From ae65702cb82ae3d5a0664e2097bbd39053905a9d Mon Sep 17 00:00:00 2001 From: Arihant Bhandari Date: Sun, 2 Jun 2024 16:17:46 +0530 Subject: [PATCH 1/3] initial work --- .../metabolic_syndrome_predict.ipynb | 653 +++++++++++++++++- 1 file changed, 650 insertions(+), 3 deletions(-) diff --git a/Metabolic Syndrome Prediction/metabolic_syndrome_predict.ipynb b/Metabolic Syndrome Prediction/metabolic_syndrome_predict.ipynb index 625fe13f..2da5fec2 100644 --- a/Metabolic Syndrome Prediction/metabolic_syndrome_predict.ipynb +++ b/Metabolic Syndrome Prediction/metabolic_syndrome_predict.ipynb @@ -2323,7 +2323,7 @@ }, { "cell_type": "code", - "execution_count": 2, + "execution_count": 17, "metadata": {}, "outputs": [], "source": [ @@ -2345,7 +2345,7 @@ }, { "cell_type": "code", - "execution_count": 3, + "execution_count": 18, "metadata": {}, "outputs": [], "source": [ @@ -2835,7 +2835,7 @@ }, { "cell_type": "code", - "execution_count": 4, + "execution_count": 19, "metadata": {}, "outputs": [], "source": [ @@ -5456,6 +5456,653 @@ "\n", "* **'HDL'**" ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "---" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "# Metabolic Syndrome Prediction | 5. Model prediction and evaluation\n", + "\n", + "-> Write generic functions.\n", + "\n", + "-> Use all features; no feature engineering (transformation, selection, extraction, dropping here)\n", + "\n", + "-> Use both normalized and standardized data.\n", + "\n", + "-> Use hyperparameter tuning for models.\n", + "\n", + "-> Use some training strategy like LOSO or K-Fold.\n", + "\n", + "-> Record time to find best params and time to train using those params.\n", + "\n", + "-> on test data and print all eval metrics.\n", + "\n", + "-> If it is binary classification, plot ROC to find optimal threshold.\n", + "\n", + "-> Using that, plot Confusion matrix to evaluate the models.\n", + "\n", + "-> Models to use: Extra Trees, SVM, Logistic, KNN, DT, RF, GB, Bagging Clf, XGB, Hist GB, MLP, Catboost, Adaboost, Naive Bayes, LightGBM" + ] + }, + { + "cell_type": "code", + "execution_count": 79, + "metadata": {}, + "outputs": [], + "source": [ + "x = df.copy().drop(columns=['MetabolicSyndrome'],axis = 1)\n", + "y = df.copy()['MetabolicSyndrome']" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Normalization" + ] + }, + { + "cell_type": "code", + "execution_count": 80, + "metadata": {}, + "outputs": [], + "source": [ + "from sklearn.preprocessing import MinMaxScaler\n", + "\n", + "def normal(x):\n", + " scale = MinMaxScaler()\n", + " x = scale.fit_transform(x)\n", + " return x" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Standardization" + ] + }, + { + "cell_type": "code", + "execution_count": 81, + "metadata": {}, + "outputs": [], + "source": [ + "from sklearn.preprocessing import StandardScaler\n", + "\n", + "def standard(x):\n", + " scale = StandardScaler()\n", + " x = scale.fit_transform(x)\n", + " return x" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Confusion Matrix" + ] + }, + { + "cell_type": "code", + "execution_count": 82, + "metadata": {}, + "outputs": [], + "source": [ + "import matplotlib.pyplot as plt\n", + "import seaborn as sns\n", + "from sklearn.metrics import confusion_matrix\n", + "\n", + "def plot_confusion_matrix(y_true, y_pred, labels):\n", + " cm = confusion_matrix(y_true, y_pred)\n", + " plt.figure(figsize=(8, 6))\n", + " sns.heatmap(cm, annot=True, fmt='d', cmap='Blues', xticklabels=labels, yticklabels=labels)\n", + " plt.xlabel('Predicted labels')\n", + " plt.ylabel('True labels')\n", + " plt.title('Confusion Matrix')\n", + " plt.show()" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### ROC-AUC Curve" + ] + }, + { + "cell_type": "code", + "execution_count": 83, + "metadata": {}, + "outputs": [], + "source": [ + "from sklearn.metrics import roc_curve, auc\n", + "import matplotlib.pyplot as plt\n", + "\n", + "def plot_roc_curve(y_true, y_pred):\n", + " fpr, tpr, thresholds = roc_curve(y_true, y_pred)\n", + " roc_auc = auc(fpr, tpr)\n", + " plt.figure(figsize=(8, 6))\n", + " plt.plot(fpr, tpr, color='blue', lw=2, label='ROC curve (area = %0.2f)' % roc_auc)\n", + " plt.plot([0, 1], [0, 1], color='red', lw=2, linestyle='--', label='Random Guessing')\n", + " plt.xlim([0.0, 1.0])\n", + " plt.ylim([0.0, 1.05])\n", + " plt.xlabel('False Positive Rate')\n", + " plt.ylabel('True Positive Rate')\n", + " plt.title('Receiver Operating Characteristic (ROC) Curve')\n", + " plt.legend(loc=\"lower right\")\n", + " plt.show()\n" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### K-fold on XGBClassifier" + ] + }, + { + "cell_type": "code", + "execution_count": 84, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Time taken for GridSearchCV: 65.40 seconds\n", + "Best Hyperparameters:\n", + "{'learning_rate': 0.1, 'max_depth': 5, 'n_estimators': 200}\n", + "\n", + "Time taken for training with best hyperparameters: 1.68 seconds\n", + "\n", + "Mean Accuracy: 0.8904737206085753\n", + "Standard Deviation of Accuracy: 0.016681348738190417\n", + "Mean Precision: 0.840558326821571\n", + "Standard Deviation of Precision: 0.033400454685118125\n", + "Mean Recall: 0.8420217455186598\n", + "Standard Deviation of Recall: 0.048447557254232027\n", + "Mean F1-score: 0.8399737525865048\n", + "Standard Deviation of F1-score: 0.026538578894600685\n", + "Mean ROC AUC: 0.8789061400333764\n", + "Standard Deviation of ROC AUC: 0.021751718258805296\n", + "\n", + "Total time taken: 67.08 seconds\n" + ] + } + ], + "source": [ + "from sklearn.model_selection import StratifiedKFold, GridSearchCV\n", + "from sklearn.metrics import accuracy_score, precision_score, recall_score, f1_score, roc_auc_score, confusion_matrix\n", + "import xgboost as xgb\n", + "import numpy as np\n", + "import time\n", + "\n", + "start_total_time = time.time()\n", + "\n", + "kf = StratifiedKFold(n_splits=10, shuffle=True, random_state=42)\n", + "\n", + "model = xgb.XGBClassifier(objective='binary:logistic', random_state=42)\n", + "\n", + "param_grid = {\n", + " 'n_estimators': [10, 100, 200, 300],\n", + " 'max_depth': [3, 5, 7, 9],\n", + " 'learning_rate': [0.001 ,0.01, 0.1, 0.2]\n", + "}\n", + "\n", + "grid_search = GridSearchCV(estimator=model, param_grid=param_grid, cv=kf, scoring='accuracy')\n", + "\n", + "start_time = time.time()\n", + "\n", + "grid_search.fit(normal(x), y)\n", + "\n", + "grid_search_time = time.time() - start_time\n", + "print(f\"Time taken for GridSearchCV: {grid_search_time:.2f} seconds\")\n", + "\n", + "best_params = grid_search.best_params_\n", + "\n", + "print(\"Best Hyperparameters:\")\n", + "print(best_params)\n", + "\n", + "print()\n", + "\n", + "best_model = grid_search.best_estimator_\n", + "\n", + "start_time = time.time()\n", + "\n", + "accuracy_scores = []\n", + "precision_scores = []\n", + "recall_scores = []\n", + "f1_scores = []\n", + "roc_auc_scores = []\n", + "confusion_matrices = []\n", + "\n", + "for train_index, test_index in kf.split(normal(x), y):\n", + " X_train, X_test = x.iloc[train_index], x.iloc[test_index]\n", + " y_train, y_test = y.iloc[train_index], y.iloc[test_index]\n", + "\n", + " best_model.fit(X_train, y_train)\n", + "\n", + " y_pred = best_model.predict(X_test)\n", + "\n", + " accuracy = accuracy_score(y_test, y_pred)\n", + " accuracy_scores.append(accuracy)\n", + " \n", + " precision = precision_score(y_test, y_pred)\n", + " precision_scores.append(precision)\n", + " \n", + " recall = recall_score(y_test, y_pred)\n", + " recall_scores.append(recall)\n", + " \n", + " f1 = f1_score(y_test, y_pred)\n", + " f1_scores.append(f1)\n", + " \n", + " roc_auc = roc_auc_score(y_test, y_pred)\n", + " roc_auc_scores.append(roc_auc)\n", + " \n", + " confusion = confusion_matrix(y_test, y_pred)\n", + " confusion_matrices.append(confusion)\n", + "\n", + "training_time = time.time() - start_time\n", + "print(f\"Time taken for training with best hyperparameters: {training_time:.2f} seconds\")\n", + "\n", + "print()\n", + "\n", + "mean_accuracy = np.mean(accuracy_scores)\n", + "std_accuracy = np.std(accuracy_scores)\n", + "\n", + "mean_precision = np.mean(precision_scores)\n", + "std_precision = np.std(precision_scores)\n", + "\n", + "mean_recall = np.mean(recall_scores)\n", + "std_recall = np.std(recall_scores)\n", + "\n", + "mean_f1 = np.mean(f1_scores)\n", + "std_f1 = np.std(f1_scores)\n", + "\n", + "mean_roc_auc = np.mean(roc_auc_scores)\n", + "std_roc_auc = np.std(roc_auc_scores)\n", + "\n", + "print(f\"Mean Accuracy: {mean_accuracy}\")\n", + "print(f\"Standard Deviation of Accuracy: {std_accuracy}\")\n", + "\n", + "print(f\"Mean Precision: {mean_precision}\")\n", + "print(f\"Standard Deviation of Precision: {std_precision}\")\n", + "\n", + "print(f\"Mean Recall: {mean_recall}\")\n", + "print(f\"Standard Deviation of Recall: {std_recall}\")\n", + "\n", + "print(f\"Mean F1-score: {mean_f1}\")\n", + "print(f\"Standard Deviation of F1-score: {std_f1}\")\n", + "\n", + "print(f\"Mean ROC AUC: {mean_roc_auc}\")\n", + "print(f\"Standard Deviation of ROC AUC: {std_roc_auc}\")\n", + "\n", + "print()\n", + "\n", + "total_time = time.time() - start_total_time\n", + "print(f\"Total time taken: {total_time:.2f} seconds\")" + ] + }, + { + "cell_type": "code", + "execution_count": 85, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "x_train: (1800, 13)\n", + "y_train: (1800,)\n", + "x_test: (601, 13)\n", + "y_test: (601,)\n" + ] + } + ], + "source": [ + "from sklearn.model_selection import train_test_split\n", + "\n", + "x_train, x_test, y_train, y_test = train_test_split(x,y,test_size=0.25,random_state=42)\n", + "\n", + "print(\"x_train:\",x_train.shape)\n", + "print(\"y_train:\",y_train.shape)\n", + "print(\"x_test:\",x_test.shape)\n", + "print(\"y_test:\",y_test.shape)" + ] + }, + { + "cell_type": "code", + "execution_count": 86, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Accuracy: 0.8868552412645591\n", + "Precision: 0.8541666666666666\n", + "Recall: 0.803921568627451\n", + "F1 Score: 0.8282828282828283\n", + "ROC AUC Score: 0.8666963006865215\n", + "Confusion Matrix:\n", + "[[369 28]\n", + " [ 40 164]]\n" + ] + } + ], + "source": [ + "model = grid_search.best_estimator_\n", + "\n", + "model.fit(x_train, y_train)\n", + "\n", + "y_pred = model.predict(x_test)\n", + "\n", + "y_pred = (y_pred >= 0.5).astype(int)\n", + "\n", + "print(\"Accuracy:\", accuracy_score(y_test, y_pred))\n", + "print(\"Precision:\", precision_score(y_test, y_pred))\n", + "print(\"Recall:\", recall_score(y_test, y_pred))\n", + "print(\"F1 Score:\", f1_score(y_test, y_pred))\n", + "print(\"ROC AUC Score:\", roc_auc_score(y_test, y_pred))\n", + "print(\"Confusion Matrix:\")\n", + "print(confusion_matrix(y_test, y_pred))" + ] + }, + { + "cell_type": "code", + "execution_count": 87, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAokAAAIjCAYAAABvUIGpAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8pXeV/AAAACXBIWXMAAA9hAAAPYQGoP6dpAABINElEQVR4nO3de5yN9f7//+eaYZYx5mAwpzDOh8kxSZOctjOJaEuUIbHVUBmkqcihmj5UpEKnjUQ6UpQ0CLVN5TRIEkNRzBCZYTDGzPX7w8/6trypWcyyZqzHvdt1u1nX9V7X9Vprb+3Xfr6v671slmVZAgAAAP7Cx9MFAAAAoOihSQQAAICBJhEAAAAGmkQAAAAYaBIBAABgoEkEAACAgSYRAAAABppEAAAAGGgSAQAAYKBJBPC3du3apQ4dOig4OFg2m02LFy8u1PP/8ssvstlsmjNnTqGetzhr3bq1Wrdu7ekyAHg5mkSgGEhLS9N//vMfVatWTaVKlVJQUJCaN2+ul156SadOnXLrtePi4rRt2zY988wzmjdvnm688Ua3Xu9qGjBggGw2m4KCgi76Pe7atUs2m002m03PP/+8y+c/cOCAxo8fr9TU1EKoFgCurhKeLgDA3/vss8/073//W3a7Xf3791e9evV05swZffPNNxo9erS2b9+u119/3S3XPnXqlFJSUvTEE09o2LBhbrlGdHS0Tp06pZIlS7rl/P+kRIkSOnnypJYsWaLevXs7HZs/f75KlSql06dPX9a5Dxw4oAkTJqhKlSpq1KhRgd/35ZdfXtb1AKAw0SQCRdjevXvVp08fRUdHa9WqVYqMjHQci4+P1+7du/XZZ5+57fqHDx+WJIWEhLjtGjabTaVKlXLb+f+J3W5X8+bN9e677xpN4oIFC9S1a1d99NFHV6WWkydPqnTp0vLz87sq1wOAv8N0M1CETZ48WSdOnNBbb73l1CCeV6NGDT388MOO12fPntWkSZNUvXp12e12ValSRY8//rhycnKc3lelShXddttt+uabb3TTTTepVKlSqlatmt5++23HmPHjxys6OlqSNHr0aNlsNlWpUkXSuWna83/+q/Hjx8tmszntS05O1q233qqQkBCVKVNGtWvX1uOPP+44fql7EletWqUWLVooICBAISEh6t69u3bs2HHR6+3evVsDBgxQSEiIgoODNXDgQJ08efLSX+wF+vbtq2XLlunYsWOOfevXr9euXbvUt29fY/zRo0c1atQo1a9fX2XKlFFQUJA6d+6sLVu2OMasXr1aTZs2lSQNHDjQMW19/nO2bt1a9erV08aNG9WyZUuVLl3a8b1ceE9iXFycSpUqZXz+jh07qmzZsjpw4ECBPysAFBRNIlCELVmyRNWqVdMtt9xSoPH333+/xo0bpxtuuEFTp05Vq1atlJSUpD59+hhjd+/erTvvvFPt27fXCy+8oLJly2rAgAHavn27JKlnz56aOnWqJOnuu+/WvHnzNG3aNJfq3759u2677Tbl5ORo4sSJeuGFF3T77bfrf//739++b8WKFerYsaMOHTqk8ePHKyEhQevWrVPz5s31yy+/GON79+6t48ePKykpSb1799acOXM0YcKEAtfZs2dP2Ww2ffzxx459CxYsUJ06dXTDDTcY4/fs2aPFixfrtttu04svvqjRo0dr27ZtatWqlaNhq1u3riZOnChJGjJkiObNm6d58+apZcuWjvMcOXJEnTt3VqNGjTRt2jS1adPmovW99NJLqlChguLi4pSXlydJeu211/Tll1/q5ZdfVlRUVIE/KwAUmAWgSMrMzLQkWd27dy/Q+NTUVEuSdf/99zvtHzVqlCXJWrVqlWNfdHS0Jclau3atY9+hQ4csu91ujRw50rFv7969liRrypQpTueMi4uzoqOjjRqeeuop66//Wpk6daolyTp8+PAl6z5/jdmzZzv2NWrUyAoLC7OOHDni2LdlyxbLx8fH6t+/v3G9++67z+mcd9xxh1WuXLlLXvOvnyMgIMCyLMu68847rbZt21qWZVl5eXlWRESENWHChIt+B6dPn7by8vKMz2G3262JEyc69q1fv974bOe1atXKkmTNmjXrosdatWrltG/58uWWJOvpp5+29uzZY5UpU8bq0aPHP35GALhcJIlAEZWVlSVJCgwMLND4zz//XJKUkJDgtH/kyJGSZNy7GBMToxYtWjheV6hQQbVr19aePXsuu+YLnb+X8ZNPPlF+fn6B3nPw4EGlpqZqwIABCg0Ndexv0KCB2rdv7/icfzV06FCn1y1atNCRI0cc32FB9O3bV6tXr1Z6erpWrVql9PT0i041S+fuY/TxOfevz7y8PB05csQxlb5p06YCX9Nut2vgwIEFGtuhQwf95z//0cSJE9WzZ0+VKlVKr732WoGvBQCuokkEiqigoCBJ0vHjxws0/tdff5WPj49q1KjhtD8iIkIhISH69ddfnfZXrlzZOEfZsmX1559/XmbFprvuukvNmzfX/fffr/DwcPXp00fvv//+3zaM5+usXbu2caxu3br6448/lJ2d7bT/ws9StmxZSXLps3Tp0kWBgYF67733NH/+fDVt2tT4Ls/Lz8/X1KlTVbNmTdntdpUvX14VKlTQ1q1blZmZWeBrXnfddS49pPL8888rNDRUqampmj59usLCwgr8XgBwFU0iUEQFBQUpKipKP/zwg0vvu/DBkUvx9fW96H7Lsi77GufvlzvP399fa9eu1YoVK3Tvvfdq69atuuuuu9S+fXtj7JW4ks9ynt1uV8+ePTV37lwtWrTokimiJD377LNKSEhQy5Yt9c4772j58uVKTk7W9ddfX+DEVDr3/bhi8+bNOnTokCRp27ZtLr0XAFxFkwgUYbfddpvS0tKUkpLyj2Ojo6OVn5+vXbt2Oe3PyMjQsWPHHE8qF4ayZcs6PQl83oVppST5+Piobdu2evHFF/Xjjz/qmWee0apVq/TVV19d9Nzn69y5c6dx7KefflL58uUVEBBwZR/gEvr27avNmzfr+PHjF33Y57wPP/xQbdq00VtvvaU+ffqoQ4cOateunfGdFLRhL4js7GwNHDhQMTExGjJkiCZPnqz169cX2vkB4EI0iUAR9uijjyogIED333+/MjIyjONpaWl66aWXJJ2bLpVkPIH84osvSpK6du1aaHVVr15dmZmZ2rp1q2PfwYMHtWjRIqdxR48eNd57flHpC5flOS8yMlKNGjXS3LlznZquH374QV9++aXjc7pDmzZtNGnSJL3yyiuKiIi45DhfX18jpfzggw/0+++/O+0738xerKF21ZgxY7Rv3z7NnTtXL774oqpUqaK4uLhLfo8AcKVYTBsowqpXr64FCxborrvuUt26dZ1+cWXdunX64IMPNGDAAElSw4YNFRcXp9dff13Hjh1Tq1at9P3332vu3Lnq0aPHJZdXuRx9+vTRmDFjdMcdd+ihhx7SyZMnNXPmTNWqVcvpwY2JEydq7dq16tq1q6Kjo3Xo0CHNmDFDFStW1K233nrJ80+ZMkWdO3dWbGysBg0apFOnTunll19WcHCwxo8fX2if40I+Pj568skn/3HcbbfdpokTJ2rgwIG65ZZbtG3bNs2fP1/VqlVzGle9enWFhIRo1qxZCgwMVEBAgJo1a6aqVau6VNeqVas0Y8YMPfXUU44leWbPnq3WrVtr7Nixmjx5skvnA4AC8fDT1QAK4Oeff7YGDx5sValSxfLz87MCAwOt5s2bWy+//LJ1+vRpx7jc3FxrwoQJVtWqVa2SJUtalSpVshITE53GWNa5JXC6du1qXOfCpVcutQSOZVnWl19+adWrV8/y8/Ozateubb3zzjvGEjgrV660unfvbkVFRVl+fn5WVFSUdffdd1s///yzcY0Ll4lZsWKF1bx5c8vf398KCgqyunXrZv34449OY85f78IldmbPnm1Jsvbu3XvJ79SynJfAuZRLLYEzcuRIKzIy0vL397eaN29upaSkXHTpmk8++cSKiYmxSpQo4fQ5W7VqZV1//fUXveZfz5OVlWVFR0dbN9xwg5Wbm+s0bsSIEZaPj4+VkpLyt58BAC6HzbJcuLMbAAAAXoF7EgEAAGCgSQQAAICBJhEAAAAGmkQAAAAYaBIBAABgoEkEAACAgSYRAAAAhmvyF1f8Gw/zdAkA3OTP9a94ugQAblLKg12JO3uHU5uL57+3SBIBAABguCaTRAAAAJfYyM0uRJMIAABgs3m6giKHthkAAAAGkkQAAACmmw18IwAAADCQJAIAAHBPooEkEQAAAAaSRAAAAO5JNPCNAAAAwECSCAAAwD2JBppEAAAAppsNfCMAAAAwkCQCAAAw3WwgSQQAAICBJBEAAIB7Eg18IwAAADCQJAIAAHBPooEkEQAAAAaSRAAAAO5JNNAkAgAAMN1soG0GAAAoImbOnKkGDRooKChIQUFBio2N1bJlyxzHW7duLZvN5rQNHTrU6Rz79u1T165dVbp0aYWFhWn06NE6e/asy7WQJAIAABSR6eaKFSvqueeeU82aNWVZlubOnavu3btr8+bNuv766yVJgwcP1sSJEx3vKV26tOPPeXl56tq1qyIiIrRu3TodPHhQ/fv3V8mSJfXss8+6VAtNIgAAgBvl5OQoJyfHaZ/dbpfdbjfGduvWzen1M888o5kzZ+rbb791NImlS5dWRETERa/15Zdf6scff9SKFSsUHh6uRo0aadKkSRozZozGjx8vPz+/AtddNNpmAAAAT7L5uG1LSkpScHCw05aUlPSPJeXl5WnhwoXKzs5WbGysY//8+fNVvnx51atXT4mJiTp58qTjWEpKiurXr6/w8HDHvo4dOyorK0vbt2936SshSQQAAHCjxMREJSQkOO27WIp43rZt2xQbG6vTp0+rTJkyWrRokWJiYiRJffv2VXR0tKKiorR161aNGTNGO3fu1McffyxJSk9Pd2oQJTlep6enu1Q3TSIAAICP+55uvtTU8qXUrl1bqampyszM1Icffqi4uDitWbNGMTExGjJkiGNc/fr1FRkZqbZt2yotLU3Vq1cv1LqZbgYAAChC/Pz8VKNGDTVp0kRJSUlq2LChXnrppYuObdasmSRp9+7dkqSIiAhlZGQ4jTn/+lL3MV4KTSIAAIAb70m8Uvn5+caDL+elpqZKkiIjIyVJsbGx2rZtmw4dOuQYk5ycrKCgIMeUdUEx3QwAAFBEFtNOTExU586dVblyZR0/flwLFizQ6tWrtXz5cqWlpWnBggXq0qWLypUrp61bt2rEiBFq2bKlGjRoIEnq0KGDYmJidO+992ry5MlKT0/Xk08+qfj4eJemvCWaRAAAgCLj0KFD6t+/vw4ePKjg4GA1aNBAy5cvV/v27bV//36tWLFC06ZNU3Z2tipVqqRevXrpySefdLzf19dXS5cu1QMPPKDY2FgFBAQoLi7OaV3FgrJZlmUV5ocrCvwbD/N0CQDc5M/1r3i6BABuUsqD0ZV/u+fcdu5TKx5z27ndiXsSAQAAYGC6GQAAoIjck1iUkCQCAADAQJIIAABQCEvVXGv4RgAAAGAgSQQAAOCeRANNIgAAANPNBr4RAAAAGEgSAQAAmG42kCQCAADAQJIIAADAPYkGvhEAAAAYSBIBAAC4J9FAkggAAAADSSIAAAD3JBpoEgEAAGgSDXwjAAAAMJAkAgAA8OCKgSQRAAAABpJEAAAA7kk08I0AAADAQJIIAADAPYkGkkQAAAAYSBIBAAC4J9FAkwgAAMB0s4G2GQAAAAaSRAAA4PVsJIkGkkQAAAAYSBIBAIDXI0k0kSQCAADAQJIIAABAkGggSQQAAICBJBEAAHg97kk00SQCAACvR5NoYroZAAAABpJEAADg9UgSTSSJAAAAMJAkAgAAr0eSaCJJBAAAgIEkEQAAgCDRQJIIAAAAA0kiAADwetyTaCJJBAAAgIEkEQAAeD2SRBNNIgAA8Ho0iSammwEAAGAgSQQAAF6PJNFEkggAAAADSSIAAABBooEkEQAAAAaSRAAA4PW4J9FEkggAAAADSSIAAPB6JIkmmkQAAOD1aBJNTDcDAADAQJIIAABAkGggSQQAACgiZs6cqQYNGigoKEhBQUGKjY3VsmXLHMdPnz6t+Ph4lStXTmXKlFGvXr2UkZHhdI59+/apa9euKl26tMLCwjR69GidPXvW5VpoEgEAgNez2Wxu21xRsWJFPffcc9q4caM2bNigf/3rX+revbu2b98uSRoxYoSWLFmiDz74QGvWrNGBAwfUs2dPx/vz8vLUtWtXnTlzRuvWrdPcuXM1Z84cjRs3zvXvxLIsy+V3FXH+jYd5ugQAbvLn+lc8XQIANynlwZvgwu//wG3nznjz31f0/tDQUE2ZMkV33nmnKlSooAULFujOO++UJP3000+qW7euUlJSdPPNN2vZsmW67bbbdODAAYWHh0uSZs2apTFjxujw4cPy8/Mr8HVJEgEAgNdzZ5KYk5OjrKwspy0nJ+cfa8rLy9PChQuVnZ2t2NhYbdy4Ubm5uWrXrp1jTJ06dVS5cmWlpKRIklJSUlS/fn1HgyhJHTt2VFZWliONLCiaRAAAADdKSkpScHCw05aUlHTJ8du2bVOZMmVkt9s1dOhQLVq0SDExMUpPT5efn59CQkKcxoeHhys9PV2SlJ6e7tQgnj9+/pgreLoZAAB4PXeuk5iYmKiEhASnfXa7/ZLja9eurdTUVGVmZurDDz9UXFyc1qxZ47b6LoUmEQAAeD13Nol2u/1vm8IL+fn5qUaNGpKkJk2aaP369XrppZd011136cyZMzp27JhTmpiRkaGIiAhJUkREhL7//nun851/+vn8mIJiuhkAAKAIy8/PV05Ojpo0aaKSJUtq5cqVjmM7d+7Uvn37FBsbK0mKjY3Vtm3bdOjQIceY5ORkBQUFKSYmxqXrkiQCAAAUkcW0ExMT1blzZ1WuXFnHjx/XggULtHr1ai1fvlzBwcEaNGiQEhISFBoaqqCgIA0fPlyxsbG6+eabJUkdOnRQTEyM7r33Xk2ePFnp6el68sknFR8f71KaKdEkAgAAFBmHDh1S//79dfDgQQUHB6tBgwZavny52rdvL0maOnWqfHx81KtXL+Xk5Khjx46aMWOG4/2+vr5aunSpHnjgAcXGxiogIEBxcXGaOHGiy7WwTiKAYoV1EoFrlyfXSbzugUVuO/fvM+9w27ndiXsSAQAAYGC6GQAAeD13Pt1cXJEkAgAAwECSCAAAvB5JookmEQAAgB7RwHQzAAAADCSJAADA6zHdbCJJBAAAgIEkEQAAeD2SRBNJIgAAAAwkiShyBv/7Vg2+s4Wio0IlSTv2pOvZ15fpy//96BjTrEFVjY+/TU3rV1FeXr62/vy7uj34qk7n5EqSGtWpqKcf7qEm11dWXp6lxStTNeaFj5R96oxHPhOAi3vrjde0MvlL7d27R/ZSpdSoUWM9kjBKVapWc4z54/BhvfjCZH27bp2yT2arSpWqGjxkqNp16OjBynGtIUk0kSSiyPk945jGvvyJbuk3Wc37TdHq73/WB1OHqG61CEnnGsRPXnlQK7/9SS3umaJb75miWQvXKD//3M+QR1YI1mezhitt/2G1vPd5dY9/VTHVI/TGxHs9+bEAXMSG9d/rrrv7ad677+u1N2br7NmzGjp4kE6ePOkY88TjY/TL3r166ZWZ+mjRErVt116jRz6iHTt+/JszA7hSJIkocj5f+4PT6/GvLtHgf9+qmxpU1Y496Zo8sqdmLFyt52cnO8bs+vWQ48+dW9RT7tk8PZL0vizrXOM4/Jn3tOGDx1WtUnnt2f/H1fkgAP7RzNffcno98Znn1KZFrHb8uF1NbmwqSdqyebOeGPeU6jdoIEkaMvRBvfP2XO3Yvl1168Zc9ZpxbSJJNHm0Sfzjjz/03//+VykpKUpPT5ckRURE6JZbbtGAAQNUoUIFT5aHIsDHx6Ze7W9QgL+fvtu6VxXKltFNDapq4bIN+mpOgqpWLK+ff8nQ+FeWaF3qHkmS3a+EcnPzHA2iJJ3KOTfNfEuj6jSJQBF24vhxSVJQcLBjX8PGjbX8i2Vq2bK1AoOCtPyLZco5k6Mbm97kqTJxLaJHNHhsunn9+vWqVauWpk+fruDgYLVs2VItW7ZUcHCwpk+frjp16mjDhg3/eJ6cnBxlZWU5bVZ+3lX4BHCn62tE6fD/XlDmd9M0/Ym7dNfIN/TTnnRVrVhekvTEf7rovx+vU/f4GUrdsV+fvzZc1Suf+z8Vq7/fqfByQRrRv61KlvBVSKC/nn6ouyQpokLwJa8JwLPy8/M1+f+eVaPGN6hmzVqO/VNemKazuWfVsnkzNW1cX09PGKepL72iytHRHqwWuPZ5LEkcPny4/v3vf2vWrFlGxGtZloYOHarhw4crJSXlb8+TlJSkCRMmOO3zDW+qkpH8P8zi7OdfMtSsT5KCy/jrjnaN9cbEe9Xh/pfk43PuvytvffSN5n36rSRpy87f1Pqm2orrHqtxL3+qHXvSNXjcPD03sqcmDr9defn5mvHuGqX/kSUrP9+THwvA33j26QlK27VLc+YtcNr/6ssv6fjxLL3+1hyFhJTVV6tW6NGRj2j22/NVs1ZtD1WLaw3TzSaPNYlbtmzRnDlzLvofis1m04gRI9S4ceN/PE9iYqISEhKc9oW1GFNodcIzcs/mOaaFN+/YrybXV1b83a0d9yHu2JPuNH7n3nRViijreP3eFxv03hcbFBYaqOxTObIs6aF7/qW9vx25eh8CQIE9+/RErV2zWv+d+47CIyIc+/fv26eFC97RR58sVY0aNSVJtevU0aaNG7Tw3fka+9RET5UMXPM81iRGRETo+++/V506dS56/Pvvv1d4ePg/nsdut8tutzvts/n4FkqNKDp8bDbZ/Uro1wNHdODQMdWqEuZ0vEZ0mNMSOecdOnru/qb+3W/W6TO5WvntT1elXgAFY1mWkp6ZpFUrk/XWnHmqWLGS0/HTp09JknxszndH+fj4ysq3BBQWkkSTx5rEUaNGaciQIdq4caPatm3raAgzMjK0cuVKvfHGG3r++ec9VR48aOLw27X8f9u1/+CfCgwopbs636iWN9ZUtwdnSJKmzl2hJ4d21baff9eWnb/pnm7NVLtKuPqO/n9PSQ69q6W+3bJHJ06eUdub6+jZR3po7MufKPPEKU99LAAX8eykCVr2+VJNe3mGAkoH6I/DhyVJZQIDVapUKVWpWk2VK0dr0oRxShg1RiEhIVq1aoW+TfmfXp7xmoerB65tNuuvj4BeZe+9956mTp2qjRs3Ki/v3MMmvr6+atKkiRISEtS7d+/LOq9/42GFWSausplP9VWbm2oronyQMk+c1g+7ftcLs1do1Xf/LwUcNbC9/tO7pcoGl9a2n3/XE9MWO55ulqQ3J92rTrfWU5nSftr5S4amvb1S73623hMfB4Xsz/WveLoEFKKG11/8nsKJTyep+x09JUm//vqLXnrxBW3evFEnT55U5UqV1X/gfep2e4+rWCmuhlIeXHOlxqhlbjv37uc7u+3c7uTRJvG83Nxc/fHHufvPypcvr5IlS17R+WgSgWsXTSJw7aJJLFqKxGLaJUuWVGRkpKfLAAAAXop7Ek1FokkEAADwJHpEE7/dDAAAAANJIgAA8HpMN5tIEgEAAGAgSQQAAF6PINFEkggAAAADSSIAAPB6Pj5EiRciSQQAAICBJBEAAHg97kk00SQCAACvxxI4JqabAQAAYCBJBAAAXo8g0USSCAAAAANJIgAA8Hrck2giSQQAAICBJBEAAHg9kkQTSSIAAAAMJIkAAMDrESSaaBIBAIDXY7rZxHQzAAAADCSJAADA6xEkmkgSAQAAYCBJBAAAXo97Ek0kiQAAADCQJAIAAK9HkGgiSQQAAICBJBEAAHg97kk0kSQCAADAQJIIAAC8HkGiiSYRAAB4PaabTUw3AwAAwECSCAAAvB5BookkEQAAAAaSRAAA4PW4J9FEkggAAAADTSIAAPB6Npv7NlckJSWpadOmCgwMVFhYmHr06KGdO3c6jWndurVsNpvTNnToUKcx+/btU9euXVW6dGmFhYVp9OjROnv2rEu1MN0MAABQRKxZs0bx8fFq2rSpzp49q8cff1wdOnTQjz/+qICAAMe4wYMHa+LEiY7XpUuXdvw5Ly9PXbt2VUREhNatW6eDBw+qf//+KlmypJ599tkC10KTCAAAvF5RuSfxiy++cHo9Z84chYWFaePGjWrZsqVjf+nSpRUREXHRc3z55Zf68ccftWLFCoWHh6tRo0aaNGmSxowZo/Hjx8vPz69AtTDdDAAAvJ47p5tzcnKUlZXltOXk5BSorszMTElSaGio0/758+erfPnyqlevnhITE3Xy5EnHsZSUFNWvX1/h4eGOfR07dlRWVpa2b99e4O+EJhEAAMCNkpKSFBwc7LQlJSX94/vy8/P1yCOPqHnz5qpXr55jf9++ffXOO+/oq6++UmJioubNm6d77rnHcTw9Pd2pQZTkeJ2enl7gupluBgAAXs+d082JiYlKSEhw2me32//xffHx8frhhx/0zTffOO0fMmSI48/169dXZGSk2rZtq7S0NFWvXr1wihZJIgAAgFvZ7XYFBQU5bf/UJA4bNkxLly7VV199pYoVK/7t2GbNmkmSdu/eLUmKiIhQRkaG05jzry91H+PF0CQCAACvd+GSMoW5ucKyLA0bNkyLFi3SqlWrVLVq1X98T2pqqiQpMjJSkhQbG6tt27bp0KFDjjHJyckKCgpSTExMgWthuhkAAKCIiI+P14IFC/TJJ58oMDDQcQ9hcHCw/P39lZaWpgULFqhLly4qV66ctm7dqhEjRqhly5Zq0KCBJKlDhw6KiYnRvffeq8mTJys9PV1PPvmk4uPjCzTNfR5NIgAA8HpFZAUczZw5U9K5BbP/avbs2RowYID8/Py0YsUKTZs2TdnZ2apUqZJ69eqlJ5980jHW19dXS5cu1QMPPKDY2FgFBAQoLi7OaV3FgqBJBAAAKCIsy/rb45UqVdKaNWv+8TzR0dH6/PPPr6gWmkQAAOD1ispi2kUJTSIAAPB69Igmnm4GAACAgSQRAAB4PaabTSSJAAAAMJAkAgAAr0eQaCJJBAAAgIEkEQAAeD0fokQDSSIAAAAMJIkAAMDrESSaaBIBAIDXYwkcE9PNAAAAMJAkAgAAr+dDkGggSQQAAICBJBEAAHg97kk0kSQCAADAQJIIAAC8HkGiiSQRAAAABpJEAADg9WwiSrwQTSIAAPB6LIFjYroZAAAABpJEAADg9VgCx0SSCAAAAANJIgAA8HoEiSaSRAAAABhIEgEAgNfzIUo0kCQCAADAUChN4rFjxwrjNAAAAB5hs7lvK65cbhL/7//+T++9957jde/evVWuXDldd9112rJlS6EWBwAAcDXYbDa3bcWVy03irFmzVKlSJUlScnKykpOTtWzZMnXu3FmjR48u9AIBAABw9bn84Ep6erqjSVy6dKl69+6tDh06qEqVKmrWrFmhFwgAAOBuxTjwcxuXk8SyZctq//79kqQvvvhC7dq1kyRZlqW8vLzCrQ4AAAAe4XKS2LNnT/Xt21c1a9bUkSNH1LlzZ0nS5s2bVaNGjUIvEAAAwN1YAsfkcpM4depUValSRfv379fkyZNVpkwZSdLBgwf14IMPFnqBAAAAuPpcbhJLliypUaNGGftHjBhRKAUBAABcbeSIpgI1iZ9++mmBT3j77bdfdjEAAAAoGgrUJPbo0aNAJ7PZbDy8AgAAip3ivJ6huxSoSczPz3d3HQAAAB7jQ49ouKKf5Tt9+nRh1QEAAIAixOUmMS8vT5MmTdJ1112nMmXKaM+ePZKksWPH6q233ir0AgEAANyNn+UzudwkPvPMM5ozZ44mT54sPz8/x/569erpzTffLNTiAAAA4BkuN4lvv/22Xn/9dfXr10++vr6O/Q0bNtRPP/1UqMUBAABcDTab+7biyuUm8ffff7/oL6vk5+crNze3UIoCAACAZ7ncJMbExOjrr7829n/44Ydq3LhxoRQFAABwNXFPosnlX1wZN26c4uLi9Pvvvys/P18ff/yxdu7cqbfffltLly51R40AAAC4ylxOErt3764lS5ZoxYoVCggI0Lhx47Rjxw4tWbJE7du3d0eNAAAAbuVjc99WXLmcJEpSixYtlJycXNi1AAAAeERxnhZ2l8tqEiVpw4YN2rFjh6Rz9yk2adKk0IoCAACAZ7ncJP7222+6++679b///U8hISGSpGPHjumWW27RwoULVbFixcKuEQAAwK3IEU0u35N4//33Kzc3Vzt27NDRo0d19OhR7dixQ/n5+br//vvdUSMAAACuMpeTxDVr1mjdunWqXbu2Y1/t2rX18ssvq0WLFoVaHAAAwNXgwz2JBpeTxEqVKl100ey8vDxFRUUVSlEAAADwLJebxClTpmj48OHasGGDY9+GDRv08MMP6/nnny/U4gAAAK4GfpbPVKDp5rJlyzo9Gp6dna1mzZqpRIlzbz979qxKlCih++67Tz169HBLoQAAALh6CtQkTps2zc1lAAAAeA7rJJoK1CTGxcW5uw4AAAAUIZe9mLYknT59WmfOnHHaFxQUdEUFAQAAXG0EiSaXH1zJzs7WsGHDFBYWpoCAAJUtW9ZpAwAAKG58bDa3ba5ISkpS06ZNFRgYqLCwMPXo0UM7d+50GnP69GnFx8erXLlyKlOmjHr16qWMjAynMfv27VPXrl1VunRphYWFafTo0Tp79qxr34lLoyU9+uijWrVqlWbOnCm73a4333xTEyZMUFRUlN5++21XTwcAAID/35o1axQfH69vv/1WycnJys3NVYcOHZSdne0YM2LECC1ZskQffPCB1qxZowMHDqhnz56O43l5eeratavOnDmjdevWae7cuZozZ47GjRvnUi02y7IsV95QuXJlvf3222rdurWCgoK0adMm1ahRQ/PmzdO7776rzz//3KUC3MG/8TBPlwDATf5c/4qnSwDgJqWu6Ca4K/Pgxz+67dwzesZc9nsPHz6ssLAwrVmzRi1btlRmZqYqVKigBQsW6M4775Qk/fTTT6pbt65SUlJ08803a9myZbrtttt04MABhYeHS5JmzZqlMWPG6PDhw/Lz8yvQtV1OEo8ePapq1apJOnf/4dGjRyVJt956q9auXevq6QAAAK5pOTk5ysrKctpycnIK9N7MzExJUmhoqCRp48aNys3NVbt27Rxj6tSpo8qVKyslJUWSlJKSovr16zsaREnq2LGjsrKytH379gLX7XKTWK1aNe3du9dR1Pvvvy9JWrJkiUJCQlw9HQAAgMfZbDa3bUlJSQoODnbakpKS/rGm/Px8PfLII2revLnq1asnSUpPT5efn5/Rc4WHhys9Pd0x5q8N4vnj548VlMvB7sCBA7Vlyxa1atVKjz32mLp166ZXXnlFubm5evHFF109HQAAwDUtMTFRCQkJTvvsdvs/vi8+Pl4//PCDvvnmG3eV9rdcbhJHjBjh+HO7du30008/aePGjapRo4YaNGhQqMVdrvR10z1dAgA3eeu7XzxdAgA3iW9exWPXdnlq1QV2u71ATeFfDRs2TEuXLtXatWtVsWJFx/6IiAidOXNGx44dc0oTMzIyFBER4Rjz/fffO53v/NPP58cUxBV/J9HR0erZs2eRaRABAACKK8uyNGzYMC1atEirVq1S1apVnY43adJEJUuW1MqVKx37du7cqX379ik2NlaSFBsbq23btunQoUOOMcnJyQoKClJMTMEfoilQkjh9esGTuYceeqjAYwEAAIqCovKzfPHx8VqwYIE++eQTBQYGOu4hDA4Olr+/v4KDgzVo0CAlJCQoNDRUQUFBGj58uGJjY3XzzTdLkjp06KCYmBjde++9mjx5stLT0/Xkk08qPj7epUSzQEvgXNjFXvJkNpv27NlT4Iu7S+apfE+XAMBN3tm0z9MlAHATT043P/LJT24797TudQo89lLN6uzZszVgwABJ5xbTHjlypN59913l5OSoY8eOmjFjhtNU8q+//qoHHnhAq1evVkBAgOLi4vTcc8+pRImC32no8jqJxQFNInDtokkErl00iUWLB5etBAAAKBp8isZsc5Hizod5AAAAUEyRJAIAAK9XVB5cKUpIEgEAAGAgSQQAAF6PexJNl5Ukfv3117rnnnsUGxur33//XZI0b948j/1sDAAAAAqXy03iRx99pI4dO8rf31+bN29WTk6OJCkzM1PPPvtsoRcIAADgbjab+7biyuUm8emnn9asWbP0xhtvqGTJko79zZs316ZNmwq1OAAAgKvBx2Zz21Zcudwk7ty5Uy1btjT2BwcH69ixY4VREwAAADzM5SYxIiJCu3fvNvZ/8803qlatWqEUBQAAcDX5uHErrlyuffDgwXr44Yf13XffyWaz6cCBA5o/f75GjRqlBx54wB01AgAA4CpzeQmcxx57TPn5+Wrbtq1Onjypli1bym63a9SoURo+fLg7agQAAHCrYnzroNu43CTabDY98cQTGj16tHbv3q0TJ04oJiZGZcqUcUd9AAAA8IDLXkzbz89PMTExhVkLAACARxTnp5DdxeUmsU2bNn/7+4arVq26ooIAAADgeS43iY0aNXJ6nZubq9TUVP3www+Ki4srrLoAAACuGoJEk8tN4tSpUy+6f/z48Tpx4sQVFwQAAHC18dvNpkJbvueee+7Rf//738I6HQAAADzosh9cuVBKSopKlSpVWKcDAAC4anhwxeRyk9izZ0+n15Zl6eDBg9qwYYPGjh1baIUBAADAc1xuEoODg51e+/j4qHbt2po4caI6dOhQaIUBAABcLQSJJpeaxLy8PA0cOFD169dX2bJl3VUTAAAAPMylB1d8fX3VoUMHHTt2zE3lAAAAXH0+NvdtxZXLTzfXq1dPe/bscUctAAAAKCJcbhKffvppjRo1SkuXLtXBgweVlZXltAEAABQ3Njf+U1wV+J7EiRMnauTIkerSpYsk6fbbb3f6eT7LsmSz2ZSXl1f4VQIAALhRcZ4WdpcCN4kTJkzQ0KFD9dVXX7mzHgAAABQBBW4SLcuSJLVq1cptxQAAAHgCSaLJpXsSbSwiBAAA4BVcWiexVq1a/9goHj169IoKAgAAuNoIwkwuNYkTJkwwfnEFAAAA1x6XmsQ+ffooLCzMXbUAAAB4BPckmgp8TyIxLAAAgPdw+elmAACAaw1ZmKnATWJ+fr476wAAAPAYH7pEg8s/ywcAAIBrn0sPrgAAAFyLeHDFRJIIAAAAA0kiAADwetySaCJJBAAAgIEkEQAAeD0fESVeiCQRAAAABpJEAADg9bgn0USTCAAAvB5L4JiYbgYAAICBJBEAAHg9fpbPRJIIAAAAA0kiAADwegSJJpJEAAAAGEgSAQCA1+OeRBNJIgAAAAwkiQAAwOsRJJpoEgEAgNdjatXEdwIAAAADSSIAAPB6NuabDSSJAAAAMJAkAgAAr0eOaCJJBAAAKELWrl2rbt26KSoqSjabTYsXL3Y6PmDAANlsNqetU6dOTmOOHj2qfv36KSgoSCEhIRo0aJBOnDjhUh00iQAAwOv52Gxu21yVnZ2thg0b6tVXX73kmE6dOungwYOO7d1333U63q9fP23fvl3JyclaunSp1q5dqyFDhrhUB9PNAAAAbpSTk6OcnBynfXa7XXa7/aLjO3furM6dO//tOe12uyIiIi56bMeOHfriiy+0fv163XjjjZKkl19+WV26dNHzzz+vqKioAtVNkggAALyezY1bUlKSgoODnbakpKQrqnf16tUKCwtT7dq19cADD+jIkSOOYykpKQoJCXE0iJLUrl07+fj46LvvvivwNUgSAQCA13PnCjiJiYlKSEhw2nepFLEgOnXqpJ49e6pq1apKS0vT448/rs6dOyslJUW+vr5KT09XWFiY03tKlCih0NBQpaenF/g6NIkAAABu9HdTy5ejT58+jj/Xr19fDRo0UPXq1bV69Wq1bdu20K7DdDMAAPB6Fz4tXJibu1WrVk3ly5fX7t27JUkRERE6dOiQ05izZ8/q6NGjl7yP8WJoEgEAAIqx3377TUeOHFFkZKQkKTY2VseOHdPGjRsdY1atWqX8/Hw1a9aswOdluhkAAHi9opSanThxwpEKStLevXuVmpqq0NBQhYaGasKECerVq5ciIiKUlpamRx99VDVq1FDHjh0lSXXr1lWnTp00ePBgzZo1S7m5uRo2bJj69OlT4CebpaL1nQAAAHi9DRs2qHHjxmrcuLEkKSEhQY0bN9a4cePk6+urrVu36vbbb1etWrU0aNAgNWnSRF9//bXTfY/z589XnTp11LZtW3Xp0kW33nqrXn/9dZfqsFmWZRXqJysCMk/le7oEAG7yzqZ9ni4BgJvEN6/isWu/n3rAbefu3ajg6V1RQpIIAAAAA/ckAgAAr+f+Z5CLH5JEAAAAGEgSAQCA17sa6xkWNzSJAADA6zG1auI7AQAAgIEkEQAAeD2mm00kiQAAADCQJAIAAK9HjmgiSQQAAICBJBEAAHg9bkk0kSQCAADAQJIIAAC8ng93JRpoEgEAgNdjutnEdDMAAAAMJIkAAMDr2ZhuNpAkAgAAwECSCAAAvB73JJpIEgEAAGAgSQQAAF6PJXBMJIkAAAAwkCQCAACvxz2JJppEAADg9WgSTUw3AwAAwECSCAAAvB6LaZtIEgEAAGAgSQQAAF7PhyDRQJIIAAAAA0kiAADwetyTaCJJBAAAgIEkEQAAeD3WSTTRJAIAAK/HdLOJ6WYAAAAYSBIBAIDXYwkcE0kiAAAADCSJAADA63FPookkEQAAAAaSRBQ7c//7hl6d/qL69L1XCY8+LknKycnRSy/8n75c/rlyz+Tq5lua69HHx6lcufIerhbAhX7fuU0bv/hAh3/ZpezMo+o67ClVv+EWpzFHD+zT/z58S7/v3Kr8vDyFRkWra/xYBZYLcxpnWZY+nfqkfv1hw0XPAxQUS+CYSBJRrPz4wzZ9/OF7qlGrttP+qc8n6eu1q5U0ZZpmvfW2Dh8+pDEJD3moSgB/JzfntCpUqqbW9wy76PFjhw7ow6QElY2opJ6PTlHfibN0U7e+8i3pZ4xNTV7E/7oDbkKTiGLj5MlsjX18tJ4YN1FBgUGO/SeOH9eniz7WIyPHqOlNN6tuzPUaN+FZbd2yWdu2pnquYAAXVaVBU8X2HKDqTZpf9HjKx3MU3eAm3dr7foVF11BIWJSqNY5V6aAQp3GH96Vp0/KP1O6+hKtQNa51NjduxRVNIoqNyc9OUvMWrXTTzc7TSTt2bNfZs7m6qVmsY1+VqtUUERmpbVtSr3KVAK6ElZ+vX7Z8r7Lh12nxC4/rjYd7671JDylt0zqncbk5p/XFa8+p9T3xCggO9VC1uJb42Gxu24qrIt0k7t+/X/fdd9/fjsnJyVFWVpbTlpOTc5UqxNXy5RefaedPPyr+ITMxOPLHHypZsqQCg4Kc9oeGlteRI39crRIBFIKTx48pN+eUNnz+nqLr36geI5NU/Ybm+uzVifpt51bHuK8XvqbIGjGq3ph7EAF3KdJN4tGjRzV37ty/HZOUlKTg4GCn7cUpz12lCnE1ZKQf1IuTkzTx2Smy2+2eLgeAG1n5liSpWuNYNe7QUxUqV9eNXe9S1YbN9MNXn0mS9mxO0f4dqWp591BPloprDNPNJo8+3fzpp5/+7fE9e/b84zkSExOVkOCcLp3OL3lFdaFo2fHjdh09ekT97+7l2JeXl6fNmzbog/cW6KUZbyg3N1fHs7Kc0sSjR//g6WagmPEPDJKPr69Co6Kd9odGVtKBXdslSb/tSFXm4YN6bVhPpzGfvzpJUbXqqdeYKVetXuBa5tEmsUePHrLZbLIs65JjbP8wl2+32410yTqVXyj1oWho2ixW7374idO+ieOeUJWqVdV/4P0KD49UiRIltf77b/Wvdh0kSb/+slfpBw+qfsNGHqgYwOXyLVFSYVVq6c/035z2/5n+u2P5myZd79L1LTs7HZ8/7j9q0ec/qtro5qtWK64xxTnycxOPNomRkZGaMWOGunfvftHjqampatKkyVWuCkVNQECAqteo5bTP399fwcEhjv2339FT0154TkHBwQoIKKPnn3ta9Rs0Uv0GjTxQMYC/c+b0KWUeOuB4nfVHug7vS1OpgEAFlgtTk07/1rJZz+q6WvVUsU5D/frDBu3d8q16PXouIQwIDr3owyqB5cIUXCHiqn0O4Frn0SaxSZMm2rhx4yWbxH9KGYHzRoxKlI/NR4+NfFhnzpxxLKYNoOg59MvP+njyo47XXy98TZJUt3l7tR80StWbNFeb/g9pw2cLtWbBTJWNqKgu8WMVVauep0qGF+Bn+Uw2y4Nd2Ndff63s7Gx16tTposezs7O1YcMGtWrVyqXzZjLdDFyz3tm0z9MlAHCT+OZVPHbt79Iy3XbuZtWD3XZud/JoktiiRYu/PR4QEOBygwgAAOCqYrycodvw280AAMDr0SOaivQ6iQAAAPAMkkQAAACiRANJIgAAAAwkiQAAwOuxBI6JJBEAAAAGkkQAAOD1WALHRJIIAABQhKxdu1bdunVTVFSUbDabFi9e7HTcsiyNGzdOkZGR8vf3V7t27bRr1y6nMUePHlW/fv0UFBSkkJAQDRo0SCdOnHCpDppEAADg9Wxu3FyVnZ2thg0b6tVXX73o8cmTJ2v69OmaNWuWvvvuOwUEBKhjx446ffq0Y0y/fv20fft2JScna+nSpVq7dq2GDBniUh0e/Vk+d+Fn+YBrFz/LB1y7PPmzfJt+zXLbuW+IDrrs99psNi1atEg9evSQdC5FjIqK0siRIzVq1ChJUmZmpsLDwzVnzhz16dNHO3bsUExMjNavX68bb7xRkvTFF1+oS5cu+u233xQVFVWga5MkAgAAuFFOTo6ysrKctpycnMs61969e5Wenq527do59gUHB6tZs2ZKSUmRJKWkpCgkJMTRIEpSu3bt5OPjo++++67A16JJBAAAXs/mxn+SkpIUHBzstCUlJV1Wnenp6ZKk8PBwp/3h4eGOY+np6QoLC3M6XqJECYWGhjrGFARPNwMAALhRYmKiEhISnPbZ7XYPVVNwNIkAAMDruXMJHLvdXmhNYUREhCQpIyNDkZGRjv0ZGRlq1KiRY8yhQ4ec3nf27FkdPXrU8f6CYLoZAACgmKhataoiIiK0cuVKx76srCx99913io2NlSTFxsbq2LFj2rhxo2PMqlWrlJ+fr2bNmhX4WiSJAADA6xWltbRPnDih3bt3O17v3btXqampCg0NVeXKlfXII4/o6aefVs2aNVW1alWNHTtWUVFRjieg69atq06dOmnw4MGaNWuWcnNzNWzYMPXp06fATzZLNIkAAABFyoYNG9SmTRvH6/P3M8bFxWnOnDl69NFHlZ2drSFDhujYsWO69dZb9cUXX6hUqVKO98yfP1/Dhg1T27Zt5ePjo169emn69Oku1cE6iQCKFdZJBK5dnlwnccv+4247d8NKgW47tzuRJAIAAK9nK1ITzkUDD64AAADAQJIIAAC8njuXwCmuSBIBAABgIEkEAABejyDRRJIIAAAAA0kiAAAAUaKBJBEAAAAGkkQAAOD1WCfRRJIIAAAAA0kiAADweqyTaKJJBAAAXo8e0cR0MwAAAAwkiQAAAESJBpJEAAAAGEgSAQCA12MJHBNJIgAAAAwkiQAAwOuxBI6JJBEAAAAGkkQAAOD1CBJNNIkAAAB0iQammwEAAGAgSQQAAF6PJXBMJIkAAAAwkCQCAACvxxI4JpJEAAAAGEgSAQCA1yNINJEkAgAAwECSCAAAQJRooEkEAABejyVwTEw3AwAAwECSCAAAvB5L4JhIEgEAAGAgSQQAAF6PINFEkggAAAADSSIAAABRooEkEQAAAAaSRAAA4PVYJ9FEkwgAALweS+CYmG4GAACAgSQRAAB4PYJEE0kiAAAADCSJAADA63FPookkEQAAAAaSRAAAAO5KNJAkAgAAwECSCAAAvB73JJpoEgEAgNejRzQx3QwAAAADSSIAAPB6TDebSBIBAABgIEkEAABez8ZdiQaSRAAAABhIEgEAAAgSDSSJAAAAMJAkAgAAr0eQaKJJBAAAXo8lcExMNwMAABQR48ePl81mc9rq1KnjOH769GnFx8erXLlyKlOmjHr16qWMjAy31EKTCAAAvJ7Njf+46vrrr9fBgwcd2zfffOM4NmLECC1ZskQffPCB1qxZowMHDqhnz56F+VU4MN0MAABQhJQoUUIRERHG/szMTL311ltasGCB/vWvf0mSZs+erbp16+rbb7/VzTffXKh1kCQCAADY3Lfl5OQoKyvLacvJyblkKbt27VJUVJSqVaumfv36ad++fZKkjRs3Kjc3V+3atXOMrVOnjipXrqyUlJRC/DLOoUkEAABwo6SkJAUHBzttSUlJFx3brFkzzZkzR1988YVmzpypvXv3qkWLFjp+/LjS09Pl5+enkJAQp/eEh4crPT290OtmuhkAAHg9dz7cnJiYqISEBKd9drv9omM7d+7s+HODBg3UrFkzRUdH6/3335e/v78bqzSRJAIAALiR3W5XUFCQ03apJvFCISEhqlWrlnbv3q2IiAidOXNGx44dcxqTkZFx0XsYrxRNIgAA8Ho2m/u2K3HixAmlpaUpMjJSTZo0UcmSJbVy5UrH8Z07d2rfvn2KjY29wm/AxHQzAADwepezVI07jBo1St26dVN0dLQOHDigp556Sr6+vrr77rsVHBysQYMGKSEhQaGhoQoKCtLw4cMVGxtb6E82SzSJAAAARcZvv/2mu+++W0eOHFGFChV066236ttvv1WFChUkSVOnTpWPj4969eqlnJwcdezYUTNmzHBLLTbLsiy3nNmDMk/le7oEAG7yzqZ9ni4BgJvEN6/isWv/eTLPbecuW9rXbed2J+5JBAAAgIEmEQAAAAaaRAAAABh4cAUAAHi9K12q5lpEkggAAAADSSIAAPB6RWWdxKKEJhEAAHg9pptNTDcDAADAQJIIAAC8HkGiiSQRAAAABpJEAAAAokQDSSIAAAAMJIkAAMDrsQSOiSQRAAAABpJEAADg9Vgn0USSCAAAAANJIgAA8HoEiSaaRAAAALpEA9PNAAAAMJAkAgAAr8cSOCaSRAAAABhIEgEAgNdjCRwTSSIAAAAMNsuyLE8XAVyunJwcJSUlKTExUXa73dPlAChE/P0GPIsmEcVaVlaWgoODlZmZqaCgIE+XA6AQ8fcb8CymmwEAAGCgSQQAAICBJhEAAAAGmkQUa3a7XU899RQ3tQPXIP5+A57FgysAAAAwkCQCAADAQJMIAAAAA00iAAAADDSJAAAAMNAkolh79dVXVaVKFZUqVUrNmjXT999/7+mSAFyhtWvXqlu3boqKipLNZtPixYs9XRLglWgSUWy99957SkhI0FNPPaVNmzapYcOG6tixow4dOuTp0gBcgezsbDVs2FCvvvqqp0sBvBpL4KDYatasmZo2bapXXnlFkpSfn69KlSpp+PDheuyxxzxcHYDCYLPZtGjRIvXo0cPTpQBehyQRxdKZM2e0ceNGtWvXzrHPx8dH7dq1U0pKigcrAwDg2kCTiGLpjz/+UF5ensLDw532h4eHKz093UNVAQBw7aBJBAAAgIEmEcVS+fLl5evrq4yMDKf9GRkZioiI8FBVAABcO2gSUSz5+fmpSZMmWrlypWNffn6+Vq5cqdjYWA9WBgDAtaGEpwsALldCQoLi4uJ044036qabbtK0adOUnZ2tgQMHero0AFfgxIkT2r17t+P13r17lZqaqtDQUFWuXNmDlQHehSVwUKy98sormjJlitLT09WoUSNNnz5dzZo183RZAK7A6tWr1aZNG2N/XFyc5syZc/ULArwUTSIAAAAM3JMIAAAAA00iAAAADDSJAAAAMNAkAgAAwECTCAAAAANNIgAAAAw0iQAAADDQJAIAAMBAkwjgig0YMEA9evRwvG7durUeeeSRq17H6tWrZbPZdOzYsUuOsdlsWrx4cYHPOX78eDVq1OiK6vrll19ks9mUmpp6RecBgKuJJhG4Rg0YMEA2m002m01+fn6qUaOGJk6cqLNnz7r92h9//LEmTZpUoLEFaewAAFdfCU8XAMB9OnXqpNmzZysnJ0eff/654uPjVbJkSSUmJhpjz5w5Iz8/v0K5bmhoaKGcBwDgOSSJwDXMbrcrIiJC0dHReuCBB9SuXTt9+umnkv7fFPEzzzyjqKgo1a5dW5K0f/9+9e7dWyEhIQoNDVX37t31yy+/OM6Zl5enhIQEhYSEqFy5cnr00Ud14U/AXzjdnJOTozFjxqhSpUqy2+2qUaOG3nrrLf3yyy9q06aNJKls2bKy2WwaMGCAJCk/P19JSUmqWrWq/P391bBhQ3344YdO1/n8889Vq1Yt+fv7q02bNk51FtSYMWNUq1YtlS5dWtWqVdPYsWOVm5trjHvttddUqVIllS5dWr1791ZmZqbT8TfffFN169ZVqVKlVKdOHc2YMeOS1/zzzz/Vr18/VahQQf7+/qpZs6Zmz57tcu0A4E4kiYAX8ff315EjRxyvV65cqaCgICUnJ0uScnNz1bFjR8XGxurrr79WiRIl9PTTT6tTp07aunWr/Pz89MILL2jOnDn673//q7p16+qFF17QokWL9K9//euS1+3fv79SUlI0ffp0NWzYUHv37tUff/yhSpUq6aOPPlKvXr20c+dOBQUFyd/fX5KUlJSkd955R7NmzVLNmjW1du1a3XPPPapQoYJatWql/fv3q2fPnoqPj9eQIUO0YcMGjRw50uXvJDAwUHPmzFFUVJS2bdumwYMHKzAwUI8++qhjzO7du/X+++9ryZIlysrK0qBBg/Tggw9q/vz5kqT58+dr3LhxeuWVV9S4cWNt3rxZgwcPVkBAgOLi4oxrjh07Vj/++KOWLVum8uXLa/fu3Tp16pTLtQOAW1kArklxcXFW9+7dLcuyrPz8fCs5Odmy2+3WqFGjHMfDw8OtnJwcx3vmzZtn1a5d28rPz3fsy8nJsfz9/a3ly5dblmVZkZGR1uTJkx3Hc3NzrYoVKzquZVmW1apVK+vhhx+2LMuydu7caUmykpOTL1rnV199ZUmy/vzzT8e+06dPW6VLl7bWrVvnNHbQoEHW3XffbVmWZSUmJloxMTFOx8eMGWOc60KSrEWLFl3y+JQpU6wmTZo4Xj/11FOWr6+v9dtvvzn2LVu2zPLx8bEOHjxoWZZlVa9e3VqwYIHTeSZNmmTFxsZalmVZe/futSRZmzdvtizLsrp162YNHDjwkjUAQFFAkghcw5YuXaoyZcooNzdX+fn56tu3r8aPH+84Xr9+faf7ELds2aLdu3crMDDQ6TynT59WWlqaMjMzdfDgQTVr1sxxrESJErrxxhuNKefzUlNT5evrq1atWhW47t27d+vkyZNq37690/4zZ86ocePGkqQdO3Y41SFJsbGxBb7Gee+9956mT5+utLQ0nThxQmfPnlVQUJDTmMqVK+u6665zuk5+fr527typwMBApaWladCgQRo8eLBjzNmzZxUcHHzRaz7wwAPq1auXNm3apA4dOqhHjx665ZZbXK4dANyJJhG4hrVp00YzZ86Un5+foqKiVKKE81/5gIAAp9cnTpxQkyZNHNOof1WhQoXLquH89LErTpw4IUn67LPPnJoz6dx9loUlJSVF/fr104QJE9SxY0cFBwdr4cKFeuGFF1yu9Y033jCaVl9f34u+p3Pnzvr111/1+eefKzk5WW3btlV8fLyef/75y/8wAFDIaBKBa1hAQIBq1KhR4PE33HCD3nvvPYWFhRlp2nmRkZH67rvv1LJlS0nnErONGzfqhhtuuOj4+vXrKz8/X2vWrFG7du2M4+eTzLy8PMe+mJgY2e127du375IJZN26dR0P4Zz37bff/vOH/It169YpOjpaTzzxhGPfr7/+aozbt2+fDhw4oKioKMd1fHx8VLt2bYWHhysqKkp79uxRv379CnztChUqKC4uTnFxcWrRooVGjx5NkwigSOHpZgAO/fr1U/ny5dW9e3d9/fXX2rt3r1avXq2HHnpIv/32myTp4Ycf1nPPPafFixfrp59+0oMPPvi3axxWqVJFcXFxuu+++7R48WLHOd9//31JUnR0tGw2m5YuXarDhw/rxIkTCgwM1KhRozRixAjNnTtXaWlp2rRpk15++WXNnTtXkjR06FDt2rVLo0eP1s6dO7VgwQLNmTPHpc9bs2ZN7du3TwsXLlRaWpqmT5+uRYsWGeNKlSqluLg4bdmyRV9//bUeeugh9e7dWxEREZKkCRMmKCkpSdOnT9fPP/+sbdu2afbs2XrxxRcvet1x48bpk08+0e7du7V9+3YtXbpUdevWdal2AHA3mkQADqVLl9batWtVuXJl9ezZU3Xr1tWgQYN0+vRpR7I4cuRI3XvvvYqLi1NsbKwCAwN1xx13/O15Z86cqTvvvFMPPvig6tSpo8GDBys7O1uSdN1112nChAl67LHHFB4ermHDhkmSJk2apLFjxyopKUl169ZVp06d9Nlnn6lq1aqSzt0n+NFHH2nx4sVq2LChZs2apWeffdalz3v77bdrxIgRGjZsmBo1aqR169Zp7NixxrgaNWqoZ8+e6tKlizp06KAGDRo4LXFz//33680339Ts2bNVv359tWrVSnPmzHHUeiE/Pz8lJiaqQYMGatmypXx9fbVw4UKXagcAd7NZl7rbHAAAAF6LJBEAAAAGmkQAAAAYaBIBAABgoEkEAACAgSYRAAAABppEAAAAGGgSAQAAYKBJBAAAgIEmEQAAAAaaRAAAABhoEgEAAGD4/wDbiCYrgtOIZAAAAABJRU5ErkJggg==", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "plot_confusion_matrix(y_test, y_pred,(0,1))" + ] + }, + { + "cell_type": "code", + "execution_count": 88, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAr4AAAIjCAYAAADlfxjoAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8pXeV/AAAACXBIWXMAAA9hAAAPYQGoP6dpAACaXElEQVR4nOzdeViUVRsG8HvYF9kUQUQUcDdxwyX3jcQs03LBfcn9cynMct8qNTW3zNzKBZfS1MrStDS1VNJc01RQ0cAFBWURFBDmfH+8zQwjA87gwDvM3L/r4nLmzDvvPDMM+HDmOc9RCCEEiIiIiIjMnJXcARARERERFQcmvkRERERkEZj4EhEREZFFYOJLRERERBaBiS8RERERWQQmvkRERERkEZj4EhEREZFFYOJLRERERBaBiS8RERERWQQmvkTFxN/fH4MGDZI7DIvTpk0btGnTRu4wnmvWrFlQKBRITEyUOxSTo1AoMGvWLKOc6+bNm1AoFNiwYYNRzgcAJ0+ehJ2dHf7991+jndPYevXqhZ49e8odBpHsmPiSWdiwYQMUCoX6y8bGBr6+vhg0aBBu374td3gmLT09HR999BHq1KkDJycnuLm5oWXLloiIiEBJ2dH80qVLmDVrFm7evCl3KHnk5ORg/fr1aNOmDUqXLg17e3v4+/tj8ODBOHXqlNzhGcXWrVuxdOlSucPQUpwxTZ06Fb1790alSpXUY23atNH6neTo6Ig6depg6dKlUCqVOs/z4MEDvP/++6hevTocHBxQunRphIaG4qeffsr3sVNTUzF79mzUrVsXpUqVgqOjI2rXro2JEyfizp076uMmTpyInTt34vz583o/L0t475LlUYiS8j8bUQE2bNiAwYMH48MPP0RAQAAyMjLw559/YsOGDfD398fFixfh4OAga4yZmZmwsrKCra2trHHkdu/ePbRv3x6XL19Gr1690Lp1a2RkZGDnzp34/fffERYWhi1btsDa2lruUAu0Y8cO9OjRA4cOHcozu5uVlQUAsLOzK/a4njx5grfeegv79u1Dq1at0LlzZ5QuXRo3b97E9u3bER0djdjYWFSoUAGzZs3C7NmzkZCQAE9Pz2KP9UW8/vrruHjxYpH94ZGRkQEbGxvY2Ni8cExCCGRmZsLW1tYo7+tz586hfv36OH78OJo2baoeb9OmDa5fv4558+YBABITE7F161b89ddfmDJlCubMmaN1nqioKLRv3x4JCQkYPHgwGjZsiOTkZGzZsgXnzp3DhAkTsHDhQq37xMTEICQkBLGxsejRowdatGgBOzs7/P333/j6669RunRpREdHq49v0qQJqlevjoiIiOc+L0Peu0QliiAyA+vXrxcAxF9//aU1PnHiRAFAbNu2TabI5PXkyRORk5OT7+2hoaHCyspK/PDDD3lumzBhggAgPvnkk6IMUae0tDSDjv/2228FAHHo0KGiCaiQRo8eLQCIJUuW5LktOztbLFy4UMTFxQkhhJg5c6YAIBISEoosHqVSKR4/fmz087722muiUqVKRj1nTk6OePLkSaHvXxQx6TJu3DhRsWJFoVQqtcZbt24tXnrpJa2xJ0+eiEqVKgkXFxeRnZ2tHs/KyhK1a9cWTk5O4s8//9S6T3Z2tggLCxMAxDfffKMef/r0qahbt65wcnISf/zxR564UlJSxJQpU7TGPv30U+Hs7CwePXr03OdlyHv3Rbzo95nIUEx8ySzkl/j+9NNPAoCYO3eu1vjly5dFt27dhIeHh7C3txfBwcE6k7+kpCTx7rvvikqVKgk7Ozvh6+sr+vfvr5WcZGRkiBkzZojKlSsLOzs7UaFCBfH++++LjIwMrXNVqlRJDBw4UAghxF9//SUAiA0bNuR5zH379gkA4scff1SP3bp1SwwePFh4eXkJOzs7UatWLfHVV19p3e/QoUMCgPj666/F1KlTRfny5YVCoRBJSUk6X7PIyEgBQLz99ts6b3/69KmoWrWq8PDwUCdLN27cEADEwoULxeLFi0XFihWFg4ODaNWqlbhw4UKec+jzOqu+d4cPHxajRo0SZcuWFe7u7kIIIW7evClGjRolqlWrJhwcHETp0qVF9+7dxY0bN/Lc/9kvVRLcunVr0bp16zyv07Zt28THH38sfH19hb29vWjXrp24evVqnufw+eefi4CAAOHg4CAaNWokfv/99zzn1CUuLk7Y2NiIV155pcDjVFSJ79WrV8XAgQOFm5ubcHV1FYMGDRLp6elax65bt060bdtWlC1bVtjZ2YmaNWuKL774Is85K1WqJF577TWxb98+ERwcLOzt7dWJjL7nEEKIvXv3ilatWolSpUoJFxcX0bBhQ7FlyxYhhPT6Pvva50449f35ACBGjx4tNm/eLGrVqiVsbGzEd999p75t5syZ6mNTU1PFO++8o/65LFu2rAgJCRGnT59+bkyq9/D69eu1Hv/y5cuiR48ewtPTUzg4OIhq1arlSRx1qVixohg0aFCecV2JrxBCdO/eXQAQd+7cUY99/fXXAoD48MMPdT5GcnKycHd3FzVq1FCPffPNNwKAmDNnznNjVDl//rwAIHbt2lXgcYa+dwcOHKjzjwzVezo3Xd/n7du3Cw8PD52vY0pKirC3txfvvfeeekzf9xSRLvp/bkRUAqk+5vTw8FCP/fPPP2jevDl8fX0xadIkODs7Y/v27ejatSt27tyJN998EwCQlpaGli1b4vLly3j77bfRoEEDJCYmYvfu3bh16xY8PT2hVCrxxhtv4OjRoxg+fDhq1qyJCxcuYMmSJYiOjsb333+vM66GDRsiMDAQ27dvx8CBA7Vu27ZtGzw8PBAaGgpAKkd4+eWXoVAoMGbMGJQtWxY///wzhgwZgtTUVLz77rta9//oo49gZ2eHCRMmIDMzM9+P+H/88UcAwIABA3TebmNjgz59+mD27Nk4duwYQkJC1LdFRETg0aNHGD16NDIyMrBs2TK0a9cOFy5cgLe3t0Gvs8r//vc/lC1bFjNmzEB6ejoA4K+//sLx48fRq1cvVKhQATdv3sTKlSvRpk0bXLp0CU5OTmjVqhXGjRuHzz77DFOmTEHNmjUBQP1vfj755BNYWVlhwoQJSElJwYIFC9C3b1+cOHFCfczKlSsxZswYtGzZEuHh4bh58ya6du0KDw+P537E+/PPPyM7Oxv9+/cv8Lhn9ezZEwEBAZg3bx7OnDmDL7/8El5eXpg/f75WXC+99BLeeOMN2NjY4Mcff8T//vc/KJVKjB49Wut8UVFR6N27N0aMGIFhw4ahevXqBp1jw4YNePvtt/HSSy9h8uTJcHd3x9mzZ7Fv3z706dMHU6dORUpKCm7duoUlS5YAAEqVKgUABv98/Pbbb9i+fTvGjBkDT09P+Pv763yNRo4ciR07dmDMmDGoVasWHjx4gKNHj+Ly5cto0KBBgTHp8vfff6Nly5awtbXF8OHD4e/vj+vXr+PHH3/MU5KQ2+3btxEbG4sGDRrke8yzVIvr3N3d1WPP+1l0c3NDly5dsHHjRly7dg1VqlTB7t27AcCg91etWrXg6OiIY8eO5fn5y62w7119Pft9rlq1Kt58803s2rULq1ev1vqd9f333yMzMxO9evUCYPh7iigPuTNvImNQzfodOHBAJCQkiLi4OLFjxw5RtmxZYW9vr/WRXPv27UVQUJDW7IBSqRTNmjUTVatWVY/NmDEj39kR1ceamzZtElZWVnk+aly1apUAII4dO6Yeyz3jK4QQkydPFra2tuLhw4fqsczMTOHu7q41CztkyBDh4+MjEhMTtR6jV69ews3NTT0bq5rJDAwM1Ovj7K5duwoA+c4ICyHErl27BADx2WefCSE0s2WOjo7i1q1b6uNOnDghAIjw8HD1mL6vs+p716JFC62Pf4UQOp+HaqY6IiJCPVZQqUN+M741a9YUmZmZ6vFly5YJAOqZ68zMTFGmTBnRqFEj8fTpU/VxGzZsEACeO+MbHh4uAIizZ88WeJyKanbs2Rn4N998U5QpU0ZrTNfrEhoaKgIDA7XGKlWqJACIffv25Tlen3MkJycLFxcX0aRJkzwfR+f+aD+/sgJDfj4ACCsrK/HPP//kOQ+emfF1c3MTo0ePznNcbvnFpGvGt1WrVsLFxUX8+++/+T5HXQ4cOJDn0xmV1q1bixo1aoiEhASRkJAgrly5It5//30BQLz22mtax9arV0+4ubkV+FiLFy8WAMTu3buFEELUr1//uffRpVq1auLVV18t8BhD37uGzvjq+j7v379f52vZqVMnrfekIe8pIl3Y1YHMSkhICMqWLQs/Pz90794dzs7O2L17t3p27uHDh/jtt9/Qs2dPPHr0CImJiUhMTMSDBw8QGhqKq1evqrtA7Ny5E3Xr1tU5M6JQKAAA3377LWrWrIkaNWqoz5WYmIh27doBAA4dOpRvrGFhYXj69Cl27dqlHvvll1+QnJyMsLAwANJCnJ07d6Jz584QQmg9RmhoKFJSUnDmzBmt8w4cOBCOjo7Pfa0ePXoEAHBxccn3GNVtqampWuNdu3aFr6+v+nrjxo3RpEkT7N27F4Bhr7PKsGHD8iw2yv08nj59igcPHqBKlSpwd3fP87wNNXjwYK2ZpZYtWwKQFgwBwKlTp/DgwQMMGzZMa1FV3759tT5ByI/qNSvo9dVl5MiRWtdbtmyJBw8eaH0Pcr8uKSkpSExMROvWrRETE4OUlBSt+wcEBKg/PchNn3P8+uuvePToESZNmpRncajqZ6Aghv58tG7dGrVq1Xrued3d3XHixAmtrgWFlZCQgN9//x1vv/02KlasqHXb857jgwcPACDf98OVK1dQtmxZlC1bFjVq1MDChQvxxhtv5Gml9ujRo+e+T579WUxNTTX4vaWK9Xkt8wr73tWXru9zu3bt4OnpiW3btqnHkpKS8Ouvv6p/HwIv9juXCABY6kBmZcWKFahWrRpSUlKwbt06/P7777C3t1fffu3aNQghMH36dEyfPl3nOe7fvw9fX19cv34d3bp1K/Dxrl69isuXL6Ns2bL5nis/devWRY0aNbBt2zYMGTIEgFTm4Onpqf4lnpCQgOTkZKxZswZr1qzR6zECAgIKjFlF9Z/ao0ePtD52zS2/5Lhq1ap5jq1WrRq2b98OwLDXuaC4nzx5gnnz5mH9+vW4ffu2Vnu1ZxM8Qz2b5KiSl6SkJABQ92StUqWK1nE2Njb5fgSfm6urKwDNa2iMuFTnPHbsGGbOnInIyEg8fvxY6/iUlBS4ubmpr+f3ftDnHNevXwcA1K5d26DnoGLoz4e+790FCxZg4MCB8PPzQ3BwMDp16oQBAwYgMDDQ4BhVf+gU9jkCyLftn7+/P9auXQulUonr169jzpw5SEhIyPNHhIuLy3OT0Wd/Fl1dXdWxGxrr8xL6wr539aXr+2xjY4Nu3bph69atyMzMhL29PXbt2oWnT59qJb4v8juXCGDiS2amcePGaNiwIQBpVrJFixbo06cPoqKiUKpUKXX/zAkTJuicBQPyJjoFUSqVCAoKwuLFi3Xe7ufnV+D9w8LCMGfOHCQmJsLFxQW7d+9G79691TOMqnj79euXpxZYpU6dOlrX9ZntBaQa2O+//x5///03WrVqpfOYv//+GwD0moXLrTCvs664x44di/Xr1+Pdd99F06ZN4ebmBoVCgV69euXbC1Vf+bWyyi+JMVSNGjUAABcuXEC9evX0vt/z4rp+/Trat2+PGjVqYPHixfDz84OdnR327t2LJUuW5HlddL2uhp6jsAz9+dD3vduzZ0+0bNkS3333HX755RcsXLgQ8+fPx65du/Dqq6++cNz6KlOmDADNH0vPcnZ21qqNb968ORo0aIApU6bgs88+U4/XrFkT586dQ2xsbJ4/fFSe/VmsUaMGzp49i7i4uOf+nsktKSlJ5x+uuRn63s0vkc7JydE5nt/3uVevXli9ejV+/vlndO3aFdu3b0eNGjVQt25d9TEv+juXiIkvmS1ra2vMmzcPbdu2xeeff45JkyapZ4RsbW21/kPSpXLlyrh48eJzjzl//jzat2+v10e/zwoLC8Ps2bOxc+dOeHt7IzU1Vb2IAwDKli0LFxcX5OTkPDdeQ73++uuYN28eIiIidCa+OTk52Lp1Kzw8PNC8eXOt265evZrn+OjoaPVMqCGvc0F27NiBgQMHYtGiReqxjIwMJCcnax1XmNf+eVSbEVy7dg1t27ZVj2dnZ+PmzZt5/uB41quvvgpra2ts3rzZqIuEfvzxR2RmZmL37t1aSZIhH/Hqe47KlSsDAC5evFjgH4T5vf4v+vNREB8fH/zvf//D//73P9y/fx8NGjTAnDlz1Imvvo+neq8+72ddF1WCeOPGDb2Or1OnDvr164fVq1djwoQJ6tf+9ddfx9dff42IiAhMmzYtz/1SU1Pxww8/oEaNGurvQ+fOnfH1119j8+bNmDx5sl6Pn52djbi4OLzxxhsFHmfoe9fDwyPPzyQAg3eya9WqFXx8fLBt2za0aNECv/32G6ZOnap1TFG+p8gysMaXzFqbNm3QuHFjLF26FBkZGfDy8kKbNm2wevVq3L17N8/xCQkJ6svdunXD+fPn8d133+U5TjX71rNnT9y+fRtr167Nc8yTJ0/U3QnyU7NmTQQFBWHbtm3Ytm0bfHx8tJJQa2trdOvWDTt37tT5H3PueA3VrFkzhISEYP369Tp3hpo6dSqio6PxwQcf5Jmh+f7777VqdE+ePIkTJ06okw5DXueCWFtb55mBXb58eZ6ZJGdnZwDQ+Z9vYTVs2BBlypTB2rVrkZ2drR7fsmVLvjN8ufn5+WHYsGH45ZdfsHz58jy3K5VKLFq0CLdu3TIoLtWM8LNlH+vXrzf6OTp06AAXFxfMmzcPGRkZWrflvq+zs7PO0pMX/fnQJScnJ89jeXl5oXz58sjMzHxuTM8qW7YsWrVqhXXr1iE2NlbrtufN/vv6+sLPz8+gXcw++OADPH36VGvGsnv37qhVqxY++eSTPOdSKpUYNWoUkpKSMHPmTK37BAUFYc6cOYiMjMzzOI8ePcqTNF66dAkZGRlo1qxZgTEa+t6tXLkyUlJS1LPSAHD37l2dvzsLYmVlhe7du+PHH3/Epk2bkJ2drVXmABTNe4osC2d8yey9//776NGjBzZs2ICRI0dixYoVaNGiBYKCgjBs2DAEBgbi3r17iIyMxK1bt9Rber7//vvqHcHefvttBAcH4+HDh9i9ezdWrVqFunXron///ti+fTtGjhyJQ4cOoXnz5sjJycGVK1ewfft27N+/X116kZ+wsDDMmDEDDg4OGDJkCKystP8e/eSTT3Do0CE0adIEw4YNQ61atfDw4UOcOXMGBw4cwMOHDwv92kRERKB9+/bo0qUL+vTpg5YtWyIzMxO7du3C4cOHERYWhvfffz/P/apUqYIWLVpg1KhRyMzMxNKlS1GmTBl88MEH6mP0fZ0L8vrrr2PTpk1wc3NDrVq1EBkZiQMHDqg/YlapV68erK2tMX/+fKSkpMDe3h7t2rWDl5dXoV8bOzs7zJo1C2PHjkW7du3Qs2dP3Lx5Exs2bEDlypX1mm1atGgRrl+/jnHjxmHXrl14/fXX4eHhgdjYWHz77be4cuWK1gy/Pjp06AA7Ozt07twZI0aMQFpaGtauXQsvLy+df2S8yDlcXV2xZMkSDB06FI0aNUKfPn3g4eGB8+fP4/Hjx9i4cSMAIDg4GNu2bcP48ePRqFEjlCpVCp07dzbKz8ezHj16hAoVKqB79+7qbXoPHDiAv/76S+uTgfxi0uWzzz5DixYt0KBBAwwfPhwBAQG4efMm9uzZg3PnzhUYT5cuXfDdd9/pVTsLSKUKnTp1wpdffonp06ejTJkysLOzw44dO9C+fXu0aNFCa+e2rVu34syZM3jvvfe03iu2trbYtWsXQkJC0KpVK/Ts2RPNmzeHra0t/vnnH/WnNbnbsf36669wcnLCK6+88tw4DXnv9urVCxMnTsSbb76JcePG4fHjx1i5ciWqVatm8CLUsLAwLF++HDNnzkRQUFCetoRF8Z4iC1P8jSSIjC+/DSyEkHYGqly5sqhcubK6Xdb169fFgAEDRLly5YStra3w9fUVr7/+utixY4fWfR88eCDGjBkjfH191Y3SBw4cqNVaLCsrS8yfP1+89NJLwt7eXnh4eIjg4GAxe/ZskZKSoj7u2XZmKlevXlU32T969KjO53fv3j0xevRo4efnJ2xtbUW5cuVE+/btxZo1a9THqNp0ffvttwa9do8ePRKzZs0SL730knB0dBQuLi6iefPmYsOGDXnaOeXewGLRokXCz89P2Nvbi5YtW4rz58/nObc+r3NB37ukpCQxePBg4enpKUqVKiVCQ0PFlStXdL6Wa9euFYGBgcLa2lqvDSyefZ3y29jgs88+E5UqVRL29vaicePG4tixYyI4OFh07NhRj1dX2uXqyy+/FC1bthRubm7C1tZWVKpUSQwePFirXVR+O7epXp/cm3bs3r1b1KlTRzg4OAh/f38xf/58sW7dujzHqTaw0EXfc6iObdasmXB0dBSurq6icePG4uuvv1bfnpaWJvr06SPc3d3zbGCh788H/tvYQBfkameWmZkp3n//fVG3bl3h4uIinJ2dRd26dfNsvpFfTPl9ny9evCjefPNN4e7uLhwcHET16tXF9OnTdcaT25kzZwSAPO218tvAQgghDh8+nKdFmxBC3L9/X4wfP15UqVJF2NvbC3d3dxESEqJuYaZLUlKSmDFjhggKChJOTk7CwcFB1K5dW0yePFncvXtX69gmTZqIfv36Pfc5qej73hVCiF9++UXUrl1b2NnZierVq4vNmzcXuIFFfpRKpfDz8xMAxMcff6zzGH3fU0S6KIQw0koOIjJ7N2/eREBAABYuXIgJEybIHY4slEolypYti7feekvnx61kedq3b4/y5ctj06ZNcoeSr3PnzqFBgwY4c+aMQYsticwNa3yJiPKRkZGRp84zIiICDx8+RJs2beQJikzO3LlzsW3bNoMXcxWnTz75BN27d2fSSxaPNb5ERPn4888/ER4ejh49eqBMmTI4c+YMvvrqK9SuXRs9evSQOzwyEU2aNEFWVpbcYRTom2++kTsEIpPAxJeIKB/+/v7w8/PDZ599hocPH6J06dIYMGAAPvnkE61d34iIqGRgjS8RERERWQTW+BIRERGRRWDiS0REREQWweJqfJVKJe7cuQMXFxdud0hERERkgoQQePToEcqXL59nY6cXYXGJ7507d+Dn5yd3GERERET0HHFxcahQoYLRzmdxia+LiwsA6YV0dXWVORoiIiIielZqair8/PzUeZuxWFziqypvcHV1ZeJLREREZMKMXZbKxW1EREREZBGY+BIRERGRRWDiS0REREQWgYkvEREREVkEJr5EREREZBGY+BIRERGRRWDiS0REREQWgYkvEREREVkEJr5EREREZBGY+BIRERGRRWDiS0REREQWgYkvEREREVkEJr5EREREZBGY+BIRERGRRWDiS0REREQWQdbE9/fff0fnzp1Rvnx5KBQKfP/998+9z+HDh9GgQQPY29ujSpUq2LBhQ5HHSUREREQln6yJb3p6OurWrYsVK1bodfyNGzfw2muvoW3btjh37hzeffddDB06FPv37y/iSImIiIiopLOR88FfffVVvPrqq3ofv2rVKgQEBGDRokUAgJo1a+Lo0aNYsmQJQkNDiypMIiIiIipCSiUQFwdERwPRV5RI+OOfInkcWRNfQ0VGRiIkJERrLDQ0FO+++26+98nMzERmZqb6empqalGFR0REREQFePgQiIr6L8GN1ly+ehXIyADK4S7WYzC64QhmF8Hjl6jENz4+Ht7e3lpj3t7eSE1NxZMnT+Do6JjnPvPmzcPs2UXx0hERERHRs548Aa5f153gPniQ//3ewA/4EkNRFokoqmnKEpX4FsbkyZMxfvx49fXU1FT4+fnJGBERERFRyZaToylNeDbBjY0FhND/XG426VhV6j30Sl6tHsv08AKS7hs97hKV+JYrVw737t3TGrt37x5cXV11zvYCgL29Pezt7YsjPCIiIiKzkpiYd9ZWVZqQq5JULxUqANWqSV/Vq0v/BmWdRoVJfaGIitIc2LUr7BcvBgIDjftkUMIS36ZNm2Lv3r1aY7/++iuaNm0qU0REREREJduTJ1IiqyvBffjQsHO5uWmS2twJbpUqQKlSuQ7MyQE+/RSYNg3IzpbGnJyApUuBoUOBR4+M9fS0yJr4pqWl4dq1a+rrN27cwLlz51C6dGlUrFgRkydPxu3btxEREQEAGDlyJD7//HN88MEHePvtt/Hbb79h+/bt2LNnj1xPgYiIiMjk5eRIJQi66m5jYw07l62tlMjqSnDLlgUUCj1OkpEBfPmlJukNDga2bpVOUoRkTXxPnTqFtm3bqq+ranEHDhyIDRs24O7du4jN9d0ICAjAnj17EB4ejmXLlqFChQr48ssv2cqMiIiILJ4QmtKEZxPca9eArCzDzufnp53Uqi5XrAjYvGgG6ewsJbotWgDvvQfMmgXY2b3gSZ9PIYQh5cclX2pqKtzc3JCSkgJXV1e5wyEiIiIySHq6lMjqmr1NTjbsXO7uUjKbO7mtVg2oWlWqPDCaR4+A1FTA11d7/PbtvGMounytRNX4EhEREVmC7Gzg3391z97eumXYuezspERW1+xtmTJ6lia8iMhIoF8/oFw54MgR7eliHUlvUWLiS0RERCQDIYD793UvKrt2DXj6VP9zKRRSCcKzNbfVqknj1tZF9zzylZ0NzJkDfPSRVGQcEwPMnw9MnSpDMBImvkRERERFKD1dk9A+m+CmpBh2rtKl8++akE9nV3nExEizvJGRmrFmzYA+feSLCUx8iYiIiF5YdjZw86buutvbtw07l729VJqgK8EtU6ZIwjceIYBNm4AxYzQtyaytgZkzgcmTjbAq7sUw8SUiIiLSgxDAvXu6626vX9d05tKHQgFUqqS77tbPD7CyKrrnUWSSkoCRI4Ht2zVjgYHAli3Ayy/LF1cuTHyJiIiIcnn0SNrQQdfsraH7Knh66q67rVIFcHAomvhlkZoK1Kun3RR40CDgs88AFxe5osqDiS8RERFZnKdPgRs3dM/e3r1r2LkcHXV3TahWTarJtQiursCbbwLLlgEeHsDq1UCPHnJHlQcTXyIiIjJLQkhJrK5FZTExhpcm+PtrEtvcCW6FCiW0NMHYPvlE2pFt6lSpXsMEMfElIiKiEi01Nf+uCWlphp2rbNm8s7bVq0ulqmZVmvAihADWrpUWrQ0Zohl3cABWrZIvLj0w8SUiIiKTl5UllSboqruNjzfsXI6OuheVVa0qfUpPBUhIAIYNA374QXohmzUDataUOyq9MfElIiIikyAEcOeO7rrbGzekPRD0ZWUFBAToTnDLl2dpQqH88gswcKDmL40nT4CffmLiS0RERJSflBTdZQnR0dJmD4bw9tbdNaFyZWmrXjKCjAypB+/SpZoxT09g3Tqgc2fZwioMJr5ERERkdFlZUm9bXQnuvXuGncvZOW/NbbVqUmmCu3uRhE8qFy4AfftK/6p07AisXw+UKydfXIXExJeIiIgKRamUdiXTtbDsxg3pdn1ZW0ulCbp2KytfXuqqQMVICGD5cuCDD4DMTGnM3h5YuFDala2EfkOY+BIREVGBkpN1Lyq7ehV4/Niwc5Urp7trQkAASxNMSloasGiRJumtU0faga12bXnjekFMfImIiAiZmVJpgq4ENyHBsHOVKpV/1wRX16KJn4zMxQXYvBlo2xYYNw6YO9cs+rkx8SUiIrIQSiVw65burgn//mtYaYKNjdTbVleCW65cif0k3HKlp0tfXl6asZYtpTdIYKB8cRkZE18iIiIz8/Ch7kVlV69KHagMUb687q4JAQGArW3RxE/F7PRpaQGbry/w66/avd7MKOkFmPgSERGVSBkZwLVruhPcxETDzuXiontRWdWq0m1kpnJygE8/BaZNk/ZvjooCliwB3ntP7siKDBNfIiIiE6VUArGxursm/PuvtPBeXzY2Um9bXQmutzdLEyxOXBwwYABw+LBmLDi4xPXlNRQTXyIiIpk9eKC77vbaNWlm1xC+vrq7Jvj7S8kvEbZvB0aMkNp1ANJfPZMmAbNmmX1rDf4IEBERFYMnTzSlCc8muA8fGnYuV1cpmX129rZKFamjApFOqalSh4aNGzVjfn7Apk1A69byxVWMmPgSEREZSU6OdmlC7gQ3Ntaw0gRbWymR1dU1oWxZliaQgVJSgAYNgJgYzVhYGLByJeDhIV9cxYyJLxERkQGEkBaP6Upur13T9PvXl5+f7q4JlSqxNIGMyM0NaNdOSnxdXIAVK4B+/SzuLyj+SBEREenw+LHU/ktXgpuUZNi53N11LyqrUgVwdi6S8InyWrJEqrn58EOza1OmLya+RERksXJypO4IunYri4sz7Fx2dlIiqyvB9fS0uIk1kpMQUt2urS3Qu7dmvFQpaTc2C8bEl4iIzJoQ0pa7uhaVXb8OZGUZdr6KFXXX3VasCFhbF81zINJbUhIwcqTUuaFUKaBxY6mPHQFg4ktERGYiPV1TmvBsgpuSYti5PDw0iW3uBLdKFcDJqWjiJ3phhw8D/ftL+1IDQFoasGMHMHGirGGZEia+RERUYmRnAzdv6q67Vf1fry97e2lnMl0Lyzw9iyR8oqKRlQXMmAEsWKBpHeLuDqxZA/ToIWtopoaJLxERmRQhgHv3dCe3168DT5/qfy6FQuqO8OxmDtWqSd0UWJpAJV5UFNCnD3DmjGasTRsgIkJ6k5MWJr5ERCSLtDTdW/FGR0t99g1RpozuRWWVKwOOjkUTP5GshJBmdMPDpU4NgLSYbc4c4L33ACsreeMzUUx8iYioyDx9KpUm6OqacOeOYedycJBKE55NcKtWlRJfIouSkiJtMaxKeqtXB7ZulTapoHwx8SUiohciBBAfr3tRWUyMVJerL4UC8PfX3TWhQgVOYhGpubsDGzYAHTtKXRwWLeLKSz0w8SUiIr08eqS7LCE6WrrNEGXL6l5UVrmyNLNLRM/IyJB2VSldWjMWGgpcvAi89JJ8cZUwTHyJiEjt6VNpllZXgnv3rmHncnTUvaisWjWpXRgR6enCBWkBW6VKwI8/au+GwqTXIEx8iYgsjBBSEqur7jYmRtrNTF9WVkBAgO4E19eXpQlEL0SpBJYvl/rwZmZKs7urVgGjRskdWYnFxJeIyEylpEgbOuhKcNPTDTuXl5furgmBgVI/XCIysrt3gcGDgf37NWN16gAtW8oXkxlg4ktEVIJlZUmztM/W3EZFSb1wDeHkpHtRWdWq0joaIiomP/wADB0KJCZqxsLDgblzWQT/gpj4EhGZOCGA27d1d024cUP6NFRf1taa0oRnE9zy5bVLB4momKWnSz14V6/WjPn4ABs3Aq+8Il9cZoSJLxGRiUhOzr9rwuPHhp2rXDndi8oCAwE7uyIJn4heRFIS0LSp9MOv0rUrsHYt99A2Iia+RETFKDNT2nZXV4J7/75h5ypVSveisqpVATe3oomfiIqIhwcQHCz9UnByApYtA4YM4ccwRsbEl4jIyJRKqTRB16KymzcNL00IDNS9sMzHh/8nEpmVFSukndg++UT6ISejY+JLRFRISUm6626vXtXsIqovHx/ddbcBAYCtbdHET0Qy2r5daonSpYtmzN0d2LVLtpAsARNfIqICZGRIpQm6uibkXnCtDxcX3XW31apJtxGRBUhNBcaNkxaseXgAf/8t7cdNxYKJLxFZPKUSiIvLW5YQFQX8+6/UVUFfNjbStru6ktty5ViaQGTRIiOBvn2ldiyA9LHR5s3ApEnyxmVBmPgSkcV4+FB33e3Vq9LMriF8fXXP3gYESMkvEZFadjbw8cfSl2prRBcXqaa3Xz95Y7Mw/PVMRGblyRPg2jXdXRMePDDsXK6uuheVVa0qdVQgInqumBgpuY2M1Iw1aybN9AYEyBeXhWLiS0QlTk6OVJqga/Y2Ntaw0gRbW6k0QVeC6+XF0gQiKiQhgIgIYMwYIC1NGrO2BmbMAKZM4UdDMuGrTkQmSQhphlZX14Rr16R+uIaoUEF314RKlfj/DxEVgaQkaRc2VdIbGAhs2QK8/LK8cVk4/ronIlk9fqwpTXg2wU1KMuxcbm6axDZ3glu1KuDsXDTxExHpVLo08OWXwJtvAoMGAZ99xvYtJoCJLxEVuZwcqTuCrrrb2FjDzmVnB1SportrQtmyLE0gIplkZUkfReVObrt2BU6dknZkI5PAxJeIjEIIqa+trrrba9ek/xMMUbGi7q4JlSpJZXJERCYjKgro00f6q/ybb7T/AmfSa1KY+BKRQdLTpfZfz27mEB0NJCcbdi4PD92LyqpUkbaqJyIyaUIAa9YA4eFSS5kzZ4DXXgMGDJA7MsoHE18iyiM7WypN0DV7e+uWYeeyt5cSWV0JbpkyLE0gohIqIQEYOhTYvVszVr06ULu2fDHRczHxJbJQQgD37+teVHb9OvD0qf7nUig0pQnPJrh+fixNICIzs3+/tGAtPl4zNnIksGgRP64ycUx8icxcWpqmNCF3ghsdDaSkGHauMmV0191WqQI4OhZN/EREJiMjA5g8GVi6VDPm6QmsWwd07ixbWKQ/Jr5EZiA7W9r6XVfXhNu3DTuXg4PU/ktXglumTNHET0Rk8h4+BNq0AS5c0Ix17AisXw+UKydbWGQYJr5EJYQQwL17uutur1+Xkl99KRRSdwRddbd+foCVVdE9DyKiEsnDQ9qE4sIFafHCwoXSrmxcqFCiMPElMjGPHkmlCboS3EePDDuXp6fuutvKlaWZXSIi0pNCIW1I8eSJVMvLRWwlEhNfIhk8faopTXg2wb1717BzOTpKpQnPbuZQrZq0cRARERXC7t3SzG5oqGbM01Na2EYlFhNfoiIihJTE6qq7jYkxrDTBygrw99c9e+vry9IEIiKjSU8H3nsPWL0a8PKSShu8vOSOioyEiS/RC0pN1Z3cRkdLHRUM4eWle1FZ5crSxAMRERWh06elHdiio6Xr9+9LHRsmTZI3LjIaJr5EesjKkmZpdSW4uds46sPJSbscQZXgVq0qrZ0gIqJilpMDfPopMG2a5uM4JyepbdnQobKGRsbFxJfoP0IAd+7oXlR244b0e1FfVlZAQIDurgnly7M0gYjIZMTFAf37A0eOaMaCg4GtW6Vf2mRWmPiSxUlJ0b2o7OpVqbTLEN7euutuAwMBO7uiiZ+IiIxk+3ZgxAggOVm6rlBIZQ2zZvGXuJli4ktmKTNTU5rwbIJ7/75h53J2zpvcqr7c3IomfiIiKmKJicCwYdJCDUBqYr5pE9C6tbxxUZFi4kslllIp7Uqmq+72xg3pdn1ZW0uztLpmb3182J+ciMjseHoCK1cCffsCYWHSZS60MHtMfMnkJSXpTm6vXgUePzbsXD4+ursmBAYCtrZFEz8REZmA7GxppbKTk2asTx+gQgWgZUvOcFgIJr5kEjIzpW13VYlt7gQ3IcGwc5UqpXtRWdWqgKtr0cRPREQmLCYG6NcPqFFDak+WW6tW8sREsmDiS8VGqQRu3dJdd/vvv4aVJtjYSLO0uhLccuX4hzsREUFq17NpEzB6tNRYPTISePVVoEcPuSMjmTDxJaN7+DD/rgkZGYadq3x53XW3/v4sTSAiogIkJQEjR0qdG1QCA6VFbGSxmPhSoWRkANeu6U5wHzww7FwuLlIy+2zXhKpVpduIiIgMcviw1Jv31i3N2KBBwGef8T8WC8fEl/KlVAKxsboXlv37r/QJkr5sbaVtd3XN3np5sTSBiIiMICsLmDEDWLBA85+UhwewejXLGwgAE1+CNEOra7eyq1elRWeG8PXVJLa5E1x/f6kul4iIqEg8eAB06ACcOaMZa9sWiIiQOjcQgYmvxXjyRCpN0JXgPnxo2Lnc3HQvKqtSReqoQEREVOw8PKTevID0MeOcOcB773GPeNLCxNeM5ORoShOeTXBjYw07l62tlMjqSnDLlmVpAhERmRgrK2DDBqBnT2DZMqBBA7kjIhPExLeEEULaZfHZ5DY6WprRNbQ0wc9Pd91txYosTSAiIhP2yy+Ag4N2H14fH+CPP+SLiUye7KnNihUrsHDhQsTHx6Nu3bpYvnw5GjdunO/xS5cuxcqVKxEbGwtPT090794d8+bNg4ODQzFGXXz+/BM4eFB7Y4fkZMPO4e6uu+62alXtDWyIiIhMXkYGMHkysHSpVLv799/capj0Jmviu23bNowfPx6rVq1CkyZNsHTpUoSGhiIqKgpeXl55jt+6dSsmTZqEdevWoVmzZoiOjsagQYOgUCiwePFiGZ5B0Tp5EmjaVL9j7eykRFbXdryenixNICIiM3DhAtC3r/QvILUrW7MGmDhR3rioxJA18V28eDGGDRuGwYMHAwBWrVqFPXv2YN26dZg0aVKe448fP47mzZujT58+AAB/f3/07t0bJ06cKNa4i8uRI3nHKlbUXXdbsSJgbV38MRIRERU5pRJYvlxKcFU1ffb2wMKFwJgx8sZGJYpsiW9WVhZOnz6NyZMnq8esrKwQEhKCyMhInfdp1qwZNm/ejJMnT6Jx48aIiYnB3r170b9//3wfJzMzE5m5Cl9TU1ON9ySK2M2bmsvbtgGdOwOOjrKFQ0REVPzu3gUGDwb279eMBQUBW7cCtWvLFxeVSLIlvomJicjJyYG3t7fWuLe3N65cuaLzPn369EFiYiJatGgBIQSys7MxcuRITJkyJd/HmTdvHmbPnm3U2IvLv/9qLrdqxaSXiIgszA8/AEOHSqu6VcLDgblzpYVtRAYqUc3tDh8+jLlz5+KLL77AmTNnsGvXLuzZswcfffRRvveZPHkyUlJS1F9xcXHFGPGLUc34OjgAz/x9QEREZN4SEqR6XlXS6+MjzfouXsyklwpNthlfT09PWFtb4969e1rj9+7dQ7ly5XTeZ/r06ejfvz+GDh0KAAgKCkJ6ejqGDx+OqVOnwkpHk2p7e3vY29sb/wkUMSE0iW/FilycRkREFqZsWalzw7BhQJcuwJdfajaoICok2WZ87ezsEBwcjIMHD6rHlEolDh48iKb5tDJ4/PhxnuTW+r8VXUK1J7eZePgQSE+XLvv7yxoKERFR0cvJyduMfsgQ4Oefge++Y9JLRiFrV4fx48dj4MCBaNiwIRo3boylS5ciPT1d3eVhwIAB8PX1xbx58wAAnTt3xuLFi1G/fn00adIE165dw/Tp09G5c2d1Amwuci9sY+JLRERmLS4OGDBAWqy2fLlmXKEAOnaULy4yO7ImvmFhYUhISMCMGTMQHx+PevXqYd++feoFb7GxsVozvNOmTYNCocC0adNw+/ZtlC1bFp07d8acOXPkegpFJvfCtkqV5IuDiIioSG3fDowYIe3OdPgw8OqrQKdOckdFZkohzK1G4DlSU1Ph5uaGlJQUuLq6yh1OvhYvBt57T7q8ZQvwX+tiIiIi85CaCowbB2zcqBnz85P+02vZUr64yCQUVb4m+5bFpBtLHYiIyGxFRgL9+gExMZqxsDBg5UpuP0xFqkS1M7MkLHUgIiKzk50NzJ4tzeiqkl4XFyAiAvj6aya9VOQ442uiVDO+trZS60IiIqIS7cEDaQvS3LuzNmsGbN4MBATIFxdZFM74mqjcPXx1tCcmIiIqWdzdAZv/5tusraWZ3yNHmPRSsWJKZYKSk6Waf4D1vUREZCasrYFNm4AGDYCjR4EZMzSJMFEx4TvOBHFhGxERlXhHjgCOjkDjxpqxSpWAU6e4HSnJhjO+Jih34suFbUREVKJkZQGTJwNt2wK9ewOPHmnfzqSXZMTE1wTl7ujAGV8iIioxoqKApk2BTz4BhJA6N6xcKXdURGpMfE0QSx2IiKhEEQJYswaoXx84c0Yas7UFFiwAJkyQNzaiXFjja4JY6kBERCVGQgIwbBjwww+aserVga1bpYVsRCaEM74mSFXqYGMDlC8vbyxERET52r8fqFNHO+kdOVKa9WXSSyaIM74mSDXj6+fHTi9ERGSi7t0DunYFMjKk656ewLp10iYVRCaKM74mJjUVSEqSLrPMgYiITJa3t7SIDQBCQ4ELF5j0ksnjfKKJYUcHIiIySUolkJMjLVpTGTsWqFABePNNbjNKJQLfpSaGHR2IiMjk3L0LvPoqMG2a9riVFdCtG5NeKjH4TjUx7OhAREQm5YcfgKAg4JdfgIULgd9+kzsiokJj4mtiWOpAREQmIT1d6tDQtSvw4IE05u0ta0hEL4o1viaGM75ERCS706eBPn2A6GjNWJcuwJdfSt0biEoozviaGNWMr5WVtF6AiIio2OTkAPPnAy+/rEl6nZykXdm++45JL5V4nPE1MaoZ3woVtBfOEhERFanERKBHD+DwYc1YcLC0A1u1arKFRWRMnPE1Ienp0u8dgGUORERUzNzcgLQ06bJCAUyeDBw/zqSXzAoTXxPChW1ERCQbW1tgyxagZk3g0CFg7lzAzk7uqIiMiqUOJoQ9fImIqNhERkr1u3XrasaqVQMuXmRfXjJbfGebEHZ0ICKiIpedDcyeDbRsCfTuDTx+rH07k14yY3x3mxCWOhARUZGKiQFatQJmzZI6OFy+DHzxhdxRERUbJr4mhKUORERUJIQAIiKAevWkEgcAsLYGPvwQePddOSMjKlas8TUhqsRXoQD8/GQNhYiIzEVSkrQD2/btmrHKlYHNm6V+vUQWhDO+JkRV6lC+PBfSEhGRERw+DNSpo530Dh4MnD3LpJcsEmd8TcSTJ8C9e9JlljkQEdELu3sXCA0FsrKk6x4ewOrV0iYVRBaKM74mIvfCNnZ0ICKiF+bjA8ycKV1u2xb4+28mvWTxOONrItjRgYiIXogQgFIpLVpTmThRWjTSty/blBGBM74mgx0diIio0BISgDffBD7+WHvc2hro359JL9F/+JNgIrh5BRERFcr+/dICth9+AD76SNOujIjyYOJrIljqQEREBsnIAMLDgY4dgfh4aczDA3j0SN64iEwYa3xNRO4Z34oVZQuDiIhKggsXpLrdCxc0Y6GhwIYNQLlysoVFZOo442siVDO+5coBDg7yxkJERCZKqQSWLQMaNdIkvfb20tjevUx6iZ6DM74mIDMTuHNHuswyByIi0unBA2mWd/9+zVhQELB1K1C7tnxxEZUgnPE1AbGxmstc2EZERDo5OwO3b2uuh4cDJ08y6SUyABNfE8CFbURE9FwODtLsbkCANOu7eDFr44gMxFIHE8AevkRElMfp09Isb40amrGgICA6GrDhf99EhcEZXxPAHr5ERKSWkwPMnw+8/DLQu7e0ECQ3Jr1EhcbE1wSw1IGIiAAAcXFA+/bApElAdjZw7hzwxRdyR0VkNpj4mgDO+BIREbZvl3ZgO3JEuq5QAJMnA6NHyxsXkRnh5yUmQJX4li0LODnJGgoRERW31FRg3Dhg40bNmJ8fsGkT0Lq1fHERmSEmvjLLymIPXyIiixUZCfTrB8TEaMbCwoCVK6Xth4nIqJj4yuzWLWkjHoCJLxGRRbl9G2jTRpoBAQAXF2DFCikRVihkDY3IXLHGV2as7yUislC+vsCECdLlZs2A8+eB/v2Z9BIVIc74yowdHYiILIQQ0r+5E9tZs4CKFYEhQ9imjKgYcMZXZpzxJSKyAElJQK9ewKJF2uO2tsCIEUx6iYoJE1+Zcdc2IiIzd/iw1KZs+3ZgyhTg7Fm5IyKyWEx8ZZa71IEzvkREZiQrS9qIol07aSUzAJQqBcTHyxsXkQXjZysyU834li4tLeglIiIzEBUF9OkDnDmjGWvbFoiIACpUkC8uIgvHGV8ZZWdrJgFY5kBEZAaEAFavBurX1yS9trbAggXAgQNMeolk9kIzvhkZGXBwcDBWLBbn9m0gJ0e6zMSXiKiEe/gQGDwY2L1bM1a9OrB1K9CggXxxEZGawTO+SqUSH330EXx9fVGqVCnE/LfbzPTp0/HVV18ZPUBzxo4ORERmxN4euHJFc33UKGnWl0kvkckwOPH9+OOPsWHDBixYsAB2dnbq8dq1a+PLL780anDmjj18iYjMiLMzsGULUL68NOv7xReAk5PcURFRLgYnvhEREVizZg369u0La2tr9XjdunVxJfdfuvRcbGVGRFSCXbgA/Pepp1rDhtJY587yxEREBTI48b19+zaqVKmSZ1ypVOLp06dGCcpSsNSBiKgEUiqBZcuARo2Avn2llcq52dvLExcRPZfBiW+tWrXwxx9/5BnfsWMH6tevb5SgLAV7+BIRlTB37wKvvgq8+y6QmQn8+SewcqXcURGRngzu6jBjxgwMHDgQt2/fhlKpxK5duxAVFYWIiAj89NNPRRGj2VLN+Lq7S19ERGTCfvgBGDIEePBAMxYeDgwbJl9MRGQQg2d8u3Tpgh9//BEHDhyAs7MzZsyYgcuXL+PHH3/EK6+8UhQxmqWcHCA2VrrM2V4iIhOWng6MHAl07apJen18gP37gcWLAbb1JCoxCtXHt2XLlvj111+NHYtFuXtXUxbGhW1ERCbq9GlpB7boaM1Y167A2rWAp6dsYRFR4Rg84xsYGIgHuT/m+U9ycjICAwONEpQlYEcHIiITFxcHNGumSXqdnKSEd9cuJr1EJZTBie/NmzeRo9puLJfMzEzcvn3bKEFZAnZ0ICIycX5+wP/+J10ODgbOngWGDgUUCnnjIqJC07vUYXeuLRj3798PNzc39fWcnBwcPHgQ/py61Bs3ryAiMkFCaCe28+YBFSsCo0cDuTZtIqKSSe/Et2vXrgAAhUKBgQMHat1ma2sLf39/LFq0yKjBmTPO+BIRmZDUVGDcOKBxY80sLyAtXAsPly8uIjIqvRNfpVIJAAgICMBff/0FT9Y3vRDW+BIRmYjISGkjihs3gG3bgLZtgZo15Y6KiIqAwTW+N27cYNJrBKpSBxcXwMND3liIiCxSdjYwaxbQsqWU9AKArS1w/bqsYRFR0SlUO7P09HQcOXIEsbGxyMrK0rpt3LhxRgnMnCmVmsS3UiWukyAiKnYxMUC/ftJsr0qzZsDmzUBAgHxxEVGRMjjxPXv2LDp16oTHjx8jPT0dpUuXRmJiIpycnODl5cXEVw/x8YDq7wWWORARFSMhgIgIYMwYIC1NGrO2BmbMAKZMAWwKNR9ERCWEwaUO4eHh6Ny5M5KSkuDo6Ig///wT//77L4KDg/Hpp58WRYxmhx0diIhkkJwM9OoFDBqkSXoDA4GjR6XEl0kvkdkzOPE9d+4c3nvvPVhZWcHa2hqZmZnw8/PDggULMGXKlKKI0eywowMRkQwUCuDECc31QYOAc+eAl1+WKyIiKmYGJ762trawspLu5uXlhdjYWACAm5sb4uLijBudmeKMLxGRDNzcgE2bpF3Xtm8H1q+XVhgTkcUw+HOd+vXr46+//kLVqlXRunVrzJgxA4mJidi0aRNq165dFDGaHbYyIyIqBlFRgLMzUKGCZqxlS+mXsLOzbGERkXwMnvGdO3cufHx8AABz5syBh4cHRo0ahYSEBKxevdroAZojljoQERUhIYDVq4H69YEBA6RWOrkx6SWyWAohhJA7iOKUmpoKNzc3pKSkwNXVVZYYatYErlwBnJyk9RVsZ0ZEZCQJCcDQocDu3ZqxlSuBkSPli4mIDFZU+ZrBM775OXPmDF5//XVjnc5sCaGZ8fX3Z9JLRGQ0+/cDdepoJ70jR0qzvkREMDDx3b9/PyZMmIApU6YgJiYGAHDlyhV07doVjRo1Um9rbIgVK1bA398fDg4OaNKkCU6ePFng8cnJyRg9ejR8fHxgb2+PatWqYe/evQY/rlzu3wcyMqTLLHMgIjKCjAwgPBzo2FFqlA5IC9h275Zme52c5I2PiEyG3ovbvvrqKwwbNgylS5dGUlISvvzySyxevBhjx45FWFgYLl68iJoG7m2+bds2jB8/HqtWrUKTJk2wdOlShIaGIioqCl5eXnmOz8rKwiuvvAIvLy/s2LEDvr6++Pfff+Hu7m7Q48qJHR2IiIzowgWgb1/pX5XQUGDDBqBcOdnCIiLTpHfiu2zZMsyfPx/vv/8+du7ciR49euCLL77AhQsXUCH3ilkDLF68GMOGDcPgwYMBAKtWrcKePXuwbt06TJo0Kc/x69atw8OHD3H8+HHY2toCAPxLWPbIhW1EREby779Ao0ZAZqZ03d4eWLBA2pXNymiVfERkRvT+zXD9+nX06NEDAPDWW2/BxsYGCxcuLHTSm5WVhdOnTyMkJEQTjJUVQkJCEJl77/Rcdu/ejaZNm2L06NHw9vZG7dq1MXfuXOTk5OT7OJmZmUhNTdX6khNbmRERGUmlSpr63aAg4NQpYNw4Jr1ElC+9fzs8efIETv/VSSkUCtjb26vbmhVGYmIicnJy4O3trTXu7e2NeFWN1jNiYmKwY8cO5OTkYO/evZg+fToWLVqEjz/+ON/HmTdvHtzc3NRffn5+hY7ZGFjqQERkREuWAB9/DJw8CbCXPBE9h0EbWHz55ZcoVaoUACA7OxsbNmyAp6en1jHjxo0zXnTPUCqV8PLywpo1a2BtbY3g4GDcvn0bCxcuxMyZM3XeZ/LkyRg/frz6empqqqzJL0sdiIgKIT0deO89aXvhQYM0487OwNSpsoVFRCWL3olvxYoVsXbtWvX1cuXKYdOmTVrHKBQKvRNfT09PWFtb4969e1rj9+7dQ7l8FiT4+PjA1tYW1tbW6rGaNWsiPj4eWVlZsLOzy3Mfe3t72Nvb6xVTcVAlvg4OwDOT3UREpMvp09ICtqgoYMsWafe1ypXljoqISiC9E9+buacqjcDOzg7BwcE4ePAgunbtCkCa0T148CDGjBmj8z7NmzfH1q1boVQqYfVfDVd0dDR8fHx0Jr2mRghNqUOlSuzhS0RUoJwc4NNPgWnTgOxsaUypBC5eZOJLRIUi6wqA8ePHY+3atdi4cSMuX76MUaNGIT09Xd3lYcCAAZg8ebL6+FGjRuHhw4d45513EB0djT179mDu3LkYPXq0XE/BIA8eSJ/WASxzICIqUFwc0L49MGmSJukNDgbOngW6dJE3NiIqsQyq8TW2sLAwJCQkYMaMGYiPj0e9evWwb98+9YK32NhY9cwuAPj5+WH//v0IDw9HnTp14Ovri3feeQcTJ06U6ykYhB0diIj0sH07MGIEkJwsXVcopAR41iygBHy6R0SmSyGEEHIHUZyKau9nfezcCXTvLl2eOxfINZlNRESPHgFjxwIbN2rG/PyATZuA1q3li4uIil1R5WtsdliM2NGBiKgAmZnAL79oroeFAefPM+klIqNh4luM2MOXiKgAnp7SbK+rKxARAXz9NeDhIXdURGRGCpX4Xr9+HdOmTUPv3r1x//59AMDPP/+Mf/75x6jBmRvW+BIR5RITAzzT0hKvvCLNEvTvz9Y3RGR0Bie+R44cQVBQEE6cOIFdu3YhLS0NAHD+/Pl8N5EgiSrxtbMD8mlVTERk/oSQZnbr1gXeflu6npu7uyxhEZH5MzjxnTRpEj7++GP8+uuvWr1z27Vrhz///NOowZmT3D18K1bkVvJEZKGSkoBevaTd19LSgL17gfXr5Y6KiCyEwenXhQsX8Oabb+YZ9/LyQmJiolGCMkfJyUBqqnSZZQ5EZJEOHwbq1JHalakMGgT06CFXRERkYQxOfN3d3XH37t0842fPnoWvr69RgjJH7OhARBYrK0vqw9uuHXDrljTm4SElwOvXAy4u8sZHRBbD4MS3V69emDhxIuLj46FQKKBUKnHs2DFMmDABAwYMKIoYzQI7OhCRRbpyBWjaFJg/X1PL27Yt8PffnOklomJncOI7d+5c1KhRA35+fkhLS0OtWrXQqlUrNGvWDNOmTSuKGM0CZ3yJyOLExAANGgBnzkjXbW2BBQuAAweAChXkjY2ILJLBWxbb2dlh7dq1mD59Oi5evIi0tDTUr18fVatWLYr4zAZbmRGRxQkMBN56C9iyBaheHdi6VUqEiYhkYnDie/ToUbRo0QIVK1ZExYoViyIms8RSByKySCtWSB9zTZ0KODnJHQ0RWTiDSx3atWuHgIAATJkyBZcuXSqKmMySasbXxgYoX17WUIiIjC8jAwgPB779VnvczQ2YM4dJLxGZBIMT3zt37uC9997DkSNHULt2bdSrVw8LFy7ELdVKXdJJlfj6+QHW1rKGQkRkXBcuAI0bA0uXAsOHA3FxckdERKSTwYmvp6cnxowZg2PHjuH69evo0aMHNm7cCH9/f7Rr164oYizxUlKkPr4AyxyIyIwolcCyZUCjRlLyCwBPngCnTskbFxFRPgyu8c0tICAAkyZNQt26dTF9+nQcOXLEWHGZldz1vezoQERm4e5dYPBgYP9+zVhQkLSArXZt+eIiIipAoTfOPXbsGP73v//Bx8cHffr0Qe3atbFnzx5jxmY22NGBiMzKDz9IO7DlTnrDw4GTJ5n0EpFJM3jGd/Lkyfjmm29w584dvPLKK1i2bBm6dOkCJy5cyBc7OhCRWUhPB957D1i9WjPm4wNs2AB06CBbWERE+jI48f3999/x/vvvo2fPnvD09CyKmMwON68gIrOQmgrs3Km53rUrsHYtwP8LiKiEMDjxPXbsWFHEYdZY6kBEZsHHB/jyS6BPH2lR25AhgEIhd1RERHrTK/HdvXs3Xn31Vdja2mL37t0FHvvGG28YJTBzoip1sLbmLp1EVILExQHOzkDp0pqxLl2AGzcALy/54iIiKiSFEEI87yArKyvEx8fDy8sLVlb5r4dTKBTIyckxaoDGlpqaCjc3N6SkpMDV1bVYHtPTE3jwAKhYUbvel4jIZG3fDowYAYSESJc5s0tExaio8jW9ujoolUp4/ffXvVKpzPfL1JNeOaSlSUkvwDIHIioBUlOBQYOAsDCpAfmOHVKLMiIiM2BwO7OIiAhkZmbmGc/KykJERIRRgjIn7OFLRCVGZCRQrx6wcaNmLCwM6NRJtpCIiIzJ4MR38ODBSElJyTP+6NEjDB482ChBmRMubCMik5edDcyeDbRsKdXvAoCLCxARAXz9NeDhIW98RERGYnBXByEEFDpqvW7dugU3NzejBGVO2MOXiExaTAzQr58026vSrBmweTMQECBfXERERUDvxLd+/fpQKBRQKBRo3749bGw0d83JycGNGzfQsWPHIgmyJGMPXyIyWdeuAQ0aAI8eSdetrYEZM4ApUwCbF9rRnojIJOn9m61r164AgHPnziE0NBSlSpVS32ZnZwd/f39069bN6AGWdCx1ICKTVbky0L498P33QGAgsGUL8PLLckdFRFRk9E58Z86cCQDw9/dHWFgYHBwciiwoc6IqdVAoAD8/eWMhItKiUEg7r1WqBHz0kVTXS0RkxvTq42tOiruPr7c3cP8+4OsL3LpV5A9HRKRbVpZUxtCyJfDaa3JHQ0RUoKLK1/Sa8S1dujSio6Ph6ekJDw8PnYvbVB4+fGi04Eq6x4+lpBdgmQMRySgqStpm+MwZYP164O+/pb/KiYgsjF6J75IlS+Dy30dgS5YsKTDxJY3YWM1lJr5EVOyEANasAcLDgSdPpLGkJODYMeCtt+SNjYhIBnolvgMHDlRfHjRoUFHFYnbY0YGIZJOQAAwdCuzerRmrXl3aha1BA/niIiKSkcEbWJw5cwYXLlxQX//hhx/QtWtXTJkyBVlZWUYNrqRjRwciksX+/UCdOtpJ76hRUqkDk14ismAGJ74jRoxAdHQ0ACAmJgZhYWFwcnLCt99+iw8++MDoAZZk3LyCiIpVRoZU1tCxIxAfL415ekoJ8BdfAE5O8sZHRCQzgxPf6Oho1KtXDwDw7bffonXr1ti6dSs2bNiAnTt3Gju+Eo2lDkRUrO7flxavqXTsCFy4AHTuLF9MREQmxODEVwgBpVIJADhw4AA6deoEAPDz80NiYqJxoyvhcie+FSvKFgYRWYqKFYGVKwF7e+Czz4C9e4Fy5eSOiojIZBi8J2XDhg3x8ccfIyQkBEeOHMHKlSsBADdu3IA32+NoUZU6+PgA3O+DiIzu7l3A2RnI3eOyd2+gRQvumENEpIPBM75Lly7FmTNnMGbMGEydOhVVqlQBAOzYsQPNmjUzeoAlVUaG9H8SwDIHIioCP/wgLWAbNy7vbUx6iYh0MtrObRkZGbC2toatra0xTldkimvntqtXgWrVpMu9egFff11kD0VEliQ9HXjvPWD1as3Yjh1At27yxUREZGSy7tymy+nTp3H58mUAQK1atdCALXK0cGEbERnd6dPSDmz/ddYBAHTtCrRuLVtIREQlicGJ7/379xEWFoYjR47A3d0dAJCcnIy2bdvim2++QdmyZY0dY4nEHr5EZDQ5OcCnnwLTpgHZ2dKYkxOwbBkwZAjA3TSJiPRicI3v2LFjkZaWhn/++QcPHz7Ew4cPcfHiRaSmpmKcrlozC8UevkRkFHFxQPv2wKRJmqQ3OBg4e1bamY1JLxGR3gye8d23bx8OHDiAmjVrqsdq1aqFFStWoEOHDkYNriRjqQMRvbDoaKBJEyA5WbquUEgJ8KxZgJ2dnJEREZVIBs/4KpVKnQvYbG1t1f19iYkvERlBlSpS4gtInRoOHQLmzmXSS0RUSAYnvu3atcM777yDO3fuqMdu376N8PBwtG/f3qjBlWSqUgcvL+4SSkSFZGUl7cQ2fDhw/jwXsRERvSCDE9/PP/8cqamp8Pf3R+XKlVG5cmUEBAQgNTUVy5cvL4oYS5ysLOD2bekyZ3uJSC/Z2cDs2cBvv2mP+/hIrcs8POSJi4jIjBhc4+vn54czZ87g4MGD6nZmNWvWREhIiNGDK6ni4gBVd2QubCOi54qJAfr1AyIjAV9f4O+/gdKl5Y6KiMjsGJT4btu2Dbt370ZWVhbat2+PsWPHFlVcJRo7OhCRXoQANm0CxowBHj2SxuLjpVpebkhBRGR0eie+K1euxOjRo1G1alU4Ojpi165duH79OhYuXFiU8ZVIXNhGRM+VlASMHAls364ZCwwEtmwBXn5ZvriIiMyY3jW+n3/+OWbOnImoqCicO3cOGzduxBdffFGUsZVY3LyCiAp0+DBQp4520jtoEHDuHJNeIqIipHfiGxMTg4EDB6qv9+nTB9nZ2bh7926RBFaSsdSBiHTKygImTwbatQNu3ZLG3N2lBHj9esDFRdbwiIjMnd6lDpmZmXB2dlZft7Kygp2dHZ48eVIkgZVkLHUgIp1u3QKWL9esfm3TBoiIkHr0EhFRkTNocdv06dPhlKspbVZWFubMmQM3Nzf12OLFi40XXQmlSnzLlAFKlZI1FCIyJYGBwLJlwKhRwJw5wHvvSb16iYioWOid+LZq1QpRUVFaY82aNUNMTIz6uoJ7xiM7mz18ieg/iYnSDja5d7F5+21pI4oqVeSLi4jIQumd+B4+fLgIwzAft24BOTnSZdb3Elmw/fulBWtvvQWsWKEZVyiY9BIRyYSfsRkZF7YRWbiMDCA8HOjYUerJ+8UXwJ49ckdFREQoxM5tVDAubCOyYBcuAH37Sv+qdOwIBAfLFxMREalxxtfI2MOXyAIpldKitUaNNEmvvT3w2WfA3r1AuXLyxkdERAA442t0LHUgsjB37wKDB0s1vSpBQcDWrUDt2vLFRUREeTDxNTKWOhBZkKgooEULqXuDSng4MHcu4OAgX1xERKRToUod/vjjD/Tr1w9NmzbF7f96d23atAlHjx41anAlkSrxdXcHcrU3JiJzVKUKUKuWdNnHR5r1XbyYSS8RkYkyOPHduXMnQkND4ejoiLNnzyIzMxMAkJKSgrlz5xo9wJIkJweIi5Mus8yByAJYWwObNgH9+wN//w106CB3REREVACDE9+PP/4Yq1atwtq1a2Fra6seb968Oc6cOWPU4EqaO3ekDSwAljkQmZ2cHGD+fOD4ce3xihWlbYc9PeWJi4iI9GZwjW9UVBRatWqVZ9zNzQ3JycnGiKnEYkcHIjMVFyfN6h45AgQEAOfOAa6uckdFREQGMnjGt1y5crh27Vqe8aNHjyIwMNAoQZVU7OhAZIa2bwfq1JGSXkD6C/eXX2QNiYiICsfgxHfYsGF45513cOLECSgUCty5cwdbtmzBhAkTMGrUqKKIscRgRwciM5KaKm05HBYGqD7N8vMDDh0CuneXMzIiIiokg0sdJk2aBKVSifbt2+Px48do1aoV7O3tMWHCBIwdO7YoYiwxWOpAZCYiI4F+/YCYGM1YWBiwciXg4SFfXERE9EIUQghRmDtmZWXh2rVrSEtLQ61atVCqVCljx1YkUlNT4ebmhpSUFLgauUbvlVeAAwekyw8f8v9HohInOxuYMwf46CNpMRsAuLgAK1ZIibBCIW98REQWoqjytUJvYGFnZ4daqv6VBEAz4+viIvXxJaIS5vp1YN48TdLbrBmwebO0oI2IiEo8gxPftm3bQlHArMdvv/32QgGVVEolEBsrXfb358QQUYlUvTqwYAEwfjwwYwYwZQpgww0uiYjMhcG/0evVq6d1/enTpzh37hwuXryIgQMHGiuuEic+HsjKki5zYRtRCZGUBDg5Afb2mrGxY4F27YDateWLi4iIioTBie+SJUt0js+aNQtpaWkvHFBJxYVtRCXM4cNSb95evYCFCzXjCgWTXiIiM2VwO7P89OvXD+vWrTPW6UocJr5EJURWFjB5sjSre+sW8OmnwMGDckdFRETFwGjFa5GRkXBwcDDW6Uqc3JtXsNSByERFRQF9+gC5t1dv21aq7SUiIrNncOL71ltvaV0XQuDu3bs4deoUpk+fbrTAShrO+BKZMCGANWuA8HDgyRNpzNZWal323nuAldE+/CIiIhNmcOLr5uamdd3KygrVq1fHhx9+iA4dOhgtsJKG2xUTmaiEBGDoUGD3bs1Y9erA1q1AgwbyxUVERMXOoMQ3JycHgwcPRlBQEDy4O4MW1YyvkxNQpoysoRCRSlQU0KaN1HZFZdQoqa7XyUm2sIiISB4Gfb5nbW2NDh06IFm1b72RrFixAv7+/nBwcECTJk1w8uRJve73zTffQKFQoGvXrkaNx1BCaGZ82cOXyIQEBgJ+ftJlT09p1veLL5j0EhFZKIML22rXro2Y3PvXv6Bt27Zh/PjxmDlzJs6cOYO6desiNDQU9+/fL/B+N2/exIQJE9CyZUujxVJY9+8DGRnSZZY5EJkQW1tgyxbgrbeACxeAzp3ljoiIiGRkcOL78ccfY8KECfjpp59w9+5dpKaman0ZavHixRg2bBgGDx6MWrVqYdWqVXByciqwNVpOTg769u2L2bNnIzAw0ODHNLbcC9vY0YFIJkol8NlnwNmz2uNVqwI7dwLlyskTFxERmQy9E98PP/wQ6enp6NSpE86fP4833ngDFSpUgIeHBzw8PODu7m5w3W9WVhZOnz6NkJAQTUBWVggJCUFkZGSBsXh5eWHIkCHPfYzMzMwXTs6fhx0diGR29y7QqRPwzjtSu7LHj+WOiIiITJDei9tmz56NkSNH4tChQ0Z78MTEROTk5MDb21tr3NvbG1euXNF5n6NHj+Krr77CuXPn9HqMefPmYfbs2S8aaoHY0YFIRj/8IHVtSEyUrl+5Avz8M9Ctm7xxERGRydE78RVCAABat25dZME8z6NHj9C/f3+sXbsWnp6eet1n8uTJGD9+vPp6amoq/FSLXYyEpQ5EMkhPl3rwrl6tGfPxATZsACy4tSIREeXPoHZmCiO3K/D09IS1tTXu3bunNX7v3j2U01GPd/36ddy8eROdcy1QUSqVAAAbGxtERUWhcuXKWvext7eHvb29UeN+FksdiIrZ6dNSSUN0tGasa1dg7VqpewMREZEOBiW+1apVe27y+/DhQ73PZ2dnh+DgYBw8eFDdkkypVOLgwYMYM2ZMnuNr1KiBCxcuaI1NmzYNjx49wrJly4w+k6svVamDgwPg5SVLCESWIScHWLgQmD4dyM6WxpycgKVLpXIH9hIkIqICGJT4zp49O8/ObS9q/PjxGDhwIBo2bIjGjRtj6dKlSE9Px+DBgwEAAwYMgK+vL+bNmwcHBwfUrl1b6/7u7u4AkGe8uAihmfGtVIn/7xIVqStXtJPe4GBpB7Zq1eSNi4iISgSDEt9evXrBy8hTmmFhYUhISMCMGTMQHx+PevXqYd++feoFb7GxsbCyMrjrWrFJTNQsIGeZA1ERe+kl4KOPgClTgEmTgFmzADs7uaMiIqISQiFUq9aew9raGnfv3jV64lvcUlNT4ebmhpSUFLi6ur7w+U6dAho1ki4PH669zoaIXtCjR4CjI2CT62/0nBypV2/DhvLFRURERcrY+ZqK3lOpeubHFocL24iKSGQkUK8e8PHH2uPW1kx6iYioUPROfJVKZYmf7S0KTHyJjCw7G5g9G2jZEoiJkUobjh+XOyoiIjIDBtX4Ul65N69gD1+iFxQTA/TrJ832qrz8stSfl4iI6AWZ7qqxEoIzvkRGIAQQESGVNqiSXmtraeb3yBEgIEDW8IiIyDxwxvcFqWZ87ewAHXtuENHzJCUBo0YB27ZpxgIDgS1bpNleIiIiI2Hi+wJy9/CtWBEw4a5rRKYpKgp45RUgLk4zNmgQ8NlngIuLbGEREZF5Yqr2ApKSpG5LAMsciAqlUiXgv01o4OEBbN8OrF/PpJeIiIoEE98XkHthGxNfokJwcJB2XuvUCfj7b6BHD7kjIiIiM8bE9wXkXtjGjg5EzyEEsGYNcOmS9njt2sCePUCFCvLERUREFoOJ7wtgRwciPSUkAF27AiNGAH36AJmZckdEREQWiInvC2CpA5Ee9u8H6tQBdu+Wrp8/D/z0k7wxERGRRWLi+wJY6kBUgIwM4N13gY4dgfh4aczTU0qAu3WTNTQiIrJMbGf2AlSJr40NUL68rKEQmZYLF6SShosXNWOhocCGDWx4TUREsuGM7wtQlTr4+UmbTBFZPKUSWLYMaNRIk/Ta20tje/cy6SUiIllxxreQkpOlL4D1vURqFy4A48dLCTAABAVJ7cpq15Y3LiIiInDGt9C4sI1Ih7p1gSlTpMvh4cDJk0x6iYjIZHDGt5ByJ75c2EYW6/FjaROK3Pt1z5gBdOgAtGwpX1xEREQ6cMa3kNjDlyze6dNA/frAokXa47a2THqJiMgkMfEtJCa+ZLFycoD584GXXwaio4GpU4EzZ+SOioiI6LlY6lBILHUgixQXB/TvDxw5ohmrUwcoVUq+mIiIiPTEGd9CUs34WlsDFSrIGgpR8di+XUpyVUmvQgFMngwcPw5UqyZvbERERHrgjG8hqRLfChWkDSyIzFZqKjBuHLBxo2bMzw/YtAlo3Vq+uIiIiAzElK0QHj0CHj6ULrPMgcxaVBTQqRMQE6MZCwsDVq0C3N1lC4uIiKgwWOpQCOzhSxYj90caLi5ARATw9ddMeomIqERi4lsITHzJYjg7SzuvtWkDnD8vLWxTKOSOioiIqFCY+BZC7lZmLHUgsyGENKN7/br2eHAw8NtvQECAPHEREREZCRPfQmAPXzI7SUlAr17AwIFA377A06fat3OWl4iIzAAT30JgqQOZlcOHpTZl27dL10+cAH76SdaQiIiIigIT30JQzfgqFOzhSyVYVhYwaRLQrh1w65Y05uEBfPst8Oab8sZGRERUBNjOrBBUia+vL2BnJ2soRIUTFQX06aO91XDbtlKNL/+aIyIiM8UZXwM9fgwkJEiXubCNShwhgNWrgfr1NUmvrS2wYAFw4ACTXiIiMmuc8TUQ63upRDt7Fhg5UnO9enWpXVmDBvLFREREVEw442sgdnSgEq1BA2D8eOnyqFHSrC+TXiIishCc8TVQ7hlfljqQycvMlArRc7cjmzsX6NgReOUV+eIiIiKSAWd8DcQZXyoxLlwAGjYEVq7UHre3Z9JLREQWiYmvgZj4kslTKoFly4BGjYCLF4H33gMuXZI7KiIiItmx1MFAuUsd/Pzki4NIp7t3gcGDgf37NWNVq8oXDxERkQnhjK+BVDO+Pj6Ag4OsoRBp++EHaQe23ElveDhw8iRQq5Z8cREREZkIzvgaICMDiI+XLrPMgUxGerpUzrB6tWbMxwfYsAHo0EG2sIiIiEwNE18DxMZqLrOjA5mE6Gigc2fpX5WuXYG1awFPT9nCIiIiMkUsdTAAF7aRyfH2BrKypMtOTlLCu2sXk14iIiIdmPgagLu2kclxcwM2bwaaNJF2ZRs6VLtnLxEREakx8TVA7hlfljqQLL79FoiL0x5r3hyIjASqVZMnJiIiohKCia8BWOpAsklNBQYNAnr2BAYMAHJytG/nLC8REdFzMfE1QO5Sh4oV5YuDLExkJFC/PrBxo3T98GHgp59kDYmIiKgkYuJrANWMr5eXtI6IqEhlZwOzZwMtWwIxMdKYiwsQEQG88Ya8sREREZVAbGemp6ws4M4d6TLLHKjIxcQA/fpJs70qzZpJC9kCAuSLi4iIqATjjK+e4uIAIaTLXNhGRUYIaUa3Xj1N0mttLc38HjnCpJeIiOgFcMZXT1zYRsXi1Clg4EDN9cBAYMsW4OWX5YuJiIjITHDGV09MfKlYNGoEjBghXR40CDh3jkkvERGRkXDGV0+5Ozqw1IGM5ulTwMZGux3ZokVAp05cwEZERGRknPHVE2d8yeiioqTZXFWbMhVnZya9RERERYCJr564axsZjRDA6tVSb94zZ4CxY4Fr1+SOioiIyOyx1EFPqlKHMmWAUqXkjYVKsIQEYOhQYPduzZivL/DkiXwxERERWQjO+Orh6VPg1i3pMsscqND27wfq1NFOekeOlGZ9g4Lki4uIiMhCMPHVw61bgFIpXWbiSwbLyADCw4GOHYH4eGnM01NKgFeu5DaARERExYSlDnpgRwcqtGvXgLfeAi5c0Ix17AisXw+UKydfXERERBaIM756YEcHKjQPD+DBA+myvT3w2WfA3r1MeomIiGTAxFcPuWd8mfiSQcqUATZsAOrWlXZlGztWu2cvERERFRsmvnpgKzPS248/aup4VV55BTh9GqhdW56YiIiICAATX70w8aXnSk+XOjS88Qbw9ttSr97crK3liYuIiIjUmPjqQVXq4O4OuLnJGgqZotOngQYNpE0pAODnn4GffpI3JiIiIsqDie9zZGcDcXHSZdb3kpacHGD+fGnb4ehoaczJCVi7Fnj9dXljIyIiojzYzuw57tyRkl+AiS/lEhcH9O8PHDmiGQsOBrZuBapVky8uIiIiyhdnfJ+DPXwpj23bpB3YVEmvQgFMngwcP86kl4iIyIRxxvc52MOXtPz5J9Crl+a6nx+waRPQurV8MREREZFeOOP7HEx8ScvLL0slDgAQFgacP8+kl4iIqITgjO9zsNTBwimVgNUzfx9+/jnw2mtAz57cjIKIiKgE4Yzvc3DG14LFxAAtWgDbt2uPu7pKs71MeomIiEoUJr7PoUp8XV2lPr5kAYQAIiKAevWAyEhgxAhNTzsiIiIqsZj4FkCpBGJjpcuVKnGCzyIkJUmL1wYOBB49ksZKlwYePJA3LiIiInphTHwLcPcu8PSpdJllDhbg8GGpTVnu0oZBg4Bz56TZXyIiIirRmPgWgPW9FiIrC5g0CWjXDrh1Sxpzd5cS4PXrARcXWcMjIiIi42BXhwKwo4MFiIkBevQAzpzRjLVpI9X4+vnJFhYREREZH2d8C8AZXwvg6Kgp5La1BRYsAA4eZNJLRERkhpj4FiB34ssZXzPl4wN89RVQo4a0K9v77+ft20tERERmgf/DFyB3qQNnfM3EgQN5OzS88Qbw999AgwbyxERERETFwiQS3xUrVsDf3x8ODg5o0qQJTp48me+xa9euRcuWLeHh4QEPDw+EhIQUePyLUM34OjsDZcoUyUNQccnIAMLDgVdekfryCqF9u62tPHERERFRsZE98d22bRvGjx+PmTNn4syZM6hbty5CQ0Nx//59nccfPnwYvXv3xqFDhxAZGQk/Pz906NABt2/fNmpcQrCHr9m4cAFo3BhYulS6vnMnsG+frCERERFR8VMI8ezUV/Fq0qQJGjVqhM8//xwAoFQq4efnh7Fjx2LSpEnPvX9OTg48PDzw+eefY8CAAc89PjU1FW5ubkhJSYGrq2u+x8XHS+WfANCpE7Bnj37Ph0yIUgksXw5MnAhkZkpj9vbAwoXAmDH8a4aIiMhE6ZuvGUrWdmZZWVk4ffo0Jk+erB6zsrJCSEgIIiMj9TrH48eP8fTpU5QuXVrn7ZmZmchUJT2QXkh9sKNDCXf3LjB4MLB/v2YsKAjYuhWoXVu+uIiIiEg2spY6JCYmIicnB97e3lrj3t7eiI+P1+scEydORPny5RESEqLz9nnz5sHNzU395adnmyr28C3Bdu+WdmDLnfSGhwMnTzLpJSIismCy1/i+iE8++QTffPMNvvvuOzg4OOg8ZvLkyUhJSVF/xcXF6XVuzviWUMeOAV26AImJ0vVy5aQEePFiIJ/3CBEREVkGWRNfT09PWFtb4969e1rj9+7dQ7ly5Qq876effopPPvkEv/zyC+rUqZPvcfb29nB1ddX60gcT3xKqWTPgzTely126SAvbOnSQNyYiIiIyCbImvnZ2dggODsbBgwfVY0qlEgcPHkTTpk3zvd+CBQvw0UcfYd++fWjYsGGRxMZShxLi2bWZCgWwdi2wfj3w3XeAp6c8cREREZHJkb3UYfz48Vi7di02btyIy5cvY9SoUUhPT8fgwYMBAAMGDNBa/DZ//nxMnz4d69atg7+/P+Lj4xEfH4+0tDSjxqWa8XVwALy8jHpqMpa4OKBdO+Cnn7THy5QBBg1i1wYiIiLSImtXBwAICwtDQkICZsyYgfj4eNSrVw/79u1TL3iLjY2FVa4tZFeuXImsrCx0795d6zwzZ87ErFmzjBKTEJrE19+f+ZNJ2r5d2ogiORn45x9p57XnlMcQERGRZZO9j29x06cvXEKCZpY3NJR7HZiU1FRg3Dhg40bNmJ8f8P333HKYiIjITBRVH1/ZSx1MERe2majISKBePe2kNywMOH+eSS8RERE9FxNfHZj4mpjsbGDWLKBlS+DGDWnMxQWIiAC+/hrw8JA1PCIiIioZZK/xNUXs6GBCbt4E+vSRZntVmjUDNm8GAgJkC4uIiIhKHs746sAZXxNiZQVcuiRdtrYGZs8Gjhxh0ktEREQGY+KrQ+7ElzO+MqtYEVi1CggMBI4eBWbMAGz4QQUREREZjomvDqpSBzs7dsgqdn/8IXVuyK1XL6ll2csvyxMTERERmQUmvs/I3cO3UiXpk3YqBllZwKRJQOvWwNixeW93cCj+mIiIiMisMK17RlISoNoEjmUOxSQqCmjaFJg/X/rLIyIC+OUXuaMiIiIiM8PE9xlc2FaMhABWrwbq1wfOnJHGbG2BBQuAkBB5YyMiIiKzw1VCz2DiW0wSEoChQ4HduzVj1asDW7dyMwoiIiIqEpzxfQZ7+BaD/fuBOnW0k95Ro6RZXya9REREVEQ44/sMzvgWsT/+ADp21Fz39ATWrQM6d5YvJiIiIrIInPF9BhPfItaihSbx7dgRuHCBSS8REREVC874PkNV6mBjA/j4yBuLWVIogPXrge++A0aOlK4TERERFQPO+D5DNeNbsaK0Qy69gPh44LXXgIMHtcfLlZNqepn0EhERUTHijG8uyclASop0mWUOL2j3bmDIECAxETh/XvoqU0buqIiIiMiCccY3F3Z0MIL0dKmEoUsXKekFAKVSu3iaiIiISAZMfHPhwrYXdPo0EBwsbUqh0rUr8Pff0jgRERGRjJj45pI78eWMrwFycqTthl9+Wdp+GACcnIC1a4Fdu6SWZUREREQyY41vLrlLHTjjq6dbt4D+/YHDhzVjwcHSDmzVqskWFhEREdGzOOObC0sdCuHJE+Cvv6TLCgUweTJw/DiTXiIiIjI5THxzUSW+1taAr6+soZQcVasCn30G+PkBhw4Bc+cCdnZyR0VERESUBxPfXFSlDhUqSBtYkA4nTwKPH2uPDR4MXLoEtG4tT0xEREREemDi+5/UVODhQ+kyyxx0yM4GZs8GmjUDJkzQvk2hAEqVkicuIiIiIj0x8f0Pe/gWICYGaNUKmDVL6uCwcqVU1kBERERUgjDx/Q87OuggBBARAdSrB0RGSmPW1tLMb8uWsoZGREREZChWsv6HHR2ekZQEjBoFbNumGQsMBLZskfr1EhEREZUwTHz/w1KHXI4ckXrzxsVpxgYNkro3uLjIFhYRUXHJycnB06dP5Q6DyKzZ2dnByqp4iw+Y+P6HM77/OXIEaNtWKnMAAA8PaQviHj3kjYuIqBgIIRAfH4/k5GS5QyEye1ZWVggICIBdMbZBZeL7H1Xia2UltTOzWC1aSAvZVAlwRISFvyBEZElUSa+XlxecnJygUCjkDonILCmVSty5cwd3795FxYoVi+1njYnvf1SlDuXLW/j+C9bWwKZNwLffAu++K/0lQERkAXJyctRJb5kyZeQOh8jslS1bFnfu3EF2djZsbW2L5TGZ1QBITwcSEqTLFlXmkJAAdOsGHDumPe7nB4wfz6SXiCyKqqbXyclJ5kiILIOqxCEnJ6fYHpMzvrDQVmb790sL1uLjgTNngPPnAVdXuaMiIpIdyxuIioccP2uc0oOFdXTIyJBKGDp2lJJeAEhLA6KjZQ2LiIiIqKgx8YUFdXS4cAFo1AhYtkwz1rGjNN6woXxxERERySQqKgrlypXDo0eP5A7FrGRlZcHf3x+nTp2SOxQtTHyhnfia5YyvUiklu40aARcvSmP29lJf3r17gXLl5I2PiIheyKBBg6BQKKBQKGBra4uAgAB88MEHyMjIyHPsTz/9hNatW8PFxQVOTk5o1KgRNmzYoPO8O3fuRJs2beDm5oZSpUqhTp06+PDDD/Hw4cMifkbFZ/LkyRg7dixczLhP/YoVK+Dv7w8HBwc0adIEJ0+efO59li5diurVq8PR0RF+fn4IDw/Xej/5+/ur33O5v0aPHg1Aqt+dMGECJk6cWGTPqzCY+MLMa3zv3gU6dZLKGzIzpbGgIODUKWDsWIC1bEREZqFjx464e/cuYmJisGTJEqxevRozZ87UOmb58uXo0qULmjdvjhMnTuDvv/9Gr169MHLkSEyYMEHr2KlTpyIsLAyNGjXCzz//jIsXL2LRokU4f/48Nm3aVGzPKysrq8jOHRsbi59++gmDBg16ofMUZYwvatu2bRg/fjxmzpyJM2fOoG7duggNDcX9+/fzvc/WrVsxadIkzJw5E5cvX8ZXX32Fbdu2YcqUKepj/vrrL9y9e1f99euvvwIAeuTq+9+3b18cPXoU//zzT9E9QUMJC5OSkiIAiJSUFPVYkyZCSDs2CJGRIWNwReHiRSHs7TVPMDxciCdP5I6KiMjkPHnyRFy6dEk8KYG/IwcOHCi6dOmiNfbWW2+J+vXrq6/HxsYKW1tbMX78+Dz3/+yzzwQA8eeffwohhDhx4oQAIJYuXarz8ZKSkvKNJS4uTvTq1Ut4eHgIJycnERwcrD6vrjjfeecd0bp1a/X11q1bi9GjR4t33nlHlClTRrRp00b07t1b9OzZU+t+WVlZokyZMmLjxo1CCCFycnLE3Llzhb+/v3BwcBB16tQR3377bb5xCiHEwoULRcOGDbXGEhMTRa9evUT58uWFo6OjqF27tti6davWMbpiFEKICxcuiI4dOwpnZ2fh5eUl+vXrJxISEtT3+/nnn0Xz5s2Fm5ubKF26tHjttdfEtWvXCozxRTVu3FiMHj1afT0nJ0eUL19ezJs3L9/7jB49WrRr105rbPz48aJ58+b53uedd94RlStXFkqlUmu8bdu2Ytq0aTrvU9DPnK58zRg44wtNqYOPj1QBYFZeeglYuFAqZ9i/H1i8GHBwkDsqIqISo2FDaR+f4v56kaUXFy9exPHjx7V2xNqxYweePn2aZ2YXAEaMGIFSpUrh66+/BgBs2bIFpUqVwv/+9z+d53d3d9c5npaWhtatW+P27dvYvXs3zp8/jw8++ABKpdKg+Ddu3Ag7OzscO3YMq1atQt++ffHjjz8iLS1Nfcz+/fvx+PFjvPnmmwCAefPmISIiAqtWrcI///yD8PBw9OvXD0eOHMn3cf744w80fOaFzsjIQHBwMPbs2YOLFy9i+PDh6N+/f57ygGdjTE5ORrt27VC/fn2cOnUK+/btw71799CzZ0/1fdLT0zF+/HicOnUKBw8ehJWVFd58880CX5+5c+eiVKlSBX7FxsbqvG9WVhZOnz6NkJAQ9ZiVlRVCQkIQGRmZ72M2a9YMp0+fVj/nmJgY7N27F506dcr3cTZv3oy33347T6eGxo0b448//sj3sYqbxbcze/IEuHdPumwWZQ7nzwM1amhn8GPGAP36SdsPExGRQeLjgdu35Y7i+X766SeUKlUK2dnZyMzMhJWVFT7//HP17dHR0XBzc4OPj0+e+9rZ2SEwMBDR/3X4uXr1KgIDAw3eVGDr1q1ISEjAX3/9hdKlSwMAqlSpYvBzqVq1KhYsWKC+XrlyZTg7O+O7775D//791Y/1xhtvwMXFBZmZmZg7dy4OHDiApk2bAgACAwNx9OhRrF69Gq1bt9b5OP/++2+exNfX11frj4OxY8di//792L59Oxo3bpxvjB9//DHq16+PuXPnqsfWrVsHPz8/REdHo1q1aujWrZvWY61btw5ly5bFpUuXULt2bZ0xjhw5Uit51qV8+fI6xxMTE5GTkwNvb2+tcW9vb1y5ciXf8/Xp0weJiYlo0aIFhBDIzs7GyJEjtUodcvv++++RnJyss2SkfPny+Dd3TanMLD7xzf1HUolOfHNygE8/BaZNA955R7qsolAw6SUiKiS51v8a+rht27bFypUrkZ6ejiVLlsDGxiZPoqUvIUSh7nfu3DnUr19fnfQWVnBwsNZ1Gxsb9OzZE1u2bEH//v2Rnp6OH374Ad988w0A4Nq1a3j8+DFeeeUVrftlZWWhfv36+T7OkydP4PDMp6A5OTmYO3cutm/fjtu3byMrKwuZmZl5NjZ5Nsbz58/j0KFDKFWqVJ7HuX79OqpVq4arV69ixowZOHHiBBITE9UzvbGxsfkmvqVLl37h19NQhw8fxty5c/HFF1+gSZMmuHbtGt555x189NFHmD59ep7jv/rqK7z66qs6E3BHR0c8fvy4OMLWi8UnvmbR0SEuDujfH1B9nLNoEdC1K9CihaxhERGZAxPrxpQvZ2dn9ezqunXrULduXXz11VcYMmQIAKBatWpISUnBnTt38iQoWVlZuH79Otq2bas+9ujRo3j69KlBs76Ojo4F3m5lZZUnqVbtmPfsc3lW37590bp1a9y/fx+//vorHB0d0bFjRwBQl0Ds2bMHvr6+WvezL6CG0dPTE0lJSVpjCxcuxLJly7B06VIEBQXB2dkZ7777bp4FbM/GmJaWhs6dO2P+/Pl5Hkc1y965c2dUqlQJa9euRfny5aFUKlG7du0CF8fNnTtXaxZZl0uXLqFixYo6n5+1tTXuqT7a/s+9e/dQroC/rKZPn47+/ftj6NChAICgoCCkp6dj+PDhmDp1Kqxy7ez677//4sCBA9i1a5fOcz18+BBly5YtMP7iZPE1viW+o8P27UCdOpqkV6EAJk8Gcn0cQ0RElsXKygpTpkzBtGnT8OTJEwBAt27dYGtri0WLFuU5ftWqVUhPT0fv3r0BSB91p6Wl4YsvvtB5/uTkZJ3jderUwblz5/Jtd1a2bFncvXtXa+zcuXN6PadmzZrBz88P27Ztw5YtW9CjRw91Ul6rVi3Y29sjNjYWVapU0fry8/PL95z169fHpUuXtMaOHTuGLl26oF+/fqhbt65WCUhBGjRogH/++Qf+/v55YnB2dsaDBw8QFRWFadOmoX379qhZs2aepFuXkSNH4ty5cwV+5VfqYGdnh+DgYBw8eFA9plQqcfDgQXVJiC6PHz/WSm4BwNraGkDeTwPWr18PLy8vvPbaazrPdfHixQJn3YudUZfKlQDPrhKcPFnT8GDfPpmDM0RKihADB2qCB4Tw8xPi8GG5IyMiKpHMravD06dPha+vr1i4cKF6bMmSJcLKykpMmTJFXL58WVy7dk0sWrRI2Nvbi/fee0/r/h988IGwtrYW77//vjh+/Li4efOmOHDggOjevXu+3R4yMzNFtWrVRMuWLcXRo0fF9evXxY4dO8Tx48eFEELs27dPKBQKsXHjRhEdHS1mzJghXF1d83R1eOedd3Sef+rUqaJWrVrCxsZG/PHHH3luK1OmjNiwYYO4du2aOH36tPjss8/Ehg0b8n3ddu/eLby8vER2drZ6LDw8XPj5+Yljx46JS5cuiaFDhwpXV1et11dXjLdv3xZly5YV3bt3FydPnhTXrl0T+/btE4MGDRLZ2dkiJydHlClTRvTr109cvXpVHDx4UDRq1EgAEN99912+Mb6ob775Rtjb24sNGzaIS5cuieHDhwt3d3cRHx+vPqZ///5i0qRJ6uszZ84ULi4u4uuvvxYxMTHil19+EZUrV87TWSMnJ0dUrFhRTJw4Md/Hr1SpkoiIiNB5mxxdHSw+8e3TR5M3Xr4sc3D6On5ciMBA7aQ3LEyIhw/ljoyIqMQyt8RXCCHmzZsnypYtK9LS0tRjP/zwg2jZsqVwdnYWDg4OIjg4WKxbt07nebdt2yZatWolXFxchLOzs6hTp4748MMPC2xndvPmTdGtWzfh6uoqnJycRMOGDcWJEyfUt8+YMUN4e3sLNzc3ER4eLsaMGaN34nvp0iUBQFSqVClP2yylUimWLl0qqlevLmxtbUXZsmVFaGioOHLkSL6xPn36VJQvX17syzXz9eDBA9GlSxdRqlQp4eXlJaZNmyYGDBjw3MRXCCGio6PFm2++Kdzd3YWjo6OoUaOGePfdd9Wx/vrrr6JmzZrC3t5e1KlTRxw+fLjIE18hhFi+fLmoWLGisLOzE40bN1a3l8v9fAYOHKi+/vTpUzFr1ixRuXJl4eDgIPz8/MT//ve/PN/3/fv3CwAiKipK5+MeP35cuLu7i8ePH+u8XY7EVyFEISvYS6jU1FS4ubkhJSUFrq6uaN4cOH5cuu3xY+A55UnyO3wYCAmRFrMBgIsLsGKF1LWBm1EQERVaRkYGbty4gYCAgDwLnsh8rVixArt378b+/fvlDsXshIWFoW7duvl2gyjoZ+7ZfM1YuLjtpvSvt3cJSHoBoHlzIDgYOHkSaNYM2LwZCAiQOyoiIqISacSIEUhOTsajR4/Metvi4paVlYWgoCCEh4fLHYoWi058MzOlHX2BEtTRwdYW2LIF2LYNmDgRsLHobyEREdELsbGxwdSpU+UOw+zY2dlh2rRpcoeRh0V3dYiLkwpkARPt6JCUBPTtC5w+rT1epQowdSqTXiIiIiIDWHTmZNI9fA8flnrz3rolJb5nzgDPNM8mIiIiIv1Z9IyvSfbwzcoCJk0C2rWTkl4AuH8f+OcfeeMiIiIiKuE44/sfk0h8o6KAPn2k2V2Vtm2BiAigQgX54iIiIiIyAxY942sypQ5CAKtXA/Xra5JeW1tgwQLgwAEmvURERERGYNEzvrlLHWRLfBMSgKFDgd27NWPVqwNbtwINGsgUFBEREZH54YwvAE9PoFQpmYKIiwP27tVcHzVKmvVl0ktERERkVBab+D59Cty+LV2WtcyhQQPg44+l7Hv3buCLL9i9gYiIShSFQoHvv/9e7jBM1qxZs1CvXj25wyBYcOJ7+zagVEqXi3Vh25UrUtad24QJUteGzp2LMRAiIjIXgwYNgkKhgEKhgK2tLQICAvDBBx8gIyND7tCKXHx8PN555x1UqVIFDg4O8Pb2RvPmzbFy5Uo8fvxY7vAAABMmTMDBgwflDoNgwTW+sbGay8WS+CqVwPLl0m5rEycCs2drbrO2Bry8iiEIIiIyVx07dsT69evx9OlTnD59GgMHDoRCocD8+fPlDq3IxMTEoHnz5nB3d8fcuXMRFBQEe3t7XLhwAWvWrIGvry/eeOMNucNEqVKlUEq2mkrKzWJnfHMnvkVe6nD3LtCpE/Duu9I+yR9/DJw8WcQPSkRElsTe3h7lypWDn58funbtipCQEPz666/q2x88eIDevXvD19cXTk5OCAoKwtdff611jjZt2mDcuHH44IMPULp0aZQrVw6zZs3SOubq1ato1aoVHBwcUKtWLa3HULlw4QLatWsHR0dHlClTBsOHD0daWpr69kGDBqFr166YO3cuvL294e7ujg8//BDZ2dl4//33Ubp0aVSoUAHr168v8Dn/73//g42NDU6dOoWePXuiZs2aCAwMRJcuXbBnzx50/u+T1Js3b0KhUODcuXPq+yYnJ0OhUODw4cPqsYsXL+LVV19FqVKl4O3tjf79+yMxMVF9+44dOxAUFKR+XiEhIUhPTwcAHD58GI0bN4azszPc3d3RvHlz/PvfKvpnSx1Uz//TTz+Fj48PypQpg9GjR+Nprk+E7969i9deew2Ojo4ICAjA1q1b4e/vj6VLlxb4mlDBLDbxjYvTXC7SGd8ffgDq1AH279eMjRsnjRERUcmweLHUWvJ5X7pmF994Q7/7Ll5stHAvXryI48ePw87OTj2WkZGB4OBg7NmzBxcvXsTw4cPRv39/nHxmImbjxo1wdnbGiRMnsGDBAnz44Yfq5FapVOKtt96CnZ0dTpw4gVWrVmHixIla909PT0doaCg8PDzw119/4dtvv8WBAwcwZswYreN+++033LlzB7///jsWL16MmTNn4vXXX4eHhwdOnDiBkSNHYsSIEbil2szpGQ8ePMAvv/yC0aNHw9nZWecxCoVC79csOTkZ7dq1Q/369XHq1Cns27cP9+7dQ8+ePQFIiWjv3r3x9ttv4/Llyzh8+DDeeustCCGQnZ2Nrl27onXr1vj7778RGRmJ4cOHF/j4hw4dwvXr13Ho0CFs3LgRGzZswIYNG9S3DxgwAHfu3MHhw4exc+dOrFmzBvfv39f7+VA+hIVJSUkRAETv3ilCaqArxN9/F8EDpaUJMWKEUD8IIES5ckLs318ED0ZERC/qyZMn4tKlS+LJkyd5b5w5U/v3eX5fL7+c974vv6zffWfOLHTsAwcOFNbW1sLZ2VnY29sLAMLKykrs2LGjwPu99tpr4r333lNfb926tWjRooXWMY0aNRITJ04UQgixf/9+YWNjI27fvq2+/eeffxYAxHfffSeEEGLNmjXCw8NDpKWlqY/Zs2ePsLKyEvHx8ep4K1WqJHJyctTHVK9eXbRs2VJ9PTs7Wzg7O4uvv/5aZ+x//vmnACB27dqlNV6mTBnh7OwsnJ2dxQcffCCEEOLGjRsCgDh79qz6uKSkJAFAHDp0SAghxEcffSQ6dOigda64uDgBQERFRYnTp08LAOLmzZt5Ynnw4IEAIA4fPqwz1pkzZ4q6deuqr6uef3Z2tnqsR48eIiwsTAghxOXLlwUA8ddff6lvv3r1qgAglixZovMxSqKCfuZU+VpKSopRH9Nia3xzz/gavdTh9GlpB7boaM1Yly7Al19K3RuIiKhkcXUFfH2ff1zZsrrH9Lmvq6vhceXStm1brFy5Eunp6ViyZAlsbGzQrVs39e05OTmYO3cutm/fjtu3byMrKwuZmZlweqaTUJ1nPpH08fFRzzRevnwZfn5+KF++vPr2pk2bah1/+fJl1K1bV2sWtnnz5lAqlYiKioK3tzcA4KWXXoKVleaDZ29vb9SuXVt93draGmXKlDF4lvPkyZNQKpXo27cvMjMz9b7f+fPncejQIZ21uNevX0eHDh3Qvn17BAUFITQ0FB06dED37t3h4eGB0qVLY9CgQQgNDcUrr7yCkJAQ9OzZEz4+Pvk+3ksvvQRra2v1dR8fH1y4cAEAEBUVBRsbGzTI1dq0SpUq8PDw0Pv5kG4Wm/iqanw9PF74d422334DQkOB7GzpupMTsHSptEmFAR+5EBGRCRk/XvoqjNwbFBUhZ2dnVKlSBQCwbt061K1bF1999RWGDBkCAFi4cCGWLVuGpUuXIigoCM7Oznj33XeRlZWldR5bW1ut6wqFAkpVGyQj0vU4hjx2lSpVoFAoEBUVpTUeGBgIAHB0dFSPqRJsIYR67OkzHZbS0tLQuXNnnYsBfXx8YG1tjV9//RXHjx/HL7/8guXLl2Pq1Kk4ceIEAgICsH79eowbNw779u3Dtm3bMG3aNPz66694+eWX9X7+RfE6kzaLrfFVlQwZvb63eXOgVi3pcnAwcPYsMGwYk14iIio2VlZWmDJlCqZNm4YnT54AAI4dO4YuXbqgX79+qFu3LgIDAxGd+5NJPdSsWRNxcXG4e/eueuzPP//Mc8z58+fVi75Uj21lZYXq1au/wLPSVqZMGbzyyiv4/PPPtR5Ll7L/zcTnjjv3QjcAaNCgAf755x/4+/ujSpUqWl+q2WuFQoHmzZtj9uzZOHv2LOzs7PDdd9+pz1G/fn1MnjwZx48fR+3atbF169ZCPbfq1asjOzsbZ8+eVY9du3YNSUlJhTofaVhs4qv6o8roZQ729tJ2w1OnAsePA9WqGfkBiIiInq9Hjx6wtrbGihUrAABVq1ZVz1hevnwZI0aMwL179ww6Z0hICKpVq4aBAwfi/Pnz+OOPPzB16lStY/r27QsHBwcMHDgQFy9exKFDhzB27Fj0799fXeZgLF988QWys7PRsGFDbNu2DZcvX0ZUVBQ2b96MK1euqEsJHB0d8fLLL+OTTz7B5cuXceTIEUybNk3rXKNHj8bDhw/Ru3dv/PXXX7h+/Tr279+PwYMHIycnBydOnMDcuXNx6tQpxMbGYteuXUhISEDNmjVx48YNTJ48GZGRkfj333/xyy+/4OrVq6hZs2ahnleNGjUQEhKC4cOH4+TJkzh79iyGDx8OR0dHgxbsUV4Wm/iqvNCMb2qqNJv7zz/a4y+9JLUsy7WaloiIqDjZ2NhgzJgxWLBgAdLT0zFt2jQ0aNAAoaGhaNOmDcqVK4euXbsadE4rKyt89913ePLkCRo3boyhQ4dizpw5Wsc4OTlh//79ePjwIRo1aoTu3bujffv2+Pzzz4347CSVK1fG2bNnERISgsmTJ6Nu3bpo2LAhli9fjgkTJuCjjz5SH7tu3TpkZ2cjODgY7777Lj7++GOtc5UvXx7Hjh1DTk4OOnTogKCgILz77rtwd3eHlZUVXF1d8fvvv6NTp06oVq0apk2bhkWLFuHVV1+Fk5MTrly5gm7duqFatWoYPnw4Ro8ejREjRhT6uUVERMDb2xutWrXCm2++iWHDhsHFxQUODg6FPicBCpG74MUCpKamws3NDUAKAFcsWSK11zVYZCTQrx8QEyO1Jjt5UprtJSKiEikjIwM3btxAQEAAkwsyObdu3YKfnx8OHDiA9u3byx2OURT0M6fK11JSUuBqxMVYFru4TcXgGd/sbGDOHOCjj4CcHGnsxg3g77+BRo2MHR4RERFZoN9++w1paWkICgrC3bt38cEHH8Df3x+tWrWSO7QSjYmvvwEHx8RIs7yRkZqxZs2AzZuBgABjh0ZEREQW6unTp5gyZQpiYmLg4uKCZs2aYcuWLXm6QZBhLD7x1WtxmxDApk3AmDHAo0fSmLU1MGMGMGUKYGPxLyMREREZUWhoKEJDQ+UOw+xYdMbm6gq4uz/noKQkYNQoYNs2zVhgILBlC5BPbz4iIiIiMj0W3dXB31+P9rqXLwPffqu5PmgQcO4ck14iIjNlYWu+iWQjx8+aRSe+epU5NGsm9eR1dwe2bwfWrwdcXIo6NCIiKmaq2snHjx/LHAmRZVDtGph76+aiZtGlDjoXtt24AVSsKNXwqkyfDowYod9e60REVCJZW1vD3d0d9+/fByD1o+VmAURFQ6lUIiEhAU5OTrApxrVSTHxVhADWrAHCw4GZM4GJEzW32doy6SUisgDlypUDAHXyS0RFx8rKChUrVizWPzAtOvFVlzokJABDhwK7d0vXp00DOnQA6teXLTYiIip+CoUCPj4+8PLywtOnT+UOh8is2dnZwcqqeKtuLTrx9fcHsH+/tGAtPl5zw9ChQPXqMkVFRERys7a2Lta6QyIqHiaxuG3FihXw9/eHg4MDmjRpgpMnTxZ4/LfffosaNWrAwcEBQUFB2Lt3r8GPaYcM1Fr7LtCxoybp9fSUZn1XrgScnArxTIiIiIjIVMme+G7btg3jx4/HzJkzcebMGdStWxehoaH51lcdP34cvXv3xpAhQ3D27Fl07doVXbt2xcWLFw163N/RBo6rl2kGOnYELlwAOnd+kadDRERERCZKIWRuWNikSRM0atQIn3/+OQBplZ+fnx/Gjh2LSZMm5Tk+LCwM6enp+Omnn9RjL7/8MurVq4dVq1Y99/FSU1Ph5uaGFACuAGBvDyxcKO3KxtW7RERERLJT52spKXB1dTXaeWWt8c3KysLp06cxefJk9ZiVlRVCQkIQGRmp8z6RkZEYP3681lhoaCi+//57ncdnZmYiMzNTfT0lJQUAkAoAtWoBX30l/avaipiIiIiIZJWamgrA+JtcyJr4JiYmIicnB97e3lrj3t7euHLlis77xMfH6zw+PvfitFzmzZuH2bNn5xn3A4BLl4CmTQsVOxEREREVrQcPHsDNzc1o5zP7rg6TJ0/WmiFOTk5GpUqVEBsba9QXkkxTamoq/Pz8EBcXZ9SPSsg08fttWfj9tiz8fluWlJQUVKxYEaVLlzbqeWVNfD09PWFtbY179+5pjd+7d0/dRPxZ5cqVM+h4e3t72Nvb5xl3c3PjD44FcXV15ffbgvD7bVn4/bYs/H5bFmP3+ZW1q4OdnR2Cg4Nx8OBB9ZhSqcTBgwfRNJ8ShKZNm2odDwC//vprvscTEREREQEmUOowfvx4DBw4EA0bNkTjxo2xdOlSpKenY/DgwQCAAQMGwNfXF/PmzQMAvPPOO2jdujUWLVqE1157Dd988w1OnTqFNWvWyPk0iIiIiMjEyZ74hoWFISEhATNmzEB8fDzq1auHffv2qRewxcbGak1zN2vWDFu3bsW0adMwZcoUVK1aFd9//z1q166t1+PZ29tj5syZOssfyPzw+21Z+P22LPx+WxZ+vy1LUX2/Ze/jS0RERERUHGTfuY2IiIiIqDgw8SUiIiIii8DEl4iIiIgsAhNfIiIiIrIIZpn4rlixAv7+/nBwcECTJk1w8uTJAo//9ttvUaNGDTg4OCAoKAh79+4tpkjJGAz5fq9duxYtW7aEh4cHPDw8EBIS8tz3B5kWQ3++Vb755hsoFAp07dq1aAMkozL0+52cnIzRo0fDx8cH9vb2qFatGn+nlyCGfr+XLl2K6tWrw9HREX5+fggPD0dGRkYxRUsv4vfff0fnzp1Rvnx5KBQKfP/998+9z+HDh9GgQQPY29ujSpUq2LBhg+EPLMzMN998I+zs7MS6devEP//8I4YNGybc3d3FvXv3dB5/7NgxYW1tLRYsWCAuXbokpk2bJmxtbcWFCxeKOXIqDEO/33369BErVqwQZ8+eFZcvXxaDBg0Sbm5u4tatW8UcORWGod9vlRs3bghfX1/RsmVL0aVLl+IJll6Yod/vzMxM0bBhQ9GpUydx9OhRcePGDXH48GFx7ty5Yo6cCsPQ7/eWLVuEvb292LJli7hx44bYv3+/8PHxEeHh4cUcORXG3r17xdSpU8WuXbsEAPHdd98VeHxMTIxwcnIS48ePF5cuXRLLly8X1tbWYt++fQY9rtklvo0bNxajR49WX8/JyRHly5cX8+bN03l8z549xWuvvaY11qRJEzFixIgijZOMw9Dv97Oys7OFi4uL2LhxY1GFSEZUmO93dna2aNasmfjyyy/FwIEDmfiWIIZ+v1euXCkCAwNFVlZWcYVIRmTo93v06NGiXbt2WmPjx48XzZs3L9I4yfj0SXw/+OAD8dJLL2mNhYWFidDQUIMey6xKHbKysnD69GmEhISox6ysrBASEoLIyEid94mMjNQ6HgBCQ0PzPZ5MR2G+3896/Pgxnj59itKlSxdVmGQkhf1+f/jhh/Dy8sKQIUOKI0wyksJ8v3fv3o2mTZti9OjR8Pb2Ru3atTF37lzk5OQUV9hUSIX5fjdr1gynT59Wl0PExMT8v727D4qqeuMA/mXBZVdcdEhp2cA3FHJMU140fBnTLLFUEhVKBlFRTEIcTZPxDcgfiqY46mhqJpgxgjqajigoKgXrVL6w0AguoqA2go3aiCjEy57fHw53WgFzEcHY72fm/nHPPefc59wzOzx7uPcujh8/jg8//LBFYqaW1Vz5Wqv/cltzunv3Lmpra6Vffavz+uuv48qVKw22KS0tbbB+aWnpS4uTmkdT5vtpS5YsgUajqfdholdPU+Y7KysL3333HXQ6XQtESM2pKfN9/fp1nDlzBgEBATh+/DgKCwsRGhqK6upqREZGtkTY1ERNme+pU6fi7t27GDZsGIQQqKmpwWeffYalS5e2RMjUwhrL18rKylBRUQGlUvlc/bSpFV8iU8TGxiIpKQmHDx+GQqFo7XComT18+BCBgYH49ttv0blz59YOh1qAwWCAvb09du7cCXd3d/j7+2PZsmXYvn17a4dGL0FGRgZWr16Nbdu24dKlSzh06BBSUlKwatWq1g6NXmFtasW3c+fOsLS0xJ07d4zK79y5A7Va3WAbtVptUn16dTRlvuusX78esbGxSE9PR//+/V9mmNRMTJ3va9euobi4GOPHj5fKDAYDAMDKygp6vR7Ozs4vN2hqsqZ8vh0cHNCuXTtYWlpKZX369EFpaSmqqqogl8tfaszUdE2Z7xUrViAwMBCzZs0CAPTr1w+PHj1CSEgIli1bBpmMa3ttSWP5mq2t7XOv9gJtbMVXLpfD3d0dp0+flsoMBgNOnz4NLy+vBtt4eXkZ1QeAU6dONVqfXh1NmW8AWLduHVatWoXU1FR4eHi0RKjUDEyd7zfffBO///47dDqdtE2YMAEjR46ETqeDk5NTS4ZPJmrK53vo0KEoLCyUvuAAQEFBARwcHJj0vuKaMt+PHz+ul9zWfel58rwUtSXNlq+Z9tzdqy8pKUlYW1uLhIQEkZeXJ0JCQkSnTp1EaWmpEEKIwMBAERERIdXXarXCyspKrF+/XuTn54vIyEi+zuw/xNT5jo2NFXK5XBw8eFCUlJRI28OHD1trCGQCU+f7aXyrw3+LqfN98+ZNoVKpRFhYmNDr9eLYsWPC3t5e/O9//2utIZAJTJ3vyMhIoVKpxL59+8T169fFyZMnhbOzs/Dz82utIZAJHj58KLKzs0V2drYAIOLi4kR2dra4ceOGEEKIiIgIERgYKNWve53Z4sWLRX5+vti6dStfZ1Zny5YtomvXrkIul4tBgwaJX375RTo2YsQIERQUZFR///79wsXFRcjlctG3b1+RkpLSwhHTizBlvrt16yYA1NsiIyNbPnBqElM/3//ExPe/x9T5PnfunBg8eLCwtrYWPXv2FDExMaKmpqaFo6amMmW+q6urRVRUlHB2dhYKhUI4OTmJ0NBQ8ddff7V84GSys2fPNvj3uG6Og4KCxIgRI+q1GTBggJDL5aJnz54iPj7e5PNaCMH/BxARERFR29em7vElIiIiImoME18iIiIiMgtMfImIiIjILDDxJSIiIiKzwMSXiIiIiMwCE18iIiIiMgtMfImIiIjILDDxJSIiIiKzwMSXiAhAQkICOnXq1NphNJmFhQV+/PHHZ9aZPn06Pv744xaJh4joVcTEl4jajOnTp8PCwqLeVlhY2NqhISEhQYpHJpPB0dERM2bMwJ9//tks/ZeUlGDs2LEAgOLiYlhYWECn0xnV2bRpExISEprlfI2JioqSxmlpaQknJyeEhITg/v37JvXDJJ2IXgar1g6AiKg5eXt7Iz4+3qisS5curRSNMVtbW+j1ehgMBuTk5GDGjBm4ffs20tLSXrhvtVr9r3U6duz4wud5Hn379kV6ejpqa2uRn5+PmTNn4sGDB0hOTm6R8xMRNYYrvkTUplhbW0OtVhttlpaWiIuLQ79+/WBjYwMnJyeEhoaivLy80X5ycnIwcuRIqFQq2Nrawt3dHRcuXJCOZ2VlYfjw4VAqlXByckJ4eDgePXr0zNgsLCygVquh0WgwduxYhIeHIz09HRUVFTAYDPjqq6/g6OgIa2trDBgwAKmpqVLbqqoqhIWFwcHBAQqFAt26dcOaNWuM+q671aFHjx4AgIEDB8LCwgLvvvsuAONV1J07d0Kj0cBgMBjF6OPjg5kzZ0r7R44cgZubGxQKBXr27Ino6GjU1NQ8c5xWVlZQq9V44403MHr0aEyZMgWnTp2SjtfW1iI4OBg9evSAUqmEq6srNm3aJB2PiorCnj17cOTIEWn1OCMjAwBw69Yt+Pn5oVOnTrCzs4OPjw+Ki4ufGQ8RUR0mvkRkFmQyGTZv3ozLly9jz549OHPmDL788stG6wcEBMDR0RHnz5/HxYsXERERgXbt2gEArl27Bm9vb0yaNAm5ublITk5GVlYWwsLCTIpJqVTCYDCgpqYGmzZtwoYNG7B+/Xrk5uZizJgxmDBhAq5evQoA2Lx5M44ePYr9+/dDr9cjMTER3bt3b7Df3377DQCQnp6OkpISHDp0qF6dKVOm4N69ezh79qxUdv/+faSmpiIgIAAAkJmZiWnTpmH+/PnIy8vDjh07kJCQgJiYmOceY3FxMdLS0iCXy6Uyg8EAR0dHHDhwAHl5eVi5ciWWLl2K/fv3AwAWLVoEPz8/eHt7o6SkBCUlJRgyZAiqq6sxZswYqFQqZGZmQqvVokOHDvD29kZVVdVzx0REZkwQEbURQUFBwtLSUtjY2Ejb5MmTG6x74MAB8dprr0n78fHxomPHjtK+SqUSCQkJDbYNDg4WISEhRmWZmZlCJpOJioqKBts83X9BQYFwcXERHh4eQgghNBqNiImJMWrj6ekpQkNDhRBCzJs3T4waNUoYDIYG+wcgDh8+LIQQoqioSAAQ2dnZRnWCgoKEj4+PtO/j4yNmzpwp7e/YsUNoNBpRW1srhBDivffeE6tXrzbqY+/evcLBwaHBGIQQIjIyUshkMmFjYyMUCoUAIACIuLi4RtsIIcTnn38uJk2a1Gisded2dXU1ugZ///23UCqVIi0t7Zn9ExEJIQTv8SWiNmXkyJH45ptvpH0bGxsAT1Y/16xZgytXrqCsrAw1NTWorKzE48eP0b59+3r9LFy4ELNmzcLevXulf9c7OzsDeHIbRG5uLhITE6X6QggYDAYUFRWhT58+Dcb24MEDdOjQAQaDAZWVlRg2bBh27dqFsrIy3L59G0OHDjWqP3ToUOTk5AB4cpvC+++/D1dXV3h7e2PcuHH44IMPXuhaBQQEYPbs2di2bRusra2RmJiITz75BDKZTBqnVqs1WuGtra195nUDAFdXVxw9ehSVlZX44YcfoNPpMG/ePKM6W7duxe7du3Hz5k1UVFSgqqoKAwYMeGa8OTk5KCwshEqlMiqvrKzEtWvXmnAFiMjcMPElojbFxsYGvXr1MiorLi7GuHHjMHfuXMTExMDOzg5ZWVkIDg5GVVVVgwlcVFQUpk6dipSUFJw4cQKRkZFISkrCxIkTUV5ejjlz5iA8PLxeu65duzYam0qlwqVLlyCTyeDg4AClUgkAKCsr+9dxubm5oaioCCdOnEB6ejr8/PwwevRoHDx48F/bNmb8+PEQQiAlJQWenp7IzMzExo0bpePl5eWIjo6Gr69vvbYKhaLRfuVyuTQHsbGx+OijjxAdHY1Vq1YBAJKSkrBo0SJs2LABXl5eUKlU+Prrr/Hrr78+M97y8nK4u7sbfeGo86o8wEhErzYmvkTU5l28eBEGgwEbNmyQVjPr7id9FhcXF7i4uGDBggX49NNPER8fj4kTJ8LNzQ15eXn1Eux/I5PJGmxja2sLjUYDrVaLESNGSOVarRaDBg0yqufv7w9/f39MnjwZ3t7euH//Puzs7Iz6q7uftra29pnxKBQK+Pr6IjExEYWFhXB1dYWbm5t03M3NDXq93uRxPm358uUYNWoU5s6dK41zyJAhCA0Nleo8vWIrl8vrxe/m5obk5GTY29vD1tb2hWIiIvPEh9uIqM3r1asXqqursWXLFly/fh179+7F9u3bG61fUVGBsLAwZGRk4MaNG9BqtTh//rx0C8OSJUtw7tw5hIWFQafT4erVqzhy5IjJD7f90+LFi7F27VokJydDr9cjIiICOp0O8+fPBwDExcVh3759uHLlCgoKCnDgwAGo1eoGf3TD3t4eSqUSqampuHPnDh48eNDoeQMCApCSkoLdu3dLD7XVWblyJb7//ntER0fj8uXLyM/PR1JSEpYvX27S2Ly8vNC/f3+sXr0aANC7d29cuHABaWlpKCgowIoVK3D+/HmjNt27d0dubi70ej3u3r2L6upqBAQEoHPnzvDx8UFmZiaKioqQkZGB8PBw/PHHHybFRETmiYkvEbV5b7/9NuLi4rB27Vq89dZbSExMNHoV2NMsLS1x7949TJs2DS4uLvDz88PYsWMRHR0NAOjfvz9++uknFBQUYPjw4Rg4cCBWrlwJjUbT5BjDw8OxcOFCfPHFF+jXrx9SU1Nx9OhR9O7dG8CT2yTWrVsHDw8PeHp6ori4GMePH5dWsP/JysoKmzdvxo4dO6DRaODj49PoeUeNGgU7Ozvo9XpMnTrV6NiYMWNw7NgxnDx5Ep6ennjnnXewceNGdOvWzeTxLViwALt27cKtW7cwZ84c+Pr6wt/fH4MHD8a9e/eMVn8BYPbs2XB1dYWHhwe6dOkCrVaL9u3b4+eff0bXrl3h6+uLPn36IDg4GJWVlVwBJqLnYiGEEK0dBBERERHRy8YVXyIiIiIyC0x8iYiIiMgsMPElIiIiIrPAxJeIiIiIzAITXyIiIiIyC0x8iYiIiMgsMPElIiIiIrPAxJeIiIiIzAITXyIiIiIyC0x8iYiIiMgsMPElIiIiIrPwf6ZdrbVWaJc6AAAAAElFTkSuQmCC", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "plot_roc_curve(y_test, y_pred)" + ] + }, + { + "cell_type": "code", + "execution_count": 89, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Time taken for GridSearchCV: 70.81 seconds\n", + "Best Hyperparameters:\n", + "{'learning_rate': 0.1, 'max_depth': 5, 'n_estimators': 200}\n", + "\n", + "Time taken for training with best hyperparameters: 1.23 seconds\n", + "\n", + "Mean Accuracy: 0.8904737206085753\n", + "Standard Deviation of Accuracy: 0.016681348738190417\n", + "Mean Precision: 0.840558326821571\n", + "Standard Deviation of Precision: 0.033400454685118125\n", + "Mean Recall: 0.8420217455186598\n", + "Standard Deviation of Recall: 0.048447557254232027\n", + "Mean F1-score: 0.8399737525865048\n", + "Standard Deviation of F1-score: 0.026538578894600685\n", + "Mean ROC AUC: 0.8789061400333764\n", + "Standard Deviation of ROC AUC: 0.021751718258805296\n", + "\n", + "Total time taken: 72.03 seconds\n" + ] + } + ], + "source": [ + "from sklearn.model_selection import StratifiedKFold, GridSearchCV\n", + "from sklearn.metrics import accuracy_score, precision_score, recall_score, f1_score, roc_auc_score, confusion_matrix\n", + "import xgboost as xgb\n", + "import numpy as np\n", + "import time\n", + "\n", + "start_total_time = time.time()\n", + "\n", + "kf = StratifiedKFold(n_splits=10, shuffle=True, random_state=42)\n", + "\n", + "model = xgb.XGBClassifier(objective='binary:logistic', random_state=42)\n", + "\n", + "param_grid = {\n", + " 'n_estimators': [10, 100, 200, 300],\n", + " 'max_depth': [3, 5, 7, 9],\n", + " 'learning_rate': [0.001 ,0.01, 0.1, 0.2]\n", + "}\n", + "\n", + "grid_search = GridSearchCV(estimator=model, param_grid=param_grid, cv=kf, scoring='accuracy')\n", + "\n", + "start_time = time.time()\n", + "\n", + "grid_search.fit(standard(x), y)\n", + "\n", + "grid_search_time = time.time() - start_time\n", + "print(f\"Time taken for GridSearchCV: {grid_search_time:.2f} seconds\")\n", + "\n", + "best_params = grid_search.best_params_\n", + "\n", + "print(\"Best Hyperparameters:\")\n", + "print(best_params)\n", + "\n", + "print()\n", + "\n", + "best_model = grid_search.best_estimator_\n", + "\n", + "start_time = time.time()\n", + "\n", + "accuracy_scores = []\n", + "precision_scores = []\n", + "recall_scores = []\n", + "f1_scores = []\n", + "roc_auc_scores = []\n", + "confusion_matrices = []\n", + "\n", + "for train_index, test_index in kf.split(standard(x), y):\n", + " X_train, X_test = x.iloc[train_index], x.iloc[test_index]\n", + " y_train, y_test = y.iloc[train_index], y.iloc[test_index]\n", + "\n", + " best_model.fit(X_train, y_train)\n", + "\n", + " y_pred = best_model.predict(X_test)\n", + "\n", + " accuracy = accuracy_score(y_test, y_pred)\n", + " accuracy_scores.append(accuracy)\n", + " \n", + " precision = precision_score(y_test, y_pred)\n", + " precision_scores.append(precision)\n", + " \n", + " recall = recall_score(y_test, y_pred)\n", + " recall_scores.append(recall)\n", + " \n", + " f1 = f1_score(y_test, y_pred)\n", + " f1_scores.append(f1)\n", + " \n", + " roc_auc = roc_auc_score(y_test, y_pred)\n", + " roc_auc_scores.append(roc_auc)\n", + " \n", + " confusion = confusion_matrix(y_test, y_pred)\n", + " confusion_matrices.append(confusion)\n", + "\n", + "training_time = time.time() - start_time\n", + "print(f\"Time taken for training with best hyperparameters: {training_time:.2f} seconds\")\n", + "\n", + "print()\n", + "\n", + "mean_accuracy = np.mean(accuracy_scores)\n", + "std_accuracy = np.std(accuracy_scores)\n", + "\n", + "mean_precision = np.mean(precision_scores)\n", + "std_precision = np.std(precision_scores)\n", + "\n", + "mean_recall = np.mean(recall_scores)\n", + "std_recall = np.std(recall_scores)\n", + "\n", + "mean_f1 = np.mean(f1_scores)\n", + "std_f1 = np.std(f1_scores)\n", + "\n", + "mean_roc_auc = np.mean(roc_auc_scores)\n", + "std_roc_auc = np.std(roc_auc_scores)\n", + "\n", + "print(f\"Mean Accuracy: {mean_accuracy}\")\n", + "print(f\"Standard Deviation of Accuracy: {std_accuracy}\")\n", + "\n", + "print(f\"Mean Precision: {mean_precision}\")\n", + "print(f\"Standard Deviation of Precision: {std_precision}\")\n", + "\n", + "print(f\"Mean Recall: {mean_recall}\")\n", + "print(f\"Standard Deviation of Recall: {std_recall}\")\n", + "\n", + "print(f\"Mean F1-score: {mean_f1}\")\n", + "print(f\"Standard Deviation of F1-score: {std_f1}\")\n", + "\n", + "print(f\"Mean ROC AUC: {mean_roc_auc}\")\n", + "print(f\"Standard Deviation of ROC AUC: {std_roc_auc}\")\n", + "\n", + "print()\n", + "\n", + "total_time = time.time() - start_total_time\n", + "print(f\"Total time taken: {total_time:.2f} seconds\")" + ] + }, + { + "cell_type": "code", + "execution_count": 90, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "x_train: (1800, 13)\n", + "y_train: (1800,)\n", + "x_test: (601, 13)\n", + "y_test: (601,)\n" + ] + } + ], + "source": [ + "from sklearn.model_selection import train_test_split\n", + "\n", + "x_train, x_test, y_train, y_test = train_test_split(x,y,test_size=0.25,random_state=42)\n", + "\n", + "print(\"x_train:\",x_train.shape)\n", + "print(\"y_train:\",y_train.shape)\n", + "print(\"x_test:\",x_test.shape)\n", + "print(\"y_test:\",y_test.shape)" + ] + }, + { + "cell_type": "code", + "execution_count": 91, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Accuracy: 0.8868552412645591\n", + "Precision: 0.8541666666666666\n", + "Recall: 0.803921568627451\n", + "F1 Score: 0.8282828282828283\n", + "ROC AUC Score: 0.8666963006865215\n", + "Confusion Matrix:\n", + "[[369 28]\n", + " [ 40 164]]\n" + ] + } + ], + "source": [ + "model = grid_search.best_estimator_\n", + "\n", + "model.fit(x_train, y_train)\n", + "\n", + "y_pred = model.predict(x_test)\n", + "\n", + "y_pred = (y_pred >= 0.5).astype(int)\n", + "\n", + "print(\"Accuracy:\", accuracy_score(y_test, y_pred))\n", + "print(\"Precision:\", precision_score(y_test, y_pred))\n", + "print(\"Recall:\", recall_score(y_test, y_pred))\n", + "print(\"F1 Score:\", f1_score(y_test, y_pred))\n", + "print(\"ROC AUC Score:\", roc_auc_score(y_test, y_pred))\n", + "print(\"Confusion Matrix:\")\n", + "print(confusion_matrix(y_test, y_pred))" + ] + }, + { + "cell_type": "code", + "execution_count": 92, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAokAAAIjCAYAAABvUIGpAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8pXeV/AAAACXBIWXMAAA9hAAAPYQGoP6dpAABINElEQVR4nO3de5yN9f7//+eaYZYx5mAwpzDOh8kxSZOctjOJaEuUIbHVUBmkqcihmj5UpEKnjUQ6UpQ0CLVN5TRIEkNRzBCZYTDGzPX7w8/6trypWcyyZqzHvdt1u1nX9V7X9Vprb+3Xfr6v671slmVZAgAAAP7Cx9MFAAAAoOihSQQAAICBJhEAAAAGmkQAAAAYaBIBAABgoEkEAACAgSYRAAAABppEAAAAGGgSAQAAYKBJBPC3du3apQ4dOig4OFg2m02LFy8u1PP/8ssvstlsmjNnTqGetzhr3bq1Wrdu7ekyAHg5mkSgGEhLS9N//vMfVatWTaVKlVJQUJCaN2+ul156SadOnXLrtePi4rRt2zY988wzmjdvnm688Ua3Xu9qGjBggGw2m4KCgi76Pe7atUs2m002m03PP/+8y+c/cOCAxo8fr9TU1EKoFgCurhKeLgDA3/vss8/073//W3a7Xf3791e9evV05swZffPNNxo9erS2b9+u119/3S3XPnXqlFJSUvTEE09o2LBhbrlGdHS0Tp06pZIlS7rl/P+kRIkSOnnypJYsWaLevXs7HZs/f75KlSql06dPX9a5Dxw4oAkTJqhKlSpq1KhRgd/35ZdfXtb1AKAw0SQCRdjevXvVp08fRUdHa9WqVYqMjHQci4+P1+7du/XZZ5+57fqHDx+WJIWEhLjtGjabTaVKlXLb+f+J3W5X8+bN9e677xpN4oIFC9S1a1d99NFHV6WWkydPqnTp0vLz87sq1wOAv8N0M1CETZ48WSdOnNBbb73l1CCeV6NGDT388MOO12fPntWkSZNUvXp12e12ValSRY8//rhycnKc3lelShXddttt+uabb3TTTTepVKlSqlatmt5++23HmPHjxys6OlqSNHr0aNlsNlWpUkXSuWna83/+q/Hjx8tmszntS05O1q233qqQkBCVKVNGtWvX1uOPP+44fql7EletWqUWLVooICBAISEh6t69u3bs2HHR6+3evVsDBgxQSEiIgoODNXDgQJ08efLSX+wF+vbtq2XLlunYsWOOfevXr9euXbvUt29fY/zRo0c1atQo1a9fX2XKlFFQUJA6d+6sLVu2OMasXr1aTZs2lSQNHDjQMW19/nO2bt1a9erV08aNG9WyZUuVLl3a8b1ceE9iXFycSpUqZXz+jh07qmzZsjpw4ECBPysAFBRNIlCELVmyRNWqVdMtt9xSoPH333+/xo0bpxtuuEFTp05Vq1atlJSUpD59+hhjd+/erTvvvFPt27fXCy+8oLJly2rAgAHavn27JKlnz56aOnWqJOnuu+/WvHnzNG3aNJfq3759u2677Tbl5ORo4sSJeuGFF3T77bfrf//739++b8WKFerYsaMOHTqk8ePHKyEhQevWrVPz5s31yy+/GON79+6t48ePKykpSb1799acOXM0YcKEAtfZs2dP2Ww2ffzxx459CxYsUJ06dXTDDTcY4/fs2aPFixfrtttu04svvqjRo0dr27ZtatWqlaNhq1u3riZOnChJGjJkiObNm6d58+apZcuWjvMcOXJEnTt3VqNGjTRt2jS1adPmovW99NJLqlChguLi4pSXlydJeu211/Tll1/q5ZdfVlRUVIE/KwAUmAWgSMrMzLQkWd27dy/Q+NTUVEuSdf/99zvtHzVqlCXJWrVqlWNfdHS0Jclau3atY9+hQ4csu91ujRw50rFv7969liRrypQpTueMi4uzoqOjjRqeeuop66//Wpk6daolyTp8+PAl6z5/jdmzZzv2NWrUyAoLC7OOHDni2LdlyxbLx8fH6t+/v3G9++67z+mcd9xxh1WuXLlLXvOvnyMgIMCyLMu68847rbZt21qWZVl5eXlWRESENWHChIt+B6dPn7by8vKMz2G3262JEyc69q1fv974bOe1atXKkmTNmjXrosdatWrltG/58uWWJOvpp5+29uzZY5UpU8bq0aPHP35GALhcJIlAEZWVlSVJCgwMLND4zz//XJKUkJDgtH/kyJGSZNy7GBMToxYtWjheV6hQQbVr19aePXsuu+YLnb+X8ZNPPlF+fn6B3nPw4EGlpqZqwIABCg0Ndexv0KCB2rdv7/icfzV06FCn1y1atNCRI0cc32FB9O3bV6tXr1Z6erpWrVql9PT0i041S+fuY/TxOfevz7y8PB05csQxlb5p06YCX9Nut2vgwIEFGtuhQwf95z//0cSJE9WzZ0+VKlVKr732WoGvBQCuokkEiqigoCBJ0vHjxws0/tdff5WPj49q1KjhtD8iIkIhISH69ddfnfZXrlzZOEfZsmX1559/XmbFprvuukvNmzfX/fffr/DwcPXp00fvv//+3zaM5+usXbu2caxu3br6448/lJ2d7bT/ws9StmxZSXLps3Tp0kWBgYF67733NH/+fDVt2tT4Ls/Lz8/X1KlTVbNmTdntdpUvX14VKlTQ1q1blZmZWeBrXnfddS49pPL8888rNDRUqampmj59usLCwgr8XgBwFU0iUEQFBQUpKipKP/zwg0vvu/DBkUvx9fW96H7Lsi77GufvlzvP399fa9eu1YoVK3Tvvfdq69atuuuuu9S+fXtj7JW4ks9ynt1uV8+ePTV37lwtWrTokimiJD377LNKSEhQy5Yt9c4772j58uVKTk7W9ddfX+DEVDr3/bhi8+bNOnTokCRp27ZtLr0XAFxFkwgUYbfddpvS0tKUkpLyj2Ojo6OVn5+vXbt2Oe3PyMjQsWPHHE8qF4ayZcs6PQl83oVppST5+Piobdu2evHFF/Xjjz/qmWee0apVq/TVV19d9Nzn69y5c6dx7KefflL58uUVEBBwZR/gEvr27avNmzfr+PHjF33Y57wPP/xQbdq00VtvvaU+ffqoQ4cOateunfGdFLRhL4js7GwNHDhQMTExGjJkiCZPnqz169cX2vkB4EI0iUAR9uijjyogIED333+/MjIyjONpaWl66aWXJJ2bLpVkPIH84osvSpK6du1aaHVVr15dmZmZ2rp1q2PfwYMHtWjRIqdxR48eNd57flHpC5flOS8yMlKNGjXS3LlznZquH374QV9++aXjc7pDmzZtNGnSJL3yyiuKiIi45DhfX18jpfzggw/0+++/O+0738xerKF21ZgxY7Rv3z7NnTtXL774oqpUqaK4uLhLfo8AcKVYTBsowqpXr64FCxborrvuUt26dZ1+cWXdunX64IMPNGDAAElSw4YNFRcXp9dff13Hjh1Tq1at9P3332vu3Lnq0aPHJZdXuRx9+vTRmDFjdMcdd+ihhx7SyZMnNXPmTNWqVcvpwY2JEydq7dq16tq1q6Kjo3Xo0CHNmDFDFStW1K233nrJ80+ZMkWdO3dWbGysBg0apFOnTunll19WcHCwxo8fX2if40I+Pj568skn/3HcbbfdpokTJ2rgwIG65ZZbtG3bNs2fP1/VqlVzGle9enWFhIRo1qxZCgwMVEBAgJo1a6aqVau6VNeqVas0Y8YMPfXUU44leWbPnq3WrVtr7Nixmjx5skvnA4AC8fDT1QAK4Oeff7YGDx5sValSxfLz87MCAwOt5s2bWy+//LJ1+vRpx7jc3FxrwoQJVtWqVa2SJUtalSpVshITE53GWNa5JXC6du1qXOfCpVcutQSOZVnWl19+adWrV8/y8/Ozateubb3zzjvGEjgrV660unfvbkVFRVl+fn5WVFSUdffdd1s///yzcY0Ll4lZsWKF1bx5c8vf398KCgqyunXrZv34449OY85f78IldmbPnm1Jsvbu3XvJ79SynJfAuZRLLYEzcuRIKzIy0vL397eaN29upaSkXHTpmk8++cSKiYmxSpQo4fQ5W7VqZV1//fUXveZfz5OVlWVFR0dbN9xwg5Wbm+s0bsSIEZaPj4+VkpLyt58BAC6HzbJcuLMbAAAAXoF7EgEAAGCgSQQAAICBJhEAAAAGmkQAAAAYaBIBAABgoEkEAACAgSYRAAAAhmvyF1f8Gw/zdAkA3OTP9a94ugQAblLKg12JO3uHU5uL57+3SBIBAABguCaTRAAAAJfYyM0uRJMIAABgs3m6giKHthkAAAAGkkQAAACmmw18IwAAADCQJAIAAHBPooEkEQAAAAaSRAAAAO5JNPCNAAAAwECSCAAAwD2JBppEAAAAppsNfCMAAAAwkCQCAAAw3WwgSQQAAICBJBEAAIB7Eg18IwAAADCQJAIAAHBPooEkEQAAAAaSRAAAAO5JNNAkAgAAMN1soG0GAAAoImbOnKkGDRooKChIQUFBio2N1bJlyxzHW7duLZvN5rQNHTrU6Rz79u1T165dVbp0aYWFhWn06NE6e/asy7WQJAIAABSR6eaKFSvqueeeU82aNWVZlubOnavu3btr8+bNuv766yVJgwcP1sSJEx3vKV26tOPPeXl56tq1qyIiIrRu3TodPHhQ/fv3V8mSJfXss8+6VAtNIgAAgBvl5OQoJyfHaZ/dbpfdbjfGduvWzen1M888o5kzZ+rbb791NImlS5dWRETERa/15Zdf6scff9SKFSsUHh6uRo0aadKkSRozZozGjx8vPz+/AtddNNpmAAAAT7L5uG1LSkpScHCw05aUlPSPJeXl5WnhwoXKzs5WbGysY//8+fNVvnx51atXT4mJiTp58qTjWEpKiurXr6/w8HDHvo4dOyorK0vbt2936SshSQQAAHCjxMREJSQkOO27WIp43rZt2xQbG6vTp0+rTJkyWrRokWJiYiRJffv2VXR0tKKiorR161aNGTNGO3fu1McffyxJSk9Pd2oQJTlep6enu1Q3TSIAAICP+55uvtTU8qXUrl1bqampyszM1Icffqi4uDitWbNGMTExGjJkiGNc/fr1FRkZqbZt2yotLU3Vq1cv1LqZbgYAAChC/Pz8VKNGDTVp0kRJSUlq2LChXnrppYuObdasmSRp9+7dkqSIiAhlZGQ4jTn/+lL3MV4KTSIAAIAb70m8Uvn5+caDL+elpqZKkiIjIyVJsbGx2rZtmw4dOuQYk5ycrKCgIMeUdUEx3QwAAFBEFtNOTExU586dVblyZR0/flwLFizQ6tWrtXz5cqWlpWnBggXq0qWLypUrp61bt2rEiBFq2bKlGjRoIEnq0KGDYmJidO+992ry5MlKT0/Xk08+qfj4eJemvCWaRAAAgCLj0KFD6t+/vw4ePKjg4GA1aNBAy5cvV/v27bV//36tWLFC06ZNU3Z2tipVqqRevXrpySefdLzf19dXS5cu1QMPPKDY2FgFBAQoLi7OaV3FgrJZlmUV5ocrCvwbD/N0CQDc5M/1r3i6BABuUsqD0ZV/u+fcdu5TKx5z27ndiXsSAQAAYGC6GQAAoIjck1iUkCQCAADAQJIIAABQCEvVXGv4RgAAAGAgSQQAAOCeRANNIgAAANPNBr4RAAAAGEgSAQAAmG42kCQCAADAQJIIAADAPYkGvhEAAAAYSBIBAAC4J9FAkggAAAADSSIAAAD3JBpoEgEAAGgSDXwjAAAAMJAkAgAA8OCKgSQRAAAABpJEAAAA7kk08I0AAADAQJIIAADAPYkGkkQAAAAYSBIBAAC4J9FAkwgAAMB0s4G2GQAAAAaSRAAA4PVsJIkGkkQAAAAYSBIBAIDXI0k0kSQCAADAQJIIAABAkGggSQQAAICBJBEAAHg97kk00SQCAACvR5NoYroZAAAABpJEAADg9UgSTSSJAAAAMJAkAgAAr0eSaCJJBAAAgIEkEQAAgCDRQJIIAAAAA0kiAADwetyTaCJJBAAAgIEkEQAAeD2SRBNNIgAA8Ho0iSammwEAAGAgSQQAAF6PJNFEkggAAAADSSIAAABBooEkEQAAAAaSRAAA4PW4J9FEkggAAAADSSIAAPB6JIkmmkQAAOD1aBJNTDcDAADAQJIIAABAkGggSQQAACgiZs6cqQYNGigoKEhBQUGKjY3VsmXLHMdPnz6t+Ph4lStXTmXKlFGvXr2UkZHhdI59+/apa9euKl26tMLCwjR69GidPXvW5VpoEgEAgNez2Wxu21xRsWJFPffcc9q4caM2bNigf/3rX+revbu2b98uSRoxYoSWLFmiDz74QGvWrNGBAwfUs2dPx/vz8vLUtWtXnTlzRuvWrdPcuXM1Z84cjRs3zvXvxLIsy+V3FXH+jYd5ugQAbvLn+lc8XQIANynlwZvgwu//wG3nznjz31f0/tDQUE2ZMkV33nmnKlSooAULFujOO++UJP3000+qW7euUlJSdPPNN2vZsmW67bbbdODAAYWHh0uSZs2apTFjxujw4cPy8/Mr8HVJEgEAgNdzZ5KYk5OjrKwspy0nJ+cfa8rLy9PChQuVnZ2t2NhYbdy4Ubm5uWrXrp1jTJ06dVS5cmWlpKRIklJSUlS/fn1HgyhJHTt2VFZWliONLCiaRAAAADdKSkpScHCw05aUlHTJ8du2bVOZMmVkt9s1dOhQLVq0SDExMUpPT5efn59CQkKcxoeHhys9PV2SlJ6e7tQgnj9+/pgreLoZAAB4PXeuk5iYmKiEhASnfXa7/ZLja9eurdTUVGVmZurDDz9UXFyc1qxZ47b6LoUmEQAAeD13Nol2u/1vm8IL+fn5qUaNGpKkJk2aaP369XrppZd011136cyZMzp27JhTmpiRkaGIiAhJUkREhL7//nun851/+vn8mIJiuhkAAKAIy8/PV05Ojpo0aaKSJUtq5cqVjmM7d+7Uvn37FBsbK0mKjY3Vtm3bdOjQIceY5ORkBQUFKSYmxqXrkiQCAAAUkcW0ExMT1blzZ1WuXFnHjx/XggULtHr1ai1fvlzBwcEaNGiQEhISFBoaqqCgIA0fPlyxsbG6+eabJUkdOnRQTEyM7r33Xk2ePFnp6el68sknFR8f71KaKdEkAgAAFBmHDh1S//79dfDgQQUHB6tBgwZavny52rdvL0maOnWqfHx81KtXL+Xk5Khjx46aMWOG4/2+vr5aunSpHnjgAcXGxiogIEBxcXGaOHGiy7WwTiKAYoV1EoFrlyfXSbzugUVuO/fvM+9w27ndiXsSAQAAYGC6GQAAeD13Pt1cXJEkAgAAwECSCAAAvB5JookmEQAAgB7RwHQzAAAADCSJAADA6zHdbCJJBAAAgIEkEQAAeD2SRBNJIgAAAAwkiShyBv/7Vg2+s4Wio0IlSTv2pOvZ15fpy//96BjTrEFVjY+/TU3rV1FeXr62/vy7uj34qk7n5EqSGtWpqKcf7qEm11dWXp6lxStTNeaFj5R96oxHPhOAi3vrjde0MvlL7d27R/ZSpdSoUWM9kjBKVapWc4z54/BhvfjCZH27bp2yT2arSpWqGjxkqNp16OjBynGtIUk0kSSiyPk945jGvvyJbuk3Wc37TdHq73/WB1OHqG61CEnnGsRPXnlQK7/9SS3umaJb75miWQvXKD//3M+QR1YI1mezhitt/2G1vPd5dY9/VTHVI/TGxHs9+bEAXMSG9d/rrrv7ad677+u1N2br7NmzGjp4kE6ePOkY88TjY/TL3r166ZWZ+mjRErVt116jRz6iHTt+/JszA7hSJIkocj5f+4PT6/GvLtHgf9+qmxpU1Y496Zo8sqdmLFyt52cnO8bs+vWQ48+dW9RT7tk8PZL0vizrXOM4/Jn3tOGDx1WtUnnt2f/H1fkgAP7RzNffcno98Znn1KZFrHb8uF1NbmwqSdqyebOeGPeU6jdoIEkaMvRBvfP2XO3Yvl1168Zc9ZpxbSJJNHm0Sfzjjz/03//+VykpKUpPT5ckRURE6JZbbtGAAQNUoUIFT5aHIsDHx6Ze7W9QgL+fvtu6VxXKltFNDapq4bIN+mpOgqpWLK+ff8nQ+FeWaF3qHkmS3a+EcnPzHA2iJJ3KOTfNfEuj6jSJQBF24vhxSVJQcLBjX8PGjbX8i2Vq2bK1AoOCtPyLZco5k6Mbm97kqTJxLaJHNHhsunn9+vWqVauWpk+fruDgYLVs2VItW7ZUcHCwpk+frjp16mjDhg3/eJ6cnBxlZWU5bVZ+3lX4BHCn62tE6fD/XlDmd9M0/Ym7dNfIN/TTnnRVrVhekvTEf7rovx+vU/f4GUrdsV+fvzZc1Suf+z8Vq7/fqfByQRrRv61KlvBVSKC/nn6ouyQpokLwJa8JwLPy8/M1+f+eVaPGN6hmzVqO/VNemKazuWfVsnkzNW1cX09PGKepL72iytHRHqwWuPZ5LEkcPny4/v3vf2vWrFlGxGtZloYOHarhw4crJSXlb8+TlJSkCRMmOO3zDW+qkpH8P8zi7OdfMtSsT5KCy/jrjnaN9cbEe9Xh/pfk43PuvytvffSN5n36rSRpy87f1Pqm2orrHqtxL3+qHXvSNXjcPD03sqcmDr9defn5mvHuGqX/kSUrP9+THwvA33j26QlK27VLc+YtcNr/6ssv6fjxLL3+1hyFhJTVV6tW6NGRj2j22/NVs1ZtD1WLaw3TzSaPNYlbtmzRnDlzLvofis1m04gRI9S4ceN/PE9iYqISEhKc9oW1GFNodcIzcs/mOaaFN+/YrybXV1b83a0d9yHu2JPuNH7n3nRViijreP3eFxv03hcbFBYaqOxTObIs6aF7/qW9vx25eh8CQIE9+/RErV2zWv+d+47CIyIc+/fv26eFC97RR58sVY0aNSVJtevU0aaNG7Tw3fka+9RET5UMXPM81iRGRETo+++/V506dS56/Pvvv1d4ePg/nsdut8tutzvts/n4FkqNKDp8bDbZ/Uro1wNHdODQMdWqEuZ0vEZ0mNMSOecdOnru/qb+3W/W6TO5WvntT1elXgAFY1mWkp6ZpFUrk/XWnHmqWLGS0/HTp09JknxszndH+fj4ysq3BBQWkkSTx5rEUaNGaciQIdq4caPatm3raAgzMjK0cuVKvfHGG3r++ec9VR48aOLw27X8f9u1/+CfCgwopbs636iWN9ZUtwdnSJKmzl2hJ4d21baff9eWnb/pnm7NVLtKuPqO/n9PSQ69q6W+3bJHJ06eUdub6+jZR3po7MufKPPEKU99LAAX8eykCVr2+VJNe3mGAkoH6I/DhyVJZQIDVapUKVWpWk2VK0dr0oRxShg1RiEhIVq1aoW+TfmfXp7xmoerB65tNuuvj4BeZe+9956mTp2qjRs3Ki/v3MMmvr6+atKkiRISEtS7d+/LOq9/42GFWSausplP9VWbm2oronyQMk+c1g+7ftcLs1do1Xf/LwUcNbC9/tO7pcoGl9a2n3/XE9MWO55ulqQ3J92rTrfWU5nSftr5S4amvb1S73623hMfB4Xsz/WveLoEFKKG11/8nsKJTyep+x09JUm//vqLXnrxBW3evFEnT55U5UqV1X/gfep2e4+rWCmuhlIeXHOlxqhlbjv37uc7u+3c7uTRJvG83Nxc/fHHufvPypcvr5IlS17R+WgSgWsXTSJw7aJJLFqKxGLaJUuWVGRkpKfLAAAAXop7Ek1FokkEAADwJHpEE7/dDAAAAANJIgAA8HpMN5tIEgEAAGAgSQQAAF6PINFEkggAAAADSSIAAPB6Pj5EiRciSQQAAICBJBEAAHg97kk00SQCAACvxxI4JqabAQAAYCBJBAAAXo8g0USSCAAAAANJIgAA8Hrck2giSQQAAICBJBEAAHg9kkQTSSIAAAAMJIkAAMDrESSaaBIBAIDXY7rZxHQzAAAADCSJAADA6xEkmkgSAQAAYCBJBAAAXo97Ek0kiQAAADCQJAIAAK9HkGgiSQQAAICBJBEAAHg97kk0kSQCAADAQJIIAAC8HkGiiSYRAAB4PaabTUw3AwAAwECSCAAAvB5BookkEQAAAAaSRAAA4PW4J9FEkggAAAADTSIAAPB6Npv7NlckJSWpadOmCgwMVFhYmHr06KGdO3c6jWndurVsNpvTNnToUKcx+/btU9euXVW6dGmFhYVp9OjROnv2rEu1MN0MAABQRKxZs0bx8fFq2rSpzp49q8cff1wdOnTQjz/+qICAAMe4wYMHa+LEiY7XpUuXdvw5Ly9PXbt2VUREhNatW6eDBw+qf//+KlmypJ599tkC10KTCAAAvF5RuSfxiy++cHo9Z84chYWFaePGjWrZsqVjf+nSpRUREXHRc3z55Zf68ccftWLFCoWHh6tRo0aaNGmSxowZo/Hjx8vPz69AtTDdDAAAvJ47p5tzcnKUlZXltOXk5BSorszMTElSaGio0/758+erfPnyqlevnhITE3Xy5EnHsZSUFNWvX1/h4eGOfR07dlRWVpa2b99e4O+EJhEAAMCNkpKSFBwc7LQlJSX94/vy8/P1yCOPqHnz5qpXr55jf9++ffXOO+/oq6++UmJioubNm6d77rnHcTw9Pd2pQZTkeJ2enl7gupluBgAAXs+d082JiYlKSEhw2me32//xffHx8frhhx/0zTffOO0fMmSI48/169dXZGSk2rZtq7S0NFWvXr1wihZJIgAAgFvZ7XYFBQU5bf/UJA4bNkxLly7VV199pYoVK/7t2GbNmkmSdu/eLUmKiIhQRkaG05jzry91H+PF0CQCAACvd+GSMoW5ucKyLA0bNkyLFi3SqlWrVLVq1X98T2pqqiQpMjJSkhQbG6tt27bp0KFDjjHJyckKCgpSTExMgWthuhkAAKCIiI+P14IFC/TJJ58oMDDQcQ9hcHCw/P39lZaWpgULFqhLly4qV66ctm7dqhEjRqhly5Zq0KCBJKlDhw6KiYnRvffeq8mTJys9PV1PPvmk4uPjCzTNfR5NIgAA8HpFZAUczZw5U9K5BbP/avbs2RowYID8/Py0YsUKTZs2TdnZ2apUqZJ69eqlJ5980jHW19dXS5cu1QMPPKDY2FgFBAQoLi7OaV3FgqBJBAAAKCIsy/rb45UqVdKaNWv+8TzR0dH6/PPPr6gWmkQAAOD1ispi2kUJTSIAAPB69Igmnm4GAACAgSQRAAB4PaabTSSJAAAAMJAkAgAAr0eQaCJJBAAAgIEkEQAAeD0fokQDSSIAAAAMJIkAAMDrESSaaBIBAIDXYwkcE9PNAAAAMJAkAgAAr+dDkGggSQQAAICBJBEAAHg97kk0kSQCAADAQJIIAAC8HkGiiSQRAAAABpJEAADg9WwiSrwQTSIAAPB6LIFjYroZAAAABpJEAADg9VgCx0SSCAAAAANJIgAA8HoEiSaSRAAAABhIEgEAgNfzIUo0kCQCAADAUChN4rFjxwrjNAAAAB5hs7lvK65cbhL/7//+T++9957jde/evVWuXDldd9112rJlS6EWBwAAcDXYbDa3bcWVy03irFmzVKlSJUlScnKykpOTtWzZMnXu3FmjR48u9AIBAABw9bn84Ep6erqjSVy6dKl69+6tDh06qEqVKmrWrFmhFwgAAOBuxTjwcxuXk8SyZctq//79kqQvvvhC7dq1kyRZlqW8vLzCrQ4AAAAe4XKS2LNnT/Xt21c1a9bUkSNH1LlzZ0nS5s2bVaNGjUIvEAAAwN1YAsfkcpM4depUValSRfv379fkyZNVpkwZSdLBgwf14IMPFnqBAAAAuPpcbhJLliypUaNGGftHjBhRKAUBAABcbeSIpgI1iZ9++mmBT3j77bdfdjEAAAAoGgrUJPbo0aNAJ7PZbDy8AgAAip3ivJ6huxSoSczPz3d3HQAAAB7jQ49ouKKf5Tt9+nRh1QEAAIAixOUmMS8vT5MmTdJ1112nMmXKaM+ePZKksWPH6q233ir0AgEAANyNn+UzudwkPvPMM5ozZ44mT54sPz8/x/569erpzTffLNTiAAAA4BkuN4lvv/22Xn/9dfXr10++vr6O/Q0bNtRPP/1UqMUBAABcDTab+7biyuUm8ffff7/oL6vk5+crNze3UIoCAACAZ7ncJMbExOjrr7829n/44Ydq3LhxoRQFAABwNXFPosnlX1wZN26c4uLi9Pvvvys/P18ff/yxdu7cqbfffltLly51R40AAAC4ylxOErt3764lS5ZoxYoVCggI0Lhx47Rjxw4tWbJE7du3d0eNAAAAbuVjc99WXLmcJEpSixYtlJycXNi1AAAAeERxnhZ2l8tqEiVpw4YN2rFjh6Rz9yk2adKk0IoCAACAZ7ncJP7222+6++679b///U8hISGSpGPHjumWW27RwoULVbFixcKuEQAAwK3IEU0u35N4//33Kzc3Vzt27NDRo0d19OhR7dixQ/n5+br//vvdUSMAAACuMpeTxDVr1mjdunWqXbu2Y1/t2rX18ssvq0WLFoVaHAAAwNXgwz2JBpeTxEqVKl100ey8vDxFRUUVSlEAAADwLJebxClTpmj48OHasGGDY9+GDRv08MMP6/nnny/U4gAAAK4GfpbPVKDp5rJlyzo9Gp6dna1mzZqpRIlzbz979qxKlCih++67Tz169HBLoQAAALh6CtQkTps2zc1lAAAAeA7rJJoK1CTGxcW5uw4AAAAUIZe9mLYknT59WmfOnHHaFxQUdEUFAQAAXG0EiSaXH1zJzs7WsGHDFBYWpoCAAJUtW9ZpAwAAKG58bDa3ba5ISkpS06ZNFRgYqLCwMPXo0UM7d+50GnP69GnFx8erXLlyKlOmjHr16qWMjAynMfv27VPXrl1VunRphYWFafTo0Tp79qxr34lLoyU9+uijWrVqlWbOnCm73a4333xTEyZMUFRUlN5++21XTwcAAID/35o1axQfH69vv/1WycnJys3NVYcOHZSdne0YM2LECC1ZskQffPCB1qxZowMHDqhnz56O43l5eeratavOnDmjdevWae7cuZozZ47GjRvnUi02y7IsV95QuXJlvf3222rdurWCgoK0adMm1ahRQ/PmzdO7776rzz//3KUC3MG/8TBPlwDATf5c/4qnSwDgJqWu6Ca4K/Pgxz+67dwzesZc9nsPHz6ssLAwrVmzRi1btlRmZqYqVKigBQsW6M4775Qk/fTTT6pbt65SUlJ08803a9myZbrtttt04MABhYeHS5JmzZqlMWPG6PDhw/Lz8yvQtV1OEo8ePapq1apJOnf/4dGjRyVJt956q9auXevq6QAAAK5pOTk5ysrKctpycnIK9N7MzExJUmhoqCRp48aNys3NVbt27Rxj6tSpo8qVKyslJUWSlJKSovr16zsaREnq2LGjsrKytH379gLX7XKTWK1aNe3du9dR1Pvvvy9JWrJkiUJCQlw9HQAAgMfZbDa3bUlJSQoODnbakpKS/rGm/Px8PfLII2revLnq1asnSUpPT5efn5/Rc4WHhys9Pd0x5q8N4vnj548VlMvB7sCBA7Vlyxa1atVKjz32mLp166ZXXnlFubm5evHFF109HQAAwDUtMTFRCQkJTvvsdvs/vi8+Pl4//PCDvvnmG3eV9rdcbhJHjBjh+HO7du30008/aePGjapRo4YaNGhQqMVdrvR10z1dAgA3eeu7XzxdAgA3iW9exWPXdnlq1QV2u71ATeFfDRs2TEuXLtXatWtVsWJFx/6IiAidOXNGx44dc0oTMzIyFBER4Rjz/fffO53v/NPP58cUxBV/J9HR0erZs2eRaRABAACKK8uyNGzYMC1atEirVq1S1apVnY43adJEJUuW1MqVKx37du7cqX379ik2NlaSFBsbq23btunQoUOOMcnJyQoKClJMTMEfoilQkjh9esGTuYceeqjAYwEAAIqCovKzfPHx8VqwYIE++eQTBQYGOu4hDA4Olr+/v4KDgzVo0CAlJCQoNDRUQUFBGj58uGJjY3XzzTdLkjp06KCYmBjde++9mjx5stLT0/Xkk08qPj7epUSzQEvgXNjFXvJkNpv27NlT4Iu7S+apfE+XAMBN3tm0z9MlAHATT043P/LJT24797TudQo89lLN6uzZszVgwABJ5xbTHjlypN59913l5OSoY8eOmjFjhtNU8q+//qoHHnhAq1evVkBAgOLi4vTcc8+pRImC32no8jqJxQFNInDtokkErl00iUWLB5etBAAAKBp8isZsc5Hizod5AAAAUEyRJAIAAK9XVB5cKUpIEgEAAGAgSQQAAF6PexJNl5Ukfv3117rnnnsUGxur33//XZI0b948j/1sDAAAAAqXy03iRx99pI4dO8rf31+bN29WTk6OJCkzM1PPPvtsoRcIAADgbjab+7biyuUm8emnn9asWbP0xhtvqGTJko79zZs316ZNmwq1OAAAgKvBx2Zz21Zcudwk7ty5Uy1btjT2BwcH69ixY4VREwAAADzM5SYxIiJCu3fvNvZ/8803qlatWqEUBQAAcDX5uHErrlyuffDgwXr44Yf13XffyWaz6cCBA5o/f75GjRqlBx54wB01AgAA4CpzeQmcxx57TPn5+Wrbtq1Onjypli1bym63a9SoURo+fLg7agQAAHCrYnzroNu43CTabDY98cQTGj16tHbv3q0TJ04oJiZGZcqUcUd9AAAA8IDLXkzbz89PMTExhVkLAACARxTnp5DdxeUmsU2bNn/7+4arVq26ooIAAADgeS43iY0aNXJ6nZubq9TUVP3www+Ki4srrLoAAACuGoJEk8tN4tSpUy+6f/z48Tpx4sQVFwQAAHC18dvNpkJbvueee+7Rf//738I6HQAAADzosh9cuVBKSopKlSpVWKcDAAC4anhwxeRyk9izZ0+n15Zl6eDBg9qwYYPGjh1baIUBAADAc1xuEoODg51e+/j4qHbt2po4caI6dOhQaIUBAABcLQSJJpeaxLy8PA0cOFD169dX2bJl3VUTAAAAPMylB1d8fX3VoUMHHTt2zE3lAAAAXH0+NvdtxZXLTzfXq1dPe/bscUctAAAAKCJcbhKffvppjRo1SkuXLtXBgweVlZXltAEAABQ3Njf+U1wV+J7EiRMnauTIkerSpYsk6fbbb3f6eT7LsmSz2ZSXl1f4VQIAALhRcZ4WdpcCN4kTJkzQ0KFD9dVXX7mzHgAAABQBBW4SLcuSJLVq1cptxQAAAHgCSaLJpXsSbSwiBAAA4BVcWiexVq1a/9goHj169IoKAgAAuNoIwkwuNYkTJkwwfnEFAAAA1x6XmsQ+ffooLCzMXbUAAAB4BPckmgp8TyIxLAAAgPdw+elmAACAaw1ZmKnATWJ+fr476wAAAPAYH7pEg8s/ywcAAIBrn0sPrgAAAFyLeHDFRJIIAAAAA0kiAADwetySaCJJBAAAgIEkEQAAeD0fESVeiCQRAAAABpJEAADg9bgn0USTCAAAvB5L4JiYbgYAAICBJBEAAHg9fpbPRJIIAAAAA0kiAADwegSJJpJEAAAAGEgSAQCA1+OeRBNJIgAAAAwkiQAAwOsRJJpoEgEAgNdjatXEdwIAAAADSSIAAPB6NuabDSSJAAAAMJAkAgAAr0eOaCJJBAAAKELWrl2rbt26KSoqSjabTYsXL3Y6PmDAANlsNqetU6dOTmOOHj2qfv36KSgoSCEhIRo0aJBOnDjhUh00iQAAwOv52Gxu21yVnZ2thg0b6tVXX73kmE6dOungwYOO7d1333U63q9fP23fvl3JyclaunSp1q5dqyFDhrhUB9PNAAAAbpSTk6OcnBynfXa7XXa7/aLjO3furM6dO//tOe12uyIiIi56bMeOHfriiy+0fv163XjjjZKkl19+WV26dNHzzz+vqKioAtVNkggAALyezY1bUlKSgoODnbakpKQrqnf16tUKCwtT7dq19cADD+jIkSOOYykpKQoJCXE0iJLUrl07+fj46LvvvivwNUgSAQCA13PnCjiJiYlKSEhw2nepFLEgOnXqpJ49e6pq1apKS0vT448/rs6dOyslJUW+vr5KT09XWFiY03tKlCih0NBQpaenF/g6NIkAAABu9HdTy5ejT58+jj/Xr19fDRo0UPXq1bV69Wq1bdu20K7DdDMAAPB6Fz4tXJibu1WrVk3ly5fX7t27JUkRERE6dOiQ05izZ8/q6NGjl7yP8WJoEgEAAIqx3377TUeOHFFkZKQkKTY2VseOHdPGjRsdY1atWqX8/Hw1a9aswOdluhkAAHi9opSanThxwpEKStLevXuVmpqq0NBQhYaGasKECerVq5ciIiKUlpamRx99VDVq1FDHjh0lSXXr1lWnTp00ePBgzZo1S7m5uRo2bJj69OlT4CebpaL1nQAAAHi9DRs2qHHjxmrcuLEkKSEhQY0bN9a4cePk6+urrVu36vbbb1etWrU0aNAgNWnSRF9//bXTfY/z589XnTp11LZtW3Xp0kW33nqrXn/9dZfqsFmWZRXqJysCMk/le7oEAG7yzqZ9ni4BgJvEN6/isWu/n3rAbefu3ajg6V1RQpIIAAAAA/ckAgAAr+f+Z5CLH5JEAAAAGEgSAQCA17sa6xkWNzSJAADA6zG1auI7AQAAgIEkEQAAeD2mm00kiQAAADCQJAIAAK9HjmgiSQQAAICBJBEAAHg9bkk0kSQCAADAQJIIAAC8ng93JRpoEgEAgNdjutnEdDMAAAAMJIkAAMDr2ZhuNpAkAgAAwECSCAAAvB73JJpIEgEAAGAgSQQAAF6PJXBMJIkAAAAwkCQCAACvxz2JJppEAADg9WgSTUw3AwAAwECSCAAAvB6LaZtIEgEAAGAgSQQAAF7PhyDRQJIIAAAAA0kiAADwetyTaCJJBAAAgIEkEQAAeD3WSTTRJAIAAK/HdLOJ6WYAAAAYSBIBAIDXYwkcE0kiAAAADCSJAADA63FPookkEQAAAAaSRBQ7c//7hl6d/qL69L1XCY8+LknKycnRSy/8n75c/rlyz+Tq5lua69HHx6lcufIerhbAhX7fuU0bv/hAh3/ZpezMo+o67ClVv+EWpzFHD+zT/z58S7/v3Kr8vDyFRkWra/xYBZYLcxpnWZY+nfqkfv1hw0XPAxQUS+CYSBJRrPz4wzZ9/OF7qlGrttP+qc8n6eu1q5U0ZZpmvfW2Dh8+pDEJD3moSgB/JzfntCpUqqbW9wy76PFjhw7ow6QElY2opJ6PTlHfibN0U7e+8i3pZ4xNTV7E/7oDbkKTiGLj5MlsjX18tJ4YN1FBgUGO/SeOH9eniz7WIyPHqOlNN6tuzPUaN+FZbd2yWdu2pnquYAAXVaVBU8X2HKDqTZpf9HjKx3MU3eAm3dr7foVF11BIWJSqNY5V6aAQp3GH96Vp0/KP1O6+hKtQNa51NjduxRVNIoqNyc9OUvMWrXTTzc7TSTt2bNfZs7m6qVmsY1+VqtUUERmpbVtSr3KVAK6ElZ+vX7Z8r7Lh12nxC4/rjYd7671JDylt0zqncbk5p/XFa8+p9T3xCggO9VC1uJb42Gxu24qrIt0k7t+/X/fdd9/fjsnJyVFWVpbTlpOTc5UqxNXy5RefaedPPyr+ITMxOPLHHypZsqQCg4Kc9oeGlteRI39crRIBFIKTx48pN+eUNnz+nqLr36geI5NU/Ybm+uzVifpt51bHuK8XvqbIGjGq3ph7EAF3KdJN4tGjRzV37ty/HZOUlKTg4GCn7cUpz12lCnE1ZKQf1IuTkzTx2Smy2+2eLgeAG1n5liSpWuNYNe7QUxUqV9eNXe9S1YbN9MNXn0mS9mxO0f4dqWp591BPloprDNPNJo8+3fzpp5/+7fE9e/b84zkSExOVkOCcLp3OL3lFdaFo2fHjdh09ekT97+7l2JeXl6fNmzbog/cW6KUZbyg3N1fHs7Kc0sSjR//g6WagmPEPDJKPr69Co6Kd9odGVtKBXdslSb/tSFXm4YN6bVhPpzGfvzpJUbXqqdeYKVetXuBa5tEmsUePHrLZbLIs65JjbP8wl2+32410yTqVXyj1oWho2ixW7374idO+ieOeUJWqVdV/4P0KD49UiRIltf77b/Wvdh0kSb/+slfpBw+qfsNGHqgYwOXyLVFSYVVq6c/035z2/5n+u2P5myZd79L1LTs7HZ8/7j9q0ec/qtro5qtWK64xxTnycxOPNomRkZGaMWOGunfvftHjqampatKkyVWuCkVNQECAqteo5bTP399fwcEhjv2339FT0154TkHBwQoIKKPnn3ta9Rs0Uv0GjTxQMYC/c+b0KWUeOuB4nfVHug7vS1OpgEAFlgtTk07/1rJZz+q6WvVUsU5D/frDBu3d8q16PXouIQwIDr3owyqB5cIUXCHiqn0O4Frn0SaxSZMm2rhx4yWbxH9KGYHzRoxKlI/NR4+NfFhnzpxxLKYNoOg59MvP+njyo47XXy98TZJUt3l7tR80StWbNFeb/g9pw2cLtWbBTJWNqKgu8WMVVauep0qGF+Bn+Uw2y4Nd2Ndff63s7Gx16tTposezs7O1YcMGtWrVyqXzZjLdDFyz3tm0z9MlAHCT+OZVPHbt79Iy3XbuZtWD3XZud/JoktiiRYu/PR4QEOBygwgAAOCqYrycodvw280AAMDr0SOaivQ6iQAAAPAMkkQAAACiRANJIgAAAAwkiQAAwOuxBI6JJBEAAAAGkkQAAOD1WALHRJIIAABQhKxdu1bdunVTVFSUbDabFi9e7HTcsiyNGzdOkZGR8vf3V7t27bRr1y6nMUePHlW/fv0UFBSkkJAQDRo0SCdOnHCpDppEAADg9Wxu3FyVnZ2thg0b6tVXX73o8cmTJ2v69OmaNWuWvvvuOwUEBKhjx446ffq0Y0y/fv20fft2JScna+nSpVq7dq2GDBniUh0e/Vk+d+Fn+YBrFz/LB1y7PPmzfJt+zXLbuW+IDrrs99psNi1atEg9evSQdC5FjIqK0siRIzVq1ChJUmZmpsLDwzVnzhz16dNHO3bsUExMjNavX68bb7xRkvTFF1+oS5cu+u233xQVFVWga5MkAgAAuFFOTo6ysrKctpycnMs61969e5Wenq527do59gUHB6tZs2ZKSUmRJKWkpCgkJMTRIEpSu3bt5OPjo++++67A16JJBAAAXs/mxn+SkpIUHBzstCUlJV1Wnenp6ZKk8PBwp/3h4eGOY+np6QoLC3M6XqJECYWGhjrGFARPNwMAALhRYmKiEhISnPbZ7XYPVVNwNIkAAMDruXMJHLvdXmhNYUREhCQpIyNDkZGRjv0ZGRlq1KiRY8yhQ4ec3nf27FkdPXrU8f6CYLoZAACgmKhataoiIiK0cuVKx76srCx99913io2NlSTFxsbq2LFj2rhxo2PMqlWrlJ+fr2bNmhX4WiSJAADA6xWltbRPnDih3bt3O17v3btXqampCg0NVeXKlfXII4/o6aefVs2aNVW1alWNHTtWUVFRjieg69atq06dOmnw4MGaNWuWcnNzNWzYMPXp06fATzZLNIkAAABFyoYNG9SmTRvH6/P3M8bFxWnOnDl69NFHlZ2drSFDhujYsWO69dZb9cUXX6hUqVKO98yfP1/Dhg1T27Zt5ePjo169emn69Oku1cE6iQCKFdZJBK5dnlwnccv+4247d8NKgW47tzuRJAIAAK9nK1ITzkUDD64AAADAQJIIAAC8njuXwCmuSBIBAABgIEkEAABejyDRRJIIAAAAA0kiAAAAUaKBJBEAAAAGkkQAAOD1WCfRRJIIAAAAA0kiAADweqyTaKJJBAAAXo8e0cR0MwAAAAwkiQAAAESJBpJEAAAAGEgSAQCA12MJHBNJIgAAAAwkiQAAwOuxBI6JJBEAAAAGkkQAAOD1CBJNNIkAAAB0iQammwEAAGAgSQQAAF6PJXBMJIkAAAAwkCQCAACvxxI4JpJEAAAAGEgSAQCA1yNINJEkAgAAwECSCAAAQJRooEkEAABejyVwTEw3AwAAwECSCAAAvB5L4JhIEgEAAGAgSQQAAF6PINFEkggAAAADSSIAAABRooEkEQAAAAaSRAAA4PVYJ9FEkwgAALweS+CYmG4GAACAgSQRAAB4PYJEE0kiAAAADCSJAADA63FPookkEQAAAAaSRAAAAO5KNJAkAgAAwECSCAAAvB73JJpoEgEAgNejRzQx3QwAAAADSSIAAPB6TDebSBIBAABgIEkEAABez8ZdiQaSRAAAABhIEgEAAAgSDSSJAAAAMJAkAgAAr0eQaKJJBAAAXo8lcExMNwMAABQR48ePl81mc9rq1KnjOH769GnFx8erXLlyKlOmjHr16qWMjAy31EKTCAAAvJ7Njf+46vrrr9fBgwcd2zfffOM4NmLECC1ZskQffPCB1qxZowMHDqhnz56F+VU4MN0MAABQhJQoUUIRERHG/szMTL311ltasGCB/vWvf0mSZs+erbp16+rbb7/VzTffXKh1kCQCAADY3Lfl5OQoKyvLacvJyblkKbt27VJUVJSqVaumfv36ad++fZKkjRs3Kjc3V+3atXOMrVOnjipXrqyUlJRC/DLOoUkEAABwo6SkJAUHBzttSUlJFx3brFkzzZkzR1988YVmzpypvXv3qkWLFjp+/LjS09Pl5+enkJAQp/eEh4crPT290OtmuhkAAHg9dz7cnJiYqISEBKd9drv9omM7d+7s+HODBg3UrFkzRUdH6/3335e/v78bqzSRJAIAALiR3W5XUFCQ03apJvFCISEhqlWrlnbv3q2IiAidOXNGx44dcxqTkZFx0XsYrxRNIgAA8Ho2m/u2K3HixAmlpaUpMjJSTZo0UcmSJbVy5UrH8Z07d2rfvn2KjY29wm/AxHQzAADwepezVI07jBo1St26dVN0dLQOHDigp556Sr6+vrr77rsVHBysQYMGKSEhQaGhoQoKCtLw4cMVGxtb6E82SzSJAAAARcZvv/2mu+++W0eOHFGFChV066236ttvv1WFChUkSVOnTpWPj4969eqlnJwcdezYUTNmzHBLLTbLsiy3nNmDMk/le7oEAG7yzqZ9ni4BgJvEN6/isWv/eTLPbecuW9rXbed2J+5JBAAAgIEmEQAAAAaaRAAAABh4cAUAAHi9K12q5lpEkggAAAADSSIAAPB6RWWdxKKEJhEAAHg9pptNTDcDAADAQJIIAAC8HkGiiSQRAAAABpJEAAAAokQDSSIAAAAMJIkAAMDrsQSOiSQRAAAABpJEAADg9Vgn0USSCAAAAANJIgAA8HoEiSaaRAAAALpEA9PNAAAAMJAkAgAAr8cSOCaSRAAAABhIEgEAgNdjCRwTSSIAAAAMNsuyLE8XAVyunJwcJSUlKTExUXa73dPlAChE/P0GPIsmEcVaVlaWgoODlZmZqaCgIE+XA6AQ8fcb8CymmwEAAGCgSQQAAICBJhEAAAAGmkQUa3a7XU899RQ3tQPXIP5+A57FgysAAAAwkCQCAADAQJMIAAAAA00iAAAADDSJAAAAMNAkolh79dVXVaVKFZUqVUrNmjXT999/7+mSAFyhtWvXqlu3boqKipLNZtPixYs9XRLglWgSUWy99957SkhI0FNPPaVNmzapYcOG6tixow4dOuTp0gBcgezsbDVs2FCvvvqqp0sBvBpL4KDYatasmZo2bapXXnlFkpSfn69KlSpp+PDheuyxxzxcHYDCYLPZtGjRIvXo0cPTpQBehyQRxdKZM2e0ceNGtWvXzrHPx8dH7dq1U0pKigcrAwDg2kCTiGLpjz/+UF5ensLDw532h4eHKz093UNVAQBw7aBJBAAAgIEmEcVS+fLl5evrq4yMDKf9GRkZioiI8FBVAABcO2gSUSz5+fmpSZMmWrlypWNffn6+Vq5cqdjYWA9WBgDAtaGEpwsALldCQoLi4uJ044036qabbtK0adOUnZ2tgQMHero0AFfgxIkT2r17t+P13r17lZqaqtDQUFWuXNmDlQHehSVwUKy98sormjJlitLT09WoUSNNnz5dzZo183RZAK7A6tWr1aZNG2N/XFyc5syZc/ULArwUTSIAAAAM3JMIAAAAA00iAAAADDSJAAAAMNAkAgAAwECTCAAAAANNIgAAAAw0iQAAADDQJAIAAMBAkwjgig0YMEA9evRwvG7durUeeeSRq17H6tWrZbPZdOzYsUuOsdlsWrx4cYHPOX78eDVq1OiK6vrll19ks9mUmpp6RecBgKuJJhG4Rg0YMEA2m002m01+fn6qUaOGJk6cqLNnz7r92h9//LEmTZpUoLEFaewAAFdfCU8XAMB9OnXqpNmzZysnJ0eff/654uPjVbJkSSUmJhpjz5w5Iz8/v0K5bmhoaKGcBwDgOSSJwDXMbrcrIiJC0dHReuCBB9SuXTt9+umnkv7fFPEzzzyjqKgo1a5dW5K0f/9+9e7dWyEhIQoNDVX37t31yy+/OM6Zl5enhIQEhYSEqFy5cnr00Ud14U/AXzjdnJOTozFjxqhSpUqy2+2qUaOG3nrrLf3yyy9q06aNJKls2bKy2WwaMGCAJCk/P19JSUmqWrWq/P391bBhQ3344YdO1/n8889Vq1Yt+fv7q02bNk51FtSYMWNUq1YtlS5dWtWqVdPYsWOVm5trjHvttddUqVIllS5dWr1791ZmZqbT8TfffFN169ZVqVKlVKdOHc2YMeOS1/zzzz/Vr18/VahQQf7+/qpZs6Zmz57tcu0A4E4kiYAX8ff315EjRxyvV65cqaCgICUnJ0uScnNz1bFjR8XGxurrr79WiRIl9PTTT6tTp07aunWr/Pz89MILL2jOnDn673//q7p16+qFF17QokWL9K9//euS1+3fv79SUlI0ffp0NWzYUHv37tUff/yhSpUq6aOPPlKvXr20c+dOBQUFyd/fX5KUlJSkd955R7NmzVLNmjW1du1a3XPPPapQoYJatWql/fv3q2fPnoqPj9eQIUO0YcMGjRw50uXvJDAwUHPmzFFUVJS2bdumwYMHKzAwUI8++qhjzO7du/X+++9ryZIlysrK0qBBg/Tggw9q/vz5kqT58+dr3LhxeuWVV9S4cWNt3rxZgwcPVkBAgOLi4oxrjh07Vj/++KOWLVum8uXLa/fu3Tp16pTLtQOAW1kArklxcXFW9+7dLcuyrPz8fCs5Odmy2+3WqFGjHMfDw8OtnJwcx3vmzZtn1a5d28rPz3fsy8nJsfz9/a3ly5dblmVZkZGR1uTJkx3Hc3NzrYoVKzquZVmW1apVK+vhhx+2LMuydu7caUmykpOTL1rnV199ZUmy/vzzT8e+06dPW6VLl7bWrVvnNHbQoEHW3XffbVmWZSUmJloxMTFOx8eMGWOc60KSrEWLFl3y+JQpU6wmTZo4Xj/11FOWr6+v9dtvvzn2LVu2zPLx8bEOHjxoWZZlVa9e3VqwYIHTeSZNmmTFxsZalmVZe/futSRZmzdvtizLsrp162YNHDjwkjUAQFFAkghcw5YuXaoyZcooNzdX+fn56tu3r8aPH+84Xr9+faf7ELds2aLdu3crMDDQ6TynT59WWlqaMjMzdfDgQTVr1sxxrESJErrxxhuNKefzUlNT5evrq1atWhW47t27d+vkyZNq37690/4zZ86ocePGkqQdO3Y41SFJsbGxBb7Gee+9956mT5+utLQ0nThxQmfPnlVQUJDTmMqVK+u6665zuk5+fr527typwMBApaWladCgQRo8eLBjzNmzZxUcHHzRaz7wwAPq1auXNm3apA4dOqhHjx665ZZbXK4dANyJJhG4hrVp00YzZ86Un5+foqKiVKKE81/5gIAAp9cnTpxQkyZNHNOof1WhQoXLquH89LErTpw4IUn67LPPnJoz6dx9loUlJSVF/fr104QJE9SxY0cFBwdr4cKFeuGFF1yu9Y033jCaVl9f34u+p3Pnzvr111/1+eefKzk5WW3btlV8fLyef/75y/8wAFDIaBKBa1hAQIBq1KhR4PE33HCD3nvvPYWFhRlp2nmRkZH67rvv1LJlS0nnErONGzfqhhtuuOj4+vXrKz8/X2vWrFG7du2M4+eTzLy8PMe+mJgY2e127du375IJZN26dR0P4Zz37bff/vOH/It169YpOjpaTzzxhGPfr7/+aozbt2+fDhw4oKioKMd1fHx8VLt2bYWHhysqKkp79uxRv379CnztChUqKC4uTnFxcWrRooVGjx5NkwigSOHpZgAO/fr1U/ny5dW9e3d9/fXX2rt3r1avXq2HHnpIv/32myTp4Ycf1nPPPafFixfrp59+0oMPPvi3axxWqVJFcXFxuu+++7R48WLHOd9//31JUnR0tGw2m5YuXarDhw/rxIkTCgwM1KhRozRixAjNnTtXaWlp2rRpk15++WXNnTtXkjR06FDt2rVLo0eP1s6dO7VgwQLNmTPHpc9bs2ZN7du3TwsXLlRaWpqmT5+uRYsWGeNKlSqluLg4bdmyRV9//bUeeugh9e7dWxEREZKkCRMmKCkpSdOnT9fPP/+sbdu2afbs2XrxxRcvet1x48bpk08+0e7du7V9+3YtXbpUdevWdal2AHA3mkQADqVLl9batWtVuXJl9ezZU3Xr1tWgQYN0+vRpR7I4cuRI3XvvvYqLi1NsbKwCAwN1xx13/O15Z86cqTvvvFMPPvig6tSpo8GDBys7O1uSdN1112nChAl67LHHFB4ermHDhkmSJk2apLFjxyopKUl169ZVp06d9Nlnn6lq1aqSzt0n+NFHH2nx4sVq2LChZs2apWeffdalz3v77bdrxIgRGjZsmBo1aqR169Zp7NixxrgaNWqoZ8+e6tKlizp06KAGDRo4LXFz//33680339Ts2bNVv359tWrVSnPmzHHUeiE/Pz8lJiaqQYMGatmypXx9fbVw4UKXagcAd7NZl7rbHAAAAF6LJBEAAAAGmkQAAAAYaBIBAABgoEkEAACAgSYRAAAABppEAAAAGGgSAQAAYKBJBAAAgIEmEQAAAAaaRAAAABhoEgEAAGD4/wDbiCYrgtOIZAAAAABJRU5ErkJggg==", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "plot_confusion_matrix(y_test, y_pred,(0,1))" + ] + }, + { + "cell_type": "code", + "execution_count": 93, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAr4AAAIjCAYAAADlfxjoAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8pXeV/AAAACXBIWXMAAA9hAAAPYQGoP6dpAACaXElEQVR4nOzdeViUVRsG8HvYF9kUQUQUcDdxwyX3jcQs03LBfcn9cynMct8qNTW3zNzKBZfS1MrStDS1VNJc01RQ0cAFBWURFBDmfH+8zQwjA87gwDvM3L/r4nLmzDvvPDMM+HDmOc9RCCEEiIiIiIjMnJXcARARERERFQcmvkRERERkEZj4EhEREZFFYOJLRERERBaBiS8RERERWQQmvkRERERkEZj4EhEREZFFYOJLRERERBaBiS8RERERWQQmvkTFxN/fH4MGDZI7DIvTpk0btGnTRu4wnmvWrFlQKBRITEyUOxSTo1AoMGvWLKOc6+bNm1AoFNiwYYNRzgcAJ0+ehJ2dHf7991+jndPYevXqhZ49e8odBpHsmPiSWdiwYQMUCoX6y8bGBr6+vhg0aBBu374td3gmLT09HR999BHq1KkDJycnuLm5oWXLloiIiEBJ2dH80qVLmDVrFm7evCl3KHnk5ORg/fr1aNOmDUqXLg17e3v4+/tj8ODBOHXqlNzhGcXWrVuxdOlSucPQUpwxTZ06Fb1790alSpXUY23atNH6neTo6Ig6depg6dKlUCqVOs/z4MEDvP/++6hevTocHBxQunRphIaG4qeffsr3sVNTUzF79mzUrVsXpUqVgqOjI2rXro2JEyfizp076uMmTpyInTt34vz583o/L0t475LlUYiS8j8bUQE2bNiAwYMH48MPP0RAQAAyMjLw559/YsOGDfD398fFixfh4OAga4yZmZmwsrKCra2trHHkdu/ePbRv3x6XL19Gr1690Lp1a2RkZGDnzp34/fffERYWhi1btsDa2lruUAu0Y8cO9OjRA4cOHcozu5uVlQUAsLOzK/a4njx5grfeegv79u1Dq1at0LlzZ5QuXRo3b97E9u3bER0djdjYWFSoUAGzZs3C7NmzkZCQAE9Pz2KP9UW8/vrruHjxYpH94ZGRkQEbGxvY2Ni8cExCCGRmZsLW1tYo7+tz586hfv36OH78OJo2baoeb9OmDa5fv4558+YBABITE7F161b89ddfmDJlCubMmaN1nqioKLRv3x4JCQkYPHgwGjZsiOTkZGzZsgXnzp3DhAkTsHDhQq37xMTEICQkBLGxsejRowdatGgBOzs7/P333/j6669RunRpREdHq49v0qQJqlevjoiIiOc+L0Peu0QliiAyA+vXrxcAxF9//aU1PnHiRAFAbNu2TabI5PXkyRORk5OT7+2hoaHCyspK/PDDD3lumzBhggAgPvnkk6IMUae0tDSDjv/2228FAHHo0KGiCaiQRo8eLQCIJUuW5LktOztbLFy4UMTFxQkhhJg5c6YAIBISEoosHqVSKR4/fmz087722muiUqVKRj1nTk6OePLkSaHvXxQx6TJu3DhRsWJFoVQqtcZbt24tXnrpJa2xJ0+eiEqVKgkXFxeRnZ2tHs/KyhK1a9cWTk5O4s8//9S6T3Z2tggLCxMAxDfffKMef/r0qahbt65wcnISf/zxR564UlJSxJQpU7TGPv30U+Hs7CwePXr03OdlyHv3Rbzo95nIUEx8ySzkl/j+9NNPAoCYO3eu1vjly5dFt27dhIeHh7C3txfBwcE6k7+kpCTx7rvvikqVKgk7Ozvh6+sr+vfvr5WcZGRkiBkzZojKlSsLOzs7UaFCBfH++++LjIwMrXNVqlRJDBw4UAghxF9//SUAiA0bNuR5zH379gkA4scff1SP3bp1SwwePFh4eXkJOzs7UatWLfHVV19p3e/QoUMCgPj666/F1KlTRfny5YVCoRBJSUk6X7PIyEgBQLz99ts6b3/69KmoWrWq8PDwUCdLN27cEADEwoULxeLFi0XFihWFg4ODaNWqlbhw4UKec+jzOqu+d4cPHxajRo0SZcuWFe7u7kIIIW7evClGjRolqlWrJhwcHETp0qVF9+7dxY0bN/Lc/9kvVRLcunVr0bp16zyv07Zt28THH38sfH19hb29vWjXrp24evVqnufw+eefi4CAAOHg4CAaNWokfv/99zzn1CUuLk7Y2NiIV155pcDjVFSJ79WrV8XAgQOFm5ubcHV1FYMGDRLp6elax65bt060bdtWlC1bVtjZ2YmaNWuKL774Is85K1WqJF577TWxb98+ERwcLOzt7dWJjL7nEEKIvXv3ilatWolSpUoJFxcX0bBhQ7FlyxYhhPT6Pvva50449f35ACBGjx4tNm/eLGrVqiVsbGzEd999p75t5syZ6mNTU1PFO++8o/65LFu2rAgJCRGnT59+bkyq9/D69eu1Hv/y5cuiR48ewtPTUzg4OIhq1arlSRx1qVixohg0aFCecV2JrxBCdO/eXQAQd+7cUY99/fXXAoD48MMPdT5GcnKycHd3FzVq1FCPffPNNwKAmDNnznNjVDl//rwAIHbt2lXgcYa+dwcOHKjzjwzVezo3Xd/n7du3Cw8PD52vY0pKirC3txfvvfeeekzf9xSRLvp/bkRUAqk+5vTw8FCP/fPPP2jevDl8fX0xadIkODs7Y/v27ejatSt27tyJN998EwCQlpaGli1b4vLly3j77bfRoEEDJCYmYvfu3bh16xY8PT2hVCrxxhtv4OjRoxg+fDhq1qyJCxcuYMmSJYiOjsb333+vM66GDRsiMDAQ27dvx8CBA7Vu27ZtGzw8PBAaGgpAKkd4+eWXoVAoMGbMGJQtWxY///wzhgwZgtTUVLz77rta9//oo49gZ2eHCRMmIDMzM9+P+H/88UcAwIABA3TebmNjgz59+mD27Nk4duwYQkJC1LdFRETg0aNHGD16NDIyMrBs2TK0a9cOFy5cgLe3t0Gvs8r//vc/lC1bFjNmzEB6ejoA4K+//sLx48fRq1cvVKhQATdv3sTKlSvRpk0bXLp0CU5OTmjVqhXGjRuHzz77DFOmTEHNmjUBQP1vfj755BNYWVlhwoQJSElJwYIFC9C3b1+cOHFCfczKlSsxZswYtGzZEuHh4bh58ya6du0KDw+P537E+/PPPyM7Oxv9+/cv8Lhn9ezZEwEBAZg3bx7OnDmDL7/8El5eXpg/f75WXC+99BLeeOMN2NjY4Mcff8T//vc/KJVKjB49Wut8UVFR6N27N0aMGIFhw4ahevXqBp1jw4YNePvtt/HSSy9h8uTJcHd3x9mzZ7Fv3z706dMHU6dORUpKCm7duoUlS5YAAEqVKgUABv98/Pbbb9i+fTvGjBkDT09P+Pv763yNRo4ciR07dmDMmDGoVasWHjx4gKNHj+Ly5cto0KBBgTHp8vfff6Nly5awtbXF8OHD4e/vj+vXr+PHH3/MU5KQ2+3btxEbG4sGDRrke8yzVIvr3N3d1WPP+1l0c3NDly5dsHHjRly7dg1VqlTB7t27AcCg91etWrXg6OiIY8eO5fn5y62w7119Pft9rlq1Kt58803s2rULq1ev1vqd9f333yMzMxO9evUCYPh7iigPuTNvImNQzfodOHBAJCQkiLi4OLFjxw5RtmxZYW9vr/WRXPv27UVQUJDW7IBSqRTNmjUTVatWVY/NmDEj39kR1ceamzZtElZWVnk+aly1apUAII4dO6Yeyz3jK4QQkydPFra2tuLhw4fqsczMTOHu7q41CztkyBDh4+MjEhMTtR6jV69ews3NTT0bq5rJDAwM1Ovj7K5duwoA+c4ICyHErl27BADx2WefCSE0s2WOjo7i1q1b6uNOnDghAIjw8HD1mL6vs+p716JFC62Pf4UQOp+HaqY6IiJCPVZQqUN+M741a9YUmZmZ6vFly5YJAOqZ68zMTFGmTBnRqFEj8fTpU/VxGzZsEACeO+MbHh4uAIizZ88WeJyKanbs2Rn4N998U5QpU0ZrTNfrEhoaKgIDA7XGKlWqJACIffv25Tlen3MkJycLFxcX0aRJkzwfR+f+aD+/sgJDfj4ACCsrK/HPP//kOQ+emfF1c3MTo0ePznNcbvnFpGvGt1WrVsLFxUX8+++/+T5HXQ4cOJDn0xmV1q1bixo1aoiEhASRkJAgrly5It5//30BQLz22mtax9arV0+4ubkV+FiLFy8WAMTu3buFEELUr1//uffRpVq1auLVV18t8BhD37uGzvjq+j7v379f52vZqVMnrfekIe8pIl3Y1YHMSkhICMqWLQs/Pz90794dzs7O2L17t3p27uHDh/jtt9/Qs2dPPHr0CImJiUhMTMSDBw8QGhqKq1evqrtA7Ny5E3Xr1tU5M6JQKAAA3377LWrWrIkaNWqoz5WYmIh27doBAA4dOpRvrGFhYXj69Cl27dqlHvvll1+QnJyMsLAwANJCnJ07d6Jz584QQmg9RmhoKFJSUnDmzBmt8w4cOBCOjo7Pfa0ePXoEAHBxccn3GNVtqampWuNdu3aFr6+v+nrjxo3RpEkT7N27F4Bhr7PKsGHD8iw2yv08nj59igcPHqBKlSpwd3fP87wNNXjwYK2ZpZYtWwKQFgwBwKlTp/DgwQMMGzZMa1FV3759tT5ByI/qNSvo9dVl5MiRWtdbtmyJBw8eaH0Pcr8uKSkpSExMROvWrRETE4OUlBSt+wcEBKg/PchNn3P8+uuvePToESZNmpRncajqZ6Aghv58tG7dGrVq1Xrued3d3XHixAmtrgWFlZCQgN9//x1vv/02KlasqHXb857jgwcPACDf98OVK1dQtmxZlC1bFjVq1MDChQvxxhtv5Gml9ujRo+e+T579WUxNTTX4vaWK9Xkt8wr73tWXru9zu3bt4OnpiW3btqnHkpKS8Ouvv6p/HwIv9juXCABY6kBmZcWKFahWrRpSUlKwbt06/P7777C3t1fffu3aNQghMH36dEyfPl3nOe7fvw9fX19cv34d3bp1K/Dxrl69isuXL6Ns2bL5nis/devWRY0aNbBt2zYMGTIEgFTm4Onpqf4lnpCQgOTkZKxZswZr1qzR6zECAgIKjFlF9Z/ao0ePtD52zS2/5Lhq1ap5jq1WrRq2b98OwLDXuaC4nzx5gnnz5mH9+vW4ffu2Vnu1ZxM8Qz2b5KiSl6SkJABQ92StUqWK1nE2Njb5fgSfm6urKwDNa2iMuFTnPHbsGGbOnInIyEg8fvxY6/iUlBS4ubmpr+f3ftDnHNevXwcA1K5d26DnoGLoz4e+790FCxZg4MCB8PPzQ3BwMDp16oQBAwYgMDDQ4BhVf+gU9jkCyLftn7+/P9auXQulUonr169jzpw5SEhIyPNHhIuLy3OT0Wd/Fl1dXdWxGxrr8xL6wr539aXr+2xjY4Nu3bph69atyMzMhL29PXbt2oWnT59qJb4v8juXCGDiS2amcePGaNiwIQBpVrJFixbo06cPoqKiUKpUKXX/zAkTJuicBQPyJjoFUSqVCAoKwuLFi3Xe7ufnV+D9w8LCMGfOHCQmJsLFxQW7d+9G79691TOMqnj79euXpxZYpU6dOlrX9ZntBaQa2O+//x5///03WrVqpfOYv//+GwD0moXLrTCvs664x44di/Xr1+Pdd99F06ZN4ebmBoVCgV69euXbC1Vf+bWyyi+JMVSNGjUAABcuXEC9evX0vt/z4rp+/Trat2+PGjVqYPHixfDz84OdnR327t2LJUuW5HlddL2uhp6jsAz9+dD3vduzZ0+0bNkS3333HX755RcsXLgQ8+fPx65du/Dqq6++cNz6KlOmDADNH0vPcnZ21qqNb968ORo0aIApU6bgs88+U4/XrFkT586dQ2xsbJ4/fFSe/VmsUaMGzp49i7i4uOf+nsktKSlJ5x+uuRn63s0vkc7JydE5nt/3uVevXli9ejV+/vlndO3aFdu3b0eNGjVQt25d9TEv+juXiIkvmS1ra2vMmzcPbdu2xeeff45JkyapZ4RsbW21/kPSpXLlyrh48eJzjzl//jzat2+v10e/zwoLC8Ps2bOxc+dOeHt7IzU1Vb2IAwDKli0LFxcX5OTkPDdeQ73++uuYN28eIiIidCa+OTk52Lp1Kzw8PNC8eXOt265evZrn+OjoaPVMqCGvc0F27NiBgQMHYtGiReqxjIwMJCcnax1XmNf+eVSbEVy7dg1t27ZVj2dnZ+PmzZt5/uB41quvvgpra2ts3rzZqIuEfvzxR2RmZmL37t1aSZIhH/Hqe47KlSsDAC5evFjgH4T5vf4v+vNREB8fH/zvf//D//73P9y/fx8NGjTAnDlz1Imvvo+neq8+72ddF1WCeOPGDb2Or1OnDvr164fVq1djwoQJ6tf+9ddfx9dff42IiAhMmzYtz/1SU1Pxww8/oEaNGurvQ+fOnfH1119j8+bNmDx5sl6Pn52djbi4OLzxxhsFHmfoe9fDwyPPzyQAg3eya9WqFXx8fLBt2za0aNECv/32G6ZOnap1TFG+p8gysMaXzFqbNm3QuHFjLF26FBkZGfDy8kKbNm2wevVq3L17N8/xCQkJ6svdunXD+fPn8d133+U5TjX71rNnT9y+fRtr167Nc8yTJ0/U3QnyU7NmTQQFBWHbtm3Ytm0bfHx8tJJQa2trdOvWDTt37tT5H3PueA3VrFkzhISEYP369Tp3hpo6dSqio6PxwQcf5Jmh+f7777VqdE+ePIkTJ06okw5DXueCWFtb55mBXb58eZ6ZJGdnZwDQ+Z9vYTVs2BBlypTB2rVrkZ2drR7fsmVLvjN8ufn5+WHYsGH45ZdfsHz58jy3K5VKLFq0CLdu3TIoLtWM8LNlH+vXrzf6OTp06AAXFxfMmzcPGRkZWrflvq+zs7PO0pMX/fnQJScnJ89jeXl5oXz58sjMzHxuTM8qW7YsWrVqhXXr1iE2NlbrtufN/vv6+sLPz8+gXcw++OADPH36VGvGsnv37qhVqxY++eSTPOdSKpUYNWoUkpKSMHPmTK37BAUFYc6cOYiMjMzzOI8ePcqTNF66dAkZGRlo1qxZgTEa+t6tXLkyUlJS1LPSAHD37l2dvzsLYmVlhe7du+PHH3/Epk2bkJ2drVXmABTNe4osC2d8yey9//776NGjBzZs2ICRI0dixYoVaNGiBYKCgjBs2DAEBgbi3r17iIyMxK1bt9Rber7//vvqHcHefvttBAcH4+HDh9i9ezdWrVqFunXron///ti+fTtGjhyJQ4cOoXnz5sjJycGVK1ewfft27N+/X116kZ+wsDDMmDEDDg4OGDJkCKystP8e/eSTT3Do0CE0adIEw4YNQ61atfDw4UOcOXMGBw4cwMOHDwv92kRERKB9+/bo0qUL+vTpg5YtWyIzMxO7du3C4cOHERYWhvfffz/P/apUqYIWLVpg1KhRyMzMxNKlS1GmTBl88MEH6mP0fZ0L8vrrr2PTpk1wc3NDrVq1EBkZiQMHDqg/YlapV68erK2tMX/+fKSkpMDe3h7t2rWDl5dXoV8bOzs7zJo1C2PHjkW7du3Qs2dP3Lx5Exs2bEDlypX1mm1atGgRrl+/jnHjxmHXrl14/fXX4eHhgdjYWHz77be4cuWK1gy/Pjp06AA7Ozt07twZI0aMQFpaGtauXQsvLy+df2S8yDlcXV2xZMkSDB06FI0aNUKfPn3g4eGB8+fP4/Hjx9i4cSMAIDg4GNu2bcP48ePRqFEjlCpVCp07dzbKz8ezHj16hAoVKqB79+7qbXoPHDiAv/76S+uTgfxi0uWzzz5DixYt0KBBAwwfPhwBAQG4efMm9uzZg3PnzhUYT5cuXfDdd9/pVTsLSKUKnTp1wpdffonp06ejTJkysLOzw44dO9C+fXu0aNFCa+e2rVu34syZM3jvvfe03iu2trbYtWsXQkJC0KpVK/Ts2RPNmzeHra0t/vnnH/WnNbnbsf36669wcnLCK6+88tw4DXnv9urVCxMnTsSbb76JcePG4fHjx1i5ciWqVatm8CLUsLAwLF++HDNnzkRQUFCetoRF8Z4iC1P8jSSIjC+/DSyEkHYGqly5sqhcubK6Xdb169fFgAEDRLly5YStra3w9fUVr7/+utixY4fWfR88eCDGjBkjfH191Y3SBw4cqNVaLCsrS8yfP1+89NJLwt7eXnh4eIjg4GAxe/ZskZKSoj7u2XZmKlevXlU32T969KjO53fv3j0xevRo4efnJ2xtbUW5cuVE+/btxZo1a9THqNp0ffvttwa9do8ePRKzZs0SL730knB0dBQuLi6iefPmYsOGDXnaOeXewGLRokXCz89P2Nvbi5YtW4rz58/nObc+r3NB37ukpCQxePBg4enpKUqVKiVCQ0PFlStXdL6Wa9euFYGBgcLa2lqvDSyefZ3y29jgs88+E5UqVRL29vaicePG4tixYyI4OFh07NhRj1dX2uXqyy+/FC1bthRubm7C1tZWVKpUSQwePFirXVR+O7epXp/cm3bs3r1b1KlTRzg4OAh/f38xf/58sW7dujzHqTaw0EXfc6iObdasmXB0dBSurq6icePG4uuvv1bfnpaWJvr06SPc3d3zbGCh788H/tvYQBfkameWmZkp3n//fVG3bl3h4uIinJ2dRd26dfNsvpFfTPl9ny9evCjefPNN4e7uLhwcHET16tXF9OnTdcaT25kzZwSAPO218tvAQgghDh8+nKdFmxBC3L9/X4wfP15UqVJF2NvbC3d3dxESEqJuYaZLUlKSmDFjhggKChJOTk7CwcFB1K5dW0yePFncvXtX69gmTZqIfv36Pfc5qej73hVCiF9++UXUrl1b2NnZierVq4vNmzcXuIFFfpRKpfDz8xMAxMcff6zzGH3fU0S6KIQw0koOIjJ7N2/eREBAABYuXIgJEybIHY4slEolypYti7feekvnx61kedq3b4/y5ctj06ZNcoeSr3PnzqFBgwY4c+aMQYsticwNa3yJiPKRkZGRp84zIiICDx8+RJs2beQJikzO3LlzsW3bNoMXcxWnTz75BN27d2fSSxaPNb5ERPn4888/ER4ejh49eqBMmTI4c+YMvvrqK9SuXRs9evSQOzwyEU2aNEFWVpbcYRTom2++kTsEIpPAxJeIKB/+/v7w8/PDZ599hocPH6J06dIYMGAAPvnkE61d34iIqGRgjS8RERERWQTW+BIRERGRRWDiS0REREQWweJqfJVKJe7cuQMXFxdud0hERERkgoQQePToEcqXL59nY6cXYXGJ7507d+Dn5yd3GERERET0HHFxcahQoYLRzmdxia+LiwsA6YV0dXWVORoiIiIielZqair8/PzUeZuxWFziqypvcHV1ZeJLREREZMKMXZbKxW1EREREZBGY+BIRERGRRWDiS0REREQWgYkvEREREVkEJr5EREREZBGY+BIRERGRRWDiS0REREQWgYkvEREREVkEJr5EREREZBGY+BIRERGRRWDiS0REREQWgYkvEREREVkEJr5EREREZBGY+BIRERGRRWDiS0REREQWQdbE9/fff0fnzp1Rvnx5KBQKfP/998+9z+HDh9GgQQPY29ujSpUq2LBhQ5HHSUREREQln6yJb3p6OurWrYsVK1bodfyNGzfw2muvoW3btjh37hzeffddDB06FPv37y/iSImIiIiopLOR88FfffVVvPrqq3ofv2rVKgQEBGDRokUAgJo1a+Lo0aNYsmQJQkNDiypMIiIiIipCSiUQFwdERwPRV5RI+OOfInkcWRNfQ0VGRiIkJERrLDQ0FO+++26+98nMzERmZqb6empqalGFR0REREQFePgQiIr6L8GN1ly+ehXIyADK4S7WYzC64QhmF8Hjl6jENz4+Ht7e3lpj3t7eSE1NxZMnT+Do6JjnPvPmzcPs2UXx0hERERHRs548Aa5f153gPniQ//3ewA/4EkNRFokoqmnKEpX4FsbkyZMxfvx49fXU1FT4+fnJGBERERFRyZaToylNeDbBjY0FhND/XG426VhV6j30Sl6tHsv08AKS7hs97hKV+JYrVw737t3TGrt37x5cXV11zvYCgL29Pezt7YsjPCIiIiKzkpiYd9ZWVZqQq5JULxUqANWqSV/Vq0v/BmWdRoVJfaGIitIc2LUr7BcvBgIDjftkUMIS36ZNm2Lv3r1aY7/++iuaNm0qU0REREREJduTJ1IiqyvBffjQsHO5uWmS2twJbpUqQKlSuQ7MyQE+/RSYNg3IzpbGnJyApUuBoUOBR4+M9fS0yJr4pqWl4dq1a+rrN27cwLlz51C6dGlUrFgRkydPxu3btxEREQEAGDlyJD7//HN88MEHePvtt/Hbb79h+/bt2LNnj1xPgYiIiMjk5eRIJQi66m5jYw07l62tlMjqSnDLlgUUCj1OkpEBfPmlJukNDga2bpVOUoRkTXxPnTqFtm3bqq+ranEHDhyIDRs24O7du4jN9d0ICAjAnj17EB4ejmXLlqFChQr48ssv2cqMiIiILJ4QmtKEZxPca9eArCzDzufnp53Uqi5XrAjYvGgG6ewsJbotWgDvvQfMmgXY2b3gSZ9PIYQh5cclX2pqKtzc3JCSkgJXV1e5wyEiIiIySHq6lMjqmr1NTjbsXO7uUjKbO7mtVg2oWlWqPDCaR4+A1FTA11d7/PbtvGMounytRNX4EhEREVmC7Gzg3391z97eumXYuezspERW1+xtmTJ6lia8iMhIoF8/oFw54MgR7eliHUlvUWLiS0RERCQDIYD793UvKrt2DXj6VP9zKRRSCcKzNbfVqknj1tZF9zzylZ0NzJkDfPSRVGQcEwPMnw9MnSpDMBImvkRERERFKD1dk9A+m+CmpBh2rtKl8++akE9nV3nExEizvJGRmrFmzYA+feSLCUx8iYiIiF5YdjZw86buutvbtw07l729VJqgK8EtU6ZIwjceIYBNm4AxYzQtyaytgZkzgcmTjbAq7sUw8SUiIiLSgxDAvXu6626vX9d05tKHQgFUqqS77tbPD7CyKrrnUWSSkoCRI4Ht2zVjgYHAli3Ayy/LF1cuTHyJiIiIcnn0SNrQQdfsraH7Knh66q67rVIFcHAomvhlkZoK1Kun3RR40CDgs88AFxe5osqDiS8RERFZnKdPgRs3dM/e3r1r2LkcHXV3TahWTarJtQiursCbbwLLlgEeHsDq1UCPHnJHlQcTXyIiIjJLQkhJrK5FZTExhpcm+PtrEtvcCW6FCiW0NMHYPvlE2pFt6lSpXsMEMfElIiKiEi01Nf+uCWlphp2rbNm8s7bVq0ulqmZVmvAihADWrpUWrQ0Zohl3cABWrZIvLj0w8SUiIiKTl5UllSboqruNjzfsXI6OuheVVa0qfUpPBUhIAIYNA374QXohmzUDataUOyq9MfElIiIikyAEcOeO7rrbGzekPRD0ZWUFBAToTnDLl2dpQqH88gswcKDmL40nT4CffmLiS0RERJSflBTdZQnR0dJmD4bw9tbdNaFyZWmrXjKCjAypB+/SpZoxT09g3Tqgc2fZwioMJr5ERERkdFlZUm9bXQnuvXuGncvZOW/NbbVqUmmCu3uRhE8qFy4AfftK/6p07AisXw+UKydfXIXExJeIiIgKRamUdiXTtbDsxg3pdn1ZW0ulCbp2KytfXuqqQMVICGD5cuCDD4DMTGnM3h5YuFDala2EfkOY+BIREVGBkpN1Lyq7ehV4/Niwc5Urp7trQkAASxNMSloasGiRJumtU0faga12bXnjekFMfImIiAiZmVJpgq4ENyHBsHOVKpV/1wRX16KJn4zMxQXYvBlo2xYYNw6YO9cs+rkx8SUiIrIQSiVw65burgn//mtYaYKNjdTbVleCW65cif0k3HKlp0tfXl6asZYtpTdIYKB8cRkZE18iIiIz8/Ch7kVlV69KHagMUb687q4JAQGArW3RxE/F7PRpaQGbry/w66/avd7MKOkFmPgSERGVSBkZwLVruhPcxETDzuXiontRWdWq0m1kpnJygE8/BaZNk/ZvjooCliwB3ntP7siKDBNfIiIiE6VUArGxursm/PuvtPBeXzY2Um9bXQmutzdLEyxOXBwwYABw+LBmLDi4xPXlNRQTXyIiIpk9eKC77vbaNWlm1xC+vrq7Jvj7S8kvEbZvB0aMkNp1ANJfPZMmAbNmmX1rDf4IEBERFYMnTzSlCc8muA8fGnYuV1cpmX129rZKFamjApFOqalSh4aNGzVjfn7Apk1A69byxVWMmPgSEREZSU6OdmlC7gQ3Ntaw0gRbWymR1dU1oWxZliaQgVJSgAYNgJgYzVhYGLByJeDhIV9cxYyJLxERkQGEkBaP6Upur13T9PvXl5+f7q4JlSqxNIGMyM0NaNdOSnxdXIAVK4B+/SzuLyj+SBEREenw+LHU/ktXgpuUZNi53N11LyqrUgVwdi6S8InyWrJEqrn58EOza1OmLya+RERksXJypO4IunYri4sz7Fx2dlIiqyvB9fS0uIk1kpMQUt2urS3Qu7dmvFQpaTc2C8bEl4iIzJoQ0pa7uhaVXb8OZGUZdr6KFXXX3VasCFhbF81zINJbUhIwcqTUuaFUKaBxY6mPHQFg4ktERGYiPV1TmvBsgpuSYti5PDw0iW3uBLdKFcDJqWjiJ3phhw8D/ftL+1IDQFoasGMHMHGirGGZEia+RERUYmRnAzdv6q67Vf1fry97e2lnMl0Lyzw9iyR8oqKRlQXMmAEsWKBpHeLuDqxZA/ToIWtopoaJLxERmRQhgHv3dCe3168DT5/qfy6FQuqO8OxmDtWqSd0UWJpAJV5UFNCnD3DmjGasTRsgIkJ6k5MWJr5ERCSLtDTdW/FGR0t99g1RpozuRWWVKwOOjkUTP5GshJBmdMPDpU4NgLSYbc4c4L33ACsreeMzUUx8iYioyDx9KpUm6OqacOeOYedycJBKE55NcKtWlRJfIouSkiJtMaxKeqtXB7ZulTapoHwx8SUiohciBBAfr3tRWUyMVJerL4UC8PfX3TWhQgVOYhGpubsDGzYAHTtKXRwWLeLKSz0w8SUiIr08eqS7LCE6WrrNEGXL6l5UVrmyNLNLRM/IyJB2VSldWjMWGgpcvAi89JJ8cZUwTHyJiEjt6VNpllZXgnv3rmHncnTUvaisWjWpXRgR6enCBWkBW6VKwI8/au+GwqTXIEx8iYgsjBBSEqur7jYmRtrNTF9WVkBAgO4E19eXpQlEL0SpBJYvl/rwZmZKs7urVgGjRskdWYnFxJeIyEylpEgbOuhKcNPTDTuXl5furgmBgVI/XCIysrt3gcGDgf37NWN16gAtW8oXkxlg4ktEVIJlZUmztM/W3EZFSb1wDeHkpHtRWdWq0joaIiomP/wADB0KJCZqxsLDgblzWQT/gpj4EhGZOCGA27d1d024cUP6NFRf1taa0oRnE9zy5bVLB4momKWnSz14V6/WjPn4ABs3Aq+8Il9cZoSJLxGRiUhOzr9rwuPHhp2rXDndi8oCAwE7uyIJn4heRFIS0LSp9MOv0rUrsHYt99A2Iia+RETFKDNT2nZXV4J7/75h5ypVSveisqpVATe3oomfiIqIhwcQHCz9UnByApYtA4YM4ccwRsbEl4jIyJRKqTRB16KymzcNL00IDNS9sMzHh/8nEpmVFSukndg++UT6ISejY+JLRFRISUm6626vXtXsIqovHx/ddbcBAYCtbdHET0Qy2r5daonSpYtmzN0d2LVLtpAsARNfIqICZGRIpQm6uibkXnCtDxcX3XW31apJtxGRBUhNBcaNkxaseXgAf/8t7cdNxYKJLxFZPKUSiIvLW5YQFQX8+6/UVUFfNjbStru6ktty5ViaQGTRIiOBvn2ldiyA9LHR5s3ApEnyxmVBmPgSkcV4+FB33e3Vq9LMriF8fXXP3gYESMkvEZFadjbw8cfSl2prRBcXqaa3Xz95Y7Mw/PVMRGblyRPg2jXdXRMePDDsXK6uuheVVa0qdVQgInqumBgpuY2M1Iw1aybN9AYEyBeXhWLiS0QlTk6OVJqga/Y2Ntaw0gRbW6k0QVeC6+XF0gQiKiQhgIgIYMwYIC1NGrO2BmbMAKZM4UdDMuGrTkQmSQhphlZX14Rr16R+uIaoUEF314RKlfj/DxEVgaQkaRc2VdIbGAhs2QK8/LK8cVk4/ronIlk9fqwpTXg2wU1KMuxcbm6axDZ3glu1KuDsXDTxExHpVLo08OWXwJtvAoMGAZ99xvYtJoCJLxEVuZwcqTuCrrrb2FjDzmVnB1SportrQtmyLE0gIplkZUkfReVObrt2BU6dknZkI5PAxJeIjEIIqa+trrrba9ek/xMMUbGi7q4JlSpJZXJERCYjKgro00f6q/ybb7T/AmfSa1KY+BKRQdLTpfZfz27mEB0NJCcbdi4PD92LyqpUkbaqJyIyaUIAa9YA4eFSS5kzZ4DXXgMGDJA7MsoHE18iyiM7WypN0DV7e+uWYeeyt5cSWV0JbpkyLE0gohIqIQEYOhTYvVszVr06ULu2fDHRczHxJbJQQgD37+teVHb9OvD0qf7nUig0pQnPJrh+fixNICIzs3+/tGAtPl4zNnIksGgRP64ycUx8icxcWpqmNCF3ghsdDaSkGHauMmV0191WqQI4OhZN/EREJiMjA5g8GVi6VDPm6QmsWwd07ixbWKQ/Jr5EZiA7W9r6XVfXhNu3DTuXg4PU/ktXglumTNHET0Rk8h4+BNq0AS5c0Ix17AisXw+UKydbWGQYJr5EJYQQwL17uutur1+Xkl99KRRSdwRddbd+foCVVdE9DyKiEsnDQ9qE4sIFafHCwoXSrmxcqFCiMPElMjGPHkmlCboS3EePDDuXp6fuutvKlaWZXSIi0pNCIW1I8eSJVMvLRWwlEhNfIhk8faopTXg2wb1717BzOTpKpQnPbuZQrZq0cRARERXC7t3SzG5oqGbM01Na2EYlFhNfoiIihJTE6qq7jYkxrDTBygrw99c9e+vry9IEIiKjSU8H3nsPWL0a8PKSShu8vOSOioyEiS/RC0pN1Z3cRkdLHRUM4eWle1FZ5crSxAMRERWh06elHdiio6Xr9+9LHRsmTZI3LjIaJr5EesjKkmZpdSW4uds46sPJSbscQZXgVq0qrZ0gIqJilpMDfPopMG2a5uM4JyepbdnQobKGRsbFxJfoP0IAd+7oXlR244b0e1FfVlZAQIDurgnly7M0gYjIZMTFAf37A0eOaMaCg4GtW6Vf2mRWmPiSxUlJ0b2o7OpVqbTLEN7euutuAwMBO7uiiZ+IiIxk+3ZgxAggOVm6rlBIZQ2zZvGXuJli4ktmKTNTU5rwbIJ7/75h53J2zpvcqr7c3IomfiIiKmKJicCwYdJCDUBqYr5pE9C6tbxxUZFi4kslllIp7Uqmq+72xg3pdn1ZW0uztLpmb3182J+ciMjseHoCK1cCffsCYWHSZS60MHtMfMnkJSXpTm6vXgUePzbsXD4+ursmBAYCtrZFEz8REZmA7GxppbKTk2asTx+gQgWgZUvOcFgIJr5kEjIzpW13VYlt7gQ3IcGwc5UqpXtRWdWqgKtr0cRPREQmLCYG6NcPqFFDak+WW6tW8sREsmDiS8VGqQRu3dJdd/vvv4aVJtjYSLO0uhLccuX4hzsREUFq17NpEzB6tNRYPTISePVVoEcPuSMjmTDxJaN7+DD/rgkZGYadq3x53XW3/v4sTSAiogIkJQEjR0qdG1QCA6VFbGSxmPhSoWRkANeu6U5wHzww7FwuLlIy+2zXhKpVpduIiIgMcviw1Jv31i3N2KBBwGef8T8WC8fEl/KlVAKxsboXlv37r/QJkr5sbaVtd3XN3np5sTSBiIiMICsLmDEDWLBA85+UhwewejXLGwgAE1+CNEOra7eyq1elRWeG8PXVJLa5E1x/f6kul4iIqEg8eAB06ACcOaMZa9sWiIiQOjcQgYmvxXjyRCpN0JXgPnxo2Lnc3HQvKqtSReqoQEREVOw8PKTevID0MeOcOcB773GPeNLCxNeM5ORoShOeTXBjYw07l62tlMjqSnDLlmVpAhERmRgrK2DDBqBnT2DZMqBBA7kjIhPExLeEEULaZfHZ5DY6WprRNbQ0wc9Pd91txYosTSAiIhP2yy+Ag4N2H14fH+CPP+SLiUye7KnNihUrsHDhQsTHx6Nu3bpYvnw5GjdunO/xS5cuxcqVKxEbGwtPT090794d8+bNg4ODQzFGXXz+/BM4eFB7Y4fkZMPO4e6uu+62alXtDWyIiIhMXkYGMHkysHSpVLv799/capj0Jmviu23bNowfPx6rVq1CkyZNsHTpUoSGhiIqKgpeXl55jt+6dSsmTZqEdevWoVmzZoiOjsagQYOgUCiwePFiGZ5B0Tp5EmjaVL9j7eykRFbXdryenixNICIiM3DhAtC3r/QvILUrW7MGmDhR3rioxJA18V28eDGGDRuGwYMHAwBWrVqFPXv2YN26dZg0aVKe448fP47mzZujT58+AAB/f3/07t0bJ06cKNa4i8uRI3nHKlbUXXdbsSJgbV38MRIRERU5pRJYvlxKcFU1ffb2wMKFwJgx8sZGJYpsiW9WVhZOnz6NyZMnq8esrKwQEhKCyMhInfdp1qwZNm/ejJMnT6Jx48aIiYnB3r170b9//3wfJzMzE5m5Cl9TU1ON9ySK2M2bmsvbtgGdOwOOjrKFQ0REVPzu3gUGDwb279eMBQUBW7cCtWvLFxeVSLIlvomJicjJyYG3t7fWuLe3N65cuaLzPn369EFiYiJatGgBIQSys7MxcuRITJkyJd/HmTdvHmbPnm3U2IvLv/9qLrdqxaSXiIgszA8/AEOHSqu6VcLDgblzpYVtRAYqUc3tDh8+jLlz5+KLL77AmTNnsGvXLuzZswcfffRRvveZPHkyUlJS1F9xcXHFGPGLUc34OjgAz/x9QEREZN4SEqR6XlXS6+MjzfouXsyklwpNthlfT09PWFtb4969e1rj9+7dQ7ly5XTeZ/r06ejfvz+GDh0KAAgKCkJ6ejqGDx+OqVOnwkpHk2p7e3vY29sb/wkUMSE0iW/FilycRkREFqZsWalzw7BhQJcuwJdfajaoICok2WZ87ezsEBwcjIMHD6rHlEolDh48iKb5tDJ4/PhxnuTW+r8VXUK1J7eZePgQSE+XLvv7yxoKERFR0cvJyduMfsgQ4Oefge++Y9JLRiFrV4fx48dj4MCBaNiwIRo3boylS5ciPT1d3eVhwIAB8PX1xbx58wAAnTt3xuLFi1G/fn00adIE165dw/Tp09G5c2d1Amwuci9sY+JLRERmLS4OGDBAWqy2fLlmXKEAOnaULy4yO7ImvmFhYUhISMCMGTMQHx+PevXqYd++feoFb7GxsVozvNOmTYNCocC0adNw+/ZtlC1bFp07d8acOXPkegpFJvfCtkqV5IuDiIioSG3fDowYIe3OdPgw8OqrQKdOckdFZkohzK1G4DlSU1Ph5uaGlJQUuLq6yh1OvhYvBt57T7q8ZQvwX+tiIiIi85CaCowbB2zcqBnz85P+02vZUr64yCQUVb4m+5bFpBtLHYiIyGxFRgL9+gExMZqxsDBg5UpuP0xFqkS1M7MkLHUgIiKzk50NzJ4tzeiqkl4XFyAiAvj6aya9VOQ442uiVDO+trZS60IiIqIS7cEDaQvS3LuzNmsGbN4MBATIFxdZFM74mqjcPXx1tCcmIiIqWdzdAZv/5tusraWZ3yNHmPRSsWJKZYKSk6Waf4D1vUREZCasrYFNm4AGDYCjR4EZMzSJMFEx4TvOBHFhGxERlXhHjgCOjkDjxpqxSpWAU6e4HSnJhjO+Jih34suFbUREVKJkZQGTJwNt2wK9ewOPHmnfzqSXZMTE1wTl7ujAGV8iIioxoqKApk2BTz4BhJA6N6xcKXdURGpMfE0QSx2IiKhEEQJYswaoXx84c0Yas7UFFiwAJkyQNzaiXFjja4JY6kBERCVGQgIwbBjwww+aserVga1bpYVsRCaEM74mSFXqYGMDlC8vbyxERET52r8fqFNHO+kdOVKa9WXSSyaIM74mSDXj6+fHTi9ERGSi7t0DunYFMjKk656ewLp10iYVRCaKM74mJjUVSEqSLrPMgYiITJa3t7SIDQBCQ4ELF5j0ksnjfKKJYUcHIiIySUolkJMjLVpTGTsWqFABePNNbjNKJQLfpSaGHR2IiMjk3L0LvPoqMG2a9riVFdCtG5NeKjH4TjUx7OhAREQm5YcfgKAg4JdfgIULgd9+kzsiokJj4mtiWOpAREQmIT1d6tDQtSvw4IE05u0ta0hEL4o1viaGM75ERCS706eBPn2A6GjNWJcuwJdfSt0biEoozviaGNWMr5WVtF6AiIio2OTkAPPnAy+/rEl6nZykXdm++45JL5V4nPE1MaoZ3woVtBfOEhERFanERKBHD+DwYc1YcLC0A1u1arKFRWRMnPE1Ienp0u8dgGUORERUzNzcgLQ06bJCAUyeDBw/zqSXzAoTXxPChW1ERCQbW1tgyxagZk3g0CFg7lzAzk7uqIiMiqUOJoQ9fImIqNhERkr1u3XrasaqVQMuXmRfXjJbfGebEHZ0ICKiIpedDcyeDbRsCfTuDTx+rH07k14yY3x3mxCWOhARUZGKiQFatQJmzZI6OFy+DHzxhdxRERUbJr4mhKUORERUJIQAIiKAevWkEgcAsLYGPvwQePddOSMjKlas8TUhqsRXoQD8/GQNhYiIzEVSkrQD2/btmrHKlYHNm6V+vUQWhDO+JkRV6lC+PBfSEhGRERw+DNSpo530Dh4MnD3LpJcsEmd8TcSTJ8C9e9JlljkQEdELu3sXCA0FsrKk6x4ewOrV0iYVRBaKM74mIvfCNnZ0ICKiF+bjA8ycKV1u2xb4+28mvWTxOONrItjRgYiIXogQgFIpLVpTmThRWjTSty/blBGBM74mgx0diIio0BISgDffBD7+WHvc2hro359JL9F/+JNgIrh5BRERFcr+/dICth9+AD76SNOujIjyYOJrIljqQEREBsnIAMLDgY4dgfh4aczDA3j0SN64iEwYa3xNRO4Z34oVZQuDiIhKggsXpLrdCxc0Y6GhwIYNQLlysoVFZOo442siVDO+5coBDg7yxkJERCZKqQSWLQMaNdIkvfb20tjevUx6iZ6DM74mIDMTuHNHuswyByIi0unBA2mWd/9+zVhQELB1K1C7tnxxEZUgnPE1AbGxmstc2EZERDo5OwO3b2uuh4cDJ08y6SUyABNfE8CFbURE9FwODtLsbkCANOu7eDFr44gMxFIHE8AevkRElMfp09Isb40amrGgICA6GrDhf99EhcEZXxPAHr5ERKSWkwPMnw+8/DLQu7e0ECQ3Jr1EhcbE1wSw1IGIiAAAcXFA+/bApElAdjZw7hzwxRdyR0VkNpj4mgDO+BIREbZvl3ZgO3JEuq5QAJMnA6NHyxsXkRnh5yUmQJX4li0LODnJGgoRERW31FRg3Dhg40bNmJ8fsGkT0Lq1fHERmSEmvjLLymIPXyIiixUZCfTrB8TEaMbCwoCVK6Xth4nIqJj4yuzWLWkjHoCJLxGRRbl9G2jTRpoBAQAXF2DFCikRVihkDY3IXLHGV2as7yUislC+vsCECdLlZs2A8+eB/v2Z9BIVIc74yowdHYiILIQQ0r+5E9tZs4CKFYEhQ9imjKgYcMZXZpzxJSKyAElJQK9ewKJF2uO2tsCIEUx6iYoJE1+Zcdc2IiIzd/iw1KZs+3ZgyhTg7Fm5IyKyWEx8ZZa71IEzvkREZiQrS9qIol07aSUzAJQqBcTHyxsXkQXjZysyU834li4tLeglIiIzEBUF9OkDnDmjGWvbFoiIACpUkC8uIgvHGV8ZZWdrJgFY5kBEZAaEAFavBurX1yS9trbAggXAgQNMeolk9kIzvhkZGXBwcDBWLBbn9m0gJ0e6zMSXiKiEe/gQGDwY2L1bM1a9OrB1K9CggXxxEZGawTO+SqUSH330EXx9fVGqVCnE/LfbzPTp0/HVV18ZPUBzxo4ORERmxN4euHJFc33UKGnWl0kvkckwOPH9+OOPsWHDBixYsAB2dnbq8dq1a+PLL780anDmjj18iYjMiLMzsGULUL68NOv7xReAk5PcURFRLgYnvhEREVizZg369u0La2tr9XjdunVxJfdfuvRcbGVGRFSCXbgA/Pepp1rDhtJY587yxEREBTI48b19+zaqVKmSZ1ypVOLp06dGCcpSsNSBiKgEUiqBZcuARo2Avn2llcq52dvLExcRPZfBiW+tWrXwxx9/5BnfsWMH6tevb5SgLAV7+BIRlTB37wKvvgq8+y6QmQn8+SewcqXcURGRngzu6jBjxgwMHDgQt2/fhlKpxK5duxAVFYWIiAj89NNPRRGj2VLN+Lq7S19ERGTCfvgBGDIEePBAMxYeDgwbJl9MRGQQg2d8u3Tpgh9//BEHDhyAs7MzZsyYgcuXL+PHH3/EK6+8UhQxmqWcHCA2VrrM2V4iIhOWng6MHAl07apJen18gP37gcWLAbb1JCoxCtXHt2XLlvj111+NHYtFuXtXUxbGhW1ERCbq9GlpB7boaM1Y167A2rWAp6dsYRFR4Rg84xsYGIgHuT/m+U9ycjICAwONEpQlYEcHIiITFxcHNGumSXqdnKSEd9cuJr1EJZTBie/NmzeRo9puLJfMzEzcvn3bKEFZAnZ0ICIycX5+wP/+J10ODgbOngWGDgUUCnnjIqJC07vUYXeuLRj3798PNzc39fWcnBwcPHgQ/py61Bs3ryAiMkFCaCe28+YBFSsCo0cDuTZtIqKSSe/Et2vXrgAAhUKBgQMHat1ma2sLf39/LFq0yKjBmTPO+BIRmZDUVGDcOKBxY80sLyAtXAsPly8uIjIqvRNfpVIJAAgICMBff/0FT9Y3vRDW+BIRmYjISGkjihs3gG3bgLZtgZo15Y6KiIqAwTW+N27cYNJrBKpSBxcXwMND3liIiCxSdjYwaxbQsqWU9AKArS1w/bqsYRFR0SlUO7P09HQcOXIEsbGxyMrK0rpt3LhxRgnMnCmVmsS3UiWukyAiKnYxMUC/ftJsr0qzZsDmzUBAgHxxEVGRMjjxPXv2LDp16oTHjx8jPT0dpUuXRmJiIpycnODl5cXEVw/x8YDq7wWWORARFSMhgIgIYMwYIC1NGrO2BmbMAKZMAWwKNR9ERCWEwaUO4eHh6Ny5M5KSkuDo6Ig///wT//77L4KDg/Hpp58WRYxmhx0diIhkkJwM9OoFDBqkSXoDA4GjR6XEl0kvkdkzOPE9d+4c3nvvPVhZWcHa2hqZmZnw8/PDggULMGXKlKKI0eywowMRkQwUCuDECc31QYOAc+eAl1+WKyIiKmYGJ762trawspLu5uXlhdjYWACAm5sb4uLijBudmeKMLxGRDNzcgE2bpF3Xtm8H1q+XVhgTkcUw+HOd+vXr46+//kLVqlXRunVrzJgxA4mJidi0aRNq165dFDGaHbYyIyIqBlFRgLMzUKGCZqxlS+mXsLOzbGERkXwMnvGdO3cufHx8AABz5syBh4cHRo0ahYSEBKxevdroAZojljoQERUhIYDVq4H69YEBA6RWOrkx6SWyWAohhJA7iOKUmpoKNzc3pKSkwNXVVZYYatYErlwBnJyk9RVsZ0ZEZCQJCcDQocDu3ZqxlSuBkSPli4mIDFZU+ZrBM775OXPmDF5//XVjnc5sCaGZ8fX3Z9JLRGQ0+/cDdepoJ70jR0qzvkREMDDx3b9/PyZMmIApU6YgJiYGAHDlyhV07doVjRo1Um9rbIgVK1bA398fDg4OaNKkCU6ePFng8cnJyRg9ejR8fHxgb2+PatWqYe/evQY/rlzu3wcyMqTLLHMgIjKCjAwgPBzo2FFqlA5IC9h275Zme52c5I2PiEyG3ovbvvrqKwwbNgylS5dGUlISvvzySyxevBhjx45FWFgYLl68iJoG7m2+bds2jB8/HqtWrUKTJk2wdOlShIaGIioqCl5eXnmOz8rKwiuvvAIvLy/s2LEDvr6++Pfff+Hu7m7Q48qJHR2IiIzowgWgb1/pX5XQUGDDBqBcOdnCIiLTpHfiu2zZMsyfPx/vv/8+du7ciR49euCLL77AhQsXUCH3ilkDLF68GMOGDcPgwYMBAKtWrcKePXuwbt06TJo0Kc/x69atw8OHD3H8+HHY2toCAPxLWPbIhW1EREby779Ao0ZAZqZ03d4eWLBA2pXNymiVfERkRvT+zXD9+nX06NEDAPDWW2/BxsYGCxcuLHTSm5WVhdOnTyMkJEQTjJUVQkJCEJl77/Rcdu/ejaZNm2L06NHw9vZG7dq1MXfuXOTk5OT7OJmZmUhNTdX6khNbmRERGUmlSpr63aAg4NQpYNw4Jr1ElC+9fzs8efIETv/VSSkUCtjb26vbmhVGYmIicnJy4O3trTXu7e2NeFWN1jNiYmKwY8cO5OTkYO/evZg+fToWLVqEjz/+ON/HmTdvHtzc3NRffn5+hY7ZGFjqQERkREuWAB9/DJw8CbCXPBE9h0EbWHz55ZcoVaoUACA7OxsbNmyAp6en1jHjxo0zXnTPUCqV8PLywpo1a2BtbY3g4GDcvn0bCxcuxMyZM3XeZ/LkyRg/frz6empqqqzJL0sdiIgKIT0deO89aXvhQYM0487OwNSpsoVFRCWL3olvxYoVsXbtWvX1cuXKYdOmTVrHKBQKvRNfT09PWFtb4969e1rj9+7dQ7l8FiT4+PjA1tYW1tbW6rGaNWsiPj4eWVlZsLOzy3Mfe3t72Nvb6xVTcVAlvg4OwDOT3UREpMvp09ICtqgoYMsWafe1ypXljoqISiC9E9+buacqjcDOzg7BwcE4ePAgunbtCkCa0T148CDGjBmj8z7NmzfH1q1boVQqYfVfDVd0dDR8fHx0Jr2mRghNqUOlSuzhS0RUoJwc4NNPgWnTgOxsaUypBC5eZOJLRIUi6wqA8ePHY+3atdi4cSMuX76MUaNGIT09Xd3lYcCAAZg8ebL6+FGjRuHhw4d45513EB0djT179mDu3LkYPXq0XE/BIA8eSJ/WASxzICIqUFwc0L49MGmSJukNDgbOngW6dJE3NiIqsQyq8TW2sLAwJCQkYMaMGYiPj0e9evWwb98+9YK32NhY9cwuAPj5+WH//v0IDw9HnTp14Ovri3feeQcTJ06U6ykYhB0diIj0sH07MGIEkJwsXVcopAR41iygBHy6R0SmSyGEEHIHUZyKau9nfezcCXTvLl2eOxfINZlNRESPHgFjxwIbN2rG/PyATZuA1q3li4uIil1R5WtsdliM2NGBiKgAmZnAL79oroeFAefPM+klIqNh4luM2MOXiKgAnp7SbK+rKxARAXz9NeDhIXdURGRGCpX4Xr9+HdOmTUPv3r1x//59AMDPP/+Mf/75x6jBmRvW+BIR5RITAzzT0hKvvCLNEvTvz9Y3RGR0Bie+R44cQVBQEE6cOIFdu3YhLS0NAHD+/Pl8N5EgiSrxtbMD8mlVTERk/oSQZnbr1gXeflu6npu7uyxhEZH5MzjxnTRpEj7++GP8+uuvWr1z27Vrhz///NOowZmT3D18K1bkVvJEZKGSkoBevaTd19LSgL17gfXr5Y6KiCyEwenXhQsX8Oabb+YZ9/LyQmJiolGCMkfJyUBqqnSZZQ5EZJEOHwbq1JHalakMGgT06CFXRERkYQxOfN3d3XH37t0842fPnoWvr69RgjJH7OhARBYrK0vqw9uuHXDrljTm4SElwOvXAy4u8sZHRBbD4MS3V69emDhxIuLj46FQKKBUKnHs2DFMmDABAwYMKIoYzQI7OhCRRbpyBWjaFJg/X1PL27Yt8PffnOklomJncOI7d+5c1KhRA35+fkhLS0OtWrXQqlUrNGvWDNOmTSuKGM0CZ3yJyOLExAANGgBnzkjXbW2BBQuAAweAChXkjY2ILJLBWxbb2dlh7dq1mD59Oi5evIi0tDTUr18fVatWLYr4zAZbmRGRxQkMBN56C9iyBaheHdi6VUqEiYhkYnDie/ToUbRo0QIVK1ZExYoViyIms8RSByKySCtWSB9zTZ0KODnJHQ0RWTiDSx3atWuHgIAATJkyBZcuXSqKmMySasbXxgYoX17WUIiIjC8jAwgPB779VnvczQ2YM4dJLxGZBIMT3zt37uC9997DkSNHULt2bdSrVw8LFy7ELdVKXdJJlfj6+QHW1rKGQkRkXBcuAI0bA0uXAsOHA3FxckdERKSTwYmvp6cnxowZg2PHjuH69evo0aMHNm7cCH9/f7Rr164oYizxUlKkPr4AyxyIyIwolcCyZUCjRlLyCwBPngCnTskbFxFRPgyu8c0tICAAkyZNQt26dTF9+nQcOXLEWHGZldz1vezoQERm4e5dYPBgYP9+zVhQkLSArXZt+eIiIipAoTfOPXbsGP73v//Bx8cHffr0Qe3atbFnzx5jxmY22NGBiMzKDz9IO7DlTnrDw4GTJ5n0EpFJM3jGd/Lkyfjmm29w584dvPLKK1i2bBm6dOkCJy5cyBc7OhCRWUhPB957D1i9WjPm4wNs2AB06CBbWERE+jI48f3999/x/vvvo2fPnvD09CyKmMwON68gIrOQmgrs3Km53rUrsHYtwP8LiKiEMDjxPXbsWFHEYdZY6kBEZsHHB/jyS6BPH2lR25AhgEIhd1RERHrTK/HdvXs3Xn31Vdja2mL37t0FHvvGG28YJTBzoip1sLbmLp1EVILExQHOzkDp0pqxLl2AGzcALy/54iIiKiSFEEI87yArKyvEx8fDy8sLVlb5r4dTKBTIyckxaoDGlpqaCjc3N6SkpMDV1bVYHtPTE3jwAKhYUbvel4jIZG3fDowYAYSESJc5s0tExaio8jW9ujoolUp4/ffXvVKpzPfL1JNeOaSlSUkvwDIHIioBUlOBQYOAsDCpAfmOHVKLMiIiM2BwO7OIiAhkZmbmGc/KykJERIRRgjIn7OFLRCVGZCRQrx6wcaNmLCwM6NRJtpCIiIzJ4MR38ODBSElJyTP+6NEjDB482ChBmRMubCMik5edDcyeDbRsKdXvAoCLCxARAXz9NeDhIW98RERGYnBXByEEFDpqvW7dugU3NzejBGVO2MOXiExaTAzQr58026vSrBmweTMQECBfXERERUDvxLd+/fpQKBRQKBRo3749bGw0d83JycGNGzfQsWPHIgmyJGMPXyIyWdeuAQ0aAI8eSdetrYEZM4ApUwCbF9rRnojIJOn9m61r164AgHPnziE0NBSlSpVS32ZnZwd/f39069bN6AGWdCx1ICKTVbky0L498P33QGAgsGUL8PLLckdFRFRk9E58Z86cCQDw9/dHWFgYHBwciiwoc6IqdVAoAD8/eWMhItKiUEg7r1WqBHz0kVTXS0RkxvTq42tOiruPr7c3cP8+4OsL3LpV5A9HRKRbVpZUxtCyJfDaa3JHQ0RUoKLK1/Sa8S1dujSio6Ph6ekJDw8PnYvbVB4+fGi04Eq6x4+lpBdgmQMRySgqStpm+MwZYP164O+/pb/KiYgsjF6J75IlS+Dy30dgS5YsKTDxJY3YWM1lJr5EVOyEANasAcLDgSdPpLGkJODYMeCtt+SNjYhIBnolvgMHDlRfHjRoUFHFYnbY0YGIZJOQAAwdCuzerRmrXl3aha1BA/niIiKSkcEbWJw5cwYXLlxQX//hhx/QtWtXTJkyBVlZWUYNrqRjRwciksX+/UCdOtpJ76hRUqkDk14ismAGJ74jRoxAdHQ0ACAmJgZhYWFwcnLCt99+iw8++MDoAZZk3LyCiIpVRoZU1tCxIxAfL415ekoJ8BdfAE5O8sZHRCQzgxPf6Oho1KtXDwDw7bffonXr1ti6dSs2bNiAnTt3Gju+Eo2lDkRUrO7flxavqXTsCFy4AHTuLF9MREQmxODEVwgBpVIJADhw4AA6deoEAPDz80NiYqJxoyvhcie+FSvKFgYRWYqKFYGVKwF7e+Czz4C9e4Fy5eSOiojIZBi8J2XDhg3x8ccfIyQkBEeOHMHKlSsBADdu3IA32+NoUZU6+PgA3O+DiIzu7l3A2RnI3eOyd2+gRQvumENEpIPBM75Lly7FmTNnMGbMGEydOhVVqlQBAOzYsQPNmjUzeoAlVUaG9H8SwDIHIioCP/wgLWAbNy7vbUx6iYh0MtrObRkZGbC2toatra0xTldkimvntqtXgWrVpMu9egFff11kD0VEliQ9HXjvPWD1as3Yjh1At27yxUREZGSy7tymy+nTp3H58mUAQK1atdCALXK0cGEbERnd6dPSDmz/ddYBAHTtCrRuLVtIREQlicGJ7/379xEWFoYjR47A3d0dAJCcnIy2bdvim2++QdmyZY0dY4nEHr5EZDQ5OcCnnwLTpgHZ2dKYkxOwbBkwZAjA3TSJiPRicI3v2LFjkZaWhn/++QcPHz7Ew4cPcfHiRaSmpmKcrlozC8UevkRkFHFxQPv2wKRJmqQ3OBg4e1bamY1JLxGR3gye8d23bx8OHDiAmjVrqsdq1aqFFStWoEOHDkYNriRjqQMRvbDoaKBJEyA5WbquUEgJ8KxZgJ2dnJEREZVIBs/4KpVKnQvYbG1t1f19iYkvERlBlSpS4gtInRoOHQLmzmXSS0RUSAYnvu3atcM777yDO3fuqMdu376N8PBwtG/f3qjBlWSqUgcvL+4SSkSFZGUl7cQ2fDhw/jwXsRERvSCDE9/PP/8cqamp8Pf3R+XKlVG5cmUEBAQgNTUVy5cvL4oYS5ysLOD2bekyZ3uJSC/Z2cDs2cBvv2mP+/hIrcs8POSJi4jIjBhc4+vn54czZ87g4MGD6nZmNWvWREhIiNGDK6ni4gBVd2QubCOi54qJAfr1AyIjAV9f4O+/gdKl5Y6KiMjsGJT4btu2Dbt370ZWVhbat2+PsWPHFlVcJRo7OhCRXoQANm0CxowBHj2SxuLjpVpebkhBRGR0eie+K1euxOjRo1G1alU4Ojpi165duH79OhYuXFiU8ZVIXNhGRM+VlASMHAls364ZCwwEtmwBXn5ZvriIiMyY3jW+n3/+OWbOnImoqCicO3cOGzduxBdffFGUsZVY3LyCiAp0+DBQp4520jtoEHDuHJNeIqIipHfiGxMTg4EDB6qv9+nTB9nZ2bh7926RBFaSsdSBiHTKygImTwbatQNu3ZLG3N2lBHj9esDFRdbwiIjMnd6lDpmZmXB2dlZft7Kygp2dHZ48eVIkgZVkLHUgIp1u3QKWL9esfm3TBoiIkHr0EhFRkTNocdv06dPhlKspbVZWFubMmQM3Nzf12OLFi40XXQmlSnzLlAFKlZI1FCIyJYGBwLJlwKhRwJw5wHvvSb16iYioWOid+LZq1QpRUVFaY82aNUNMTIz6uoJ7xiM7mz18ieg/iYnSDja5d7F5+21pI4oqVeSLi4jIQumd+B4+fLgIwzAft24BOTnSZdb3Elmw/fulBWtvvQWsWKEZVyiY9BIRyYSfsRkZF7YRWbiMDCA8HOjYUerJ+8UXwJ49ckdFREQoxM5tVDAubCOyYBcuAH37Sv+qdOwIBAfLFxMREalxxtfI2MOXyAIpldKitUaNNEmvvT3w2WfA3r1AuXLyxkdERAA442t0LHUgsjB37wKDB0s1vSpBQcDWrUDt2vLFRUREeTDxNTKWOhBZkKgooEULqXuDSng4MHcu4OAgX1xERKRToUod/vjjD/Tr1w9NmzbF7f96d23atAlHjx41anAlkSrxdXcHcrU3JiJzVKUKUKuWdNnHR5r1XbyYSS8RkYkyOPHduXMnQkND4ejoiLNnzyIzMxMAkJKSgrlz5xo9wJIkJweIi5Mus8yByAJYWwObNgH9+wN//w106CB3REREVACDE9+PP/4Yq1atwtq1a2Fra6seb968Oc6cOWPU4EqaO3ekDSwAljkQmZ2cHGD+fOD4ce3xihWlbYc9PeWJi4iI9GZwjW9UVBRatWqVZ9zNzQ3JycnGiKnEYkcHIjMVFyfN6h45AgQEAOfOAa6uckdFREQGMnjGt1y5crh27Vqe8aNHjyIwMNAoQZVU7OhAZIa2bwfq1JGSXkD6C/eXX2QNiYiICsfgxHfYsGF45513cOLECSgUCty5cwdbtmzBhAkTMGrUqKKIscRgRwciM5KaKm05HBYGqD7N8vMDDh0CuneXMzIiIiokg0sdJk2aBKVSifbt2+Px48do1aoV7O3tMWHCBIwdO7YoYiwxWOpAZCYiI4F+/YCYGM1YWBiwciXg4SFfXERE9EIUQghRmDtmZWXh2rVrSEtLQ61atVCqVCljx1YkUlNT4ebmhpSUFLgauUbvlVeAAwekyw8f8v9HohInOxuYMwf46CNpMRsAuLgAK1ZIibBCIW98REQWoqjytUJvYGFnZ4daqv6VBEAz4+viIvXxJaIS5vp1YN48TdLbrBmwebO0oI2IiEo8gxPftm3bQlHArMdvv/32QgGVVEolEBsrXfb358QQUYlUvTqwYAEwfjwwYwYwZQpgww0uiYjMhcG/0evVq6d1/enTpzh37hwuXryIgQMHGiuuEic+HsjKki5zYRtRCZGUBDg5Afb2mrGxY4F27YDateWLi4iIioTBie+SJUt0js+aNQtpaWkvHFBJxYVtRCXM4cNSb95evYCFCzXjCgWTXiIiM2VwO7P89OvXD+vWrTPW6UocJr5EJURWFjB5sjSre+sW8OmnwMGDckdFRETFwGjFa5GRkXBwcDDW6Uqc3JtXsNSByERFRQF9+gC5t1dv21aq7SUiIrNncOL71ltvaV0XQuDu3bs4deoUpk+fbrTAShrO+BKZMCGANWuA8HDgyRNpzNZWal323nuAldE+/CIiIhNmcOLr5uamdd3KygrVq1fHhx9+iA4dOhgtsJKG2xUTmaiEBGDoUGD3bs1Y9erA1q1AgwbyxUVERMXOoMQ3JycHgwcPRlBQEDy4O4MW1YyvkxNQpoysoRCRSlQU0KaN1HZFZdQoqa7XyUm2sIiISB4Gfb5nbW2NDh06IFm1b72RrFixAv7+/nBwcECTJk1w8uRJve73zTffQKFQoGvXrkaNx1BCaGZ82cOXyIQEBgJ+ftJlT09p1veLL5j0EhFZKIML22rXro2Y3PvXv6Bt27Zh/PjxmDlzJs6cOYO6desiNDQU9+/fL/B+N2/exIQJE9CyZUujxVJY9+8DGRnSZZY5EJkQW1tgyxbgrbeACxeAzp3ljoiIiGRkcOL78ccfY8KECfjpp59w9+5dpKaman0ZavHixRg2bBgGDx6MWrVqYdWqVXByciqwNVpOTg769u2L2bNnIzAw0ODHNLbcC9vY0YFIJkol8NlnwNmz2uNVqwI7dwLlyskTFxERmQy9E98PP/wQ6enp6NSpE86fP4833ngDFSpUgIeHBzw8PODu7m5w3W9WVhZOnz6NkJAQTUBWVggJCUFkZGSBsXh5eWHIkCHPfYzMzMwXTs6fhx0diGR29y7QqRPwzjtSu7LHj+WOiIiITJDei9tmz56NkSNH4tChQ0Z78MTEROTk5MDb21tr3NvbG1euXNF5n6NHj+Krr77CuXPn9HqMefPmYfbs2S8aaoHY0YFIRj/8IHVtSEyUrl+5Avz8M9Ctm7xxERGRydE78RVCAABat25dZME8z6NHj9C/f3+sXbsWnp6eet1n8uTJGD9+vPp6amoq/FSLXYyEpQ5EMkhPl3rwrl6tGfPxATZsACy4tSIREeXPoHZmCiO3K/D09IS1tTXu3bunNX7v3j2U01GPd/36ddy8eROdcy1QUSqVAAAbGxtERUWhcuXKWvext7eHvb29UeN+FksdiIrZ6dNSSUN0tGasa1dg7VqpewMREZEOBiW+1apVe27y+/DhQ73PZ2dnh+DgYBw8eFDdkkypVOLgwYMYM2ZMnuNr1KiBCxcuaI1NmzYNjx49wrJly4w+k6svVamDgwPg5SVLCESWIScHWLgQmD4dyM6WxpycgKVLpXIH9hIkIqICGJT4zp49O8/ObS9q/PjxGDhwIBo2bIjGjRtj6dKlSE9Px+DBgwEAAwYMgK+vL+bNmwcHBwfUrl1b6/7u7u4AkGe8uAihmfGtVIn/7xIVqStXtJPe4GBpB7Zq1eSNi4iISgSDEt9evXrBy8hTmmFhYUhISMCMGTMQHx+PevXqYd++feoFb7GxsbCyMrjrWrFJTNQsIGeZA1ERe+kl4KOPgClTgEmTgFmzADs7uaMiIqISQiFUq9aew9raGnfv3jV64lvcUlNT4ebmhpSUFLi6ur7w+U6dAho1ki4PH669zoaIXtCjR4CjI2CT62/0nBypV2/DhvLFRURERcrY+ZqK3lOpeubHFocL24iKSGQkUK8e8PHH2uPW1kx6iYioUPROfJVKZYmf7S0KTHyJjCw7G5g9G2jZEoiJkUobjh+XOyoiIjIDBtX4Ul65N69gD1+iFxQTA/TrJ832qrz8stSfl4iI6AWZ7qqxEoIzvkRGIAQQESGVNqiSXmtraeb3yBEgIEDW8IiIyDxwxvcFqWZ87ewAHXtuENHzJCUBo0YB27ZpxgIDgS1bpNleIiIiI2Hi+wJy9/CtWBEw4a5rRKYpKgp45RUgLk4zNmgQ8NlngIuLbGEREZF5Yqr2ApKSpG5LAMsciAqlUiXgv01o4OEBbN8OrF/PpJeIiIoEE98XkHthGxNfokJwcJB2XuvUCfj7b6BHD7kjIiIiM8bE9wXkXtjGjg5EzyEEsGYNcOmS9njt2sCePUCFCvLERUREFoOJ7wtgRwciPSUkAF27AiNGAH36AJmZckdEREQWiInvC2CpA5Ee9u8H6tQBdu+Wrp8/D/z0k7wxERGRRWLi+wJY6kBUgIwM4N13gY4dgfh4aczTU0qAu3WTNTQiIrJMbGf2AlSJr40NUL68rKEQmZYLF6SShosXNWOhocCGDWx4TUREsuGM7wtQlTr4+UmbTBFZPKUSWLYMaNRIk/Ta20tje/cy6SUiIllxxreQkpOlL4D1vURqFy4A48dLCTAABAVJ7cpq15Y3LiIiInDGt9C4sI1Ih7p1gSlTpMvh4cDJk0x6iYjIZHDGt5ByJ75c2EYW6/FjaROK3Pt1z5gBdOgAtGwpX1xEREQ6cMa3kNjDlyze6dNA/frAokXa47a2THqJiMgkMfEtJCa+ZLFycoD584GXXwaio4GpU4EzZ+SOioiI6LlY6lBILHUgixQXB/TvDxw5ohmrUwcoVUq+mIiIiPTEGd9CUs34WlsDFSrIGgpR8di+XUpyVUmvQgFMngwcPw5UqyZvbERERHrgjG8hqRLfChWkDSyIzFZqKjBuHLBxo2bMzw/YtAlo3Vq+uIiIiAzElK0QHj0CHj6ULrPMgcxaVBTQqRMQE6MZCwsDVq0C3N1lC4uIiKgwWOpQCOzhSxYj90caLi5ARATw9ddMeomIqERi4lsITHzJYjg7SzuvtWkDnD8vLWxTKOSOioiIqFCY+BZC7lZmLHUgsyGENKN7/br2eHAw8NtvQECAPHEREREZCRPfQmAPXzI7SUlAr17AwIFA377A06fat3OWl4iIzAAT30JgqQOZlcOHpTZl27dL10+cAH76SdaQiIiIigIT30JQzfgqFOzhSyVYVhYwaRLQrh1w65Y05uEBfPst8Oab8sZGRERUBNjOrBBUia+vL2BnJ2soRIUTFQX06aO91XDbtlKNL/+aIyIiM8UZXwM9fgwkJEiXubCNShwhgNWrgfr1NUmvrS2wYAFw4ACTXiIiMmuc8TUQ63upRDt7Fhg5UnO9enWpXVmDBvLFREREVEw442sgdnSgEq1BA2D8eOnyqFHSrC+TXiIishCc8TVQ7hlfljqQycvMlArRc7cjmzsX6NgReOUV+eIiIiKSAWd8DcQZXyoxLlwAGjYEVq7UHre3Z9JLREQWiYmvgZj4kslTKoFly4BGjYCLF4H33gMuXZI7KiIiItmx1MFAuUsd/Pzki4NIp7t3gcGDgf37NWNVq8oXDxERkQnhjK+BVDO+Pj6Ag4OsoRBp++EHaQe23ElveDhw8iRQq5Z8cREREZkIzvgaICMDiI+XLrPMgUxGerpUzrB6tWbMxwfYsAHo0EG2sIiIiEwNE18DxMZqLrOjA5mE6Gigc2fpX5WuXYG1awFPT9nCIiIiMkUsdTAAF7aRyfH2BrKypMtOTlLCu2sXk14iIiIdmPgagLu2kclxcwM2bwaaNJF2ZRs6VLtnLxEREakx8TVA7hlfljqQLL79FoiL0x5r3hyIjASqVZMnJiIiohKCia8BWOpAsklNBQYNAnr2BAYMAHJytG/nLC8REdFzMfE1QO5Sh4oV5YuDLExkJFC/PrBxo3T98GHgp59kDYmIiKgkYuJrANWMr5eXtI6IqEhlZwOzZwMtWwIxMdKYiwsQEQG88Ya8sREREZVAbGemp6ws4M4d6TLLHKjIxcQA/fpJs70qzZpJC9kCAuSLi4iIqATjjK+e4uIAIaTLXNhGRUYIaUa3Xj1N0mttLc38HjnCpJeIiOgFcMZXT1zYRsXi1Clg4EDN9cBAYMsW4OWX5YuJiIjITHDGV09MfKlYNGoEjBghXR40CDh3jkkvERGRkXDGV0+5Ozqw1IGM5ulTwMZGux3ZokVAp05cwEZERGRknPHVE2d8yeiioqTZXFWbMhVnZya9RERERYCJr564axsZjRDA6tVSb94zZ4CxY4Fr1+SOioiIyOyx1EFPqlKHMmWAUqXkjYVKsIQEYOhQYPduzZivL/DkiXwxERERWQjO+Orh6VPg1i3pMsscqND27wfq1NFOekeOlGZ9g4Lki4uIiMhCMPHVw61bgFIpXWbiSwbLyADCw4GOHYH4eGnM01NKgFeu5DaARERExYSlDnpgRwcqtGvXgLfeAi5c0Ix17AisXw+UKydfXERERBaIM756YEcHKjQPD+DBA+myvT3w2WfA3r1MeomIiGTAxFcPuWd8mfiSQcqUATZsAOrWlXZlGztWu2cvERERFRsmvnpgKzPS248/aup4VV55BTh9GqhdW56YiIiICAATX70w8aXnSk+XOjS88Qbw9ttSr97crK3liYuIiIjUmPjqQVXq4O4OuLnJGgqZotOngQYNpE0pAODnn4GffpI3JiIiIsqDie9zZGcDcXHSZdb3kpacHGD+fGnb4ehoaczJCVi7Fnj9dXljIyIiojzYzuw57tyRkl+AiS/lEhcH9O8PHDmiGQsOBrZuBapVky8uIiIiyhdnfJ+DPXwpj23bpB3YVEmvQgFMngwcP86kl4iIyIRxxvc52MOXtPz5J9Crl+a6nx+waRPQurV8MREREZFeOOP7HEx8ScvLL0slDgAQFgacP8+kl4iIqITgjO9zsNTBwimVgNUzfx9+/jnw2mtAz57cjIKIiKgE4Yzvc3DG14LFxAAtWgDbt2uPu7pKs71MeomIiEoUJr7PoUp8XV2lPr5kAYQAIiKAevWAyEhgxAhNTzsiIiIqsZj4FkCpBGJjpcuVKnGCzyIkJUmL1wYOBB49ksZKlwYePJA3LiIiInphTHwLcPcu8PSpdJllDhbg8GGpTVnu0oZBg4Bz56TZXyIiIirRmPgWgPW9FiIrC5g0CWjXDrh1Sxpzd5cS4PXrARcXWcMjIiIi42BXhwKwo4MFiIkBevQAzpzRjLVpI9X4+vnJFhYREREZH2d8C8AZXwvg6Kgp5La1BRYsAA4eZNJLRERkhpj4FiB34ssZXzPl4wN89RVQo4a0K9v77+ft20tERERmgf/DFyB3qQNnfM3EgQN5OzS88Qbw999AgwbyxERERETFwiQS3xUrVsDf3x8ODg5o0qQJTp48me+xa9euRcuWLeHh4QEPDw+EhIQUePyLUM34OjsDZcoUyUNQccnIAMLDgVdekfryCqF9u62tPHERERFRsZE98d22bRvGjx+PmTNn4syZM6hbty5CQ0Nx//59nccfPnwYvXv3xqFDhxAZGQk/Pz906NABt2/fNmpcQrCHr9m4cAFo3BhYulS6vnMnsG+frCERERFR8VMI8ezUV/Fq0qQJGjVqhM8//xwAoFQq4efnh7Fjx2LSpEnPvX9OTg48PDzw+eefY8CAAc89PjU1FW5ubkhJSYGrq2u+x8XHS+WfANCpE7Bnj37Ph0yIUgksXw5MnAhkZkpj9vbAwoXAmDH8a4aIiMhE6ZuvGUrWdmZZWVk4ffo0Jk+erB6zsrJCSEgIIiMj9TrH48eP8fTpU5QuXVrn7ZmZmchUJT2QXkh9sKNDCXf3LjB4MLB/v2YsKAjYuhWoXVu+uIiIiEg2spY6JCYmIicnB97e3lrj3t7eiI+P1+scEydORPny5RESEqLz9nnz5sHNzU395adnmyr28C3Bdu+WdmDLnfSGhwMnTzLpJSIismCy1/i+iE8++QTffPMNvvvuOzg4OOg8ZvLkyUhJSVF/xcXF6XVuzviWUMeOAV26AImJ0vVy5aQEePFiIJ/3CBEREVkGWRNfT09PWFtb4969e1rj9+7dQ7ly5Qq876effopPPvkEv/zyC+rUqZPvcfb29nB1ddX60gcT3xKqWTPgzTely126SAvbOnSQNyYiIiIyCbImvnZ2dggODsbBgwfVY0qlEgcPHkTTpk3zvd+CBQvw0UcfYd++fWjYsGGRxMZShxLi2bWZCgWwdi2wfj3w3XeAp6c8cREREZHJkb3UYfz48Vi7di02btyIy5cvY9SoUUhPT8fgwYMBAAMGDNBa/DZ//nxMnz4d69atg7+/P+Lj4xEfH4+0tDSjxqWa8XVwALy8jHpqMpa4OKBdO+Cnn7THy5QBBg1i1wYiIiLSImtXBwAICwtDQkICZsyYgfj4eNSrVw/79u1TL3iLjY2FVa4tZFeuXImsrCx0795d6zwzZ87ErFmzjBKTEJrE19+f+ZNJ2r5d2ogiORn45x9p57XnlMcQERGRZZO9j29x06cvXEKCZpY3NJR7HZiU1FRg3Dhg40bNmJ8f8P333HKYiIjITBRVH1/ZSx1MERe2majISKBePe2kNywMOH+eSS8RERE9FxNfHZj4mpjsbGDWLKBlS+DGDWnMxQWIiAC+/hrw8JA1PCIiIioZZK/xNUXs6GBCbt4E+vSRZntVmjUDNm8GAgJkC4uIiIhKHs746sAZXxNiZQVcuiRdtrYGZs8Gjhxh0ktEREQGY+KrQ+7ElzO+MqtYEVi1CggMBI4eBWbMAGz4QQUREREZjomvDqpSBzs7dsgqdn/8IXVuyK1XL6ll2csvyxMTERERmQUmvs/I3cO3UiXpk3YqBllZwKRJQOvWwNixeW93cCj+mIiIiMisMK17RlISoNoEjmUOxSQqCmjaFJg/X/rLIyIC+OUXuaMiIiIiM8PE9xlc2FaMhABWrwbq1wfOnJHGbG2BBQuAkBB5YyMiIiKzw1VCz2DiW0wSEoChQ4HduzVj1asDW7dyMwoiIiIqEpzxfQZ7+BaD/fuBOnW0k95Ro6RZXya9REREVEQ44/sMzvgWsT/+ADp21Fz39ATWrQM6d5YvJiIiIrIInPF9BhPfItaihSbx7dgRuHCBSS8REREVC874PkNV6mBjA/j4yBuLWVIogPXrge++A0aOlK4TERERFQPO+D5DNeNbsaK0Qy69gPh44LXXgIMHtcfLlZNqepn0EhERUTHijG8uyclASop0mWUOL2j3bmDIECAxETh/XvoqU0buqIiIiMiCccY3F3Z0MIL0dKmEoUsXKekFAKVSu3iaiIiISAZMfHPhwrYXdPo0EBwsbUqh0rUr8Pff0jgRERGRjJj45pI78eWMrwFycqTthl9+Wdp+GACcnIC1a4Fdu6SWZUREREQyY41vLrlLHTjjq6dbt4D+/YHDhzVjwcHSDmzVqskWFhEREdGzOOObC0sdCuHJE+Cvv6TLCgUweTJw/DiTXiIiIjI5THxzUSW+1taAr6+soZQcVasCn30G+PkBhw4Bc+cCdnZyR0VERESUBxPfXFSlDhUqSBtYkA4nTwKPH2uPDR4MXLoEtG4tT0xEREREemDi+5/UVODhQ+kyyxx0yM4GZs8GmjUDJkzQvk2hAEqVkicuIiIiIj0x8f0Pe/gWICYGaNUKmDVL6uCwcqVU1kBERERUgjDx/Q87OuggBBARAdSrB0RGSmPW1tLMb8uWsoZGREREZChWsv6HHR2ekZQEjBoFbNumGQsMBLZskfr1EhEREZUwTHz/w1KHXI4ckXrzxsVpxgYNkro3uLjIFhYRUXHJycnB06dP5Q6DyKzZ2dnByqp4iw+Y+P6HM77/OXIEaNtWKnMAAA8PaQviHj3kjYuIqBgIIRAfH4/k5GS5QyEye1ZWVggICIBdMbZBZeL7H1Xia2UltTOzWC1aSAvZVAlwRISFvyBEZElUSa+XlxecnJygUCjkDonILCmVSty5cwd3795FxYoVi+1njYnvf1SlDuXLW/j+C9bWwKZNwLffAu++K/0lQERkAXJyctRJb5kyZeQOh8jslS1bFnfu3EF2djZsbW2L5TGZ1QBITwcSEqTLFlXmkJAAdOsGHDumPe7nB4wfz6SXiCyKqqbXyclJ5kiILIOqxCEnJ6fYHpMzvrDQVmb790sL1uLjgTNngPPnAVdXuaMiIpIdyxuIioccP2uc0oOFdXTIyJBKGDp2lJJeAEhLA6KjZQ2LiIiIqKgx8YUFdXS4cAFo1AhYtkwz1rGjNN6woXxxERERySQqKgrlypXDo0eP5A7FrGRlZcHf3x+nTp2SOxQtTHyhnfia5YyvUiklu40aARcvSmP29lJf3r17gXLl5I2PiIheyKBBg6BQKKBQKGBra4uAgAB88MEHyMjIyHPsTz/9hNatW8PFxQVOTk5o1KgRNmzYoPO8O3fuRJs2beDm5oZSpUqhTp06+PDDD/Hw4cMifkbFZ/LkyRg7dixczLhP/YoVK+Dv7w8HBwc0adIEJ0+efO59li5diurVq8PR0RF+fn4IDw/Xej/5+/ur33O5v0aPHg1Aqt+dMGECJk6cWGTPqzCY+MLMa3zv3gU6dZLKGzIzpbGgIODUKWDsWIC1bEREZqFjx464e/cuYmJisGTJEqxevRozZ87UOmb58uXo0qULmjdvjhMnTuDvv/9Gr169MHLkSEyYMEHr2KlTpyIsLAyNGjXCzz//jIsXL2LRokU4f/48Nm3aVGzPKysrq8jOHRsbi59++gmDBg16ofMUZYwvatu2bRg/fjxmzpyJM2fOoG7duggNDcX9+/fzvc/WrVsxadIkzJw5E5cvX8ZXX32Fbdu2YcqUKepj/vrrL9y9e1f99euvvwIAeuTq+9+3b18cPXoU//zzT9E9QUMJC5OSkiIAiJSUFPVYkyZCSDs2CJGRIWNwReHiRSHs7TVPMDxciCdP5I6KiMjkPHnyRFy6dEk8KYG/IwcOHCi6dOmiNfbWW2+J+vXrq6/HxsYKW1tbMX78+Dz3/+yzzwQA8eeffwohhDhx4oQAIJYuXarz8ZKSkvKNJS4uTvTq1Ut4eHgIJycnERwcrD6vrjjfeecd0bp1a/X11q1bi9GjR4t33nlHlClTRrRp00b07t1b9OzZU+t+WVlZokyZMmLjxo1CCCFycnLE3Llzhb+/v3BwcBB16tQR3377bb5xCiHEwoULRcOGDbXGEhMTRa9evUT58uWFo6OjqF27tti6davWMbpiFEKICxcuiI4dOwpnZ2fh5eUl+vXrJxISEtT3+/nnn0Xz5s2Fm5ubKF26tHjttdfEtWvXCozxRTVu3FiMHj1afT0nJ0eUL19ezJs3L9/7jB49WrRr105rbPz48aJ58+b53uedd94RlStXFkqlUmu8bdu2Ytq0aTrvU9DPnK58zRg44wtNqYOPj1QBYFZeeglYuFAqZ9i/H1i8GHBwkDsqIqISo2FDaR+f4v56kaUXFy9exPHjx7V2xNqxYweePn2aZ2YXAEaMGIFSpUrh66+/BgBs2bIFpUqVwv/+9z+d53d3d9c5npaWhtatW+P27dvYvXs3zp8/jw8++ABKpdKg+Ddu3Ag7OzscO3YMq1atQt++ffHjjz8iLS1Nfcz+/fvx+PFjvPnmmwCAefPmISIiAqtWrcI///yD8PBw9OvXD0eOHMn3cf744w80fOaFzsjIQHBwMPbs2YOLFy9i+PDh6N+/f57ygGdjTE5ORrt27VC/fn2cOnUK+/btw71799CzZ0/1fdLT0zF+/HicOnUKBw8ehJWVFd58880CX5+5c+eiVKlSBX7FxsbqvG9WVhZOnz6NkJAQ9ZiVlRVCQkIQGRmZ72M2a9YMp0+fVj/nmJgY7N27F506dcr3cTZv3oy33347T6eGxo0b448//sj3sYqbxbcze/IEuHdPumwWZQ7nzwM1amhn8GPGAP36SdsPExGRQeLjgdu35Y7i+X766SeUKlUK2dnZyMzMhJWVFT7//HP17dHR0XBzc4OPj0+e+9rZ2SEwMBDR/3X4uXr1KgIDAw3eVGDr1q1ISEjAX3/9hdKlSwMAqlSpYvBzqVq1KhYsWKC+XrlyZTg7O+O7775D//791Y/1xhtvwMXFBZmZmZg7dy4OHDiApk2bAgACAwNx9OhRrF69Gq1bt9b5OP/++2+exNfX11frj4OxY8di//792L59Oxo3bpxvjB9//DHq16+PuXPnqsfWrVsHPz8/REdHo1q1aujWrZvWY61btw5ly5bFpUuXULt2bZ0xjhw5Uit51qV8+fI6xxMTE5GTkwNvb2+tcW9vb1y5ciXf8/Xp0weJiYlo0aIFhBDIzs7GyJEjtUodcvv++++RnJyss2SkfPny+Dd3TanMLD7xzf1HUolOfHNygE8/BaZNA955R7qsolAw6SUiKiS51v8a+rht27bFypUrkZ6ejiVLlsDGxiZPoqUvIUSh7nfu3DnUr19fnfQWVnBwsNZ1Gxsb9OzZE1u2bEH//v2Rnp6OH374Ad988w0A4Nq1a3j8+DFeeeUVrftlZWWhfv36+T7OkydP4PDMp6A5OTmYO3cutm/fjtu3byMrKwuZmZl5NjZ5Nsbz58/j0KFDKFWqVJ7HuX79OqpVq4arV69ixowZOHHiBBITE9UzvbGxsfkmvqVLl37h19NQhw8fxty5c/HFF1+gSZMmuHbtGt555x189NFHmD59ep7jv/rqK7z66qs6E3BHR0c8fvy4OMLWi8UnvmbR0SEuDujfH1B9nLNoEdC1K9CihaxhERGZAxPrxpQvZ2dn9ezqunXrULduXXz11VcYMmQIAKBatWpISUnBnTt38iQoWVlZuH79Otq2bas+9ujRo3j69KlBs76Ojo4F3m5lZZUnqVbtmPfsc3lW37590bp1a9y/fx+//vorHB0d0bFjRwBQl0Ds2bMHvr6+WvezL6CG0dPTE0lJSVpjCxcuxLJly7B06VIEBQXB2dkZ7777bp4FbM/GmJaWhs6dO2P+/Pl5Hkc1y965c2dUqlQJa9euRfny5aFUKlG7du0CF8fNnTtXaxZZl0uXLqFixYo6n5+1tTXuqT7a/s+9e/dQroC/rKZPn47+/ftj6NChAICgoCCkp6dj+PDhmDp1Kqxy7ez677//4sCBA9i1a5fOcz18+BBly5YtMP7iZPE1viW+o8P27UCdOpqkV6EAJk8Gcn0cQ0RElsXKygpTpkzBtGnT8OTJEwBAt27dYGtri0WLFuU5ftWqVUhPT0fv3r0BSB91p6Wl4YsvvtB5/uTkZJ3jderUwblz5/Jtd1a2bFncvXtXa+zcuXN6PadmzZrBz88P27Ztw5YtW9CjRw91Ul6rVi3Y29sjNjYWVapU0fry8/PL95z169fHpUuXtMaOHTuGLl26oF+/fqhbt65WCUhBGjRogH/++Qf+/v55YnB2dsaDBw8QFRWFadOmoX379qhZs2aepFuXkSNH4ty5cwV+5VfqYGdnh+DgYBw8eFA9plQqcfDgQXVJiC6PHz/WSm4BwNraGkDeTwPWr18PLy8vvPbaazrPdfHixQJn3YudUZfKlQDPrhKcPFnT8GDfPpmDM0RKihADB2qCB4Tw8xPi8GG5IyMiKpHMravD06dPha+vr1i4cKF6bMmSJcLKykpMmTJFXL58WVy7dk0sWrRI2Nvbi/fee0/r/h988IGwtrYW77//vjh+/Li4efOmOHDggOjevXu+3R4yMzNFtWrVRMuWLcXRo0fF9evXxY4dO8Tx48eFEELs27dPKBQKsXHjRhEdHS1mzJghXF1d83R1eOedd3Sef+rUqaJWrVrCxsZG/PHHH3luK1OmjNiwYYO4du2aOH36tPjss8/Ehg0b8n3ddu/eLby8vER2drZ6LDw8XPj5+Yljx46JS5cuiaFDhwpXV1et11dXjLdv3xZly5YV3bt3FydPnhTXrl0T+/btE4MGDRLZ2dkiJydHlClTRvTr109cvXpVHDx4UDRq1EgAEN99912+Mb6ob775Rtjb24sNGzaIS5cuieHDhwt3d3cRHx+vPqZ///5i0qRJ6uszZ84ULi4u4uuvvxYxMTHil19+EZUrV87TWSMnJ0dUrFhRTJw4Md/Hr1SpkoiIiNB5mxxdHSw+8e3TR5M3Xr4sc3D6On5ciMBA7aQ3LEyIhw/ljoyIqMQyt8RXCCHmzZsnypYtK9LS0tRjP/zwg2jZsqVwdnYWDg4OIjg4WKxbt07nebdt2yZatWolXFxchLOzs6hTp4748MMPC2xndvPmTdGtWzfh6uoqnJycRMOGDcWJEyfUt8+YMUN4e3sLNzc3ER4eLsaMGaN34nvp0iUBQFSqVClP2yylUimWLl0qqlevLmxtbUXZsmVFaGioOHLkSL6xPn36VJQvX17syzXz9eDBA9GlSxdRqlQp4eXlJaZNmyYGDBjw3MRXCCGio6PFm2++Kdzd3YWjo6OoUaOGePfdd9Wx/vrrr6JmzZrC3t5e1KlTRxw+fLjIE18hhFi+fLmoWLGisLOzE40bN1a3l8v9fAYOHKi+/vTpUzFr1ixRuXJl4eDgIPz8/MT//ve/PN/3/fv3CwAiKipK5+MeP35cuLu7i8ePH+u8XY7EVyFEISvYS6jU1FS4ubkhJSUFrq6uaN4cOH5cuu3xY+A55UnyO3wYCAmRFrMBgIsLsGKF1LWBm1EQERVaRkYGbty4gYCAgDwLnsh8rVixArt378b+/fvlDsXshIWFoW7duvl2gyjoZ+7ZfM1YuLjtpvSvt3cJSHoBoHlzIDgYOHkSaNYM2LwZCAiQOyoiIqISacSIEUhOTsajR4/Metvi4paVlYWgoCCEh4fLHYoWi058MzOlHX2BEtTRwdYW2LIF2LYNmDgRsLHobyEREdELsbGxwdSpU+UOw+zY2dlh2rRpcoeRh0V3dYiLkwpkARPt6JCUBPTtC5w+rT1epQowdSqTXiIiIiIDWHTmZNI9fA8flnrz3rolJb5nzgDPNM8mIiIiIv1Z9IyvSfbwzcoCJk0C2rWTkl4AuH8f+OcfeeMiIiIiKuE44/sfk0h8o6KAPn2k2V2Vtm2BiAigQgX54iIiIiIyAxY942sypQ5CAKtXA/Xra5JeW1tgwQLgwAEmvURERERGYNEzvrlLHWRLfBMSgKFDgd27NWPVqwNbtwINGsgUFBEREZH54YwvAE9PoFQpmYKIiwP27tVcHzVKmvVl0ktERERkVBab+D59Cty+LV2WtcyhQQPg44+l7Hv3buCLL9i9gYiIShSFQoHvv/9e7jBM1qxZs1CvXj25wyBYcOJ7+zagVEqXi3Vh25UrUtad24QJUteGzp2LMRAiIjIXgwYNgkKhgEKhgK2tLQICAvDBBx8gIyND7tCKXHx8PN555x1UqVIFDg4O8Pb2RvPmzbFy5Uo8fvxY7vAAABMmTMDBgwflDoNgwTW+sbGay8WS+CqVwPLl0m5rEycCs2drbrO2Bry8iiEIIiIyVx07dsT69evx9OlTnD59GgMHDoRCocD8+fPlDq3IxMTEoHnz5nB3d8fcuXMRFBQEe3t7XLhwAWvWrIGvry/eeOMNucNEqVKlUEq2mkrKzWJnfHMnvkVe6nD3LtCpE/Duu9I+yR9/DJw8WcQPSkRElsTe3h7lypWDn58funbtipCQEPz666/q2x88eIDevXvD19cXTk5OCAoKwtdff611jjZt2mDcuHH44IMPULp0aZQrVw6zZs3SOubq1ato1aoVHBwcUKtWLa3HULlw4QLatWsHR0dHlClTBsOHD0daWpr69kGDBqFr166YO3cuvL294e7ujg8//BDZ2dl4//33Ubp0aVSoUAHr168v8Dn/73//g42NDU6dOoWePXuiZs2aCAwMRJcuXbBnzx50/u+T1Js3b0KhUODcuXPq+yYnJ0OhUODw4cPqsYsXL+LVV19FqVKl4O3tjf79+yMxMVF9+44dOxAUFKR+XiEhIUhPTwcAHD58GI0bN4azszPc3d3RvHlz/PvfKvpnSx1Uz//TTz+Fj48PypQpg9GjR+Nprk+E7969i9deew2Ojo4ICAjA1q1b4e/vj6VLlxb4mlDBLDbxjYvTXC7SGd8ffgDq1AH279eMjRsnjRERUcmweLHUWvJ5X7pmF994Q7/7Ll5stHAvXryI48ePw87OTj2WkZGB4OBg7NmzBxcvXsTw4cPRv39/nHxmImbjxo1wdnbGiRMnsGDBAnz44Yfq5FapVOKtt96CnZ0dTpw4gVWrVmHixIla909PT0doaCg8PDzw119/4dtvv8WBAwcwZswYreN+++033LlzB7///jsWL16MmTNn4vXXX4eHhwdOnDiBkSNHYsSIEbil2szpGQ8ePMAvv/yC0aNHw9nZWecxCoVC79csOTkZ7dq1Q/369XHq1Cns27cP9+7dQ8+ePQFIiWjv3r3x9ttv4/Llyzh8+DDeeustCCGQnZ2Nrl27onXr1vj7778RGRmJ4cOHF/j4hw4dwvXr13Ho0CFs3LgRGzZswIYNG9S3DxgwAHfu3MHhw4exc+dOrFmzBvfv39f7+VA+hIVJSUkRAETv3ilCaqArxN9/F8EDpaUJMWKEUD8IIES5ckLs318ED0ZERC/qyZMn4tKlS+LJkyd5b5w5U/v3eX5fL7+c974vv6zffWfOLHTsAwcOFNbW1sLZ2VnY29sLAMLKykrs2LGjwPu99tpr4r333lNfb926tWjRooXWMY0aNRITJ04UQgixf/9+YWNjI27fvq2+/eeffxYAxHfffSeEEGLNmjXCw8NDpKWlqY/Zs2ePsLKyEvHx8ep4K1WqJHJyctTHVK9eXbRs2VJ9PTs7Wzg7O4uvv/5aZ+x//vmnACB27dqlNV6mTBnh7OwsnJ2dxQcffCCEEOLGjRsCgDh79qz6uKSkJAFAHDp0SAghxEcffSQ6dOigda64uDgBQERFRYnTp08LAOLmzZt5Ynnw4IEAIA4fPqwz1pkzZ4q6deuqr6uef3Z2tnqsR48eIiwsTAghxOXLlwUA8ddff6lvv3r1qgAglixZovMxSqKCfuZU+VpKSopRH9Nia3xzz/gavdTh9GlpB7boaM1Yly7Al19K3RuIiKhkcXUFfH2ff1zZsrrH9Lmvq6vhceXStm1brFy5Eunp6ViyZAlsbGzQrVs39e05OTmYO3cutm/fjtu3byMrKwuZmZlweqaTUJ1nPpH08fFRzzRevnwZfn5+KF++vPr2pk2bah1/+fJl1K1bV2sWtnnz5lAqlYiKioK3tzcA4KWXXoKVleaDZ29vb9SuXVt93draGmXKlDF4lvPkyZNQKpXo27cvMjMz9b7f+fPncejQIZ21uNevX0eHDh3Qvn17BAUFITQ0FB06dED37t3h4eGB0qVLY9CgQQgNDcUrr7yCkJAQ9OzZEz4+Pvk+3ksvvQRra2v1dR8fH1y4cAEAEBUVBRsbGzTI1dq0SpUq8PDw0Pv5kG4Wm/iqanw9PF74d422334DQkOB7GzpupMTsHSptEmFAR+5EBGRCRk/XvoqjNwbFBUhZ2dnVKlSBQCwbt061K1bF1999RWGDBkCAFi4cCGWLVuGpUuXIigoCM7Oznj33XeRlZWldR5bW1ut6wqFAkpVGyQj0vU4hjx2lSpVoFAoEBUVpTUeGBgIAHB0dFSPqRJsIYR67OkzHZbS0tLQuXNnnYsBfXx8YG1tjV9//RXHjx/HL7/8guXLl2Pq1Kk4ceIEAgICsH79eowbNw779u3Dtm3bMG3aNPz66694+eWX9X7+RfE6kzaLrfFVlQwZvb63eXOgVi3pcnAwcPYsMGwYk14iIio2VlZWmDJlCqZNm4YnT54AAI4dO4YuXbqgX79+qFu3LgIDAxGd+5NJPdSsWRNxcXG4e/eueuzPP//Mc8z58+fVi75Uj21lZYXq1au/wLPSVqZMGbzyyiv4/PPPtR5Ll7L/zcTnjjv3QjcAaNCgAf755x/4+/ujSpUqWl+q2WuFQoHmzZtj9uzZOHv2LOzs7PDdd9+pz1G/fn1MnjwZx48fR+3atbF169ZCPbfq1asjOzsbZ8+eVY9du3YNSUlJhTofaVhs4qv6o8roZQ729tJ2w1OnAsePA9WqGfkBiIiInq9Hjx6wtrbGihUrAABVq1ZVz1hevnwZI0aMwL179ww6Z0hICKpVq4aBAwfi/Pnz+OOPPzB16lStY/r27QsHBwcMHDgQFy9exKFDhzB27Fj0799fXeZgLF988QWys7PRsGFDbNu2DZcvX0ZUVBQ2b96MK1euqEsJHB0d8fLLL+OTTz7B5cuXceTIEUybNk3rXKNHj8bDhw/Ru3dv/PXXX7h+/Tr279+PwYMHIycnBydOnMDcuXNx6tQpxMbGYteuXUhISEDNmjVx48YNTJ48GZGRkfj333/xyy+/4OrVq6hZs2ahnleNGjUQEhKC4cOH4+TJkzh79iyGDx8OR0dHgxbsUV4Wm/iqvNCMb2qqNJv7zz/a4y+9JLUsy7WaloiIqDjZ2NhgzJgxWLBgAdLT0zFt2jQ0aNAAoaGhaNOmDcqVK4euXbsadE4rKyt89913ePLkCRo3boyhQ4dizpw5Wsc4OTlh//79ePjwIRo1aoTu3bujffv2+Pzzz4347CSVK1fG2bNnERISgsmTJ6Nu3bpo2LAhli9fjgkTJuCjjz5SH7tu3TpkZ2cjODgY7777Lj7++GOtc5UvXx7Hjh1DTk4OOnTogKCgILz77rtwd3eHlZUVXF1d8fvvv6NTp06oVq0apk2bhkWLFuHVV1+Fk5MTrly5gm7duqFatWoYPnw4Ro8ejREjRhT6uUVERMDb2xutWrXCm2++iWHDhsHFxQUODg6FPicBCpG74MUCpKamws3NDUAKAFcsWSK11zVYZCTQrx8QEyO1Jjt5UprtJSKiEikjIwM3btxAQEAAkwsyObdu3YKfnx8OHDiA9u3byx2OURT0M6fK11JSUuBqxMVYFru4TcXgGd/sbGDOHOCjj4CcHGnsxg3g77+BRo2MHR4RERFZoN9++w1paWkICgrC3bt38cEHH8Df3x+tWrWSO7QSjYmvvwEHx8RIs7yRkZqxZs2AzZuBgABjh0ZEREQW6unTp5gyZQpiYmLg4uKCZs2aYcuWLXm6QZBhLD7x1WtxmxDApk3AmDHAo0fSmLU1MGMGMGUKYGPxLyMREREZUWhoKEJDQ+UOw+xYdMbm6gq4uz/noKQkYNQoYNs2zVhgILBlC5BPbz4iIiIiMj0W3dXB31+P9rqXLwPffqu5PmgQcO4ck14iIjNlYWu+iWQjx8+aRSe+epU5NGsm9eR1dwe2bwfWrwdcXIo6NCIiKmaq2snHjx/LHAmRZVDtGph76+aiZtGlDjoXtt24AVSsKNXwqkyfDowYod9e60REVCJZW1vD3d0d9+/fByD1o+VmAURFQ6lUIiEhAU5OTrApxrVSTHxVhADWrAHCw4GZM4GJEzW32doy6SUisgDlypUDAHXyS0RFx8rKChUrVizWPzAtOvFVlzokJABDhwK7d0vXp00DOnQA6teXLTYiIip+CoUCPj4+8PLywtOnT+UOh8is2dnZwcqqeKtuLTrx9fcHsH+/tGAtPl5zw9ChQPXqMkVFRERys7a2Lta6QyIqHiaxuG3FihXw9/eHg4MDmjRpgpMnTxZ4/LfffosaNWrAwcEBQUFB2Lt3r8GPaYcM1Fr7LtCxoybp9fSUZn1XrgScnArxTIiIiIjIVMme+G7btg3jx4/HzJkzcebMGdStWxehoaH51lcdP34cvXv3xpAhQ3D27Fl07doVXbt2xcWLFw163N/RBo6rl2kGOnYELlwAOnd+kadDRERERCZKIWRuWNikSRM0atQIn3/+OQBplZ+fnx/Gjh2LSZMm5Tk+LCwM6enp+Omnn9RjL7/8MurVq4dVq1Y99/FSU1Ph5uaGFACuAGBvDyxcKO3KxtW7RERERLJT52spKXB1dTXaeWWt8c3KysLp06cxefJk9ZiVlRVCQkIQGRmp8z6RkZEYP3681lhoaCi+//57ncdnZmYiMzNTfT0lJQUAkAoAtWoBX30l/avaipiIiIiIZJWamgrA+JtcyJr4JiYmIicnB97e3lrj3t7euHLlis77xMfH6zw+PvfitFzmzZuH2bNn5xn3A4BLl4CmTQsVOxEREREVrQcPHsDNzc1o5zP7rg6TJ0/WmiFOTk5GpUqVEBsba9QXkkxTamoq/Pz8EBcXZ9SPSsg08fttWfj9tiz8fluWlJQUVKxYEaVLlzbqeWVNfD09PWFtbY179+5pjd+7d0/dRPxZ5cqVM+h4e3t72Nvb5xl3c3PjD44FcXV15ffbgvD7bVn4/bYs/H5bFmP3+ZW1q4OdnR2Cg4Nx8OBB9ZhSqcTBgwfRNJ8ShKZNm2odDwC//vprvscTEREREQEmUOowfvx4DBw4EA0bNkTjxo2xdOlSpKenY/DgwQCAAQMGwNfXF/PmzQMAvPPOO2jdujUWLVqE1157Dd988w1OnTqFNWvWyPk0iIiIiMjEyZ74hoWFISEhATNmzEB8fDzq1auHffv2qRewxcbGak1zN2vWDFu3bsW0adMwZcoUVK1aFd9//z1q166t1+PZ29tj5syZOssfyPzw+21Z+P22LPx+WxZ+vy1LUX2/Ze/jS0RERERUHGTfuY2IiIiIqDgw8SUiIiIii8DEl4iIiIgsAhNfIiIiIrIIZpn4rlixAv7+/nBwcECTJk1w8uTJAo//9ttvUaNGDTg4OCAoKAh79+4tpkjJGAz5fq9duxYtW7aEh4cHPDw8EBIS8tz3B5kWQ3++Vb755hsoFAp07dq1aAMkozL0+52cnIzRo0fDx8cH9vb2qFatGn+nlyCGfr+XLl2K6tWrw9HREX5+fggPD0dGRkYxRUsv4vfff0fnzp1Rvnx5KBQKfP/998+9z+HDh9GgQQPY29ujSpUq2LBhg+EPLMzMN998I+zs7MS6devEP//8I4YNGybc3d3FvXv3dB5/7NgxYW1tLRYsWCAuXbokpk2bJmxtbcWFCxeKOXIqDEO/33369BErVqwQZ8+eFZcvXxaDBg0Sbm5u4tatW8UcORWGod9vlRs3bghfX1/RsmVL0aVLl+IJll6Yod/vzMxM0bBhQ9GpUydx9OhRcePGDXH48GFx7ty5Yo6cCsPQ7/eWLVuEvb292LJli7hx44bYv3+/8PHxEeHh4cUcORXG3r17xdSpU8WuXbsEAPHdd98VeHxMTIxwcnIS48ePF5cuXRLLly8X1tbWYt++fQY9rtklvo0bNxajR49WX8/JyRHly5cX8+bN03l8z549xWuvvaY11qRJEzFixIgijZOMw9Dv97Oys7OFi4uL2LhxY1GFSEZUmO93dna2aNasmfjyyy/FwIEDmfiWIIZ+v1euXCkCAwNFVlZWcYVIRmTo93v06NGiXbt2WmPjx48XzZs3L9I4yfj0SXw/+OAD8dJLL2mNhYWFidDQUIMey6xKHbKysnD69GmEhISox6ysrBASEoLIyEid94mMjNQ6HgBCQ0PzPZ5MR2G+3896/Pgxnj59itKlSxdVmGQkhf1+f/jhh/Dy8sKQIUOKI0wyksJ8v3fv3o2mTZti9OjR8Pb2Ru3atTF37lzk5OQUV9hUSIX5fjdr1gynT59Wl0PExMT8v727D4qqeuMA/mXBZVdcdEhp2cA3FHJMU140fBnTLLFUEhVKBlFRTEIcTZPxDcgfiqY46mhqJpgxgjqajigoKgXrVL6w0AguoqA2go3aiCjEy57fHw53WgFzEcHY72fm/nHPPefc59wzOzx7uPcujh8/jg8//LBFYqaW1Vz5Wqv/cltzunv3Lmpra6Vffavz+uuv48qVKw22KS0tbbB+aWnpS4uTmkdT5vtpS5YsgUajqfdholdPU+Y7KysL3333HXQ6XQtESM2pKfN9/fp1nDlzBgEBATh+/DgKCwsRGhqK6upqREZGtkTY1ERNme+pU6fi7t27GDZsGIQQqKmpwWeffYalS5e2RMjUwhrL18rKylBRUQGlUvlc/bSpFV8iU8TGxiIpKQmHDx+GQqFo7XComT18+BCBgYH49ttv0blz59YOh1qAwWCAvb09du7cCXd3d/j7+2PZsmXYvn17a4dGL0FGRgZWr16Nbdu24dKlSzh06BBSUlKwatWq1g6NXmFtasW3c+fOsLS0xJ07d4zK79y5A7Va3WAbtVptUn16dTRlvuusX78esbGxSE9PR//+/V9mmNRMTJ3va9euobi4GOPHj5fKDAYDAMDKygp6vR7Ozs4vN2hqsqZ8vh0cHNCuXTtYWlpKZX369EFpaSmqqqogl8tfaszUdE2Z7xUrViAwMBCzZs0CAPTr1w+PHj1CSEgIli1bBpmMa3ttSWP5mq2t7XOv9gJtbMVXLpfD3d0dp0+flsoMBgNOnz4NLy+vBtt4eXkZ1QeAU6dONVqfXh1NmW8AWLduHVatWoXU1FR4eHi0RKjUDEyd7zfffBO///47dDqdtE2YMAEjR46ETqeDk5NTS4ZPJmrK53vo0KEoLCyUvuAAQEFBARwcHJj0vuKaMt+PHz+ul9zWfel58rwUtSXNlq+Z9tzdqy8pKUlYW1uLhIQEkZeXJ0JCQkSnTp1EaWmpEEKIwMBAERERIdXXarXCyspKrF+/XuTn54vIyEi+zuw/xNT5jo2NFXK5XBw8eFCUlJRI28OHD1trCGQCU+f7aXyrw3+LqfN98+ZNoVKpRFhYmNDr9eLYsWPC3t5e/O9//2utIZAJTJ3vyMhIoVKpxL59+8T169fFyZMnhbOzs/Dz82utIZAJHj58KLKzs0V2drYAIOLi4kR2dra4ceOGEEKIiIgIERgYKNWve53Z4sWLRX5+vti6dStfZ1Zny5YtomvXrkIul4tBgwaJX375RTo2YsQIERQUZFR///79wsXFRcjlctG3b1+RkpLSwhHTizBlvrt16yYA1NsiIyNbPnBqElM/3//ExPe/x9T5PnfunBg8eLCwtrYWPXv2FDExMaKmpqaFo6amMmW+q6urRVRUlHB2dhYKhUI4OTmJ0NBQ8ddff7V84GSys2fPNvj3uG6Og4KCxIgRI+q1GTBggJDL5aJnz54iPj7e5PNaCMH/BxARERFR29em7vElIiIiImoME18iIiIiMgtMfImIiIjILDDxJSIiIiKzwMSXiIiIiMwCE18iIiIiMgtMfImIiIjILDDxJSIiIiKzwMSXiAhAQkICOnXq1NphNJmFhQV+/PHHZ9aZPn06Pv744xaJh4joVcTEl4jajOnTp8PCwqLeVlhY2NqhISEhQYpHJpPB0dERM2bMwJ9//tks/ZeUlGDs2LEAgOLiYlhYWECn0xnV2bRpExISEprlfI2JioqSxmlpaQknJyeEhITg/v37JvXDJJ2IXgar1g6AiKg5eXt7Iz4+3qisS5curRSNMVtbW+j1ehgMBuTk5GDGjBm4ffs20tLSXrhvtVr9r3U6duz4wud5Hn379kV6ejpqa2uRn5+PmTNn4sGDB0hOTm6R8xMRNYYrvkTUplhbW0OtVhttlpaWiIuLQ79+/WBjYwMnJyeEhoaivLy80X5ycnIwcuRIqFQq2Nrawt3dHRcuXJCOZ2VlYfjw4VAqlXByckJ4eDgePXr0zNgsLCygVquh0WgwduxYhIeHIz09HRUVFTAYDPjqq6/g6OgIa2trDBgwAKmpqVLbqqoqhIWFwcHBAQqFAt26dcOaNWuM+q671aFHjx4AgIEDB8LCwgLvvvsuAONV1J07d0Kj0cBgMBjF6OPjg5kzZ0r7R44cgZubGxQKBXr27Ino6GjU1NQ8c5xWVlZQq9V44403MHr0aEyZMgWnTp2SjtfW1iI4OBg9evSAUqmEq6srNm3aJB2PiorCnj17cOTIEWn1OCMjAwBw69Yt+Pn5oVOnTrCzs4OPjw+Ki4ufGQ8RUR0mvkRkFmQyGTZv3ozLly9jz549OHPmDL788stG6wcEBMDR0RHnz5/HxYsXERERgXbt2gEArl27Bm9vb0yaNAm5ublITk5GVlYWwsLCTIpJqVTCYDCgpqYGmzZtwoYNG7B+/Xrk5uZizJgxmDBhAq5evQoA2Lx5M44ePYr9+/dDr9cjMTER3bt3b7Df3377DQCQnp6OkpISHDp0qF6dKVOm4N69ezh79qxUdv/+faSmpiIgIAAAkJmZiWnTpmH+/PnIy8vDjh07kJCQgJiYmOceY3FxMdLS0iCXy6Uyg8EAR0dHHDhwAHl5eVi5ciWWLl2K/fv3AwAWLVoEPz8/eHt7o6SkBCUlJRgyZAiqq6sxZswYqFQqZGZmQqvVokOHDvD29kZVVdVzx0REZkwQEbURQUFBwtLSUtjY2Ejb5MmTG6x74MAB8dprr0n78fHxomPHjtK+SqUSCQkJDbYNDg4WISEhRmWZmZlCJpOJioqKBts83X9BQYFwcXERHh4eQgghNBqNiImJMWrj6ekpQkNDhRBCzJs3T4waNUoYDIYG+wcgDh8+LIQQoqioSAAQ2dnZRnWCgoKEj4+PtO/j4yNmzpwp7e/YsUNoNBpRW1srhBDivffeE6tXrzbqY+/evcLBwaHBGIQQIjIyUshkMmFjYyMUCoUAIACIuLi4RtsIIcTnn38uJk2a1Gisded2dXU1ugZ///23UCqVIi0t7Zn9ExEJIQTv8SWiNmXkyJH45ptvpH0bGxsAT1Y/16xZgytXrqCsrAw1NTWorKzE48eP0b59+3r9LFy4ELNmzcLevXulf9c7OzsDeHIbRG5uLhITE6X6QggYDAYUFRWhT58+Dcb24MEDdOjQAQaDAZWVlRg2bBh27dqFsrIy3L59G0OHDjWqP3ToUOTk5AB4cpvC+++/D1dXV3h7e2PcuHH44IMPXuhaBQQEYPbs2di2bRusra2RmJiITz75BDKZTBqnVqs1WuGtra195nUDAFdXVxw9ehSVlZX44YcfoNPpMG/ePKM6W7duxe7du3Hz5k1UVFSgqqoKAwYMeGa8OTk5KCwshEqlMiqvrKzEtWvXmnAFiMjcMPElojbFxsYGvXr1MiorLi7GuHHjMHfuXMTExMDOzg5ZWVkIDg5GVVVVgwlcVFQUpk6dipSUFJw4cQKRkZFISkrCxIkTUV5ejjlz5iA8PLxeu65duzYam0qlwqVLlyCTyeDg4AClUgkAKCsr+9dxubm5oaioCCdOnEB6ejr8/PwwevRoHDx48F/bNmb8+PEQQiAlJQWenp7IzMzExo0bpePl5eWIjo6Gr69vvbYKhaLRfuVyuTQHsbGx+OijjxAdHY1Vq1YBAJKSkrBo0SJs2LABXl5eUKlU+Prrr/Hrr78+M97y8nK4u7sbfeGo86o8wEhErzYmvkTU5l28eBEGgwEbNmyQVjPr7id9FhcXF7i4uGDBggX49NNPER8fj4kTJ8LNzQ15eXn1Eux/I5PJGmxja2sLjUYDrVaLESNGSOVarRaDBg0yqufv7w9/f39MnjwZ3t7euH//Puzs7Iz6q7uftra29pnxKBQK+Pr6IjExEYWFhXB1dYWbm5t03M3NDXq93uRxPm358uUYNWoU5s6dK41zyJAhCA0Nleo8vWIrl8vrxe/m5obk5GTY29vD1tb2hWIiIvPEh9uIqM3r1asXqqursWXLFly/fh179+7F9u3bG61fUVGBsLAwZGRk4MaNG9BqtTh//rx0C8OSJUtw7tw5hIWFQafT4erVqzhy5IjJD7f90+LFi7F27VokJydDr9cjIiICOp0O8+fPBwDExcVh3759uHLlCgoKCnDgwAGo1eoGf3TD3t4eSqUSqampuHPnDh48eNDoeQMCApCSkoLdu3dLD7XVWblyJb7//ntER0fj8uXLyM/PR1JSEpYvX27S2Ly8vNC/f3+sXr0aANC7d29cuHABaWlpKCgowIoVK3D+/HmjNt27d0dubi70ej3u3r2L6upqBAQEoHPnzvDx8UFmZiaKioqQkZGB8PBw/PHHHybFRETmiYkvEbV5b7/9NuLi4rB27Vq89dZbSExMNHoV2NMsLS1x7949TJs2DS4uLvDz88PYsWMRHR0NAOjfvz9++uknFBQUYPjw4Rg4cCBWrlwJjUbT5BjDw8OxcOFCfPHFF+jXrx9SU1Nx9OhR9O7dG8CT2yTWrVsHDw8PeHp6ori4GMePH5dWsP/JysoKmzdvxo4dO6DRaODj49PoeUeNGgU7Ozvo9XpMnTrV6NiYMWNw7NgxnDx5Ep6ennjnnXewceNGdOvWzeTxLViwALt27cKtW7cwZ84c+Pr6wt/fH4MHD8a9e/eMVn8BYPbs2XB1dYWHhwe6dOkCrVaL9u3b4+eff0bXrl3h6+uLPn36IDg4GJWVlVwBJqLnYiGEEK0dBBERERHRy8YVXyIiIiIyC0x8iYiIiMgsMPElIiIiIrPAxJeIiIiIzAITXyIiIiIyC0x8iYiIiMgsMPElIiIiIrPAxJeIiIiIzAITXyIiIiIyC0x8iYiIiMgsMPElIiIiIrPwf6ZdrbVWaJc6AAAAAElFTkSuQmCC", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "plot_roc_curve(y_test, y_pred)" + ] } ], "metadata": { From 2b1953ca37e1ae3dc93d5a26a9ca57c8a14f95a9 Mon Sep 17 00:00:00 2001 From: Arihant Bhandari Date: Thu, 20 Jun 2024 17:34:38 +0530 Subject: [PATCH 2/3] Added models with proper metrics in place --- .../metabolic_syndrome_predict.ipynb | 292353 ++++++++++++++- 1 file changed, 292328 insertions(+), 25 deletions(-) diff --git a/Metabolic Syndrome Prediction/metabolic_syndrome_predict.ipynb b/Metabolic Syndrome Prediction/metabolic_syndrome_predict.ipynb index 2da5fec2..bda986a7 100644 --- a/Metabolic Syndrome Prediction/metabolic_syndrome_predict.ipynb +++ b/Metabolic Syndrome Prediction/metabolic_syndrome_predict.ipynb @@ -2323,7 +2323,7 @@ }, { "cell_type": "code", - "execution_count": 17, + "execution_count": 2, "metadata": {}, "outputs": [], "source": [ @@ -2345,7 +2345,7 @@ }, { "cell_type": "code", - "execution_count": 18, + "execution_count": 3, "metadata": {}, "outputs": [], "source": [ @@ -2835,7 +2835,7 @@ }, { "cell_type": "code", - "execution_count": 19, + "execution_count": 4, "metadata": {}, "outputs": [], "source": [ @@ -5493,7 +5493,7 @@ }, { "cell_type": "code", - "execution_count": 79, + "execution_count": 5, "metadata": {}, "outputs": [], "source": [ @@ -5510,7 +5510,7 @@ }, { "cell_type": "code", - "execution_count": 80, + "execution_count": 6, "metadata": {}, "outputs": [], "source": [ @@ -5531,7 +5531,7 @@ }, { "cell_type": "code", - "execution_count": 81, + "execution_count": 7, "metadata": {}, "outputs": [], "source": [ @@ -5552,7 +5552,7 @@ }, { "cell_type": "code", - "execution_count": 82, + "execution_count": 8, "metadata": {}, "outputs": [], "source": [ @@ -5579,7 +5579,7 @@ }, { "cell_type": "code", - "execution_count": 83, + "execution_count": 9, "metadata": {}, "outputs": [], "source": [ @@ -5605,23 +5605,30 @@ "cell_type": "markdown", "metadata": {}, "source": [ - "### K-fold on XGBClassifier" + "### XGB Classifier" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "#### Normalized data" ] }, { "cell_type": "code", - "execution_count": 84, + "execution_count": 24, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ - "Time taken for GridSearchCV: 65.40 seconds\n", + "Time taken for GridSearchCV: 134.49 seconds\n", "Best Hyperparameters:\n", "{'learning_rate': 0.1, 'max_depth': 5, 'n_estimators': 200}\n", "\n", - "Time taken for training with best hyperparameters: 1.68 seconds\n", + "Time taken for training with best hyperparameters: 2.43 seconds\n", "\n", "Mean Accuracy: 0.8904737206085753\n", "Standard Deviation of Accuracy: 0.016681348738190417\n", @@ -5634,7 +5641,7 @@ "Mean ROC AUC: 0.8789061400333764\n", "Standard Deviation of ROC AUC: 0.021751718258805296\n", "\n", - "Total time taken: 67.08 seconds\n" + "Total time taken: 136.93 seconds\n" ] } ], @@ -5753,7 +5760,7 @@ }, { "cell_type": "code", - "execution_count": 85, + "execution_count": 25, "metadata": {}, "outputs": [ { @@ -5780,7 +5787,7 @@ }, { "cell_type": "code", - "execution_count": 86, + "execution_count": 26, "metadata": {}, "outputs": [ { @@ -5818,7 +5825,7 @@ }, { "cell_type": "code", - "execution_count": 87, + "execution_count": 27, "metadata": {}, "outputs": [ { @@ -5838,7 +5845,7 @@ }, { "cell_type": "code", - "execution_count": 88, + "execution_count": 28, "metadata": {}, "outputs": [ { @@ -5856,20 +5863,27 @@ "plot_roc_curve(y_test, y_pred)" ] }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "#### Standardized data" + ] + }, { "cell_type": "code", - "execution_count": 89, + "execution_count": 29, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ - "Time taken for GridSearchCV: 70.81 seconds\n", + "Time taken for GridSearchCV: 126.48 seconds\n", "Best Hyperparameters:\n", "{'learning_rate': 0.1, 'max_depth': 5, 'n_estimators': 200}\n", "\n", - "Time taken for training with best hyperparameters: 1.23 seconds\n", + "Time taken for training with best hyperparameters: 2.41 seconds\n", "\n", "Mean Accuracy: 0.8904737206085753\n", "Standard Deviation of Accuracy: 0.016681348738190417\n", @@ -5882,7 +5896,7 @@ "Mean ROC AUC: 0.8789061400333764\n", "Standard Deviation of ROC AUC: 0.021751718258805296\n", "\n", - "Total time taken: 72.03 seconds\n" + "Total time taken: 128.89 seconds\n" ] } ], @@ -6001,7 +6015,7 @@ }, { "cell_type": "code", - "execution_count": 90, + "execution_count": 30, "metadata": {}, "outputs": [ { @@ -6028,7 +6042,7 @@ }, { "cell_type": "code", - "execution_count": 91, + "execution_count": 31, "metadata": {}, "outputs": [ { @@ -6066,7 +6080,7 @@ }, { "cell_type": "code", - "execution_count": 92, + "execution_count": 32, "metadata": {}, "outputs": [ { @@ -6086,7 +6100,7 @@ }, { "cell_type": "code", - "execution_count": 93, + "execution_count": 33, "metadata": {}, "outputs": [ { @@ -6103,6 +6117,292295 @@ "source": [ "plot_roc_curve(y_test, y_pred)" ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Random Forest Classifier" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "#### Normalized data" + ] + }, + { + "cell_type": "code", + "execution_count": 34, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Time taken for GridSearchCV: 2003.04 seconds\n", + "Best Hyperparameters:\n", + "{'max_depth': 9, 'min_samples_leaf': 4, 'min_samples_split': 10, 'n_estimators': 100}\n", + "\n", + "Time taken for training with best hyperparameters: 6.53 seconds\n", + "\n", + "Mean Accuracy: 0.8813087828492392\n", + "Standard Deviation of Accuracy: 0.01214538990720045\n", + "Mean Precision: 0.8452559083281921\n", + "Standard Deviation of Precision: 0.03425304225409793\n", + "Mean Recall: 0.803012048192771\n", + "Standard Deviation of Recall: 0.04535006930244235\n", + "Mean F1-score: 0.8221130376586311\n", + "Standard Deviation of F1-score: 0.0200200422445567\n", + "Mean ROC AUC: 0.8625678639738344\n", + "Standard Deviation of ROC AUC: 0.017119374173323314\n", + "\n", + "Total time taken: 2009.57 seconds\n" + ] + } + ], + "source": [ + "from sklearn.model_selection import StratifiedKFold, GridSearchCV\n", + "from sklearn.metrics import accuracy_score, precision_score, recall_score, f1_score, roc_auc_score, confusion_matrix\n", + "from sklearn.ensemble import RandomForestClassifier\n", + "import numpy as np\n", + "import time\n", + "\n", + "start_total_time = time.time()\n", + "\n", + "kf = StratifiedKFold(n_splits=10, shuffle=True, random_state=42)\n", + "\n", + "model = RandomForestClassifier(random_state=42)\n", + "\n", + "param_grid = {\n", + " 'n_estimators': [10, 100, 200, 300],\n", + " 'max_depth': [3, 5, 7, 9],\n", + " 'min_samples_split': [2, 5, 10, 20],\n", + " 'min_samples_leaf': [1, 2, 4, 8]\n", + "}\n", + "\n", + "grid_search = GridSearchCV(estimator=model, param_grid=param_grid, cv=kf, scoring='accuracy')\n", + "\n", + "start_time = time.time()\n", + "\n", + "grid_search.fit(standard(x), y)\n", + "\n", + "grid_search_time = time.time() - start_time\n", + "print(f\"Time taken for GridSearchCV: {grid_search_time:.2f} seconds\")\n", + "\n", + "best_params = grid_search.best_params_\n", + "\n", + "print(\"Best Hyperparameters:\")\n", + "print(best_params)\n", + "\n", + "print()\n", + "\n", + "best_model = grid_search.best_estimator_\n", + "\n", + "start_time = time.time()\n", + "\n", + "accuracy_scores = []\n", + "precision_scores = []\n", + "recall_scores = []\n", + "f1_scores = []\n", + "roc_auc_scores = []\n", + "confusion_matrices = []\n", + "\n", + "for train_index, test_index in kf.split(normal(x), y):\n", + " X_train, X_test = x.iloc[train_index], x.iloc[test_index]\n", + " y_train, y_test = y.iloc[train_index], y.iloc[test_index]\n", + "\n", + " best_model.fit(X_train, y_train)\n", + "\n", + " y_pred = best_model.predict(X_test)\n", + "\n", + " accuracy = accuracy_score(y_test, y_pred)\n", + " accuracy_scores.append(accuracy)\n", + " \n", + " precision = precision_score(y_test, y_pred)\n", + " precision_scores.append(precision)\n", + " \n", + " recall = recall_score(y_test, y_pred)\n", + " recall_scores.append(recall)\n", + " \n", + " f1 = f1_score(y_test, y_pred)\n", + " f1_scores.append(f1)\n", + " \n", + " roc_auc = roc_auc_score(y_test, y_pred)\n", + " roc_auc_scores.append(roc_auc)\n", + " \n", + " confusion = confusion_matrix(y_test, y_pred)\n", + " confusion_matrices.append(confusion)\n", + "\n", + "training_time = time.time() - start_time\n", + "print(f\"Time taken for training with best hyperparameters: {training_time:.2f} seconds\")\n", + "\n", + "print()\n", + "\n", + "mean_accuracy = np.mean(accuracy_scores)\n", + "std_accuracy = np.std(accuracy_scores)\n", + "\n", + "mean_precision = np.mean(precision_scores)\n", + "std_precision = np.std(precision_scores)\n", + "\n", + "mean_recall = np.mean(recall_scores)\n", + "std_recall = np.std(recall_scores)\n", + "\n", + "mean_f1 = np.mean(f1_scores)\n", + "std_f1 = np.std(f1_scores)\n", + "\n", + "mean_roc_auc = np.mean(roc_auc_scores)\n", + "std_roc_auc = np.std(roc_auc_scores)\n", + "\n", + "print(f\"Mean Accuracy: {mean_accuracy}\")\n", + "print(f\"Standard Deviation of Accuracy: {std_accuracy}\")\n", + "\n", + "print(f\"Mean Precision: {mean_precision}\")\n", + "print(f\"Standard Deviation of Precision: {std_precision}\")\n", + "\n", + "print(f\"Mean Recall: {mean_recall}\")\n", + "print(f\"Standard Deviation of Recall: {std_recall}\")\n", + "\n", + "print(f\"Mean F1-score: {mean_f1}\")\n", + "print(f\"Standard Deviation of F1-score: {std_f1}\")\n", + "\n", + "print(f\"Mean ROC AUC: {mean_roc_auc}\")\n", + "print(f\"Standard Deviation of ROC AUC: {std_roc_auc}\")\n", + "\n", + "print()\n", + "\n", + "total_time = time.time() - start_total_time\n", + "print(f\"Total time taken: {total_time:.2f} seconds\")" + ] + }, + { + "cell_type": "code", + "execution_count": 35, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "x_train: (1800, 13)\n", + "y_train: (1800,)\n", + "x_test: (601, 13)\n", + "y_test: (601,)\n" + ] + } + ], + "source": [ + "from sklearn.model_selection import train_test_split\n", + "\n", + "x_train, x_test, y_train, y_test = train_test_split(x,y,test_size=0.25,random_state=42)\n", + "\n", + "print(\"x_train:\",x_train.shape)\n", + "print(\"y_train:\",y_train.shape)\n", + "print(\"x_test:\",x_test.shape)\n", + "print(\"y_test:\",y_test.shape)" + ] + }, + { + "cell_type": "code", + "execution_count": 36, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Accuracy: 0.8752079866888519\n", + "Precision: 0.8486486486486486\n", + "Recall: 0.7696078431372549\n", + "F1 Score: 0.8071979434447301\n", + "ROC AUC Score: 0.8495394379414234\n", + "Confusion Matrix:\n", + "[[369 28]\n", + " [ 47 157]]\n" + ] + } + ], + "source": [ + "model = grid_search.best_estimator_\n", + "\n", + "model.fit(x_train, y_train)\n", + "\n", + "y_pred = model.predict(x_test)\n", + "\n", + "y_pred = (y_pred >= 0.5).astype(int)\n", + "\n", + "print(\"Accuracy:\", accuracy_score(y_test, y_pred))\n", + "print(\"Precision:\", precision_score(y_test, y_pred))\n", + "print(\"Recall:\", recall_score(y_test, y_pred))\n", + "print(\"F1 Score:\", f1_score(y_test, y_pred))\n", + "print(\"ROC AUC Score:\", roc_auc_score(y_test, y_pred))\n", + "print(\"Confusion Matrix:\")\n", + "print(confusion_matrix(y_test, y_pred))" + ] + }, + { + "cell_type": "code", + "execution_count": 37, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAokAAAIjCAYAAABvUIGpAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8pXeV/AAAACXBIWXMAAA9hAAAPYQGoP6dpAABHxklEQVR4nO3de5iN9f7/8deaYZYx5mAwMyaM82FyTNLkvJ1JRFuiGhJbDZVBmoqcato6EEKnjUTnsClpEGqbCjnllEFRzBAxGYwxc//+8LO+LR+HWcyaNWM9H133dVn3/Vn3/V5rp+u9X5/PfS+bZVmWAAAAgL/x8XQBAAAAKHhoEgEAAGCgSQQAAICBJhEAAAAGmkQAAAAYaBIBAABgoEkEAACAgSYRAAAABppEAAAAGGgSAVzR7t271a5dOwUHB8tms2nhwoV5ev5ffvlFNptNs2fPztPzFmYtW7ZUy5YtPV0GAC9HkwgUAnv27NG//vUvVa5cWcWKFVNQUJCaNGmi1157TadPn3brtWNjY7V161Y9//zzmjt3rm699Va3Xi8/9e3bVzabTUFBQZf8Hnfv3i2bzSabzaaXX37Z5fMfPHhQY8aM0aZNm/KgWgDIX0U8XQCAK/v888/1z3/+U3a7XQ8++KBq166ts2fP6ttvv9WIESO0bds2vfnmm2659unTp5WcnKxnnnlGgwcPdss1oqKidPr0aRUtWtQt57+aIkWK6NSpU1q8eLF69uzpdGzevHkqVqyYzpw5c03nPnjwoMaOHauKFSuqfv36uX7fV199dU3XA4C8RJMIFGD79u1Tr169FBUVpZUrV6ps2bKOY3FxcUpJSdHnn3/utusfOXJEkhQSEuK2a9hsNhUrVsxt578au92uJk2a6P333zeaxPnz56tz58769NNP86WWU6dOqXjx4vLz88uX6wHAlTDdDBRgEydO1MmTJ/XOO+84NYgXVK1aVY8//rjj9blz5zR+/HhVqVJFdrtdFStW1NNPP63MzEyn91WsWFF33nmnvv32W912220qVqyYKleurHfffdcxZsyYMYqKipIkjRgxQjabTRUrVpR0fpr2wp//bsyYMbLZbE77kpKS1LRpU4WEhKhEiRKqUaOGnn76acfxy61JXLlypZo1a6aAgACFhISoa9eu2rFjxyWvl5KSor59+yokJETBwcHq16+fTp06dfkv9iK9e/fW0qVLdfz4cce+devWaffu3erdu7cx/tixYxo+fLjq1KmjEiVKKCgoSB07dtTmzZsdY1atWqVGjRpJkvr16+eYtr7wOVu2bKnatWtrw4YNat68uYoXL+74Xi5ekxgbG6tixYoZn799+/YqWbKkDh48mOvPCgC5RZMIFGCLFy9W5cqVdccdd+Rq/MMPP6zRo0frlltu0aRJk9SiRQslJiaqV69extiUlBTdc889atu2rV555RWVLFlSffv21bZt2yRJ3bt316RJkyRJ9913n+bOnavJkye7VP+2bdt05513KjMzU+PGjdMrr7yiu+66S//73/+u+L7ly5erffv2Onz4sMaMGaP4+HitXbtWTZo00S+//GKM79mzp/766y8lJiaqZ8+emj17tsaOHZvrOrt37y6bzabPPvvMsW/+/PmqWbOmbrnlFmP83r17tXDhQt1555169dVXNWLECG3dulUtWrRwNGy1atXSuHHjJEkDBw7U3LlzNXfuXDVv3txxnqNHj6pjx46qX7++Jk+erFatWl2yvtdee01lypRRbGyssrOzJUlvvPGGvvrqK02dOlWRkZG5/qwAkGsWgALpxIkTliSra9euuRq/adMmS5L18MMPO+0fPny4JclauXKlY19UVJQlyVqzZo1j3+HDhy273W4NGzbMsW/fvn2WJOull15yOmdsbKwVFRVl1PDcc89Zf//PyqRJkyxJ1pEjRy5b94VrzJo1y7Gvfv36VlhYmHX06FHHvs2bN1s+Pj7Wgw8+aFzvoYcecjrn3XffbZUqVeqy1/z75wgICLAsy7Luueceq3Xr1pZlWVZ2drYVERFhjR079pLfwZkzZ6zs7Gzjc9jtdmvcuHGOfevWrTM+2wUtWrSwJFkzZ8685LEWLVo47Vu2bJklyZowYYK1d+9eq0SJEla3bt2u+hkB4FqRJAIFVHp6uiQpMDAwV+O/+OILSVJ8fLzT/mHDhkmSsXYxOjpazZo1c7wuU6aMatSoob17915zzRe7sJZx0aJFysnJydV7Dh06pE2bNqlv374KDQ117K9bt67atm3r+Jx/N2jQIKfXzZo109GjRx3fYW707t1bq1atUmpqqlauXKnU1NRLTjVL59cx+vic/89ndna2jh496phK//HHH3N9Tbvdrn79+uVqbLt27fSvf/1L48aNU/fu3VWsWDG98cYbub4WALiKJhEooIKCgiRJf/31V67G//rrr/Lx8VHVqlWd9kdERCgkJES//vqr0/4KFSoY5yhZsqT+/PPPa6zYdO+996pJkyZ6+OGHFR4erl69eumjjz66YsN4oc4aNWoYx2rVqqU//vhDGRkZTvsv/iwlS5aUJJc+S6dOnRQYGKgPP/xQ8+bNU6NGjYzv8oKcnBxNmjRJ1apVk91uV+nSpVWmTBlt2bJFJ06cyPU1b7rpJpduUnn55ZcVGhqqTZs2acqUKQoLC8v1ewHAVTSJQAEVFBSkyMhI/fTTTy697+IbRy7H19f3kvsty7rma1xYL3eBv7+/1qxZo+XLl+uBBx7Qli1bdO+996pt27bG2OtxPZ/lArvdru7du2vOnDlasGDBZVNESXrhhRcUHx+v5s2b67333tOyZcuUlJSkm2++OdeJqXT++3HFxo0bdfjwYUnS1q1bXXovALiKJhEowO68807t2bNHycnJVx0bFRWlnJwc7d6922l/Wlqajh8/7rhTOS+ULFnS6U7gCy5OKyXJx8dHrVu31quvvqrt27fr+eef18qVK/X1119f8twX6ty1a5dxbOfOnSpdurQCAgKu7wNcRu/evbVx40b99ddfl7zZ54JPPvlErVq10jvvvKNevXqpXbt2atOmjfGd5LZhz42MjAz169dP0dHRGjhwoCZOnKh169bl2fkB4GI0iUAB9uSTTyogIEAPP/yw0tLSjON79uzRa6+9Jun8dKkk4w7kV199VZLUuXPnPKurSpUqOnHihLZs2eLYd+jQIS1YsMBp3LFjx4z3Xnio9MWP5bmgbNmyql+/vubMmePUdP3000/66quvHJ/THVq1aqXx48dr2rRpioiIuOw4X19fI6X8+OOP9fvvvzvtu9DMXqqhdtXIkSO1f/9+zZkzR6+++qoqVqyo2NjYy36PAHC9eJg2UIBVqVJF8+fP17333qtatWo5/eLK2rVr9fHHH6tv376SpHr16ik2NlZvvvmmjh8/rhYtWuiHH37QnDlz1K1bt8s+XuVa9OrVSyNHjtTdd9+txx57TKdOndKMGTNUvXp1pxs3xo0bpzVr1qhz586KiorS4cOHNX36dJUrV05Nmza97PlfeukldezYUTExMerfv79Onz6tqVOnKjg4WGPGjMmzz3ExHx8fPfvss1cdd+edd2rcuHHq16+f7rjjDm3dulXz5s1T5cqVncZVqVJFISEhmjlzpgIDAxUQEKDGjRurUqVKLtW1cuVKTZ8+Xc8995zjkTyzZs1Sy5YtNWrUKE2cONGl8wFArnj47moAufDzzz9bAwYMsCpWrGj5+flZgYGBVpMmTaypU6daZ86ccYzLysqyxo4da1WqVMkqWrSoVb58eSshIcFpjGWdfwRO586djetc/OiVyz0Cx7Is66uvvrJq165t+fn5WTVq1LDee+894xE4K1assLp27WpFRkZafn5+VmRkpHXfffdZP//8s3GNix8Ts3z5cqtJkyaWv7+/FRQUZHXp0sXavn2705gL17v4ETuzZs2yJFn79u277HdqWc6PwLmcyz0CZ9iwYVbZsmUtf39/q0mTJlZycvIlH12zaNEiKzo62ipSpIjT52zRooV18803X/Kafz9Penq6FRUVZd1yyy1WVlaW07ihQ4daPj4+VnJy8hU/AwBcC5tlubCyGwAAAF6BNYkAAAAw0CQCAADAQJMIAAAAA00iAAAADDSJAAAAMNAkAgAAwECTCAAAAMMN+Ysr/g0Ge7oEAG7y57ppni4BgJsU82BX4s7e4fTGwvnfLZJEAAAAGG7IJBEAAMAlNnKzi9EkAgAA2GyerqDAoW0GAACAgSQRAACA6WYD3wgAAAAMJIkAAACsSTSQJAIAAMBAkggAAMCaRAPfCAAAAAwkiQAAAKxJNNAkAgAAMN1s4BsBAACAgSQRAACA6WYDSSIAAAAMJIkAAACsSTTwjQAAAMBAkggAAMCaRANJIgAAAAwkiQAAAKxJNNAkAgAAMN1soG0GAAAoIGbMmKG6desqKChIQUFBiomJ0dKlSx3HW7ZsKZvN5rQNGjTI6Rz79+9X586dVbx4cYWFhWnEiBE6d+6cy7WQJAIAABSQ6eZy5crpxRdfVLVq1WRZlubMmaOuXbtq48aNuvnmmyVJAwYM0Lhx4xzvKV68uOPP2dnZ6ty5syIiIrR27VodOnRIDz74oIoWLaoXXnjBpVpoEgEAANwoMzNTmZmZTvvsdrvsdrsxtkuXLk6vn3/+ec2YMUPfffedo0ksXry4IiIiLnmtr776Stu3b9fy5csVHh6u+vXra/z48Ro5cqTGjBkjPz+/XNddMNpmAAAAT7L5uG1LTExUcHCw05aYmHjVkrKzs/XBBx8oIyNDMTExjv3z5s1T6dKlVbt2bSUkJOjUqVOOY8nJyapTp47Cw8Md+9q3b6/09HRt27bNpa+EJBEAAMCNEhISFB8f77TvUiniBVu3blVMTIzOnDmjEiVKaMGCBYqOjpYk9e7dW1FRUYqMjNSWLVs0cuRI7dq1S5999pkkKTU11alBlOR4nZqa6lLdNIkAAAA+7ru7+XJTy5dTo0YNbdq0SSdOnNAnn3yi2NhYrV69WtHR0Ro4cKBjXJ06dVS2bFm1bt1ae/bsUZUqVfK0bqabAQAAChA/Pz9VrVpVDRs2VGJiourVq6fXXnvtkmMbN24sSUpJSZEkRUREKC0tzWnMhdeXW8d4OTSJAAAAblyTeL1ycnKMG18u2LRpkySpbNmykqSYmBht3bpVhw8fdoxJSkpSUFCQY8o6t5huBgAAKCAP005ISFDHjh1VoUIF/fXXX5o/f75WrVqlZcuWac+ePZo/f746deqkUqVKacuWLRo6dKiaN2+uunXrSpLatWun6OhoPfDAA5o4caJSU1P17LPPKi4uzqUpb4kmEQAAoMA4fPiwHnzwQR06dEjBwcGqW7euli1bprZt2+rAgQNavny5Jk+erIyMDJUvX149evTQs88+63i/r6+vlixZokceeUQxMTEKCAhQbGys03MVc8tmWZaVlx+uIPBvMNjTJQBwkz/XTfN0CQDcpJgHoyv/Ni+67dynlz/ltnO7E2sSAQAAYGC6GQAAoICsSSxISBIBAABgIEkEAADIg0fV3Gj4RgAAAGAgSQQAAGBNooEmEQAAgOlmA98IAAAADCSJAAAATDcbSBIBAABgIEkEAABgTaKBbwQAAAAGkkQAAADWJBpIEgEAAGAgSQQAAGBNooEmEQAAgCbRwDcCAAAAA0kiAAAAN64YSBIBAABgIEkEAABgTaKBbwQAAAAGkkQAAADWJBpIEgEAAGAgSQQAAGBNooEmEQAAgOlmA20zAAAADCSJAADA69lIEg0kiQAAADCQJAIAAK9HkmgiSQQAAICBJBEAAIAg0UCSCAAAAANJIgAA8HqsSTTRJAIAAK9Hk2hiuhkAAAAGkkQAAOD1SBJNJIkAAAAwkCQCAACvR5JoIkkEAACAgSQRAACAINFAkggAAAADSSIAAPB6rEk0kSQCAADAQJIIAAC8HkmiiSYRAAB4PZpEE9PNAAAAMJAkAgAAr0eSaCJJBAAAgIEkEQAAgCDRQJIIAAAAA0kiAADweqxJNJEkAgAAwECSCAAAvB5JookmEQAAeD2aRBPTzQAAADCQJAIAABAkGkgSAQAACogZM2aobt26CgoKUlBQkGJiYrR06VLH8TNnziguLk6lSpVSiRIl1KNHD6WlpTmdY//+/ercubOKFy+usLAwjRgxQufOnXO5FppEAADg9Ww2m9s2V5QrV04vvviiNmzYoPXr1+sf//iHunbtqm3btkmShg4dqsWLF+vjjz/W6tWrdfDgQXXv3t3x/uzsbHXu3Flnz57V2rVrNWfOHM2ePVujR492/TuxLMty+V0FnH+DwZ4uAYCb/LlumqdLAOAmxTy4CC784Y/ddu60t/95Xe8PDQ3VSy+9pHvuuUdlypTR/Pnzdc8990iSdu7cqVq1aik5OVm33367li5dqjvvvFMHDx5UeHi4JGnmzJkaOXKkjhw5Ij8/v1xflyQRAAB4PXcmiZmZmUpPT3faMjMzr1pTdna2PvjgA2VkZCgmJkYbNmxQVlaW2rRp4xhTs2ZNVahQQcnJyZKk5ORk1alTx9EgSlL79u2Vnp7uSCNziyYRAADAjRITExUcHOy0JSYmXnb81q1bVaJECdntdg0aNEgLFixQdHS0UlNT5efnp5CQEKfx4eHhSk1NlSSlpqY6NYgXjl845grubgYAAF7Pnc9JTEhIUHx8vNM+u91+2fE1atTQpk2bdOLECX3yySeKjY3V6tWr3Vbf5dAkAgAAr+fOJtFut1+xKbyYn5+fqlatKklq2LCh1q1bp9dee0333nuvzp49q+PHjzuliWlpaYqIiJAkRURE6IcffnA634W7ny+MyS2mmwEAAAqwnJwcZWZmqmHDhipatKhWrFjhOLZr1y7t379fMTExkqSYmBht3bpVhw8fdoxJSkpSUFCQoqOjXbouSSIAAEABeZh2QkKCOnbsqAoVKuivv/7S/PnztWrVKi1btkzBwcHq37+/4uPjFRoaqqCgIA0ZMkQxMTG6/fbbJUnt2rVTdHS0HnjgAU2cOFGpqal69tlnFRcX51KaKdEkAgAAFBiHDx/Wgw8+qEOHDik4OFh169bVsmXL1LZtW0nSpEmT5OPjox49eigzM1Pt27fX9OnTHe/39fXVkiVL9MgjjygmJkYBAQGKjY3VuHHjXK6F5yQCKFR4TiJw4/LkcxJvemSB2879+4y73XZud2JNIgAAAAxMNwMAAK/nzrubCyuSRAAAABhIEgEAgNcjSTTRJAIAANAjGphuBgAAgIEkEQAAeD2mm00kiQAAADCQJAIAAK9HkmgiSQQAAICBJBEFzoB/NtWAe5opKjJUkrRjb6peeHOpvvrfdseYxnUraUzcnWpUp6Kys3O05eff1eXR13UmM0uSVL9mOU14vJsa3lxB2dmWFq7YpJGvfKqM02c98pkAXNo7b72hFUlfad++vbIXK6b69RvoifjhqlipsmPMH0eO6NVXJuq7tWuVcSpDFStW0oCBg9SmXXsPVo4bDUmiiSQRBc7vacc1auoi3dFnopr0eUmrfvhZH08aqFqVIySdbxAXTXtUK77bqWb3v6Sm97+kmR+sVk7O+Z8hL1smWJ/PHKI9B46o+QMvq2vc64quEqG3xj3gyY8F4BLWr/tB997XR3Pf/0hvvDVL586d06AB/XXq1CnHmGeeHqlf9u3Ta9Nm6NMFi9W6TVuNGPaEduzYfoUzA7heJIkocL5Y85PT6zGvL9aAfzbVbXUracfeVE0c1l3TP1ill2clOcbs/vWw488dm9VW1rlsPZH4kSzrfOM45PkPtf7jp1W5fGntPfBH/nwQAFc14813nF6Pe/5FtWoWox3bt6nhrY0kSZs3btQzo59Tnbp1JUkDBz2q996dox3btqlWreh8rxk3JpJEk0ebxD/++EP/+c9/lJycrNTUVElSRESE7rjjDvXt21dlypTxZHkoAHx8bOrR9hYF+Pvp+y37VKZkCd1Wt5I+WLpeX8+OV6VypfXzL2kaM22x1m7aK0my+xVRVla2o0GUpNOZ56eZ76hfhSYRKMBO/vWXJCkoONixr16DBlr25VI1b95SgUFBWvblUmWezdStjW7zVJm4EdEjGjw23bxu3TpVr15dU6ZMUXBwsJo3b67mzZsrODhYU6ZMUc2aNbV+/fqrniczM1Pp6elOm5WTnQ+fAO50c9VIHfnfKzrx/WRNeeZe3TvsLe3cm6pK5UpLkp75Vyf957O16ho3XZt2HNAXbwxRlQrn/0/Fqh92KbxUkIY+2FpFi/gqJNBfEx7rKkmKKBN82WsC8KycnBxN/PcLqt/gFlWrVt2x/6VXJutc1jk1b9JYjRrU0YSxozXptWmqEBXlwWqBG5/HksQhQ4bon//8p2bOnGlEvJZladCgQRoyZIiSk5OveJ7ExESNHTvWaZ9veCMVLcv/wyzMfv4lTY17JSq4hL/ubtNAb417QO0efk0+Puf/XXnn028197/fSZI27/pNLW+rodiuMRo99b/asTdVA0bP1YvDumvckLuUnZOj6e+vVuof6bJycjz5sQBcwQsTxmrP7t2aPXe+0/7Xp76mv/5K15vvzFZISEl9vXK5nhz2hGa9O0/VqtfwULW40TDdbPJYk7h582bNnj37kv+j2Gw2DR06VA0aNLjqeRISEhQfH++0L6zZyDyrE56RdS7bMS28cccBNby5guLua+lYh7hjb6rT+F37UlU+oqTj9YdfrteHX65XWGigMk5nyrKkx+7/h/b9djT/PgSAXHthwjitWb1K/5nznsIjIhz7D+zfrw/mv6dPFy1R1arVJEk1atbUjxvW64P352nUc+M8VTJww/NYkxgREaEffvhBNWvWvOTxH374QeHh4Vc9j91ul91ud9pn8/HNkxpRcPjYbLL7FdGvB4/q4OHjql4xzOl41agwp0fkXHD42Pn1TQ92vV1nzmZpxXc786VeALljWZYSnx+vlSuS9M7suSpXrrzT8TNnTkuSfGzOq6N8fHxl5VgC8gpJosljTeLw4cM1cOBAbdiwQa1bt3Y0hGlpaVqxYoXeeustvfzyy54qDx40bshdWva/bTpw6E8FBhTTvR1vVfNbq6nLo9MlSZPmLNezgzpr68+/a/Ou33R/l8aqUTFcvUf8312Sg+5tru8279XJU2fV+vaaeuGJbho1dZFOnDztqY8F4BJeGD9WS79YoslTpyugeID+OHJEklQiMFDFihVTxUqVVaFClMaPHa344SMVEhKilSuX67vk/2nq9Dc8XD1wY7NZf78FNJ99+OGHmjRpkjZs2KDs7PM3m/j6+qphw4aKj49Xz549r+m8/g0G52WZyGcznuutVrfVUETpIJ04eUY/7f5dr8xarpXf/18KOLxfW/2rZ3OVDC6urT//rmcmL3Tc3SxJb49/QB2a1laJ4n7a9UuaJr+7Qu9/vs4THwd57M910zxdAvJQvZsvvaZw3IREdb27uyTp119/0WuvvqKNGzfo1KlTqlC+gh7s95C63NUtHytFfijmwWeuVB2+1G3nTnm5o9vO7U4ebRIvyMrK0h9/nF9/Vrp0aRUtWvS6zkeTCNy4aBKBGxdNYsFSIB6mXbRoUZUtW9bTZQAAAC/FmkRTgWgSAQAAPIke0cRvNwMAAMBAkggAALwe080mkkQAAAAYSBIBAIDXI0g0kSQCAADAQJIIAAC8no8PUeLFSBIBAABgIEkEAABejzWJJppEAADg9XgEjonpZgAAABhIEgEAgNcjSDSRJAIAAMBAkggAALweaxJNJIkAAAAwkCQCAACvR5JoIkkEAACAgSQRAAB4PYJEE00iAADwekw3m5huBgAAgIEkEQAAeD2CRBNJIgAAAAwkiQAAwOuxJtFEkggAAAADSSIAAPB6BIkmkkQAAAAYSBIBAIDXY02iiSQRAAAABpJEAADg9QgSTTSJAADA6zHdbGK6GQAAAAaSRAAA4PUIEk0kiQAAADCQJAIAAK/HmkQTSSIAAAAMNIkAAMDr2Wzu21yRmJioRo0aKTAwUGFhYerWrZt27drlNKZly5ay2WxO26BBg5zG7N+/X507d1bx4sUVFhamESNG6Ny5cy7VwnQzAABAAbF69WrFxcWpUaNGOnfunJ5++mm1a9dO27dvV0BAgGPcgAEDNG7cOMfr4sWLO/6cnZ2tzp07KyIiQmvXrtWhQ4f04IMPqmjRonrhhRdyXQtNIgAA8HoFZU3il19+6fR69uzZCgsL04YNG9S8eXPH/uLFiysiIuKS5/jqq6+0fft2LV++XOHh4apfv77Gjx+vkSNHasyYMfLz88tVLUw3AwAAr+fO6ebMzEylp6c7bZmZmbmq68SJE5Kk0NBQp/3z5s1T6dKlVbt2bSUkJOjUqVOOY8nJyapTp47Cw8Md+9q3b6/09HRt27Yt198JTSIAAIAbJSYmKjg42GlLTEy86vtycnL0xBNPqEmTJqpdu7Zjf+/evfXee+/p66+/VkJCgubOnav777/fcTw1NdWpQZTkeJ2amprrupluBgAAXs+d080JCQmKj4932me326/6vri4OP3000/69ttvnfYPHDjQ8ec6deqobNmyat26tfbs2aMqVarkTdEiSQQAAHAru92uoKAgp+1qTeLgwYO1ZMkSff311ypXrtwVxzZu3FiSlJKSIkmKiIhQWlqa05gLry+3jvFSaBIBAIDXu/iRMnm5ucKyLA0ePFgLFizQypUrValSpau+Z9OmTZKksmXLSpJiYmK0detWHT582DEmKSlJQUFBio6OznUtTDcDAAAUEHFxcZo/f74WLVqkwMBAxxrC4OBg+fv7a8+ePZo/f746deqkUqVKacuWLRo6dKiaN2+uunXrSpLatWun6OhoPfDAA5o4caJSU1P17LPPKi4uLlfT3BfQJAIAAK9XQJ6AoxkzZkg6/8Dsv5s1a5b69u0rPz8/LV++XJMnT1ZGRobKly+vHj166Nlnn3WM9fX11ZIlS/TII48oJiZGAQEBio2NdXquYm7QJAIAABQQlmVd8Xj58uW1evXqq54nKipKX3zxxXXVQpMIAAC8XkF5mHZBQpMIAAC8Hj2iibubAQAAYCBJBAAAXo/pZhNJIgAAAAwkiQAAwOsRJJpIEgEAAGAgSQQAAF7PhyjRQJIIAAAAA0kiAADwegSJJppEAADg9XgEjonpZgAAABhIEgEAgNfzIUg0kCQCAADAQJIIAAC8HmsSTSSJAAAAMJAkAgAAr0eQaCJJBAAAgIEkEQAAeD2biBIvRpMIAAC8Ho/AMTHdDAAAAANJIgAA8Ho8AsdEkggAAAADSSIAAPB6BIkmkkQAAAAYSBIBAIDX8yFKNJAkAgAAwJAnTeLx48fz4jQAAAAeYbO5byusXG4S//3vf+vDDz90vO7Zs6dKlSqlm266SZs3b87T4gAAAPKDzWZz21ZYudwkzpw5U+XLl5ckJSUlKSkpSUuXLlXHjh01YsSIPC8QAAAA+c/lG1dSU1MdTeKSJUvUs2dPtWvXThUrVlTjxo3zvEAAAAB3K8SBn9u4nCSWLFlSBw4ckCR9+eWXatOmjSTJsixlZ2fnbXUAAADwCJeTxO7du6t3796qVq2ajh49qo4dO0qSNm7cqKpVq+Z5gQAAAO7GI3BMLjeJkyZNUsWKFXXgwAFNnDhRJUqUkCQdOnRIjz76aJ4XCAAAgPzncpNYtGhRDR8+3Ng/dOjQPCkIAAAgv5EjmnLVJP73v//N9Qnvuuuuay4GAAAABUOumsRu3brl6mQ2m42bVwAAQKFTmJ9n6C65ahJzcnLcXQcAAIDH+NAjGq7rZ/nOnDmTV3UAAACgAHG5SczOztb48eN10003qUSJEtq7d68kadSoUXrnnXfyvEAAAAB342f5TC43ic8//7xmz56tiRMnys/Pz7G/du3aevvtt/O0OAAAAHiGy03iu+++qzfffFN9+vSRr6+vY3+9evW0c+fOPC0OAAAgP9hs7tsKK5ebxN9///2Sv6ySk5OjrKysPCkKAAAAnuVykxgdHa1vvvnG2P/JJ5+oQYMGeVIUAABAfmJNosnlX1wZPXq0YmNj9fvvvysnJ0efffaZdu3apXfffVdLlixxR40AAADIZy4niV27dtXixYu1fPlyBQQEaPTo0dqxY4cWL16stm3buqNGAAAAt/KxuW8rrFxOEiWpWbNmSkpKyutaAAAAPKIwTwu7yzU1iZK0fv167dixQ9L5dYoNGzbMs6IAAADgWS43ib/99pvuu+8+/e9//1NISIgk6fjx47rjjjv0wQcfqFy5cnldIwAAgFuRI5pcXpP48MMPKysrSzt27NCxY8d07Ngx7dixQzk5OXr44YfdUSMAAADymctJ4urVq7V27VrVqFHDsa9GjRqaOnWqmjVrlqfFAQAA5Acf1iQaXE4Sy5cvf8mHZmdnZysyMjJPigIAAIBnudwkvvTSSxoyZIjWr1/v2Ld+/Xo9/vjjevnll/O0OAAAgPzAz/KZcjXdXLJkSadbwzMyMtS4cWMVKXL+7efOnVORIkX00EMPqVu3bm4pFAAAAPknV03i5MmT3VwGAACA5/CcRFOumsTY2Fh31wEAAIAC5Jofpi1JZ86c0dmzZ532BQUFXVdBAAAA+Y0g0eTyjSsZGRkaPHiwwsLCFBAQoJIlSzptAAAAhY2Pzea2zRWJiYlq1KiRAgMDFRYWpm7dumnXrl1OY86cOaO4uDiVKlVKJUqUUI8ePZSWluY0Zv/+/ercubOKFy+usLAwjRgxQufOnXPtO3FptKQnn3xSK1eu1IwZM2S32/X2229r7NixioyM1Lvvvuvq6QAAAPD/rV69WnFxcfruu++UlJSkrKwstWvXThkZGY4xQ4cO1eLFi/Xxxx9r9erVOnjwoLp37+44np2drc6dO+vs2bNau3at5syZo9mzZ2v06NEu1WKzLMty5Q0VKlTQu+++q5YtWyooKEg//vijqlatqrlz5+r999/XF1984VIB7uDfYLCnSwDgJn+um+bpEgC4SbHrWgR3fR79bLvbzj29e/Q1v/fIkSMKCwvT6tWr1bx5c504cUJlypTR/Pnzdc8990iSdu7cqVq1aik5OVm33367li5dqjvvvFMHDx5UeHi4JGnmzJkaOXKkjhw5Ij8/v1xd2+Uk8dixY6pcubKk8+sPjx07Jklq2rSp1qxZ4+rpAAAAbmiZmZlKT0932jIzM3P13hMnTkiSQkNDJUkbNmxQVlaW2rRp4xhTs2ZNVahQQcnJyZKk5ORk1alTx9EgSlL79u2Vnp6ubdu25bpul5vEypUra9++fY6iPvroI0nS4sWLFRIS4urpAAAAPM5ms7ltS0xMVHBwsNOWmJh41ZpycnL0xBNPqEmTJqpdu7YkKTU1VX5+fkbPFR4ertTUVMeYvzeIF45fOJZbLge7/fr10+bNm9WiRQs99dRT6tKli6ZNm6asrCy9+uqrrp4OAADghpaQkKD4+HinfXa7/arvi4uL008//aRvv/3WXaVdkctN4tChQx1/btOmjXbu3KkNGzaoatWqqlu3bp4Wd61++3ayp0sA4CbzN+73dAkA3OShRhU8dm2Xp1ZdYLfbc9UU/t3gwYO1ZMkSrVmzRuXKlXPsj4iI0NmzZ3X8+HGnNDEtLU0RERGOMT/88IPT+S7c/XxhTG5c93cSFRWl7t27F5gGEQAAoLCyLEuDBw/WggULtHLlSlWqVMnpeMOGDVW0aFGtWLHCsW/Xrl3av3+/YmJiJEkxMTHaunWrDh8+7BiTlJSkoKAgRUfn/iaaXCWJU6ZMyfUJH3vssVyPBQAAKAgKys/yxcXFaf78+Vq0aJECAwMdawiDg4Pl7++v4OBg9e/fX/Hx8QoNDVVQUJCGDBmimJgY3X777ZKkdu3aKTo6Wg888IAmTpyo1NRUPfvss4qLi3Mp0czVI3Au7mIvezKbTXv37s31xd3laIZrD4sEUHgs2n7Q0yUAcBNPTjc/sWin2849uWvNXI+9XLM6a9Ys9e3bV9L5h2kPGzZM77//vjIzM9W+fXtNnz7daSr5119/1SOPPKJVq1YpICBAsbGxevHFF1WkSO5XGrr8nMTCgCYRuHHRJAI3LprEgsWDj60EAAAoGHwKxmxzgeLOm3kAAABQSJEkAgAAr1dQblwpSEgSAQAAYCBJBAAAXo81iaZrShK/+eYb3X///YqJidHvv/8uSZo7d67HfjYGAAAAecvlJvHTTz9V+/bt5e/vr40bNyozM1OSdOLECb3wwgt5XiAAAIC72Wzu2worl5vECRMmaObMmXrrrbdUtGhRx/4mTZroxx9/zNPiAAAA8oOPzea2rbByuUnctWuXmjdvbuwPDg7W8ePH86ImAAAAeJjLTWJERIRSUlKM/d9++60qV66cJ0UBAADkJx83boWVy7UPGDBAjz/+uL7//nvZbDYdPHhQ8+bN0/Dhw/XII4+4o0YAAADkM5cfgfPUU08pJydHrVu31qlTp9S8eXPZ7XYNHz5cQ4YMcUeNAAAAblWIlw66jctNos1m0zPPPKMRI0YoJSVFJ0+eVHR0tEqUKOGO+gAAAOAB1/wwbT8/P0VHR+dlLQAAAB5RmO9CdheXm8RWrVpd8fcNV65ceV0FAQAAwPNcbhLr16/v9DorK0ubNm3STz/9pNjY2LyqCwAAIN8QJJpcbhInTZp0yf1jxozRyZMnr7sgAACA/MZvN5vy7PE9999/v/7zn//k1ekAAADgQdd848rFkpOTVaxYsbw6HQAAQL7hxhWTy01i9+7dnV5blqVDhw5p/fr1GjVqVJ4VBgAAAM9xuUkMDg52eu3j46MaNWpo3LhxateuXZ4VBgAAkF8IEk0uNYnZ2dnq16+f6tSpo5IlS7qrJgAAAHiYSzeu+Pr6ql27djp+/LibygEAAMh/Pjb3bYWVy3c3165dW3v37nVHLQAAACggXG4SJ0yYoOHDh2vJkiU6dOiQ0tPTnTYAAIDCxubGfwqrXK9JHDdunIYNG6ZOnTpJku666y6nn+ezLEs2m03Z2dl5XyUAAIAbFeZpYXfJdZM4duxYDRo0SF9//bU76wEAAEABkOsm0bIsSVKLFi3cVgwAAIAnkCSaXFqTaOMhQgAAAF7BpeckVq9e/aqN4rFjx66rIAAAgPxGEGZyqUkcO3as8YsrAAAAuPG41CT26tVLYWFh7qoFAADAI1iTaMr1mkRiWAAAAO/h8t3NAAAANxqyMFOum8ScnBx31gEAAOAxPnSJBpd/lg8AAAA3PpduXAEAALgRceOKiSQRAAAABpJEAADg9ViSaCJJBAAAgIEkEQAAeD0fESVejCQRAAAABpJEAADg9ViTaKJJBAAAXo9H4JiYbgYAAICBJBEAAHg9fpbPRJIIAAAAA0kiAADwegSJJpJEAAAAGEgSAQCA12NNookkEQAAAAaSRAAA4PUIEk00iQAAwOsxtWriOwEAAICBJBEAAHg9G/PNBpJEAAAAGEgSAQCA1yNHNJEkAgAAFCBr1qxRly5dFBkZKZvNpoULFzod79u3r2w2m9PWoUMHpzHHjh1Tnz59FBQUpJCQEPXv318nT550qQ6aRAAA4PV8bDa3ba7KyMhQvXr19Prrr192TIcOHXTo0CHH9v777zsd79Onj7Zt26akpCQtWbJEa9as0cCBA12qg+lmAAAAN8rMzFRmZqbTPrvdLrvdfsnxHTt2VMeOHa94TrvdroiIiEse27Fjh7788kutW7dOt956qyRp6tSp6tSpk15++WVFRkbmqm6SRAAA4PVsbtwSExMVHBzstCUmJl5XvatWrVJYWJhq1KihRx55REePHnUcS05OVkhIiKNBlKQ2bdrIx8dH33//fa6vQZIIAAC8njufgJOQkKD4+HinfZdLEXOjQ4cO6t69uypVqqQ9e/bo6aefVseOHZWcnCxfX1+lpqYqLCzM6T1FihRRaGioUlNTc30dmkQAAAA3utLU8rXo1auX48916tRR3bp1VaVKFa1atUqtW7fOs+sw3QwAALzexXcL5+XmbpUrV1bp0qWVkpIiSYqIiNDhw4edxpw7d07Hjh277DrGS6FJBAAAKMR+++03HT16VGXLlpUkxcTE6Pjx49qwYYNjzMqVK5WTk6PGjRvn+rxMNwMAAK9XkFKzkydPOlJBSdq3b582bdqk0NBQhYaGauzYserRo4ciIiK0Z88ePfnkk6patarat28vSapVq5Y6dOigAQMGaObMmcrKytLgwYPVq1evXN/ZLBWs7wQAAMDrrV+/Xg0aNFCDBg0kSfHx8WrQoIFGjx4tX19fbdmyRXfddZeqV6+u/v37q2HDhvrmm2+c1j3OmzdPNWvWVOvWrdWpUyc1bdpUb775pkt12CzLsvL0kxUARzPOeboEAG6yaPtBT5cAwE0ealTBY9f+aJP7/tvSs37u07uChCQRAAAABtYkAgAAr+f+e5ALH5JEAAAAGEgSAQCA18uP5xkWNjSJAADA6zG1auI7AQAAgIEkEQAAeD2mm00kiQAAADCQJAIAAK9HjmgiSQQAAICBJBEAAHg9liSaSBIBAABgIEkEAABez4dViQaaRAAA4PWYbjYx3QwAAAADSSIAAPB6NqabDSSJAAAAMJAkAgAAr8eaRBNJIgAAAAwkiQAAwOvxCBwTSSIAAAAMJIkAAMDrsSbRRJMIAAC8Hk2iielmAAAAGEgSAQCA1+Nh2iaSRAAAABhIEgEAgNfzIUg0kCQCAADAQJIIAAC8HmsSTSSJAAAAMJAkAgAAr8dzEk00iQAAwOsx3WxiuhkAAAAGkkQAAOD1eASOiSQRAAAABpJEAADg9ViTaCJJBAAAgIEkEYXOu7Pe0sypk9Xzvvv1xIgEHTr4u3rc2e6SYyf8+1X9o237fK4QwJUc2LlF33/+sdL2/ayTx4/p7ifGqPqtTRzHP39jon76JsnpPZXq3KqeIxMlSfu3b9b7Lwy/5LkfHDtNZavUcF/xuGHxCBwTTSIKle3btmrRpx+rarXqjn1h4RFa/NUqp3GLPvtY89+dpdubNM3nCgFczdnMMwqrUFl1m7fXgtfGXnJMpbqN1Gng/zWCRYoWdfz5purRipv2odP4bz6ZrV+3bVRE5eoCkDdoElFonDqVobHPjNRTo8Zq9ttvOPb7+vqqVOkyTmNXf71C/2jbQcWLB+R3mQCuokq921Sl3m1XHFOkaFGVCAm95DHfIs7Hss+dU8qPybqlbVfZiINwjfg3x8SaRBQar7w4QXc0ba5GjWOuOG7n9m3avWununTrnk+VAchr+3ds1tRH/6m3hvfTslmv6fRf6Zcdm/Jjsk7/la46zVlagmvnY7O5bSusCnSTeODAAT300ENXHJOZman09HSnLTMzM58qRH5JWvaFdu3coUFDhl517OJFn6pipcqqU69BPlQGIK9VqttInf/1pHolTFSLXg/rwI4t+vilp5WTk33J8VtWL1Wlug0VVKrMJY8DuDYFukk8duyY5syZc8UxiYmJCg4Odtomv/zvfKoQ+SEt9ZAmv/Sixkz4t+x2+xXHZp45o6SlX+jObj3yqToAeS06ppWqNbxDZcpXUvVbm+ie4RN0aO8u7d++2RibfvSI9m3ZoLotOnqgUtxIbG7cCiuPrkn873//e8Xje/fuveo5EhISFB8f77Tv5Dnf66oLBcvOHdv157Gj6tfnn4592dnZ2vTjen360fta9d1G+fqe/9985fKvdObMaXW88y5PlQsgj4WElZV/YLCOpx2Uat/idGzrmmXyDwxS1VuuvAwFgOs82iR269ZNNptNlmVddszVFiHb7XYjXcrKOJcn9aFguPW22zX3o4VO+54f84yiKlbW/X37OxpESVqy6DM1bdFKJUteesE7gMIn/egRnT6ZroCLbmSxLEtb1yzTzU3byLcI92HiOhXmyM9NPPq3qmzZspo+fbq6du16yeObNm1Sw4YN87kqFDQBAQGqUrWa0z5//+IKDg522v/b/l+16cf1emXKjPwuEYALzp45rT/Tfne8PnEkVWm/psg/IEjFSgTqf5/NVfXbmqpEcKj+TDuoVR+8rZLhkapU91an8/y6baNOHElVvZZMNQPu4NEmsWHDhtqwYcNlm8SrpYzA3y1ZtEBh4eG6LabJ1QcD8JjUvT87PQx75byZkqTazdqqXb/HdfjAXv30bZLOZJxUiZKlVKlOQzW7p6+KFPVzOs+W1V/qpmrRKhVZIV/rx42Jn+Uz2SwPdmHffPONMjIy1KFDh0sez8jI0Pr169WiRQuXznuU6WbghrVo+0FPlwDATR5q5LmG//s9J9x27sZVgt12bnfyaJLYrFmzKx4PCAhwuUEEAABwVSF+nKHbsNIXAAB4PXpEU4F+TiIAAAA8gyQRAACAKNFAkggAAAADSSIAAPB6PALHRJIIAAAAA0kiAADwejwCx0SSCAAAUICsWbNGXbp0UWRkpGw2mxYuXOh03LIsjR49WmXLlpW/v7/atGmj3bt3O405duyY+vTpo6CgIIWEhKh///46efKkS3XQJAIAAK9nc+PmqoyMDNWrV0+vv/76JY9PnDhRU6ZM0cyZM/X9998rICBA7du315kzZxxj+vTpo23btikpKUlLlizRmjVrNHDgQJfq8OjP8rkLP8sH3Lj4WT7gxuXJn+X78dd0t537lqiga36vzWbTggUL1K1bN0nnU8TIyEgNGzZMw4ef/w30EydOKDw8XLNnz1avXr20Y8cORUdHa926dbr11lslSV9++aU6deqk3377TZGRkbm6NkkiAACAG2VmZio9Pd1py8zMvKZz7du3T6mpqWrTpo1jX3BwsBo3bqzk5GRJUnJyskJCQhwNoiS1adNGPj4++v7773N9LZpEAADg9Wxu/CcxMVHBwcFOW2Ji4jXVmZqaKkkKDw932h8eHu44lpqaqrCwMKfjRYoUUWhoqGNMbnB3MwAAgBslJCQoPj7eaZ/dbvdQNblHkwgAALyeOx+BY7fb86wpjIiIkCSlpaWpbNmyjv1paWmqX7++Y8zhw4ed3nfu3DkdO3bM8f7cYLoZAACgkKhUqZIiIiK0YsUKx7709HR9//33iomJkSTFxMTo+PHj2rBhg2PMypUrlZOTo8aNG+f6WiSJAADA6xWkZ2mfPHlSKSkpjtf79u3Tpk2bFBoaqgoVKuiJJ57QhAkTVK1aNVWqVEmjRo1SZGSk4w7oWrVqqUOHDhowYIBmzpyprKwsDR48WL169cr1nc0STSIAAECBsn79erVq1crx+sJ6xtjYWM2ePVtPPvmkMjIyNHDgQB0/flxNmzbVl19+qWLFijneM2/ePA0ePFitW7eWj4+PevTooSlTprhUB89JBFCo8JxE4Mblyeckbj7wl9vOXa98oNvO7U4kiQAAwOvZCtSEc8HAjSsAAAAwkCQCAACv585H4BRWJIkAAAAwkCQCAACvR5BoIkkEAACAgSQRAACAKNFAkggAAAADSSIAAPB6PCfRRJIIAAAAA0kiAADwejwn0USTCAAAvB49oonpZgAAABhIEgEAAIgSDSSJAAAAMJAkAgAAr8cjcEwkiQAAADCQJAIAAK/HI3BMJIkAAAAwkCQCAACvR5BookkEAACgSzQw3QwAAAADSSIAAPB6PALHRJIIAAAAA0kiAADwejwCx0SSCAAAAANJIgAA8HoEiSaSRAAAABhIEgEAAIgSDTSJAADA6/EIHBPTzQAAADCQJAIAAK/HI3BMJIkAAAAwkCQCAACvR5BoIkkEAACAgSQRAACAKNFAkggAAAADSSIAAPB6PCfRRJMIAAC8Ho/AMTHdDAAAAANJIgAA8HoEiSaSRAAAABhIEgEAgNdjTaKJJBEAAAAGkkQAAABWJRpIEgEAAGAgSQQAAF6PNYkmmkQAAOD16BFNTDcDAADAQJIIAAC8HtPNJpJEAAAAGEgSAQCA17OxKtFAkggAAAADSSIAAABBooEkEQAAAAaSRAAA4PUIEk00iQAAwOvxCBwT080AAAAFxJgxY2Sz2Zy2mjVrOo6fOXNGcXFxKlWqlEqUKKEePXooLS3NLbXQJAIAAK9nc+M/rrr55pt16NAhx/btt986jg0dOlSLFy/Wxx9/rNWrV+vgwYPq3r17Xn4VDkw3AwAAFCBFihRRRESEsf/EiRN65513NH/+fP3jH/+QJM2aNUu1atXSd999p9tvvz1P6yBJBAAAsLlvy8zMVHp6utOWmZl52VJ2796tyMhIVa5cWX369NH+/fslSRs2bFBWVpbatGnjGFuzZk1VqFBBycnJefhlnEeTCAAA4EaJiYkKDg522hITEy85tnHjxpo9e7a+/PJLzZgxQ/v27VOzZs30119/KTU1VX5+fgoJCXF6T3h4uFJTU/O8bqabAQCA13Pnzc0JCQmKj4932me32y85tmPHjo4/161bV40bN1ZUVJQ++ugj+fv7u7FKE0kiAACAG9ntdgUFBTltl2sSLxYSEqLq1asrJSVFEREROnv2rI4fP+40Ji0t7ZJrGK8XTSIAAPB6Npv7tutx8uRJ7dmzR2XLllXDhg1VtGhRrVixwnF8165d2r9/v2JiYq7zGzAx3QwAALzetTyqxh2GDx+uLl26KCoqSgcPHtRzzz0nX19f3XfffQoODlb//v0VHx+v0NBQBQUFaciQIYqJicnzO5slmkQAAIAC47ffftN9992no0ePqkyZMmratKm+++47lSlTRpI0adIk+fj4qEePHsrMzFT79u01ffp0t9RisyzLcsuZPehoxjlPlwDATRZtP+jpEgC4yUONKnjs2n+eynbbuUsW93Xbud2JNYkAAAAw0CQCAADAQJMIAAAAAzeuAAAAr3e9j6q5EZEkAgAAwECSCAAAvF5BeU5iQUKTCAAAvB7TzSammwEAAGAgSQQAAF6PINFEkggAAAADSSIAAABRooEkEQAAAAaSRAAA4PV4BI6JJBEAAAAGkkQAAOD1eE6iiSQRAAAABpJEAADg9QgSTTSJAAAAdIkGppsBAABgIEkEAABej0fgmEgSAQAAYCBJBAAAXo9H4JhIEgEAAGCwWZZleboI4FplZmYqMTFRCQkJstvtni4HQB7i7zfgWTSJKNTS09MVHBysEydOKCgoyNPlAMhD/P0GPIvpZgAAABhoEgEAAGCgSQQAAICBJhGFmt1u13PPPceiduAGxN9vwLO4cQUAAAAGkkQAAAAYaBIBAABgoEkEAACAgSYRAAAABppEFGqvv/66KlasqGLFiqlx48b64YcfPF0SgOu0Zs0adenSRZGRkbLZbFq4cKGnSwK8Ek0iCq0PP/xQ8fHxeu655/Tjjz+qXr16at++vQ4fPuzp0gBch4yMDNWrV0+vv/66p0sBvBqPwEGh1bhxYzVq1EjTpk2TJOXk5Kh8+fIaMmSInnrqKQ9XByAv2Gw2LViwQN26dfN0KYDXIUlEoXT27Flt2LBBbdq0cezz8fFRmzZtlJyc7MHKAAC4MdAkolD6448/lJ2drfDwcKf94eHhSk1N9VBVAADcOGgSAQAAYKBJRKFUunRp+fr6Ki0tzWl/WlqaIiIiPFQVAAA3DppEFEp+fn5q2LChVqxY4diXk5OjFStWKCYmxoOVAQBwYyji6QKAaxUfH6/Y2Fjdeuutuu222zR58mRlZGSoX79+ni4NwHU4efKkUlJSHK/37dunTZs2KTQ0VBUqVPBgZYB34RE4KNSmTZuml156Sampqapfv76mTJmixo0be7osANdh1apVatWqlbE/NjZWs2fPzv+CAC9FkwgAAAADaxIBAABgoEkEAACAgSYRAAAABppEAAAAGGgSAQAAYKBJBAAAgIEmEQAAAAaaRAAAABhoEgFct759+6pbt26O1y1bttQTTzyR73WsWrVKNptNx48fv+wYm82mhQsX5vqcY8aMUf369a+rrl9++UU2m02bNm26rvMAQH6iSQRuUH379pXNZpPNZpOfn5+qVq2qcePG6dy5c26/9meffabx48fnamxuGjsAQP4r4ukCALhPhw4dNGvWLGVmZuqLL75QXFycihYtqoSEBGPs2bNn5efnlyfXDQ0NzZPzAAA8hyQRuIHZ7XZFREQoKipKjzzyiNq0aaP//ve/kv5vivj5559XZGSkatSoIUk6cOCAevbsqZCQEIWGhqpr16765ZdfHOfMzs5WfHy8QkJCVKpUKT355JO6+CfgL55uzszM1MiRI1W+fHnZ7XZVrVpV77zzjn755Re1atVKklSyZEnZbDb17dtXkpSTk6PExERVqlRJ/v7+qlevnj755BOn63zxxReqXr26/P391apVK6c6c2vkyJGqXr26ihcvrsqVK2vUqFHKysoyxr3xxhsqX768ihcvrp49e+rEiRNOx99++23VqlVLxYoVU82aNTV9+vTLXvPPP/9Unz59VKZMGfn7+6tatWqaNWuWy7UDgDuRJAJexN/fX0ePHnW8XrFihYKCgpSUlCRJysrKUvv27RUTE6NvvvlGRYoU0YQJE9ShQwdt2bJFfn5+euWVVzR79mz95z//Ua1atfTKK69owYIF+sc//nHZ6z744INKTk7WlClTVK9ePe3bt09//PGHypcvr08//VQ9evTQrl27FBQUJH9/f0lSYmKi3nvvPc2cOVPVqlXTmjVrdP/996tMmTJq0aKFDhw4oO7duysuLk4DBw7U+vXrNWzYMJe/k8DAQM2ePVuRkZHaunWrBgwYoMDAQD355JOOMSkpKfroo4+0ePFipaenq3///nr00Uc1b948SdK8efM0evRoTZs2TQ0aNNDGjRs1YMAABQQEKDY21rjmqFGjtH37di1dulSlS5dWSkqKTp8+7XLtAOBWFoAbUmxsrNW1a1fLsiwrJyfHSkpKsux2uzV8+HDH8fDwcCszM9Pxnrlz51o1atSwcnJyHPsyMzMtf39/a9myZZZlWVbZsmWtiRMnOo5nZWVZ5cqVc1zLsiyrRYsW1uOPP25ZlmXt2rXLkmQlJSVdss6vv/7akmT9+eefjn1nzpyxihcvbq1du9ZpbP/+/a377rvPsizLSkhIsKKjo52Ojxw50jjXxSRZCxYsuOzxl156yWrYsKHj9XPPPWf5+vpav/32m2Pf0qVLLR8fH+vQoUOWZVlWlSpVrPnz5zudZ/z48VZMTIxlWZa1b98+S5K1ceNGy7Isq0uXLla/fv0uWwMAFAQkicANbMmSJSpRooSysrKUk5Oj3r17a8yYMY7jderUcVqHuHnzZqWkpCgwMNDpPGfOnNGePXt04sQJHTp0SI0bN3YcK1KkiG699VZjyvmCTZs2ydfXVy1atMh13SkpKTp16pTatm3rtP/s2bNq0KCBJGnHjh1OdUhSTExMrq9xwYcffqgpU6Zoz549OnnypM6dO6egoCCnMRUqVNBNN93kdJ2cnBzt2rVLgYGB2rNnj/r3768BAwY4xpw7d07BwcGXvOYjjzyiHj166Mcff1S7du3UrVs33XHHHS7XDgDuRJMI3MBatWqlGTNmyM/PT5GRkSpSxPmvfEBAgNPrkydPqmHDho5p1L8rU6bMNdVwYfrYFSdPnpQkff75507NmXR+nWVeSU5OVp8+fTR27Fi1b99ewcHB+uCDD/TKK6+4XOtbb71lNK2+vr6XfE/Hjh3166+/6osvvlBSUpJat26tuLg4vfzyy9f+YQAgj9EkAjewgIAAVa1aNdfjb7nlFn344YcKCwsz0rQLypYtq++//17NmzeXdD4x27Bhg2655ZZLjq9Tp45ycnK0evVqtWnTxjh+IcnMzs527IuOjpbdbtf+/fsvm0DWqlXLcRPOBd99993VP+TfrF27VlFRUXrmmWcc+3799Vdj3P79+3Xw4EFFRkY6ruPj46MaNWooPDxckZGR2rt3r/r06ZPra5cpU0axsbGKjY1Vs2bNNGLECJpEAAUKdzcDcOjTp49Kly6trl276ptvvtG+ffu0atUqPfbYY/rtt98kSY8//rhefPFFLVy4UDt37tSjjz56xWccVqxYUbGxsXrooYe0cOFCxzk/+ugjSVJUVJRsNpuWLFmiI0eO6OTJkwoMDNTw4cM1dOhQzZkzR3v27NGPP/6oqVOnas6cOZKkQYMGaffu3RoxYoR27dql+fPna/bs2S593mrVqmn//v364IMPtGfPHk2ZMkULFiwwxhUrVkyxsbHavHmzvvnmGz322GPq2bOnIiIiJEljx45VYmKipkyZop9//llbt27VrFmz9Oqrr17yuqNHj9aiRYuUkpKibdu2acmSJapVq5ZLtQOAu9EkAnAoXry41qxZowoVKqh79+6qVauW+vfvrzNnzjiSxWHDhumBBx5QbGysYmJiFBgYqLvvvvuK550xY4buuecePfroo6pZs6YGDBigjIwMSdJNN92ksWPH6qmnnlJ4eLgGDx4sSRo/frxGjRqlxMRE1apVSx06dNDnn3+uSpUqSTq/TvDTTz/VwoULVa9ePc2cOVMvvPCCS5/3rrvu0tChQzV48GDVr19fa9eu1ahRo4xxVatWVffu3dWpUye1a9dOdevWdXrEzcMPP6y3335bs2bNUp06ddSiRQvNnj3bUevF/Pz8lJCQoLp166p58+by9fXVBx984FLtAOBuNutyq80BAADgtUgSAQAAYKBJBAAAgIEmEQAAAAaaRAAAABhoEgEAAGCgSQQAAICBJhEAAAAGmkQAAAAYaBIBAABgoEkEAACAgSYRAAAAhv8HKVb0orwgt+AAAAAASUVORK5CYII=", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "plot_confusion_matrix(y_test, y_pred,(0,1))" + ] + }, + { + "cell_type": "code", + "execution_count": 38, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAr4AAAIjCAYAAADlfxjoAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8pXeV/AAAACXBIWXMAAA9hAAAPYQGoP6dpAACbdUlEQVR4nOzdeVzT9R8H8NdAbrkURUUU8Vbwwivvg8QskzLFvP2lqXkUanlflVqaZ5lXeaalqZWVaWliqaR5iwceiOKBgiIICgj7/P74to2xoRtufMf2ej4ePNw++36398bAF599DoUQQoCIiIiIyMrZyV0AEREREVFRYPAlIiIiIpvA4EtERERENoHBl4iIiIhsAoMvEREREdkEBl8iIiIisgkMvkRERERkExh8iYiIiMgmMPgSERERkU1g8CUqIgEBARg4cKDcZdicdu3aoV27dnKX8UwzZsyAQqFAcnKy3KVYHIVCgRkzZpjkvuLj46FQKLB27VqT3B8AHDlyBI6Ojrh27ZrJ7tPUevXqhZ49e8pdBpHsGHzJKqxduxYKhUL9VaJECfj5+WHgwIG4efOm3OVZtIyMDHz00UeoV68eXF1d4enpidatW2P9+vUoLjuanzt3DjNmzEB8fLzcpejIzc3FmjVr0K5dO5QqVQpOTk4ICAjAoEGDcPToUbnLM4lNmzZh0aJFcpehpShrmjx5Mt58801UrlxZ3dauXTut30kuLi6oV68eFi1aBKVSqfd+7t27h/fffx81a9aEs7MzSpUqhbCwMPzyyy8FPnZaWhpmzpyJ+vXro2TJknBxcUFQUBDGjx+PW7duqY8bP348tm3bhlOnThn8vGzhvUu2RyGKy/9sRE+xdu1aDBo0CB9++CGqVKmCzMxM/PPPP1i7di0CAgIQExMDZ2dnWWvMysqCnZ0dHBwcZK0jrzt37qBjx444f/48evXqhbZt2yIzMxPbtm3DX3/9hYiICGzcuBH29vZyl/pUW7duRY8ePbBv3z6d3t3s7GwAgKOjY5HX9fjxY7z++uvYtWsX2rRpg65du6JUqVKIj4/Hli1bcPHiRVy/fh0VK1bEjBkzMHPmTCQlJcHHx6fIa30er7zyCmJiYsz2h0dmZiZKlCiBEiVKPHdNQghkZWXBwcHBJO/rkydPomHDhjh06BBeeOEFdXu7du1w5coVzJkzBwCQnJyMTZs24d9//8WkSZMwa9YsrfuJjY1Fx44dkZSUhEGDBqFx48Z48OABNm7ciJMnT2LcuHGYN2+e1jlxcXEIDQ3F9evX0aNHD7Rq1QqOjo44ffo0vv32W5QqVQoXL15UH9+sWTPUrFkT69evf+bzMua9S1SsCCIrsGbNGgFA/Pvvv1rt48ePFwDE5s2bZapMXo8fPxa5ubkF3h4WFibs7OzETz/9pHPbuHHjBADxySefmLNEvdLT0406/vvvvxcAxL59+8xTUCGNGDFCABALFy7UuS0nJ0fMmzdPJCQkCCGEmD59ugAgkpKSzFaPUqkUjx49Mvn9vvzyy6Jy5comvc/c3Fzx+PHjQp9vjpr0GT16tKhUqZJQKpVa7W3bthV169bVanv8+LGoXLmycHd3Fzk5Oer27OxsERQUJFxdXcU///yjdU5OTo6IiIgQAMR3332nbn/y5ImoX7++cHV1FX///bdOXampqWLSpElabZ999plwc3MTDx8+fObzMua9+zye9/tMZCwGX7IKBQXfX375RQAQs2fP1mo/f/686N69u/D29hZOTk4iJCREb/hLSUkR7733nqhcubJwdHQUfn5+ol+/flrhJDMzU0ybNk1UrVpVODo6iooVK4r3339fZGZmat1X5cqVxYABA4QQQvz7778CgFi7dq3OY+7atUsAED///LO67caNG2LQoEGibNmywtHRUdSpU0d8/fXXWuft27dPABDffvutmDx5sqhQoYJQKBQiJSVF72sWHR0tAIj//e9/em9/8uSJqF69uvD29laHpatXrwoAYt68eWLBggWiUqVKwtnZWbRp00acOXNG5z4MeZ1V37uoqCgxfPhwUaZMGeHl5SWEECI+Pl4MHz5c1KhRQzg7O4tSpUqJN954Q1y9elXn/PxfqhDctm1b0bZtW53XafPmzeLjjz8Wfn5+wsnJSXTo0EFcunRJ5zl88cUXokqVKsLZ2Vk0adJE/PXXXzr3qU9CQoIoUaKEePHFF596nIoq+F66dEkMGDBAeHp6Cg8PDzFw4ECRkZGhdezq1atF+/btRZkyZYSjo6OoXbu2+PLLL3Xus3LlyuLll18Wu3btEiEhIcLJyUkdZAy9DyGE2Llzp2jTpo0oWbKkcHd3F40bNxYbN24UQkivb/7XPm/gNPTnA4AYMWKE+Oabb0SdOnVEiRIlxA8//KC+bfr06epj09LSxLvvvqv+uSxTpowIDQ0Vx44de2ZNqvfwmjVrtB7//PnzokePHsLHx0c4OzuLGjVq6ARHfSpVqiQGDhyo064v+AohxBtvvCEAiFu3bqnbvv32WwFAfPjhh3of48GDB8LLy0vUqlVL3fbdd98JAGLWrFnPrFHl1KlTAoDYvn37U48z9r07YMAAvX9kqN7Teen7Pm/ZskV4e3vrfR1TU1OFk5OTGDt2rLrN0PcUkT6Gf25EVAypPub09vZWt509exYtW7aEn58fJkyYADc3N2zZsgXh4eHYtm0bXnvtNQBAeno6WrdujfPnz+N///sfGjVqhOTkZOzYsQM3btyAj48PlEolXn31VRw4cABvv/02ateujTNnzmDhwoW4ePEifvzxR711NW7cGIGBgdiyZQsGDBigddvmzZvh7e2NsLAwANJwhObNm0OhUGDkyJEoU6YMfvvtN7z11ltIS0vDe++9p3X+Rx99BEdHR4wbNw5ZWVkFfsT/888/AwD69++v9/YSJUqgd+/emDlzJg4ePIjQ0FD1bevXr8fDhw8xYsQIZGZmYvHixejQoQPOnDkDX19fo15nlXfeeQdlypTBtGnTkJGRAQD4999/cejQIfTq1QsVK1ZEfHw8li1bhnbt2uHcuXNwdXVFmzZtMHr0aCxZsgSTJk1C7dq1AUD9b0E++eQT2NnZYdy4cUhNTcXcuXPRp08fHD58WH3MsmXLMHLkSLRu3RqRkZGIj49HeHg4vL29n/kR72+//YacnBz069fvqcfl17NnT1SpUgVz5szB8ePH8dVXX6Fs2bL49NNPteqqW7cuXn31VZQoUQI///wz3nnnHSiVSowYMULr/mJjY/Hmm29i6NChGDJkCGrWrGnUfaxduxb/+9//ULduXUycOBFeXl44ceIEdu3ahd69e2Py5MlITU3FjRs3sHDhQgBAyZIlAcDon48///wTW7ZswciRI+Hj44OAgAC9r9GwYcOwdetWjBw5EnXq1MG9e/dw4MABnD9/Ho0aNXpqTfqcPn0arVu3hoODA95++20EBATgypUr+Pnnn3WGJOR18+ZNXL9+HY0aNSrwmPxUk+u8vLzUbc/6WfT09ES3bt2wbt06XL58GdWqVcOOHTsAwKj3V506deDi4oKDBw/q/PzlVdj3rqHyf5+rV6+O1157Ddu3b8eKFSu0fmf9+OOPyMrKQq9evQAY/54i0iF38iYyBVWv3549e0RSUpJISEgQW7duFWXKlBFOTk5aH8l17NhRBAcHa/UOKJVK0aJFC1G9enV127Rp0wrsHVF9rLlhwwZhZ2en81Hj8uXLBQBx8OBBdVveHl8hhJg4caJwcHAQ9+/fV7dlZWUJLy8vrV7Yt956S5QvX14kJydrPUavXr2Ep6enujdW1ZMZGBho0MfZ4eHhAkCBPcJCCLF9+3YBQCxZskQIoektc3FxETdu3FAfd/jwYQFAREZGqtsMfZ1V37tWrVppffwrhND7PFQ91evXr1e3PW2oQ0E9vrVr1xZZWVnq9sWLFwsA6p7rrKwsUbp0adGkSRPx5MkT9XFr164VAJ7Z4xsZGSkAiBMnTjz1OBVV71j+HvjXXntNlC5dWqtN3+sSFhYmAgMDtdoqV64sAIhdu3bpHG/IfTx48EC4u7uLZs2a6Xwcnfej/YKGFRjz8wFA2NnZibNnz+rcD/L1+Hp6eooRI0boHJdXQTXp6/Ft06aNcHd3F9euXSvwOeqzZ88enU9nVNq2bStq1aolkpKSRFJSkrhw4YJ4//33BQDx8ssvax3boEED4enp+dTHWrBggQAgduzYIYQQomHDhs88R58aNWqIl1566anHGPveNbbHV9/3effu3Xpfyy5dumi9J415TxHpw1UdyKqEhoaiTJky8Pf3xxtvvAE3Nzfs2LFD3Tt3//59/Pnnn+jZsycePnyI5ORkJCcn4969ewgLC8OlS5fUq0Bs27YN9evX19szolAoAADff/89ateujVq1aqnvKzk5GR06dAAA7Nu3r8BaIyIi8OTJE2zfvl3d9vvvv+PBgweIiIgAIE3E2bZtG7p27QohhNZjhIWFITU1FcePH9e63wEDBsDFxeWZr9XDhw8BAO7u7gUeo7otLS1Nqz08PBx+fn7q602bNkWzZs2wc+dOAMa9zipDhgzRmWyU93k8efIE9+7dQ7Vq1eDl5aXzvI01aNAgrZ6l1q1bA5AmDAHA0aNHce/ePQwZMkRrUlWfPn20PkEoiOo1e9rrq8+wYcO0rrdu3Rr37t3T+h7kfV1SU1ORnJyMtm3bIi4uDqmpqVrnV6lSRf3pQV6G3Mcff/yBhw8fYsKECTqTQ1U/A09j7M9H27ZtUadOnWfer5eXFw4fPqy1akFhJSUl4a+//sL//vc/VKpUSeu2Zz3He/fuAUCB74cLFy6gTJkyKFOmDGrVqoV58+bh1Vdf1VlK7eHDh898n+T/WUxLSzP6vaWq9VlL5hX2vWsofd/nDh06wMfHB5s3b1a3paSk4I8//lD/PgSe73cuEQBwqANZlaVLl6JGjRpITU3F6tWr8ddff8HJyUl9++XLlyGEwNSpUzF16lS993H37l34+fnhypUr6N69+1Mf79KlSzh//jzKlClT4H0VpH79+qhVqxY2b96Mt956C4A0zMHHx0f9SzwpKQkPHjzAypUrsXLlSoMeo0qVKk+tWUX1n9rDhw+1PnbNq6BwXL16dZ1ja9SogS1btgAw7nV+Wt2PHz/GnDlzsGbNGty8eVNrebX8Ac9Y+UOOKrykpKQAgHpN1mrVqmkdV6JEiQI/gs/Lw8MDgOY1NEVdqvs8ePAgpk+fjujoaDx69Ejr+NTUVHh6eqqvF/R+MOQ+rly5AgAICgoy6jmoGPvzYeh7d+7cuRgwYAD8/f0REhKCLl26oH///ggMDDS6RtUfOoV9jgAKXPYvICAAq1atglKpxJUrVzBr1iwkJSXp/BHh7u7+zDCa/2fRw8NDXbuxtT4r0Bf2vWsofd/nEiVKoHv37ti0aROysrLg5OSE7du348mTJ1rB93l+5xIBDL5kZZo2bYrGjRsDkHolW7Vqhd69eyM2NhYlS5ZUr585btw4vb1ggG7QeRqlUong4GAsWLBA7+3+/v5PPT8iIgKzZs1CcnIy3N3dsWPHDrz55pvqHkZVvX379tUZC6xSr149reuG9PYC0hjYH3/8EadPn0abNm30HnP69GkAMKgXLq/CvM766h41ahTWrFmD9957Dy+88AI8PT2hUCjQq1evAtdCNVRBS1kVFGKMVatWLQDAmTNn0KBBA4PPe1ZdV65cQceOHVGrVi0sWLAA/v7+cHR0xM6dO7Fw4UKd10Xf62rsfRSWsT8fhr53e/bsidatW+OHH37A77//jnnz5uHTTz/F9u3b8dJLLz133YYqXbo0AM0fS/m5ublpjY1v2bIlGjVqhEmTJmHJkiXq9tq1a+PkyZO4fv26zh8+Kvl/FmvVqoUTJ04gISHhmb9n8kpJSdH7h2texr53CwrSubm5etsL+j736tULK1aswG+//Ybw8HBs2bIFtWrVQv369dXHPO/vXCIGX7Ja9vb2mDNnDtq3b48vvvgCEyZMUPcIOTg4aP2HpE/VqlURExPzzGNOnTqFjh07GvTRb34RERGYOXMmtm3bBl9fX6SlpakncQBAmTJl4O7ujtzc3GfWa6xXXnkFc+bMwfr16/UG39zcXGzatAne3t5o2bKl1m2XLl3SOf7ixYvqnlBjXuen2bp1KwYMGID58+er2zIzM/HgwQOt4wrz2j+LajOCy5cvo3379ur2nJwcxMfH6/zBkd9LL70Ee3t7fPPNNyadJPTzzz8jKysLO3bs0ApJxnzEa+h9VK1aFQAQExPz1D8IC3r9n/fn42nKly+Pd955B++88w7u3r2LRo0aYdasWerga+jjqd6rz/pZ10cVEK9evWrQ8fXq1UPfvn2xYsUKjBs3Tv3av/LKK/j222+xfv16TJkyRee8tLQ0/PTTT6hVq5b6+9C1a1d8++23+OabbzBx4kSDHj8nJwcJCQl49dVXn3qcse9db29vnZ9JAEbvZNemTRuUL18emzdvRqtWrfDnn39i8uTJWseY8z1FtoFjfMmqtWvXDk2bNsWiRYuQmZmJsmXLol27dlixYgVu376tc3xSUpL6cvfu3XHq1Cn88MMPOsepet969uyJmzdvYtWqVTrHPH78WL06QUFq166N4OBgbN68GZs3b0b58uW1Qqi9vT26d++Obdu26f2POW+9xmrRogVCQ0OxZs0avTtDTZ48GRcvXsQHH3yg00Pz448/ao3RPXLkCA4fPqwOHca8zk9jb2+v0wP7+eef6/Qkubm5AYDe/3wLq3HjxihdujRWrVqFnJwcdfvGjRsL7OHLy9/fH0OGDMHvv/+Ozz//XOd2pVKJ+fPn48aNG0bVpeoRzj/sY82aNSa/j06dOsHd3R1z5sxBZmam1m15z3Vzc9M79OR5fz70yc3N1XmssmXLokKFCsjKynpmTfmVKVMGbdq0werVq3H9+nWt257V++/n5wd/f3+jdjH74IMP8OTJE60eyzfeeAN16tTBJ598onNfSqUSw4cPR0pKCqZPn651TnBwMGbNmoXo6Gidx3n48KFOaDx37hwyMzPRokWLp9Zo7Hu3atWqSE1NVfdKA8Dt27f1/u58Gjs7O7zxxhv4+eefsWHDBuTk5GgNcwDM854i28IeX7J677//Pnr06IG1a9di2LBhWLp0KVq1aoXg4GAMGTIEgYGBuHPnDqKjo3Hjxg31lp7vv/++ekew//3vfwgJCcH9+/exY8cOLF++HPXr10e/fv2wZcsWDBs2DPv27UPLli2Rm5uLCxcuYMuWLdi9e7d66EVBIiIiMG3aNDg7O+Ott96CnZ3236OffPIJ9u3bh2bNmmHIkCGoU6cO7t+/j+PHj2PPnj24f/9+oV+b9evXo2PHjujWrRt69+6N1q1bIysrC9u3b0dUVBQiIiLw/vvv65xXrVo1tGrVCsOHD0dWVhYWLVqE0qVL44MPPlAfY+jr/DSvvPIKNmzYAE9PT9SpUwfR0dHYs2eP+iNmlQYNGsDe3h6ffvopUlNT4eTkhA4dOqBs2bKFfm0cHR0xY8YMjBo1Ch06dEDPnj0RHx+PtWvXomrVqgb1Ns2fPx9XrlzB6NGjsX37drzyyivw9vbG9evX8f333+PChQtaPfyG6NSpExwdHdG1a1cMHToU6enpWLVqFcqWLav3j4znuQ8PDw8sXLgQgwcPRpMmTdC7d294e3vj1KlTePToEdatWwcACAkJwebNmzFmzBg0adIEJUuWRNeuXU3y85Hfw4cPUbFiRbzxxhvqbXr37NmDf//9V+uTgYJq0mfJkiVo1aoVGjVqhLfffhtVqlRBfHw8fv31V5w8efKp9XTr1g0//PCDQWNnAWmoQpcuXfDVV19h6tSpKF26NBwdHbF161Z07NgRrVq10tq5bdOmTTh+/DjGjh2r9V5xcHDA9u3bERoaijZt2qBnz55o2bIlHBwccPbsWfWnNXmXY/vjjz/g6uqKF1988Zl1GvPe7dWrF8aPH4/XXnsNo0ePxqNHj7Bs2TLUqFHD6EmoERER+PzzzzF9+nQEBwfrLEtojvcU2ZiiX0iCyPQK2sBCCGlnoKpVq4qqVauql8u6cuWK6N+/vyhXrpxwcHAQfn5+4pVXXhFbt27VOvfevXti5MiRws/PT71Q+oABA7SWFsvOzhaffvqpqFu3rnBychLe3t4iJCREzJw5U6SmpqqPy7+cmcqlS5fUi+wfOHBA7/O7c+eOGDFihPD39xcODg6iXLlyomPHjmLlypXqY1TLdH3//fdGvXYPHz4UM2bMEHXr1hUuLi7C3d1dtGzZUqxdu1ZnOae8G1jMnz9f+Pv7CycnJ9G6dWtx6tQpnfs25HV+2vcuJSVFDBo0SPj4+IiSJUuKsLAwceHCBb2v5apVq0RgYKCwt7c3aAOL/K9TQRsbLFmyRFSuXFk4OTmJpk2bioMHD4qQkBDRuXNnA15daZerr776SrRu3Vp4enoKBwcHUblyZTFo0CCt5aIK2rlN9frk3bRjx44dol69esLZ2VkEBASITz/9VKxevVrnONUGFvoYeh+qY1u0aCFcXFyEh4eHaNq0qfj222/Vt6enp4vevXsLLy8vnQ0sDP35wH8bG+iDPMuZZWVliffff1/Ur19fuLu7Czc3N1G/fn2dzTcKqqmg73NMTIx47bXXhJeXl3B2dhY1a9YUU6dO1VtPXsePHxcAdJbXKmgDCyGEiIqK0lmiTQgh7t69K8aMGSOqVasmnJychJeXlwgNDVUvYaZPSkqKmDZtmggODhaurq7C2dlZBAUFiYkTJ4rbt29rHdusWTPRt2/fZz4nFUPfu0II8fvvv4ugoCDh6OgoatasKb755punbmBREKVSKfz9/QUA8fHHH+s9xtD3FJE+CiFMNJODiKxefHw8qlSpgnnz5mHcuHFylyMLpVKJMmXK4PXXX9f7cSvZno4dO6JChQrYsGGD3KUU6OTJk2jUqBGOHz9u1GRLImvDMb5ERAXIzMzUGee5fv163L9/H+3atZOnKLI4s2fPxubNm42ezFWUPvnkE7zxxhsMvWTzOMaXiKgA//zzDyIjI9GjRw+ULl0ax48fx9dff42goCD06NFD7vLIQjRr1gzZ2dlyl/FU3333ndwlEFkEBl8iogIEBATA398fS5Yswf3791GqVCn0798fn3zyidaub0REVDxwjC8RERER2QSO8SUiIiIim8DgS0REREQ2webG+CqVSty6dQvu7u7c7pCIiIjIAgkh8PDhQ1SoUEFnY6fnYXPB99atW/D395e7DCIiIiJ6hoSEBFSsWNFk92dzwdfd3R2A9EJ6eHjIXA0RERER5ZeWlgZ/f391bjMVmwu+quENHh4eDL5EREREFszUw1I5uY2IiIiIbAKDLxERERHZBAZfIiIiIrIJDL5EREREZBMYfImIiIjIJjD4EhEREZFNYPAlIiIiIpvA4EtERERENoHBl4iIiIhsAoMvEREREdkEBl8iIiIisgkMvkRERERkExh8iYiIiMgmMPgSERERkU1g8CUiIiIimyBr8P3rr7/QtWtXVKhQAQqFAj/++OMzz4mKikKjRo3g5OSEatWqYe3atWavk4iIiIiKP1mDb0ZGBurXr4+lS5cadPzVq1fx8ssvo3379jh58iTee+89DB48GLt37zZzpURERERU3JWQ88FfeuklvPTSSwYfv3z5clSpUgXz588HANSuXRsHDhzAwoULERYWZq4yiYiIiMjMHj0Czp4FzpxS4uaes2Z5DFmDr7Gio6MRGhqq1RYWFob33nuvwHOysrKQlZWlvp6Wlmau8oiIiIjoGXJzgStXgDNntL8uXwZ8xW2swSB0wX5MM8NjF6vgm5iYCF9fX602X19fpKWl4fHjx3BxcdE5Z86cOZg5c2ZRlUhEREREAIQA7tzRDbjnzgGPH+se/yp+wlcYjDJIhrm6KYtV8C2MiRMnYsyYMerraWlp8Pf3l7EiIiIiIuuSnv7fMIV8ITc5+dnnuiIDi+zHYkjuCnVblndZIOWuyessVsG3XLlyuHPnjlbbnTt34OHhobe3FwCcnJzg5ORUFOURERERWbWcHODSJd2AGxdn2PkKBVCtGhAcLH21dj2G1sv7wPFqrOag8HA4LVgABAaavP5iFXxfeOEF7Ny5U6vtjz/+wAsvvCBTRURERETWRwjg9m3g9GntgHv+PJBn6tRT+fpqAq7qq04dwNUV0kDfzz4DJk+R0jQg3bBoETB4MPDwoVmel6zBNz09HZcvX1Zfv3r1Kk6ePIlSpUqhUqVKmDhxIm7evIn169cDAIYNG4YvvvgCH3zwAf73v//hzz//xJYtW/Drr7/K9RSIiIiIirWHD4GYGN1e3Pv3DTvf1RUICtINuWXKPOWkzEzgq680oTckBNi0CahR47mfz9PIGnyPHj2K9u3bq6+rxuIOGDAAa9euxe3bt3H9+nX17VWqVMGvv/6KyMhILF68GBUrVsRXX33FpcyIiIiInuHJE+DiRd2AGx9v2Pl2dlIuzR9wq1SRbjOKm5sUdFu1AsaOBWbMABwdjbwT4ymEEMLsj2JB0tLS4OnpidTUVHh4eMhdDhEREZFJCQHcuKEbcC9cALKzDbuPChV0A27t2oCzcyGLevgQSEsD/Py022/e1G2D+fJasRrjS0REREQaqam6ATcmBnjwwLDzS5bUHqZQr550vXRpExYZHQ307QuUKwfs3w+UyBM/9YRec2LwJSIiIrJw2dlAbKzuZLOEBMPOt7cHatbU7cWtXLkQwxQMlZMDzJoFfPSRNJktLg749FNg8mQzPeCzMfgSERERWQghgOvX9Q9TUM0De5aKFXUDbq1aQJGu7hoXJ/XyRkdr2lq0AHr3LsIidDH4EhEREckgJUX/MIU0A7ct8/DQDbhBQYC3t3nrfiohgA0bgJEjNUuS2dsD06cDEydqD3OQAYMvERERkRllZUnr3+YPuTdvGna+g4PUY5s/5Pr7SxtCWIyUFGDYMGDLFk1bYCCwcSPQvLl8deXB4EtERERkAkqltDRY/oB78aI0xNUQlSpph9t69aQlxIpgpa/nk5YGNGggjdNQGTgQWLIEcHeXqyodDL5ERERERkpO1g24Z88C6emGne/lpX+YgqenWcs2Hw8P4LXXgMWLpbEWK1YAPXrIXZUOBl8iIiKiAjx+rBmmkHdFhcREw853dJTWv80fcv38LGyYgil88om0I9vkydI4DAvE4EtEREQ2T6mUFiLI34t76ZJ0myGqVNENuNWrS2N0rYoQwKpV0qS1t97StDs7A8uXy1eXARh8iYiIyKbcvat/mMKjR4adX7q0bsCtW9eihrKaT1ISMGQI8NNPgIuLtERZ7dpyV2UwBl8iIiKySo8eSYE2f8i9e9ew852cgDp1dCeblStnhcMUDPH778CAAZpxHo8fA7/8wuBLREREVFRyc4HLl3UD7pUr0qfyz6JQSKtu5e/FrVZN9mVnLUNmprQG76JFmjYfH2D1aqBrV9nKKgx+O4mIiKhYEAK4c0cTbFWTzc6dk7KZIcqU0T9Mwc3NvLUXW2fOAH36SP+qdO4MrFkjdX0XMwy+REREZHHS0/UPU0hONux8Fxcp0OYPub6+5q3baggBfP458MEH0g4cgDT2Y948aVe2YjrWg8GXiIiIZJOTI62ckD/gxsUZdr6dnTQkIX/ADQyUFh2gQkpPB+bP14TeevWkHdiCguSt6zkx+BIREZHZCQHcuqUbcM+f12SrZ/H1lfJX3oBbp47Uu0sm5u4OfPMN0L49MHo0MHu2tFxZMcfgS0RERCaVlgbExOiG3JQUw853dZU6FvP34pYpY966bVpGhvRVtqymrXVrab/lwED56jIxBl8iIiIqlCdPgNhY3YB77Zph59vZATVq6AbcKlWk26iIHDsmTWDz8wP++EP7xbei0Asw+BIREdEzCAHcuKF/mMKTJ4bdR4UKugG3dm2r+PS8+MrNBT77DJgyRRpsHRsLLFwIjB0rd2Vmw+BLREREag8e6B+mkJpq2Pnu7rrDFIKCpN3OyIIkJAD9+wNRUZq2kJBity6vsRh8iYiIbFB2NnDhgm7ATUgw7Hx7e6BmTd3JZpUrF9uVrmzHli3A0KHSXzmA9A2bMAGYMQNwdJSzMrNj8CUiIrJiQkhjbvMH3NhY6dNtQ1SsqDtMoVYtaVlXKkbS0qQVGtat07T5+wMbNgBt28pXVxFi8CUiIrIS9+/rBtyYGODhQ8PO9/DQDbhBQYC3t3nrpiKQmgo0aqS9QHJEBLBsmU19gxl8iYiIipmsLGliWf6Qe/OmYec7OEg9tvlDrr8/hylYLU9PoEMHKfi6uwNLlwJ9+9rcN5zBl4iIyEIplUB8vG7AvXhRmpBviMqVdQNujRpWP5ST9Fm4EHj8GPjwQ6tbpsxQDL5EREQWIDlZN+CePSvtHGsILy8p1OadbBYUJA1fIBsjhDRu18EBePNNTXvJktJubDaMwZeIiKgIPX4MnDunG3ITEw0739FRWv82fy+un5/NfWpN+qSkAMOGSSs3lCwJNG0KVK0qd1UWg8GXiIjIDHJzpeGU+QPu5cvSEAZDVKmiG3CrV5c68oh0REUB/fpJu40A0scFW7cC48fLWpYlYfAlIiJ6Tnfv6h+m8OiRYeeXLq0bcOvWleYgET1TdjYwbRowd640zAGQxr6sXAn06CFraZaGwZeIiMhAjx5JgTZ/yL1717DznZ2BOnV0Q265chymQIUUGwv07g0cP65pa9cOWL9eWqaDtDD4EhER5ZObKw1JyB9wr1zRdKg9jUIhDavMH3CrVZN2PCN6bkJIPbqRkdLAcUAaAzNrFjB2LGBnJ299ForBl4iIbJYQ0qSy/AH33DkgM9Ow+yhTRjvc1qsn9eq6uZm3drJxqanSFsOq0FuzJrBpk7RJBRWIwZeIiGxCerq0i1n+kHvvnmHnu7hI427z9+L6+pq3biK9vLyAtWuBzp2lVRzmzwdcXeWuyuIx+BIRkVXJyQEuXZJC7enTmoB79aph59vZSUMS8gfcwEAOUyAZZWZKg8xLldK0hYVJf83VrStfXcUMgy8RERVLQgC3bun24J4/L23pa4hy5XQDbp06Uu8ukcU4c0aawFa5MvDzz9ozIRl6jcLgS0REFi8tTf8whZQUw853c5N2Mcsfcn18zFs30XNRKoHPP5fW4c3Kkn4Ili8Hhg+Xu7Jii8GXiIgsxpMn0upM+QPutWuGnW9nB9SooTvZLCCAk9ypmLl9Gxg0CNi9W9NWrx7QurV8NVkBBl8iIipyQgAJCboB98IFKfwaokIF3R7c2rWltXKJirWffgIGDwaSkzVtkZHA7Nl8gz8nBl8iIjKrBw80wxRUk81iYqTVmAzh7q5/mELeOT5EViEjQ1qDd8UKTVv58sC6dcCLL8pXlxVh8CUiIpPIzpZ6bPP34iYkGHZ+iRLSUqT5A27lytzVjGxASgrwwgvSWB+V8HBg1SoORjchBl8iIjKKENKY2/wBNzZWWkrMEP7+ugG3Zk3Aycm8tRNZLG9vICRE+kFydQUWLwbeeot/9ZkYgy8RERXo/n3dgBsTAzx8aNj5np6aYQr16kn/BgVJa+8TUT5Ll0o7sX3yiTRLk0yOwZeIiJCZKa1/mz/k3rpl2PkODkCtWrq9uP7+7LAi0mvLFukjjm7dNG1eXsD27bKVZAsYfImIbIhSCcTHa4KtarLZpUtAbq5h91G5sv5hCg4OZi2dyDqkpQGjR0sT1ry9pR/CihXlrspmMPgSEVmp5GT9wxQyMgw739tbN+AGBQEeHuatm8hqRUcDffpo9s9OSQG++QaYMEHeumwIgy8RUTH3+DFw7pxuyE1MNOx8R0dpm978IbdCBQ5TIDKJnBzg44+lL9VHK+7u0pjevn3lrc3GMPgSERUTublAXJxuwL18WRrCYIjAQN2AW726tJQYEZlBXJwUbqOjNW0tWkg9vVWqyFeXjeKvOiIiC3Tnjm7APXtW6t01ROnSugG3bl2pk4mIioAQwPr1wMiRQHq61GZvD0ybBkyaxL82ZcJXnYhIRhkZUqDNH3KTkgw739lZ/zCFcuU4TIFIVikp0i5sqtAbGAhs3Ag0by5vXTaOwZeIqAjk5kpDEvKG29OnpU9BhXj2+QoFULWqbsCtVk3qRCIiC1OqFPDVV8BrrwEDBwJLlvAjFwvA4EtEZEJCSJPK8vfgnjsnrZVriLJldQNunTqAm5t5ayei55CdDWRlaYfb8HDg6FFpRzayCAy+RESFlJ4uLQ+WP+Teu2fY+S4uml3N8n6VLWveuonIxGJjgd69pY9gvvtOe5wRQ69FYfAlInqGnBzg4kXdgKtaivNZ7Oyk/w/zB9zAQA5TICrWhABWrgQiI6WZp8ePAy+/DPTvL3dlVAAGXyKi/wgB3LypG3DPn5c+xTREuXL6hym4uJi3diIqYklJwODBwI4dmraaNaWPcchiMfgSkU1KS9M/TCElxbDz3dz0D1Pw8TFv3URkAXbvlias5d0lZtgwYP58wNVVtrLo2Rh8iciqPXkiDb/LH3CvXTPsfHt7oEYN3YAbECANYSAiG5KZCUycCCxapGnz8QFWrwa6dpWtLDIcgy8RWQUhgIQE3YB74YIUfg3h56cbcGvVktbKJSIbd/8+0K6d9ItFpXNnYM0aaYwTFQsMvkRU7Dx4oBtwY2KA1FTDznd31wxTqFdP+jcoSFp2k4hIL29vaUbqmTOAkxMwb560Kxt3iilWGHyJyGJlZUk9tvlD7o0bhp1fooQ01yR/L27lyvy/ioiMpFBIG1I8fiyN5eUktmKJwZeIZCeENOY2/65mFy9KS4kZwt9f/zAFR0fz1k5EVmrHDqlnNyxM0+bjI01so2KLwZeIitT9+/qHKTx8aNj5np66ATcoCPDyMmvZRGQrMjKAsWOBFSuk3WTOnOGuMlaEwZeIzCIzU1r/Nn/IvXXLsPMdHIDatXVDbsWKHKZARGZy7Ji0A9vFi9L1u3elFRsmTJC3LjIZBl8iei5KpbSDWf6Ae+kSkJtr2H1UrqwJtqrJZjVqSOGXiMjscnOBzz4DpkzRjK9ydZWWLRs8WNbSyLQYfInIYElJugH37Fnpk0FDeHvrH6bg4WHeuomICpSQAPTrB+zfr2kLCQE2bZL+AierwuBLRDoePwbOnZMmmOUNuXfuGHa+o6O0TW/+kFuhAocpEJEF2bIFGDpUWiMRkH5BTZgAzJjBmbFWisGXyIbl5gJxcbq9uJcvS0MYDBEYqBtwq1eXlhIjIrJYycnAkCHS/uWAtDTMhg1A27by1kVmxf+aiGzEnTv6hyk8fmzY+T4+ugG3bl2gZEnz1k1EZBY+PsCyZUCfPkBEhHTZ21vuqsjMGHyJrExGhhRo84fcpCTDznd21h6moJps5uvLYQpEVIzl5ADZ2dKkNZXevaWlYlq35i84G8HgS1RM5eRIQxLyB9y4OGlDiGdRKICqVXV7catVA+ztzV8/EVGRiYsD+vaVdrVZvVr7tjZt5KmJZMHgS2ThhAASEzW7makC7rlz0pa+hihbVjfg1qkDuLmZt3YiIlkJIY3bHTECSE8HoqOBl14CevSQuzKSCYMvkQV5+FD/MIV79ww739VVGnebP+Ry0yEisjkpKcCwYdLKDSqBgdIkNrJZDL5EMsjJkTYGyh9wr1417Hw7O2nlhPwBNzBQuo2IyKZFRUlr8964oWkbOBBYsgRwd5erKrIADL5EZiQEcPOmbsA9f16aY2GIcuU0E8xUX7VrAy4u5q2diKjYyc4Gpk0D5s7VTHbw9gZWrODwBgLA4EtkMqmpQEyMdsCNiZE+bTOEm5u0i1n+XlwfH/PWTURkFe7dAzp1Ao4f17S1bw+sXy+t3EAEBl8io2VnA7Gxur24168bdr69vbQLZv6AGxDAYQpERIXm7a3pKXBwAGbNAsaO5S9W0sLgS1QAIaQt3POG29OnpdD75Ilh9+Hnpxtwa9WS1solIiITsrMD1q4FevYEFi8GGjWSuyKyQAy+RJC2ac/fgxsTIw1fMIS7u27ADQoCSpUya9lERLbr99+lXoS86/CWLw/8/bd8NZHFkz34Ll26FPPmzUNiYiLq16+Pzz//HE2bNi3w+EWLFmHZsmW4fv06fHx88MYbb2DOnDlwZhcaGSArC7hwQTfk5p34+zQlSkg9tvlDbqVK3PSHiKhIZGYCEycCixZJY3dPn+ZWw2QwWYPv5s2bMWbMGCxfvhzNmjXDokWLEBYWhtjYWJTVs/Dopk2bMGHCBKxevRotWrTAxYsXMXDgQCgUCixYsECGZ0CWSqkErl3TDbgXL0pLiRnC31//MAVHR/PWTkREBThzBujTR/oXkHotVq4Exo+Xty4qNhRCGLK5qXk0a9YMTZo0wRdffAEAUCqV8Pf3x6hRozBhwgSd40eOHInz589j79696raxY8fi8OHDOHDggEGPmZaWBk9PT6SmpsLDw8M0T4Rkde+e/mEK6emGne/pqX+YgpeXWcsmIiJDKZXA559LAVe1ZaWTEzBvHjByJD9ys0Lmymuy9fhmZ2fj2LFjmDhxorrNzs4OoaGhiI6O1ntOixYt8M033+DIkSNo2rQp4uLisHPnTvTr16/Ax8nKykJWnn1d09LSTPckqEhlZkrr3+afbHb7tmHnOzhI69/mD7kVK/J3JhGRxbp9Gxg0CNi9W9MWHAxs2iT1UhAZQbbgm5ycjNzcXPj6+mq1+/r64sKFC3rP6d27N5KTk9GqVSsIIZCTk4Nhw4Zh0qRJBT7OnDlzMHPmTJPWTualVEo7mOXvxb10CcjNNew+AgJ0A26NGlL4JSKiYuKnn4DBg4HkZE1bZCQwezaXx6FCkX1ymzGioqIwe/ZsfPnll2jWrBkuX76Md999Fx999BGmTp2q95yJEydizJgx6utpaWnw5z7dFiMpSTfgnj0LZGQYdr63t+6uZnXrAhzFQkRUzCUlSeN5Vf8hlC8vLVfWqZOsZVHxJlvw9fHxgb29Pe7cuaPVfufOHZQrV07vOVOnTkW/fv0wePBgAEBwcDAyMjLw9ttvY/LkybDTs0i1k5MTnJycTP8EyCiPHgHnzumG3Hzf/gI5OekfplChAocpEBFZpTJlpJUbhgwBunUDvvqKW1nSc5Mt+Do6OiIkJAR79+5FeHg4AGly2969ezFy5Ei95zx69Egn3Nrb2wMAZJyjR3nk5gJXrugG3MuXNdumP0tgoG7ArV5dWkqMiIisVG6utOxO3s6qt96SJmKEhbGXg0xC1igxZswYDBgwAI0bN0bTpk2xaNEiZGRkYNCgQQCA/v37w8/PD3PmzAEAdO3aFQsWLEDDhg3VQx2mTp2Krl27qgMwFZ07d6TJZXkD7rlzwOPHhp3v46MbcOvWBUqWNG/dRERkYRISgP79pclqn3+uaVcogM6d5auLrI6swTciIgJJSUmYNm0aEhMT0aBBA+zatUs94e369etaPbxTpkyBQqHAlClTcPPmTZQpUwZdu3bFrFmz5HoKNiEjQxp3m78XNynJsPOdnaVAmz/k+vryD3giIpu3ZQswdKi0hWZUFPDSS0CXLnJXRVZK1nV85cB1fAuWkyMNScgfcOPiDBumoFAA1arpBtyqVQF2yBMRkZa0NGD0aGDdOk2bvz+wcSPQurV8dZFFsLp1fEk+QkjLIuYPuOfOadYFf5ayZaVQm3dFhTp1AFdX89ZORERWIDoa6NtX6llRiYgAli3j9sNkVgy+Vu7hQ2kXs/wh9/59w853ddU/TEHPjtJERERPl5MDzJoFfPSRZmF2d3dg6VIpCHP8G5kZg6+VePIEuHhRN+DGxxt2vp2dtHJC/oAbGCjdRkRE9Fzu3QO6dpV6e1VatAC++QaoUkW+usimMPgWM0IAN2/qBtzz54HsbMPuo3x53YBbuzbg4mLe2omIyIZ5eWnWpbS3B6ZNAyZN4lqVVKT4brNwly8De/Zoh9wHDww7t2RJaWWY/CG3dGmzlkxERKTL3h7YsAF4/XVpaEPz5nJXRDaIwdeCnT4NNGqkGQZVEHt7oEYN3clmlStzmAIREclk/37po8SmTTVtlSsDR49yLC/JhsHXgv3xh27o9fPTP0yBuzITEZFFyM4Gpk8HPv1UGrt78qQ0gU2FoZdkxOBrwa5e1Vz+6ivp0yGu8kJERBYrNhbo3Rs4fly6HhcnLVH2wQfy1kX0H34QbsHyBt8uXRh6iYjIQgkBrFwJNGyoCb0ODsDcucC4cfLWRpQHe3wtmCr4OjsD5crJWwsREZFeSUnAkCHATz9p2mrWBDZtkiaqEFkQ9vhaKCE0wTcggEOiiIjIAu3eLc2qzht6hw2Ten0ZeskCscfXQiUmApmZ0mWu601ERBbnzh0gPFzzn5WPD7B6tbRJBZGFYo+vhco7vpfBl4iILI6vL/DJJ9LlsDBpoXmGXrJw7PG1UAy+RERkUZRKaY1NBwdN26hRQMWKwGuvceF4Khb4LrVQeYNvYKB8dRAREeH2beCll4ApU7Tb7eyA7t0ZeqnY4DvVQrHHl4iILMJPP0m7Jf3+OzBvHvDnn3JXRFRoDL4WisGXiIhklZEhrdAQHg7cuye1+frKWhLR8+IYXwulCr5eXtIXERFRkTl2TNqB7eJFTVu3btI2oj4+8tVF9JzY42uBcnKAhATpMnt7iYioyOTmAp9+CjRvrgm9rq7Srmw//MDQS8Uee3wtUEKC9LsHYPAlIqIikpwM9OgBREVp2kJCpB3YatSQrSwiU2KPrwXi+F4iIipynp5Aerp0WaEAJk4EDh1i6CWrwuBrgRh8iYioyDk4ABs3ArVrA/v2AbNnA46OcldFZFIc6mCBGHyJiMjsoqOl8bv162vaatQAYmK4Li9ZLb6zLRCDLxERmU1ODjBzJtC6NfDmm8CjR9q3M/SSFeO72wLlDb4BAbKVQURE1iYuDmjTBpgxQ5pFff488OWXcldFVGQYfC2QKviWKwe4uMhbCxERWQEhgPXrgQYNpCEOAGBvD3z4IfDee3JWRlSkOMbXwjx+DCQmSpc5zIGIiJ5bSoq0A9uWLZq2qlWBb76R1uslsiHs8bUw8fGaywy+RET0XKKigHr1tEPvoEHAiRMMvWST2ONrYeLiNJcZfImIqNBu3wbCwoDsbOm6tzewYoW0SQWRjWKPr4Xhig5ERGQS5csD06dLl9u3B06fZuglm8ceXwuTN/gGBspXBxERFTNCAEqlNGlNZfx4wN8f6NOHy5QRgT2+Foc9vkREZLSkJOC114CPP9Zut7cH+vVj6CX6D38SLIwq+NrbAxUrylsLEREVA7t3SxPYfvoJ+OgjzXJlRKSDwdfCqIJvpUpACQ5EISKigmRmApGRQOfOmnUwvb2Bhw/lrYvIgjFaWZCUFCA1VbrMYQ5ERFSgM2ekcbtnzmjawsKAtWul3Y+ISC/2+FoQju8lIqKnUiqBxYuBJk00odfJSWrbuZOhl+gZ2ONrQRh8iYioQPfuSb28u3dr2oKDgU2bgKAg+eoiKkbY42tBGHyJiKhAbm7AzZua65GRwJEjDL1ERmDwtSAMvkREVCBnZ6l3t0oVqdd3wQKpjYgMxqEOFoTBl4iI1I4dk3p5a9XStAUHAxcvctkfokJij68FUQVfFxfA11feWoiISCa5ucCnnwLNmwNvvglkZWnfztBLVGgMvhZCCCA+XrocEAAoFHJWQ0REskhIADp2BCZMAHJygJMngS+/lLsqIqvB4GshEhOltcgBDnMgIrJJW7ZIO7Dt3y9dVyiAiROBESPkrYvIivDzEgvB8b1ERDYqLQ0YPRpYt07T5u8PbNgAtG0rX11EVojB10Iw+BIR2aDoaKBvXyAuTtMWEQEsWyZtP0xEJsXgayHy/s5j8CUisgE3bwLt2gHZ2dJ1d3dg6VIpCHOiB5FZcIyvhWCPLxGRjfHzA8aNky63aAGcOgX068fQS2RG7PG1EHmDb2CgfHUQEZGZCCH9mzfYzpgBVKoEvPUWlykjKgLs8bUQquDr7Q14espbCxERmVhKCtCrFzB/vna7gwMwdChDL1ERYfC1AE+eSEs3AhzmQERkdaKipGXKtmwBJk0CTpyQuyIim8XgawESEgClUrrM4EtEZCWys6WNKDp0AG7ckNpKlpQWbiciWfCzFQvAiW1ERFYmNhbo3Rs4flzT1r49sH49ULGifHUR2Tj2+FoABl8iIishBLBiBdCwoSb0OjgAc+cCe/Yw9BLJ7Ll6fDMzM+Hs7GyqWmwWgy8RkRW4fx8YNAjYsUPTVrMmsGkT0KiRfHURkZrRPb5KpRIfffQR/Pz8ULJkScT9t/PC1KlT8fXXX5u8QFvA4EtEZAWcnIALFzTXhw+Xen0ZeokshtHB9+OPP8batWsxd+5cODo6qtuDgoLw1VdfmbQ4W5E3+AYEyFYGERE9Dzc3YONGoEIFqdf3yy8BV1e5qyKiPIwOvuvXr8fKlSvRp08f2Nvbq9vr16+PC3n/0iWDqYJv+fIAR44QERUTZ85o7zcPAI0bS21du8pTExE9ldHB9+bNm6hWrZpOu1KpxJMnT0xSlC159Ai4c0e6zGEORETFgFIJLF4MNGkC9OkD5ORo3+7kJE9dRPRMRgffOnXq4O+//9Zp37p1Kxo2bGiSomxJfLzmMoMvEZGFu30beOkl4L33gKws4J9/gGXL5K6KiAxk9KoO06ZNw4ABA3Dz5k0olUps374dsbGxWL9+PX755Rdz1GjVOLGNiKiY+Okn4K23gHv3NG2RkcCQIfLVRERGMbrHt1u3bvj555+xZ88euLm5Ydq0aTh//jx+/vlnvPjii+ao0aox+BIRWbiMDGDYMCA8XBN6y5cHdu8GFizg5AyiYqRQ6/i2bt0af/zxh6lrsUkMvkREFuzYMWkHtosXNW3h4cCqVYCPj2xlEVHhGN3jGxgYiHt5P+b5z4MHDxAYGGiSomxJ3gnBDL5ERBYkIQFo0UITel1dpcC7fTtDL1ExZXTwjY+PR25urk57VlYWbt68aZKibImqx7dECe5kSURkUfz9gXfekS6HhAAnTgCDBwMKhbx1EVGhGTzUYUeeLRh3794NT09P9fXc3Fzs3bsXAdx9wShCaIJvpUpS+CUiIhkJoR1s58yRfkGPGAHk2bSJiIong6NWeHg4AEChUGDAgAFatzk4OCAgIADz5883aXHWLiUFSEuTLnOYAxGRjNLSgNGjgaZNNb28gDRxLTJSvrqIyKQMDr5KpRIAUKVKFfz777/w4fim58aJbUREFiA6WtqI4upVYPNmoH17oHZtuasiIjMweozv1atXGXpNhMGXiEhGOTnAjBlA69aaX8gODsCVK7KWRUTmU6hRpRkZGdi/fz+uX7+O7OxsrdtGjx5tksJsAYMvEZFM4uKAvn2l3l6VFi2Ab77hL2QiK2Z08D1x4gS6dOmCR48eISMjA6VKlUJycjJcXV1RtmxZBl8jMPgSERUxIYD164GRI4H0dKnN3h6YNg2YNImzjImsnNFDHSIjI9G1a1ekpKTAxcUF//zzD65du4aQkBB89tln5qjRajH4EhEVoQcPgF69gIEDNaE3MBA4cEAKvgy9RFbP6OB78uRJjB07FnZ2drC3t0dWVhb8/f0xd+5cTJo0yRw1Wi1V8HV1BcqWlbcWIiKrp1AAhw9rrg8cCJw8CTRvLldFRFTEjA6+Dg4OsLOTTitbtiyuX78OAPD09ERCQoJpq7NiSiUQHy9dDgjgeuhERGbn6Qls2CDturZlC7BmDeDuLndVRFSEjP5cp2HDhvj3339RvXp1tG3bFtOmTUNycjI2bNiAoKAgc9RolRITgaws6TKHORARmUFsLODmpr0tZuvWUq+Dm5tsZRGRfIzu8Z09ezbKly8PAJg1axa8vb0xfPhwJCUlYcWKFSYv0FpxfC8RkZkIAaxYATRsCPTvL33ElhdDL5HNMrrHt3HjxurLZcuWxa5du0xakK1g8CUiMoOkJGDwYGDHDun6vn3AypXAsGHy1kVEFsHoHt+CHD9+HK+88oqp7s7qMfgSEZnY7t1AvXqa0AtIgbd/f/lqIiKLYlTw3b17N8aNG4dJkyYhLi4OAHDhwgWEh4ejSZMm6m2NjbF06VIEBATA2dkZzZo1w5EjR556/IMHDzBixAiUL18eTk5OqFGjBnbu3Gn048qNwZeIyEQyM4HISKBzZ2kCBSBNYNuxA1i2TFo6h4gIRgx1+PrrrzFkyBCUKlUKKSkp+Oqrr7BgwQKMGjUKERERiImJQW0j9zbfvHkzxowZg+XLl6NZs2ZYtGgRwsLCEBsbi7J61vfKzs7Giy++iLJly2Lr1q3w8/PDtWvX4OXlZdTjWgIGXyIiEzhzBujTR/pXJSwMWLsWKFdOtrKIyDIphBDCkAPr1auHfv364f3338e2bdvQo0cPNG/eHFu2bEHFvDNmjdCsWTM0adIEX3zxBQBAqVTC398fo0aNwoQJE3SOX758OebNm4cLFy7AwcGhUI+ZlpYGT09PpKamwsPDo1D3YQoBAcC1a4C3N3D/vmxlEBEVX9euATVrapbIcXIC5s6VdmWzM9lIPiKSgbnymsG/Ga5cuYIePXoAAF5//XWUKFEC8+bNK3Tozc7OxrFjxxAaGqopxs4OoaGhiM67d3oeO3bswAsvvIARI0bA19cXQUFBmD17NnJzcwt8nKysLKSlpWl9ye3JE0C15HFgoLy1EBEVW5Ura8bvBgcDR48Co0cz9BJRgQz+7fD48WO4/jdOSqFQwMnJSb2sWWEkJycjNzcXvr6+Wu2+vr5IVI3RyicuLg5bt25Fbm4udu7cialTp2L+/Pn4+OOPC3ycOXPmwNPTU/3l7+9f6JpN5fp1zeo6HOZARPQcFi4EPv4YOHIE4FryRPQMRi1n9tVXX6FkyZIAgJycHKxduxY+Pj5ax4wePdp01eWjVCpRtmxZrFy5Evb29ggJCcHNmzcxb948TJ8+Xe85EydOxJgxY9TX09LSZA+/HN9LRGSkjAxg7Fhpe+GBAzXtbm7A5MmylUVExYvBwbdSpUpYtWqV+nq5cuWwYcMGrWMUCoXBwdfHxwf29va4c+eOVvudO3dQroAJCeXLl4eDgwPs7e3VbbVr10ZiYiKys7Ph6Oioc46TkxOcnJwMqqmoMPgSERnh2DFpAltsLLBxo7T7WtWqcldFRMWQwcE3Pj7epA/s6OiIkJAQ7N27F+Hh4QCkHt29e/di5MiRes9p2bIlNm3aBKVSCbv/xnBdvHgR5cuX1xt6LRWDLxGRAXJzgc8+A6ZMAXJypDalEoiJYfAlokKRdQbAmDFjsGrVKqxbtw7nz5/H8OHDkZGRgUGDBgEA+vfvj4kTJ6qPHz58OO7fv493330XFy9exK+//orZs2djxIgRcj2FQmHwJSJ6hoQEoGNHYMIETegNCQFOnAC6dZO3NiIqtozestiUIiIikJSUhGnTpiExMRENGjTArl271BPerl+/ru7ZBQB/f3/s3r0bkZGRqFevHvz8/PDuu+9i/Pjxcj2FQskbfCtXlq8OIiKLtGULMHQo8OCBdF2hkALwjBlAMfp0j4gsj8Hr+FoLS1jH19cXuHsXqFABuHlTlhKIiCzPw4fAqFHAunWaNn9/YMMGoG1b+eoioiIn+zq+ZBoZGVLoBTjMgYhIS1YW8PvvmusREcCpUwy9RGQyDL5FLO8cQQZfIqI8fHyk3l4PD2D9euDbb6XtLYmITKRQwffKlSuYMmUK3nzzTdz9r/vyt99+w9mzZ01anDXixDYiov/ExQH5lrTEiy9KWxH36yeN7SUiMiGjg+/+/fsRHByMw4cPY/v27UhPTwcAnDp1qsBNJEiDwZeIbJ4QUs9u/frA//4nXc/Ly0uWsojI+hkdfCdMmICPP/4Yf/zxh9bauR06dMA///xj0uKsEYMvEdm0lBSgVy9p97X0dGDnTmDNGrmrIiIbYXTwPXPmDF577TWd9rJlyyI5OdkkRVkzBl8isllRUUC9etJyZSoDBwI9eshVERHZGKODr5eXF27fvq3TfuLECfj5+ZmkKGumCr4lSgAVK8pbCxFRkcjOltbh7dABuHFDavP2lgLwmjWAu7u89RGRzTA6+Pbq1Qvjx49HYmIiFAoFlEolDh48iHHjxqF///7mqNFqCKEJvpUqAfb28tZDRGR2Fy4AL7wAfPqpZixv+/bA6dPs6SWiImd08J09ezZq1aoFf39/pKeno06dOmjTpg1atGiBKVOmmKNGq5GSAqSlSZcDA+WthYjI7OLigEaNgOPHpesODsDcucCePfzIi4hkYfSWxY6Ojli1ahWmTp2KmJgYpKeno2HDhqhevbo56rMqcXGayxzfS0RWLzAQeP11YONGoGZNYNMmKQgTEcnE6OB74MABtGrVCpUqVUKlSpXMUZPV4sQ2IrI5S5cClSsDkycDrq5yV0NENs7ooQ4dOnRAlSpVMGnSJJw7d84cNVktBl8islqZmUBkJPD999rtnp7ArFkMvURkEYwOvrdu3cLYsWOxf/9+BAUFoUGDBpg3bx5uqGbqUoEYfInIKp05AzRtCixaBLz9NpCQIHdFRER6GR18fXx8MHLkSBw8eBBXrlxBjx49sG7dOgQEBKBDhw7mqNFqMPgSkVVRKoHFi4EmTaTwCwCPHwNHj8pbFxFRAYwe45tXlSpVMGHCBNSvXx9Tp07F/v37TVWXVVIFX1dXoEwZeWshInout28DgwYBu3dr2oKDpQlsQUHy1UVE9BRG9/iqHDx4EO+88w7Kly+P3r17IygoCL/++qspa7MqSiUQHy9drlIFUChkLYeIqPB++knagS1v6I2MBI4cYeglIotmdI/vxIkT8d133+HWrVt48cUXsXjxYnTr1g2unLjwVLdvS5sXARzmQETFVEYGMHYssGKFpq18eWDtWqBTJ9nKIiIylNHB96+//sL777+Pnj17wsfHxxw1WSWO7yWiYi8tDdi2TXM9PBxYtQrg/wVEVEwYHXwPHjxojjqsHoMvERV75csDX30F9O4tTWp76y2O2yKiYsWg4Ltjxw689NJLcHBwwI4dO5567KuvvmqSwqwNgy8RFTsJCYCbG1CqlKatWzfpF1rZsvLVRURUSAYF3/DwcCQmJqJs2bIIDw8v8DiFQoHc3FxT1WZVGHyJqFjZsgUYOhQIDZUu5+3ZZeglomLKoFUdlEolyv73i06pVBb4xdBbMAZfIioW0tKAgQOBiAjgwQNg61ZpiTIiIitg9HJm69evR1ZWlk57dnY21q9fb5KirJEq+JYqBXh4yFsLEZFe0dFAgwbAunWatogIoEsX2UoiIjIlo4PvoEGDkJqaqtP+8OFDDBo0yCRFWZsnTwDVjs7s7SUii5OTA8ycCbRurfkr3d0dWL8e+PZbwNtb3vqIiEzE6FUdhBBQ6JnFe+PGDXh6epqkKGtz/bq0gQXA4EtEFiYuDujbV+rtVWnRAvjmG/7CIiKrY3DwbdiwIRQKBRQKBTp27IgSJTSn5ubm4urVq+jcubNZiizu8o7vDQyUrw4iIi2XLwONGgEPH0rX7e2BadOASZOAEs+1oz0RkUUy+DebajWHkydPIiwsDCVLllTf5ujoiICAAHTv3t3kBVqDuDjNZXagEJHFqFoV6NgR+PFH6a/yjRuB5s3lroqIyGwMDr7Tp08HAAQEBCAiIgLOzs5mK8racEUHIrJICoW081rlysBHH0njeomIrJjRk9sGDBjA0GskBl8ikl12NjBhAvDrr9rtPj7AokUMvURkEwzq8S1VqhQuXrwIHx8feHt7653cpnL//n2TFWctVMFXoZA6VoiIilRsrLTN8PHjwJo1wOnTgK+v3FURERU5g4LvwoUL4f5fb8DChQufGnxJlyr4VqgAODnJWwsR2RAhgJUrgchI4PFjqS0lBTh4EHj9dXlrIyKSgUIIIeQuoiilpaXB09MTqamp8CiCnSTS0zWfILZqBfz9t9kfkogISEoCBg8GduzQtNWsKe3C1qiRfHURERnAXHnN6DG+x48fx5kzZ9TXf/rpJ4SHh2PSpEnIzs42WWHWIj5ec5nje4moSOzeDdSrpx16hw+Xhjow9BKRDTM6+A4dOhQXL14EAMTFxSEiIgKurq74/vvv8cEHH5i8wOKOE9uIqMhkZkrDGjp3BhITpTYfHykAf/kl4Ooqb31ERDIzOvhevHgRDRo0AAB8//33aNu2LTZt2oS1a9di27Ztpq6v2GPwJaIic/euNHlNpXNn4MwZoGtX+WoiIrIgRgdfIQSU/+2/u2fPHnTp0gUA4O/vj+TkZNNWZwUYfImoyFSqBCxbJs2iXbIE2LkTKFdO7qqIiCyG0XtSNm7cGB9//DFCQ0Oxf/9+LFu2DABw9epV+HJ5HB0MvkRkNrdvA25uQN6JH2++Kc2k9feXry4iIgtldI/vokWLcPz4cYwcORKTJ09GtWrVAABbt25FixYtTF5gcacKvg4OgJ+fvLUQkRX56SdpAtvo0bq3MfQSEellsuXMMjMzYW9vDwcHB1PcndkU5XJmQgCensDDh0DVqsDly2Z9OCKyBRkZwNixwIoVmratW4Hu3eWriYjIxMyV14we6qBy7NgxnD9/HgBQp04dNOISOTru35dCL8BhDkRkAseOSTuw/beyDgAgPBxo21a2koiIihOjg+/du3cRERGB/fv3w8vLCwDw4MEDtG/fHt999x3KlClj6hqLLY7vJSKTyM0FPvsMmDIFyMmR2lxdgcWLgbfekvZDJyKiZzJ6jO+oUaOQnp6Os2fP4v79+7h//z5iYmKQlpaG0frGmtmwvME3MFC+OoioGEtIADp2BCZM0ITekBDgxAlpZzaGXiIigxnd47tr1y7s2bMHtWvXVrfVqVMHS5cuRadOnUxaXHHHHl8iei4XLwLNmgEPHkjXFQopAM+YATg6ylkZEVGxZHSPr1Kp1DuBzcHBQb2+L0ni4jSXGXyJyGjVqknBF5BWati3D5g9m6GXiKiQjA6+HTp0wLvvvotbt26p227evInIyEh07NjRpMUVd+zxJaLnYmcn7cT29tvAqVOcxEZE9JyMDr5ffPEF0tLSEBAQgKpVq6Jq1aqoUqUK0tLS8Pnnn5ujxmJLFXzd3AAfH3lrISILl5MDzJwJ/Pmndnv58tLSZd7e8tRFRGRFjB7j6+/vj+PHj2Pv3r3q5cxq166N0NBQkxdXnCmVwLVr0uUqVTj/hIieIi4O6NsXiI6Wdro5fRooVUruqoiIrI5RwXfz5s3YsWMHsrOz0bFjR4waNcpcdRV7t24B2dnSZQ5zICK9hAA2bABGjtQs+p2YKI3l5YYUREQmZ3DwXbZsGUaMGIHq1avDxcUF27dvx5UrVzBv3jxz1ldscXwvET1VSgowbBiwZYumLTAQ2LgRaN5cvrqIiKyYwWN8v/jiC0yfPh2xsbE4efIk1q1bhy+//NKctRVrDL5EVKCoKKBePe3QO3AgcPIkQy8RkRkZHHzj4uIwYMAA9fXevXsjJycHt2/fNkthxR2DLxHpyM4GJk4EOnQAbtyQ2ry8pAC8Zg3g7i5reURE1s7goQ5ZWVlwc3NTX7ezs4OjoyMeP35slsKKOwZfItJx4wbw+efS2F4AaNcOWL9eWqOXiIjMzqjJbVOnToWrq6v6enZ2NmbNmgVPT09124IFC0xXXTHG4EtEOgIDgcWLgeHDgVmzgLFjpbV6iYioSCiEUHU9PF27du2geMaaXAqFAn/mX4PSwqSlpcHT0xOpqanw8PAw2+NUqgQkJAClSwPJyWZ7GCKyZMnJgKur9KUiBHDlirQrGxER6WWuvGZwj29UVJTJHtTaZWdrhu+xt5fIRu3eLU1Ye/11YOlSTbtCwdBLRCQTfsZmBteva4bwMfgS2ZjMTCAyEujcWVqT98svgV9/lbsqIiJCIXZuo2fj+F4iG3XmDNCnj/SvSufOQEiIfDUREZEae3zNgMGXyMYoldKktSZNNKHXyQlYsgTYuRMoV07e+oiICAB7fM0ib/ANDJSvDiIqArdvA4MGSWN6VYKDgU2bgKAg+eoiIiIdDL5mwB5fIhsRGwu0aqW9dEtkJDB7NuDsLF9dRESkV6GGOvz999/o27cvXnjhBdy8eRMAsGHDBhw4cMCkxRVXcXHSvwqFtKwZEVmpatWAOnWky+XLS72+CxYw9BIRWSijg++2bdsQFhYGFxcXnDhxAllZWQCA1NRUzJ492+QFFkeqHl8/P2mYHxFZKXt7YMMGoF8/4PRpoFMnuSsiIqKnMDr4fvzxx1i+fDlWrVoFBwcHdXvLli1x/PhxkxZXHKWnaz715DAHIiuSmwt8+ilw6JB2e6VK0rbDPj7y1EVERAYzeoxvbGws2rRpo9Pu6emJBw8emKKmYo3je4msUEKC1Ku7f7/0g33yJGDGnR+JiMg8jO7xLVeuHC5fvqzTfuDAAQRyCQMGXyJrs2ULUK+eFHoBID4e+P13WUsiIqLCMTr4DhkyBO+++y4OHz4MhUKBW7duYePGjRg3bhyGDx9ujhqLFQZfIiuRliZtORwRAag+zfL3B/btA954Q87KiIiokIwe6jBhwgQolUp07NgRjx49Qps2beDk5IRx48Zh1KhR5qixWGHwJbIC0dFA376aJVoAKQAvWwZ4e8tXFxERPReFEEIU5sTs7GxcvnwZ6enpqFOnDkqWLGnq2swiLS0Nnp6eSE1NhYcZxuh16wbs2CFdvn5d6iAiomIiJweYNQv46CNpMhsAuLsDS5dKQVihkLc+IiIbYa68VugNLBwdHVFHtX4lqal6fB0cgAoV5K2FiIx05QowZ44m9LZoAXzzDT++ISKyEkYH3/bt20PxlF6PP//887kKKs6E0ATfypWlJT6JqBipWROYOxcYMwaYNg2YNAkowQ0uiYishdG/0Rs0aKB1/cmTJzh58iRiYmIwYMAAU9VVLN27J63jC7CDiKhYSEkBXF21d5oZNQro0AEICpKvLiIiMgujg+/ChQv1ts+YMQPpqtRnozixjagYiYqS1ubt1QuYN0/TrlAw9BIRWSmjlzMrSN++fbF69WpT3V2xxOBLVAxkZwMTJ0q9ujduAJ99BuzdK3dVRERUBEw2eC06OhrOzs6murtiicGXyMLFxgK9ewN5t1dv314a20tERFbP6OD7+uuva10XQuD27ds4evQopk6darLCiqO8wZeb2BFZECGAlSuByEjg8WOpzcFBWrps7FjAzmQffhERkQUzOvh6enpqXbezs0PNmjXx4YcfolOnTiYrrDhijy+RBUpKAgYP1iywDUg9vJs2AY0ayVcXEREVOaOCb25uLgYNGoTg4GB4c/ciHargW7IkULq0vLUQEaShDe3aAYmJmrbhw6Vxva6uspVFRETyMOrzPXt7e3Tq1AkPVPvWm8jSpUsREBAAZ2dnNGvWDEeOHDHovO+++w4KhQLh4eEmracwcnOB+HjpcpUq3OCJyCIEBmq2T/TxkXp9v/ySoZeIyEYZPbAtKCgIcXn3r39OmzdvxpgxYzB9+nQcP34c9evXR1hYGO7evfvU8+Lj4zFu3Di0bt3aZLU8j1u3gCdPpMsc5kBkIRwcgI0bgddfB86cAbp2lbsiIiKSkdHB9+OPP8a4cePwyy+/4Pbt20hLS9P6MtaCBQswZMgQDBo0CHXq1MHy5cvh6ur61KXRcnNz0adPH8ycOROBFjKLjON7iWSmVAJLlgAnTmi3V68ObNsGlCsnT11ERGQxDA6+H374ITIyMtClSxecOnUKr776KipWrAhvb294e3vDy8vL6HG/2dnZOHbsGEJDQzUF2dkhNDQU0dHRT62lbNmyeOutt575GFlZWc8dzg3B4Esko9u3gS5dgHfflZYre/RI7oqIiMgCGTy5bebMmRg2bBj27dtnsgdPTk5Gbm4ufH19tdp9fX1x4cIFveccOHAAX3/9NU6ePGnQY8yZMwczZ8583lKficGXSCY//SSt2pCcLF2/cAH47Tege3d56yIiIotjcPAVQgAA2rZta7ZinuXhw4fo168fVq1aBR8fH4POmThxIsaMGaO+npaWBn/VZBcTYvAlKmIZGdIavCtWaNrKlwfWrgVsfGlFIiLSz6jlzBQmXqrAx8cH9vb2uHPnjlb7nTt3UE7PeLwrV64gPj4eXfNMUFEqlQCAEiVKIDY2FlWrVtU6x8nJCU5OTiatWx8GX6IidOyYNKTh4kVNW3g4sGqVtHoDERGRHkYF3xo1ajwz/N6/f9/g+3N0dERISAj27t2rXpJMqVRi7969GDlypM7xtWrVwpkzZ7TapkyZgocPH2Lx4sVm6ck1lCr4+vhI6/gSkRnk5gLz5gFTpwI5OVKbqyuwaJE03IHrCBIR0VMYFXxnzpyps3Pb8xozZgwGDBiAxo0bo2nTpli0aBEyMjIwaNAgAED//v3h5+eHOXPmwNnZGUFBQVrne3l5AYBOe1HKygJu3pQus7eXyIwuXNAOvSEh0g5sNWrIWxcRERULRgXfXr16oWzZsiYtICIiAklJSZg2bRoSExPRoEED7Nq1Sz3h7fr167CzM3rVtSJ1/Trw3xBoBl8ic6pbF/joI2DSJGDCBGDGDMDRUe6qiIiomFAI1ay1Z7C3t8ft27dNHnyLWlpaGjw9PZGamgoPDw+T3OfvvwNhYdLl8eOBTz4xyd0S0cOHgIsLUCLP3+i5udJavY0by1cXERGZlTnyGmDEOr4G5mObxIltRGYQHQ00aAB8/LF2u709Qy8RERWKwcFXqVQW+95ec2HwJTKhnBxg5kygdWsgLk4a2nDokNxVERGRFTBqjC/px+BLZCJxcUDfvlJvr0rz5tL6vERERM/JsmeNFROq4KtQAJUry1sLUbEkBLB+vTS0QRV67e2lnt/9+/kXJRERmQR7fE1AFXwrVuQEcyKjpaQAw4cDmzdr2gIDgY0bpd5eIiIiE2HwfU4PHwLJydJldkoRGSk2FnjxRSAhQdM2cCCwZAng7i5bWUREZJ041OE5cXwv0XOoXBn4bxMaeHsDW7YAa9Yw9BIRkVkw+D4nBl+i5+DsLO281qULcPo00KOH3BUREZEVY/B9Tgy+RAYSAli5Ejh3Trs9KAj49VdpkDwREZEZMfg+JwZfIgMkJQHh4cDQoUDv3kBWltwVERGRDWLwfU4MvkTPsHs3UK8esGOHdP3UKeCXX+StiYiIbBKD73NSBV9HR6BCBXlrIbIomZnAe+8BnTsDiYlSm4+PFIC7d5e1NCIisk1czuw5CKEJvpUrA3b8M4JIcuaMNKQhJkbTFhYGrF0LlCsnW1lERGTbGNWeQ3IykJEhXeYwByIASiWweDHQpIkm9Do5SW07dzL0EhGRrNjj+xw4vpconzNngDFjpAAMAMHB0nJlQUHy1kVERAT2+D4XBl+ifOrXByZNki5HRgJHjjD0EhGRxWCP73Ng8CWb9+iRtAlF3gHu06YBnToBrVvLVxcREZEe7PF9Dgy+ZNOOHQMaNgTmz9dud3Bg6CUiIovE4PscGHzJJuXmAp9+CjRvDly8CEyeDBw/LndVREREz8ShDs9BFXxLlgRKl5a3FqIikZAA9OsH7N+vaatXT/ohICIisnDs8S2k3Fzg2jXpcmAgoFDIWw+R2W3ZIoVcVehVKICJE4FDh4AaNeStjYiIyADs8S2kW7eAJ0+kyxzmQFYtLQ0YPRpYt07T5u8PbNgAtG0rX11ERERGYvAtJI7vJZsQGwt06QLExWnaIiKA5csBLy/ZyiIiIioMDnUopLw5gMGXrFbFikCJ//4+dncH1q8Hvv2WoZeIiIolBt9CYo8v2QQ3N2nntXbtgFOnpIltHNBORETFFINvITH4ktURQurRvXJFuz0kBPjzT77RiYio2GPwLaS8wTcgQLYyiEwjJQXo1QsYMADo00czc1OFvbxERGQFGHwLSRV8y5ThEqZUzEVFScuUbdkiXT98GPjlF1lLIiIiMgcG30LIypKWMwP46S8VY9nZwIQJQIcOwI0bUpu3N/D998Brr8lbGxERkRlwObNCuHZNGg4JMPhSMRUbC/Turb3VcPv20hjfihXlq4uIiMiM2ONbCJzYRsWWEMCKFUDDhprQ6+AAzJ0L7NnD0EtERFaNPb6FwOBLxdaJE8CwYZrrNWtKy5U1aiRfTUREREWEPb6FwOBLxVajRsCYMdLl4cOlXl+GXiIishHs8S0EBl8qNrKyAEdH7eXIZs8GOncGXnxRvrqIiIhkwB7fQlAFX4UCqFRJ3lqICnTmDNC4MbBsmXa7kxNDLxER2SQG30JQBd+KFaXONCKLolQCixcDTZoAMTHA2LHAuXNyV0VERCQ7DnUw0sOHwL170uXAQHlrIdJx+zYwaBCwe7emrXp1+eohIiKyIOzxNRLH95LF+uknaQe2vKE3MhI4cgSoU0e+uoiIiCwEe3yNxOBLFicjQxrOsGKFpq18eWDtWqBTJ9nKIiIisjQMvkZi8CWLcvEi0LWr9K9KeDiwahXg4yNbWURERJaIQx2MFBenuczgS7Lz9QWys6XLrq5S4N2+naGXiIhIDwZfI7HHlyyKpyfwzTdAs2bSrmyDB2uv2UtERERqDL5GUgVfJydpGCVRkfr+eyAhQbutZUsgOhqoUUOemoiIiIoJBl8jCKEJvpUrA3Z89aiopKUBAwcCPXsC/fsDubnat7OXl4iI6JkY3YyQlAQ8eiRd5jAHKjLR0UDDhsC6ddL1qCjgl19kLYmIiKg4YvA1Asf3UpHKyQFmzgRat9bMqnR3B9avB159Vd7aiIiIiiEuZ2YEBl8qMnFxQN++Um+vSosW0kQ2vvmIiIgKhT2+RmDwJbMTQurRbdBAE3rt7aWe3/37+cYjIiJ6DuzxNQKDL5nd0aPAgAGa64GBwMaNQPPm8tVERERkJdjjawQGXzK7Jk2AoUOlywMHAidPMvQSERGZCHt8jaAKvu7uQKlS8tZCVuLJE6BECe3lyObPB7p04QQ2IiIiE2OPr4Fyc4Hr16XLVapw2VQygdhYqTdXtUyZipsbQy8REZEZMPga6OZNqXMO4DAHek5CACtWSGvzHj8OjBoFXL4sd1VERERWj0MdDJR3fG9goHx1UDGXlAQMHgzs2KFp8/MDHj+WryYiIiIbwR5fA3FiGz233buBevW0Q++wYVKvb3CwfHURERHZCAZfAzH4UqFlZgKRkUDnzkBiotTm4yMF4GXLAFdXeesjIiKyERzqYCAGXyqUy5eB118HzpzRtHXuDKxZA5QrJ19dRERENog9vgaKi9NcDgiQrQwqbry9gXv3pMtOTsCSJcDOnQy9REREMmDwNZCqx7dsWWm1KSKDlC4NrF0L1K8v7co2ahTXwiMiIpIJg68BMjOBW7ekyxzmQE/188+acbwqL74IHDsGBAXJUxMREREBYPA1yLVrmssMvqRXRoa0QsOrrwL/+5+0Vm9e9vby1EVERERqDL4G4MQ2eqpjx4BGjaRNKQDgt9+AX36RtyYiIiLSweBrAAZf0is3F/j0U2nb4YsXpTZXV2DVKuCVV+StjYiIiHRwOTMDMPiSjoQEoF8/YP9+TVtICLBpE1Cjhnx1ERERUYHY42sABl/SsnmztAObKvQqFMDEicChQwy9REREFow9vgZQBV87O6BSJXlrIZn98w/Qq5fmur8/sGED0LatfDURERGRQdjjawBV8K1YEXBwkLcWklnz5tIQBwCIiABOnWLoJSIiKibY4/sMaWnA/fvSZQ5zsEFKpdTVn9cXXwAvvwz07MnNKIiIiIoR9vg+A8f32rC4OKBVK2DLFu12Dw+pt5ehl4iIqFhh8H2GvME3MFC+OqgICQGsXw80aABERwNDh0qrOBAREVGxxuD7DOzxtTEpKdLktQEDgIcPpbZSpYB79+Sti4iIiJ4bg+8zMPjakKgoaZmyvEMbBg4ETp6Uen+JiIioWGPwfQYGXxuQnQ1MmAB06ADcuCG1eXlJAXjNGsDdXdbyiIiIyDS4qsMzqIKvkxNQrpy8tZAZxMUBPXoAx49r2tq1k8b4+vvLVhYRERGZHnt8n0IITfANCNBd1YqsgIsLcP26dNnBAZg7F9i7l6GXiIjICjHKPcXdu8CjR9JlDnOwUuXLA19/DdSqJe3K9v77/AuHiIjISvF/+Kfg+F4rtGeP7goNr74KnD4NNGokT01ERERUJCwi+C5duhQBAQFwdnZGs2bNcOTIkQKPXbVqFVq3bg1vb294e3sjNDT0qcc/DwZfK5KZCURGAi++KK3LK4T27dyLmoiIyOrJHnw3b96MMWPGYPr06Th+/Djq16+PsLAw3L17V+/xUVFRePPNN7Fv3z5ER0fD398fnTp1ws2bN01eG4OvlThzBmjaFFi0SLq+bRuwa5esJREREVHRkz34LliwAEOGDMGgQYNQp04dLF++HK6urli9erXe4zdu3Ih33nkHDRo0QK1atfDVV19BqVRi7969Jq+NwbeYUyqBxYuBJk2k8AtIy3MsWQJ07ixvbURERFTkZF3OLDs7G8eOHcPEiRPVbXZ2dggNDUV0dLRB9/Ho0SM8efIEpUqV0nt7VlYWsrKy1NfT0tIMro/Btxi7fRsYNAjYvVvTFhwMbNoEBAXJVxcRERHJRtYe3+TkZOTm5sLX11er3dfXF4mJiQbdx/jx41GhQgWEhobqvX3OnDnw9PRUf/kbsUyVKvh6eADe3gafRnLbsUPagS1v6I2MBI4cYeglIiKyYbIPdXgen3zyCb777jv88MMPcHZ21nvMxIkTkZqaqv5KSEgw6L5zczXLu1apAigUpqqazOrgQaBbNyA5WbperpwUgBcsAAp4jxAREZFtkDX4+vj4wN7eHnfu3NFqv3PnDso9Y5u0zz77DJ988gl+//131KtXr8DjnJyc4OHhofVliBs3gJwc6TKHORQjLVoAr70mXe7WTRrb26mTvDURERGRRZA1+Do6OiIkJERrYppqotoLL7xQ4Hlz587FRx99hF27dqFx48ZmqY3je4uJ/MuSKRTAqlXAmjXADz8APj7y1EVEREQWR/ahDmPGjMGqVauwbt06nD9/HsOHD0dGRgYGDRoEAOjfv7/W5LdPP/0UU6dOxerVqxEQEIDExEQkJiYiPT3dpHUx+BYDCQlAhw7AL79ot5cuDQwcyPEpREREpEXWVR0AICIiAklJSZg2bRoSExPRoEED7Nq1Sz3h7fr167DLs4XssmXLkJ2djTfeeEPrfqZPn44ZM2aYrK68wTcw0GR3S6ayZYu0EcWDB8DZs9LOa88YHkNERES2TfbgCwAjR47EyJEj9d4WFRWldT0+Pt78BYE9vhYrLQ0YPRpYt07T5uwM3LrF4EtERERPJftQB0uVN/gGBMhWBuUVHQ00aKAdeiMigFOngEaNZCuLiIiIigcG3wKogq+vL+DqKm8tNi8nB5gxA2jdWvONcXcH1q8Hvv2WiywTERGRQSxiqIOlycyUPjkHOMxBdvHxQO/eUm+vSosWwDff8JtDRERERmGPrx55hxEzW8nMzg44d066bG8PzJwJ7N/PbwwREREZjcFXD05ssyCVKgHLl0tLaxw4AEybBpTgBxVERERkPAZfPRh8ZfT339LKDXn16iUtWda8uTw1ERERkVVg8NWDwVcG2dnAhAlA27bAqFG6tzs7F31NREREZFUYfPVg8C1isbHACy8An34qbUG8fj3w++9yV0VERERWhsFXD1XwtbMD/P3lrcWqCQGsWAE0bAgcPy61OTgAc+cCoaHy1kZERERWh7OE9FAFX39/KYeRGSQlAYMHAzt2aNpq1gQ2beJmFERERGQW7PHNJzUVSEmRLnOYg5ns3g3Uq6cdeocPl3p9GXqJiIjITNjjmw/H95rZ338DnTtrrvv4AKtXA127ylcTERER2QT2+ObD4GtmrVppgm/nzsCZMwy9REREVCTY45sPg6+ZKRTAmjXADz8Aw4ZJ14mIiIiKAHt888kbfAMD5avDKiQmAi+/DOzdq91erpw0ppehl4iIiIoQe3zzYY+viezYAbz1FpCcDJw6JX2VLi13VURERGTD2OObjyr4OjtLHZNkpIwMaQhDt25S6AUApRKIj5e1LCIiIiIG3zyE0OSzgAB+Em+0Y8eAkBBpUwqV8HDg9GmpnYiIiEhGDL553L0LPHokXeYwByPk5krbDTdvLm0/DACursCqVcD27dKSZUREREQy4xjfPDi+txBu3AD69QOiojRtISHSDmw1ashWFhEREVF+7PHNIy5Oc5nB10CPHwP//itdViiAiROBQ4cYeomIiMjiMPjmwR7fQqheHViyBPD3B/btA2bPBhwd5a6KiIiISAeDbx4MvgY4ckQzEFpl0CDg3DmgbVt5aiIiIiIyAINvHgy+T5GTA8ycCbRoAYwbp32bQgGULClPXUREREQGYvDNQxV8PT0Bb295a7EocXFAmzbAjBnSCg7LlknDGoiIiIiKEQbf/+TkANevS5fZ2/sfIYD164EGDYDoaKnN3l7q+W3dWtbSiIiIiIzF5cz+c+OG1JkJMPgCAFJSgOHDgc2bNW2BgcDGjdJ6vURERETFDIPvfzi+N4/9+6W1eRMSNG0DB0qrN7i7y1YWEVFRyc3NxZMnT+Qug8iqOTo6ws6uaAcfMPj+h8H3P/v3A+3bS8McAGmw84oVQI8e8tZFRFQEhBBITEzEgwcP5C6FyOrZ2dmhSpUqcCzCZVAZfP/D4PufVq2kiWyqALx+PVCxotxVEREVCVXoLVu2LFxdXaFQKOQuicgqKZVK3Lp1C7dv30alSpWK7GeNwfc/DL7/sbcHNmwAvv8eeO89oIg/giAikktubq469JYuXVrucoisXpkyZXDr1i3k5OTAwcGhSB6TqeY/eYNvQIBsZRStpCSge3fg4EHtdn9/YMwYhl4isimqMb2urq4yV0JkG1RDHHJVqwsUAfb4/kcVfMuVA2zid97u3dKEtcRE4Phx4NQpwMND7qqIiGTH4Q1ERUOOnzV26QF4/Bi4fVu6bPXDHDIzpSEMnTtLoRcA0tOBixdlLYuIiIjI3Bh8AVy7prls1cH3zBmgSRNg8WJNW+fOUnvjxvLVRUREJJPY2FiUK1cODx8+lLsUq5KdnY2AgAAcPXpU7lK0MPjCBia2KZVS2G3SBIiJkdqcnKR1eXfulMZ3EBFRsTVw4EAoFAooFAo4ODigSpUq+OCDD5CZmalz7C+//IK2bdvC3d0drq6uaNKkCdauXav3frdt24Z27drB09MTJUuWRL169fDhhx/i/v37Zn5GRWfixIkYNWoU3K14nfqlS5ciICAAzs7OaNasGY4cOfLMcxYtWoSaNWvCxcUF/v7+iIyM1Ho/zZgxQ/2eU33VqlVLfbujoyPGjRuH8ePHm+U5FRaDL6w8+N6+DXTpIg1vyMqS2oKDgaNHgVGjAI5lIyKyCp07d8bt27cRFxeHhQsXYsWKFZg+fbrWMZ9//jm6deuGli1b4vDhwzh9+jR69eqFYcOGYdy4cVrHTp48GREREWjSpAl+++03xMTEYP78+Th16hQ2bNhQZM8rOzvbbPd9/fp1/PLLLxg4cOBz3Y85a3xemzdvxpgxYzB9+nQcP34c9evXR1hYGO7evVvgOZs2bcKECRMwffp0nD9/Hl9//TU2b96MSZMmaR1Xt25d3L59W/114MABrdv79OmDAwcO4OzZs2Z5boUibExqaqoAIFJTU9VtY8cKIe3YIMTevTIWZw4xMUI4OWmeYGSkEI8fy10VEZHFefz4sTh37px4XAx/Rw4YMEB069ZNq+31118XDRs2VF+/fv26cHBwEGPGjNE5f8mSJQKA+Oeff4QQQhw+fFgAEIsWLdL7eCkpKQXWkpCQIHr16iW8vb2Fq6urCAkJUd+vvjrfffdd0bZtW/X1tm3bihEjRoh3331XlC5dWrRr1068+eabomfPnlrnZWdni9KlS4t169YJIYTIzc0Vs2fPFgEBAcLZ2VnUq1dPfP/99wXWKYQQ8+bNE40bN9ZqS05OFr169RIVKlQQLi4uIigoSGzatEnrGH01CiHEmTNnROfOnYWbm5soW7as6Nu3r0hKSlKf99tvv4mWLVsKT09PUapUKfHyyy+Ly5cvP7XG59W0aVMxYsQI9fXc3FxRoUIFMWfOnALPGTFihOjQoYNW25gxY0TLli3V16dPny7q16//zMdv3769mDJlit7bnvYzpy+vmQJ7fGHlPb516wLz5knDGXbvBhYsAJyd5a6KiKjYaNxY2senqL+eZ+pFTEwMDh06pLUj1tatW/HkyROdnl0AGDp0KEqWLIlvv/0WALBx40aULFkS77zzjt779/Ly0tuenp6Otm3b4ubNm9ixYwdOnTqFDz74AEql0qj6161bB0dHRxw8eBDLly9Hnz598PPPPyM9PV19zO7du/Ho0SO89tprAIA5c+Zg/fr1WL58Oc6ePYvIyEj07dsX+/fvL/Bx/v77bzTO90JnZmYiJCQEv/76K2JiYvD222+jX79+OsMD8tf44MEDdOjQAQ0bNsTRo0exa9cu3LlzBz179lSfk5GRgTFjxuDo0aPYu3cv7Ozs8Nprrz319Zk9ezZKliz51K/r16/rPTc7OxvHjh1DaGious3Ozg6hoaGIjo4u8DFbtGiBY8eOqZ9zXFwcdu7ciS5dumgdd+nSJVSoUAGBgYHo06eP3jqaNm2Kv//+u8DHKmpczgya4GtvLy1hW6ydOgXUqiWN4VUZORLo21fafpiIiIySmAjcvCl3Fc/2yy+/oGTJksjJyUFWVhbs7OzwxRdfqG+/ePEiPD09Ub58eZ1zHR0dERgYiIv/rfBz6dIlBAYGGr2pwKZNm5CUlIR///0XpUqVAgBUq1bN6OdSvXp1zJ07V329atWqcHNzww8//IB+/fqpH+vVV1+Fu7s7srKyMHv2bOzZswcvvPACACAwMBAHDhzAihUr0LZtW72Pc+3aNZ3g6+fnp/XHwahRo7B7925s2bIFTZs2LbDGjz/+GA0bNsTs2bPVbatXr4a/vz8uXryIGjVqoHv37lqPtXr1apQpUwbnzp1DUFCQ3hqHDRumFZ71qVChgt725ORk5ObmwtfXV6vd19cXFy5cKPD+evfujeTkZLRq1QpCCOTk5GDYsGFaQx2aNWuGtWvXombNmrh9+zZmzpyJ1q1bIyYmRmu8dIUKFXAt7yoCMmPwhSb4+vsDJYrrK5KbC3z2GTBlCvDuu9JlFYWCoZeIqJDkmv9r7OO2b98ey5YtQ0ZGBhYuXIgSJUroBC1DCSEKdd7JkyfRsGFDdegtrJCQEK3rJUqUQM+ePbFx40b069cPGRkZ+Omnn/Ddd98BAC5fvoxHjx7hxRdf1DovOzsbDRs2LPBxHj9+DOd8n4Lm5uZi9uzZ2LJlC27evIns7GxkZWXpbGySv8ZTp05h3759KFmypM7jXLlyBTVq1MClS5cwbdo0HD58GMnJyeqe3uvXrxcYfEuVKvXcr6exoqKiMHv2bHz55Zdo1qwZLl++jHfffRcfffQRpk6dCgB46aWX1MfXq1cPzZo1Q+XKlbFlyxa89dZb6ttcXFzw6NGjIq3/aYprzDOZBw+kL6AYD3NISAD69QNUH+fMnw+EhwOtWslaFhGRNbCw1ZgK5Obmpu5dXb16NerXr4+vv/5aHUJq1KiB1NRU3Lp1S6eHMDs7G1euXEH79u3Vxx44cABPnjwxqtfXxcXlqbfb2dnphGrVjnn5n0t+ffr0Qdu2bXH37l388ccfcHFxQefOnQFAPQTi119/hZ+fn9Z5Tnk/Ac3Hx8cHKSkpWm3z5s3D4sWLsWjRIgQHB8PNzQ3vvfeezgS2/DWmp6eja9eu+PTTT3UeR9XL3rVrV1SuXBmrVq1ChQoVoFQqERQU9NTJcbNnz9bqRdbn3LlzqFSpkt7nZ29vjzt37mi137lzB+We8pfV1KlT0a9fPwwePBgAEBwcjIyMDLz99tuYPHky7PTs7Orl5YUaNWrg8uXLWu33799HmTJlnlp/UbL5Mb7Ffnzvli1AvXqa0KtQABMnAnk+jiEiIttiZ2eHSZMmYcqUKXj8+DEAoHv37nBwcMD8+fN1jl++fDkyMjLw5ptvApA+6k5PT8eXX36p9/4fqHqM8qlXrx5OnjxZ4HJnZcqUwW3VjlH/OXnypEHPqUWLFvD398fmzZuxceNG9OjRQx3K69SpAycnJ1y/fh3VqlXT+vJ/yhjGhg0b4ty5c1ptBw8eRLdu3dC3b1/Ur19fawjI0zRq1Ahnz55FQECATg1ubm64d+8eYmNjMWXKFHTs2BG1a9fWCd36DBs2DCdPnnzqV0FDHRwdHRESEoK9e/eq25RKJfbu3aseEqLPo0ePdMKtvb09gII/DUhPT8eVK1d0htLExMQ8tde9yJl0qlwxkH+W4LZtmgUPPvpI5uKMkZoqxIABmuIBIfz9hYiKkrsyIqJiydpWdXjy5Inw8/MT8+bNU7ctXLhQ2NnZiUmTJonz58+Ly5cvi/nz5wsnJycxduxYrfM/+OADYW9vL95//31x6NAhER8fL/bs2SPeeOONAld7yMrKEjVq1BCtW7cWBw4cEFeuXBFbt24Vhw4dEkIIsWvXLqFQKMS6devExYsXxbRp04SHh4fOqg7vvvuu3vufPHmyqFOnjihRooT4+++/dW4rXbq0WLt2rbh8+bI4duyYWLJkiVi7dm2Br9uOHTtE2bJlRU5OjrotMjJS+Pv7i4MHD4pz586JwYMHCw8PD63XV1+NN2/eFGXKlBFvvPGGOHLkiLh8+bLYtWuXGDhwoMjJyRG5ubmidOnSom/fvuLSpUti7969okmTJgKA+OGHHwqs8Xl99913wsnJSaxdu1acO3dOvP3228LLy0skJiaqj+nXr5+YMGGC+vr06dOFu7u7+Pbbb0VcXJz4/fffRdWqVbVW1hg7dqyIiooSV69eFQcPHhShoaHCx8dH3L17V+vxK1euLNavX6+3NjlWdbD54PvZZ5rc+M03MhdnqEOHhAgM1A69ERFC3L8vd2VERMWWtQVfIYSYM2eOKFOmjEhPT1e3/fTTT6J169bCzc1NODs7i5CQELF69Wq997t582bRpk0b4e7uLtzc3ES9evXEhx9++NTlzOLj40X37t2Fh4eHcHV1FY0bNxaHDx9W3z5t2jTh6+srPD09RWRkpBg5cqTBwffcuXMCgKhcubJQKpVatymVSrFo0SJRs2ZN4eDgIMqUKSPCwsLE/v37C6z1yZMnokKFCmLXrl3qtnv37olu3bqJkiVLirJly4opU6aI/v37PzP4CiHExYsXxWuvvSa8vLyEi4uLqFWrlnjvvffUtf7xxx+idu3awsnJSdSrV09ERUWZPfgKIcTnn38uKlWqJBwdHUXTpk3Vy8vlfT4DBgxQX3/y5ImYMWOGqFq1qnB2dhb+/v7inXfe0fq+R0REiPLlywtHR0fh5+cnIiIidJZmO3TokPDy8hKPHj3SW5ccwVchRCFHsBdTaWlp8PT0RGpqKjw8PDByJLB0qXTbwYNAixby1vdMUVFAaKg0mQ0A3N2lJ9C3LzejICJ6DpmZmbh69SqqVKmiM+GJrNfSpUuxY8cO7N69W+5SrE5ERATq16+vs/GFytN+5vLnNVOx+cltxW6Mb8uWQEgIcOSIlNK/+aaYFE5ERGR5hg4digcPHuDhw4dWvW1xUcvOzkZwcDAiIyPlLkULg+9/wdfZWb4la4zi4ABs3Ahs3gyMH1+M118jIiKSX4kSJTB58mS5y7A6jo6OmDJlitxl6LDpVR2EAOLjpctVqljgSIGUFKBPH+DYMe32atWAyZMZeomIiIiMYNPJ6c4d4L9VXixvtEBUlLQ2740bUvA9fhzIt3g2ERERERnOpnt8LXJ8b3Y2MGEC0KGDFHoB4O5d4OxZeesiIiIiKuZsusfX4oJvbCzQu7fUu6vSvj2wfj1QsaJ8dRERERFZAfb4/kfW4CsEsGIF0LChJvQ6OABz5wJ79jD0EhEREZkAe3z/I1vwTUoCBg8GduzQtNWsCWzaBDRqJFNRRERERNbHpnt84+I0l2ULvgkJwM6dmuvDh0u9vgy9RERERCZl08FX1ePr5SV9yaJRI+DjjwEfH6nX98svuXoDEREVKwqFAj/++KPcZVisGTNmoEGDBnKXQbDh4JuTI3W2AkXc23vhAvDkiXbbuHHSqg1duxZhIUREZC0GDhwIhUIBhUIBBwcHVKlSBR988AEyMzPlLs3sEhMT8e6776JatWpwdnaGr68vWrZsiWXLluHRo0dylwcAGDduHPbu3St3GQQbHuN74waQmytdLpLgq1QCn38u7bY2fjwwc6bmNnt7oGzZIiiCiIisVefOnbFmzRo8efIEx44dw4ABA6BQKPDpp5/KXZrZxMXFoWXLlvDy8sLs2bMRHBwMJycnnDlzBitXroSfnx9effVVuctEyZIlUbJkSbnLINhwj++1a5rLZg++t28DXboA770HZGVJQxuOHDHzgxIRkS1xcnJCuXLl4O/vj/DwcISGhuKPP/5Q337v3j28+eab8PPzg6urK4KDg/Htt99q3Ue7du0wevRofPDBByhVqhTKlSuHGTNmaB1z6dIltGnTBs7OzqhTp47WY6icOXMGHTp0gIuLC0qXLo23334b6enp6tsHDhyI8PBwzJ49G76+vvDy8sKHH36InJwcvP/++yhVqhQqVqyINWvWPPU5v/POOyhRogSOHj2Knj17onbt2ggMDES3bt3w66+/out/n6TGx8dDoVDg5MmT6nMfPHgAhUKBqKgodVtMTAxeeukllCxZEr6+vujXrx+Sk5PVt2/duhXBwcHq5xUaGoqMjAwAQFRUFJo2bQo3Nzd4eXmhZcuWuPZf2Mg/1EH1/D/77DOUL18epUuXxogRI/AkzyfCt2/fxssvvwwXFxdUqVIFmzZtQkBAABYtWvTU14SejsEXZg6+P/0E1KsH7N6taRs9WmojIqLiYcECaWnJZ33p61189VXDzl2wwGTlxsTE4NChQ3B0dFS3ZWZmIiQkBL/++itiYmLw9ttvo1+/fjiSryNm3bp1cHNzw+HDhzF37lx8+OGH6nCrVCrx+uuvw9HREYcPH8by5csxfvx4rfMzMjIQFhYGb29v/Pvvv/j++++xZ88ejBw5Uuu4P//8E7du3cJff/2FBQsWYPr06XjllVfg7e2Nw4cPY9iwYRg6dChuqDZzyufevXv4/fffMWLECLi5uek9RqFQGPyaPXjwAB06dEDDhg1x9OhR7Nq1C3fu3EHPnj0BSEH0zTffxP/+9z+cP38eUVFReP311yGEQE5ODsLDw9G2bVucPn0a0dHRePvtt5/6+Pv27cOVK1ewb98+rFu3DmvXrsXatWvVt/fv3x+3bt1CVFQUtm3bhpUrV+Lu3bsGPx8qgLAxqampAoAYNy5VSAvoCvHrr2Z4oPR0IYYOFeoHAYQoV06I3bvN8GBERPS8Hj9+LM6dOyceP36se+P06dq/zwv6at5c99zmzQ07d/r0Qtc+YMAAYW9vL9zc3ISTk5MAIOzs7MTWrVufet7LL78sxo4dq77etm1b0apVK61jmjRpIsaPHy+EEGL37t2iRIkS4ubNm+rbf/vtNwFA/PDDD0IIIVauXCm8vb1Fenq6+phff/1V2NnZicTERHW9lStXFrm5uepjatasKVq3bq2+npOTI9zc3MS3336rt/Z//vlHABDbt2/Xai9durRwc3MTbm5u4oMPPhBCCHH16lUBQJw4cUJ9XEpKigAg9u3bJ4QQ4qOPPhKdOnXSuq+EhAQBQMTGxopjx44JACI+Pl6nlnv37gkAIioqSm+t06dPF/Xr11dfVz3/nJwcdVuPHj1ERESEEEKI8+fPCwDi33//Vd9+6dIlAUAsXLhQ72MUR0/7mVPltdTUVJM+ps2O8TVrj++xY9IObBcvatq6dQO++kpavYGIiIoXDw/Az+/Zx5Upo7/NkHM9PIyvK4/27dtj2bJlyMjIwMKFC1GiRAl0795dfXtubi5mz56NLVu24ObNm8jOzkZWVhZc860kVC/fJ5Lly5dX9zSeP38e/v7+qFChgvr2F154Qev48+fPo379+lq9sC1btoRSqURsbCx8fX0BAHXr1oWdneaDZ19fXwQFBamv29vbo3Tp0kb3ch45cgRKpRJ9+vRBVlaWweedOnUK+/bt0zsW98qVK+jUqRM6duyI4OBghIWFoVOnTnjjjTfg7e2NUqVKYeDAgQgLC8OLL76I0NBQ9OzZE+XLly/w8erWrQt7e3v19fLly+PMmTMAgNjYWJQoUQKN8ixtWq1aNXh7exv8fEg/mw2+8fGaywEBJrzjP/8EwsKkZSMAaWmyRYukTSqM+MiFiIgsyJgx0ldh5N2gyIzc3NxQrVo1AMDq1atRv359fP3113jrrbcAAPPmzcPixYuxaNEiBAcHw83NDe+99x6ys7O17sfBwUHrukKhgFKpNHm9+h7HmMeuVq0aFAoFYmNjtdoDAwMBAC4uLuo2VcAWQqjbnuRbYSk9PR1du3bVOxmwfPnysLe3xx9//IFDhw7h999/x+eff47Jkyfj8OHDqFKlCtasWYPRo0dj165d2Lx5M6ZMmYI//vgDzZs3N/j5m+N1Jm02P8a3XDkgz8/G82vZEqhTR7ocEgKcOAEMGcLQS0RERcbOzg6TJk3ClClT8PjxYwDAwYMH0a1bN/Tt2xf169dHYGAgLub9ZNIAtWvXRkJCAm7fvq1u++eff3SOOXXqlHrSl+qx7ezsULNmzed4VtpKly6NF198EV988YXWY+lT5r+e+Lx1553oBgCNGjXC2bNnERAQgGrVqml9qXqvFQoFWrZsiZkzZ+LEiRNwdHTEDz/8oL6Phg0bYuLEiTh06BCCgoKwadOmQj23mjVrIicnBydOnFC3Xb58GSkpKYW6P9Kw2eCr+uTkvz8MTcfJSdpuePJk4NAhoEYNEz8AERHRs/Xo0QP29vZYunQpAKB69erqHsvz589j6NChuHPnjlH3GRoaiho1amDAgAE4deoU/v77b0yePFnrmD59+sDZ2RkDBgxATEwM9u3bh1GjRqFfv37qYQ6m8uWXXyInJweNGzfG5s2bcf78ecTGxuKbb77BhQsX1EMJXFxc0Lx5c3zyySc4f/489u/fjylTpmjd14gRI3D//n28+eab+Pfff3HlyhXs3r0bgwYNQm5uLg4fPozZs2fj6NGjuH79OrZv346kpCTUrl0bV69excSJExEdHY1r167h999/x6VLl1C7du1CPa9atWohNDQUb7/9No4cOYITJ07g7bffhouLi1ET9kiXzQZfleca35uWJvXmnj2r3V63rrRkWZ7ZtEREREWpRIkSGDlyJObOnYuMjAxMmTIFjRo1QlhYGNq1a4dy5cohPDzcqPu0s7PDDz/8gMePH6Np06YYPHgwZs2apXWMq6srdu/ejfv376NJkyZ444030LFjR3zxxRcmfHaSqlWr4sSJEwgNDcXEiRNRv359NG7cGJ9//jnGjRuHjz76SH3s6tWrkZOTg5CQELz33nv4+OOPte6rQoUKOHjwIHJzc9GpUycEBwfjvffeg5eXF+zs7ODh4YG//voLXbp0QY0aNTBlyhTMnz8fL730ElxdXXHhwgV0794dNWrUwNtvv40RI0Zg6NChhX5u69evh6+vL9q0aYPXXnsNQ4YMgbu7O5ydnQt9nwQoRN4BLzYgLS0Nnp6eAFIBeGDKFCDPz4XhoqOBvn2BuDhpabIjR6TeXiIiKpYyMzNx9epVVKlSheGCLM6NGzfg7++PPXv2oGPHjnKXYxJP+5lT5bXU1FR4POfEz7xsdnKbitE9vjk5wKxZUlpWbf129Spw+jTQpInJ6yMiIiLb8+effyI9PR3BwcG4ffs2PvjgAwQEBKBNmzZyl1asMfgaE3zj4qRe3uhoTVuLFsA33xTRvsdERERkC548eYJJkyYhLi4O7u7uaNGiBTZu3KizGgQZh8HXkLwqBLBhAzByJPDwodRmbw9MmwZMmgSUsPmXkYiIiEwoLCwMYWFhcpdhdWw6sdnbS7tEPlVKCjB8OLB5s6YtMBDYuBEoYG0+IiIiIrI8Nr2qQ6VKBnTWnj8PfP+95vrAgcDJkwy9RERWysbmfBPJRo6fNZsOvgYNc2jRQlqT18sL2LIFWLMGcHc3d2lERFTEVGMnHz16JHMlRLZBtWtg3q2bzc2mhzroDb5Xr0pdwXm/CVOnAkOHGrbXOhERFUv29vbw8vLC3f92OHJ1deVmAURmolQqkZSUBFdXV5QowrlSDL4qQgArVwKRkcD06cD48ZrbHBwYeomIbEC5cuUAQB1+ich87OzsUKlSpSL9A5PBFwCSkoDBg4EdO6TrU6YAnToBDRvKVhsRERU9hUKB8uXLo2zZsnjy5Inc5RBZNUdHR9jZFe2oWwbf3bulCWuJiZobBg8GataUqywiIpKZvb19kY47JKKiYRGT25YuXYqAgAA4OzujWbNmOHLkyFOP//7771GrVi04OzsjODgYO3fuNPoxHZGJeqvfAzp31oReHx+p13fZMsDVtRDPhIiIiIgslezBd/PmzRgzZgymT5+O48ePo379+ggLCytwfNWhQ4fw5ptv4q233sKJEycQHh6O8PBwxMTEGPW4+9EObl8t1jR07gycOQN07fo8T4eIiIiILJRCyLxgYbNmzdCkSRN88cUXAKRZfv7+/hg1ahQmTJigc3xERAQyMjLwyy+/qNuaN2+OBg0aYPny5c98vLS0NHh6eiIVgAcAODkB8+ZJu7Jx9i4RERGR7NR5LTUVHh4eJrtfWcf4Zmdn49ixY5g4caK6zc7ODqGhoYiOjtZ7TnR0NMaMGaPVFhYWhh9//FHv8VlZWcjKylJfT01NBQCkAUCdOsDXX0v/qrYiJiIiIiJZpaWlATD9JheyBt/k5GTk5ubC19dXq93X1xcXLlzQe05iYqLe4xPzTk7LY86cOZg5c6ZOuz8AnDsHvPBCoWonIiIiIvO6d+8ePD09TXZ/Vr+qw8SJE7V6iB88eIDKlSvj+vXrJn0hyTKlpaXB398fCQkJJv2ohCwTv9+2hd9v28Lvt21JTU1FpUqVUKpUKZPer6zB18fHB/b29rhz545W+507d9SLiOdXrlw5o453cnKCk5OTTrunpyd/cGyIh4cHv982hN9v28Lvt23h99u2mHqdX1lXdXB0dERISAj27t2rblMqldi7dy9eKGAIwgsvvKB1PAD88ccfBR5PRERERARYwFCHMWPGYMCAAWjcuDGaNm2KRYsWISMjA4MGDQIA9O/fH35+fpgzZw4A4N1330Xbtm0xf/58vPzyy/juu+9w9OhRrFy5Us6nQUREREQWTvbgGxERgaSkJEybNg2JiYlo0KABdu3apZ7Adv36da1u7hYtWmDTpk2YMmUKJk2ahOrVq+PHH39EUFCQQY/n5OSE6dOn6x3+QNaH32/bwu+3beH327bw+21bzPX9ln0dXyIiIiKioiD7zm1EREREREWBwZeIiIiIbAKDLxERERHZBAZfIiIiIrIJVhl8ly5dioCAADg7O6NZs2Y4cuTIU4///vvvUatWLTg7OyM4OBg7d+4sokrJFIz5fq9atQqtW7eGt7c3vL29ERoa+sz3B1kWY3++Vb777jsoFAqEh4ebt0AyKWO/3w8ePMCIESNQvnx5ODk5oUaNGvydXowY+/1etGgRatasCRcXF/j7+yMyMhKZmZlFVC09j7/++gtdu3ZFhQoVoFAo8OOPPz7znKioKDRq1AhOTk6oVq0a1q5da/wDCyvz3XffCUdHR7F69Wpx9uxZMWTIEOHl5SXu3Lmj9/iDBw8Ke3t7MXfuXHHu3DkxZcoU4eDgIM6cOVPElVNhGPv97t27t1i6dKk4ceKEOH/+vBg4cKDw9PQUN27cKOLKqTCM/X6rXL16Vfj5+YnWrVuLbt26FU2x9NyM/X5nZWWJxo0biy5duogDBw6Iq1eviqioKHHy5MkirpwKw9jv98aNG4WTk5PYuHGjuHr1qti9e7coX768iIyMLOLKqTB27twpJk+eLLb/v717j2nqfOMA/qXFQsWiYYrQgRdQmPEy5aIDNE7GBs4LExU2CaKiOAExMi/EG6A/EJ1i1HidE5wjghqdRBQUlQ3QbYpcFsEiAuoiuKiLiMJK2+f3x0KzymW2cnH0+STnj/Oe933Pc/qk4enLOe2pUwSATp8+3Wb/iooK6tmzJ0VERFBJSQnt3r2bhEIhZWRkaHXeblf4jh07lkJDQ9X7SqWSpFIpbd68ucX+vr6+NGXKFI22cePG0eLFizs0TtY+tM33qxQKBUkkEjpy5EhHhcjakS75VigU5OrqSocOHaLAwEAufP9DtM33vn37yMbGhuRyeWeFyNqRtvkODQ0ld3d3jbaIiAhyc3Pr0DhZ+3udwnfVqlU0fPhwjTY/Pz/y9PTU6lzd6lYHuVyO/Px8eHh4qNsEAgE8PDxw7dq1Fsdcu3ZNoz8AeHp6ttqfvT10yferXr58icbGRpiZmXVUmKyd6JrvjRs3wtzcHEFBQZ0RJmsnuuQ7LS0NLi4uCA0NRf/+/TFixAjExcVBqVR2VthMR7rk29XVFfn5+erbISoqKnDu3Dl8+umnnRIz61ztVa91+S+3tafHjx9DqVSqf/WtSf/+/XH79u0Wx9TU1LTYv6ampsPiZO1Dl3y/avXq1ZBKpc3eTOzto0u+c3Nz8e2336KwsLATImTtSZd8V1RU4PLly/D398e5c+dQXl6OkJAQNDY2IioqqjPCZjrSJd9z5szB48ePMX78eBARFAoFvvzyS6xZs6YzQmadrLV6rba2FvX19RCLxa81T7da8WVMG/Hx8UhJScHp06dhbGzc1eGwdvb8+XMEBATgm2++Qd++fbs6HNYJVCoVzM3NcfDgQTg6OsLPzw9r167F/v37uzo01gGys7MRFxeHvXv34ubNmzh16hTS09OxadOmrg6NvcW61Ypv3759IRQK8ejRI432R48ewcLCosUxFhYWWvVnbw9d8t1k27ZtiI+PR1ZWFkaNGtWRYbJ2om2+7969i6qqKkybNk3dplKpAACGhoaQyWSwtbXt2KCZznR5f1taWqJHjx4QCoXqtmHDhqGmpgZyuRwikahDY2a60yXf69evR0BAABYuXAgAGDlyJF68eIHg4GCsXbsWAgGv7XUnrdVrpqamr73aC3SzFV+RSARHR0dcunRJ3aZSqXDp0iW4uLi0OMbFxUWjPwBcvHix1f7s7aFLvgFg69at2LRpEzIyMuDk5NQZobJ2oG2+33vvPfz2228oLCxUb9OnT8ekSZNQWFgIa2vrzgyfaUmX97ebmxvKy8vVH3AAoKysDJaWllz0vuV0yffLly+bFbdNH3r+fl6KdSftVq9p99zd2y8lJYWMjIwoKSmJSkpKKDg4mPr06UM1NTVERBQQEECRkZHq/nl5eWRoaEjbtm2j0tJSioqK4q8z+w/RNt/x8fEkEono5MmTVF1drd6eP3/eVZfAtKBtvl/F3+rw36Jtvu/fv08SiYTCwsJIJpPR2bNnydzcnP73v/911SUwLWib76ioKJJIJHTs2DGqqKigCxcukK2tLfn6+nbVJTAtPH/+nAoKCqigoIAAUEJCAhUUFNC9e/eIiCgyMpICAgLU/Zu+zmzlypVUWlpKe/bs4a8za7J7924aMGAAiUQiGjt2LP3888/qYxMnTqTAwECN/sePHyc7OzsSiUQ0fPhwSk9P7+SI2ZvQJt8DBw4kAM22qKiozg+c6UTb9/c/ceH736Ntvq9evUrjxo0jIyMjsrGxodjYWFIoFJ0cNdOVNvlubGyk6OhosrW1JWNjY7K2tqaQkBD6888/Oz9wprUrV660+Pe4KceBgYE0ceLEZmNGjx5NIpGIbGxsKDExUevzGhDx/wMYY4wxxlj3163u8WWMMcYYY6w1XPgyxhhjjDG9wIUvY4wxxhjTC1z4MsYYY4wxvcCFL2OMMcYY0wtc+DLGGGOMMb3AhS9jjDHGGNMLXPgyxhhjjDG9wIUvY4wBSEpKQp8+fbo6DJ0ZGBjghx9+aLPPvHnz8Nlnn3VKPIwx9jbiwpcx1m3MmzcPBgYGzbby8vKuDg1JSUnqeAQCAaysrDB//nz88ccf7TJ/dXU1Jk+eDACoqqqCgYEBCgsLNfrs3LkTSUlJ7XK+1kRHR6uvUygUwtraGsHBwXj69KlW83CRzhjrCIZdHQBjjLUnLy8vJCYmarT169evi6LRZGpqCplMBpVKhaKiIsyfPx8PHz5EZmbmG89tYWHxr3169+79xud5HcOHD0dWVhaUSiVKS0uxYMECPHv2DKmpqZ1yfsYYaw2v+DLGuhUjIyNYWFhobEKhEAkJCRg5ciRMTExgbW2NkJAQ1NXVtTpPUVERJk2aBIlEAlNTUzg6OuLGjRvq47m5uZgwYQLEYjGsra0RHh6OFy9etBmbgYEBLCwsIJVKMXnyZISHhyMrKwv19fVQqVTYuHEjrKysYGRkhNGjRyMjI0M9Vi6XIywsDJaWljA2NsbAgQOxefNmjbmbbnUYPHgwAGDMmDEwMDDAhx9+CEBzFfXgwYOQSqVQqVQaMXp7e2PBggXq/TNnzsDBwQHGxsawsbFBTEwMFApFm9dpaGgICwsLvPvuu/Dw8MDs2bNx8eJF9XGlUomgoCAMHjwYYrEY9vb22Llzp/p4dHQ0jhw5gjNnzqhXj7OzswEADx48gK+vL/r06QMzMzN4e3ujqqqqzXgYY6wJF76MMb0gEAiwa9cu3Lp1C0eOHMHly5exatWqVvv7+/vDysoK169fR35+PiIjI9GjRw8AwN27d+Hl5YWZM2eiuLgYqampyM3NRVhYmFYxicViqFQqKBQK7Ny5E9u3b8e2bdtQXFwMT09PTJ8+HXfu3AEA7Nq1C2lpaTh+/DhkMhmSk5MxaNCgFuf99ddfAQBZWVmorq7GqVOnmvWZPXs2njx5gitXrqjbnj59ioyMDPj7+wMAcnJyMHfuXCxbtgwlJSU4cOAAkpKSEBsb+9rXWFVVhczMTIhEInWbSqWClZUVTpw4gZKSEmzYsAFr1qzB8ePHAQArVqyAr68vvLy8UF1djerqari6uqKxsRGenp6QSCTIyclBXl4eevXqBS8vL8jl8teOiTGmx4gxxrqJwMBAEgqFZGJiot5mzZrVYt8TJ07QO++8o95PTEyk3r17q/clEgklJSW1ODYoKIiCg4M12nJyckggEFB9fX2LY16dv6ysjOzs7MjJyYmIiKRSKcXGxmqMcXZ2ppCQECIiWrp0Kbm7u5NKpWpxfgB0+vRpIiKqrKwkAFRQUKDRJzAwkLy9vdX73t7etGDBAvX+gQMHSCqVklKpJCKijz76iOLi4jTmOHr0KFlaWrYYAxFRVFQUCQQCMjExIWNjYwJAACghIaHVMUREoaGhNHPmzFZjbTq3vb29xmvw119/kVgspszMzDbnZ4wxIiK+x5cx1q1MmjQJ+/btU++bmJgA+Hv1c/Pmzbh9+zZqa2uhUCjQ0NCAly9fomfPns3miYiIwMKFC3H06FH1v+ttbW0B/H0bRHFxMZKTk9X9iQgqlQqVlZUYNmxYi7E9e/YMvXr1gkqlQkNDA8aPH49Dhw6htrYWDx8+hJubm0Z/Nzc3FBUVAfj7NoWPP/4Y9vb28PLywtSpU/HJJ5+80Wvl7++PRYsWYe/evTAyMkJycjI+//xzCAQC9XXm5eVprPAqlco2XzcAsLe3R1paGhoaGvD999+jsLAQS5cu1eizZ88eHD58GPfv30d9fT3kcjlGjx7dZrxFRUUoLy+HRCLRaG9oaMDdu3d1eAUYY/qGC1/GWLdiYmKCIUOGaLRVVVVh6tSpWLJkCWJjY2FmZobc3FwEBQVBLpe3WMBFR0djzpw5SE9Px/nz5xEVFYWUlBTMmDEDdXV1WLx4McLDw5uNGzBgQKuxSSQS3Lx5EwKBAJaWlhCLxQCA2traf70uBwcHVFZW4vz588jKyoKvry88PDxw8uTJfx3bmmnTpoGIkJ6eDmdnZ+Tk5GDHjh3q43V1dYiJiYGPj0+zscbGxq3OKxKJ1DmIj4/HlClTEBMTg02bNgEAUlJSsGLFCmzfvh0uLi6QSCT4+uuv8csvv7QZb11dHRwdHTU+cDR5Wx5gZIy93bjwZYx1e/n5+VCpVNi+fbt6NbPpftK22NnZwc7ODsuXL8cXX3yBxMREzJgxAw4ODigpKWlWYP8bgUDQ4hhTU1NIpVLk5eVh4sSJ6va8vDyMHTtWo5+fnx/8/Pwwa9YseHl54enTpzAzM9OYr+l+WqVS2WY8xsbG8PHxQXJyMsrLy2Fvbw8HBwf1cQcHB8hkMq2v81Xr1q2Du7s7lixZor5OV1dXhISEqPu8umIrEomaxe/g4IDU1FSYm5vD1NT0jWJijOknfriNMdbtDRkyBI2Njdi9ezcqKipw9OhR7N+/v9X+9fX1CAsLQ3Z2Nu7du4e8vDxcv35dfQvD6tWrcfXqVYSFhaGwsBB37tzBmTNntH647Z9WrlyJLVu2IDU1FTKZDJGRkSgsLMSyZcsAAAkJCTh27Bhu376NsrIynDhxAhYWFi3+6Ia5uTnEYjEyMjLw6NEjPHv2rNXz+vv7Iz09HYcPH1Y/1NZkw4YN+O677xATE4Nbt26htLQUKSkpWLdunVbX5uLiglGjRiEuLg4AMHToUNy4cQOZmZkoKyvD+vXrcf36dY0xgwYNQnFxMWQyGR4/fozGxkb4+/ujb9++8Pb2Rk5ODiorK5GdnY3w8HD8/vvvWsXEGNNPXPgyxrq9999/HwkJCdiyZQtGjBiB5ORkja8Ce5VQKMSTJ08wd+5c2NnZwdfXF5MnT0ZMTAwAYNSoUfjxxx9RVlaGCRMmYMyYMdiwYQOkUqnOMYaHhyMiIgJfffUVRo4ciYyMDKSlpWHo0KEA/r5NYuvWrXBycoKzszOqqqpw7tw59Qr2PxkaGmLXrl04cOAApFIpvL29Wz2vu7s7zMzMIJPJMGfOHI1jnp6eOHv2LC5cuABnZ2d88MEH2LFjBwYOHKj19S1fvhyHDh3CgwcPsHjxYvj4+MDPzw/jxo3DkydPNFZ/AWDRokWwt7eHk5MT+vXrh7y8PPTs2RM//fQTBgwYAB8fHwwbNgxBQUFoaGjgFWDG2GsxICLq6iAYY4wxxhjraLziyxhjjDHG9AIXvowxxhhjTC9w4csYY4wxxvQCF76MMcYYY0wvcOHLGGOMMcb0Ahe+jDHGGGNML3DhyxhjjDHG9AIXvowxxhhjTC9w4csYY4wxxvQCF76MMcYYY0wvcOHLGGOMMcb0wv8B5UO15I3Ms8QAAAAASUVORK5CYII=", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "plot_roc_curve(y_test, y_pred)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "#### Standardized data" + ] + }, + { + "cell_type": "code", + "execution_count": 39, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Time taken for GridSearchCV: 1033.21 seconds\n", + "Best Hyperparameters:\n", + "{'max_depth': 9, 'min_samples_leaf': 4, 'min_samples_split': 10, 'n_estimators': 100}\n", + "\n", + "Time taken for training with best hyperparameters: 2.55 seconds\n", + "\n", + "Mean Accuracy: 0.8813087828492392\n", + "Standard Deviation of Accuracy: 0.01214538990720045\n", + "Mean Precision: 0.8452559083281921\n", + "Standard Deviation of Precision: 0.03425304225409793\n", + "Mean Recall: 0.803012048192771\n", + "Standard Deviation of Recall: 0.04535006930244235\n", + "Mean F1-score: 0.8221130376586311\n", + "Standard Deviation of F1-score: 0.0200200422445567\n", + "Mean ROC AUC: 0.8625678639738344\n", + "Standard Deviation of ROC AUC: 0.017119374173323314\n", + "\n", + "Total time taken: 1035.76 seconds\n" + ] + } + ], + "source": [ + "from sklearn.model_selection import StratifiedKFold, GridSearchCV\n", + "from sklearn.metrics import accuracy_score, precision_score, recall_score, f1_score, roc_auc_score, confusion_matrix\n", + "from sklearn.ensemble import RandomForestClassifier\n", + "import numpy as np\n", + "import time\n", + "\n", + "start_total_time = time.time()\n", + "\n", + "kf = StratifiedKFold(n_splits=10, shuffle=True, random_state=42)\n", + "\n", + "model = RandomForestClassifier(random_state=42)\n", + "\n", + "param_grid = {\n", + " 'n_estimators': [10, 100, 200, 300],\n", + " 'max_depth': [3, 5, 7, 9],\n", + " 'min_samples_split': [2, 5, 10, 20],\n", + " 'min_samples_leaf': [1, 2, 4, 8]\n", + "}\n", + "\n", + "grid_search = GridSearchCV(estimator=model, param_grid=param_grid, cv=kf, scoring='accuracy')\n", + "\n", + "start_time = time.time()\n", + "\n", + "grid_search.fit(standard(x), y)\n", + "\n", + "grid_search_time = time.time() - start_time\n", + "print(f\"Time taken for GridSearchCV: {grid_search_time:.2f} seconds\")\n", + "\n", + "best_params = grid_search.best_params_\n", + "\n", + "print(\"Best Hyperparameters:\")\n", + "print(best_params)\n", + "\n", + "print()\n", + "\n", + "best_model = grid_search.best_estimator_\n", + "\n", + "start_time = time.time()\n", + "\n", + "accuracy_scores = []\n", + "precision_scores = []\n", + "recall_scores = []\n", + "f1_scores = []\n", + "roc_auc_scores = []\n", + "confusion_matrices = []\n", + "\n", + "for train_index, test_index in kf.split(standard(x), y):\n", + " X_train, X_test = x.iloc[train_index], x.iloc[test_index]\n", + " y_train, y_test = y.iloc[train_index], y.iloc[test_index]\n", + "\n", + " best_model.fit(X_train, y_train)\n", + "\n", + " y_pred = best_model.predict(X_test)\n", + "\n", + " accuracy = accuracy_score(y_test, y_pred)\n", + " accuracy_scores.append(accuracy)\n", + " \n", + " precision = precision_score(y_test, y_pred)\n", + " precision_scores.append(precision)\n", + " \n", + " recall = recall_score(y_test, y_pred)\n", + " recall_scores.append(recall)\n", + " \n", + " f1 = f1_score(y_test, y_pred)\n", + " f1_scores.append(f1)\n", + " \n", + " roc_auc = roc_auc_score(y_test, y_pred)\n", + " roc_auc_scores.append(roc_auc)\n", + " \n", + " confusion = confusion_matrix(y_test, y_pred)\n", + " confusion_matrices.append(confusion)\n", + "\n", + "training_time = time.time() - start_time\n", + "print(f\"Time taken for training with best hyperparameters: {training_time:.2f} seconds\")\n", + "\n", + "print()\n", + "\n", + "mean_accuracy = np.mean(accuracy_scores)\n", + "std_accuracy = np.std(accuracy_scores)\n", + "\n", + "mean_precision = np.mean(precision_scores)\n", + "std_precision = np.std(precision_scores)\n", + "\n", + "mean_recall = np.mean(recall_scores)\n", + "std_recall = np.std(recall_scores)\n", + "\n", + "mean_f1 = np.mean(f1_scores)\n", + "std_f1 = np.std(f1_scores)\n", + "\n", + "mean_roc_auc = np.mean(roc_auc_scores)\n", + "std_roc_auc = np.std(roc_auc_scores)\n", + "\n", + "print(f\"Mean Accuracy: {mean_accuracy}\")\n", + "print(f\"Standard Deviation of Accuracy: {std_accuracy}\")\n", + "\n", + "print(f\"Mean Precision: {mean_precision}\")\n", + "print(f\"Standard Deviation of Precision: {std_precision}\")\n", + "\n", + "print(f\"Mean Recall: {mean_recall}\")\n", + "print(f\"Standard Deviation of Recall: {std_recall}\")\n", + "\n", + "print(f\"Mean F1-score: {mean_f1}\")\n", + "print(f\"Standard Deviation of F1-score: {std_f1}\")\n", + "\n", + "print(f\"Mean ROC AUC: {mean_roc_auc}\")\n", + "print(f\"Standard Deviation of ROC AUC: {std_roc_auc}\")\n", + "\n", + "print()\n", + "\n", + "total_time = time.time() - start_total_time\n", + "print(f\"Total time taken: {total_time:.2f} seconds\")" + ] + }, + { + "cell_type": "code", + "execution_count": 40, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "x_train: (1800, 13)\n", + "y_train: (1800,)\n", + "x_test: (601, 13)\n", + "y_test: (601,)\n" + ] + } + ], + "source": [ + "from sklearn.model_selection import train_test_split\n", + "\n", + "x_train, x_test, y_train, y_test = train_test_split(x,y,test_size=0.25,random_state=42)\n", + "\n", + "print(\"x_train:\",x_train.shape)\n", + "print(\"y_train:\",y_train.shape)\n", + "print(\"x_test:\",x_test.shape)\n", + "print(\"y_test:\",y_test.shape)" + ] + }, + { + "cell_type": "code", + "execution_count": 41, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Accuracy: 0.8752079866888519\n", + "Precision: 0.8486486486486486\n", + "Recall: 0.7696078431372549\n", + "F1 Score: 0.8071979434447301\n", + "ROC AUC Score: 0.8495394379414234\n", + "Confusion Matrix:\n", + "[[369 28]\n", + " [ 47 157]]\n" + ] + } + ], + "source": [ + "model = grid_search.best_estimator_\n", + "\n", + "model.fit(x_train, y_train)\n", + "\n", + "y_pred = model.predict(x_test)\n", + "\n", + "y_pred = (y_pred >= 0.5).astype(int)\n", + "\n", + "print(\"Accuracy:\", accuracy_score(y_test, y_pred))\n", + "print(\"Precision:\", precision_score(y_test, y_pred))\n", + "print(\"Recall:\", recall_score(y_test, y_pred))\n", + "print(\"F1 Score:\", f1_score(y_test, y_pred))\n", + "print(\"ROC AUC Score:\", roc_auc_score(y_test, y_pred))\n", + "print(\"Confusion Matrix:\")\n", + "print(confusion_matrix(y_test, y_pred))" + ] + }, + { + "cell_type": "code", + "execution_count": 42, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAokAAAIjCAYAAABvUIGpAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8pXeV/AAAACXBIWXMAAA9hAAAPYQGoP6dpAABHxklEQVR4nO3de5iN9f7/8deaYZYx5mAwMyaM82FyTNLkvJ1JRFuiGhJbDZVBmoqcato6EEKnjUTnsClpEGqbCjnllEFRzBAxGYwxc//+8LO+LR+HWcyaNWM9H133dVn3/Vn3/V5rp+u9X5/PfS+bZVmWAAAAgL/x8XQBAAAAKHhoEgEAAGCgSQQAAICBJhEAAAAGmkQAAAAYaBIBAABgoEkEAACAgSYRAAAABppEAAAAGGgSAVzR7t271a5dOwUHB8tms2nhwoV5ev5ffvlFNptNs2fPztPzFmYtW7ZUy5YtPV0GAC9HkwgUAnv27NG//vUvVa5cWcWKFVNQUJCaNGmi1157TadPn3brtWNjY7V161Y9//zzmjt3rm699Va3Xi8/9e3bVzabTUFBQZf8Hnfv3i2bzSabzaaXX37Z5fMfPHhQY8aM0aZNm/KgWgDIX0U8XQCAK/v888/1z3/+U3a7XQ8++KBq166ts2fP6ttvv9WIESO0bds2vfnmm2659unTp5WcnKxnnnlGgwcPdss1oqKidPr0aRUtWtQt57+aIkWK6NSpU1q8eLF69uzpdGzevHkqVqyYzpw5c03nPnjwoMaOHauKFSuqfv36uX7fV199dU3XA4C8RJMIFGD79u1Tr169FBUVpZUrV6ps2bKOY3FxcUpJSdHnn3/utusfOXJEkhQSEuK2a9hsNhUrVsxt578au92uJk2a6P333zeaxPnz56tz58769NNP86WWU6dOqXjx4vLz88uX6wHAlTDdDBRgEydO1MmTJ/XOO+84NYgXVK1aVY8//rjj9blz5zR+/HhVqVJFdrtdFStW1NNPP63MzEyn91WsWFF33nmnvv32W912220qVqyYKleurHfffdcxZsyYMYqKipIkjRgxQjabTRUrVpR0fpr2wp//bsyYMbLZbE77kpKS1LRpU4WEhKhEiRKqUaOGnn76acfxy61JXLlypZo1a6aAgACFhISoa9eu2rFjxyWvl5KSor59+yokJETBwcHq16+fTp06dfkv9iK9e/fW0qVLdfz4cce+devWaffu3erdu7cx/tixYxo+fLjq1KmjEiVKKCgoSB07dtTmzZsdY1atWqVGjRpJkvr16+eYtr7wOVu2bKnatWtrw4YNat68uYoXL+74Xi5ekxgbG6tixYoZn799+/YqWbKkDh48mOvPCgC5RZMIFGCLFy9W5cqVdccdd+Rq/MMPP6zRo0frlltu0aRJk9SiRQslJiaqV69extiUlBTdc889atu2rV555RWVLFlSffv21bZt2yRJ3bt316RJkyRJ9913n+bOnavJkye7VP+2bdt05513KjMzU+PGjdMrr7yiu+66S//73/+u+L7ly5erffv2Onz4sMaMGaP4+HitXbtWTZo00S+//GKM79mzp/766y8lJiaqZ8+emj17tsaOHZvrOrt37y6bzabPPvvMsW/+/PmqWbOmbrnlFmP83r17tXDhQt1555169dVXNWLECG3dulUtWrRwNGy1atXSuHHjJEkDBw7U3LlzNXfuXDVv3txxnqNHj6pjx46qX7++Jk+erFatWl2yvtdee01lypRRbGyssrOzJUlvvPGGvvrqK02dOlWRkZG5/qwAkGsWgALpxIkTliSra9euuRq/adMmS5L18MMPO+0fPny4JclauXKlY19UVJQlyVqzZo1j3+HDhy273W4NGzbMsW/fvn2WJOull15yOmdsbKwVFRVl1PDcc89Zf//PyqRJkyxJ1pEjRy5b94VrzJo1y7Gvfv36VlhYmHX06FHHvs2bN1s+Pj7Wgw8+aFzvoYcecjrn3XffbZUqVeqy1/z75wgICLAsy7Luueceq3Xr1pZlWVZ2drYVERFhjR079pLfwZkzZ6zs7Gzjc9jtdmvcuHGOfevWrTM+2wUtWrSwJFkzZ8685LEWLVo47Vu2bJklyZowYYK1d+9eq0SJEla3bt2u+hkB4FqRJAIFVHp6uiQpMDAwV+O/+OILSVJ8fLzT/mHDhkmSsXYxOjpazZo1c7wuU6aMatSoob17915zzRe7sJZx0aJFysnJydV7Dh06pE2bNqlv374KDQ117K9bt67atm3r+Jx/N2jQIKfXzZo109GjRx3fYW707t1bq1atUmpqqlauXKnU1NRLTjVL59cx+vic/89ndna2jh496phK//HHH3N9Tbvdrn79+uVqbLt27fSvf/1L48aNU/fu3VWsWDG98cYbub4WALiKJhEooIKCgiRJf/31V67G//rrr/Lx8VHVqlWd9kdERCgkJES//vqr0/4KFSoY5yhZsqT+/PPPa6zYdO+996pJkyZ6+OGHFR4erl69eumjjz66YsN4oc4aNWoYx2rVqqU//vhDGRkZTvsv/iwlS5aUJJc+S6dOnRQYGKgPP/xQ8+bNU6NGjYzv8oKcnBxNmjRJ1apVk91uV+nSpVWmTBlt2bJFJ06cyPU1b7rpJpduUnn55ZcVGhqqTZs2acqUKQoLC8v1ewHAVTSJQAEVFBSkyMhI/fTTTy697+IbRy7H19f3kvsty7rma1xYL3eBv7+/1qxZo+XLl+uBBx7Qli1bdO+996pt27bG2OtxPZ/lArvdru7du2vOnDlasGDBZVNESXrhhRcUHx+v5s2b67333tOyZcuUlJSkm2++OdeJqXT++3HFxo0bdfjwYUnS1q1bXXovALiKJhEowO68807t2bNHycnJVx0bFRWlnJwc7d6922l/Wlqajh8/7rhTOS+ULFnS6U7gCy5OKyXJx8dHrVu31quvvqrt27fr+eef18qVK/X1119f8twX6ty1a5dxbOfOnSpdurQCAgKu7wNcRu/evbVx40b99ddfl7zZ54JPPvlErVq10jvvvKNevXqpXbt2atOmjfGd5LZhz42MjAz169dP0dHRGjhwoCZOnKh169bl2fkB4GI0iUAB9uSTTyogIEAPP/yw0tLSjON79uzRa6+9Jun8dKkk4w7kV199VZLUuXPnPKurSpUqOnHihLZs2eLYd+jQIS1YsMBp3LFjx4z3Xnio9MWP5bmgbNmyql+/vubMmePUdP3000/66quvHJ/THVq1aqXx48dr2rRpioiIuOw4X19fI6X8+OOP9fvvvzvtu9DMXqqhdtXIkSO1f/9+zZkzR6+++qoqVqyo2NjYy36PAHC9eJg2UIBVqVJF8+fP17333qtatWo5/eLK2rVr9fHHH6tv376SpHr16ik2NlZvvvmmjh8/rhYtWuiHH37QnDlz1K1bt8s+XuVa9OrVSyNHjtTdd9+txx57TKdOndKMGTNUvXp1pxs3xo0bpzVr1qhz586KiorS4cOHNX36dJUrV05Nmza97PlfeukldezYUTExMerfv79Onz6tqVOnKjg4WGPGjMmzz3ExHx8fPfvss1cdd+edd2rcuHHq16+f7rjjDm3dulXz5s1T5cqVncZVqVJFISEhmjlzpgIDAxUQEKDGjRurUqVKLtW1cuVKTZ8+Xc8995zjkTyzZs1Sy5YtNWrUKE2cONGl8wFArnj47moAufDzzz9bAwYMsCpWrGj5+flZgYGBVpMmTaypU6daZ86ccYzLysqyxo4da1WqVMkqWrSoVb58eSshIcFpjGWdfwRO586djetc/OiVyz0Cx7Is66uvvrJq165t+fn5WTVq1LDee+894xE4K1assLp27WpFRkZafn5+VmRkpHXfffdZP//8s3GNix8Ts3z5cqtJkyaWv7+/FRQUZHXp0sXavn2705gL17v4ETuzZs2yJFn79u277HdqWc6PwLmcyz0CZ9iwYVbZsmUtf39/q0mTJlZycvIlH12zaNEiKzo62ipSpIjT52zRooV18803X/Kafz9Penq6FRUVZd1yyy1WVlaW07ihQ4daPj4+VnJy8hU/AwBcC5tlubCyGwAAAF6BNYkAAAAw0CQCAADAQJMIAAAAA00iAAAADDSJAAAAMNAkAgAAwECTCAAAAMMN+Ysr/g0Ge7oEAG7y57ppni4BgJsU82BX4s7e4fTGwvnfLZJEAAAAGG7IJBEAAMAlNnKzi9EkAgAA2GyerqDAoW0GAACAgSQRAACA6WYD3wgAAAAMJIkAAACsSTSQJAIAAMBAkggAAMCaRAPfCAAAAAwkiQAAAKxJNNAkAgAAMN1s4BsBAACAgSQRAACA6WYDSSIAAAAMJIkAAACsSTTwjQAAAMBAkggAAMCaRANJIgAAAAwkiQAAAKxJNNAkAgAAMN1soG0GAAAoIGbMmKG6desqKChIQUFBiomJ0dKlSx3HW7ZsKZvN5rQNGjTI6Rz79+9X586dVbx4cYWFhWnEiBE6d+6cy7WQJAIAABSQ6eZy5crpxRdfVLVq1WRZlubMmaOuXbtq48aNuvnmmyVJAwYM0Lhx4xzvKV68uOPP2dnZ6ty5syIiIrR27VodOnRIDz74oIoWLaoXXnjBpVpoEgEAANwoMzNTmZmZTvvsdrvsdrsxtkuXLk6vn3/+ec2YMUPfffedo0ksXry4IiIiLnmtr776Stu3b9fy5csVHh6u+vXra/z48Ro5cqTGjBkjPz+/XNddMNpmAAAAT7L5uG1LTExUcHCw05aYmHjVkrKzs/XBBx8oIyNDMTExjv3z5s1T6dKlVbt2bSUkJOjUqVOOY8nJyapTp47Cw8Md+9q3b6/09HRt27bNpa+EJBEAAMCNEhISFB8f77TvUiniBVu3blVMTIzOnDmjEiVKaMGCBYqOjpYk9e7dW1FRUYqMjNSWLVs0cuRI7dq1S5999pkkKTU11alBlOR4nZqa6lLdNIkAAAA+7ru7+XJTy5dTo0YNbdq0SSdOnNAnn3yi2NhYrV69WtHR0Ro4cKBjXJ06dVS2bFm1bt1ae/bsUZUqVfK0bqabAQAAChA/Pz9VrVpVDRs2VGJiourVq6fXXnvtkmMbN24sSUpJSZEkRUREKC0tzWnMhdeXW8d4OTSJAAAAblyTeL1ycnKMG18u2LRpkySpbNmykqSYmBht3bpVhw8fdoxJSkpSUFCQY8o6t5huBgAAKCAP005ISFDHjh1VoUIF/fXXX5o/f75WrVqlZcuWac+ePZo/f746deqkUqVKacuWLRo6dKiaN2+uunXrSpLatWun6OhoPfDAA5o4caJSU1P17LPPKi4uzqUpb4kmEQAAoMA4fPiwHnzwQR06dEjBwcGqW7euli1bprZt2+rAgQNavny5Jk+erIyMDJUvX149evTQs88+63i/r6+vlixZokceeUQxMTEKCAhQbGys03MVc8tmWZaVlx+uIPBvMNjTJQBwkz/XTfN0CQDcpJgHoyv/Ni+67dynlz/ltnO7E2sSAQAAYGC6GQAAoICsSSxISBIBAABgIEkEAADIg0fV3Gj4RgAAAGAgSQQAAGBNooEmEQAAgOlmA98IAAAADCSJAAAATDcbSBIBAABgIEkEAABgTaKBbwQAAAAGkkQAAADWJBpIEgEAAGAgSQQAAGBNooEmEQAAgCbRwDcCAAAAA0kiAAAAN64YSBIBAABgIEkEAABgTaKBbwQAAAAGkkQAAADWJBpIEgEAAGAgSQQAAGBNooEmEQAAgOlmA20zAAAADCSJAADA69lIEg0kiQAAADCQJAIAAK9HkmgiSQQAAICBJBEAAIAg0UCSCAAAAANJIgAA8HqsSTTRJAIAAK9Hk2hiuhkAAAAGkkQAAOD1SBJNJIkAAAAwkCQCAACvR5JoIkkEAACAgSQRAACAINFAkggAAAADSSIAAPB6rEk0kSQCAADAQJIIAAC8HkmiiSYRAAB4PZpEE9PNAAAAMJAkAgAAr0eSaCJJBAAAgIEkEQAAgCDRQJIIAAAAA0kiAADweqxJNJEkAgAAwECSCAAAvB5JookmEQAAeD2aRBPTzQAAADCQJAIAABAkGkgSAQAACogZM2aobt26CgoKUlBQkGJiYrR06VLH8TNnziguLk6lSpVSiRIl1KNHD6WlpTmdY//+/ercubOKFy+usLAwjRgxQufOnXO5FppEAADg9Ww2m9s2V5QrV04vvviiNmzYoPXr1+sf//iHunbtqm3btkmShg4dqsWLF+vjjz/W6tWrdfDgQXXv3t3x/uzsbHXu3Flnz57V2rVrNWfOHM2ePVujR492/TuxLMty+V0FnH+DwZ4uAYCb/LlumqdLAOAmxTy4CC784Y/ddu60t/95Xe8PDQ3VSy+9pHvuuUdlypTR/Pnzdc8990iSdu7cqVq1aik5OVm33367li5dqjvvvFMHDx5UeHi4JGnmzJkaOXKkjhw5Ij8/v1xflyQRAAB4PXcmiZmZmUpPT3faMjMzr1pTdna2PvjgA2VkZCgmJkYbNmxQVlaW2rRp4xhTs2ZNVahQQcnJyZKk5ORk1alTx9EgSlL79u2Vnp7uSCNziyYRAADAjRITExUcHOy0JSYmXnb81q1bVaJECdntdg0aNEgLFixQdHS0UlNT5efnp5CQEKfx4eHhSk1NlSSlpqY6NYgXjl845grubgYAAF7Pnc9JTEhIUHx8vNM+u91+2fE1atTQpk2bdOLECX3yySeKjY3V6tWr3Vbf5dAkAgAAr+fOJtFut1+xKbyYn5+fqlatKklq2LCh1q1bp9dee0333nuvzp49q+PHjzuliWlpaYqIiJAkRURE6IcffnA634W7ny+MyS2mmwEAAAqwnJwcZWZmqmHDhipatKhWrFjhOLZr1y7t379fMTExkqSYmBht3bpVhw8fdoxJSkpSUFCQoqOjXbouSSIAAEABeZh2QkKCOnbsqAoVKuivv/7S/PnztWrVKi1btkzBwcHq37+/4uPjFRoaqqCgIA0ZMkQxMTG6/fbbJUnt2rVTdHS0HnjgAU2cOFGpqal69tlnFRcX51KaKdEkAgAAFBiHDx/Wgw8+qEOHDik4OFh169bVsmXL1LZtW0nSpEmT5OPjox49eigzM1Pt27fX9OnTHe/39fXVkiVL9MgjjygmJkYBAQGKjY3VuHHjXK6F5yQCKFR4TiJw4/LkcxJvemSB2879+4y73XZud2JNIgAAAAxMNwMAAK/nzrubCyuSRAAAABhIEgEAgNcjSTTRJAIAANAjGphuBgAAgIEkEQAAeD2mm00kiQAAADCQJAIAAK9HkmgiSQQAAICBJBEFzoB/NtWAe5opKjJUkrRjb6peeHOpvvrfdseYxnUraUzcnWpUp6Kys3O05eff1eXR13UmM0uSVL9mOU14vJsa3lxB2dmWFq7YpJGvfKqM02c98pkAXNo7b72hFUlfad++vbIXK6b69RvoifjhqlipsmPMH0eO6NVXJuq7tWuVcSpDFStW0oCBg9SmXXsPVo4bDUmiiSQRBc7vacc1auoi3dFnopr0eUmrfvhZH08aqFqVIySdbxAXTXtUK77bqWb3v6Sm97+kmR+sVk7O+Z8hL1smWJ/PHKI9B46o+QMvq2vc64quEqG3xj3gyY8F4BLWr/tB997XR3Pf/0hvvDVL586d06AB/XXq1CnHmGeeHqlf9u3Ta9Nm6NMFi9W6TVuNGPaEduzYfoUzA7heJIkocL5Y85PT6zGvL9aAfzbVbXUracfeVE0c1l3TP1ill2clOcbs/vWw488dm9VW1rlsPZH4kSzrfOM45PkPtf7jp1W5fGntPfBH/nwQAFc14813nF6Pe/5FtWoWox3bt6nhrY0kSZs3btQzo59Tnbp1JUkDBz2q996dox3btqlWreh8rxk3JpJEk0ebxD/++EP/+c9/lJycrNTUVElSRESE7rjjDvXt21dlypTxZHkoAHx8bOrR9hYF+Pvp+y37VKZkCd1Wt5I+WLpeX8+OV6VypfXzL2kaM22x1m7aK0my+xVRVla2o0GUpNOZ56eZ76hfhSYRKMBO/vWXJCkoONixr16DBlr25VI1b95SgUFBWvblUmWezdStjW7zVJm4EdEjGjw23bxu3TpVr15dU6ZMUXBwsJo3b67mzZsrODhYU6ZMUc2aNbV+/fqrniczM1Pp6elOm5WTnQ+fAO50c9VIHfnfKzrx/WRNeeZe3TvsLe3cm6pK5UpLkp75Vyf957O16ho3XZt2HNAXbwxRlQrn/0/Fqh92KbxUkIY+2FpFi/gqJNBfEx7rKkmKKBN82WsC8KycnBxN/PcLqt/gFlWrVt2x/6VXJutc1jk1b9JYjRrU0YSxozXptWmqEBXlwWqBG5/HksQhQ4bon//8p2bOnGlEvJZladCgQRoyZIiSk5OveJ7ExESNHTvWaZ9veCMVLcv/wyzMfv4lTY17JSq4hL/ubtNAb417QO0efk0+Puf/XXnn028197/fSZI27/pNLW+rodiuMRo99b/asTdVA0bP1YvDumvckLuUnZOj6e+vVuof6bJycjz5sQBcwQsTxmrP7t2aPXe+0/7Xp76mv/5K15vvzFZISEl9vXK5nhz2hGa9O0/VqtfwULW40TDdbPJYk7h582bNnj37kv+j2Gw2DR06VA0aNLjqeRISEhQfH++0L6zZyDyrE56RdS7bMS28cccBNby5guLua+lYh7hjb6rT+F37UlU+oqTj9YdfrteHX65XWGigMk5nyrKkx+7/h/b9djT/PgSAXHthwjitWb1K/5nznsIjIhz7D+zfrw/mv6dPFy1R1arVJEk1atbUjxvW64P352nUc+M8VTJww/NYkxgREaEffvhBNWvWvOTxH374QeHh4Vc9j91ul91ud9pn8/HNkxpRcPjYbLL7FdGvB4/q4OHjql4xzOl41agwp0fkXHD42Pn1TQ92vV1nzmZpxXc786VeALljWZYSnx+vlSuS9M7suSpXrrzT8TNnTkuSfGzOq6N8fHxl5VgC8gpJosljTeLw4cM1cOBAbdiwQa1bt3Y0hGlpaVqxYoXeeustvfzyy54qDx40bshdWva/bTpw6E8FBhTTvR1vVfNbq6nLo9MlSZPmLNezgzpr68+/a/Ou33R/l8aqUTFcvUf8312Sg+5tru8279XJU2fV+vaaeuGJbho1dZFOnDztqY8F4BJeGD9WS79YoslTpyugeID+OHJEklQiMFDFihVTxUqVVaFClMaPHa344SMVEhKilSuX67vk/2nq9Dc8XD1wY7NZf78FNJ99+OGHmjRpkjZs2KDs7PM3m/j6+qphw4aKj49Xz549r+m8/g0G52WZyGcznuutVrfVUETpIJ04eUY/7f5dr8xarpXf/18KOLxfW/2rZ3OVDC6urT//rmcmL3Tc3SxJb49/QB2a1laJ4n7a9UuaJr+7Qu9/vs4THwd57M910zxdAvJQvZsvvaZw3IREdb27uyTp119/0WuvvqKNGzfo1KlTqlC+gh7s95C63NUtHytFfijmwWeuVB2+1G3nTnm5o9vO7U4ebRIvyMrK0h9/nF9/Vrp0aRUtWvS6zkeTCNy4aBKBGxdNYsFSIB6mXbRoUZUtW9bTZQAAAC/FmkRTgWgSAQAAPIke0cRvNwMAAMBAkggAALwe080mkkQAAAAYSBIBAIDXI0g0kSQCAADAQJIIAAC8no8PUeLFSBIBAABgIEkEAABejzWJJppEAADg9XgEjonpZgAAABhIEgEAgNcjSDSRJAIAAMBAkggAALweaxJNJIkAAAAwkCQCAACvR5JoIkkEAACAgSQRAAB4PYJEE00iAADwekw3m5huBgAAgIEkEQAAeD2CRBNJIgAAAAwkiQAAwOuxJtFEkggAAAADSSIAAPB6BIkmkkQAAAAYSBIBAIDXY02iiSQRAAAABpJEAADg9QgSTTSJAADA6zHdbGK6GQAAAAaSRAAA4PUIEk0kiQAAADCQJAIAAK/HmkQTSSIAAAAMNIkAAMDr2Wzu21yRmJioRo0aKTAwUGFhYerWrZt27drlNKZly5ay2WxO26BBg5zG7N+/X507d1bx4sUVFhamESNG6Ny5cy7VwnQzAABAAbF69WrFxcWpUaNGOnfunJ5++mm1a9dO27dvV0BAgGPcgAEDNG7cOMfr4sWLO/6cnZ2tzp07KyIiQmvXrtWhQ4f04IMPqmjRonrhhRdyXQtNIgAA8HoFZU3il19+6fR69uzZCgsL04YNG9S8eXPH/uLFiysiIuKS5/jqq6+0fft2LV++XOHh4apfv77Gjx+vkSNHasyYMfLz88tVLUw3AwAAr+fO6ebMzEylp6c7bZmZmbmq68SJE5Kk0NBQp/3z5s1T6dKlVbt2bSUkJOjUqVOOY8nJyapTp47Cw8Md+9q3b6/09HRt27Yt198JTSIAAIAbJSYmKjg42GlLTEy86vtycnL0xBNPqEmTJqpdu7Zjf+/evfXee+/p66+/VkJCgubOnav777/fcTw1NdWpQZTkeJ2amprrupluBgAAXs+d080JCQmKj4932me326/6vri4OP3000/69ttvnfYPHDjQ8ec6deqobNmyat26tfbs2aMqVarkTdEiSQQAAHAru92uoKAgp+1qTeLgwYO1ZMkSff311ypXrtwVxzZu3FiSlJKSIkmKiIhQWlqa05gLry+3jvFSaBIBAIDXu/iRMnm5ucKyLA0ePFgLFizQypUrValSpau+Z9OmTZKksmXLSpJiYmK0detWHT582DEmKSlJQUFBio6OznUtTDcDAAAUEHFxcZo/f74WLVqkwMBAxxrC4OBg+fv7a8+ePZo/f746deqkUqVKacuWLRo6dKiaN2+uunXrSpLatWun6OhoPfDAA5o4caJSU1P17LPPKi4uLlfT3BfQJAIAAK9XQJ6AoxkzZkg6/8Dsv5s1a5b69u0rPz8/LV++XJMnT1ZGRobKly+vHj166Nlnn3WM9fX11ZIlS/TII48oJiZGAQEBio2NdXquYm7QJAIAABQQlmVd8Xj58uW1evXqq54nKipKX3zxxXXVQpMIAAC8XkF5mHZBQpMIAAC8Hj2iibubAQAAYCBJBAAAXo/pZhNJIgAAAAwkiQAAwOsRJJpIEgEAAGAgSQQAAF7PhyjRQJIIAAAAA0kiAADwegSJJppEAADg9XgEjonpZgAAABhIEgEAgNfzIUg0kCQCAADAQJIIAAC8HmsSTSSJAAAAMJAkAgAAr0eQaCJJBAAAgIEkEQAAeD2biBIvRpMIAAC8Ho/AMTHdDAAAAANJIgAA8Ho8AsdEkggAAAADSSIAAPB6BIkmkkQAAAAYSBIBAIDX8yFKNJAkAgAAwJAnTeLx48fz4jQAAAAeYbO5byusXG4S//3vf+vDDz90vO7Zs6dKlSqlm266SZs3b87T4gAAAPKDzWZz21ZYudwkzpw5U+XLl5ckJSUlKSkpSUuXLlXHjh01YsSIPC8QAAAA+c/lG1dSU1MdTeKSJUvUs2dPtWvXThUrVlTjxo3zvEAAAAB3K8SBn9u4nCSWLFlSBw4ckCR9+eWXatOmjSTJsixlZ2fnbXUAAADwCJeTxO7du6t3796qVq2ajh49qo4dO0qSNm7cqKpVq+Z5gQAAAO7GI3BMLjeJkyZNUsWKFXXgwAFNnDhRJUqUkCQdOnRIjz76aJ4XCAAAgPzncpNYtGhRDR8+3Ng/dOjQPCkIAAAgv5EjmnLVJP73v//N9Qnvuuuuay4GAAAABUOumsRu3brl6mQ2m42bVwAAQKFTmJ9n6C65ahJzcnLcXQcAAIDH+NAjGq7rZ/nOnDmTV3UAAACgAHG5SczOztb48eN10003qUSJEtq7d68kadSoUXrnnXfyvEAAAAB342f5TC43ic8//7xmz56tiRMnys/Pz7G/du3aevvtt/O0OAAAAHiGy03iu+++qzfffFN9+vSRr6+vY3+9evW0c+fOPC0OAAAgP9hs7tsKK5ebxN9///2Sv6ySk5OjrKysPCkKAAAAnuVykxgdHa1vvvnG2P/JJ5+oQYMGeVIUAABAfmJNosnlX1wZPXq0YmNj9fvvvysnJ0efffaZdu3apXfffVdLlixxR40AAADIZy4niV27dtXixYu1fPlyBQQEaPTo0dqxY4cWL16stm3buqNGAAAAt/KxuW8rrFxOEiWpWbNmSkpKyutaAAAAPKIwTwu7yzU1iZK0fv167dixQ9L5dYoNGzbMs6IAAADgWS43ib/99pvuu+8+/e9//1NISIgk6fjx47rjjjv0wQcfqFy5cnldIwAAgFuRI5pcXpP48MMPKysrSzt27NCxY8d07Ngx7dixQzk5OXr44YfdUSMAAADymctJ4urVq7V27VrVqFHDsa9GjRqaOnWqmjVrlqfFAQAA5Acf1iQaXE4Sy5cvf8mHZmdnZysyMjJPigIAAIBnudwkvvTSSxoyZIjWr1/v2Ld+/Xo9/vjjevnll/O0OAAAgPzAz/KZcjXdXLJkSadbwzMyMtS4cWMVKXL+7efOnVORIkX00EMPqVu3bm4pFAAAAPknV03i5MmT3VwGAACA5/CcRFOumsTY2Fh31wEAAIAC5Jofpi1JZ86c0dmzZ532BQUFXVdBAAAA+Y0g0eTyjSsZGRkaPHiwwsLCFBAQoJIlSzptAAAAhY2Pzea2zRWJiYlq1KiRAgMDFRYWpm7dumnXrl1OY86cOaO4uDiVKlVKJUqUUI8ePZSWluY0Zv/+/ercubOKFy+usLAwjRgxQufOnXPtO3FptKQnn3xSK1eu1IwZM2S32/X2229r7NixioyM1Lvvvuvq6QAAAPD/rV69WnFxcfruu++UlJSkrKwstWvXThkZGY4xQ4cO1eLFi/Xxxx9r9erVOnjwoLp37+44np2drc6dO+vs2bNau3at5syZo9mzZ2v06NEu1WKzLMty5Q0VKlTQu+++q5YtWyooKEg//vijqlatqrlz5+r999/XF1984VIB7uDfYLCnSwDgJn+um+bpEgC4SbHrWgR3fR79bLvbzj29e/Q1v/fIkSMKCwvT6tWr1bx5c504cUJlypTR/Pnzdc8990iSdu7cqVq1aik5OVm33367li5dqjvvvFMHDx5UeHi4JGnmzJkaOXKkjhw5Ij8/v1xd2+Uk8dixY6pcubKk8+sPjx07Jklq2rSp1qxZ4+rpAAAAbmiZmZlKT0932jIzM3P13hMnTkiSQkNDJUkbNmxQVlaW2rRp4xhTs2ZNVahQQcnJyZKk5ORk1alTx9EgSlL79u2Vnp6ubdu25bpul5vEypUra9++fY6iPvroI0nS4sWLFRIS4urpAAAAPM5ms7ltS0xMVHBwsNOWmJh41ZpycnL0xBNPqEmTJqpdu7YkKTU1VX5+fkbPFR4ertTUVMeYvzeIF45fOJZbLge7/fr10+bNm9WiRQs99dRT6tKli6ZNm6asrCy9+uqrrp4OAADghpaQkKD4+HinfXa7/arvi4uL008//aRvv/3WXaVdkctN4tChQx1/btOmjXbu3KkNGzaoatWqqlu3bp4Wd61++3ayp0sA4CbzN+73dAkA3OShRhU8dm2Xp1ZdYLfbc9UU/t3gwYO1ZMkSrVmzRuXKlXPsj4iI0NmzZ3X8+HGnNDEtLU0RERGOMT/88IPT+S7c/XxhTG5c93cSFRWl7t27F5gGEQAAoLCyLEuDBw/WggULtHLlSlWqVMnpeMOGDVW0aFGtWLHCsW/Xrl3av3+/YmJiJEkxMTHaunWrDh8+7BiTlJSkoKAgRUfn/iaaXCWJU6ZMyfUJH3vssVyPBQAAKAgKys/yxcXFaf78+Vq0aJECAwMdawiDg4Pl7++v4OBg9e/fX/Hx8QoNDVVQUJCGDBmimJgY3X777ZKkdu3aKTo6Wg888IAmTpyo1NRUPfvss4qLi3Mp0czVI3Au7mIvezKbTXv37s31xd3laIZrD4sEUHgs2n7Q0yUAcBNPTjc/sWin2849uWvNXI+9XLM6a9Ys9e3bV9L5h2kPGzZM77//vjIzM9W+fXtNnz7daSr5119/1SOPPKJVq1YpICBAsbGxevHFF1WkSO5XGrr8nMTCgCYRuHHRJAI3LprEgsWDj60EAAAoGHwKxmxzgeLOm3kAAABQSJEkAgAAr1dQblwpSEgSAQAAYCBJBAAAXo81iaZrShK/+eYb3X///YqJidHvv/8uSZo7d67HfjYGAAAAecvlJvHTTz9V+/bt5e/vr40bNyozM1OSdOLECb3wwgt5XiAAAIC72Wzu2worl5vECRMmaObMmXrrrbdUtGhRx/4mTZroxx9/zNPiAAAA8oOPzea2rbByuUnctWuXmjdvbuwPDg7W8ePH86ImAAAAeJjLTWJERIRSUlKM/d9++60qV66cJ0UBAADkJx83boWVy7UPGDBAjz/+uL7//nvZbDYdPHhQ8+bN0/Dhw/XII4+4o0YAAADkM5cfgfPUU08pJydHrVu31qlTp9S8eXPZ7XYNHz5cQ4YMcUeNAAAAblWIlw66jctNos1m0zPPPKMRI0YoJSVFJ0+eVHR0tEqUKOGO+gAAAOAB1/wwbT8/P0VHR+dlLQAAAB5RmO9CdheXm8RWrVpd8fcNV65ceV0FAQAAwPNcbhLr16/v9DorK0ubNm3STz/9pNjY2LyqCwAAIN8QJJpcbhInTZp0yf1jxozRyZMnr7sgAACA/MZvN5vy7PE9999/v/7zn//k1ekAAADgQdd848rFkpOTVaxYsbw6HQAAQL7hxhWTy01i9+7dnV5blqVDhw5p/fr1GjVqVJ4VBgAAAM9xuUkMDg52eu3j46MaNWpo3LhxateuXZ4VBgAAkF8IEk0uNYnZ2dnq16+f6tSpo5IlS7qrJgAAAHiYSzeu+Pr6ql27djp+/LibygEAAMh/Pjb3bYWVy3c3165dW3v37nVHLQAAACggXG4SJ0yYoOHDh2vJkiU6dOiQ0tPTnTYAAIDCxubGfwqrXK9JHDdunIYNG6ZOnTpJku666y6nn+ezLEs2m03Z2dl5XyUAAIAbFeZpYXfJdZM4duxYDRo0SF9//bU76wEAAEABkOsm0bIsSVKLFi3cVgwAAIAnkCSaXFqTaOMhQgAAAF7BpeckVq9e/aqN4rFjx66rIAAAgPxGEGZyqUkcO3as8YsrAAAAuPG41CT26tVLYWFh7qoFAADAI1iTaMr1mkRiWAAAAO/h8t3NAAAANxqyMFOum8ScnBx31gEAAOAxPnSJBpd/lg8AAAA3PpduXAEAALgRceOKiSQRAAAABpJEAADg9ViSaCJJBAAAgIEkEQAAeD0fESVejCQRAAAABpJEAADg9ViTaKJJBAAAXo9H4JiYbgYAAICBJBEAAHg9fpbPRJIIAAAAA0kiAADwegSJJpJEAAAAGEgSAQCA12NNookkEQAAAAaSRAAA4PUIEk00iQAAwOsxtWriOwEAAICBJBEAAHg9G/PNBpJEAAAAGEgSAQCA1yNHNJEkAgAAFCBr1qxRly5dFBkZKZvNpoULFzod79u3r2w2m9PWoUMHpzHHjh1Tnz59FBQUpJCQEPXv318nT550qQ6aRAAA4PV8bDa3ba7KyMhQvXr19Prrr192TIcOHXTo0CHH9v777zsd79Onj7Zt26akpCQtWbJEa9as0cCBA12qg+lmAAAAN8rMzFRmZqbTPrvdLrvdfsnxHTt2VMeOHa94TrvdroiIiEse27Fjh7788kutW7dOt956qyRp6tSp6tSpk15++WVFRkbmqm6SRAAA4PVsbtwSExMVHBzstCUmJl5XvatWrVJYWJhq1KihRx55REePHnUcS05OVkhIiKNBlKQ2bdrIx8dH33//fa6vQZIIAAC8njufgJOQkKD4+HinfZdLEXOjQ4cO6t69uypVqqQ9e/bo6aefVseOHZWcnCxfX1+lpqYqLCzM6T1FihRRaGioUlNTc30dmkQAAAA3utLU8rXo1auX48916tRR3bp1VaVKFa1atUqtW7fOs+sw3QwAALzexXcL5+XmbpUrV1bp0qWVkpIiSYqIiNDhw4edxpw7d07Hjh277DrGS6FJBAAAKMR+++03HT16VGXLlpUkxcTE6Pjx49qwYYNjzMqVK5WTk6PGjRvn+rxMNwMAAK9XkFKzkydPOlJBSdq3b582bdqk0NBQhYaGauzYserRo4ciIiK0Z88ePfnkk6patarat28vSapVq5Y6dOigAQMGaObMmcrKytLgwYPVq1evXN/ZLBWs7wQAAMDrrV+/Xg0aNFCDBg0kSfHx8WrQoIFGjx4tX19fbdmyRXfddZeqV6+u/v37q2HDhvrmm2+c1j3OmzdPNWvWVOvWrdWpUyc1bdpUb775pkt12CzLsvL0kxUARzPOeboEAG6yaPtBT5cAwE0ealTBY9f+aJP7/tvSs37u07uChCQRAAAABtYkAgAAr+f+e5ALH5JEAAAAGEgSAQCA18uP5xkWNjSJAADA6zG1auI7AQAAgIEkEQAAeD2mm00kiQAAADCQJAIAAK9HjmgiSQQAAICBJBEAAHg9liSaSBIBAABgIEkEAABez4dViQaaRAAA4PWYbjYx3QwAAAADSSIAAPB6NqabDSSJAAAAMJAkAgAAr8eaRBNJIgAAAAwkiQAAwOvxCBwTSSIAAAAMJIkAAMDrsSbRRJMIAAC8Hk2iielmAAAAGEgSAQCA1+Nh2iaSRAAAABhIEgEAgNfzIUg0kCQCAADAQJIIAAC8HmsSTSSJAAAAMJAkAgAAr8dzEk00iQAAwOsx3WxiuhkAAAAGkkQAAOD1eASOiSQRAAAABpJEAADg9ViTaCJJBAAAgIEkEYXOu7Pe0sypk9Xzvvv1xIgEHTr4u3rc2e6SYyf8+1X9o237fK4QwJUc2LlF33/+sdL2/ayTx4/p7ifGqPqtTRzHP39jon76JsnpPZXq3KqeIxMlSfu3b9b7Lwy/5LkfHDtNZavUcF/xuGHxCBwTTSIKle3btmrRpx+rarXqjn1h4RFa/NUqp3GLPvtY89+dpdubNM3nCgFczdnMMwqrUFl1m7fXgtfGXnJMpbqN1Gng/zWCRYoWdfz5purRipv2odP4bz6ZrV+3bVRE5eoCkDdoElFonDqVobHPjNRTo8Zq9ttvOPb7+vqqVOkyTmNXf71C/2jbQcWLB+R3mQCuokq921Sl3m1XHFOkaFGVCAm95DHfIs7Hss+dU8qPybqlbVfZiINwjfg3x8SaRBQar7w4QXc0ba5GjWOuOG7n9m3avWununTrnk+VAchr+3ds1tRH/6m3hvfTslmv6fRf6Zcdm/Jjsk7/la46zVlagmvnY7O5bSusCnSTeODAAT300ENXHJOZman09HSnLTMzM58qRH5JWvaFdu3coUFDhl517OJFn6pipcqqU69BPlQGIK9VqttInf/1pHolTFSLXg/rwI4t+vilp5WTk33J8VtWL1Wlug0VVKrMJY8DuDYFukk8duyY5syZc8UxiYmJCg4Odtomv/zvfKoQ+SEt9ZAmv/Sixkz4t+x2+xXHZp45o6SlX+jObj3yqToAeS06ppWqNbxDZcpXUvVbm+ie4RN0aO8u7d++2RibfvSI9m3ZoLotOnqgUtxIbG7cCiuPrkn873//e8Xje/fuveo5EhISFB8f77Tv5Dnf66oLBcvOHdv157Gj6tfnn4592dnZ2vTjen360fta9d1G+fqe/9985fKvdObMaXW88y5PlQsgj4WElZV/YLCOpx2Uat/idGzrmmXyDwxS1VuuvAwFgOs82iR269ZNNptNlmVddszVFiHb7XYjXcrKOJcn9aFguPW22zX3o4VO+54f84yiKlbW/X37OxpESVqy6DM1bdFKJUteesE7gMIn/egRnT6ZroCLbmSxLEtb1yzTzU3byLcI92HiOhXmyM9NPPq3qmzZspo+fbq6du16yeObNm1Sw4YN87kqFDQBAQGqUrWa0z5//+IKDg522v/b/l+16cf1emXKjPwuEYALzp45rT/Tfne8PnEkVWm/psg/IEjFSgTqf5/NVfXbmqpEcKj+TDuoVR+8rZLhkapU91an8/y6baNOHElVvZZMNQPu4NEmsWHDhtqwYcNlm8SrpYzA3y1ZtEBh4eG6LabJ1QcD8JjUvT87PQx75byZkqTazdqqXb/HdfjAXv30bZLOZJxUiZKlVKlOQzW7p6+KFPVzOs+W1V/qpmrRKhVZIV/rx42Jn+Uz2SwPdmHffPONMjIy1KFDh0sez8jI0Pr169WiRQuXznuU6WbghrVo+0FPlwDATR5q5LmG//s9J9x27sZVgt12bnfyaJLYrFmzKx4PCAhwuUEEAABwVSF+nKHbsNIXAAB4PXpEU4F+TiIAAAA8gyQRAACAKNFAkggAAAADSSIAAPB6PALHRJIIAAAAA0kiAADwejwCx0SSCAAAUICsWbNGXbp0UWRkpGw2mxYuXOh03LIsjR49WmXLlpW/v7/atGmj3bt3O405duyY+vTpo6CgIIWEhKh///46efKkS3XQJAIAAK9nc+PmqoyMDNWrV0+vv/76JY9PnDhRU6ZM0cyZM/X9998rICBA7du315kzZxxj+vTpo23btikpKUlLlizRmjVrNHDgQJfq8OjP8rkLP8sH3Lj4WT7gxuXJn+X78dd0t537lqiga36vzWbTggUL1K1bN0nnU8TIyEgNGzZMw4ef/w30EydOKDw8XLNnz1avXr20Y8cORUdHa926dbr11lslSV9++aU6deqk3377TZGRkbm6NkkiAACAG2VmZio9Pd1py8zMvKZz7du3T6mpqWrTpo1jX3BwsBo3bqzk5GRJUnJyskJCQhwNoiS1adNGPj4++v7773N9LZpEAADg9Wxu/CcxMVHBwcFOW2Ji4jXVmZqaKkkKDw932h8eHu44lpqaqrCwMKfjRYoUUWhoqGNMbnB3MwAAgBslJCQoPj7eaZ/dbvdQNblHkwgAALyeOx+BY7fb86wpjIiIkCSlpaWpbNmyjv1paWmqX7++Y8zhw4ed3nfu3DkdO3bM8f7cYLoZAACgkKhUqZIiIiK0YsUKx7709HR9//33iomJkSTFxMTo+PHj2rBhg2PMypUrlZOTo8aNG+f6WiSJAADA6xWkZ2mfPHlSKSkpjtf79u3Tpk2bFBoaqgoVKuiJJ57QhAkTVK1aNVWqVEmjRo1SZGSk4w7oWrVqqUOHDhowYIBmzpyprKwsDR48WL169cr1nc0STSIAAECBsn79erVq1crx+sJ6xtjYWM2ePVtPPvmkMjIyNHDgQB0/flxNmzbVl19+qWLFijneM2/ePA0ePFitW7eWj4+PevTooSlTprhUB89JBFCo8JxE4Mblyeckbj7wl9vOXa98oNvO7U4kiQAAwOvZCtSEc8HAjSsAAAAwkCQCAACv585H4BRWJIkAAAAwkCQCAACvR5BoIkkEAACAgSQRAACAKNFAkggAAAADSSIAAPB6PCfRRJIIAAAAA0kiAADwejwn0USTCAAAvB49oonpZgAAABhIEgEAAIgSDSSJAAAAMJAkAgAAr8cjcEwkiQAAADCQJAIAAK/HI3BMJIkAAAAwkCQCAACvR5BookkEAACgSzQw3QwAAAADSSIAAPB6PALHRJIIAAAAA0kiAADwejwCx0SSCAAAAANJIgAA8HoEiSaSRAAAABhIEgEAAIgSDTSJAADA6/EIHBPTzQAAADCQJAIAAK/HI3BMJIkAAAAwkCQCAACvR5BoIkkEAACAgSQRAACAKNFAkggAAAADSSIAAPB6PCfRRJMIAAC8Ho/AMTHdDAAAAANJIgAA8HoEiSaSRAAAABhIEgEAgNdjTaKJJBEAAAAGkkQAAABWJRpIEgEAAGAgSQQAAF6PNYkmmkQAAOD16BFNTDcDAADAQJIIAAC8HtPNJpJEAAAAGEgSAQCA17OxKtFAkggAAAADSSIAAABBooEkEQAAAAaSRAAA4PUIEk00iQAAwOvxCBwT080AAAAFxJgxY2Sz2Zy2mjVrOo6fOXNGcXFxKlWqlEqUKKEePXooLS3NLbXQJAIAAK9nc+M/rrr55pt16NAhx/btt986jg0dOlSLFy/Wxx9/rNWrV+vgwYPq3r17Xn4VDkw3AwAAFCBFihRRRESEsf/EiRN65513NH/+fP3jH/+QJM2aNUu1atXSd999p9tvvz1P6yBJBAAAsLlvy8zMVHp6utOWmZl52VJ2796tyMhIVa5cWX369NH+/fslSRs2bFBWVpbatGnjGFuzZk1VqFBBycnJefhlnEeTCAAA4EaJiYkKDg522hITEy85tnHjxpo9e7a+/PJLzZgxQ/v27VOzZs30119/KTU1VX5+fgoJCXF6T3h4uFJTU/O8bqabAQCA13Pnzc0JCQmKj4932me32y85tmPHjo4/161bV40bN1ZUVJQ++ugj+fv7u7FKE0kiAACAG9ntdgUFBTltl2sSLxYSEqLq1asrJSVFEREROnv2rI4fP+40Ji0t7ZJrGK8XTSIAAPB6Npv7tutx8uRJ7dmzR2XLllXDhg1VtGhRrVixwnF8165d2r9/v2JiYq7zGzAx3QwAALzetTyqxh2GDx+uLl26KCoqSgcPHtRzzz0nX19f3XfffQoODlb//v0VHx+v0NBQBQUFaciQIYqJicnzO5slmkQAAIAC47ffftN9992no0ePqkyZMmratKm+++47lSlTRpI0adIk+fj4qEePHsrMzFT79u01ffp0t9RisyzLcsuZPehoxjlPlwDATRZtP+jpEgC4yUONKnjs2n+eynbbuUsW93Xbud2JNYkAAAAw0CQCAADAQJMIAAAAAzeuAAAAr3e9j6q5EZEkAgAAwECSCAAAvF5BeU5iQUKTCAAAvB7TzSammwEAAGAgSQQAAF6PINFEkggAAAADSSIAAABRooEkEQAAAAaSRAAA4PV4BI6JJBEAAAAGkkQAAOD1eE6iiSQRAAAABpJEAADg9QgSTTSJAAAAdIkGppsBAABgIEkEAABej0fgmEgSAQAAYCBJBAAAXo9H4JhIEgEAAGCwWZZleboI4FplZmYqMTFRCQkJstvtni4HQB7i7zfgWTSJKNTS09MVHBysEydOKCgoyNPlAMhD/P0GPIvpZgAAABhoEgEAAGCgSQQAAICBJhGFmt1u13PPPceiduAGxN9vwLO4cQUAAAAGkkQAAAAYaBIBAABgoEkEAACAgSYRAAAABppEFGqvv/66KlasqGLFiqlx48b64YcfPF0SgOu0Zs0adenSRZGRkbLZbFq4cKGnSwK8Ek0iCq0PP/xQ8fHxeu655/Tjjz+qXr16at++vQ4fPuzp0gBch4yMDNWrV0+vv/66p0sBvBqPwEGh1bhxYzVq1EjTpk2TJOXk5Kh8+fIaMmSInnrqKQ9XByAv2Gw2LViwQN26dfN0KYDXIUlEoXT27Flt2LBBbdq0cezz8fFRmzZtlJyc7MHKAAC4MdAkolD6448/lJ2drfDwcKf94eHhSk1N9VBVAADcOGgSAQAAYKBJRKFUunRp+fr6Ki0tzWl/WlqaIiIiPFQVAAA3DppEFEp+fn5q2LChVqxY4diXk5OjFStWKCYmxoOVAQBwYyji6QKAaxUfH6/Y2Fjdeuutuu222zR58mRlZGSoX79+ni4NwHU4efKkUlJSHK/37dunTZs2KTQ0VBUqVPBgZYB34RE4KNSmTZuml156Sampqapfv76mTJmixo0be7osANdh1apVatWqlbE/NjZWs2fPzv+CAC9FkwgAAAADaxIBAABgoEkEAACAgSYRAAAABppEAAAAGGgSAQAAYKBJBAAAgIEmEQAAAAaaRAAAABhoEgFct759+6pbt26O1y1bttQTTzyR73WsWrVKNptNx48fv+wYm82mhQsX5vqcY8aMUf369a+rrl9++UU2m02bNm26rvMAQH6iSQRuUH379pXNZpPNZpOfn5+qVq2qcePG6dy5c26/9meffabx48fnamxuGjsAQP4r4ukCALhPhw4dNGvWLGVmZuqLL75QXFycihYtqoSEBGPs2bNn5efnlyfXDQ0NzZPzAAA8hyQRuIHZ7XZFREQoKipKjzzyiNq0aaP//ve/kv5vivj5559XZGSkatSoIUk6cOCAevbsqZCQEIWGhqpr16765ZdfHOfMzs5WfHy8QkJCVKpUKT355JO6+CfgL55uzszM1MiRI1W+fHnZ7XZVrVpV77zzjn755Re1atVKklSyZEnZbDb17dtXkpSTk6PExERVqlRJ/v7+qlevnj755BOn63zxxReqXr26/P391apVK6c6c2vkyJGqXr26ihcvrsqVK2vUqFHKysoyxr3xxhsqX768ihcvrp49e+rEiRNOx99++23VqlVLxYoVU82aNTV9+vTLXvPPP/9Unz59VKZMGfn7+6tatWqaNWuWy7UDgDuRJAJexN/fX0ePHnW8XrFihYKCgpSUlCRJysrKUvv27RUTE6NvvvlGRYoU0YQJE9ShQwdt2bJFfn5+euWVVzR79mz95z//Ua1atfTKK69owYIF+sc//nHZ6z744INKTk7WlClTVK9ePe3bt09//PGHypcvr08//VQ9evTQrl27FBQUJH9/f0lSYmKi3nvvPc2cOVPVqlXTmjVrdP/996tMmTJq0aKFDhw4oO7duysuLk4DBw7U+vXrNWzYMJe/k8DAQM2ePVuRkZHaunWrBgwYoMDAQD355JOOMSkpKfroo4+0ePFipaenq3///nr00Uc1b948SdK8efM0evRoTZs2TQ0aNNDGjRs1YMAABQQEKDY21rjmqFGjtH37di1dulSlS5dWSkqKTp8+7XLtAOBWFoAbUmxsrNW1a1fLsiwrJyfHSkpKsux2uzV8+HDH8fDwcCszM9Pxnrlz51o1atSwcnJyHPsyMzMtf39/a9myZZZlWVbZsmWtiRMnOo5nZWVZ5cqVc1zLsiyrRYsW1uOPP25ZlmXt2rXLkmQlJSVdss6vv/7akmT9+eefjn1nzpyxihcvbq1du9ZpbP/+/a377rvPsizLSkhIsKKjo52Ojxw50jjXxSRZCxYsuOzxl156yWrYsKHj9XPPPWf5+vpav/32m2Pf0qVLLR8fH+vQoUOWZVlWlSpVrPnz5zudZ/z48VZMTIxlWZa1b98+S5K1ceNGy7Isq0uXLla/fv0uWwMAFAQkicANbMmSJSpRooSysrKUk5Oj3r17a8yYMY7jderUcVqHuHnzZqWkpCgwMNDpPGfOnNGePXt04sQJHTp0SI0bN3YcK1KkiG699VZjyvmCTZs2ydfXVy1atMh13SkpKTp16pTatm3rtP/s2bNq0KCBJGnHjh1OdUhSTExMrq9xwYcffqgpU6Zoz549OnnypM6dO6egoCCnMRUqVNBNN93kdJ2cnBzt2rVLgYGB2rNnj/r3768BAwY4xpw7d07BwcGXvOYjjzyiHj166Mcff1S7du3UrVs33XHHHS7XDgDuRJMI3MBatWqlGTNmyM/PT5GRkSpSxPmvfEBAgNPrkydPqmHDho5p1L8rU6bMNdVwYfrYFSdPnpQkff75507NmXR+nWVeSU5OVp8+fTR27Fi1b99ewcHB+uCDD/TKK6+4XOtbb71lNK2+vr6XfE/Hjh3166+/6osvvlBSUpJat26tuLg4vfzyy9f+YQAgj9EkAjewgIAAVa1aNdfjb7nlFn344YcKCwsz0rQLypYtq++//17NmzeXdD4x27Bhg2655ZZLjq9Tp45ycnK0evVqtWnTxjh+IcnMzs527IuOjpbdbtf+/fsvm0DWqlXLcRPOBd99993VP+TfrF27VlFRUXrmmWcc+3799Vdj3P79+3Xw4EFFRkY6ruPj46MaNWooPDxckZGR2rt3r/r06ZPra5cpU0axsbGKjY1Vs2bNNGLECJpEAAUKdzcDcOjTp49Kly6trl276ptvvtG+ffu0atUqPfbYY/rtt98kSY8//rhefPFFLVy4UDt37tSjjz56xWccVqxYUbGxsXrooYe0cOFCxzk/+ugjSVJUVJRsNpuWLFmiI0eO6OTJkwoMDNTw4cM1dOhQzZkzR3v27NGPP/6oqVOnas6cOZKkQYMGaffu3RoxYoR27dql+fPna/bs2S593mrVqmn//v364IMPtGfPHk2ZMkULFiwwxhUrVkyxsbHavHmzvvnmGz322GPq2bOnIiIiJEljx45VYmKipkyZop9//llbt27VrFmz9Oqrr17yuqNHj9aiRYuUkpKibdu2acmSJapVq5ZLtQOAu9EkAnAoXry41qxZowoVKqh79+6qVauW+vfvrzNnzjiSxWHDhumBBx5QbGysYmJiFBgYqLvvvvuK550xY4buuecePfroo6pZs6YGDBigjIwMSdJNN92ksWPH6qmnnlJ4eLgGDx4sSRo/frxGjRqlxMRE1apVSx06dNDnn3+uSpUqSTq/TvDTTz/VwoULVa9ePc2cOVMvvPCCS5/3rrvu0tChQzV48GDVr19fa9eu1ahRo4xxVatWVffu3dWpUye1a9dOdevWdXrEzcMPP6y3335bs2bNUp06ddSiRQvNnj3bUevF/Pz8lJCQoLp166p58+by9fXVBx984FLtAOBuNutyq80BAADgtUgSAQAAYKBJBAAAgIEmEQAAAAaaRAAAABhoEgEAAGCgSQQAAICBJhEAAAAGmkQAAAAYaBIBAABgoEkEAACAgSYRAAAAhv8HKVb0orwgt+AAAAAASUVORK5CYII=", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "plot_confusion_matrix(y_test, y_pred,(0,1))" + ] + }, + { + "cell_type": "code", + "execution_count": 43, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAr4AAAIjCAYAAADlfxjoAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8pXeV/AAAACXBIWXMAAA9hAAAPYQGoP6dpAACbdUlEQVR4nOzdeVzT9R8H8NdAbrkURUUU8Vbwwivvg8QskzLFvP2lqXkUanlflVqaZ5lXeaalqZWVaWliqaR5iwceiOKBgiIICgj7/P74to2xoRtufMf2ej4ePNw++36398bAF599DoUQQoCIiIiIyMrZyV0AEREREVFRYPAlIiIiIpvA4EtERERENoHBl4iIiIhsAoMvEREREdkEBl8iIiIisgkMvkRERERkExh8iYiIiMgmMPgSERERkU1g8CUqIgEBARg4cKDcZdicdu3aoV27dnKX8UwzZsyAQqFAcnKy3KVYHIVCgRkzZpjkvuLj46FQKLB27VqT3B8AHDlyBI6Ojrh27ZrJ7tPUevXqhZ49e8pdBpHsGHzJKqxduxYKhUL9VaJECfj5+WHgwIG4efOm3OVZtIyMDHz00UeoV68eXF1d4enpidatW2P9+vUoLjuanzt3DjNmzEB8fLzcpejIzc3FmjVr0K5dO5QqVQpOTk4ICAjAoEGDcPToUbnLM4lNmzZh0aJFcpehpShrmjx5Mt58801UrlxZ3dauXTut30kuLi6oV68eFi1aBKVSqfd+7t27h/fffx81a9aEs7MzSpUqhbCwMPzyyy8FPnZaWhpmzpyJ+vXro2TJknBxcUFQUBDGjx+PW7duqY8bP348tm3bhlOnThn8vGzhvUu2RyGKy/9sRE+xdu1aDBo0CB9++CGqVKmCzMxM/PPPP1i7di0CAgIQExMDZ2dnWWvMysqCnZ0dHBwcZK0jrzt37qBjx444f/48evXqhbZt2yIzMxPbtm3DX3/9hYiICGzcuBH29vZyl/pUW7duRY8ePbBv3z6d3t3s7GwAgKOjY5HX9fjxY7z++uvYtWsX2rRpg65du6JUqVKIj4/Hli1bcPHiRVy/fh0VK1bEjBkzMHPmTCQlJcHHx6fIa30er7zyCmJiYsz2h0dmZiZKlCiBEiVKPHdNQghkZWXBwcHBJO/rkydPomHDhjh06BBeeOEFdXu7du1w5coVzJkzBwCQnJyMTZs24d9//8WkSZMwa9YsrfuJjY1Fx44dkZSUhEGDBqFx48Z48OABNm7ciJMnT2LcuHGYN2+e1jlxcXEIDQ3F9evX0aNHD7Rq1QqOjo44ffo0vv32W5QqVQoXL15UH9+sWTPUrFkT69evf+bzMua9S1SsCCIrsGbNGgFA/Pvvv1rt48ePFwDE5s2bZapMXo8fPxa5ubkF3h4WFibs7OzETz/9pHPbuHHjBADxySefmLNEvdLT0406/vvvvxcAxL59+8xTUCGNGDFCABALFy7UuS0nJ0fMmzdPJCQkCCGEmD59ugAgkpKSzFaPUqkUjx49Mvn9vvzyy6Jy5comvc/c3Fzx+PHjQp9vjpr0GT16tKhUqZJQKpVa7W3bthV169bVanv8+LGoXLmycHd3Fzk5Oer27OxsERQUJFxdXcU///yjdU5OTo6IiIgQAMR3332nbn/y5ImoX7++cHV1FX///bdOXampqWLSpElabZ999plwc3MTDx8+fObzMua9+zye9/tMZCwGX7IKBQXfX375RQAQs2fP1mo/f/686N69u/D29hZOTk4iJCREb/hLSUkR7733nqhcubJwdHQUfn5+ol+/flrhJDMzU0ybNk1UrVpVODo6iooVK4r3339fZGZmat1X5cqVxYABA4QQQvz7778CgFi7dq3OY+7atUsAED///LO67caNG2LQoEGibNmywtHRUdSpU0d8/fXXWuft27dPABDffvutmDx5sqhQoYJQKBQiJSVF72sWHR0tAIj//e9/em9/8uSJqF69uvD29laHpatXrwoAYt68eWLBggWiUqVKwtnZWbRp00acOXNG5z4MeZ1V37uoqCgxfPhwUaZMGeHl5SWEECI+Pl4MHz5c1KhRQzg7O4tSpUqJN954Q1y9elXn/PxfqhDctm1b0bZtW53XafPmzeLjjz8Wfn5+wsnJSXTo0EFcunRJ5zl88cUXokqVKsLZ2Vk0adJE/PXXXzr3qU9CQoIoUaKEePHFF596nIoq+F66dEkMGDBAeHp6Cg8PDzFw4ECRkZGhdezq1atF+/btRZkyZYSjo6OoXbu2+PLLL3Xus3LlyuLll18Wu3btEiEhIcLJyUkdZAy9DyGE2Llzp2jTpo0oWbKkcHd3F40bNxYbN24UQkivb/7XPm/gNPTnA4AYMWKE+Oabb0SdOnVEiRIlxA8//KC+bfr06epj09LSxLvvvqv+uSxTpowIDQ0Vx44de2ZNqvfwmjVrtB7//PnzokePHsLHx0c4OzuLGjVq6ARHfSpVqiQGDhyo064v+AohxBtvvCEAiFu3bqnbvv32WwFAfPjhh3of48GDB8LLy0vUqlVL3fbdd98JAGLWrFnPrFHl1KlTAoDYvn37U48z9r07YMAAvX9kqN7Teen7Pm/ZskV4e3vrfR1TU1OFk5OTGDt2rLrN0PcUkT6Gf25EVAypPub09vZWt509exYtW7aEn58fJkyYADc3N2zZsgXh4eHYtm0bXnvtNQBAeno6WrdujfPnz+N///sfGjVqhOTkZOzYsQM3btyAj48PlEolXn31VRw4cABvv/02ateujTNnzmDhwoW4ePEifvzxR711NW7cGIGBgdiyZQsGDBigddvmzZvh7e2NsLAwANJwhObNm0OhUGDkyJEoU6YMfvvtN7z11ltIS0vDe++9p3X+Rx99BEdHR4wbNw5ZWVkFfsT/888/AwD69++v9/YSJUqgd+/emDlzJg4ePIjQ0FD1bevXr8fDhw8xYsQIZGZmYvHixejQoQPOnDkDX19fo15nlXfeeQdlypTBtGnTkJGRAQD4999/cejQIfTq1QsVK1ZEfHw8li1bhnbt2uHcuXNwdXVFmzZtMHr0aCxZsgSTJk1C7dq1AUD9b0E++eQT2NnZYdy4cUhNTcXcuXPRp08fHD58WH3MsmXLMHLkSLRu3RqRkZGIj49HeHg4vL29n/kR72+//YacnBz069fvqcfl17NnT1SpUgVz5szB8ePH8dVXX6Fs2bL49NNPteqqW7cuXn31VZQoUQI///wz3nnnHSiVSowYMULr/mJjY/Hmm29i6NChGDJkCGrWrGnUfaxduxb/+9//ULduXUycOBFeXl44ceIEdu3ahd69e2Py5MlITU3FjRs3sHDhQgBAyZIlAcDon48///wTW7ZswciRI+Hj44OAgAC9r9GwYcOwdetWjBw5EnXq1MG9e/dw4MABnD9/Ho0aNXpqTfqcPn0arVu3hoODA95++20EBATgypUr+Pnnn3WGJOR18+ZNXL9+HY0aNSrwmPxUk+u8vLzUbc/6WfT09ES3bt2wbt06XL58GdWqVcOOHTsAwKj3V506deDi4oKDBw/q/PzlVdj3rqHyf5+rV6+O1157Ddu3b8eKFSu0fmf9+OOPyMrKQq9evQAY/54i0iF38iYyBVWv3549e0RSUpJISEgQW7duFWXKlBFOTk5aH8l17NhRBAcHa/UOKJVK0aJFC1G9enV127Rp0wrsHVF9rLlhwwZhZ2en81Hj8uXLBQBx8OBBdVveHl8hhJg4caJwcHAQ9+/fV7dlZWUJLy8vrV7Yt956S5QvX14kJydrPUavXr2Ep6enujdW1ZMZGBho0MfZ4eHhAkCBPcJCCLF9+3YBQCxZskQIoektc3FxETdu3FAfd/jwYQFAREZGqtsMfZ1V37tWrVppffwrhND7PFQ91evXr1e3PW2oQ0E9vrVr1xZZWVnq9sWLFwsA6p7rrKwsUbp0adGkSRPx5MkT9XFr164VAJ7Z4xsZGSkAiBMnTjz1OBVV71j+HvjXXntNlC5dWqtN3+sSFhYmAgMDtdoqV64sAIhdu3bpHG/IfTx48EC4u7uLZs2a6Xwcnfej/YKGFRjz8wFA2NnZibNnz+rcD/L1+Hp6eooRI0boHJdXQTXp6/Ft06aNcHd3F9euXSvwOeqzZ88enU9nVNq2bStq1aolkpKSRFJSkrhw4YJ4//33BQDx8ssvax3boEED4enp+dTHWrBggQAgduzYIYQQomHDhs88R58aNWqIl1566anHGPveNbbHV9/3effu3Xpfyy5dumi9J415TxHpw1UdyKqEhoaiTJky8Pf3xxtvvAE3Nzfs2LFD3Tt3//59/Pnnn+jZsycePnyI5ORkJCcn4969ewgLC8OlS5fUq0Bs27YN9evX19szolAoAADff/89ateujVq1aqnvKzk5GR06dAAA7Nu3r8BaIyIi8OTJE2zfvl3d9vvvv+PBgweIiIgAIE3E2bZtG7p27QohhNZjhIWFITU1FcePH9e63wEDBsDFxeWZr9XDhw8BAO7u7gUeo7otLS1Nqz08PBx+fn7q602bNkWzZs2wc+dOAMa9zipDhgzRmWyU93k8efIE9+7dQ7Vq1eDl5aXzvI01aNAgrZ6l1q1bA5AmDAHA0aNHce/ePQwZMkRrUlWfPn20PkEoiOo1e9rrq8+wYcO0rrdu3Rr37t3T+h7kfV1SU1ORnJyMtm3bIi4uDqmpqVrnV6lSRf3pQV6G3Mcff/yBhw8fYsKECTqTQ1U/A09j7M9H27ZtUadOnWfer5eXFw4fPqy1akFhJSUl4a+//sL//vc/VKpUSeu2Zz3He/fuAUCB74cLFy6gTJkyKFOmDGrVqoV58+bh1Vdf1VlK7eHDh898n+T/WUxLSzP6vaWq9VlL5hX2vWsofd/nDh06wMfHB5s3b1a3paSk4I8//lD/PgSe73cuEQBwqANZlaVLl6JGjRpITU3F6tWr8ddff8HJyUl9++XLlyGEwNSpUzF16lS993H37l34+fnhypUr6N69+1Mf79KlSzh//jzKlClT4H0VpH79+qhVqxY2b96Mt956C4A0zMHHx0f9SzwpKQkPHjzAypUrsXLlSoMeo0qVKk+tWUX1n9rDhw+1PnbNq6BwXL16dZ1ja9SogS1btgAw7nV+Wt2PHz/GnDlzsGbNGty8eVNrebX8Ac9Y+UOOKrykpKQAgHpN1mrVqmkdV6JEiQI/gs/Lw8MDgOY1NEVdqvs8ePAgpk+fjujoaDx69Ejr+NTUVHh6eqqvF/R+MOQ+rly5AgAICgoy6jmoGPvzYeh7d+7cuRgwYAD8/f0REhKCLl26oH///ggMDDS6RtUfOoV9jgAKXPYvICAAq1atglKpxJUrVzBr1iwkJSXp/BHh7u7+zDCa/2fRw8NDXbuxtT4r0Bf2vWsofd/nEiVKoHv37ti0aROysrLg5OSE7du348mTJ1rB93l+5xIBDL5kZZo2bYrGjRsDkHolW7Vqhd69eyM2NhYlS5ZUr585btw4vb1ggG7QeRqlUong4GAsWLBA7+3+/v5PPT8iIgKzZs1CcnIy3N3dsWPHDrz55pvqHkZVvX379tUZC6xSr149reuG9PYC0hjYH3/8EadPn0abNm30HnP69GkAMKgXLq/CvM766h41ahTWrFmD9957Dy+88AI8PT2hUCjQq1evAtdCNVRBS1kVFGKMVatWLQDAmTNn0KBBA4PPe1ZdV65cQceOHVGrVi0sWLAA/v7+cHR0xM6dO7Fw4UKd10Xf62rsfRSWsT8fhr53e/bsidatW+OHH37A77//jnnz5uHTTz/F9u3b8dJLLz133YYqXbo0AM0fS/m5ublpjY1v2bIlGjVqhEmTJmHJkiXq9tq1a+PkyZO4fv26zh8+Kvl/FmvVqoUTJ04gISHhmb9n8kpJSdH7h2texr53CwrSubm5etsL+j736tULK1aswG+//Ybw8HBs2bIFtWrVQv369dXHPO/vXCIGX7Ja9vb2mDNnDtq3b48vvvgCEyZMUPcIOTg4aP2HpE/VqlURExPzzGNOnTqFjh07GvTRb34RERGYOXMmtm3bBl9fX6SlpakncQBAmTJl4O7ujtzc3GfWa6xXXnkFc+bMwfr16/UG39zcXGzatAne3t5o2bKl1m2XLl3SOf7ixYvqnlBjXuen2bp1KwYMGID58+er2zIzM/HgwQOt4wrz2j+LajOCy5cvo3379ur2nJwcxMfH6/zBkd9LL70Ee3t7fPPNNyadJPTzzz8jKysLO3bs0ApJxnzEa+h9VK1aFQAQExPz1D8IC3r9n/fn42nKly+Pd955B++88w7u3r2LRo0aYdasWerga+jjqd6rz/pZ10cVEK9evWrQ8fXq1UPfvn2xYsUKjBs3Tv3av/LKK/j222+xfv16TJkyRee8tLQ0/PTTT6hVq5b6+9C1a1d8++23+OabbzBx4kSDHj8nJwcJCQl49dVXn3qcse9db29vnZ9JAEbvZNemTRuUL18emzdvRqtWrfDnn39i8uTJWseY8z1FtoFjfMmqtWvXDk2bNsWiRYuQmZmJsmXLol27dlixYgVu376tc3xSUpL6cvfu3XHq1Cn88MMPOsepet969uyJmzdvYtWqVTrHPH78WL06QUFq166N4OBgbN68GZs3b0b58uW1Qqi9vT26d++Obdu26f2POW+9xmrRogVCQ0OxZs0avTtDTZ48GRcvXsQHH3yg00Pz448/ao3RPXLkCA4fPqwOHca8zk9jb2+v0wP7+eef6/Qkubm5AYDe/3wLq3HjxihdujRWrVqFnJwcdfvGjRsL7OHLy9/fH0OGDMHvv/+Ozz//XOd2pVKJ+fPn48aNG0bVpeoRzj/sY82aNSa/j06dOsHd3R1z5sxBZmam1m15z3Vzc9M79OR5fz70yc3N1XmssmXLokKFCsjKynpmTfmVKVMGbdq0werVq3H9+nWt257V++/n5wd/f3+jdjH74IMP8OTJE60eyzfeeAN16tTBJ598onNfSqUSw4cPR0pKCqZPn651TnBwMGbNmoXo6Gidx3n48KFOaDx37hwyMzPRokWLp9Zo7Hu3atWqSE1NVfdKA8Dt27f1/u58Gjs7O7zxxhv4+eefsWHDBuTk5GgNcwDM854i28IeX7J677//Pnr06IG1a9di2LBhWLp0KVq1aoXg4GAMGTIEgYGBuHPnDqKjo3Hjxg31lp7vv/++ekew//3vfwgJCcH9+/exY8cOLF++HPXr10e/fv2wZcsWDBs2DPv27UPLli2Rm5uLCxcuYMuWLdi9e7d66EVBIiIiMG3aNDg7O+Ott96CnZ3236OffPIJ9u3bh2bNmmHIkCGoU6cO7t+/j+PHj2PPnj24f/9+oV+b9evXo2PHjujWrRt69+6N1q1bIysrC9u3b0dUVBQiIiLw/vvv65xXrVo1tGrVCsOHD0dWVhYWLVqE0qVL44MPPlAfY+jr/DSvvPIKNmzYAE9PT9SpUwfR0dHYs2eP+iNmlQYNGsDe3h6ffvopUlNT4eTkhA4dOqBs2bKFfm0cHR0xY8YMjBo1Ch06dEDPnj0RHx+PtWvXomrVqgb1Ns2fPx9XrlzB6NGjsX37drzyyivw9vbG9evX8f333+PChQtaPfyG6NSpExwdHdG1a1cMHToU6enpWLVqFcqWLav3j4znuQ8PDw8sXLgQgwcPRpMmTdC7d294e3vj1KlTePToEdatWwcACAkJwebNmzFmzBg0adIEJUuWRNeuXU3y85Hfw4cPUbFiRbzxxhvqbXr37NmDf//9V+uTgYJq0mfJkiVo1aoVGjVqhLfffhtVqlRBfHw8fv31V5w8efKp9XTr1g0//PCDQWNnAWmoQpcuXfDVV19h6tSpKF26NBwdHbF161Z07NgRrVq10tq5bdOmTTh+/DjGjh2r9V5xcHDA9u3bERoaijZt2qBnz55o2bIlHBwccPbsWfWnNXmXY/vjjz/g6uqKF1988Zl1GvPe7dWrF8aPH4/XXnsNo0ePxqNHj7Bs2TLUqFHD6EmoERER+PzzzzF9+nQEBwfrLEtojvcU2ZiiX0iCyPQK2sBCCGlnoKpVq4qqVauql8u6cuWK6N+/vyhXrpxwcHAQfn5+4pVXXhFbt27VOvfevXti5MiRws/PT71Q+oABA7SWFsvOzhaffvqpqFu3rnBychLe3t4iJCREzJw5U6SmpqqPy7+cmcqlS5fUi+wfOHBA7/O7c+eOGDFihPD39xcODg6iXLlyomPHjmLlypXqY1TLdH3//fdGvXYPHz4UM2bMEHXr1hUuLi7C3d1dtGzZUqxdu1ZnOae8G1jMnz9f+Pv7CycnJ9G6dWtx6tQpnfs25HV+2vcuJSVFDBo0SPj4+IiSJUuKsLAwceHCBb2v5apVq0RgYKCwt7c3aAOL/K9TQRsbLFmyRFSuXFk4OTmJpk2bioMHD4qQkBDRuXNnA15daZerr776SrRu3Vp4enoKBwcHUblyZTFo0CCt5aIK2rlN9frk3bRjx44dol69esLZ2VkEBASITz/9VKxevVrnONUGFvoYeh+qY1u0aCFcXFyEh4eHaNq0qfj222/Vt6enp4vevXsLLy8vnQ0sDP35wH8bG+iDPMuZZWVliffff1/Ur19fuLu7Czc3N1G/fn2dzTcKqqmg73NMTIx47bXXhJeXl3B2dhY1a9YUU6dO1VtPXsePHxcAdJbXKmgDCyGEiIqK0lmiTQgh7t69K8aMGSOqVasmnJychJeXlwgNDVUvYaZPSkqKmDZtmggODhaurq7C2dlZBAUFiYkTJ4rbt29rHdusWTPRt2/fZz4nFUPfu0II8fvvv4ugoCDh6OgoatasKb755punbmBREKVSKfz9/QUA8fHHH+s9xtD3FJE+CiFMNJODiKxefHw8qlSpgnnz5mHcuHFylyMLpVKJMmXK4PXXX9f7cSvZno4dO6JChQrYsGGD3KUU6OTJk2jUqBGOHz9u1GRLImvDMb5ERAXIzMzUGee5fv163L9/H+3atZOnKLI4s2fPxubNm42ezFWUPvnkE7zxxhsMvWTzOMaXiKgA//zzDyIjI9GjRw+ULl0ax48fx9dff42goCD06NFD7vLIQjRr1gzZ2dlyl/FU3333ndwlEFkEBl8iogIEBATA398fS5Yswf3791GqVCn0798fn3zyidaub0REVDxwjC8RERER2QSO8SUiIiIim8DgS0REREQ2webG+CqVSty6dQvu7u7c7pCIiIjIAgkh8PDhQ1SoUEFnY6fnYXPB99atW/D395e7DCIiIiJ6hoSEBFSsWNFk92dzwdfd3R2A9EJ6eHjIXA0RERER5ZeWlgZ/f391bjMVmwu+quENHh4eDL5EREREFszUw1I5uY2IiIiIbAKDLxERERHZBAZfIiIiIrIJDL5EREREZBMYfImIiIjIJjD4EhEREZFNYPAlIiIiIpvA4EtERERENoHBl4iIiIhsAoMvEREREdkEBl8iIiIisgkMvkRERERkExh8iYiIiMgmMPgSERERkU1g8CUiIiIimyBr8P3rr7/QtWtXVKhQAQqFAj/++OMzz4mKikKjRo3g5OSEatWqYe3atWavk4iIiIiKP1mDb0ZGBurXr4+lS5cadPzVq1fx8ssvo3379jh58iTee+89DB48GLt37zZzpURERERU3JWQ88FfeuklvPTSSwYfv3z5clSpUgXz588HANSuXRsHDhzAwoULERYWZq4yiYiIiMjMHj0Czp4FzpxS4uaes2Z5DFmDr7Gio6MRGhqq1RYWFob33nuvwHOysrKQlZWlvp6Wlmau8oiIiIjoGXJzgStXgDNntL8uXwZ8xW2swSB0wX5MM8NjF6vgm5iYCF9fX602X19fpKWl4fHjx3BxcdE5Z86cOZg5c2ZRlUhEREREAIQA7tzRDbjnzgGPH+se/yp+wlcYjDJIhrm6KYtV8C2MiRMnYsyYMerraWlp8Pf3l7EiIiIiIuuSnv7fMIV8ITc5+dnnuiIDi+zHYkjuCnVblndZIOWuyessVsG3XLlyuHPnjlbbnTt34OHhobe3FwCcnJzg5ORUFOURERERWbWcHODSJd2AGxdn2PkKBVCtGhAcLH21dj2G1sv7wPFqrOag8HA4LVgABAaavP5iFXxfeOEF7Ny5U6vtjz/+wAsvvCBTRURERETWRwjg9m3g9GntgHv+PJBn6tRT+fpqAq7qq04dwNUV0kDfzz4DJk+R0jQg3bBoETB4MPDwoVmel6zBNz09HZcvX1Zfv3r1Kk6ePIlSpUqhUqVKmDhxIm7evIn169cDAIYNG4YvvvgCH3zwAf73v//hzz//xJYtW/Drr7/K9RSIiIiIirWHD4GYGN1e3Pv3DTvf1RUICtINuWXKPOWkzEzgq680oTckBNi0CahR47mfz9PIGnyPHj2K9u3bq6+rxuIOGDAAa9euxe3bt3H9+nX17VWqVMGvv/6KyMhILF68GBUrVsRXX33FpcyIiIiInuHJE+DiRd2AGx9v2Pl2dlIuzR9wq1SRbjOKm5sUdFu1AsaOBWbMABwdjbwT4ymEEMLsj2JB0tLS4OnpidTUVHh4eMhdDhEREZFJCQHcuKEbcC9cALKzDbuPChV0A27t2oCzcyGLevgQSEsD/Py022/e1G2D+fJasRrjS0REREQaqam6ATcmBnjwwLDzS5bUHqZQr550vXRpExYZHQ307QuUKwfs3w+UyBM/9YRec2LwJSIiIrJw2dlAbKzuZLOEBMPOt7cHatbU7cWtXLkQwxQMlZMDzJoFfPSRNJktLg749FNg8mQzPeCzMfgSERERWQghgOvX9Q9TUM0De5aKFXUDbq1aQJGu7hoXJ/XyRkdr2lq0AHr3LsIidDH4EhEREckgJUX/MIU0A7ct8/DQDbhBQYC3t3nrfiohgA0bgJEjNUuS2dsD06cDEydqD3OQAYMvERERkRllZUnr3+YPuTdvGna+g4PUY5s/5Pr7SxtCWIyUFGDYMGDLFk1bYCCwcSPQvLl8deXB4EtERERkAkqltDRY/oB78aI0xNUQlSpph9t69aQlxIpgpa/nk5YGNGggjdNQGTgQWLIEcHeXqyodDL5ERERERkpO1g24Z88C6emGne/lpX+YgqenWcs2Hw8P4LXXgMWLpbEWK1YAPXrIXZUOBl8iIiKiAjx+rBmmkHdFhcREw853dJTWv80fcv38LGyYgil88om0I9vkydI4DAvE4EtEREQ2T6mUFiLI34t76ZJ0myGqVNENuNWrS2N0rYoQwKpV0qS1t97StDs7A8uXy1eXARh8iYiIyKbcvat/mMKjR4adX7q0bsCtW9eihrKaT1ISMGQI8NNPgIuLtERZ7dpyV2UwBl8iIiKySo8eSYE2f8i9e9ew852cgDp1dCeblStnhcMUDPH778CAAZpxHo8fA7/8wuBLREREVFRyc4HLl3UD7pUr0qfyz6JQSKtu5e/FrVZN9mVnLUNmprQG76JFmjYfH2D1aqBrV9nKKgx+O4mIiKhYEAK4c0cTbFWTzc6dk7KZIcqU0T9Mwc3NvLUXW2fOAH36SP+qdO4MrFkjdX0XMwy+REREZHHS0/UPU0hONux8Fxcp0OYPub6+5q3baggBfP458MEH0g4cgDT2Y948aVe2YjrWg8GXiIiIZJOTI62ckD/gxsUZdr6dnTQkIX/ADQyUFh2gQkpPB+bP14TeevWkHdiCguSt6zkx+BIREZHZCQHcuqUbcM+f12SrZ/H1lfJX3oBbp47Uu0sm5u4OfPMN0L49MHo0MHu2tFxZMcfgS0RERCaVlgbExOiG3JQUw853dZU6FvP34pYpY966bVpGhvRVtqymrXVrab/lwED56jIxBl8iIiIqlCdPgNhY3YB77Zph59vZATVq6AbcKlWk26iIHDsmTWDz8wP++EP7xbei0Asw+BIREdEzCAHcuKF/mMKTJ4bdR4UKugG3dm2r+PS8+MrNBT77DJgyRRpsHRsLLFwIjB0rd2Vmw+BLREREag8e6B+mkJpq2Pnu7rrDFIKCpN3OyIIkJAD9+wNRUZq2kJBity6vsRh8iYiIbFB2NnDhgm7ATUgw7Hx7e6BmTd3JZpUrF9uVrmzHli3A0KHSXzmA9A2bMAGYMQNwdJSzMrNj8CUiIrJiQkhjbvMH3NhY6dNtQ1SsqDtMoVYtaVlXKkbS0qQVGtat07T5+wMbNgBt28pXVxFi8CUiIrIS9+/rBtyYGODhQ8PO9/DQDbhBQYC3t3nrpiKQmgo0aqS9QHJEBLBsmU19gxl8iYiIipmsLGliWf6Qe/OmYec7OEg9tvlDrr8/hylYLU9PoEMHKfi6uwNLlwJ9+9rcN5zBl4iIyEIplUB8vG7AvXhRmpBviMqVdQNujRpWP5ST9Fm4EHj8GPjwQ6tbpsxQDL5EREQWIDlZN+CePSvtHGsILy8p1OadbBYUJA1fIBsjhDRu18EBePNNTXvJktJubDaMwZeIiKgIPX4MnDunG3ITEw0739FRWv82fy+un5/NfWpN+qSkAMOGSSs3lCwJNG0KVK0qd1UWg8GXiIjIDHJzpeGU+QPu5cvSEAZDVKmiG3CrV5c68oh0REUB/fpJu40A0scFW7cC48fLWpYlYfAlIiJ6Tnfv6h+m8OiRYeeXLq0bcOvWleYgET1TdjYwbRowd640zAGQxr6sXAn06CFraZaGwZeIiMhAjx5JgTZ/yL1717DznZ2BOnV0Q265chymQIUUGwv07g0cP65pa9cOWL9eWqaDtDD4EhER5ZObKw1JyB9wr1zRdKg9jUIhDavMH3CrVZN2PCN6bkJIPbqRkdLAcUAaAzNrFjB2LGBnJ299ForBl4iIbJYQ0qSy/AH33DkgM9Ow+yhTRjvc1qsn9eq6uZm3drJxqanSFsOq0FuzJrBpk7RJBRWIwZeIiGxCerq0i1n+kHvvnmHnu7hI427z9+L6+pq3biK9vLyAtWuBzp2lVRzmzwdcXeWuyuIx+BIRkVXJyQEuXZJC7enTmoB79aph59vZSUMS8gfcwEAOUyAZZWZKg8xLldK0hYVJf83VrStfXcUMgy8RERVLQgC3bun24J4/L23pa4hy5XQDbp06Uu8ukcU4c0aawFa5MvDzz9ozIRl6jcLgS0REFi8tTf8whZQUw853c5N2Mcsfcn18zFs30XNRKoHPP5fW4c3Kkn4Ili8Hhg+Xu7Jii8GXiIgsxpMn0upM+QPutWuGnW9nB9SooTvZLCCAk9ypmLl9Gxg0CNi9W9NWrx7QurV8NVkBBl8iIipyQgAJCboB98IFKfwaokIF3R7c2rWltXKJirWffgIGDwaSkzVtkZHA7Nl8gz8nBl8iIjKrBw80wxRUk81iYqTVmAzh7q5/mELeOT5EViEjQ1qDd8UKTVv58sC6dcCLL8pXlxVh8CUiIpPIzpZ6bPP34iYkGHZ+iRLSUqT5A27lytzVjGxASgrwwgvSWB+V8HBg1SoORjchBl8iIjKKENKY2/wBNzZWWkrMEP7+ugG3Zk3Aycm8tRNZLG9vICRE+kFydQUWLwbeeot/9ZkYgy8RERXo/n3dgBsTAzx8aNj5np6aYQr16kn/BgVJa+8TUT5Ll0o7sX3yiTRLk0yOwZeIiJCZKa1/mz/k3rpl2PkODkCtWrq9uP7+7LAi0mvLFukjjm7dNG1eXsD27bKVZAsYfImIbIhSCcTHa4KtarLZpUtAbq5h91G5sv5hCg4OZi2dyDqkpQGjR0sT1ry9pR/CihXlrspmMPgSEVmp5GT9wxQyMgw739tbN+AGBQEeHuatm8hqRUcDffpo9s9OSQG++QaYMEHeumwIgy8RUTH3+DFw7pxuyE1MNOx8R0dpm978IbdCBQ5TIDKJnBzg44+lL9VHK+7u0pjevn3lrc3GMPgSERUTublAXJxuwL18WRrCYIjAQN2AW726tJQYEZlBXJwUbqOjNW0tWkg9vVWqyFeXjeKvOiIiC3Tnjm7APXtW6t01ROnSugG3bl2pk4mIioAQwPr1wMiRQHq61GZvD0ybBkyaxL82ZcJXnYhIRhkZUqDNH3KTkgw739lZ/zCFcuU4TIFIVikp0i5sqtAbGAhs3Ag0by5vXTaOwZeIqAjk5kpDEvKG29OnpU9BhXj2+QoFULWqbsCtVk3qRCIiC1OqFPDVV8BrrwEDBwJLlvAjFwvA4EtEZEJCSJPK8vfgnjsnrZVriLJldQNunTqAm5t5ayei55CdDWRlaYfb8HDg6FFpRzayCAy+RESFlJ4uLQ+WP+Teu2fY+S4uml3N8n6VLWveuonIxGJjgd69pY9gvvtOe5wRQ69FYfAlInqGnBzg4kXdgKtaivNZ7Oyk/w/zB9zAQA5TICrWhABWrgQiI6WZp8ePAy+/DPTvL3dlVAAGXyKi/wgB3LypG3DPn5c+xTREuXL6hym4uJi3diIqYklJwODBwI4dmraaNaWPcchiMfgSkU1KS9M/TCElxbDz3dz0D1Pw8TFv3URkAXbvlias5d0lZtgwYP58wNVVtrLo2Rh8iciqPXkiDb/LH3CvXTPsfHt7oEYN3YAbECANYSAiG5KZCUycCCxapGnz8QFWrwa6dpWtLDIcgy8RWQUhgIQE3YB74YIUfg3h56cbcGvVktbKJSIbd/8+0K6d9ItFpXNnYM0aaYwTFQsMvkRU7Dx4oBtwY2KA1FTDznd31wxTqFdP+jcoSFp2k4hIL29vaUbqmTOAkxMwb560Kxt3iilWGHyJyGJlZUk9tvlD7o0bhp1fooQ01yR/L27lyvy/ioiMpFBIG1I8fiyN5eUktmKJwZeIZCeENOY2/65mFy9KS4kZwt9f/zAFR0fz1k5EVmrHDqlnNyxM0+bjI01so2KLwZeIitT9+/qHKTx8aNj5np66ATcoCPDyMmvZRGQrMjKAsWOBFSuk3WTOnOGuMlaEwZeIzCIzU1r/Nn/IvXXLsPMdHIDatXVDbsWKHKZARGZy7Ji0A9vFi9L1u3elFRsmTJC3LjIZBl8iei5KpbSDWf6Ae+kSkJtr2H1UrqwJtqrJZjVqSOGXiMjscnOBzz4DpkzRjK9ydZWWLRs8WNbSyLQYfInIYElJugH37Fnpk0FDeHvrH6bg4WHeuomICpSQAPTrB+zfr2kLCQE2bZL+AierwuBLRDoePwbOnZMmmOUNuXfuGHa+o6O0TW/+kFuhAocpEJEF2bIFGDpUWiMRkH5BTZgAzJjBmbFWisGXyIbl5gJxcbq9uJcvS0MYDBEYqBtwq1eXlhIjIrJYycnAkCHS/uWAtDTMhg1A27by1kVmxf+aiGzEnTv6hyk8fmzY+T4+ugG3bl2gZEnz1k1EZBY+PsCyZUCfPkBEhHTZ21vuqsjMGHyJrExGhhRo84fcpCTDznd21h6moJps5uvLYQpEVIzl5ADZ2dKkNZXevaWlYlq35i84G8HgS1RM5eRIQxLyB9y4OGlDiGdRKICqVXV7catVA+ztzV8/EVGRiYsD+vaVdrVZvVr7tjZt5KmJZMHgS2ThhAASEzW7makC7rlz0pa+hihbVjfg1qkDuLmZt3YiIlkJIY3bHTECSE8HoqOBl14CevSQuzKSCYMvkQV5+FD/MIV79ww739VVGnebP+Ry0yEisjkpKcCwYdLKDSqBgdIkNrJZDL5EMsjJkTYGyh9wr1417Hw7O2nlhPwBNzBQuo2IyKZFRUlr8964oWkbOBBYsgRwd5erKrIADL5EZiQEcPOmbsA9f16aY2GIcuU0E8xUX7VrAy4u5q2diKjYyc4Gpk0D5s7VTHbw9gZWrODwBgLA4EtkMqmpQEyMdsCNiZE+bTOEm5u0i1n+XlwfH/PWTURkFe7dAzp1Ao4f17S1bw+sXy+t3EAEBl8io2VnA7Gxur24168bdr69vbQLZv6AGxDAYQpERIXm7a3pKXBwAGbNAsaO5S9W0sLgS1QAIaQt3POG29OnpdD75Ilh9+Hnpxtwa9WS1solIiITsrMD1q4FevYEFi8GGjWSuyKyQAy+RJC2ac/fgxsTIw1fMIS7u27ADQoCSpUya9lERLbr99+lXoS86/CWLw/8/bd8NZHFkz34Ll26FPPmzUNiYiLq16+Pzz//HE2bNi3w+EWLFmHZsmW4fv06fHx88MYbb2DOnDlwZhcaGSArC7hwQTfk5p34+zQlSkg9tvlDbqVK3PSHiKhIZGYCEycCixZJY3dPn+ZWw2QwWYPv5s2bMWbMGCxfvhzNmjXDokWLEBYWhtjYWJTVs/Dopk2bMGHCBKxevRotWrTAxYsXMXDgQCgUCixYsECGZ0CWSqkErl3TDbgXL0pLiRnC31//MAVHR/PWTkREBThzBujTR/oXkHotVq4Exo+Xty4qNhRCGLK5qXk0a9YMTZo0wRdffAEAUCqV8Pf3x6hRozBhwgSd40eOHInz589j79696raxY8fi8OHDOHDggEGPmZaWBk9PT6SmpsLDw8M0T4Rkde+e/mEK6emGne/pqX+YgpeXWcsmIiJDKZXA559LAVe1ZaWTEzBvHjByJD9ys0Lmymuy9fhmZ2fj2LFjmDhxorrNzs4OoaGhiI6O1ntOixYt8M033+DIkSNo2rQp4uLisHPnTvTr16/Ax8nKykJWnn1d09LSTPckqEhlZkrr3+afbHb7tmHnOzhI69/mD7kVK/J3JhGRxbp9Gxg0CNi9W9MWHAxs2iT1UhAZQbbgm5ycjNzcXPj6+mq1+/r64sKFC3rP6d27N5KTk9GqVSsIIZCTk4Nhw4Zh0qRJBT7OnDlzMHPmTJPWTualVEo7mOXvxb10CcjNNew+AgJ0A26NGlL4JSKiYuKnn4DBg4HkZE1bZCQwezaXx6FCkX1ymzGioqIwe/ZsfPnll2jWrBkuX76Md999Fx999BGmTp2q95yJEydizJgx6utpaWnw5z7dFiMpSTfgnj0LZGQYdr63t+6uZnXrAhzFQkRUzCUlSeN5Vf8hlC8vLVfWqZOsZVHxJlvw9fHxgb29Pe7cuaPVfufOHZQrV07vOVOnTkW/fv0wePBgAEBwcDAyMjLw9ttvY/LkybDTs0i1k5MTnJycTP8EyCiPHgHnzumG3Hzf/gI5OekfplChAocpEBFZpTJlpJUbhgwBunUDvvqKW1nSc5Mt+Do6OiIkJAR79+5FeHg4AGly2969ezFy5Ei95zx69Egn3Nrb2wMAZJyjR3nk5gJXrugG3MuXNdumP0tgoG7ArV5dWkqMiIisVG6utOxO3s6qt96SJmKEhbGXg0xC1igxZswYDBgwAI0bN0bTpk2xaNEiZGRkYNCgQQCA/v37w8/PD3PmzAEAdO3aFQsWLEDDhg3VQx2mTp2Krl27qgMwFZ07d6TJZXkD7rlzwOPHhp3v46MbcOvWBUqWNG/dRERkYRISgP79pclqn3+uaVcogM6d5auLrI6swTciIgJJSUmYNm0aEhMT0aBBA+zatUs94e369etaPbxTpkyBQqHAlClTcPPmTZQpUwZdu3bFrFmz5HoKNiEjQxp3m78XNynJsPOdnaVAmz/k+vryD3giIpu3ZQswdKi0hWZUFPDSS0CXLnJXRVZK1nV85cB1fAuWkyMNScgfcOPiDBumoFAA1arpBtyqVQF2yBMRkZa0NGD0aGDdOk2bvz+wcSPQurV8dZFFsLp1fEk+QkjLIuYPuOfOadYFf5ayZaVQm3dFhTp1AFdX89ZORERWIDoa6NtX6llRiYgAli3j9sNkVgy+Vu7hQ2kXs/wh9/59w853ddU/TEHPjtJERERPl5MDzJoFfPSRZmF2d3dg6VIpCHP8G5kZg6+VePIEuHhRN+DGxxt2vp2dtHJC/oAbGCjdRkRE9Fzu3QO6dpV6e1VatAC++QaoUkW+usimMPgWM0IAN2/qBtzz54HsbMPuo3x53YBbuzbg4mLe2omIyIZ5eWnWpbS3B6ZNAyZN4lqVVKT4brNwly8De/Zoh9wHDww7t2RJaWWY/CG3dGmzlkxERKTL3h7YsAF4/XVpaEPz5nJXRDaIwdeCnT4NNGqkGQZVEHt7oEYN3clmlStzmAIREclk/37po8SmTTVtlSsDR49yLC/JhsHXgv3xh27o9fPTP0yBuzITEZFFyM4Gpk8HPv1UGrt78qQ0gU2FoZdkxOBrwa5e1Vz+6ivp0yGu8kJERBYrNhbo3Rs4fly6HhcnLVH2wQfy1kX0H34QbsHyBt8uXRh6iYjIQgkBrFwJNGyoCb0ODsDcucC4cfLWRpQHe3wtmCr4OjsD5crJWwsREZFeSUnAkCHATz9p2mrWBDZtkiaqEFkQ9vhaKCE0wTcggEOiiIjIAu3eLc2qzht6hw2Ten0ZeskCscfXQiUmApmZ0mWu601ERBbnzh0gPFzzn5WPD7B6tbRJBZGFYo+vhco7vpfBl4iILI6vL/DJJ9LlsDBpoXmGXrJw7PG1UAy+RERkUZRKaY1NBwdN26hRQMWKwGuvceF4Khb4LrVQeYNvYKB8dRAREeH2beCll4ApU7Tb7eyA7t0ZeqnY4DvVQrHHl4iILMJPP0m7Jf3+OzBvHvDnn3JXRFRoDL4WisGXiIhklZEhrdAQHg7cuye1+frKWhLR8+IYXwulCr5eXtIXERFRkTl2TNqB7eJFTVu3btI2oj4+8tVF9JzY42uBcnKAhATpMnt7iYioyOTmAp9+CjRvrgm9rq7Srmw//MDQS8Uee3wtUEKC9LsHYPAlIqIikpwM9OgBREVp2kJCpB3YatSQrSwiU2KPrwXi+F4iIipynp5Aerp0WaEAJk4EDh1i6CWrwuBrgRh8iYioyDk4ABs3ArVrA/v2AbNnA46OcldFZFIc6mCBGHyJiMjsoqOl8bv162vaatQAYmK4Li9ZLb6zLRCDLxERmU1ODjBzJtC6NfDmm8CjR9q3M/SSFeO72wLlDb4BAbKVQURE1iYuDmjTBpgxQ5pFff488OWXcldFVGQYfC2QKviWKwe4uMhbCxERWQEhgPXrgQYNpCEOAGBvD3z4IfDee3JWRlSkOMbXwjx+DCQmSpc5zIGIiJ5bSoq0A9uWLZq2qlWBb76R1uslsiHs8bUw8fGaywy+RET0XKKigHr1tEPvoEHAiRMMvWST2ONrYeLiNJcZfImIqNBu3wbCwoDsbOm6tzewYoW0SQWRjWKPr4Xhig5ERGQS5csD06dLl9u3B06fZuglm8ceXwuTN/gGBspXBxERFTNCAEqlNGlNZfx4wN8f6NOHy5QRgT2+Foc9vkREZLSkJOC114CPP9Zut7cH+vVj6CX6D38SLIwq+NrbAxUrylsLEREVA7t3SxPYfvoJ+OgjzXJlRKSDwdfCqIJvpUpACQ5EISKigmRmApGRQOfOmnUwvb2Bhw/lrYvIgjFaWZCUFCA1VbrMYQ5ERFSgM2ekcbtnzmjawsKAtWul3Y+ISC/2+FoQju8lIqKnUiqBxYuBJk00odfJSWrbuZOhl+gZ2ONrQRh8iYioQPfuSb28u3dr2oKDgU2bgKAg+eoiKkbY42tBGHyJiKhAbm7AzZua65GRwJEjDL1ERmDwtSAMvkREVCBnZ6l3t0oVqdd3wQKpjYgMxqEOFoTBl4iI1I4dk3p5a9XStAUHAxcvctkfokJij68FUQVfFxfA11feWoiISCa5ucCnnwLNmwNvvglkZWnfztBLVGgMvhZCCCA+XrocEAAoFHJWQ0REskhIADp2BCZMAHJygJMngS+/lLsqIqvB4GshEhOltcgBDnMgIrJJW7ZIO7Dt3y9dVyiAiROBESPkrYvIivDzEgvB8b1ERDYqLQ0YPRpYt07T5u8PbNgAtG0rX11EVojB10Iw+BIR2aDoaKBvXyAuTtMWEQEsWyZtP0xEJsXgayHy/s5j8CUisgE3bwLt2gHZ2dJ1d3dg6VIpCHOiB5FZcIyvhWCPLxGRjfHzA8aNky63aAGcOgX068fQS2RG7PG1EHmDb2CgfHUQEZGZCCH9mzfYzpgBVKoEvPUWlykjKgLs8bUQquDr7Q14espbCxERmVhKCtCrFzB/vna7gwMwdChDL1ERYfC1AE+eSEs3AhzmQERkdaKipGXKtmwBJk0CTpyQuyIim8XgawESEgClUrrM4EtEZCWys6WNKDp0AG7ckNpKlpQWbiciWfCzFQvAiW1ERFYmNhbo3Rs4flzT1r49sH49ULGifHUR2Tj2+FoABl8iIishBLBiBdCwoSb0OjgAc+cCe/Yw9BLJ7Ll6fDMzM+Hs7GyqWmwWgy8RkRW4fx8YNAjYsUPTVrMmsGkT0KiRfHURkZrRPb5KpRIfffQR/Pz8ULJkScT9t/PC1KlT8fXXX5u8QFvA4EtEZAWcnIALFzTXhw+Xen0ZeokshtHB9+OPP8batWsxd+5cODo6qtuDgoLw1VdfmbQ4W5E3+AYEyFYGERE9Dzc3YONGoEIFqdf3yy8BV1e5qyKiPIwOvuvXr8fKlSvRp08f2Nvbq9vr16+PC3n/0iWDqYJv+fIAR44QERUTZ85o7zcPAI0bS21du8pTExE9ldHB9+bNm6hWrZpOu1KpxJMnT0xSlC159Ai4c0e6zGEORETFgFIJLF4MNGkC9OkD5ORo3+7kJE9dRPRMRgffOnXq4O+//9Zp37p1Kxo2bGiSomxJfLzmMoMvEZGFu30beOkl4L33gKws4J9/gGXL5K6KiAxk9KoO06ZNw4ABA3Dz5k0olUps374dsbGxWL9+PX755Rdz1GjVOLGNiKiY+Okn4K23gHv3NG2RkcCQIfLVRERGMbrHt1u3bvj555+xZ88euLm5Ydq0aTh//jx+/vlnvPjii+ao0aox+BIRWbiMDGDYMCA8XBN6y5cHdu8GFizg5AyiYqRQ6/i2bt0af/zxh6lrsUkMvkREFuzYMWkHtosXNW3h4cCqVYCPj2xlEVHhGN3jGxgYiHt5P+b5z4MHDxAYGGiSomxJ3gnBDL5ERBYkIQFo0UITel1dpcC7fTtDL1ExZXTwjY+PR25urk57VlYWbt68aZKibImqx7dECe5kSURkUfz9gXfekS6HhAAnTgCDBwMKhbx1EVGhGTzUYUeeLRh3794NT09P9fXc3Fzs3bsXAdx9wShCaIJvpUpS+CUiIhkJoR1s58yRfkGPGAHk2bSJiIong6NWeHg4AEChUGDAgAFatzk4OCAgIADz5883aXHWLiUFSEuTLnOYAxGRjNLSgNGjgaZNNb28gDRxLTJSvrqIyKQMDr5KpRIAUKVKFfz777/w4fim58aJbUREFiA6WtqI4upVYPNmoH17oHZtuasiIjMweozv1atXGXpNhMGXiEhGOTnAjBlA69aaX8gODsCVK7KWRUTmU6hRpRkZGdi/fz+uX7+O7OxsrdtGjx5tksJsAYMvEZFM4uKAvn2l3l6VFi2Ab77hL2QiK2Z08D1x4gS6dOmCR48eISMjA6VKlUJycjJcXV1RtmxZBl8jMPgSERUxIYD164GRI4H0dKnN3h6YNg2YNImzjImsnNFDHSIjI9G1a1ekpKTAxcUF//zzD65du4aQkBB89tln5qjRajH4EhEVoQcPgF69gIEDNaE3MBA4cEAKvgy9RFbP6OB78uRJjB07FnZ2drC3t0dWVhb8/f0xd+5cTJo0yRw1Wi1V8HV1BcqWlbcWIiKrp1AAhw9rrg8cCJw8CTRvLldFRFTEjA6+Dg4OsLOTTitbtiyuX78OAPD09ERCQoJpq7NiSiUQHy9dDgjgeuhERGbn6Qls2CDturZlC7BmDeDuLndVRFSEjP5cp2HDhvj3339RvXp1tG3bFtOmTUNycjI2bNiAoKAgc9RolRITgaws6TKHORARmUFsLODmpr0tZuvWUq+Dm5tsZRGRfIzu8Z09ezbKly8PAJg1axa8vb0xfPhwJCUlYcWKFSYv0FpxfC8RkZkIAaxYATRsCPTvL33ElhdDL5HNMrrHt3HjxurLZcuWxa5du0xakK1g8CUiMoOkJGDwYGDHDun6vn3AypXAsGHy1kVEFsHoHt+CHD9+HK+88oqp7s7qMfgSEZnY7t1AvXqa0AtIgbd/f/lqIiKLYlTw3b17N8aNG4dJkyYhLi4OAHDhwgWEh4ejSZMm6m2NjbF06VIEBATA2dkZzZo1w5EjR556/IMHDzBixAiUL18eTk5OqFGjBnbu3Gn048qNwZeIyEQyM4HISKBzZ2kCBSBNYNuxA1i2TFo6h4gIRgx1+PrrrzFkyBCUKlUKKSkp+Oqrr7BgwQKMGjUKERERiImJQW0j9zbfvHkzxowZg+XLl6NZs2ZYtGgRwsLCEBsbi7J61vfKzs7Giy++iLJly2Lr1q3w8/PDtWvX4OXlZdTjWgIGXyIiEzhzBujTR/pXJSwMWLsWKFdOtrKIyDIphBDCkAPr1auHfv364f3338e2bdvQo0cPNG/eHFu2bEHFvDNmjdCsWTM0adIEX3zxBQBAqVTC398fo0aNwoQJE3SOX758OebNm4cLFy7AwcGhUI+ZlpYGT09PpKamwsPDo1D3YQoBAcC1a4C3N3D/vmxlEBEVX9euATVrapbIcXIC5s6VdmWzM9lIPiKSgbnymsG/Ga5cuYIePXoAAF5//XWUKFEC8+bNK3Tozc7OxrFjxxAaGqopxs4OoaGhiM67d3oeO3bswAsvvIARI0bA19cXQUFBmD17NnJzcwt8nKysLKSlpWl9ye3JE0C15HFgoLy1EBEVW5Ura8bvBgcDR48Co0cz9BJRgQz+7fD48WO4/jdOSqFQwMnJSb2sWWEkJycjNzcXvr6+Wu2+vr5IVI3RyicuLg5bt25Fbm4udu7cialTp2L+/Pn4+OOPC3ycOXPmwNPTU/3l7+9f6JpN5fp1zeo6HOZARPQcFi4EPv4YOHIE4FryRPQMRi1n9tVXX6FkyZIAgJycHKxduxY+Pj5ax4wePdp01eWjVCpRtmxZrFy5Evb29ggJCcHNmzcxb948TJ8+Xe85EydOxJgxY9TX09LSZA+/HN9LRGSkjAxg7Fhpe+GBAzXtbm7A5MmylUVExYvBwbdSpUpYtWqV+nq5cuWwYcMGrWMUCoXBwdfHxwf29va4c+eOVvudO3dQroAJCeXLl4eDgwPs7e3VbbVr10ZiYiKys7Ph6Oioc46TkxOcnJwMqqmoMPgSERnh2DFpAltsLLBxo7T7WtWqcldFRMWQwcE3Pj7epA/s6OiIkJAQ7N27F+Hh4QCkHt29e/di5MiRes9p2bIlNm3aBKVSCbv/xnBdvHgR5cuX1xt6LRWDLxGRAXJzgc8+A6ZMAXJypDalEoiJYfAlokKRdQbAmDFjsGrVKqxbtw7nz5/H8OHDkZGRgUGDBgEA+vfvj4kTJ6qPHz58OO7fv493330XFy9exK+//orZs2djxIgRcj2FQmHwJSJ6hoQEoGNHYMIETegNCQFOnAC6dZO3NiIqtozestiUIiIikJSUhGnTpiExMRENGjTArl271BPerl+/ru7ZBQB/f3/s3r0bkZGRqFevHvz8/PDuu+9i/Pjxcj2FQskbfCtXlq8OIiKLtGULMHQo8OCBdF2hkALwjBlAMfp0j4gsj8Hr+FoLS1jH19cXuHsXqFABuHlTlhKIiCzPw4fAqFHAunWaNn9/YMMGoG1b+eoioiIn+zq+ZBoZGVLoBTjMgYhIS1YW8PvvmusREcCpUwy9RGQyDL5FLO8cQQZfIqI8fHyk3l4PD2D9euDbb6XtLYmITKRQwffKlSuYMmUK3nzzTdz9r/vyt99+w9mzZ01anDXixDYiov/ExQH5lrTEiy9KWxH36yeN7SUiMiGjg+/+/fsRHByMw4cPY/v27UhPTwcAnDp1qsBNJEiDwZeIbJ4QUs9u/frA//4nXc/Ly0uWsojI+hkdfCdMmICPP/4Yf/zxh9bauR06dMA///xj0uKsEYMvEdm0lBSgVy9p97X0dGDnTmDNGrmrIiIbYXTwPXPmDF577TWd9rJlyyI5OdkkRVkzBl8isllRUUC9etJyZSoDBwI9eshVERHZGKODr5eXF27fvq3TfuLECfj5+ZmkKGumCr4lSgAVK8pbCxFRkcjOltbh7dABuHFDavP2lgLwmjWAu7u89RGRzTA6+Pbq1Qvjx49HYmIiFAoFlEolDh48iHHjxqF///7mqNFqCKEJvpUqAfb28tZDRGR2Fy4AL7wAfPqpZixv+/bA6dPs6SWiImd08J09ezZq1aoFf39/pKeno06dOmjTpg1atGiBKVOmmKNGq5GSAqSlSZcDA+WthYjI7OLigEaNgOPHpesODsDcucCePfzIi4hkYfSWxY6Ojli1ahWmTp2KmJgYpKeno2HDhqhevbo56rMqcXGayxzfS0RWLzAQeP11YONGoGZNYNMmKQgTEcnE6OB74MABtGrVCpUqVUKlSpXMUZPV4sQ2IrI5S5cClSsDkycDrq5yV0NENs7ooQ4dOnRAlSpVMGnSJJw7d84cNVktBl8islqZmUBkJPD999rtnp7ArFkMvURkEYwOvrdu3cLYsWOxf/9+BAUFoUGDBpg3bx5uqGbqUoEYfInIKp05AzRtCixaBLz9NpCQIHdFRER6GR18fXx8MHLkSBw8eBBXrlxBjx49sG7dOgQEBKBDhw7mqNFqMPgSkVVRKoHFi4EmTaTwCwCPHwNHj8pbFxFRAYwe45tXlSpVMGHCBNSvXx9Tp07F/v37TVWXVVIFX1dXoEwZeWshInout28DgwYBu3dr2oKDpQlsQUHy1UVE9BRG9/iqHDx4EO+88w7Kly+P3r17IygoCL/++qspa7MqSiUQHy9drlIFUChkLYeIqPB++knagS1v6I2MBI4cYeglIotmdI/vxIkT8d133+HWrVt48cUXsXjxYnTr1g2unLjwVLdvS5sXARzmQETFVEYGMHYssGKFpq18eWDtWqBTJ9nKIiIylNHB96+//sL777+Pnj17wsfHxxw1WSWO7yWiYi8tDdi2TXM9PBxYtQrg/wVEVEwYHXwPHjxojjqsHoMvERV75csDX30F9O4tTWp76y2O2yKiYsWg4Ltjxw689NJLcHBwwI4dO5567KuvvmqSwqwNgy8RFTsJCYCbG1CqlKatWzfpF1rZsvLVRURUSAYF3/DwcCQmJqJs2bIIDw8v8DiFQoHc3FxT1WZVGHyJqFjZsgUYOhQIDZUu5+3ZZeglomLKoFUdlEolyv73i06pVBb4xdBbMAZfIioW0tKAgQOBiAjgwQNg61ZpiTIiIitg9HJm69evR1ZWlk57dnY21q9fb5KirJEq+JYqBXh4yFsLEZFe0dFAgwbAunWatogIoEsX2UoiIjIlo4PvoEGDkJqaqtP+8OFDDBo0yCRFWZsnTwDVjs7s7SUii5OTA8ycCbRurfkr3d0dWL8e+PZbwNtb3vqIiEzE6FUdhBBQ6JnFe+PGDXh6epqkKGtz/bq0gQXA4EtEFiYuDujbV+rtVWnRAvjmG/7CIiKrY3DwbdiwIRQKBRQKBTp27IgSJTSn5ubm4urVq+jcubNZiizu8o7vDQyUrw4iIi2XLwONGgEPH0rX7e2BadOASZOAEs+1oz0RkUUy+DebajWHkydPIiwsDCVLllTf5ujoiICAAHTv3t3kBVqDuDjNZXagEJHFqFoV6NgR+PFH6a/yjRuB5s3lroqIyGwMDr7Tp08HAAQEBCAiIgLOzs5mK8racEUHIrJICoW081rlysBHH0njeomIrJjRk9sGDBjA0GskBl8ikl12NjBhAvDrr9rtPj7AokUMvURkEwzq8S1VqhQuXrwIHx8feHt7653cpnL//n2TFWctVMFXoZA6VoiIilRsrLTN8PHjwJo1wOnTgK+v3FURERU5g4LvwoUL4f5fb8DChQufGnxJlyr4VqgAODnJWwsR2RAhgJUrgchI4PFjqS0lBTh4EHj9dXlrIyKSgUIIIeQuoiilpaXB09MTqamp8CiCnSTS0zWfILZqBfz9t9kfkogISEoCBg8GduzQtNWsKe3C1qiRfHURERnAXHnN6DG+x48fx5kzZ9TXf/rpJ4SHh2PSpEnIzs42WWHWIj5ec5nje4moSOzeDdSrpx16hw+Xhjow9BKRDTM6+A4dOhQXL14EAMTFxSEiIgKurq74/vvv8cEHH5i8wOKOE9uIqMhkZkrDGjp3BhITpTYfHykAf/kl4Ooqb31ERDIzOvhevHgRDRo0AAB8//33aNu2LTZt2oS1a9di27Ztpq6v2GPwJaIic/euNHlNpXNn4MwZoGtX+WoiIrIgRgdfIQSU/+2/u2fPHnTp0gUA4O/vj+TkZNNWZwUYfImoyFSqBCxbJs2iXbIE2LkTKFdO7qqIiCyG0XtSNm7cGB9//DFCQ0Oxf/9+LFu2DABw9epV+HJ5HB0MvkRkNrdvA25uQN6JH2++Kc2k9feXry4iIgtldI/vokWLcPz4cYwcORKTJ09GtWrVAABbt25FixYtTF5gcacKvg4OgJ+fvLUQkRX56SdpAtvo0bq3MfQSEellsuXMMjMzYW9vDwcHB1PcndkU5XJmQgCensDDh0DVqsDly2Z9OCKyBRkZwNixwIoVmratW4Hu3eWriYjIxMyV14we6qBy7NgxnD9/HgBQp04dNOISOTru35dCL8BhDkRkAseOSTuw/beyDgAgPBxo21a2koiIihOjg+/du3cRERGB/fv3w8vLCwDw4MEDtG/fHt999x3KlClj6hqLLY7vJSKTyM0FPvsMmDIFyMmR2lxdgcWLgbfekvZDJyKiZzJ6jO+oUaOQnp6Os2fP4v79+7h//z5iYmKQlpaG0frGmtmwvME3MFC+OoioGEtIADp2BCZM0ITekBDgxAlpZzaGXiIigxnd47tr1y7s2bMHtWvXVrfVqVMHS5cuRadOnUxaXHHHHl8iei4XLwLNmgEPHkjXFQopAM+YATg6ylkZEVGxZHSPr1Kp1DuBzcHBQb2+L0ni4jSXGXyJyGjVqknBF5BWati3D5g9m6GXiKiQjA6+HTp0wLvvvotbt26p227evInIyEh07NjRpMUVd+zxJaLnYmcn7cT29tvAqVOcxEZE9JyMDr5ffPEF0tLSEBAQgKpVq6Jq1aqoUqUK0tLS8Pnnn5ujxmJLFXzd3AAfH3lrISILl5MDzJwJ/Pmndnv58tLSZd7e8tRFRGRFjB7j6+/vj+PHj2Pv3r3q5cxq166N0NBQkxdXnCmVwLVr0uUqVTj/hIieIi4O6NsXiI6Wdro5fRooVUruqoiIrI5RwXfz5s3YsWMHsrOz0bFjR4waNcpcdRV7t24B2dnSZQ5zICK9hAA2bABGjtQs+p2YKI3l5YYUREQmZ3DwXbZsGUaMGIHq1avDxcUF27dvx5UrVzBv3jxz1ldscXwvET1VSgowbBiwZYumLTAQ2LgRaN5cvrqIiKyYwWN8v/jiC0yfPh2xsbE4efIk1q1bhy+//NKctRVrDL5EVKCoKKBePe3QO3AgcPIkQy8RkRkZHHzj4uIwYMAA9fXevXsjJycHt2/fNkthxR2DLxHpyM4GJk4EOnQAbtyQ2ry8pAC8Zg3g7i5reURE1s7goQ5ZWVlwc3NTX7ezs4OjoyMeP35slsKKOwZfItJx4wbw+efS2F4AaNcOWL9eWqOXiIjMzqjJbVOnToWrq6v6enZ2NmbNmgVPT09124IFC0xXXTHG4EtEOgIDgcWLgeHDgVmzgLFjpbV6iYioSCiEUHU9PF27du2geMaaXAqFAn/mX4PSwqSlpcHT0xOpqanw8PAw2+NUqgQkJAClSwPJyWZ7GCKyZMnJgKur9KUiBHDlirQrGxER6WWuvGZwj29UVJTJHtTaZWdrhu+xt5fIRu3eLU1Ye/11YOlSTbtCwdBLRCQTfsZmBteva4bwMfgS2ZjMTCAyEujcWVqT98svgV9/lbsqIiJCIXZuo2fj+F4iG3XmDNCnj/SvSufOQEiIfDUREZEae3zNgMGXyMYoldKktSZNNKHXyQlYsgTYuRMoV07e+oiICAB7fM0ib/ANDJSvDiIqArdvA4MGSWN6VYKDgU2bgKAg+eoiIiIdDL5mwB5fIhsRGwu0aqW9dEtkJDB7NuDsLF9dRESkV6GGOvz999/o27cvXnjhBdy8eRMAsGHDBhw4cMCkxRVXcXHSvwqFtKwZEVmpatWAOnWky+XLS72+CxYw9BIRWSijg++2bdsQFhYGFxcXnDhxAllZWQCA1NRUzJ492+QFFkeqHl8/P2mYHxFZKXt7YMMGoF8/4PRpoFMnuSsiIqKnMDr4fvzxx1i+fDlWrVoFBwcHdXvLli1x/PhxkxZXHKWnaz715DAHIiuSmwt8+ilw6JB2e6VK0rbDPj7y1EVERAYzeoxvbGws2rRpo9Pu6emJBw8emKKmYo3je4msUEKC1Ku7f7/0g33yJGDGnR+JiMg8jO7xLVeuHC5fvqzTfuDAAQRyCQMGXyJrs2ULUK+eFHoBID4e+P13WUsiIqLCMTr4DhkyBO+++y4OHz4MhUKBW7duYePGjRg3bhyGDx9ujhqLFQZfIiuRliZtORwRAag+zfL3B/btA954Q87KiIiokIwe6jBhwgQolUp07NgRjx49Qps2beDk5IRx48Zh1KhR5qixWGHwJbIC0dFA376aJVoAKQAvWwZ4e8tXFxERPReFEEIU5sTs7GxcvnwZ6enpqFOnDkqWLGnq2swiLS0Nnp6eSE1NhYcZxuh16wbs2CFdvn5d6iAiomIiJweYNQv46CNpMhsAuLsDS5dKQVihkLc+IiIbYa68VugNLBwdHVFHtX4lqal6fB0cgAoV5K2FiIx05QowZ44m9LZoAXzzDT++ISKyEkYH3/bt20PxlF6PP//887kKKs6E0ATfypWlJT6JqBipWROYOxcYMwaYNg2YNAkowQ0uiYishdG/0Rs0aKB1/cmTJzh58iRiYmIwYMAAU9VVLN27J63jC7CDiKhYSEkBXF21d5oZNQro0AEICpKvLiIiMgujg+/ChQv1ts+YMQPpqtRnozixjagYiYqS1ubt1QuYN0/TrlAw9BIRWSmjlzMrSN++fbF69WpT3V2xxOBLVAxkZwMTJ0q9ujduAJ99BuzdK3dVRERUBEw2eC06OhrOzs6murtiicGXyMLFxgK9ewN5t1dv314a20tERFbP6OD7+uuva10XQuD27ds4evQopk6darLCiqO8wZeb2BFZECGAlSuByEjg8WOpzcFBWrps7FjAzmQffhERkQUzOvh6enpqXbezs0PNmjXx4YcfolOnTiYrrDhijy+RBUpKAgYP1iywDUg9vJs2AY0ayVcXEREVOaOCb25uLgYNGoTg4GB4c/ciHargW7IkULq0vLUQEaShDe3aAYmJmrbhw6Vxva6uspVFRETyMOrzPXt7e3Tq1AkPVPvWm8jSpUsREBAAZ2dnNGvWDEeOHDHovO+++w4KhQLh4eEmracwcnOB+HjpcpUq3OCJyCIEBmq2T/TxkXp9v/ySoZeIyEYZPbAtKCgIcXn3r39OmzdvxpgxYzB9+nQcP34c9evXR1hYGO7evfvU8+Lj4zFu3Di0bt3aZLU8j1u3gCdPpMsc5kBkIRwcgI0bgddfB86cAbp2lbsiIiKSkdHB9+OPP8a4cePwyy+/4Pbt20hLS9P6MtaCBQswZMgQDBo0CHXq1MHy5cvh6ur61KXRcnNz0adPH8ycOROBFjKLjON7iWSmVAJLlgAnTmi3V68ObNsGlCsnT11ERGQxDA6+H374ITIyMtClSxecOnUKr776KipWrAhvb294e3vDy8vL6HG/2dnZOHbsGEJDQzUF2dkhNDQU0dHRT62lbNmyeOutt575GFlZWc8dzg3B4Esko9u3gS5dgHfflZYre/RI7oqIiMgCGTy5bebMmRg2bBj27dtnsgdPTk5Gbm4ufH19tdp9fX1x4cIFveccOHAAX3/9NU6ePGnQY8yZMwczZ8583lKficGXSCY//SSt2pCcLF2/cAH47Tege3d56yIiIotjcPAVQgAA2rZta7ZinuXhw4fo168fVq1aBR8fH4POmThxIsaMGaO+npaWBn/VZBcTYvAlKmIZGdIavCtWaNrKlwfWrgVsfGlFIiLSz6jlzBQmXqrAx8cH9vb2uHPnjlb7nTt3UE7PeLwrV64gPj4eXfNMUFEqlQCAEiVKIDY2FlWrVtU6x8nJCU5OTiatWx8GX6IidOyYNKTh4kVNW3g4sGqVtHoDERGRHkYF3xo1ajwz/N6/f9/g+3N0dERISAj27t2rXpJMqVRi7969GDlypM7xtWrVwpkzZ7TapkyZgocPH2Lx4sVm6ck1lCr4+vhI6/gSkRnk5gLz5gFTpwI5OVKbqyuwaJE03IHrCBIR0VMYFXxnzpyps3Pb8xozZgwGDBiAxo0bo2nTpli0aBEyMjIwaNAgAED//v3h5+eHOXPmwNnZGUFBQVrne3l5AYBOe1HKygJu3pQus7eXyIwuXNAOvSEh0g5sNWrIWxcRERULRgXfXr16oWzZsiYtICIiAklJSZg2bRoSExPRoEED7Nq1Sz3h7fr167CzM3rVtSJ1/Trw3xBoBl8ic6pbF/joI2DSJGDCBGDGDMDRUe6qiIiomFAI1ay1Z7C3t8ft27dNHnyLWlpaGjw9PZGamgoPDw+T3OfvvwNhYdLl8eOBTz4xyd0S0cOHgIsLUCLP3+i5udJavY0by1cXERGZlTnyGmDEOr4G5mObxIltRGYQHQ00aAB8/LF2u709Qy8RERWKwcFXqVQW+95ec2HwJTKhnBxg5kygdWsgLk4a2nDokNxVERGRFTBqjC/px+BLZCJxcUDfvlJvr0rz5tL6vERERM/JsmeNFROq4KtQAJUry1sLUbEkBLB+vTS0QRV67e2lnt/9+/kXJRERmQR7fE1AFXwrVuQEcyKjpaQAw4cDmzdr2gIDgY0bpd5eIiIiE2HwfU4PHwLJydJldkoRGSk2FnjxRSAhQdM2cCCwZAng7i5bWUREZJ041OE5cXwv0XOoXBn4bxMaeHsDW7YAa9Yw9BIRkVkw+D4nBl+i5+DsLO281qULcPo00KOH3BUREZEVY/B9Tgy+RAYSAli5Ejh3Trs9KAj49VdpkDwREZEZMfg+JwZfIgMkJQHh4cDQoUDv3kBWltwVERGRDWLwfU4MvkTPsHs3UK8esGOHdP3UKeCXX+StiYiIbBKD73NSBV9HR6BCBXlrIbIomZnAe+8BnTsDiYlSm4+PFIC7d5e1NCIisk1czuw5CKEJvpUrA3b8M4JIcuaMNKQhJkbTFhYGrF0LlCsnW1lERGTbGNWeQ3IykJEhXeYwByIASiWweDHQpIkm9Do5SW07dzL0EhGRrNjj+xw4vpconzNngDFjpAAMAMHB0nJlQUHy1kVERAT2+D4XBl+ifOrXByZNki5HRgJHjjD0EhGRxWCP73Ng8CWb9+iRtAlF3gHu06YBnToBrVvLVxcREZEe7PF9Dgy+ZNOOHQMaNgTmz9dud3Bg6CUiIovE4PscGHzJJuXmAp9+CjRvDly8CEyeDBw/LndVREREz8ShDs9BFXxLlgRKl5a3FqIikZAA9OsH7N+vaatXT/ohICIisnDs8S2k3Fzg2jXpcmAgoFDIWw+R2W3ZIoVcVehVKICJE4FDh4AaNeStjYiIyADs8S2kW7eAJ0+kyxzmQFYtLQ0YPRpYt07T5u8PbNgAtG0rX11ERERGYvAtJI7vJZsQGwt06QLExWnaIiKA5csBLy/ZyiIiIioMDnUopLw5gMGXrFbFikCJ//4+dncH1q8Hvv2WoZeIiIolBt9CYo8v2QQ3N2nntXbtgFOnpIltHNBORETFFINvITH4ktURQurRvXJFuz0kBPjzT77RiYio2GPwLaS8wTcgQLYyiEwjJQXo1QsYMADo00czc1OFvbxERGQFGHwLSRV8y5ThEqZUzEVFScuUbdkiXT98GPjlF1lLIiIiMgcG30LIypKWMwP46S8VY9nZwIQJQIcOwI0bUpu3N/D998Brr8lbGxERkRlwObNCuHZNGg4JMPhSMRUbC/Turb3VcPv20hjfihXlq4uIiMiM2ONbCJzYRsWWEMCKFUDDhprQ6+AAzJ0L7NnD0EtERFaNPb6FwOBLxdaJE8CwYZrrNWtKy5U1aiRfTUREREWEPb6FwOBLxVajRsCYMdLl4cOlXl+GXiIishHs8S0EBl8qNrKyAEdH7eXIZs8GOncGXnxRvrqIiIhkwB7fQlAFX4UCqFRJ3lqICnTmDNC4MbBsmXa7kxNDLxER2SQG30JQBd+KFaXONCKLolQCixcDTZoAMTHA2LHAuXNyV0VERCQ7DnUw0sOHwL170uXAQHlrIdJx+zYwaBCwe7emrXp1+eohIiKyIOzxNRLH95LF+uknaQe2vKE3MhI4cgSoU0e+uoiIiCwEe3yNxOBLFicjQxrOsGKFpq18eWDtWqBTJ9nKIiIisjQMvkZi8CWLcvEi0LWr9K9KeDiwahXg4yNbWURERJaIQx2MFBenuczgS7Lz9QWys6XLrq5S4N2+naGXiIhIDwZfI7HHlyyKpyfwzTdAs2bSrmyDB2uv2UtERERqDL5GUgVfJydpGCVRkfr+eyAhQbutZUsgOhqoUUOemoiIiIoJBl8jCKEJvpUrA3Z89aiopKUBAwcCPXsC/fsDubnat7OXl4iI6JkY3YyQlAQ8eiRd5jAHKjLR0UDDhsC6ddL1qCjgl19kLYmIiKg4YvA1Asf3UpHKyQFmzgRat9bMqnR3B9avB159Vd7aiIiIiiEuZ2YEBl8qMnFxQN++Um+vSosW0kQ2vvmIiIgKhT2+RmDwJbMTQurRbdBAE3rt7aWe3/37+cYjIiJ6DuzxNQKDL5nd0aPAgAGa64GBwMaNQPPm8tVERERkJdjjawQGXzK7Jk2AoUOlywMHAidPMvQSERGZCHt8jaAKvu7uQKlS8tZCVuLJE6BECe3lyObPB7p04QQ2IiIiE2OPr4Fyc4Hr16XLVapw2VQygdhYqTdXtUyZipsbQy8REZEZMPga6OZNqXMO4DAHek5CACtWSGvzHj8OjBoFXL4sd1VERERWj0MdDJR3fG9goHx1UDGXlAQMHgzs2KFp8/MDHj+WryYiIiIbwR5fA3FiGz233buBevW0Q++wYVKvb3CwfHURERHZCAZfAzH4UqFlZgKRkUDnzkBiotTm4yMF4GXLAFdXeesjIiKyERzqYCAGXyqUy5eB118HzpzRtHXuDKxZA5QrJ19dRERENog9vgaKi9NcDgiQrQwqbry9gXv3pMtOTsCSJcDOnQy9REREMmDwNZCqx7dsWWm1KSKDlC4NrF0L1K8v7co2ahTXwiMiIpIJg68BMjOBW7ekyxzmQE/188+acbwqL74IHDsGBAXJUxMREREBYPA1yLVrmssMvqRXRoa0QsOrrwL/+5+0Vm9e9vby1EVERERqDL4G4MQ2eqpjx4BGjaRNKQDgt9+AX36RtyYiIiLSweBrAAZf0is3F/j0U2nb4YsXpTZXV2DVKuCVV+StjYiIiHRwOTMDMPiSjoQEoF8/YP9+TVtICLBpE1Cjhnx1ERERUYHY42sABl/SsnmztAObKvQqFMDEicChQwy9REREFow9vgZQBV87O6BSJXlrIZn98w/Qq5fmur8/sGED0LatfDURERGRQdjjawBV8K1YEXBwkLcWklnz5tIQBwCIiABOnWLoJSIiKibY4/sMaWnA/fvSZQ5zsEFKpdTVn9cXXwAvvwz07MnNKIiIiIoR9vg+A8f32rC4OKBVK2DLFu12Dw+pt5ehl4iIqFhh8H2GvME3MFC+OqgICQGsXw80aABERwNDh0qrOBAREVGxxuD7DOzxtTEpKdLktQEDgIcPpbZSpYB79+Sti4iIiJ4bg+8zMPjakKgoaZmyvEMbBg4ETp6Uen+JiIioWGPwfQYGXxuQnQ1MmAB06ADcuCG1eXlJAXjNGsDdXdbyiIiIyDS4qsMzqIKvkxNQrpy8tZAZxMUBPXoAx49r2tq1k8b4+vvLVhYRERGZHnt8n0IITfANCNBd1YqsgIsLcP26dNnBAZg7F9i7l6GXiIjICjHKPcXdu8CjR9JlDnOwUuXLA19/DdSqJe3K9v77/AuHiIjISvF/+Kfg+F4rtGeP7goNr74KnD4NNGokT01ERERUJCwi+C5duhQBAQFwdnZGs2bNcOTIkQKPXbVqFVq3bg1vb294e3sjNDT0qcc/DwZfK5KZCURGAi++KK3LK4T27dyLmoiIyOrJHnw3b96MMWPGYPr06Th+/Djq16+PsLAw3L17V+/xUVFRePPNN7Fv3z5ER0fD398fnTp1ws2bN01eG4OvlThzBmjaFFi0SLq+bRuwa5esJREREVHRkz34LliwAEOGDMGgQYNQp04dLF++HK6urli9erXe4zdu3Ih33nkHDRo0QK1atfDVV19BqVRi7969Jq+NwbeYUyqBxYuBJk2k8AtIy3MsWQJ07ixvbURERFTkZF3OLDs7G8eOHcPEiRPVbXZ2dggNDUV0dLRB9/Ho0SM8efIEpUqV0nt7VlYWsrKy1NfT0tIMro/Btxi7fRsYNAjYvVvTFhwMbNoEBAXJVxcRERHJRtYe3+TkZOTm5sLX11er3dfXF4mJiQbdx/jx41GhQgWEhobqvX3OnDnw9PRUf/kbsUyVKvh6eADe3gafRnLbsUPagS1v6I2MBI4cYeglIiKyYbIPdXgen3zyCb777jv88MMPcHZ21nvMxIkTkZqaqv5KSEgw6L5zczXLu1apAigUpqqazOrgQaBbNyA5WbperpwUgBcsAAp4jxAREZFtkDX4+vj4wN7eHnfu3NFqv3PnDso9Y5u0zz77DJ988gl+//131KtXr8DjnJyc4OHhofVliBs3gJwc6TKHORQjLVoAr70mXe7WTRrb26mTvDURERGRRZA1+Do6OiIkJERrYppqotoLL7xQ4Hlz587FRx99hF27dqFx48ZmqY3je4uJ/MuSKRTAqlXAmjXADz8APj7y1EVEREQWR/ahDmPGjMGqVauwbt06nD9/HsOHD0dGRgYGDRoEAOjfv7/W5LdPP/0UU6dOxerVqxEQEIDExEQkJiYiPT3dpHUx+BYDCQlAhw7AL79ot5cuDQwcyPEpREREpEXWVR0AICIiAklJSZg2bRoSExPRoEED7Nq1Sz3h7fr167DLs4XssmXLkJ2djTfeeEPrfqZPn44ZM2aYrK68wTcw0GR3S6ayZYu0EcWDB8DZs9LOa88YHkNERES2TfbgCwAjR47EyJEj9d4WFRWldT0+Pt78BYE9vhYrLQ0YPRpYt07T5uwM3LrF4EtERERPJftQB0uVN/gGBMhWBuUVHQ00aKAdeiMigFOngEaNZCuLiIiIigcG3wKogq+vL+DqKm8tNi8nB5gxA2jdWvONcXcH1q8Hvv2WiywTERGRQSxiqIOlycyUPjkHOMxBdvHxQO/eUm+vSosWwDff8JtDRERERmGPrx55hxEzW8nMzg44d066bG8PzJwJ7N/PbwwREREZjcFXD05ssyCVKgHLl0tLaxw4AEybBpTgBxVERERkPAZfPRh8ZfT339LKDXn16iUtWda8uTw1ERERkVVg8NWDwVcG2dnAhAlA27bAqFG6tzs7F31NREREZFUYfPVg8C1isbHACy8An34qbUG8fj3w++9yV0VERERWhsFXD1XwtbMD/P3lrcWqCQGsWAE0bAgcPy61OTgAc+cCoaHy1kZERERWh7OE9FAFX39/KYeRGSQlAYMHAzt2aNpq1gQ2beJmFERERGQW7PHNJzUVSEmRLnOYg5ns3g3Uq6cdeocPl3p9GXqJiIjITNjjmw/H95rZ338DnTtrrvv4AKtXA127ylcTERER2QT2+ObD4GtmrVppgm/nzsCZMwy9REREVCTY45sPg6+ZKRTAmjXADz8Aw4ZJ14mIiIiKAHt888kbfAMD5avDKiQmAi+/DOzdq91erpw0ppehl4iIiIoQe3zzYY+viezYAbz1FpCcDJw6JX2VLi13VURERGTD2OObjyr4OjtLHZNkpIwMaQhDt25S6AUApRKIj5e1LCIiIiIG3zyE0OSzgAB+Em+0Y8eAkBBpUwqV8HDg9GmpnYiIiEhGDL553L0LPHokXeYwByPk5krbDTdvLm0/DACursCqVcD27dKSZUREREQy4xjfPDi+txBu3AD69QOiojRtISHSDmw1ashWFhEREVF+7PHNIy5Oc5nB10CPHwP//itdViiAiROBQ4cYeomIiMjiMPjmwR7fQqheHViyBPD3B/btA2bPBhwd5a6KiIiISAeDbx4MvgY4ckQzEFpl0CDg3DmgbVt5aiIiIiIyAINvHgy+T5GTA8ycCbRoAYwbp32bQgGULClPXUREREQGYvDNQxV8PT0Bb295a7EocXFAmzbAjBnSCg7LlknDGoiIiIiKEQbf/+TkANevS5fZ2/sfIYD164EGDYDoaKnN3l7q+W3dWtbSiIiIiIzF5cz+c+OG1JkJMPgCAFJSgOHDgc2bNW2BgcDGjdJ6vURERETFDIPvfzi+N4/9+6W1eRMSNG0DB0qrN7i7y1YWEVFRyc3NxZMnT+Qug8iqOTo6ws6uaAcfMPj+h8H3P/v3A+3bS8McAGmw84oVQI8e8tZFRFQEhBBITEzEgwcP5C6FyOrZ2dmhSpUqcCzCZVAZfP/D4PufVq2kiWyqALx+PVCxotxVEREVCVXoLVu2LFxdXaFQKOQuicgqKZVK3Lp1C7dv30alSpWK7GeNwfc/DL7/sbcHNmwAvv8eeO89oIg/giAikktubq469JYuXVrucoisXpkyZXDr1i3k5OTAwcGhSB6TqeY/eYNvQIBsZRStpCSge3fg4EHtdn9/YMwYhl4isimqMb2urq4yV0JkG1RDHHJVqwsUAfb4/kcVfMuVA2zid97u3dKEtcRE4Phx4NQpwMND7qqIiGTH4Q1ERUOOnzV26QF4/Bi4fVu6bPXDHDIzpSEMnTtLoRcA0tOBixdlLYuIiIjI3Bh8AVy7prls1cH3zBmgSRNg8WJNW+fOUnvjxvLVRUREJJPY2FiUK1cODx8+lLsUq5KdnY2AgAAcPXpU7lK0MPjCBia2KZVS2G3SBIiJkdqcnKR1eXfulMZ3EBFRsTVw4EAoFAooFAo4ODigSpUq+OCDD5CZmalz7C+//IK2bdvC3d0drq6uaNKkCdauXav3frdt24Z27drB09MTJUuWRL169fDhhx/i/v37Zn5GRWfixIkYNWoU3K14nfqlS5ciICAAzs7OaNasGY4cOfLMcxYtWoSaNWvCxcUF/v7+iIyM1Ho/zZgxQ/2eU33VqlVLfbujoyPGjRuH8ePHm+U5FRaDL6w8+N6+DXTpIg1vyMqS2oKDgaNHgVGjAI5lIyKyCp07d8bt27cRFxeHhQsXYsWKFZg+fbrWMZ9//jm6deuGli1b4vDhwzh9+jR69eqFYcOGYdy4cVrHTp48GREREWjSpAl+++03xMTEYP78+Th16hQ2bNhQZM8rOzvbbPd9/fp1/PLLLxg4cOBz3Y85a3xemzdvxpgxYzB9+nQcP34c9evXR1hYGO7evVvgOZs2bcKECRMwffp0nD9/Hl9//TU2b96MSZMmaR1Xt25d3L59W/114MABrdv79OmDAwcO4OzZs2Z5boUibExqaqoAIFJTU9VtY8cKIe3YIMTevTIWZw4xMUI4OWmeYGSkEI8fy10VEZHFefz4sTh37px4XAx/Rw4YMEB069ZNq+31118XDRs2VF+/fv26cHBwEGPGjNE5f8mSJQKA+Oeff4QQQhw+fFgAEIsWLdL7eCkpKQXWkpCQIHr16iW8vb2Fq6urCAkJUd+vvjrfffdd0bZtW/X1tm3bihEjRoh3331XlC5dWrRr1068+eabomfPnlrnZWdni9KlS4t169YJIYTIzc0Vs2fPFgEBAcLZ2VnUq1dPfP/99wXWKYQQ8+bNE40bN9ZqS05OFr169RIVKlQQLi4uIigoSGzatEnrGH01CiHEmTNnROfOnYWbm5soW7as6Nu3r0hKSlKf99tvv4mWLVsKT09PUapUKfHyyy+Ly5cvP7XG59W0aVMxYsQI9fXc3FxRoUIFMWfOnALPGTFihOjQoYNW25gxY0TLli3V16dPny7q16//zMdv3769mDJlit7bnvYzpy+vmQJ7fGHlPb516wLz5knDGXbvBhYsAJyd5a6KiKjYaNxY2senqL+eZ+pFTEwMDh06pLUj1tatW/HkyROdnl0AGDp0KEqWLIlvv/0WALBx40aULFkS77zzjt779/Ly0tuenp6Otm3b4ubNm9ixYwdOnTqFDz74AEql0qj6161bB0dHRxw8eBDLly9Hnz598PPPPyM9PV19zO7du/Ho0SO89tprAIA5c+Zg/fr1WL58Oc6ePYvIyEj07dsX+/fvL/Bx/v77bzTO90JnZmYiJCQEv/76K2JiYvD222+jX79+OsMD8tf44MEDdOjQAQ0bNsTRo0exa9cu3LlzBz179lSfk5GRgTFjxuDo0aPYu3cv7Ozs8Nprrz319Zk9ezZKliz51K/r16/rPTc7OxvHjh1DaGious3Ozg6hoaGIjo4u8DFbtGiBY8eOqZ9zXFwcdu7ciS5dumgdd+nSJVSoUAGBgYHo06eP3jqaNm2Kv//+u8DHKmpczgya4GtvLy1hW6ydOgXUqiWN4VUZORLo21fafpiIiIySmAjcvCl3Fc/2yy+/oGTJksjJyUFWVhbs7OzwxRdfqG+/ePEiPD09Ub58eZ1zHR0dERgYiIv/rfBz6dIlBAYGGr2pwKZNm5CUlIR///0XpUqVAgBUq1bN6OdSvXp1zJ07V329atWqcHNzww8//IB+/fqpH+vVV1+Fu7s7srKyMHv2bOzZswcvvPACACAwMBAHDhzAihUr0LZtW72Pc+3aNZ3g6+fnp/XHwahRo7B7925s2bIFTZs2LbDGjz/+GA0bNsTs2bPVbatXr4a/vz8uXryIGjVqoHv37lqPtXr1apQpUwbnzp1DUFCQ3hqHDRumFZ71qVChgt725ORk5ObmwtfXV6vd19cXFy5cKPD+evfujeTkZLRq1QpCCOTk5GDYsGFaQx2aNWuGtWvXombNmrh9+zZmzpyJ1q1bIyYmRmu8dIUKFXAt7yoCMmPwhSb4+vsDJYrrK5KbC3z2GTBlCvDuu9JlFYWCoZeIqJDkmv9r7OO2b98ey5YtQ0ZGBhYuXIgSJUroBC1DCSEKdd7JkyfRsGFDdegtrJCQEK3rJUqUQM+ePbFx40b069cPGRkZ+Omnn/Ddd98BAC5fvoxHjx7hxRdf1DovOzsbDRs2LPBxHj9+DOd8n4Lm5uZi9uzZ2LJlC27evIns7GxkZWXpbGySv8ZTp05h3759KFmypM7jXLlyBTVq1MClS5cwbdo0HD58GMnJyeqe3uvXrxcYfEuVKvXcr6exoqKiMHv2bHz55Zdo1qwZLl++jHfffRcfffQRpk6dCgB46aWX1MfXq1cPzZo1Q+XKlbFlyxa89dZb6ttcXFzw6NGjIq3/aYprzDOZBw+kL6AYD3NISAD69QNUH+fMnw+EhwOtWslaFhGRNbCw1ZgK5Obmpu5dXb16NerXr4+vv/5aHUJq1KiB1NRU3Lp1S6eHMDs7G1euXEH79u3Vxx44cABPnjwxqtfXxcXlqbfb2dnphGrVjnn5n0t+ffr0Qdu2bXH37l388ccfcHFxQefOnQFAPQTi119/hZ+fn9Z5Tnk/Ac3Hx8cHKSkpWm3z5s3D4sWLsWjRIgQHB8PNzQ3vvfeezgS2/DWmp6eja9eu+PTTT3UeR9XL3rVrV1SuXBmrVq1ChQoVoFQqERQU9NTJcbNnz9bqRdbn3LlzqFSpkt7nZ29vjzt37mi137lzB+We8pfV1KlT0a9fPwwePBgAEBwcjIyMDLz99tuYPHky7PTs7Orl5YUaNWrg8uXLWu33799HmTJlnlp/UbL5Mb7Ffnzvli1AvXqa0KtQABMnAnk+jiEiIttiZ2eHSZMmYcqUKXj8+DEAoHv37nBwcMD8+fN1jl++fDkyMjLw5ptvApA+6k5PT8eXX36p9/4fqHqM8qlXrx5OnjxZ4HJnZcqUwW3VjlH/OXnypEHPqUWLFvD398fmzZuxceNG9OjRQx3K69SpAycnJ1y/fh3VqlXT+vJ/yhjGhg0b4ty5c1ptBw8eRLdu3dC3b1/Ur19fawjI0zRq1Ahnz55FQECATg1ubm64d+8eYmNjMWXKFHTs2BG1a9fWCd36DBs2DCdPnnzqV0FDHRwdHRESEoK9e/eq25RKJfbu3aseEqLPo0ePdMKtvb09gII/DUhPT8eVK1d0htLExMQ8tde9yJl0qlwxkH+W4LZtmgUPPvpI5uKMkZoqxIABmuIBIfz9hYiKkrsyIqJiydpWdXjy5Inw8/MT8+bNU7ctXLhQ2NnZiUmTJonz58+Ly5cvi/nz5wsnJycxduxYrfM/+OADYW9vL95//31x6NAhER8fL/bs2SPeeOONAld7yMrKEjVq1BCtW7cWBw4cEFeuXBFbt24Vhw4dEkIIsWvXLqFQKMS6devExYsXxbRp04SHh4fOqg7vvvuu3vufPHmyqFOnjihRooT4+++/dW4rXbq0WLt2rbh8+bI4duyYWLJkiVi7dm2Br9uOHTtE2bJlRU5OjrotMjJS+Pv7i4MHD4pz586JwYMHCw8PD63XV1+NN2/eFGXKlBFvvPGGOHLkiLh8+bLYtWuXGDhwoMjJyRG5ubmidOnSom/fvuLSpUti7969okmTJgKA+OGHHwqs8Xl99913wsnJSaxdu1acO3dOvP3228LLy0skJiaqj+nXr5+YMGGC+vr06dOFu7u7+Pbbb0VcXJz4/fffRdWqVbVW1hg7dqyIiooSV69eFQcPHhShoaHCx8dH3L17V+vxK1euLNavX6+3NjlWdbD54PvZZ5rc+M03MhdnqEOHhAgM1A69ERFC3L8vd2VERMWWtQVfIYSYM2eOKFOmjEhPT1e3/fTTT6J169bCzc1NODs7i5CQELF69Wq997t582bRpk0b4e7uLtzc3ES9evXEhx9++NTlzOLj40X37t2Fh4eHcHV1FY0bNxaHDx9W3z5t2jTh6+srPD09RWRkpBg5cqTBwffcuXMCgKhcubJQKpVatymVSrFo0SJRs2ZN4eDgIMqUKSPCwsLE/v37C6z1yZMnokKFCmLXrl3qtnv37olu3bqJkiVLirJly4opU6aI/v37PzP4CiHExYsXxWuvvSa8vLyEi4uLqFWrlnjvvffUtf7xxx+idu3awsnJSdSrV09ERUWZPfgKIcTnn38uKlWqJBwdHUXTpk3Vy8vlfT4DBgxQX3/y5ImYMWOGqFq1qnB2dhb+/v7inXfe0fq+R0REiPLlywtHR0fh5+cnIiIidJZmO3TokPDy8hKPHj3SW5ccwVchRCFHsBdTaWlp8PT0RGpqKjw8PDByJLB0qXTbwYNAixby1vdMUVFAaKg0mQ0A3N2lJ9C3LzejICJ6DpmZmbh69SqqVKmiM+GJrNfSpUuxY8cO7N69W+5SrE5ERATq16+vs/GFytN+5vLnNVOx+cltxW6Mb8uWQEgIcOSIlNK/+aaYFE5ERGR5hg4digcPHuDhw4dWvW1xUcvOzkZwcDAiIyPlLkULg+9/wdfZWb4la4zi4ABs3Ahs3gyMH1+M118jIiKSX4kSJTB58mS5y7A6jo6OmDJlitxl6LDpVR2EAOLjpctVqljgSIGUFKBPH+DYMe32atWAyZMZeomIiIiMYNPJ6c4d4L9VXixvtEBUlLQ2740bUvA9fhzIt3g2ERERERnOpnt8LXJ8b3Y2MGEC0KGDFHoB4O5d4OxZeesiIiIiKuZsusfX4oJvbCzQu7fUu6vSvj2wfj1QsaJ8dRERERFZAfb4/kfW4CsEsGIF0LChJvQ6OABz5wJ79jD0EhEREZkAe3z/I1vwTUoCBg8GduzQtNWsCWzaBDRqJFNRRERERNbHpnt84+I0l2ULvgkJwM6dmuvDh0u9vgy9RERERCZl08FX1ePr5SV9yaJRI+DjjwEfH6nX98svuXoDEREVKwqFAj/++KPcZVisGTNmoEGDBnKXQbDh4JuTI3W2AkXc23vhAvDkiXbbuHHSqg1duxZhIUREZC0GDhwIhUIBhUIBBwcHVKlSBR988AEyMzPlLs3sEhMT8e6776JatWpwdnaGr68vWrZsiWXLluHRo0dylwcAGDduHPbu3St3GQQbHuN74waQmytdLpLgq1QCn38u7bY2fjwwc6bmNnt7oGzZIiiCiIisVefOnbFmzRo8efIEx44dw4ABA6BQKPDpp5/KXZrZxMXFoWXLlvDy8sLs2bMRHBwMJycnnDlzBitXroSfnx9effVVuctEyZIlUbJkSbnLINhwj++1a5rLZg++t28DXboA770HZGVJQxuOHDHzgxIRkS1xcnJCuXLl4O/vj/DwcISGhuKPP/5Q337v3j28+eab8PPzg6urK4KDg/Htt99q3Ue7du0wevRofPDBByhVqhTKlSuHGTNmaB1z6dIltGnTBs7OzqhTp47WY6icOXMGHTp0gIuLC0qXLo23334b6enp6tsHDhyI8PBwzJ49G76+vvDy8sKHH36InJwcvP/++yhVqhQqVqyINWvWPPU5v/POOyhRogSOHj2Knj17onbt2ggMDES3bt3w66+/out/n6TGx8dDoVDg5MmT6nMfPHgAhUKBqKgodVtMTAxeeukllCxZEr6+vujXrx+Sk5PVt2/duhXBwcHq5xUaGoqMjAwAQFRUFJo2bQo3Nzd4eXmhZcuWuPZf2Mg/1EH1/D/77DOUL18epUuXxogRI/AkzyfCt2/fxssvvwwXFxdUqVIFmzZtQkBAABYtWvTU14SejsEXZg6+P/0E1KsH7N6taRs9WmojIqLiYcECaWnJZ33p61189VXDzl2wwGTlxsTE4NChQ3B0dFS3ZWZmIiQkBL/++itiYmLw9ttvo1+/fjiSryNm3bp1cHNzw+HDhzF37lx8+OGH6nCrVCrx+uuvw9HREYcPH8by5csxfvx4rfMzMjIQFhYGb29v/Pvvv/j++++xZ88ejBw5Uuu4P//8E7du3cJff/2FBQsWYPr06XjllVfg7e2Nw4cPY9iwYRg6dChuqDZzyufevXv4/fffMWLECLi5uek9RqFQGPyaPXjwAB06dEDDhg1x9OhR7Nq1C3fu3EHPnj0BSEH0zTffxP/+9z+cP38eUVFReP311yGEQE5ODsLDw9G2bVucPn0a0dHRePvtt5/6+Pv27cOVK1ewb98+rFu3DmvXrsXatWvVt/fv3x+3bt1CVFQUtm3bhpUrV+Lu3bsGPx8qgLAxqampAoAYNy5VSAvoCvHrr2Z4oPR0IYYOFeoHAYQoV06I3bvN8GBERPS8Hj9+LM6dOyceP36se+P06dq/zwv6at5c99zmzQ07d/r0Qtc+YMAAYW9vL9zc3ISTk5MAIOzs7MTWrVufet7LL78sxo4dq77etm1b0apVK61jmjRpIsaPHy+EEGL37t2iRIkS4ubNm+rbf/vtNwFA/PDDD0IIIVauXCm8vb1Fenq6+phff/1V2NnZicTERHW9lStXFrm5uepjatasKVq3bq2+npOTI9zc3MS3336rt/Z//vlHABDbt2/Xai9durRwc3MTbm5u4oMPPhBCCHH16lUBQJw4cUJ9XEpKigAg9u3bJ4QQ4qOPPhKdOnXSuq+EhAQBQMTGxopjx44JACI+Pl6nlnv37gkAIioqSm+t06dPF/Xr11dfVz3/nJwcdVuPHj1ERESEEEKI8+fPCwDi33//Vd9+6dIlAUAsXLhQ72MUR0/7mVPltdTUVJM+ps2O8TVrj++xY9IObBcvatq6dQO++kpavYGIiIoXDw/Az+/Zx5Upo7/NkHM9PIyvK4/27dtj2bJlyMjIwMKFC1GiRAl0795dfXtubi5mz56NLVu24ObNm8jOzkZWVhZc860kVC/fJ5Lly5dX9zSeP38e/v7+qFChgvr2F154Qev48+fPo379+lq9sC1btoRSqURsbCx8fX0BAHXr1oWdneaDZ19fXwQFBamv29vbo3Tp0kb3ch45cgRKpRJ9+vRBVlaWweedOnUK+/bt0zsW98qVK+jUqRM6duyI4OBghIWFoVOnTnjjjTfg7e2NUqVKYeDAgQgLC8OLL76I0NBQ9OzZE+XLly/w8erWrQt7e3v19fLly+PMmTMAgNjYWJQoUQKN8ixtWq1aNXh7exv8fEg/mw2+8fGaywEBJrzjP/8EwsKkZSMAaWmyRYukTSqM+MiFiIgsyJgx0ldh5N2gyIzc3NxQrVo1AMDq1atRv359fP3113jrrbcAAPPmzcPixYuxaNEiBAcHw83NDe+99x6ys7O17sfBwUHrukKhgFKpNHm9+h7HmMeuVq0aFAoFYmNjtdoDAwMBAC4uLuo2VcAWQqjbnuRbYSk9PR1du3bVOxmwfPnysLe3xx9//IFDhw7h999/x+eff47Jkyfj8OHDqFKlCtasWYPRo0dj165d2Lx5M6ZMmYI//vgDzZs3N/j5m+N1Jm02P8a3XDkgz8/G82vZEqhTR7ocEgKcOAEMGcLQS0RERcbOzg6TJk3ClClT8PjxYwDAwYMH0a1bN/Tt2xf169dHYGAgLub9ZNIAtWvXRkJCAm7fvq1u++eff3SOOXXqlHrSl+qx7ezsULNmzed4VtpKly6NF198EV988YXWY+lT5r+e+Lx1553oBgCNGjXC2bNnERAQgGrVqml9qXqvFQoFWrZsiZkzZ+LEiRNwdHTEDz/8oL6Phg0bYuLEiTh06BCCgoKwadOmQj23mjVrIicnBydOnFC3Xb58GSkpKYW6P9Kw2eCr+uTkvz8MTcfJSdpuePJk4NAhoEYNEz8AERHRs/Xo0QP29vZYunQpAKB69erqHsvz589j6NChuHPnjlH3GRoaiho1amDAgAE4deoU/v77b0yePFnrmD59+sDZ2RkDBgxATEwM9u3bh1GjRqFfv37qYQ6m8uWXXyInJweNGzfG5s2bcf78ecTGxuKbb77BhQsX1EMJXFxc0Lx5c3zyySc4f/489u/fjylTpmjd14gRI3D//n28+eab+Pfff3HlyhXs3r0bgwYNQm5uLg4fPozZs2fj6NGjuH79OrZv346kpCTUrl0bV69excSJExEdHY1r167h999/x6VLl1C7du1CPa9atWohNDQUb7/9No4cOYITJ07g7bffhouLi1ET9kiXzQZfleca35uWJvXmnj2r3V63rrRkWZ7ZtEREREWpRIkSGDlyJObOnYuMjAxMmTIFjRo1QlhYGNq1a4dy5cohPDzcqPu0s7PDDz/8gMePH6Np06YYPHgwZs2apXWMq6srdu/ejfv376NJkyZ444030LFjR3zxxRcmfHaSqlWr4sSJEwgNDcXEiRNRv359NG7cGJ9//jnGjRuHjz76SH3s6tWrkZOTg5CQELz33nv4+OOPte6rQoUKOHjwIHJzc9GpUycEBwfjvffeg5eXF+zs7ODh4YG//voLXbp0QY0aNTBlyhTMnz8fL730ElxdXXHhwgV0794dNWrUwNtvv40RI0Zg6NChhX5u69evh6+vL9q0aYPXXnsNQ4YMgbu7O5ydnQt9nwQoRN4BLzYgLS0Nnp6eAFIBeGDKFCDPz4XhoqOBvn2BuDhpabIjR6TeXiIiKpYyMzNx9epVVKlSheGCLM6NGzfg7++PPXv2oGPHjnKXYxJP+5lT5bXU1FR4POfEz7xsdnKbitE9vjk5wKxZUlpWbf129Spw+jTQpInJ6yMiIiLb8+effyI9PR3BwcG4ffs2PvjgAwQEBKBNmzZyl1asMfgaE3zj4qRe3uhoTVuLFsA33xTRvsdERERkC548eYJJkyYhLi4O7u7uaNGiBTZu3KizGgQZh8HXkLwqBLBhAzByJPDwodRmbw9MmwZMmgSUsPmXkYiIiEwoLCwMYWFhcpdhdWw6sdnbS7tEPlVKCjB8OLB5s6YtMBDYuBEoYG0+IiIiIrI8Nr2qQ6VKBnTWnj8PfP+95vrAgcDJkwy9RERWysbmfBPJRo6fNZsOvgYNc2jRQlqT18sL2LIFWLMGcHc3d2lERFTEVGMnHz16JHMlRLZBtWtg3q2bzc2mhzroDb5Xr0pdwXm/CVOnAkOHGrbXOhERFUv29vbw8vLC3f92OHJ1deVmAURmolQqkZSUBFdXV5QowrlSDL4qQgArVwKRkcD06cD48ZrbHBwYeomIbEC5cuUAQB1+ich87OzsUKlSpSL9A5PBFwCSkoDBg4EdO6TrU6YAnToBDRvKVhsRERU9hUKB8uXLo2zZsnjy5Inc5RBZNUdHR9jZFe2oWwbf3bulCWuJiZobBg8GataUqywiIpKZvb19kY47JKKiYRGT25YuXYqAgAA4OzujWbNmOHLkyFOP//7771GrVi04OzsjODgYO3fuNPoxHZGJeqvfAzp31oReHx+p13fZMsDVtRDPhIiIiIgslezBd/PmzRgzZgymT5+O48ePo379+ggLCytwfNWhQ4fw5ptv4q233sKJEycQHh6O8PBwxMTEGPW4+9EObl8t1jR07gycOQN07fo8T4eIiIiILJRCyLxgYbNmzdCkSRN88cUXAKRZfv7+/hg1ahQmTJigc3xERAQyMjLwyy+/qNuaN2+OBg0aYPny5c98vLS0NHh6eiIVgAcAODkB8+ZJu7Jx9i4RERGR7NR5LTUVHh4eJrtfWcf4Zmdn49ixY5g4caK6zc7ODqGhoYiOjtZ7TnR0NMaMGaPVFhYWhh9//FHv8VlZWcjKylJfT01NBQCkAUCdOsDXX0v/qrYiJiIiIiJZpaWlATD9JheyBt/k5GTk5ubC19dXq93X1xcXLlzQe05iYqLe4xPzTk7LY86cOZg5c6ZOuz8AnDsHvPBCoWonIiIiIvO6d+8ePD09TXZ/Vr+qw8SJE7V6iB88eIDKlSvj+vXrJn0hyTKlpaXB398fCQkJJv2ohCwTv9+2hd9v28Lvt21JTU1FpUqVUKpUKZPer6zB18fHB/b29rhz545W+507d9SLiOdXrlw5o453cnKCk5OTTrunpyd/cGyIh4cHv982hN9v28Lvt23h99u2mHqdX1lXdXB0dERISAj27t2rblMqldi7dy9eKGAIwgsvvKB1PAD88ccfBR5PRERERARYwFCHMWPGYMCAAWjcuDGaNm2KRYsWISMjA4MGDQIA9O/fH35+fpgzZw4A4N1330Xbtm0xf/58vPzyy/juu+9w9OhRrFy5Us6nQUREREQWTvbgGxERgaSkJEybNg2JiYlo0KABdu3apZ7Adv36da1u7hYtWmDTpk2YMmUKJk2ahOrVq+PHH39EUFCQQY/n5OSE6dOn6x3+QNaH32/bwu+3beH327bw+21bzPX9ln0dXyIiIiKioiD7zm1EREREREWBwZeIiIiIbAKDLxERERHZBAZfIiIiIrIJVhl8ly5dioCAADg7O6NZs2Y4cuTIU4///vvvUatWLTg7OyM4OBg7d+4sokrJFIz5fq9atQqtW7eGt7c3vL29ERoa+sz3B1kWY3++Vb777jsoFAqEh4ebt0AyKWO/3w8ePMCIESNQvnx5ODk5oUaNGvydXowY+/1etGgRatasCRcXF/j7+yMyMhKZmZlFVC09j7/++gtdu3ZFhQoVoFAo8OOPPz7znKioKDRq1AhOTk6oVq0a1q5da/wDCyvz3XffCUdHR7F69Wpx9uxZMWTIEOHl5SXu3Lmj9/iDBw8Ke3t7MXfuXHHu3DkxZcoU4eDgIM6cOVPElVNhGPv97t27t1i6dKk4ceKEOH/+vBg4cKDw9PQUN27cKOLKqTCM/X6rXL16Vfj5+YnWrVuLbt26FU2x9NyM/X5nZWWJxo0biy5duogDBw6Iq1eviqioKHHy5MkirpwKw9jv98aNG4WTk5PYuHGjuHr1qti9e7coX768iIyMLOLKqTB27twpJk+eLLb/v717j2nqfOMA/qXFQsWiYYrQgRdQmPEy5aIDNE7GBs4LExU2CaKiOAExMi/EG6A/EJ1i1HidE5wjghqdRBQUlQ3QbYpcFsEiAuoiuKiLiMJK2+f3x0KzymW2cnH0+STnj/Oe933Pc/qk4enLOe2pUwSATp8+3Wb/iooK6tmzJ0VERFBJSQnt3r2bhEIhZWRkaHXeblf4jh07lkJDQ9X7SqWSpFIpbd68ucX+vr6+NGXKFI22cePG0eLFizs0TtY+tM33qxQKBUkkEjpy5EhHhcjakS75VigU5OrqSocOHaLAwEAufP9DtM33vn37yMbGhuRyeWeFyNqRtvkODQ0ld3d3jbaIiAhyc3Pr0DhZ+3udwnfVqlU0fPhwjTY/Pz/y9PTU6lzd6lYHuVyO/Px8eHh4qNsEAgE8PDxw7dq1Fsdcu3ZNoz8AeHp6ttqfvT10yferXr58icbGRpiZmXVUmKyd6JrvjRs3wtzcHEFBQZ0RJmsnuuQ7LS0NLi4uCA0NRf/+/TFixAjExcVBqVR2VthMR7rk29XVFfn5+erbISoqKnDu3Dl8+umnnRIz61ztVa91+S+3tafHjx9DqVSqf/WtSf/+/XH79u0Wx9TU1LTYv6ampsPiZO1Dl3y/avXq1ZBKpc3eTOzto0u+c3Nz8e2336KwsLATImTtSZd8V1RU4PLly/D398e5c+dQXl6OkJAQNDY2IioqqjPCZjrSJd9z5szB48ePMX78eBARFAoFvvzyS6xZs6YzQmadrLV6rba2FvX19RCLxa81T7da8WVMG/Hx8UhJScHp06dhbGzc1eGwdvb8+XMEBATgm2++Qd++fbs6HNYJVCoVzM3NcfDgQTg6OsLPzw9r167F/v37uzo01gGys7MRFxeHvXv34ubNmzh16hTS09OxadOmrg6NvcW61Ypv3759IRQK8ejRI432R48ewcLCosUxFhYWWvVnbw9d8t1k27ZtiI+PR1ZWFkaNGtWRYbJ2om2+7969i6qqKkybNk3dplKpAACGhoaQyWSwtbXt2KCZznR5f1taWqJHjx4QCoXqtmHDhqGmpgZyuRwikahDY2a60yXf69evR0BAABYuXAgAGDlyJF68eIHg4GCsXbsWAgGv7XUnrdVrpqamr73aC3SzFV+RSARHR0dcunRJ3aZSqXDp0iW4uLi0OMbFxUWjPwBcvHix1f7s7aFLvgFg69at2LRpEzIyMuDk5NQZobJ2oG2+33vvPfz2228oLCxUb9OnT8ekSZNQWFgIa2vrzgyfaUmX97ebmxvKy8vVH3AAoKysDJaWllz0vuV0yffLly+bFbdNH3r+fl6KdSftVq9p99zd2y8lJYWMjIwoKSmJSkpKKDg4mPr06UM1NTVERBQQEECRkZHq/nl5eWRoaEjbtm2j0tJSioqK4q8z+w/RNt/x8fEkEono5MmTVF1drd6eP3/eVZfAtKBtvl/F3+rw36Jtvu/fv08SiYTCwsJIJpPR2bNnydzcnP73v/911SUwLWib76ioKJJIJHTs2DGqqKigCxcukK2tLfn6+nbVJTAtPH/+nAoKCqigoIAAUEJCAhUUFNC9e/eIiCgyMpICAgLU/Zu+zmzlypVUWlpKe/bs4a8za7J7924aMGAAiUQiGjt2LP3888/qYxMnTqTAwECN/sePHyc7OzsSiUQ0fPhwSk9P7+SI2ZvQJt8DBw4kAM22qKiozg+c6UTb9/c/ceH736Ntvq9evUrjxo0jIyMjsrGxodjYWFIoFJ0cNdOVNvlubGyk6OhosrW1JWNjY7K2tqaQkBD6888/Oz9wprUrV660+Pe4KceBgYE0ceLEZmNGjx5NIpGIbGxsKDExUevzGhDx/wMYY4wxxlj3163u8WWMMcYYY6w1XPgyxhhjjDG9wIUvY4wxxhjTC1z4MsYYY4wxvcCFL2OMMcYY0wtc+DLGGGOMMb3AhS9jjDHGGNMLXPgyxhhjjDG9wIUvY4wBSEpKQp8+fbo6DJ0ZGBjghx9+aLPPvHnz8Nlnn3VKPIwx9jbiwpcx1m3MmzcPBgYGzbby8vKuDg1JSUnqeAQCAaysrDB//nz88ccf7TJ/dXU1Jk+eDACoqqqCgYEBCgsLNfrs3LkTSUlJ7XK+1kRHR6uvUygUwtraGsHBwXj69KlW83CRzhjrCIZdHQBjjLUnLy8vJCYmarT169evi6LRZGpqCplMBpVKhaKiIsyfPx8PHz5EZmbmG89tYWHxr3169+79xud5HcOHD0dWVhaUSiVKS0uxYMECPHv2DKmpqZ1yfsYYaw2v+DLGuhUjIyNYWFhobEKhEAkJCRg5ciRMTExgbW2NkJAQ1NXVtTpPUVERJk2aBIlEAlNTUzg6OuLGjRvq47m5uZgwYQLEYjGsra0RHh6OFy9etBmbgYEBLCwsIJVKMXnyZISHhyMrKwv19fVQqVTYuHEjrKysYGRkhNGjRyMjI0M9Vi6XIywsDJaWljA2NsbAgQOxefNmjbmbbnUYPHgwAGDMmDEwMDDAhx9+CEBzFfXgwYOQSqVQqVQaMXp7e2PBggXq/TNnzsDBwQHGxsawsbFBTEwMFApFm9dpaGgICwsLvPvuu/Dw8MDs2bNx8eJF9XGlUomgoCAMHjwYYrEY9vb22Llzp/p4dHQ0jhw5gjNnzqhXj7OzswEADx48gK+vL/r06QMzMzN4e3ujqqqqzXgYY6wJF76MMb0gEAiwa9cu3Lp1C0eOHMHly5exatWqVvv7+/vDysoK169fR35+PiIjI9GjRw8AwN27d+Hl5YWZM2eiuLgYqampyM3NRVhYmFYxicViqFQqKBQK7Ny5E9u3b8e2bdtQXFwMT09PTJ8+HXfu3AEA7Nq1C2lpaTh+/DhkMhmSk5MxaNCgFuf99ddfAQBZWVmorq7GqVOnmvWZPXs2njx5gitXrqjbnj59ioyMDPj7+wMAcnJyMHfuXCxbtgwlJSU4cOAAkpKSEBsb+9rXWFVVhczMTIhEInWbSqWClZUVTpw4gZKSEmzYsAFr1qzB8ePHAQArVqyAr68vvLy8UF1djerqari6uqKxsRGenp6QSCTIyclBXl4eevXqBS8vL8jl8teOiTGmx4gxxrqJwMBAEgqFZGJiot5mzZrVYt8TJ07QO++8o95PTEyk3r17q/clEgklJSW1ODYoKIiCg4M12nJyckggEFB9fX2LY16dv6ysjOzs7MjJyYmIiKRSKcXGxmqMcXZ2ppCQECIiWrp0Kbm7u5NKpWpxfgB0+vRpIiKqrKwkAFRQUKDRJzAwkLy9vdX73t7etGDBAvX+gQMHSCqVklKpJCKijz76iOLi4jTmOHr0KFlaWrYYAxFRVFQUCQQCMjExIWNjYwJAACghIaHVMUREoaGhNHPmzFZjbTq3vb29xmvw119/kVgspszMzDbnZ4wxIiK+x5cx1q1MmjQJ+/btU++bmJgA+Hv1c/Pmzbh9+zZqa2uhUCjQ0NCAly9fomfPns3miYiIwMKFC3H06FH1v+ttbW0B/H0bRHFxMZKTk9X9iQgqlQqVlZUYNmxYi7E9e/YMvXr1gkqlQkNDA8aPH49Dhw6htrYWDx8+hJubm0Z/Nzc3FBUVAfj7NoWPP/4Y9vb28PLywtSpU/HJJ5+80Wvl7++PRYsWYe/evTAyMkJycjI+//xzCAQC9XXm5eVprPAqlco2XzcAsLe3R1paGhoaGvD999+jsLAQS5cu1eizZ88eHD58GPfv30d9fT3kcjlGjx7dZrxFRUUoLy+HRCLRaG9oaMDdu3d1eAUYY/qGC1/GWLdiYmKCIUOGaLRVVVVh6tSpWLJkCWJjY2FmZobc3FwEBQVBLpe3WMBFR0djzpw5SE9Px/nz5xEVFYWUlBTMmDEDdXV1WLx4McLDw5uNGzBgQKuxSSQS3Lx5EwKBAJaWlhCLxQCA2traf70uBwcHVFZW4vz588jKyoKvry88PDxw8uTJfx3bmmnTpoGIkJ6eDmdnZ+Tk5GDHjh3q43V1dYiJiYGPj0+zscbGxq3OKxKJ1DmIj4/HlClTEBMTg02bNgEAUlJSsGLFCmzfvh0uLi6QSCT4+uuv8csvv7QZb11dHRwdHTU+cDR5Wx5gZIy93bjwZYx1e/n5+VCpVNi+fbt6NbPpftK22NnZwc7ODsuXL8cXX3yBxMREzJgxAw4ODigpKWlWYP8bgUDQ4hhTU1NIpVLk5eVh4sSJ6va8vDyMHTtWo5+fnx/8/Pwwa9YseHl54enTpzAzM9OYr+l+WqVS2WY8xsbG8PHxQXJyMsrLy2Fvbw8HBwf1cQcHB8hkMq2v81Xr1q2Du7s7lixZor5OV1dXhISEqPu8umIrEomaxe/g4IDU1FSYm5vD1NT0jWJijOknfriNMdbtDRkyBI2Njdi9ezcqKipw9OhR7N+/v9X+9fX1CAsLQ3Z2Nu7du4e8vDxcv35dfQvD6tWrcfXqVYSFhaGwsBB37tzBmTNntH647Z9WrlyJLVu2IDU1FTKZDJGRkSgsLMSyZcsAAAkJCTh27Bhu376NsrIynDhxAhYWFi3+6Ia5uTnEYjEyMjLw6NEjPHv2rNXz+vv7Iz09HYcPH1Y/1NZkw4YN+O677xATE4Nbt26htLQUKSkpWLdunVbX5uLiglGjRiEuLg4AMHToUNy4cQOZmZkoKyvD+vXrcf36dY0xgwYNQnFxMWQyGR4/fozGxkb4+/ujb9++8Pb2Rk5ODiorK5GdnY3w8HD8/vvvWsXEGNNPXPgyxrq9999/HwkJCdiyZQtGjBiB5ORkja8Ce5VQKMSTJ08wd+5c2NnZwdfXF5MnT0ZMTAwAYNSoUfjxxx9RVlaGCRMmYMyYMdiwYQOkUqnOMYaHhyMiIgJfffUVRo4ciYyMDKSlpWHo0KEA/r5NYuvWrXBycoKzszOqqqpw7tw59Qr2PxkaGmLXrl04cOAApFIpvL29Wz2vu7s7zMzMIJPJMGfOHI1jnp6eOHv2LC5cuABnZ2d88MEH2LFjBwYOHKj19S1fvhyHDh3CgwcPsHjxYvj4+MDPzw/jxo3DkydPNFZ/AWDRokWwt7eHk5MT+vXrh7y8PPTs2RM//fQTBgwYAB8fHwwbNgxBQUFoaGjgFWDG2GsxICLq6iAYY4wxxhjraLziyxhjjDHG9AIXvowxxhhjTC9w4csYY4wxxvQCF76MMcYYY0wvcOHLGGOMMcb0Ahe+jDHGGGNML3DhyxhjjDHG9AIXvowxxhhjTC9w4csYY4wxxvQCF76MMcYYY0wvcOHLGGOMMcb0wv8B5UO15I3Ms8QAAAAASUVORK5CYII=", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "plot_roc_curve(y_test, y_pred)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Decision Tree Classifier" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "#### Normalized data" + ] + }, + { + "cell_type": "code", + "execution_count": 44, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Time taken for GridSearchCV: 4.40 seconds\n", + "Best Hyperparameters:\n", + "{'max_depth': 7, 'min_samples_leaf': 8, 'min_samples_split': 2}\n", + "\n", + "Time taken for training with best hyperparameters: 0.13 seconds\n", + "\n", + "Mean Accuracy: 0.8608869294605809\n", + "Standard Deviation of Accuracy: 0.016511376478853375\n", + "Mean Precision: 0.7850972759315583\n", + "Standard Deviation of Precision: 0.032983676813471315\n", + "Mean Recall: 0.8199970614163974\n", + "Standard Deviation of Recall: 0.024393912430473653\n", + "Mean F1-score: 0.8016412898878007\n", + "Standard Deviation of F1-score: 0.02102249397776493\n", + "Mean ROC AUC: 0.85110148966974\n", + "Standard Deviation of ROC AUC: 0.015713153472096633\n", + "\n", + "Total time taken: 4.53 seconds\n" + ] + } + ], + "source": [ + "from sklearn.model_selection import StratifiedKFold, GridSearchCV\n", + "from sklearn.metrics import accuracy_score, precision_score, recall_score, f1_score, roc_auc_score, confusion_matrix\n", + "from sklearn.tree import DecisionTreeClassifier\n", + "import numpy as np\n", + "import time\n", + "\n", + "start_total_time = time.time()\n", + "\n", + "kf = StratifiedKFold(n_splits=10, shuffle=True, random_state=42)\n", + "\n", + "model = DecisionTreeClassifier(random_state=42)\n", + "\n", + "param_grid = {\n", + " 'max_depth': [3, 5, 7, 9],\n", + " 'min_samples_split': [2, 5, 10, 20],\n", + " 'min_samples_leaf': [1, 2, 4, 8]\n", + "}\n", + "\n", + "grid_search = GridSearchCV(estimator=model, param_grid=param_grid, cv=kf, scoring='accuracy')\n", + "\n", + "start_time = time.time()\n", + "\n", + "grid_search.fit(standard(x), y)\n", + "\n", + "grid_search_time = time.time() - start_time\n", + "print(f\"Time taken for GridSearchCV: {grid_search_time:.2f} seconds\")\n", + "\n", + "best_params = grid_search.best_params_\n", + "\n", + "print(\"Best Hyperparameters:\")\n", + "print(best_params)\n", + "\n", + "print()\n", + "\n", + "best_model = grid_search.best_estimator_\n", + "\n", + "start_time = time.time()\n", + "\n", + "accuracy_scores = []\n", + "precision_scores = []\n", + "recall_scores = []\n", + "f1_scores = []\n", + "roc_auc_scores = []\n", + "confusion_matrices = []\n", + "\n", + "for train_index, test_index in kf.split(normal(x), y):\n", + " X_train, X_test = x.iloc[train_index], x.iloc[test_index]\n", + " y_train, y_test = y.iloc[train_index], y.iloc[test_index]\n", + "\n", + " best_model.fit(X_train, y_train)\n", + "\n", + " y_pred = best_model.predict(X_test)\n", + "\n", + " accuracy = accuracy_score(y_test, y_pred)\n", + " accuracy_scores.append(accuracy)\n", + " \n", + " precision = precision_score(y_test, y_pred)\n", + " precision_scores.append(precision)\n", + " \n", + " recall = recall_score(y_test, y_pred)\n", + " recall_scores.append(recall)\n", + " \n", + " f1 = f1_score(y_test, y_pred)\n", + " f1_scores.append(f1)\n", + " \n", + " roc_auc = roc_auc_score(y_test, y_pred)\n", + " roc_auc_scores.append(roc_auc)\n", + " \n", + " confusion = confusion_matrix(y_test, y_pred)\n", + " confusion_matrices.append(confusion)\n", + "\n", + "training_time = time.time() - start_time\n", + "print(f\"Time taken for training with best hyperparameters: {training_time:.2f} seconds\")\n", + "\n", + "print()\n", + "\n", + "mean_accuracy = np.mean(accuracy_scores)\n", + "std_accuracy = np.std(accuracy_scores)\n", + "\n", + "mean_precision = np.mean(precision_scores)\n", + "std_precision = np.std(precision_scores)\n", + "\n", + "mean_recall = np.mean(recall_scores)\n", + "std_recall = np.std(recall_scores)\n", + "\n", + "mean_f1 = np.mean(f1_scores)\n", + "std_f1 = np.std(f1_scores)\n", + "\n", + "mean_roc_auc = np.mean(roc_auc_scores)\n", + "std_roc_auc = np.std(roc_auc_scores)\n", + "\n", + "print(f\"Mean Accuracy: {mean_accuracy}\")\n", + "print(f\"Standard Deviation of Accuracy: {std_accuracy}\")\n", + "\n", + "print(f\"Mean Precision: {mean_precision}\")\n", + "print(f\"Standard Deviation of Precision: {std_precision}\")\n", + "\n", + "print(f\"Mean Recall: {mean_recall}\")\n", + "print(f\"Standard Deviation of Recall: {std_recall}\")\n", + "\n", + "print(f\"Mean F1-score: {mean_f1}\")\n", + "print(f\"Standard Deviation of F1-score: {std_f1}\")\n", + "\n", + "print(f\"Mean ROC AUC: {mean_roc_auc}\")\n", + "print(f\"Standard Deviation of ROC AUC: {std_roc_auc}\")\n", + "\n", + "print()\n", + "\n", + "total_time = time.time() - start_total_time\n", + "print(f\"Total time taken: {total_time:.2f} seconds\")" + ] + }, + { + "cell_type": "code", + "execution_count": 45, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "x_train: (1800, 13)\n", + "y_train: (1800,)\n", + "x_test: (601, 13)\n", + "y_test: (601,)\n" + ] + } + ], + "source": [ + "from sklearn.model_selection import train_test_split\n", + "\n", + "x_train, x_test, y_train, y_test = train_test_split(x,y,test_size=0.25,random_state=42)\n", + "\n", + "print(\"x_train:\",x_train.shape)\n", + "print(\"y_train:\",y_train.shape)\n", + "print(\"x_test:\",x_test.shape)\n", + "print(\"y_test:\",y_test.shape)" + ] + }, + { + "cell_type": "code", + "execution_count": 46, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Accuracy: 0.8635607321131448\n", + "Precision: 0.7961165048543689\n", + "Recall: 0.803921568627451\n", + "F1 Score: 0.8\n", + "ROC AUC Score: 0.8490640588729195\n", + "Confusion Matrix:\n", + "[[355 42]\n", + " [ 40 164]]\n" + ] + } + ], + "source": [ + "model = grid_search.best_estimator_\n", + "\n", + "model.fit(x_train, y_train)\n", + "\n", + "y_pred = model.predict(x_test)\n", + "\n", + "y_pred = (y_pred >= 0.5).astype(int)\n", + "\n", + "print(\"Accuracy:\", accuracy_score(y_test, y_pred))\n", + "print(\"Precision:\", precision_score(y_test, y_pred))\n", + "print(\"Recall:\", recall_score(y_test, y_pred))\n", + "print(\"F1 Score:\", f1_score(y_test, y_pred))\n", + "print(\"ROC AUC Score:\", roc_auc_score(y_test, y_pred))\n", + "print(\"Confusion Matrix:\")\n", + "print(confusion_matrix(y_test, y_pred))" + ] + }, + { + "cell_type": "code", + "execution_count": 47, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAokAAAIjCAYAAABvUIGpAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8pXeV/AAAACXBIWXMAAA9hAAAPYQGoP6dpAABHQElEQVR4nO3deViU9f7/8deAMiIKiAtIKu4LuWYdIlMzF1wyPVpmWqK5HE2tRM04pbmUlC2WldoqZnps1Y6Wmbt1pFySNLfCJStZTFMCBRHu3x99nV/jx4VRxkHn+ei6r8u578/c93vmOtb7vD6f+x6bZVmWAAAAgL/x8XQBAAAAKH5oEgEAAGCgSQQAAICBJhEAAAAGmkQAAAAYaBIBAABgoEkEAACAgSYRAAAABppEAAAAGGgSAVzQTz/9pA4dOigoKEg2m02LFy8u0vMfOHBANptNiYmJRXreq9ltt92m2267zdNlAPByNInAVWDv3r3617/+pZo1a6pUqVIKDAxUixYt9PLLL+vkyZNuvXZsbKy2b9+up59+WvPmzdONN97o1utdSf3795fNZlNgYOA5v8effvpJNptNNptNzz//vMvnP3TokCZOnKjk5OQiqBYArqwSni4AwIV99tlnuvvuu2W329WvXz81bNhQp06d0tdff62xY8dqx44deuONN9xy7ZMnTyopKUmPP/64RowY4ZZrRERE6OTJkypZsqRbzn8xJUqU0IkTJ7RkyRL16tXL6dj8+fNVqlQp5eTkXNK5Dx06pEmTJql69epq2rRpod/35ZdfXtL1AKAo0SQCxdj+/fvVu3dvRUREaPXq1apcubLj2PDhw5WSkqLPPvvMbdc/fPiwJCk4ONht17DZbCpVqpTbzn8xdrtdLVq00H/+8x+jSVywYIG6dOmijz/++IrUcuLECZUuXVp+fn5X5HoAcCFMNwPF2LRp05SVlaW3337bqUE8o3bt2nr44Ycdr0+fPq0pU6aoVq1astvtql69uv79738rNzfX6X3Vq1fXHXfcoa+//lr/+Mc/VKpUKdWsWVPvvvuuY8zEiRMVEREhSRo7dqxsNpuqV68u6a9p2jN//ruJEyfKZrM57VuxYoVuvfVWBQcHq0yZMqpXr57+/e9/O46fb03i6tWr1bJlSwUEBCg4OFjdunXTrl27znm9lJQU9e/fX8HBwQoKCtKAAQN04sSJ83+xZ+nTp4+WLVumY8eOOfZt2rRJP/30k/r06WOMP3r0qMaMGaNGjRqpTJkyCgwMVKdOnfT99987xqxdu1Y33XSTJGnAgAGOaeszn/O2225Tw4YNtWXLFrVq1UqlS5d2fC9nr0mMjY1VqVKljM8fExOjcuXK6dChQ4X+rABQWDSJQDG2ZMkS1axZU7fcckuhxg8aNEgTJkzQDTfcoOnTp6t169ZKSEhQ7969jbEpKSm666671L59e73wwgsqV66c+vfvrx07dkiSevTooenTp0uS7r33Xs2bN08vvfSSS/Xv2LFDd9xxh3JzczV58mS98MILuvPOO/W///3vgu9buXKlYmJilJGRoYkTJyouLk4bNmxQixYtdODAAWN8r1699OeffyohIUG9evVSYmKiJk2aVOg6e/ToIZvNpk8++cSxb8GCBapfv75uuOEGY/y+ffu0ePFi3XHHHXrxxRc1duxYbd++Xa1bt3Y0bA0aNNDkyZMlSUOGDNG8efM0b948tWrVynGeI0eOqFOnTmratKleeukltWnT5pz1vfzyy6pYsaJiY2OVn58vSXr99df15Zdf6pVXXlF4eHihPysAFJoFoFg6fvy4Jcnq1q1bocYnJydbkqxBgwY57R8zZowlyVq9erVjX0REhCXJWr9+vWNfRkaGZbfbrdGjRzv27d+/35JkPffcc07njI2NtSIiIowannzySevv/1qZPn26Jck6fPjwees+c405c+Y49jVt2tSqVKmSdeTIEce+77//3vLx8bH69etnXO+BBx5wOuc///lPq3z58ue95t8/R0BAgGVZlnXXXXdZbdu2tSzLsvLz862wsDBr0qRJ5/wOcnJyrPz8fONz2O12a/LkyY59mzZtMj7bGa1bt7YkWbNnzz7nsdatWzvtW758uSXJeuqpp6x9+/ZZZcqUsbp3737RzwgAl4okESimMjMzJUlly5Yt1PjPP/9ckhQXF+e0f/To0ZJkrF2MjIxUy5YtHa8rVqyoevXqad++fZdc89nOrGX89NNPVVBQUKj3pKamKjk5Wf3791dISIhjf+PGjdW+fXvH5/y7oUOHOr1u2bKljhw54vgOC6NPnz5au3at0tLStHr1aqWlpZ1zqln6ax2jj89f//rMz8/XkSNHHFPp3333XaGvabfbNWDAgEKN7dChg/71r39p8uTJ6tGjh0qVKqXXX3+90NcCAFfRJALFVGBgoCTpzz//LNT4n3/+WT4+Pqpdu7bT/rCwMAUHB+vnn3922l+tWjXjHOXKldMff/xxiRWb7rnnHrVo0UKDBg1SaGioevfurQ8++OCCDeOZOuvVq2cca9CggX7//XdlZ2c77T/7s5QrV06SXPosnTt3VtmyZfX+++9r/vz5uummm4zv8oyCggJNnz5dderUkd1uV4UKFVSxYkVt27ZNx48fL/Q1r7vuOpduUnn++ecVEhKi5ORkzZgxQ5UqVSr0ewHAVTSJQDEVGBio8PBw/fDDDy697+wbR87H19f3nPsty7rka5xZL3eGv7+/1q9fr5UrV+r+++/Xtm3bdM8996h9+/bG2MtxOZ/lDLvdrh49emju3LlatGjReVNESZo6dari4uLUqlUrvffee1q+fLlWrFih66+/vtCJqfTX9+OKrVu3KiMjQ5K0fft2l94LAK6iSQSKsTvuuEN79+5VUlLSRcdGRESooKBAP/30k9P+9PR0HTt2zHGnclEoV66c053AZ5ydVkqSj4+P2rZtqxdffFE7d+7U008/rdWrV2vNmjXnPPeZOvfs2WMc2717typUqKCAgIDL+wDn0adPH23dulV//vnnOW/2OeOjjz5SmzZt9Pbbb6t3797q0KGD2rVrZ3wnhW3YCyM7O1sDBgxQZGSkhgwZomnTpmnTpk1Fdn4AOBtNIlCMPfroowoICNCgQYOUnp5uHN+7d69efvllSX9Nl0oy7kB+8cUXJUldunQpsrpq1aql48ePa9u2bY59qampWrRokdO4o0ePGu8981Dpsx/Lc0blypXVtGlTzZ0716np+uGHH/Tll186Pqc7tGnTRlOmTNGrr76qsLCw847z9fU1UsoPP/xQv/32m9O+M83suRpqV40bN04HDx7U3Llz9eKLL6p69eqKjY097/cIAJeLh2kDxVitWrW0YMEC3XPPPWrQoIHTL65s2LBBH374ofr37y9JatKkiWJjY/XGG2/o2LFjat26tTZu3Ki5c+eqe/fu5328yqXo3bu3xo0bp3/+85966KGHdOLECc2aNUt169Z1unFj8uTJWr9+vbp06aKIiAhlZGRo5syZqlKlim699dbznv+5555Tp06dFB0drYEDB+rkyZN65ZVXFBQUpIkTJxbZ5zibj4+PnnjiiYuOu+OOOzR58mQNGDBAt9xyi7Zv36758+erZs2aTuNq1aql4OBgzZ49W2XLllVAQICioqJUo0YNl+pavXq1Zs6cqSeffNLxSJ45c+botttu0/jx4zVt2jSXzgcAheLhu6sBFMKPP/5oDR482Kpevbrl5+dnlS1b1mrRooX1yiuvWDk5OY5xeXl51qRJk6waNWpYJUuWtKpWrWrFx8c7jbGsvx6B06VLF+M6Zz965XyPwLEsy/ryyy+thg0bWn5+fla9evWs9957z3gEzqpVq6xu3bpZ4eHhlp+fnxUeHm7de++91o8//mhc4+zHxKxcudJq0aKF5e/vbwUGBlpdu3a1du7c6TTmzPXOfsTOnDlzLEnW/v37z/udWpbzI3DO53yPwBk9erRVuXJly9/f32rRooWVlJR0zkfXfPrpp1ZkZKRVokQJp8/ZunVr6/rrrz/nNf9+nszMTCsiIsK64YYbrLy8PKdxo0aNsnx8fKykpKQLfgYAuBQ2y3JhZTcAAAC8AmsSAQAAYKBJBAAAgIEmEQAAAAaaRAAAABhoEgEAAGCgSQQAAICBJhEAAACGa/IXV/ybjfB0CQDc5OjGVz1dAgA38S/pwWu7sXc4ufXq/PcWSSIAAAAM12SSCAAA4BIbudnZ+EYAAABsNvdtLpg1a5YaN26swMBABQYGKjo6WsuWLXMcv+2222Sz2Zy2oUOHOp3j4MGD6tKli0qXLq1KlSpp7NixOn36tMtfCUkiAABAMVGlShU988wzqlOnjizL0ty5c9WtWzdt3bpV119/vSRp8ODBmjx5suM9pUuXdvw5Pz9fXbp0UVhYmDZs2KDU1FT169dPJUuW1NSpU12qhSYRAACgmEw3d+3a1en1008/rVmzZumbb75xNImlS5dWWFjYOd//5ZdfaufOnVq5cqVCQ0PVtGlTTZkyRePGjdPEiRPl5+dX6FqKxzcCAABwjcrNzVVmZqbTlpube9H35efna+HChcrOzlZ0dLRj//z581WhQgU1bNhQ8fHxOnHihONYUlKSGjVqpNDQUMe+mJgYZWZmaseOHS7VTZMIAADgxjWJCQkJCgoKctoSEhLOW8r27dtVpkwZ2e12DR06VIsWLVJkZKQkqU+fPnrvvfe0Zs0axcfHa968ebrvvvsc701LS3NqECU5Xqelpbn0lTDdDAAA4Ebx8fGKi4tz2me32887vl69ekpOTtbx48f10UcfKTY2VuvWrVNkZKSGDBniGNeoUSNVrlxZbdu21d69e1WrVq0irZsmEQAAwI1rEu12+wWbwrP5+fmpdu3akqTmzZtr06ZNevnll/X6668bY6OioiRJKSkpqlWrlsLCwrRx40anMenp6ZJ03nWM58N0MwAAQDFWUFBw3jWMycnJkqTKlStLkqKjo7V9+3ZlZGQ4xqxYsUKBgYGOKevCIkkEAABw8XmG7hIfH69OnTqpWrVq+vPPP7VgwQKtXbtWy5cv1969e7VgwQJ17txZ5cuX17Zt2zRq1Ci1atVKjRs3liR16NBBkZGRuv/++zVt2jSlpaXpiSee0PDhw11KMyWaRAAAgGLzCJyMjAz169dPqampCgoKUuPGjbV8+XK1b99ev/zyi1auXKmXXnpJ2dnZqlq1qnr27KknnnjC8X5fX18tXbpUw4YNU3R0tAICAhQbG+v0XMXCslmWZRXlhysO3Pkj3QA86+jGVz1dAgA38S/pwWvfPM5t5z75zbNuO7c7kSQCAAAUk+nm4qR4ZKsAAAAoVkgSAQAAismaxOKEbwQAAAAGkkQAAADWJBpIEgEAAGAgSQQAAGBNooEmEQAAgOlmA20zAAAADCSJAAAATDcb+EYAAABgIEkEAAAgSTTwjQAAAMBAkggAAODD3c1nI0kEAACAgSQRAACANYkGmkQAAAAepm2gbQYAAICBJBEAAIDpZgPfCAAAAAwkiQAAAKxJNJAkAgAAwECSCAAAwJpEA98IAAAADCSJAAAArEk00CQCAAAw3WzgGwEAAICBJBEAAIDpZgNJIgAAAAwkiQAAAKxJNPCNAAAAwECSCAAAwJpEA0kiAAAADCSJAAAArEk00CQCAADQJBr4RgAAAGAgSQQAAODGFQNJIgAAAAwkiQAAAKxJNPCNAAAAwECSCAAAwJpEA0kiAAAADCSJAAAArEk00CQCAAAw3WygbQYAAICBJBEAAHg9G0migSQRAAAABpJEAADg9UgSTSSJAAAAMJAkAgAAECQaSBIBAABgIEkEAABejzWJJppEAADg9WgSTUw3AwAAwECSCAAAvB5JookkEQAAAAaSRAAA4PVIEk0kiQAAADCQJAIAABAkGkgSAQAAYCBJBAAAXo81iSaSRAAAABhoEgEAgNez2Wxu21wxa9YsNW7cWIGBgQoMDFR0dLSWLVvmOJ6Tk6Phw4erfPnyKlOmjHr27Kn09HSncxw8eFBdunRR6dKlValSJY0dO1anT592+TuhSQQAAF6vuDSJVapU0TPPPKMtW7Zo8+bNuv3229WtWzft2LFDkjRq1CgtWbJEH374odatW6dDhw6pR48ejvfn5+erS5cuOnXqlDZs2KC5c+cqMTFREyZMcP07sSzLcvldxZx/sxGeLgGAmxzd+KqnSwDgJv4lPXftkPsXuO3cR+f1uaz3h4SE6LnnntNdd92lihUrasGCBbrrrrskSbt371aDBg2UlJSkm2++WcuWLdMdd9yhQ4cOKTQ0VJI0e/ZsjRs3TocPH5afn1+hr0uSCAAAvJ47k8Tc3FxlZmY6bbm5uRetKT8/XwsXLlR2draio6O1ZcsW5eXlqV27do4x9evXV7Vq1ZSUlCRJSkpKUqNGjRwNoiTFxMQoMzPTkUYWFk0iAACAGyUkJCgoKMhpS0hIOO/47du3q0yZMrLb7Ro6dKgWLVqkyMhIpaWlyc/PT8HBwU7jQ0NDlZaWJklKS0tzahDPHD9zzBU8AgcAAMCNT8CJj49XXFyc0z673X7e8fXq1VNycrKOHz+ujz76SLGxsVq3bp37CjwPmkQAAAA3stvtF2wKz+bn56fatWtLkpo3b65Nmzbp5Zdf1j333KNTp07p2LFjTmlienq6wsLCJElhYWHauHGj0/nO3P18ZkxhMd0MAAC8XnG5u/lcCgoKlJubq+bNm6tkyZJatWqV49iePXt08OBBRUdHS5Kio6O1fft2ZWRkOMasWLFCgYGBioyMdOm6JIkAAADFRHx8vDp16qRq1arpzz//1IIFC7R27VotX75cQUFBGjhwoOLi4hQSEqLAwECNHDlS0dHRuvnmmyVJHTp0UGRkpO6//35NmzZNaWlpeuKJJzR8+HCX0kyJJhEAAKDY/CxfRkaG+vXrp9TUVAUFBalx48Zavny52rdvL0maPn26fHx81LNnT+Xm5iomJkYzZ850vN/X11dLly7VsGHDFB0drYCAAMXGxmry5Mku18JzEgFcVXhOInDt8uRzEis98IHbzp3xTi+3ndudWJMIAAAAA9PNAAAAxWO2uVghSQQAAICBJBEAAHi94nLjSnFCkggAAAADSSIAAPB6JIkmkkQAAAAYSBIBAIDXI0k00SQCAACvR5NoYroZAAAABpJEAAAAgkQDSSIAAAAMJIkAAMDrsSbRRJIIAAAAA0kiAADweiSJJpJEAAAAGEgSAQCA1yNJNNEkAgAA0CMamG4GAACAgSQRAAB4PaabTSSJAAAAMJAkAgAAr0eSaCJJBAAAgIEkEcXO4Ltv1eC7WioiPESStGtfmqa+sUxf/m+nJGn5mw+r1Y11nN7z5kdf66GnFzpen9z6qnHefo/N0YfLt7ixcgCX65233tCMl15Qn/v66dHHHtfx48c067VXlLTha6WlpqpcuRC1ub2dHhz5sMqWLevpcnENIUk00SSi2Pkt/ZjGv/KpUg4elk023dc1Sh9OH6Kbez+jXfvSJElvf/w/TZm11PGeEzl5xnkGT5inFRt2Ol4f+/Ok+4sHcMl+2L5NH324UHXr1nPsO5yRocMZGYobM041a9ZWaupvemryRB0+nKHnp8/wXLGAF6BJRLHz+fofnF5PfG2JBt99q/7RuIajSTyZc0rpR/684HmO/3nyomMAFA8nTmTr34+N1YSJT+nN12c59teuU1cvvPSK43XVatU04qFH9PhjY3X69GmVKMF/xlA0SBJNHv3b9fvvv+udd95RUlKS0tL++o9/WFiYbrnlFvXv318VK1b0ZHkoBnx8bOrZ/gYF+Pvp2237Hfvv6Xyjene+SelHMvX5+h+U8OYynTwrTXwpvpdmTuijA7/9rjc/+lrvfvrNlS4fQCFNfWqyWrZqrZujb3FqEs8l688slSlThgYRRYse0eCxv2GbNm1STEyMSpcurXbt2qlu3bqSpPT0dM2YMUPPPPOMli9frhtvvPGC58nNzVVubq7TPqsgXzYfX7fVDve7vna41s4drVJ+JZR1Mlf3jH5Tu/8vRXx/2WYdTD2q1MPH1ahOuJ56uJvqRlRS7zFvOd4/aeZSrdv4o07knFK76Pp6Of4elSlt18z/rPPURwJwHl98/pl279qp+Qs/uujYP/44qjdfn6ked91zBSoDvJvHmsSRI0fq7rvv1uzZs42I17IsDR06VCNHjlRSUtIFz5OQkKBJkyY57fMNvUklK/+jyGvGlfPjgXRF9U5QUBl//bNdM705+X51GPSydu9L0zuf/M8xbkfKIaX+nqkv3nhINapU0P5ff5ckPfPmF44x3+/5VaX97RrVrx1NIlDMpKWmatozT2v2m+/IbrdfcGxWVpZGPvgv1axVS0MfHHGFKoS3YLrZZLMsy/LEhf39/bV161bVr1//nMd3796tZs2a6eTJC99scK4ksVLLcSSJ15jPZo/Qvl9+18i/3cF8RulSfjqS9KK6PviaVibtOuf7O956vRa9MkxB/3hEp/JOu7tcuNHRjead67h6rV61UnEPD5ev7///d3Z+fr5sNpt8fHy08bvt8vX1VXZ2loYNGSR//1Ka8drrF20ocXXyL+m5a9eM+9xt5973Yme3ndudPJYkhoWFaePGjedtEjdu3KjQ0NCLnsdutxv/sqBBvPb42Gyy+537f65N6lWRJKX9fvy8729cr4qOHs+mQQSKmaibb9ZHi5Y47ZvwRLxq1KipAQMHy9fXV1lZWXrwXwNVsqSfXnplFg0i3IIk0eSxJnHMmDEaMmSItmzZorZt2zoawvT0dK1atUpvvvmmnn/+eU+VBw+aPPJOLf/fDv2S+ofKBpTSPZ1uVKsb66jrgzNVo0oF3dPpRi3/eoeOHMtWo7rXadroHvpqy0/64adDkqTOrRqqUvmy2rjtgHJO5antzfX16MAOeundVR7+ZADOFhBQRrXr1HXa5+9fWkHBwapdp66ysrI0bMgDyjl5Uk+//Jyys7OUnZ0lSSpXLsQpgQRQtDzWJA4fPlwVKlTQ9OnTNXPmTOXn50uSfH191bx5cyUmJqpXr16eKg8eVDGkjN6e0k9hFQJ1PCtHP/z0m7o+OFOrv92tKqHBuj2qnkb0aaMAfz/9mv6HFq9K1jNvLXe8P+90vv7Vq5Wmje4pm82mvb8c1rgXPtE7n2zw4KcCcCl27dyh7du+lyR17dze6dhny1fpuuuqeKIsXIMIEk0eW5P4d3l5efr9979uOKhQoYJKlry8RQn+zVjQDFyrWJMIXLs8uSax9phlbjt3yvOd3HZudyoWD5kqWbKkKleu7OkyAACAl2JNoqlYNIkAAACeRI9o8vF0AQAAACh+SBIBAIDXY7rZRJIIAAAAA0kiAADwegSJJpJEAAAAGEgSAQCA1/PxIUo8G0kiAAAADCSJAADA67Em0USTCAAAvB6PwDEx3QwAAAADSSIAAPB6BIkmkkQAAAAYSBIBAIDXY02iiSQRAAAABpJEAADg9UgSTSSJAAAAMJAkAgAAr0eQaKJJBAAAXo/pZhPTzQAAADCQJAIAAK9HkGgiSQQAAICBJBEAAHg91iSaSBIBAABgIEkEAABejyDRRJIIAAAAA0kiAADweqxJNJEkAgAAwECTCAAAvJ7N5r7NFQkJCbrppptUtmxZVapUSd27d9eePXucxtx2222y2WxO29ChQ53GHDx4UF26dFHp0qVVqVIljR07VqdPn3apFqabAQCA1ysu083r1q3T8OHDddNNN+n06dP697//rQ4dOmjnzp0KCAhwjBs8eLAmT57seF26dGnHn/Pz89WlSxeFhYVpw4YNSk1NVb9+/VSyZElNnTq10LXQJAIAABQTX3zxhdPrxMREVapUSVu2bFGrVq0c+0uXLq2wsLBznuPLL7/Uzp07tXLlSoWGhqpp06aaMmWKxo0bp4kTJ8rPz69QtTDdDAAAvJ47p5tzc3OVmZnptOXm5haqruPHj0uSQkJCnPbPnz9fFSpUUMOGDRUfH68TJ044jiUlJalRo0YKDQ117IuJiVFmZqZ27NhR6O+EJhEAAMCNEhISFBQU5LQlJCRc9H0FBQV65JFH1KJFCzVs2NCxv0+fPnrvvfe0Zs0axcfHa968ebrvvvscx9PS0pwaREmO12lpaYWum+lmAADg9dy5JjE+Pl5xcXFO++x2+0XfN3z4cP3www/6+uuvnfYPGTLE8edGjRqpcuXKatu2rfbu3atatWoVTdEiSQQAAHAru92uwMBAp+1iTeKIESO0dOlSrVmzRlWqVLng2KioKElSSkqKJCksLEzp6elOY868Pt86xnOhSQQAAF6vuDwCx7IsjRgxQosWLdLq1atVo0aNi74nOTlZklS5cmVJUnR0tLZv366MjAzHmBUrVigwMFCRkZGFroXpZgAAgGJi+PDhWrBggT799FOVLVvWsYYwKChI/v7+2rt3rxYsWKDOnTurfPny2rZtm0aNGqVWrVqpcePGkqQOHTooMjJS999/v6ZNm6a0tDQ98cQTGj58eKGmuc+gSQQAAF6vuDwncdasWZL+emD2382ZM0f9+/eXn5+fVq5cqZdeeknZ2dmqWrWqevbsqSeeeMIx1tfXV0uXLtWwYcMUHR2tgIAAxcbGOj1XsTBoEgEAgNcrJj2iLMu64PGqVatq3bp1Fz1PRESEPv/888uqhTWJAAAAMJAkAgAAr1dcppuLE5JEAAAAGEgSAQCA1yNJNJEkAgAAwECSCAAAvB5BookkEQAAAAaSRAAA4PVYk2iiSQQAAF6PHtHEdDMAAAAMJIkAAMDrMd1sIkkEAACAgSQRAAB4PYJEE0kiAAAADCSJAADA6/kQJRpIEgEAAGAgSQQAAF6PINFEkwgAALwej8AxMd0MAAAAA0kiAADwej4EiQaSRAAAABhIEgEAgNdjTaKJJBEAAAAGkkQAAOD1CBJNJIkAAAAwkCQCAACvZxNR4tloEgEAgNfjETgmppsBAABgIEkEAABej0fgmEgSAQAAYCBJBAAAXo8g0USSCAAAAANJIgAA8Ho+RIkGkkQAAAAYiqRJPHbsWFGcBgAAwCNsNvdtVyuXm8Rnn31W77//vuN1r169VL58eV133XX6/vvvi7Q4AACAK8Fms7ltu1q53CTOnj1bVatWlSStWLFCK1as0LJly9SpUyeNHTu2yAsEAADAlefyjStpaWmOJnHp0qXq1auXOnTooOrVqysqKqrICwQAAHC3qzjwcxuXk8Ry5crpl19+kSR98cUXateunSTJsizl5+cXbXUAAADwCJeTxB49eqhPnz6qU6eOjhw5ok6dOkmStm7dqtq1axd5gQAAAO7GI3BMLjeJ06dPV/Xq1fXLL79o2rRpKlOmjCQpNTVVDz74YJEXCAAAgCvP5SaxZMmSGjNmjLF/1KhRRVIQAADAlUaOaCpUk/jf//630Ce88847L7kYAAAAFA+FahK7d+9eqJPZbDZuXgEAAFedq/l5hu5SqCaxoKDA3XUAAAB4jA89ouGyfpYvJyenqOoAAABAMeJyk5ifn68pU6bouuuuU5kyZbRv3z5J0vjx4/X2228XeYEAAADuxs/ymVxuEp9++mklJiZq2rRp8vPzc+xv2LCh3nrrrSItDgAAAJ7hcpP47rvv6o033lDfvn3l6+vr2N+kSRPt3r27SIsDAAC4Emw2921XK5ebxN9+++2cv6xSUFCgvLy8IikKAAAAnuVykxgZGamvvvrK2P/RRx+pWbNmRVIUAADAlcSaRJPLv7gyYcIExcbG6rffflNBQYE++eQT7dmzR++++66WLl3qjhoBAABwhbmcJHbr1k1LlizRypUrFRAQoAkTJmjXrl1asmSJ2rdv744aAQAA3MrH5r7tauVykihJLVu21IoVK4q6FgAAAI+4mqeF3eWSmkRJ2rx5s3bt2iXpr3WKzZs3L7KiAAAA4FkuN4m//vqr7r33Xv3vf/9TcHCwJOnYsWO65ZZbtHDhQlWpUqWoawQAAHArckSTy2sSBw0apLy8PO3atUtHjx7V0aNHtWvXLhUUFGjQoEHuqBEAAABXmMtJ4rp167RhwwbVq1fPsa9evXp65ZVX1LJlyyItDgAA4ErwYU2iweUksWrVqud8aHZ+fr7Cw8OLpCgAAAB4lstN4nPPPaeRI0dq8+bNjn2bN2/Www8/rOeff75IiwMAALgS+Fk+U6Gmm8uVK+d0a3h2draioqJUosRfbz99+rRKlCihBx54QN27d3dLoQAAALhyCtUkvvTSS24uAwAAwHN4TqKpUE1ibGysu+sAAADwegkJCfrkk0+0e/du+fv765ZbbtGzzz7rdMNwTk6ORo8erYULFyo3N1cxMTGaOXOmQkNDHWMOHjyoYcOGac2aNSpTpoxiY2OVkJDgmAUuDJfXJP5dTk6OMjMznTYAAICrTXFZk7hu3ToNHz5c33zzjVasWKG8vDx16NBB2dnZjjGjRo3SkiVL9OGHH2rdunU6dOiQevTo4Tien5+vLl266NSpU9qwYYPmzp2rxMRETZgwwbXvxLIsy5U3ZGdna9y4cfrggw905MgR43h+fr5LBbiDf7MRni4BgJsc3fiqp0sA4Cb+JT137WEf73TbuWf1jLzk9x4+fFiVKlXSunXr1KpVKx0/flwVK1bUggULdNddd0mSdu/erQYNGigpKUk333yzli1bpjvuuEOHDh1ypIuzZ8/WuHHjdPjwYfn5+RXq2i4niY8++qhWr16tWbNmyW6366233tKkSZMUHh6ud99919XTAQAAXNNyc3ONmdfc3NxCvff48eOSpJCQEEnSli1blJeXp3bt2jnG1K9fX9WqVVNSUpIkKSkpSY0aNXKafo6JiVFmZqZ27NhR6LpdbhKXLFmimTNnqmfPnipRooRatmypJ554QlOnTtX8+fNdPR0AAIDHuXO6OSEhQUFBQU5bQkLCRWsqKCjQI488ohYtWqhhw4aSpLS0NPn5+Tl+GvmM0NBQpaWlOcb8vUE8c/zMscJy+RdXjh49qpo1a0qSAgMDdfToUUnSrbfeqmHDhrl6OgAAgGtafHy84uLinPbZ7faLvm/48OH64Ycf9PXXX7urtAtyOUmsWbOm9u/fL+mvePODDz6Q9FfCeHZXCwAAcDWw2Wxu2+x2uwIDA522izWJI0aM0NKlS7VmzRpVqVLFsT8sLEynTp3SsWPHnManp6crLCzMMSY9Pd04fuZYYbncJA4YMEDff/+9JOmxxx7Ta6+9plKlSmnUqFEaO3asq6cDAADA/7EsSyNGjNCiRYu0evVq1ahRw+l48+bNVbJkSa1atcqxb8+ePTp48KCio6MlSdHR0dq+fbsyMjIcY1asWKHAwEBFRhb+JhqX724+288//6wtW7aodu3aaty48eWcqsjknPZ0BQDcJXHTAU+XAMBNhkZX99i1Ry7a5bZzv/LPBoUe++CDD2rBggX69NNPnZ6NGBQUJH9/f0nSsGHD9PnnnysxMVGBgYEaOXKkJGnDhg2S/nrSTNOmTRUeHq5p06YpLS1N999/vwYNGqSpU6cWuhaX1ySeLSIiQhEREZd7GgAAAK83a9YsSdJtt93mtH/OnDnq37+/JGn69Ony8fFRz549nR6mfYavr6+WLl2qYcOGKTo6WgEBAYqNjdXkyZNdqqVQSeKMGTMKfcKHHnrIpQLcgSQRuHaRJALXLk8miQ8t3u22c8/oXt9t53anQiWJ06dPL9TJbDZbsWgSAQAAXOHDTzcbCtUknrmbGQAAAN7hstckAgAAXO1IEk0uPwIHAAAA1z6SRAAA4PVsNqLEs5EkAgAAwECSCAAAvB5rEk2XlCR+9dVXuu+++xQdHa3ffvtNkjRv3jyP/QA1AAAAipbLTeLHH3+smJgY+fv7a+vWrcrNzZUkHT9+3KWfegEAACgubDb3bVcrl5vEp556SrNnz9abb76pkiVLOva3aNFC3333XZEWBwAAcCX42Gxu265WLjeJe/bsUatWrYz9QUFBOnbsWFHUBAAAAA9zuUkMCwtTSkqKsf/rr79WzZo1i6QoAACAK8nHjdvVyuXaBw8erIcffljffvutbDabDh06pPnz52vMmDEaNmyYO2oEAADAFebyI3Aee+wxFRQUqG3btjpx4oRatWolu92uMWPGaOTIke6oEQAAwK2u4qWDbuNyk2iz2fT4449r7NixSklJUVZWliIjI1WmTBl31AcAAAAPuOSHafv5+SkyMrIoawEAAPCIq/kuZHdxuUls06bNBX/fcPXq1ZdVEAAAADzP5SaxadOmTq/z8vKUnJysH374QbGxsUVVFwAAwBVDkGhyuUmcPn36OfdPnDhRWVlZl10QAADAlcZvN5uK7PE99913n955552iOh0AAAA86JJvXDlbUlKSSpUqVVSnAwAAuGK4ccXkcpPYo0cPp9eWZSk1NVWbN2/W+PHji6wwAAAAeI7LTWJQUJDTax8fH9WrV0+TJ09Whw4diqwwAACAK4Ug0eRSk5ifn68BAwaoUaNGKleunLtqAgAAgIe5dOOKr6+vOnTooGPHjrmpHAAAgCvPx+a+7Wrl8t3NDRs21L59+9xRCwAAAIoJl5vEp556SmPGjNHSpUuVmpqqzMxMpw0AAOBqY3PjP1erQq9JnDx5skaPHq3OnTtLku68806nn+ezLEs2m035+flFXyUAAIAbXc3Twu5S6CZx0qRJGjp0qNasWePOegAAAFAMFLpJtCxLktS6dWu3FQMAAOAJJIkml9Yk2niIEAAAgFdw6TmJdevWvWijePTo0csqCAAA4EojCDO51CROmjTJ+MUVAAAAXHtcahJ79+6tSpUquasWAAAAj2BNoqnQaxKJYQEAALyHy3c3AwAAXGvIwkyFbhILCgrcWQcAAIDH+NAlGlz+WT4AAABc+1y6cQUAAOBaxI0rJpJEAAAAGEgSAQCA12NJookkEQAAAAaSRAAA4PV8RJR4NpJEAAAAGEgSAQCA12NNookmEQAAeD0egWNiuhkAAAAGkkQAAOD1+Fk+E0kiAAAADCSJAADA6xEkmkgSAQAAYCBJBAAAXo81iSaSRAAAABhIEgEAgNcjSDTRJAIAAK/H1KqJ7wQAAAAGkkQAAOD1bMw3G0gSAQAAYCBJBAAAXo8c0USSCAAAAANJIgAA8Ho8TNtEkggAAAADTSIAAPB6Njdurlq/fr26du2q8PBw2Ww2LV682Ol4//79ZbPZnLaOHTs6jTl69Kj69u2rwMBABQcHa+DAgcrKynKpDppEAADg9Ww2922uys7OVpMmTfTaa6+dd0zHjh2Vmprq2P7zn/84He/bt6927NihFStWaOnSpVq/fr2GDBniUh2sSQQAAChGOnXqpE6dOl1wjN1uV1hY2DmP7dq1S1988YU2bdqkG2+8UZL0yiuvqHPnznr++ecVHh5eqDpIEgEAgNc7e/q2KLfc3FxlZmY6bbm5uZdV79q1a1WpUiXVq1dPw4YN05EjRxzHkpKSFBwc7GgQJaldu3by8fHRt99+W+hr0CQCAAC4UUJCgoKCgpy2hISESz5fx44d9e6772rVqlV69tlntW7dOnXq1En5+fmSpLS0NFWqVMnpPSVKlFBISIjS0tIKfR2mmwEAgNdzZ2oWHx+vuLg4p312u/2Sz9e7d2/Hnxs1aqTGjRurVq1aWrt2rdq2bXvJ5z0bSSIAAIAb2e12BQYGOm2X0ySerWbNmqpQoYJSUlIkSWFhYcrIyHAac/r0aR09evS86xjPhSYRAAB4PXeuSXS3X3/9VUeOHFHlypUlSdHR0Tp27Ji2bNniGLN69WoVFBQoKiqq0OdluhkAAKAYycrKcqSCkrR//34lJycrJCREISEhmjRpknr27KmwsDDt3btXjz76qGrXrq2YmBhJUoMGDdSxY0cNHjxYs2fPVl5enkaMGKHevXsX+s5miSQRAACgWD1Me/PmzWrWrJmaNWsmSYqLi1OzZs00YcIE+fr6atu2bbrzzjtVt25dDRw4UM2bN9dXX33lNIU9f/581a9fX23btlXnzp1166236o033nDtO7Esy7qE+ou1nNOergCAuyRuOuDpEgC4ydDo6h679ofJh9x27rubFj69K06YbgYAAF7vSqwdvNrQJAIAAK/H+jsT3wkAAAAMJIkAAMDrMd1sIkkEAACAgSQRAAB4PXJEE0kiAAAADCSJAADA67Ek0USSCAAAAANJIgAA8Ho+rEo00CQCAACvx3SzielmAAAAGEgSAQCA17Mx3WwgSQQAAICBJBEAAHg91iSaSBIBAABgIEkEAABej0fgmEgSAQAAYCBJBAAAXo81iSaaRAAA4PVoEk1MNwMAAMBAkggAALweD9M2kSQCAADAQJIIAAC8ng9BooEkEQAAAAaSRAAA4PVYk2giSQQAAICBJBEAAHg9npNookkEAABej+lmE9PNAAAAMJAkAgAAr8cjcEwkiQAAADCQJAIAAK/HmkQTSSIAAAAMJIm46rz95hua8dIL6ntfPz0a/7gkKTc3Vy9Me0ZfLPtcp06d0i0tbtXj459U+QoVPFwtgLP9ume7Nn/+oTJ+/knZx46q68gnVbv5LU5jjhw6qK8/eFu/7tmmgvx8lb8uQneMGK/A8pWcxlmWpcUvPqED2zef8zxAYfEIHBNJIq4qP2zfpo8+XKi6des57X/u2alat3aNnnvxJb0zd54OH85Q3MMjPFQlgAvJy81RxWo1dfv95/47eizjkD54Ok7lKlfV3Y89p/ufmq2oO/uoREk/Y+zWLxfxX3fATWgScdU4kZ2t+HFj9eSkpxQYFOTY/+eff2rRxx9rzKOPKermaEVe31CTn5qq5OSt2vZ9sucKBnBONRrfpBY9+6t28xbnPP6/jxJVvfE/1OqeQaoUUVvBlcJVq1m0SgcGO43L+HmvtnzxsTo8EHcFqsa1zubG7WpFk4irxtSnJqtVq9a6Odp5Omnnjh90+nSeov62v0bNWqpcOVzfJydf4SoBXA6roED7t21UubDr9Mnz/9bskb30n8kPKWXLBqdxebk5Wvb6M7r9/uEKCA7xULW4lvjYbG7brlbFukn85Zdf9MADD1xwTG5urjIzM5223NzcK1QhrpRln3+mXbt26qFRo41jR37/XSVLllRgYKDT/pDy5fX774evVIkAisCJzGPKyzmpTZ+9r+qNblSPMQmqdUMLLXl1sn7dvc0xbt1/Xld47UjVuoE1iIC7FOsm8ejRo5o7d+4FxyQkJCgoKMhpe+7ZhCtUIa6EtNRUTXvmaSU8+5zsdrunywHgRpZlSZJq3RCtG2J6qFJELf3jjntUs0mUtq35TJK0d2uSftmVrNZ9hnqyVFxjmG42efTu5v/+978XPL5v376LniM+Pl5xcc7rUSxfGolryc6dO3T0yBH1vruHY19+fr62bN6khf+Zr1lvvK28vDxlZmY6pYlHjxxRhQoVPVEygEvkXzZQPr6+Kh8e4bQ/JLyqfvtxhyTpl53JOpaRqpkP9nAas/TVKbqubkPdHf/cFasXuJZ5tEns3r27bDab4/85novtInP5drvdSJdyThdJeSgmom6+WR8tXuK078nH41W9Zk0NGDhYYWGVVaJESW38JkntOsRIkg7s36fU1ENq0rSpByoGcKl8S5RUaI26Opr6q9P+P9J+U2CFvx5/c1OXe9SwdSen4/Oe+Jda9/mXaja9+YrVimvM1Rz5uYlHm8TKlStr5syZ6tat2zmPJycnq3nz5le4KhQ3AQFlVKdOXad9/qVLKzgo2LH/nz176vlpzygwKEhlypTRM1OfUpOmzdS4SVMPVAzgQk7lnNSx9EOO15m/pynj570qVaasAstX0o2d7tZnM6eqSr2GqtqgiQ5s36x9yd/o7sf+SggDgkPOebNK2ZBKCqoYdsU+B3Ct82iT2Lx5c23ZsuW8TeLFUkbgjLHj/i0fm49GP/KQTuX938O0n3jS02UBOIf0/T/qo2cfdbxe95/XJUmRLdorZvAY1W7eQm1jH9KmzxZqzfxZCgmroq4jxuu6ug09VTK8AD/LZ7JZHuzCvvrqK2VnZ6tjx47nPJ6dna3NmzerdevWLp2X6Wbg2pW46YCnSwDgJkOjq3vs2t/uPe62c0fVCrr4oGLIo0liy5YtL3g8ICDA5QYRAADAVVfx4wzdht9uBgAAXo8e0VSsn5MIAAAAzyBJBAAAIEo0kCQCAADAQJIIAAC8Ho/AMZEkAgAAwECSCAAAvB6PwDGRJAIAAMBAkggAALweQaKJJhEAAIAu0cB0MwAAAAwkiQAAwOvxCBwTSSIAAAAMJIkAAMDr8QgcE0kiAAAADCSJAADA6xEkmkgSAQAAYKBJBAAAsLlxc9H69evVtWtXhYeHy2azafHixU7HLcvShAkTVLlyZfn7+6tdu3b66aefnMYcPXpUffv2VWBgoIKDgzVw4EBlZWW5VAdNIgAA8Ho2N/7jquzsbDVp0kSvvfbaOY9PmzZNM2bM0OzZs/Xtt98qICBAMTExysnJcYzp27evduzYoRUrVmjp0qVav369hgwZ4tp3YlmW5XL1xVzOaU9XAMBdEjcd8HQJANxkaHR1j1172y+upWyuaFy1zCW/12azadGiRerevbukv1LE8PBwjR49WmPGjJEkHT9+XKGhoUpMTFTv3r21a9cuRUZGatOmTbrxxhslSV988YU6d+6sX3/9VeHh4YW6NkkiAADwejab+7bc3FxlZmY6bbm5uZdU5/79+5WWlqZ27do59gUFBSkqKkpJSUmSpKSkJAUHBzsaRElq166dfHx89O233xb6WjSJAAAAbpSQkKCgoCCnLSEh4ZLOlZaWJkkKDQ112h8aGuo4lpaWpkqVKjkdL1GihEJCQhxjCoNH4AAAAK/nzkfgxMfHKy4uzmmf3W534xWLBk0iAACAG9nt9iJrCsPCwiRJ6enpqly5smN/enq6mjZt6hiTkZHh9L7Tp0/r6NGjjvcXBtPNAAAAxegROBdSo0YNhYWFadWqVY59mZmZ+vbbbxUdHS1Jio6O1rFjx7RlyxbHmNWrV6ugoEBRUVGFvhZJIgAAQDGSlZWllJQUx+v9+/crOTlZISEhqlatmh555BE99dRTqlOnjmrUqKHx48crPDzccQd0gwYN1LFjRw0ePFizZ89WXl6eRowYod69exf6zmaJJhEAAOCSnmfoLps3b1abNm0cr8+sZ4yNjVViYqIeffRRZWdna8iQITp27JhuvfVWffHFFypVqpTjPfPnz9eIESPUtm1b+fj4qGfPnpoxY4ZLdfCcRABXFZ6TCFy7PPmcxB2/Zbvt3NdfF+C2c7sTSSIAAPB6tuITJBYbNIkAAMDr0SOauLsZAAAABpJEAAAAokQDSSIAAAAMJIkAAMDrFadH4BQXJIkAAAAwkCQCAACvxyNwTCSJAAAAMJAkAgAAr0eQaKJJBAAAoEs0MN0MAAAAA0kiAADwejwCx0SSCAAAAANJIgAA8Ho8AsdEkggAAAADSSIAAPB6BIkmkkQAAAAYSBIBAACIEg00iQAAwOvxCBwT080AAAAwkCQCAACvxyNwTCSJAAAAMJAkAgAAr0eQaCJJBAAAgIEkEQAAgCjRQJIIAAAAA0kiAADwejwn0USTCAAAvB6PwDEx3QwAAAADSSIAAPB6BIkmkkQAAAAYSBIBAIDXY02iiSQRAAAABpJEAAAAViUaSBIBAABgIEkEAABejzWJJppEAADg9egRTUw3AwAAwECSCAAAvB7TzSaSRAAAABhIEgEAgNezsSrRQJIIAAAAA0kiAAAAQaKBJBEAAAAGkkQAAOD1CBJNNIkAAMDr8QgcE9PNAAAAMJAkAgAAr8cjcEwkiQAAADCQJAIAABAkGkgSAQAAYCBJBAAAXo8g0USSCAAAAANJIgAA8Ho8J9FEkwgAALwej8AxMd0MAAAAA0kiAADwekw3m0gSAQAAYKBJBAAAgIEmEQAAAAbWJAIAAK/HmkQTSSIAAEAxMXHiRNlsNqetfv36juM5OTkaPny4ypcvrzJlyqhnz55KT093Sy00iQAAwOvZ3PiPq66//nqlpqY6tq+//tpxbNSoUVqyZIk+/PBDrVu3TocOHVKPHj2K8qtwYLoZAAB4veI03VyiRAmFhYUZ+48fP663335bCxYs0O233y5JmjNnjho0aKBvvvlGN998c5HWQZIIAADgRrm5ucrMzHTacnNzzzv+p59+Unh4uGrWrKm+ffvq4MGDkqQtW7YoLy9P7dq1c4ytX7++qlWrpqSkpCKvmyYRAAB4PZsbt4SEBAUFBTltCQkJ56wjKipKiYmJ+uKLLzRr1izt379fLVu21J9//qm0tDT5+fkpODjY6T2hoaFKS0sryq9DEtPNAAAAbhUfH6+4uDinfXa7/ZxjO3Xq5Phz48aNFRUVpYiICH3wwQfy9/d3a51no0kEAABw45pEu91+3qbwYoKDg1W3bl2lpKSoffv2OnXqlI4dO+aUJqanp59zDePlYroZAACgmMrKytLevXtVuXJlNW/eXCVLltSqVascx/fs2aODBw8qOjq6yK9NkggAALzepTyqxh3GjBmjrl27KiIiQocOHdKTTz4pX19f3XvvvQoKCtLAgQMVFxenkJAQBQYGauTIkYqOji7yO5slmkQAAIBi49dff9W9996rI0eOqGLFirr11lv1zTffqGLFipKk6dOny8fHRz179lRubq5iYmI0c+ZMt9RisyzLcsuZPSjntKcrAOAuiZsOeLoEAG4yNLq6x66dfcp97VCAX/FIKV3FmkQAAAAYmG4GAABe7+rM+tyLJhEAAIAu0cB0MwAAAAwkiQAAwOsVl0fgFCckiQAAADCQJAIAAK9nI0g0kCQCAADAcE0+TBveIzc3VwkJCYqPj7/kH08HUDzx9xvwLJpEXNUyMzMVFBSk48ePKzAw0NPlAChC/P0GPIvpZgAAABhoEgEAAGCgSQQAAICBJhFXNbvdrieffJJF7cA1iL/fgGdx4woAAAAMJIkAAAAw0CQCAADAQJMIAAAAA00iAAAADDSJuKq99tprql69ukqVKqWoqCht3LjR0yUBuEzr169X165dFR4eLpvNpsWLF3u6JMAr0STiqvX+++8rLi5OTz75pL777js1adJEMTExysjI8HRpAC5Ddna2mjRpotdee83TpQBejUfg4KoVFRWlm266Sa+++qokqaCgQFWrVtXIkSP12GOPebg6AEXBZrNp0aJF6t69u6dLAbwOSSKuSqdOndKWLVvUrl07xz4fHx+1a9dOSUlJHqwMAIBrA00irkq///678vPzFRoa6rQ/NDRUaWlpHqoKAIBrB00iAAAADDSJuCpVqFBBvr6+Sk9Pd9qfnp6usLAwD1UFAMC1gyYRVyU/Pz81b95cq1atcuwrKCjQqlWrFB0d7cHKAAC4NpTwdAHApYqLi1NsbKxuvPFG/eMf/9BLL72k7OxsDRgwwNOlAbgMWVlZSklJcbzev3+/kpOTFRISomrVqnmwMsC78AgcXNVeffVVPffcc0pLS1PTpk01Y8YMRUVFebosAJdh7dq1atOmjbE/NjZWiYmJV74gwEvRJAIAAMDAmkQAAAAYaBIBAABgoEkEAACAgSYRAAAABppEAAAAGGgSAQAAYKBJBAAAgIEmEQAAAAaaRACXrX///urevbvj9W233aZHHnnkitexdu1a2Ww2HTt27LxjbDabFi9eXOhzTpw4UU2bNr2sug4cOCCbzabk5OTLOg8AXEk0icA1qn///rLZbLLZbPLz81Pt2rU1efJknT592u3X/uSTTzRlypRCjS1MYwcAuPJKeLoAAO7TsWNHzZkzR7m5ufr88881fPhwlSxZUvHx8cbYU6dOyc/Pr0iuGxISUiTnAQB4DkkicA2z2+0KCwtTRESEhg0bpnbt2um///2vpP8/Rfz0008rPDxc9erVkyT98ssv6tWrl4KDgxUSEqJu3brpwIEDjnPm5+crLi5OwcHBKl++vB599FGd/RPwZ0835+bmaty4capatarsdrtq166tt99+WwcOHFCbNm0kSeXKlZPNZlP//v0lSQUFBUpISFCNGjXk7++vJk2a6KOPPnK6zueff666devK399fbdq0caqzsMaNG6e6deuqdOnSqlmzpsaPH6+8vDxj3Ouvv66qVauqdOnS6tWrl44fP+50/K233lKDBg1UqlQp1a9fXzNnzjzvNf/44w/17dtXFStWlL+/v+rUqaM5c+a4XDsAuBNJIuBF/P39deTIEcfrVatWKTAwUCtWrJAk5eXlKSYmRtHR0frqq69UokQJPfXUU+rYsaO2bdsmPz8/vfDCC0pMTNQ777yjBg0a6IUXXtCiRYt0++23n/e6/fr1U1JSkmbMmKEmTZpo//79+v3331W1alV9/PHH6tmzp/bs2aPAwED5+/tLkhISEvTee+9p9uzZqlOnjtavX6/77rtPFStWVOvWrfXLL7+oR48eGj58uIYMGaLNmzdr9OjRLn8nZcuWVWJiosLDw7V9+3YNHjxYZcuW1aOPPuoYk5KSog8++EBLlixRZmamBg4cqAcffFDz58+XJM2fP18TJkzQq6++qmbNmmnr1q0aPHiwAgICFBsba1xz/Pjx2rlzp5YtW6YKFSooJSVFJ0+edLl2AHArC8A1KTY21urWrZtlWZZVUFBgrVixwrLb7daYMWMcx0NDQ63c3FzHe+bNm2fVq1fPKigocOzLzc21/P39reXLl1uWZVmVK1e2pk2b5jiel5dnValSxXEty7Ks1q1bWw8//LBlWZa1Z88eS5K1YsWKc9a5Zs0aS5L1xx9/OPbl5ORYpUuXtjZs2OA0duDAgda9995rWZZlxcfHW5GRkU7Hx40bZ5zrbJKsRYsWnff4c889ZzVv3tzx+sknn7R8fX2tX3/91bFv2bJllo+Pj5WammpZlmXVqlXLWrBggdN5pkyZYkVHR1uWZVn79++3JFlbt261LMuyunbtag0YMOC8NQBAcUCSCFzDli5dqjJlyigvL08FBQXq06ePJk6c6DjeqFEjp3WI33//vVJSUlS2bFmn8+Tk5Gjv3r06fvy4UlNTFRUV5ThWokQJ3XjjjcaU8xnJycny9fVV69atC113SkqKTpw4ofbt2zvtP3XqlJo1ayZJ2rVrl1MdkhQdHV3oa5zx/vvva8aMGdq7d6+ysrJ0+vRpBQYGOo2pVq2arrvuOqfrFBQUaM+ePSpbtqz27t2rgQMHavDgwY4xp0+fVlBQ0DmvOWzYMPXs2VPfffedOnTooO7du+uWW25xuXYAcCeaROAa1qZNG82aNUt+fn4KDw9XiRLOf+UDAgKcXmdlZal58+aOadS/q1ix4iXVcGb62BVZWVmSpM8++8ypOZP+WmdZVJKSktS3b19NmjRJMTExCgoK0sKFC/XCCy+4XOubb75pNK2+vr7nfE+nTp30888/6/PPP9eKFSvUtm1bDR8+XM8///ylfxgAKGI0icA1LCAgQLVr1y70+BtuuEHvv/++KlWqZKRpZ1SuXFnffvutWrVqJemvxGzLli264YYbzjm+UaNGKigo0Lp169SuXTvj+JkkMz8/37EvMjJSdrtdBw8ePG8C2aBBA8dNOGd88803F/+Qf7NhwwZFRETo8ccfd+z7+eefjXEHDx7UoUOHFB4e7riOj4+P6tWrp9DQUIWHh2vfvn3q27dvoa9dsWJFxcbGKjY2Vi1bttTYsWNpEgEUK9zdDMChb9++qlChgrp166avvvpK+/fv19q1a/XQQw/p119/lSQ9/PDDeuaZZ7R48WLt3r1bDz744AWfcVi9enXFxsbqgQce0OLFix3n/OCDDyRJERERstlsWrp0qQ4fPqysrCyVLVtWY8aM0ahRozR37lzt3btX3333nV555RXNnTtXkjR06FD99NNPGjt2rPbs2aMFCxYoMTHRpc9bp04dHTx4UAsXLtTevXs1Y8YMLVq0yBhXqlQpxcbG6vvvv9dXX32lhx56SL169VJYWJgkadKkSUpISNCMGTP0448/avv27ZozZ45efPHFc153woQJ+vTTT5WSkqIdO3Zo6dKlatCggUu1A4C70SQCcChdurTWr1+vatWqqUePHmrQoIEGDhyonJwcR7I4evRo3X///YqNjVV0dLTKli2rf/7znxc876xZs3TXXXfpwQcfVP369TV48GBlZ2dLkq677jpNmjRJjz32mEJDQzVixAhJ0pQpUzR+/HglJCSoQYMG6tixoz777DPVqFFD0l/rBD/++GMtXrxYTZo00ezZszV16lSXPu+dd96pUaNGacSIEWratKk2bNig8ePHG+Nq166tHj16qHPnzurQoYMaN27s9IibQYMG6a233tKcOXPUqFEjtW7dWomJiY5az+bn56f4+Hg1btxYrVq1kq+vrxYuXOhS7QDgbjbrfKvNAQAA4LVIEgEAAGCgSQQAAICBJhEAAAAGmkQAAAAYaBIBAABgoEkEAACAgSYRAAAABppEAAAAGGgSAQAAYKBJBAAAgIEmEQAAAIb/B47B5gf5S3HFAAAAAElFTkSuQmCC", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "plot_confusion_matrix(y_test, y_pred,(0,1))" + ] + }, + { + "cell_type": "code", + "execution_count": 48, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAr4AAAIjCAYAAADlfxjoAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8pXeV/AAAACXBIWXMAAA9hAAAPYQGoP6dpAACbcElEQVR4nOzdeVhUZRsG8HtAdtkUQUQUUMENSXHfFxKzTCsV96U09XMp1HLfKrU0t8xcU9S0NLOyMi1NLJU09x0VNDdQUARBAWHe74/TzDAy4AzOcGDm/l0Xl2feOXPmmQV85pn3PK9CCCFARERERGTmrOQOgIiIiIioODDxJSIiIiKLwMSXiIiIiCwCE18iIiIisghMfImIiIjIIjDxJSIiIiKLwMSXiIiIiCwCE18iIiIisghMfImIiIjIIjDxJSomfn5+GDRokNxhWJy2bduibdu2cofxTDNnzoRCoUBycrLcoZQ4CoUCM2fONMqxrl27BoVCgaioKKMcDwCOHDkCW1tb/Pvvv0Y7prH16tULPXv2lDsMItkx8SWzEBUVBYVCof4pU6YMfHx8MGjQINy6dUvu8Eq0jIwMfPjhh6hXrx4cHR3h6uqKVq1aYcOGDSgtK5qfP38eM2fOxLVr1+QOJZ/c3FysW7cObdu2Rbly5WBnZwc/Pz8MHjwYR48elTs8o9i8eTMWL14sdxhaijOmKVOmoHfv3qhatap6rG3btlp/kxwcHFCvXj0sXrwYSqVS53Hu3buH9957D0FBQbC3t0e5cuUQHh6On3/+ucD7TktLw6xZsxASEoKyZcvCwcEBdevWxYQJE3D79m31fhMmTMB3332HU6dO6f24LOG9S5ZHIUrL/2xEhYiKisLgwYPxwQcfwN/fH5mZmfj7778RFRUFPz8/nD17Fvb29rLGmJWVBSsrK9jY2MgaR1537txBhw4dcOHCBfTq1Qtt2rRBZmYmvvvuO/z555+IiIjApk2bYG1tLXeohdq2bRt69OiBffv25avuZmdnAwBsbW2LPa7Hjx/j9ddfx65du9C6dWt06dIF5cqVw7Vr17B161ZcunQJ169fR+XKlTFz5kzMmjULSUlJ8PDwKPZYn8crr7yCs2fPmuyDR2ZmJsqUKYMyZco8d0xCCGRlZcHGxsYo7+uTJ0+ifv36OHToEJo1a6Yeb9u2LeLi4jB37lwAQHJyMjZv3ox//vkHkydPxuzZs7WOExsbiw4dOiApKQmDBw9Gw4YN8eDBA2zatAknT57E+PHjMX/+fK3bxMfHIywsDNevX0ePHj3QsmVL2Nra4vTp0/j6669Rrlw5XLp0Sb1/kyZNEBQUhA0bNjzzcRny3iUqVQSRGVi3bp0AIP755x+t8QkTJggAYsuWLTJFJq/Hjx+L3NzcAq8PDw8XVlZW4scff8x33fjx4wUA8fHHH5syRJ3S09MN2v/bb78VAMS+fftME1ARjRw5UgAQixYtynddTk6OmD9/vrhx44YQQogZM2YIACIpKclk8SiVSvHo0SOjH/fll18WVatWNeoxc3NzxePHj4t8e1PEpMuYMWNElSpVhFKp1Bpv06aNqFOnjtbY48ePRdWqVYWzs7PIyclRj2dnZ4u6desKR0dH8ffff2vdJicnR0RERAgA4ptvvlGPP3nyRISEhAhHR0fx119/5YsrNTVVTJ48WWvs008/FU5OTuLhw4fPfFyGvHefx/O+zkSGYuJLZqGgxPfnn38WAMScOXO0xi9cuCDeeOMN4e7uLuzs7ERoaKjO5C8lJUW8++67omrVqsLW1lb4+PiI/v37ayUnmZmZYvr06aJatWrC1tZWVK5cWbz33nsiMzNT61hVq1YVAwcOFEII8c8//wgAIioqKt997tq1SwAQP/30k3rs5s2bYvDgwcLT01PY2tqK2rVriy+//FLrdvv27RMAxNdffy2mTJkiKlWqJBQKhUhJSdH5nMXExAgA4s0339R5/ZMnT0SNGjWEu7u7Olm6evWqACDmz58vFi5cKKpUqSLs7e1F69atxZkzZ/IdQ5/nWfXaRUdHixEjRogKFSoINzc3IYQQ165dEyNGjBCBgYHC3t5elCtXTnTv3l1cvXo13+2f/lElwW3atBFt2rTJ9zxt2bJFfPTRR8LHx0fY2dmJ9u3bi8uXL+d7DJ9//rnw9/cX9vb2olGjRuLPP//Md0xdbty4IcqUKSNefPHFQvdTUSW+ly9fFgMHDhSurq7CxcVFDBo0SGRkZGjtu3btWtGuXTtRoUIFYWtrK2rVqiW++OKLfMesWrWqePnll8WuXbtEaGiosLOzUycy+h5DCCF27twpWrduLcqWLSucnZ1Fw4YNxaZNm4QQ0vP79HOfN+HU9/cDgBg5cqT46quvRO3atUWZMmXE999/r75uxowZ6n3T0tLEO++8o/69rFChgggLCxPHjh17Zkyq9/C6deu07v/ChQuiR48ewsPDQ9jb24vAwMB8iaMuVapUEYMGDco3rivxFUKI7t27CwDi9u3b6rGvv/5aABAffPCBzvt48OCBcHNzEzVr1lSPffPNNwKAmD179jNjVDl16pQAILZv317ofoa+dwcOHKjzQ4bqPZ2Xrtd569atwt3dXefzmJqaKuzs7MS4cePUY/q+p4h00f97I6JSSPU1p7u7u3rs3LlzaNGiBXx8fDBx4kQ4OTlh69at6NatG7777ju89tprAID09HS0atUKFy5cwJtvvokGDRogOTkZO3bswM2bN+Hh4QGlUolXX30VBw4cwNtvv41atWrhzJkzWLRoES5duoQffvhBZ1wNGzZEQEAAtm7dioEDB2pdt2XLFri7uyM8PByANB2hadOmUCgUGDVqFCpUqIBff/0Vb731FtLS0vDuu+9q3f7DDz+Era0txo8fj6ysrAK/4v/pp58AAAMGDNB5fZkyZdCnTx/MmjULBw8eRFhYmPq6DRs24OHDhxg5ciQyMzOxZMkStG/fHmfOnIGXl5dBz7PK//73P1SoUAHTp09HRkYGAOCff/7BoUOH0KtXL1SuXBnXrl3D8uXL0bZtW5w/fx6Ojo5o3bo1xowZg88++wyTJ09GrVq1AED9b0E+/vhjWFlZYfz48UhNTcW8efPQt29fHD58WL3P8uXLMWrUKLRq1QqRkZG4du0aunXrBnd392d+xfvrr78iJycH/fv3L3S/p/Xs2RP+/v6YO3cujh8/jjVr1sDT0xOffPKJVlx16tTBq6++ijJlyuCnn37C//73PyiVSowcOVLreLGxsejduzeGDRuGoUOHIigoyKBjREVF4c0330SdOnUwadIkuLm54cSJE9i1axf69OmDKVOmIDU1FTdv3sSiRYsAAGXLlgUAg38//vjjD2zduhWjRo2Ch4cH/Pz8dD5Hw4cPx7Zt2zBq1CjUrl0b9+7dw4EDB3DhwgU0aNCg0Jh0OX36NFq1agUbGxu8/fbb8PPzQ1xcHH766ad8UxLyunXrFq5fv44GDRoUuM/TVCfXubm5qcee9bvo6uqKrl27Yv369bhy5QqqV6+OHTt2AIBB76/atWvDwcEBBw8ezPf7l1dR37v6evp1rlGjBl577TVs374dK1eu1Pqb9cMPPyArKwu9evUCYPh7iigfuTNvImNQVf327NkjkpKSxI0bN8S2bdtEhQoVhJ2dndZXch06dBDBwcFa1QGlUimaN28uatSooR6bPn16gdUR1deaGzduFFZWVvm+alyxYoUAIA4ePKgey1vxFUKISZMmCRsbG3H//n31WFZWlnBzc9Oqwr711lvC29tbJCcna91Hr169hKurq7oaq6pkBgQE6PV1drdu3QSAAivCQgixfft2AUB89tlnQghNtczBwUHcvHlTvd/hw4cFABEZGake0/d5Vr12LVu21Pr6Vwih83GoKtUbNmxQjxU21aGgim+tWrVEVlaWenzJkiUCgLpynZWVJcqXLy8aNWoknjx5ot4vKipKAHhmxTcyMlIAECdOnCh0PxVVdezpCvxrr70mypcvrzWm63kJDw8XAQEBWmNVq1YVAMSuXbvy7a/PMR48eCCcnZ1FkyZN8n0dnfer/YKmFRjy+wFAWFlZiXPnzuU7Dp6q+Lq6uoqRI0fm2y+vgmLSVfFt3bq1cHZ2Fv/++2+Bj1GXPXv25Pt2RqVNmzaiZs2aIikpSSQlJYmLFy+K9957TwAQL7/8sta+L7zwgnB1dS30vhYuXCgAiB07dgghhKhfv/4zb6NLYGCgeOmllwrdx9D3rqEVX12v8+7du3U+l507d9Z6TxryniLShV0dyKyEhYWhQoUK8PX1Rffu3eHk5IQdO3aoq3P379/HH3/8gZ49e+Lhw4dITk5GcnIy7t27h/DwcFy+fFndBeK7775DSEiIzsqIQqEAAHz77beoVasWatasqT5WcnIy2rdvDwDYt29fgbFGRETgyZMn2L59u3rst99+w4MHDxAREQFAOhHnu+++Q5cuXSCE0LqP8PBwpKam4vjx41rHHThwIBwcHJ75XD18+BAA4OzsXOA+quvS0tK0xrt16wYfHx/15caNG6NJkybYuXMnAMOeZ5WhQ4fmO9ko7+N48uQJ7t27h+rVq8PNzS3f4zbU4MGDtSpLrVq1AiCdMAQAR48exb179zB06FCtk6r69u2r9Q1CQVTPWWHPry7Dhw/XutyqVSvcu3dP6zXI+7ykpqYiOTkZbdq0QXx8PFJTU7Vu7+/vr/72IC99jvH777/j4cOHmDhxYr6TQ1W/A4Ux9PejTZs2qF279jOP6+bmhsOHD2t1LSiqpKQk/Pnnn3jzzTdRpUoVreue9Rjv3bsHAAW+Hy5evIgKFSqgQoUKqFmzJubPn49XX301Xyu1hw8fPvN98vTvYlpamsHvLVWsz2qZV9T3rr50vc7t27eHh4cHtmzZoh5LSUnB77//rv57CDzf31wiAOBUBzIry5YtQ2BgIFJTU7F27Vr8+eefsLOzU19/5coVCCEwbdo0TJs2Tecx7t69Cx8fH8TFxeGNN94o9P4uX76MCxcuoEKFCgUeqyAhISGoWbMmtmzZgrfeeguANM3Bw8ND/Uc8KSkJDx48wKpVq7Bq1Sq97sPf37/QmFVU/6k9fPhQ62vXvApKjmvUqJFv38DAQGzduhWAYc9zYXE/fvwYc+fOxbp163Dr1i2t9mpPJ3iGejrJUSUvKSkpAKDuyVq9enWt/cqUKVPgV/B5ubi4ANA8h8aIS3XMgwcPYsaMGYiJicGjR4+09k9NTYWrq6v6ckHvB32OERcXBwCoW7euQY9BxdDfD33fu/PmzcPAgQPh6+uL0NBQdO7cGQMGDEBAQIDBMao+6BT1MQIosO2fn58fVq9eDaVSibi4OMyePRtJSUn5PkQ4Ozs/Mxl9+nfRxcVFHbuhsT4roS/qe1dful7nMmXK4I033sDmzZuRlZUFOzs7bN++HU+ePNFKfJ/nby4RwMSXzEzjxo3RsGFDAFJVsmXLlujTpw9iY2NRtmxZdf/M8ePH66yCAfkTncIolUoEBwdj4cKFOq/39fUt9PYRERGYPXs2kpOT4ezsjB07dqB3797qCqMq3n79+uWbC6xSr149rcv6VHsBaQ7sDz/8gNOnT6N169Y69zl9+jQA6FWFy6soz7OuuEePHo1169bh3XffRbNmzeDq6gqFQoFevXoV2AtVXwW1siooiTFUzZo1AQBnzpzBCy+8oPftnhVXXFwcOnTogJo1a2LhwoXw9fWFra0tdu7ciUWLFuV7XnQ9r4Yeo6gM/f3Q973bs2dPtGrVCt9//z1+++03zJ8/H5988gm2b9+Ol1566bnj1lf58uUBaD4sPc3JyUlrbnyLFi3QoEEDTJ48GZ999pl6vFatWjh58iSuX7+e74OPytO/izVr1sSJEydw48aNZ/6dySslJUXnB9e8DH3vFpRI5+bm6hwv6HXu1asXVq5ciV9//RXdunXD1q1bUbNmTYSEhKj3ed6/uURMfMlsWVtbY+7cuWjXrh0+//xzTJw4UV0RsrGx0foPSZdq1arh7Nmzz9zn1KlT6NChg15f/T4tIiICs2bNwnfffQcvLy+kpaWpT+IAgAoVKsDZ2Rm5ubnPjNdQr7zyCubOnYsNGzboTHxzc3OxefNmuLu7o0WLFlrXXb58Od/+ly5dUldCDXmeC7Nt2zYMHDgQCxYsUI9lZmbiwYMHWvsV5bl/FtViBFeuXEG7du3U4zk5Obh27Vq+DxxPe+mll2BtbY2vvvrKqCcJ/fTTT8jKysKOHTu0kiRDvuLV9xjVqlUDAJw9e7bQD4QFPf/P+/tRGG9vb/zvf//D//73P9y9excNGjTA7Nmz1Ymvvveneq8+63ddF1WCePXqVb32r1evHvr164eVK1di/Pjx6uf+lVdewddff40NGzZg6tSp+W6XlpaGH3/8ETVr1lS/Dl26dMHXX3+Nr776CpMmTdLr/nNycnDjxg28+uqrhe5n6HvX3d093+8kAINXsmvdujW8vb2xZcsWtGzZEn/88QemTJmitY8p31NkGTjHl8xa27Zt0bhxYyxevBiZmZnw9PRE27ZtsXLlSiQkJOTbPykpSb39xhtv4NSpU/j+++/z7aeqvvXs2RO3bt3C6tWr8+3z+PFjdXeCgtSqVQvBwcHYsmULtmzZAm9vb60k1NraGm+88Qa+++47nf8x543XUM2bN0dYWBjWrVunc2WoKVOm4NKlS3j//ffzVWh++OEHrTm6R44cweHDh9VJhyHPc2Gsra3zVWCXLl2ar5Lk5OQEADr/8y2qhg0bonz58li9ejVycnLU45s2bSqwwpeXr68vhg4dit9++w1Lly7Nd71SqcSCBQtw8+ZNg+JSVYSfnvaxbt06ox+jY8eOcHZ2xty5c5GZmal1Xd7bOjk56Zx68ry/H7rk5ubmuy9PT09UqlQJWVlZz4zpaRUqVEDr1q2xdu1aXL9+Xeu6Z1X/fXx84Ovra9AqZu+//z6ePHmiVbHs3r07ateujY8//jjfsZRKJUaMGIGUlBTMmDFD6zbBwcGYPXs2YmJi8t3Pw4cP8yWN58+fR2ZmJpo3b15ojIa+d6tVq4bU1FR1VRoAEhISdP7tLIyVlRW6d++On376CRs3bkROTo7WNAfANO8psiys+JLZe++999CjRw9ERUVh+PDhWLZsGVq2bIng4GAMHToUAQEBuHPnDmJiYnDz5k31kp7vvfeeekWwN998E6Ghobh//z527NiBFStWICQkBP3798fWrVsxfPhw7Nu3Dy1atEBubi4uXryIrVu3Yvfu3eqpFwWJiIjA9OnTYW9vj7feegtWVtqfRz/++GPs27cPTZo0wdChQ1G7dm3cv38fx48fx549e3D//v0iPzcbNmxAhw4d0LVrV/Tp0wetWrVCVlYWtm/fjujoaEREROC9997Ld7vq1aujZcuWGDFiBLKysrB48WKUL18e77//vnoffZ/nwrzyyivYuHEjXF1dUbt2bcTExGDPnj3qr5hVXnjhBVhbW+OTTz5Bamoq7Ozs0L59e3h6ehb5ubG1tcXMmTMxevRotG/fHj179sS1a9cQFRWFatWq6VVtWrBgAeLi4jBmzBhs374dr7zyCtzd3XH9+nV8++23uHjxolaFXx8dO3aEra0tunTpgmHDhiE9PR2rV6+Gp6enzg8Zz3MMFxcXLFq0CEOGDEGjRo3Qp08fuLu749SpU3j06BHWr18PAAgNDcWWLVswduxYNGrUCGXLlkWXLl2M8vvxtIcPH6Jy5cro3r27epnePXv24J9//tH6ZqCgmHT57LPP0LJlSzRo0ABvv/02/P39ce3aNfzyyy84efJkofF07doV33//vV5zZwFpqkLnzp2xZs0aTJs2DeXLl4etrS22bduGDh06oGXLllort23evBnHjx/HuHHjtN4rNjY22L59O8LCwtC6dWv07NkTLVq0gI2NDc6dO6f+tiZvO7bff/8djo6OePHFF58ZpyHv3V69emHChAl47bXXMGbMGDx69AjLly9HYGCgwSehRkREYOnSpZgxYwaCg4PztSU0xXuKLEzxN5IgMr6CFrAQQloZqFq1aqJatWrqdllxcXFiwIABomLFisLGxkb4+PiIV155RWzbtk3rtvfu3ROjRo0SPj4+6kbpAwcO1Gotlp2dLT755BNRp04dYWdnJ9zd3UVoaKiYNWuWSE1NVe/3dDszlcuXL6ub7B84cEDn47tz544YOXKk8PX1FTY2NqJixYqiQ4cOYtWqVep9VG26vv32W4Oeu4cPH4qZM2eKOnXqCAcHB+Hs7CxatGghoqKi8rVzyruAxYIFC4Svr6+ws7MTrVq1EqdOncp3bH2e58Jeu5SUFDF48GDh4eEhypYtK8LDw8XFixd1PperV68WAQEBwtraWq8FLJ5+ngpa2OCzzz4TVatWFXZ2dqJx48bi4MGDIjQ0VHTq1EmPZ1da5WrNmjWiVatWwtXVVdjY2IiqVauKwYMHa7WLKmjlNtXzk3fRjh07doh69eoJe3t74efnJz755BOxdu3afPupFrDQRd9jqPZt3ry5cHBwEC4uLqJx48bi66+/Vl+fnp4u+vTpI9zc3PItYKHv7wf+W9hAF+RpZ5aVlSXee+89ERISIpydnYWTk5MICQnJt/hGQTEV9DqfPXtWvPbaa8LNzU3Y29uLoKAgMW3aNJ3x5HX8+HEBIF97rYIWsBBCiOjo6Hwt2oQQ4u7du2Ls2LGievXqws7OTri5uYmwsDB1CzNdUlJSxPTp00VwcLBwdHQU9vb2om7dumLSpEkiISFBa98mTZqIfv36PfMxqej73hVCiN9++03UrVtX2NraiqCgIPHVV18VuoBFQZRKpfD19RUAxEcffaRzH33fU0S6KIQw0pkcRGT2rl27Bn9/f8yfPx/jx4+XOxxZKJVKVKhQAa+//rrOr1vJ8nTo0AGVKlXCxo0b5Q6lQCdPnkSDBg1w/Phxg062JDI3nONLRFSAzMzMfPM8N2zYgPv376Nt27byBEUlzpw5c7BlyxaDT+YqTh9//DG6d+/OpJcsHuf4EhEV4O+//0ZkZCR69OiB8uXL4/jx4/jyyy9Rt25d9OjRQ+7wqIRo0qQJsrOz5Q6jUN98843cIRCVCEx8iYgK4OfnB19fX3z22We4f/8+ypUrhwEDBuDjjz/WWvWNiIhKB87xJSIiIiKLwDm+RERERGQRmPgSERERkUWwuDm+SqUSt2/fhrOzM5c7JCIiIiqBhBB4+PAhKlWqlG9hp+dhcYnv7du34evrK3cYRERERPQMN27cQOXKlY12PItLfJ2dnQFIT6SLi4vM0RARERHR09LS0uDr66vO24zF4hJf1fQGFxcXJr5EREREJZixp6Xy5DYiIiIisghMfImIiIjIIjDxJSIiIiKLwMSXiIiIiCwCE18iIiIisghMfImIiIjIIjDxJSIiIiKLwMSXiIiIiCwCE18iIiIisghMfImIiIjIIjDxJSIiIiKLwMSXiIiIiCwCE18iIiIisghMfImIiIjIIjDxJSIiIiKLIGvi++eff6JLly6oVKkSFAoFfvjhh2feJjo6Gg0aNICdnR2qV6+OqKgok8dJRERERKWfrIlvRkYGQkJCsGzZMr32v3r1Kl5++WW0a9cOJ0+exLvvvoshQ4Zg9+7dJo6UiIiIiEq7MnLe+UsvvYSXXnpJ7/1XrFgBf39/LFiwAABQq1YtHDhwAIsWLUJ4eLipwiQiIiIiExICSEwELl4ELp5X4s7+cya5H1kTX0PFxMQgLCxMayw8PBzvvvtugbfJyspCVlaW+nJaWpqpwiMiIiKiQmRnA1eu/Jfg/vcTGyv9m5YGVEQC1mEwXsN+zDLB/ZeqxDcxMRFeXl5aY15eXkhLS8Pjx4/h4OCQ7zZz587FrFmmeOqIiIiISJd797STW1WCGx8P5Obqvs2r+BFrMAQVkAxTlSlLVeJbFJMmTcLYsWPVl9PS0uDr6ytjRERERESlX04OcO2a7gQ3OVn/4zghAyvLjkPf9JXqsSx3TyDlrtFjLlWJb8WKFXHnzh2tsTt37sDFxUVntRcA7OzsYGdnVxzhEREREZmdtDTNdIS8P5cvA0+e6H8cR0cgKAioWVPzU195DNVm9IXVpVjNjt26wW7hQiAgwOiPpVQlvs2aNcPOnTu1xn7//Xc0a9ZMpoiIiIiISj+lErh5M39ye/EikJBg2LEqVdJOblU/Pj6AlaqfWG4u8OmnwNSpUukYkDLjxYuBIUOAhw+N+fDUZE1809PTceXKFfXlq1ev4uTJkyhXrhyqVKmCSZMm4datW9iwYQMAYPjw4fj888/x/vvv480338Qff/yBrVu34pdffpHrIRARERGVGo8eSZVaXdMTHj/W/zi2tkCNGvmT28BAwMVFjwNkZgJr1miS3tBQYPNm6QAmJGvie/ToUbRr1059WTUXd+DAgYiKikJCQgKuX7+uvt7f3x+//PILIiMjsWTJElSuXBlr1qxhKzMiIiKi/6hag+manvDvv4Ydy8NDd/XWzw+wtn6OIJ2cpES3ZUtg3Dhg5kwpmzYxhRBCmPxeSpC0tDS4uroiNTUVLnp9JCEiIiIqeVStwXQluIZ0b7W2lqbTPp3cBgUB5csbKdiHD6WgfHy0x2/dyj8G0+VrpWqOLxEREZGluXdPd3JbWGswXVxcdFdvq1UzcbE1Jgbo1w+oWBHYvx8okyf91JH0mhITXyIiIiKZqVqD6UpwDWkNBgBVq+pOcL28AIXCJOHrlpMDzJ4NfPihlKHHxwOffAJMmVKMQWhj4ktERERUTFStwZ5OcC9flqYu6MvBIX9rsJo1pRPOHB1NF7/e4uOlKm9MjGaseXOgTx/5YgITXyIiIiKjytsa7OkE9/Ztw46lag32dJJbuXKe1mAliRDAxo3AqFGalmTW1sCMGcCkSdrTHGTAxJeIiIioCB4/Bi5dyp/cxsZKbcP0lbc1WN4ENyhIz9ZgJUVKCjB8OLB1q2YsIADYtAlo2lS+uPJg4ktERERUACGAO3d0V2///Ve6Xl+q1mBPV2/9/GQvhD6/tDTghReAPG1oMWgQ8NlngLOzXFHlU9qfZiIiIqLnlp0NxMXpTnBTU/U/jpWV1CVBV/XWw8N08cvOxQV47TVgyRLA3R1YuRLo0UPuqPJh4ktEREQW4/597SkJqu24uKK3Bsub4FarBtjZmS7+Eu3jj6UV2aZMAXx95Y5GJya+REREZFZyc6XWYLqqt0lJhh0rb2uwvAluxYrF3BqsJBECWL1aOmntrbc04/b2wIoV8sWlBya+REREVCo9fKhJbPMmuJcvA1lZ+h8nb2uwvMltYGAJaQ1WkiQlAUOHAj/+KD1xzZsDtWrJHZXemPgSERFRiSWEpjXY0wnurVuGHcvbW3f11te3hLYGK2l++w0YOBBITJQuP34M/PwzE18iIiIiQzx+LFVqn05wY2OBjAz9j2Njo2kNljfBDQoCXF1NF79Zy8yUevAuXqwZ8/AA1q4FunSRLayiYOJLRERExUII4O7d/EvyxsZKc3INaQ1WrpxUaHw6wfX3N4PWYCXJmTNA377SvyqdOgHr1kkTnUsZvjWIiIjIqJ480bQGe7qC++CB/sexspLWP8jb81aV4Jp1a7CSQAhg6VLg/fc1E6bt7ID586VV2UrpmX1MfImIiKhIUlJ0V2/j4oCcHP2P4+ysO7mtXt2CW4PJLT0dWLBAk/TWqyetwFa3rrxxPScmvkRERFSg3FxphTJdCe7du4Ydq0oV3Qmut3epLSCaL2dn4KuvgHbtgDFjgDlzpHZlpRwTXyIiIkJ6ev6et0VpDWZvn39J3po1pRPOnJxMFz89p4wM6cfTUzPWqhVw6ZI038RMMPElIiKyEEJILcB0VW9v3jTsWBUr5k9u2RqslDp2TDqBzccH+P137RfQjJJegIkvERGR2cnM1G4NljfBNbQ1WPXq+ZNbtgYzE7m5wKefAlOnSpOyY2OBRYuAcePkjsxkmPgSERGVQkJIi2g9ndxevFi01mC6qrdsDWbGbtwABgwAoqM1Y6Ghpa4vr6H4diYiIirBnjwB4uN1J7iGtgbz99ed4LI1mIXZuhUYNkzzBlIogIkTgZkzAVtbOSMzOSa+REREJUBKiu6TywxtDVa2rO7klq3BCGlpUoeG9es1Y76+wMaNQJs28sVVjJj4EhERFZPcXOD6dd3VW0Nbg/n66k5w2RqMdEpNBRo0kL4+UImIAJYvB9zd5YurmDHxJSIiMrL0dKkL1NPJ7aVLhrcGCwzMn9wGBrI1GBnI1RVo315KfJ2dgWXLgH79LO5TEhNfIiKiIlC1BtM1PaEorcF09b6tUoWtwciIFi0CHj8GPvjA7NqU6YuJLxERUSEyM4ErV3S3BktP1/84ZcpIizg8neAGBQFubiYLnyyRENK8XRsboHdvzXjZstJqbBaMiS8REVk8VWswXdXbq1cNaw3m7l5wazAbG9M9BiIA0lmSw4dLnRvKlgUaNwaqVZM7qhKDiS8REVkMVWswXQluSor+x1G1BtM1PcHDw+KmTVJJER0N9O+vmWuTng5s2wZMmCBrWCUJE18iIjI7Dx5opiPkTW6vXClaa7CnE9zq1aUTz4hKhOxsYPp0YN48zdcTbm7AqlVAjx6yhlbSMPElIqJSKW9rsKcT3Dt3DDtW3tZgeZPcSpVYvaUSLjYW6NMHOH5cM9a2LbBhg/TGJi1MfImIqETL2xosb4J76ZJ04pm+7Ow0SW3e5DYwUKrsEpUqQkgV3chIqVMDIE0inz0bGDeO7UAKwMSXiIhkJwRw+7Z2xwTV9o0bhh3Ly0t39bZKFcDa2jTxExW71FRpiWFV0hsUBGzeLC1SQQVi4ktERMXm6dZgeRNcQ1uDVa+eP8ENCrKoRajIkrm5AVFRQKdOUheHBQsAR0e5oyrxmPgSEZFRCQEkJ+tObq9eBZRK/Y/l5gbUqpU/wQ0IYGswsjCZmcCjR0C5cpqx8HDg7FmgTh354iplmPgSEVGR5ORIrcF0Jbj37+t/HIVCag2ma3pChQo8uYwIZ85IJ7BVrQr89JP2LwWTXoMw8SUiokI9eKCd1Kq2r1yR+uLqy8kp/4plNWtKq5mxNRiRDkolsHSp1Ic3K0uq7q5YAYwYIXdkpRYTXyIiglKpaQ32dIKbmGjYsSpX1p3g+viwekukt4QEYPBgYPduzVi9ekCrVvLFZAaY+BIRWZCMDE1rsLzJbWys4a3BAgPzJ7iBgYCzs+niJ7IIP/4IDBkiTZZXiYwE5szh1yPPiYkvEZGZEUIqFumq3l6/btixPD11V2+rVmVrMCKjy8iQevCuXKkZ8/YG1q8HXnxRvrjMCBNfIqJSKitLuzVY3gT34UP9j2Ntrd0aTJXgBgVpn0BORCaUkgI0ayb9Eqt06wasXg14eMgWlrlh4ktEVMLlbQ2WN8GNjze8NVje5FaV4AYEALa2JgufiPTh7g6Ehkq/3I6OwJIlwFtvcWK8kTHxJSIqAXJypB63uhLce/f0P45CAfj55U9w2RqMqBRYtkxaie3jj6UJ82R0THyJiIpRaqp2azBVcnv5suGtwfL2u1X9VK8OODiYLn4iMpKtW6WzRLt21Yy5uQHbt8sWkiVg4ktEZGRKJXDjhu7qbUKCYcfy8dFdvWVrMKJSKi0NGDNGOmHN3R04fVrqAUjFgokvEVERPXqk3RpM9XPpkvRtpb7s7KRFHJ5ObtkajMjMxMQAfftK85oA6YS2r74CJk6UNy4LwsSXiKgQQkgLODyd3Ba1NZiu6QlsDUZk5nJygI8+kn5yc6UxZ2dpTm+/fvLGZmGY+BIRQWoNFhenO8E1tDVYtWq6uyewNRiRBYqPl5LbmBjNWPPmUqXX31++uCwUE18isijJyflPLrt40fDWYK6uuufesjUYEQGQvi7asAEYNQpIT5fGrK2B6dOByZOBMkzB5MBnnYjMjqo1mK4EtyitwXRNT/D05MllRFSIlBRpFTZV0hsQAGzaBDRtKm9cFo6JLxGVWmlpupNbQ1uDOTpqL8er+qlRg63BiKiIypUD1qwBXnsNGDQI+Owznq1aAjDxJaISTdUaTFeCW5TWYLqqtz4+gJWVaeInIguRnS2dLJA3ue3WDTh6VFqRjUoEJr5EVCKoWoPpWtzBkNZgtrZSG7CnE9zAQMDFxXTxE5EFi40F+vSRVpD55hvteVBMeksUJr5EVGzytgZ7OsH991/DjlWhgu7pCX5+bA1GRMVECGDVKiAyUvqEfvw48PLLwIABckdGBWDiS0RGl50NXLmiO8FNS9P/OHlbg+VNcIOCgPLlTRc/EdEzJSUBQ4YAO3ZoxoKCgLp15YuJnomJLxEV2b17upPb+HhNj3Z9PN0aTJXkVqvG1mBEVALt3i2dsJaYqBkbPhxYsEA6W5ZKLCa+RFSonBzg2jXdCW5ysv7HUSikFcqeTm5r1gS8vNgajIhKgcxMYNIkYPFizZiHB7B2LdCli2xhkf6Y+BIRAO3WYHkT3MuXpakL+nJ0zD8tQdUajIUQIiq17t8H2rYFzpzRjHXqBKxbB1SsKFtYZBgmvkQWRKkEbt7U7pig2r5927BjVaqke3pC5cpsDUZEZsjdXVqE4swZwM4OmD9fWpWNX1eVKkx8iczQ48dSa7Cnk9vYWKltmL5sbaVK7dMJblAQW4MRkYVRKKQFKR4/luby8iS2UomJL1EpJQRw547u6u2//0rX68vDQ3f11s+Py8kTkYXasUOq7IaHa8Y8PKQT26jU4n9pRCVcdjYQF6c7wU1N1f841tbSt3S6qrceHqaLn4ioVMnIAMaNA1auBDw9pakNnp5yR0VGwsSXqIS4fz//imUXL0pJryGtwVxc8i/JGxQktQazszNd/EREpd6xY9IKbJcuSZfv3pU6NkycKG9cZDRMfImKUW6upjXY0wluUpJhx8rbGixvgluxIs+1ICIySG4u8OmnwNSpUg9HQGpDs3ixtEgFmQ0mvkQm8PBh/p63sbFSEcGQ1mAODvmX5A0KAgID2RqMiMgobtwA+vcH9u/XjIWGAps3S39syaww8SUqIiG0W4PlTXBv3TLsWN7euqu3vr5sDUZEZDJbtwLDhgEPHkiXFQppWsPMmVw20kwx8SV6hsePpUUcnk5wL12SzoHQl41N/tZgNWtKBQVXV9PFT0REOiQnA0OHSqv3AFKlYeNGoE0beeMik2LiSwSpenv3ru7q7bVrhrUGK18+f3LL1mBERCWMhwewfDnQty8QESFtu7vLHRWZGP8bJovy5Il2a7C8Ca7qmy59WFnlbw2mmp7A1mBERCVQTo50kkXeEyT69JGWm2zVimcFWwgmvmSW7t/Pf3LZxYtAfLzmhF19ODvrrt6yNRgRUSkSHw/06yf9AV+7Vvu61q3liYlkwcSXSq3cXGmFsqeT26K2Bnu6e0LNmmwNRkRUqgkhzdsdORJITwdiYoCXXgJ69JA7MpIJE18q8dLTdVdvL18GsrL0P46qNdjTCW6NGoCTk+niJyIiGaSkAMOHS50bVAICpJPYyGIx8aUSQQipBZiu6m1RWoPpqt6yNRgRkYWIjpZ68968qRkbNAj47DNpDhtZLCa+VKwyM3W3BouNLVprMF2LO7A1GBGRhcrOBqZPB+bN07TjcXcHVq7k9AYCwMSXTEDVGkzX9ARDW4OVKwfUqpU/wfX3Z2swIiLK4949oGNH4PhxzVi7dsCGDVLnBiIw8aXn8OSJdKKsrukJRW0N9nSCy9ZgRESkF3d3zX8aNjbA7NnAuHGc40ZamPjSM6Wk6K7exsUVrTXY08lt9epsDUZERM/JygqIigJ69gSWLAEaNJA7IiqBmPgSAE1rMF0J7t27hh2rShXdCa63N1uDERGRkfz2G2Bvr92H19sb+Osv+WKiEk/2xHfZsmWYP38+EhMTERISgqVLl6Jx48YF7r948WIsX74c169fh4eHB7p37465c+fC3t6+GKMu3YQAdu8GDh3SJLeXLhnWGszeXpPY5k1wAwPZGoyIiEwoMxOYNAlYvFiau3v6NJcaJr3Jmvhu2bIFY8eOxYoVK9CkSRMsXrwY4eHhiI2NhaenZ779N2/ejIkTJ2Lt2rVo3rw5Ll26hEGDBkGhUGDhwoUyPILSafNmaQEbfVSsqN0xQbVdpQqnTRERUTE7cwbo21f6F5Dala1aBUyYIG9cVGrImvguXLgQQ4cOxeDBgwEAK1aswC+//IK1a9di4sSJ+fY/dOgQWrRogT59+gAA/Pz80Lt3bxw+fLhY4y7tfv1V+3KZMlJrsKcT3KAgwM1NlhCJiIg0lEpg6VIpwVV9PWlnB8yfD4waJW9sVKrIlvhmZ2fj2LFjmDRpknrMysoKYWFhiImJ0Xmb5s2b46uvvsKRI0fQuHFjxMfHY+fOnejfv3+B95OVlYWsPN/hp6WlGe9BlFKnTkn/likjfUNUvbp0AiwREVGJk5AADB4szdFTCQ6Wvr6sW1e+uKhUki3xTU5ORm5uLry8vLTGvby8cPHiRZ236dOnD5KTk9GyZUsIIZCTk4Phw4dj8uTJBd7P3LlzMWvWLKPGXpplZgIXLkjbtWtLPXKJiIhKpB9/BIYMAZKTNWORkcCcOdLJJkQGKlWzNKOjozFnzhx88cUXOH78OLZv345ffvkFH374YYG3mTRpElJTU9U/N27cKMaIS57z56UODgDwwguyhkJERFSwpCRpPq8q6fX2lqq+Cxcy6aUik63i6+HhAWtra9y5c0dr/M6dO6hYsaLO20ybNg39+/fHkCFDAADBwcHIyMjA22+/jSlTpsBKx9lWdnZ2sGOTWLWTJzXbISGyhUFERFS4ChWkzg1DhwJduwJr1nBVI3puslV8bW1tERoair1796rHlEol9u7di2bNmum8zaNHj/Ilt9bW1gAAYcg6uBZMNb8XYOJLREQlSG5u/r6ab70lnZH9/fdMeskoZO3qMHbsWAwcOBANGzZE48aNsXjxYmRkZKi7PAwYMAA+Pj6YO3cuAKBLly5YuHAh6tevjyZNmuDKlSuYNm0aunTpok6AqXCs+BIRUYlz4wYwYIB0strSpZpxhQLo1Em+uMjsyJr4RkREICkpCdOnT0diYiJeeOEF7Nq1S33C2/Xr17UqvFOnToVCocDUqVNx69YtVKhQAV26dMHs2bPlegilihCaiq+PDz88ExFRCbB1KzBsGPDgARAdDbz0EtC5s9xRkZlSCAubI5CWlgZXV1ekpqbCxcVF7nCK1bVrgL+/tP3yy8DPP8saDhERWbK0NGDMGGD9es2Yry+waRPQqpV8cVGJYKp8TfYli6n4cH4vERGVCDEx0hKi8fGasYgIYPlyLj9MJlWq2pnR88mb+LKVGRERFbucHGDWLKmiq0p6nZ2BDRuAr79m0ksmx4qvBeGJbUREJJt794AuXaRqr0rz5sBXX2nm4RGZGCu+FkRV8XVyAqpVkzcWIiKyMG5uQJn/6m3W1lLld/9+Jr1UrJj4Woi0NM23SsHB0t8cIiKiYmNtDWzcCDRoABw4AEyfrkmEiYoJ33EW4vRpzTbn9xIRkcnt3w84OACNG2vGqlYFjh6V+vMSyYAVXwvB+b1ERFQssrOBSZOAdu2A3r2Bhw+1r2fSSzJi4msh2NGBiIhMLjYWaNYM+PhjadWk+HipRRlRCcHE10KoKr4KhTTHl4iIyGiEAFatAurXB44fl8ZsbIB584Dx4+WNjSgPzvG1ADk5wNmz0naNGlJXByIiIqNISgKGDgV+/FEzFhQEbN4snchGVIKw4msBLl0CMjOlbc7vJSIio9m9G6hXTzvpHT5cqvoy6aUSiBVfC8CliomIyOju3AG6ddNUVjw8gLVrpUUqiEooVnwtQN6ODjyxjYiIjMLLSzqJDQDCw4EzZ5j0UonHiq8FYMWXiIiem1IJ5OZKJ62pjB4NVK4MvPYaYMVaGpV8fJdaAFXFt3x5wMdH1lCIiKg0SkgAXnoJmDpVe9zKCnjjDSa9VGrwnWrm7tyRfgCp2su+4UREZJAff5T6YP72GzB/PvDHH3JHRFRkTHzNHBeuICKiIsnIkDo0dOsG3LsnjXl5yRoS0fPiHF8zx6WKiYjIYMeOAX36SP0wVbp2Bdaskbo3EJVSrPiaOVZ8iYhIb7m5wCefAE2bapJeR0dpVbbvv2fSS6UeK75mTlXxtbEBataUNRQiIirJkpOBHj2A6GjNWGiotAJbYKBsYREZEyu+ZuzxYyA2VtquUwewtZU3HiIiKsFcXYH0dGlboQAmTQIOHWLSS2aFia8ZO3dO+tYK4PxeIiJ6BhsbYNMmoFYtYN8+YM4cVkzI7HCqgxnj/F4iIipQTIw0fzdvZSQwEDh7ln15yWzxnW3G2NGBiIjyyckBZs0CWrUCevcGHj3Svp5JL5kxvrvNGJcqJiIiLfHxQOvWwMyZ0ly4CxeAL76QOyqiYsPE10wJoUl8fX2BcuXkjYeIiGQkBLBhgzTvLSZGGrO2Bj74AHj3XTkjIypWnONrpq5dA9LSpG3O7yUismApKdIKbFu3asaqVQO++krq10tkQVjxNVOc30tERIiOBurV0056Bw8GTpxg0ksWiRVfM8X5vUREFi4hAQgPB7Kzpcvu7sDKldIiFUQWihVfM5W34supDkREFsjbG5gxQ9pu1w44fZpJL1k8VnzNlKriW7YsEBAgbyxERFQMhACUSumkNZUJE6QznPv2ZZsyIrDia5YePJBObgOkqV38W0dEZOaSkoDXXgM++kh73Noa6N+f/xEQ/Ye/CWbo9GnNNuf3EhGZud27pSrHjz8CH36oaVdGRPkw8TVDXKqYiMgCZGYCkZFAp05AYqI05u4OPHwob1xEJRjn+JohtjIjIjJzZ85I83bPnNGMhYcDUVFAxYqyhUVU0rHia4ZUFV8rKyA4WN5YiIjIiJRKYMkSoFEjTdJrZyeN7dzJpJfoGVjxNTM5OcDZs9J2jRqAo6O88RARkZHcuydVeXfv1owFBwObNwN168oXF1EpwoqvmYmNBbKypG3O7yUiMiNOTsCtW5rLkZHAkSNMeokMwMTXzHB+LxGRmbK3l6q7/v5S1XfhQmmMiPTGqQ5mhh0diIjMxLFjUpW3Zk3NWHAwcOkSUIb/fRMVBSu+ZoYVXyKiUi43F/jkE6BpU6B3b838NRUmvURFxsTXjAihSXwrVJCWaSciolLkxg2gQwdg4kTpbOWTJ4EvvpA7KiKzwcTXjCQmSqtWAlK1V6GQNx4iIjLA1q3SCmz790uXFQpg0iRg5Eh54yIyI/y+xIzknd/LaQ5ERKVEWhowZgywfr1mzNcX2LgRaNNGvriIzBATXzOSd34vT2wjIioFYmKAfv2A+HjNWEQEsHy5tPwwERkVE18zwoovEVEpcusW0LYtkJ0tXXZ2BpYtkxJhzlUjMgnO8TUjqoqvra129xsiIiqBfHyA8eOl7ebNpepF//5MeolMiBVfM/HokdTaEQDq1AFsbOSNh4iIniKE9G/exHbmTKBKFeCtt9imjKgYsOJrJs6eBZRKaZvze4mISpiUFKBXL2DBAu1xGxtg2DAmvUTFhImvmeD8XiKiEio6WmpTtnUrMHkycOKE3BERWSwmvmaCSxUTEZUw2dnSQhTt2wM3b0pjZctKTdeJSBb8bsVM5G1lVq+ebGEQEREAxMYCffoAx49rxtq1AzZsACpXli8uIgvHiq8ZUCqB06el7apV2fqRiEg2QgArVwL162uSXhsbYN48YM8eJr1EMnuuim9mZibs7e2NFQsV0dWrwMOH0jbn9xIRyeT+fWDwYGDHDs1YUBCweTPQoIF8cRGRmsEVX6VSiQ8//BA+Pj4oW7Ys4v9bbWbatGn48ssvjR4gPRvn9xIRlQB2dsDFi5rLI0ZIVV8mvUQlhsGJ70cffYSoqCjMmzcPtra26vG6detizZo1Rg2O9JN3fi8rvkREMnFyAjZtAipVkqq+X3wBODrKHRUR5WFw4rthwwasWrUKffv2hbW1tXo8JCQEF/N+0qViw4ovEZEMzpwB/vvWU61hQ2msSxd5YiKiQhmc+N66dQvVq1fPN65UKvHkyROjBEWGUVV8nZ0BPz85IyEisgBKJbBkCdCoEdC3L5CTo329nZ08cRHRMxmc+NauXRt//fVXvvFt27ahfv36RgmK9JeSAly/Lm2HhABW7NNBRGQ6CQnASy8B774LZGUBf/8NLF8ud1REpCeDuzpMnz4dAwcOxK1bt6BUKrF9+3bExsZiw4YN+Pnnn00RIxWCK7YRERWTH38E3noLuHdPMxYZCQwdKl9MRGQQg+uDXbt2xU8//YQ9e/bAyckJ06dPx4ULF/DTTz/hxRdfNEWMVAgmvkREJpaRAQwfDnTrpkl6vb2B3buBhQsBtvUkKjWK1Me3VatW+P33340dCxVB3o4OPLGNiMjIjh2TVmC7dEkz1q0bsHo14OEhW1hEVDQGV3wDAgJwL+/XPP958OABAgICjBIU6U9V8bWyAurWlTcWIiKzcuMG0Ly5Jul1dJQS3u3bmfQSlVIGJ77Xrl1Dbm5uvvGsrCzcunXLKEGRfp48Ac6dk7aDggAHB3njISIyK76+wP/+J22HhgInTgBDhgAKhbxxEVGR6T3VYUeeJRh3794NV1dX9eXc3Fzs3bsXfuylVawuXgSys6Vtzu8lIjICIbQT27lzgSpVgJEjgTyLNhFR6aR34tutWzcAgEKhwMCBA7Wus7GxgZ+fHxYsWGDU4KhwnN9LRGQkaWnAmDFA48aaKi8gnbgWGSlfXERkVHonvkqlEgDg7++Pf/75Bx6c3yQ7dnQgIjKCmBhpIYqrV4EtW4B27YBateSOiohMwOA5vlevXmXSW0JwqWIioueQkwPMnAm0aiUlvQBgYwPExckaFhGZTpHamWVkZGD//v24fv06slWTTP8zZswYowRGhRNCM9XB0xOoWFHWcIiISpf4eKBfP6naq9K8OfDVV4C/v3xxEZFJGZz4njhxAp07d8ajR4+QkZGBcuXKITk5GY6OjvD09GTiW0wSEoDkZGmb1V4iIj0JAWzYAIwaBaSnS2PW1sD06cDkyUCZItWDiKiUMHiqQ2RkJLp06YKUlBQ4ODjg77//xr///ovQ0FB8+umnpoiRdMh7Yhvn9xIR6eHBA6BXL2DQIE3SGxAAHDggJb5MeonMnsGJ78mTJzFu3DhYWVnB2toaWVlZ8PX1xbx58zB58mRTxEg6cH4vEZGBFArg8GHN5UGDpCpC06ZyRURExczgxNfGxgZWVtLNPD09cf36dQCAq6srbty4YdzoqECs+BIRGcjVFdi4UVp1betWYN06wNlZ7qiIqBgZ/L1O/fr18c8//6BGjRpo06YNpk+fjuTkZGzcuBF1uWZusVFVfO3spFXbiIjoKbGxgJMTULmyZqxVK+DaNWmciCyOwRXfOXPmwNvbGwAwe/ZsuLu7Y8SIEUhKSsLKlSuNHiDll5GhWTq+bl1OSyMi0iIEsHIlUL8+MGAA8F8fejUmvUQWy+CUqWHDhuptT09P7Nq1y6gB0bOdPSv9XQc4zYGISEtSEjBkCLBjh3R53z5g1Spg+HB54yKiEsHgim9Bjh8/jldeecVYh6NCcKliIiIddu8G6tXTJL2AlPAOGCBfTERUohiU+O7evRvjx4/H5MmTER8fDwC4ePEiunXrhkaNGqmXNTbEsmXL4OfnB3t7ezRp0gRHjhwpdP8HDx5g5MiR8Pb2hp2dHQIDA7Fz506D77c041LFRER5ZGYCkZFAp05AYqI05uEhJcDLlwOOjvLGR0Qlht5THb788ksMHToU5cqVQ0pKCtasWYOFCxdi9OjRiIiIwNmzZ1HLwLXNt2zZgrFjx2LFihVo0qQJFi9ejPDwcMTGxsLT0zPf/tnZ2XjxxRfh6emJbdu2wcfHB//++y/c3NwMut/Sjh0diIj+c+YM0Lev9K9KeDgQFcUlLYkoH4UQqtmihatXrx769++P9957D9999x169OiBpk2bYuvWraic94xZAzRp0gSNGjXC559/DgBQKpXw9fXF6NGjMXHixHz7r1ixAvPnz8fFixdhY2NTpPtMS0uDq6srUlNT4eLiUqRjyEmpBFxcpBPc/Pw0y8sTEVmcf/+V2tpkZUmX7eyAefOkVdmsjDaTj4hkYKp8Te+/DHFxcejRowcA4PXXX0eZMmUwf/78Iie92dnZOHbsGMLCwjTBWFkhLCwMMXnXTs9jx44daNasGUaOHAkvLy/UrVsXc+bMQW5uboH3k5WVhbS0NK2f0iwuTkp6Ac7vJSILV7WqZv5ucDBw9CgwZgyTXiIqkN5/HR4/fgzH/+ZJKRQK2NnZqduaFUVycjJyc3Ph5eWlNe7l5YVE1Rytp8THx2Pbtm3Izc3Fzp07MW3aNCxYsAAfffRRgfczd+5cuLq6qn98fX2LHHNJwPm9RER5LFoEfPQRcOSI1N+RiKgQBrUzW7NmDcqWLQsAyMnJQVRUFDw8PLT2GTNmjPGie4pSqYSnpydWrVoFa2trhIaG4tatW5g/fz5mzJih8zaTJk3C2LFj1ZfT0tJKdfLLjg5EZJEyMoBx46TlhQcN0ow7OQFTpsgWFhGVLnonvlWqVMHq1avVlytWrIiNGzdq7aNQKPROfD08PGBtbY07d+5ojd+5cwcVCzghwdvbGzY2NrC2tlaP1apVC4mJicjOzoatrW2+29jZ2cHOzk6vmEoDVnyJyOIcOyadwBYbC2zaJK2+Vq2a3FERUSmkd+J77do1o96xra0tQkNDsXfvXnTr1g2AVNHdu3cvRo0apfM2LVq0wObNm6FUKmH13xyuS5cuwdvbW2fSa45Uia+Li3RyGxGR2crNBT79FJg6FcjJkcaUSmkVHya+RFQEsp4BMHbsWKxevRrr16/HhQsXMGLECGRkZGDw4MEAgAEDBmDSpEnq/UeMGIH79+/jnXfewaVLl/DLL79gzpw5GDlypFwPoVjdvw/cuCFth4QACoW88RARmcyNG0CHDsDEiZqkNzQUOHEC6NpV3tiIqNQyeMliY4qIiEBSUhKmT5+OxMREvPDCC9i1a5f6hLfr16+rK7sA4Ovri927dyMyMhL16tWDj48P3nnnHUyYMEGuh1Cs8k5z4PxeIjJbW7cCw4YBDx5IlxUKKQGeOROwkG/3iMg09O7jay5Kcx/fRYsA1Xl6a9YAb70lbzxEREb18CEwejSwfr1mzNcX2LgRaNNGvriIqNjJ3seX5MeKLxGZtaws4LffNJcjIqQ/fEx6ichImPiWIqpWZtbWQJ06soZCRGR8Hh5StdfFBdiwAfj6a8DdXe6oiMiMFCnxjYuLw9SpU9G7d2/cvXsXAPDrr7/i3LlzRg2ONLKzgfPnpe2gIMDeXt54iIieW3w88FRLS7z4orQUcf/+PIOXiIzO4MR3//79CA4OxuHDh7F9+3akp6cDAE6dOlXgIhL0/C5cAJ48kbY5zYGISjUhpMpuSAjw5pvS5bzc3GQJi4jMn8GJ78SJE/HRRx/h999/1+qd2759e/z9999GDY40uHAFEZmFlBSgVy9p9bX0dGDnTmDdOrmjIiILYXDie+bMGbz22mv5xj09PZGcnGyUoCg/LlVMRKVedDRQr57Urkxl0CCgRw+5IiIiC2Nw4uvm5oaEhIR84ydOnICPj49RgqL8WPElolIrO1vqw9u+PXDzpjTm7i4lwOvWAc7O8sZHRBbD4MS3V69emDBhAhITE6FQKKBUKnHw4EGMHz8eAwYMMEWMFk8ITcW3YkXgv/U9iIhKvosXgWbNgE8+0czlbdcOOH2alV4iKnYGJ75z5sxBzZo14evri/T0dNSuXRutW7dG8+bNMXXqVFPEaPFu3ZKWKwZY7SWiUiQ+HmjQADh+XLpsYwPMmwfs2QNUrixvbERkkQxestjW1harV6/GtGnTcPbsWaSnp6N+/fqoUaOGKeIjcH4vEZVSAQHA668DmzZJfRg3b5YSYSIimRic+B44cAAtW7ZElSpVUKVKFVPERE/h/F4iKrWWLQOqVgWmTAEcHeWOhogsnMFTHdq3bw9/f39MnjwZ51UrKpBJseJLRCVeZiYQGQl8+632uKsrMHs2k14iKhEMTnxv376NcePGYf/+/ahbty5eeOEFzJ8/HzdVZ+qS0akqvvb2AGeUEFGJc+YM0LgxsHgx8PbbwI0bckdERKSTwYmvh4cHRo0ahYMHDyIuLg49evTA+vXr4efnh/bt25siRouWng5cuSJtBwcDZQyenEJEZCJKJbBkCdCokZT8AsDjx8DRo/LGRURUgOdKo/z9/TFx4kSEhIRg2rRp2L9/v7Hiov+cOaPpAMT5vURUYiQkAIMHA7t3a8aCg6UT2OrWlS8uIqJCGFzxVTl48CD+97//wdvbG3369EHdunXxyy+/GDM2gvaJbZzfS0Qlwo8/Siuw5U16IyOBI0eY9BJRiWZwxXfSpEn45ptvcPv2bbz44otYsmQJunbtCkeeuGASeU9sY8WXiGSVkQGMGwesXKkZ8/YGoqKAjh1lC4uISF8GJ75//vkn3nvvPfTs2RMeHh6miInyyFvxrVdPvjiIiJCWBnz3neZyt27A6tUA/y8golLC4MT34MGDpoiDdMjNlVb1BKQ+8C4u8sZDRBbO2xtYswbo00c6qe2ttwCFQu6oiIj0plfiu2PHDrz00kuwsbHBjh07Ct331VdfNUpgBMTFAY8eSduc5kBExe7GDcDJCShXTjPWtStw9Srg6SlfXERERaRX4tutWzckJibC09MT3bp1K3A/hUKB3NxcY8Vm8bhwBRHJZutWYNgwICxM2s5b2WXSS0SllF5dHZRKJTz/+0OnVCoL/GHSa1xcqpiIil1aGjBoEBARATx4AGzbJrUoIyIyAwa3M9uwYQOysrLyjWdnZ2PDhg1GCYokrPgSUbGKiZH+2KxfrxmLiAA6d5YtJCIiYzI48R08eDBSU1PzjT98+BCDBw82SlAkUVV83dyAKlVkDYWIzFlODjBrFtCqlTR/FwCcnYENG4Cvvwbc3eWNj4jISAzu6iCEgELHWbw3b96Eq6urUYIiIDkZuHVL2g4J4YnTRGQi8fFAv35StVeleXPgq68Af3/54iIiMgG9E9/69etDoVBAoVCgQ4cOKFNGc9Pc3FxcvXoVnTp1MkmQlojze4nI5K5cARo0AB4+lC5bWwPTpwOTJwNlnmtFeyKiEknvv2yqbg4nT55EeHg4ypYtq77O1tYWfn5+eOONN4weoKXi/F4iMrlq1YAOHYAffpCahW/aBDRtKndUREQmo3fiO2PGDACAn58fIiIiYG9vb7KgiBVfIioGCoW08lrVqsCHH0rzeomIzJhCCCHkDqI4paWlwdXVFampqXApwUuh1asHnDkjfdv48CHAzxlE9Fyys6VpDK1aAS+/LHc0RESFMlW+plfFt1y5crh06RI8PDzg7u6u8+Q2lfv37xstOEuVlQVcuCBt16zJpJeInlNsrLTM8PHjwLp10lroXl5yR0VEVOz0SnwXLVoE5/++Alu0aFGhiS89vwsXpO5CAOf3EtFzEAJYtQqIjAQeP5bGUlKAgweB11+XNzYiIhnolfgOHDhQvT1o0CBTxUL/yXtiG+f3ElGRJCUBQ4YAO3ZoxoKCpFXYGjSQLy4iIhkZvIDF8ePHcebMGfXlH3/8Ed26dcPkyZORnZ1t1OAsVd4T21jxJSKD7d4tnSiQN+kdMUKa6sCkl4gsmMGJ77Bhw3Dp0iUAQHx8PCIiIuDo6Ihvv/0W77//vtEDtESs+BJRkWRmStMaOnUCEhOlMQ8PKQH+4gvA0VHe+IiIZGZw4nvp0iW88F8Z8ttvv0WbNm2wefNmREVF4bvvvjN2fBZHCE3F19sbqFBB3niIqBS5e1c6eU2lUyepPUyXLvLFRERUghic+AohoFQqAQB79uxB586dAQC+vr5ITk42bnQW6MYN6dwTgNMciMhAVaoAy5cDdnbAZ58BO3cCFSvKHRURUYlh8JqUDRs2xEcffYSwsDDs378fy5cvBwBcvXoVXmyP89y4cAUR6S0hAXByAvL2uOzdG2jZEvD1lS8uIqISyuCK7+LFi3H8+HGMGjUKU6ZMQfXq1QEA27ZtQ/PmzY0eoKXhUsVEpJcff5ROYBszJv91THqJiHQy2sptmZmZsLa2ho2NjTEOZzIlfeW27t0B1VTpCxekBSyIiNQyMoBx44CVKzVj27YBb7whX0xEREYm68ptuhw7dgwX/lterHbt2mjAFjlGoar4OjgANWrIGgoRlTTHjkkrsP3XWQcA0K0b0KaNbCEREZUmBie+d+/eRUREBPbv3w83NzcAwIMHD9CuXTt88803qMA2BEX28CEQFydtBwcD1tbyxkNEJURuLvDpp8DUqZplHR0dgSVLgLfeAriaJhGRXgye4zt69Gikp6fj3LlzuH//Pu7fv4+zZ88iLS0NY3TNNSO9nT6t2eb8XiICILV66dABmDhRk/SGhgInTkgrszHpJSLSm8EV3127dmHPnj2oVauWeqx27dpYtmwZOnbsaNTgLA07OhCRlkuXgCZNgAcPpMsKhZQAz5wJ2NrKGRkRUalkcMVXqVTqPIHNxsZG3d+XioYdHYhIS/XqUuILSJ0a9u0D5sxh0ktEVEQGJ77t27fHO++8g9u3b6vHbt26hcjISHTo0MGowVmavBXf4GD54iCiEsLKSlqJ7e23pT8QPImNiOi5GJz4fv7550hLS4Ofnx+qVauGatWqwd/fH2lpaVi6dKkpYrQIubnSyqKAVORxdpY3HiIqZjk5wKxZwB9/aI97e0uty9zd5YmLiMiMGDzH19fXF8ePH8fevXvV7cxq1aqFsLAwowdnSS5fBh4/lrY5v5fIwsTHA/36ATExgI+PdKZruXJyR0VEZHYMSny3bNmCHTt2IDs7Gx06dMDo0aNNFZfFyTvNgfN7iSyEEMDGjcCoUVI/QwBITJTm8nJBCiIio9M78V2+fDlGjhyJGjVqwMHBAdu3b0dcXBzmz59vyvgsRt4T21jxJbIAKSnA8OHA1q2asYAAYNMmoGlT+eIiIjJjes/x/fzzzzFjxgzExsbi5MmTWL9+Pb744gtTxmZRWPElsiDR0UC9etpJ76BB0idgJr1ERCajd+IbHx+PgQMHqi/36dMHOTk5SEhIMElglkZV8XV3BypXljUUIjKV7Gxg0iSgfXvg5k1pzM1NSoDXreNZrUREJqb3VIesrCw4OTmpL1tZWcHW1haPVWdkUZHdvQuoPj+EhHAhJiKzdfMmsHSpNLcXANq2BTZskHr0EhGRyRl0ctu0adPg6OiovpydnY3Zs2fD1dVVPbZw4ULjRWchOM2ByEIEBABLlgAjRgCzZwPjxkm9eomIqFjonfi2bt0asbGxWmPNmzdHfHy8+rKCpcoi4VLFRGYqORlwdJR+VN58U1qIonp1+eIiIrJQeie+0dHRJgzDsnGpYiIztHu3dMLa668Dy5ZpxhUKJr1ERDLhd2wlgKriW6YMUKuWvLEQ0XPKzAQiI4FOnaSevF98Afzyi9xRERERirByGxlXZibw3wJ4qF0bsLOTNx4ieg5nzgB9+2rWHwekBDg0VL6YiIhIjRVfmZ0/D+TmStuc30tUSimV0klrjRppkl47O+Czz4CdO4GKFeWNj4iIALDiKzvO7yUq5RISgMGDpTm9KsHBwObNQN268sVFRET5MPGVGTs6EJVisbFAy5ZS9waVyEhgzhzA3l6+uIiISKciTXX466+/0K9fPzRr1gy3bt0CAGzcuBEHDhwwanCWIG/Fl4kvUSlTvbo0OR8AvL2lqu/ChUx6iYhKKIMT3++++w7h4eFwcHDAiRMnkJWVBQBITU3FnDlzjB6gORNCU/H18QE8POSNh4gMZG0NbNwI9O8PnD4NdOwod0RERFQIgxPfjz76CCtWrMDq1athY2OjHm/RogWOHz9u1ODM3b//Aqmp0jbn9xKVcLm5wCefAIcOaY9XqSItO8xPrkREJZ7Bc3xjY2PRunXrfOOurq548OCBMWKyGJzfS1RK3LghVXX37wf8/aU5Si4uckdFREQGMrjiW7FiRVy5ciXf+IEDBxAQEGCUoCxF3sSXFV+iEmrrVqBePSnpBYBr14DffpM1JCIiKhqDE9+hQ4finXfeweHDh6FQKHD79m1s2rQJ48ePx4gRI0wRo9niiW1EJVhamrTkcEQEoPo2y9cX2LcP6N5dzsiIiKiIDJ7qMHHiRCiVSnTo0AGPHj1C69atYWdnh/Hjx2P06NGmiNFsqSq+jo5AtWryxkJEecTEAP36AfHxmrGICGD5csDdXb64iIjouSiEEKIoN8zOzsaVK1eQnp6O2rVro2zZssaOzSTS0tLg6uqK1NRUuMg4Ry8tDXB1lbabNpX+nyUimeXkALNnAx9+qFlS0dkZWLZMSoQVCnnjIyKyEKbK14q8gIWtrS1qq/pXksFOn9Zsc5oDUQkRFwfMnatJeps3B776SjqhjYiISj2DE9927dpBUUjV448//niugCwFlyomKoGCgoB584CxY4Hp04HJk4EyXOCSiMhcGPwX/YWnsrQnT57g5MmTOHv2LAYOHGisuMweW5kRlQApKdIkezs7zdjo0UD79kDduvLFRUREJmFw4rto0SKd4zNnzkR6evpzB2QpVBVfhQIIDpY1FCLLFB0t9ebt1QuYP18zrlAw6SUiMlMGtzMrSL9+/bB27VpjHc6s5eQAZ89K29WrA6XkvEAi85CdDUyaJFV1b94EPv0U2LtX7qiIiKgYGG3yWkxMDOzt7Y11OLN26RKQmSltc34vUTGKjQX69AHyLq/erp00t5eIiMyewYnv66+/rnVZCIGEhAQcPXoU06ZNM1pg5ozze4mKmRDAqlVAZCTw+LE0ZmMjtS4bNw6wMtqXX0REVIIZnPi6qprP/sfKygpBQUH44IMP0LFjR6MFZs7Y0YGoGCUlAUOGADt2aMaCgoDNm4EGDeSLi4iIip1BiW9ubi4GDx6M4OBguHP1oiJjxZeomMTGAm3bAomJmrERI6R5vY6OsoVFRETyMOj7PWtra3Ts2BEPVOvWG8myZcvg5+cHe3t7NGnSBEeOHNHrdt988w0UCgW6detm1HhMTVXxLV8e8PGRNRQi8xYQAPj6StseHlLV94svmPQSEVkogye21a1bF/F5169/Tlu2bMHYsWMxY8YMHD9+HCEhIQgPD8fdu3cLvd21a9cwfvx4tGrVymixFIfERODOHWk7JIQroBKZlI0NsGkT8PrrwJkzQJcuckdEREQyMjjx/eijjzB+/Hj8/PPPSEhIQFpamtaPoRYuXIihQ4di8ODBqF27NlasWAFHR8dCW6Pl5uaib9++mDVrFgICAgy+TznlnebA+b1ERqRUAp99Bpw4oT1eowbw3XdAxYryxEVERCWG3onvBx98gIyMDHTu3BmnTp3Cq6++isqVK8Pd3R3u7u5wc3MzeN5vdnY2jh07hrCwME1AVlYICwtDTExMobF4enrirbfeeuZ9ZGVlPXdybkyc30tkAgkJQOfOwDvvSO3KHj2SOyIiIiqB9D65bdasWRg+fDj27dtntDtPTk5Gbm4uvLy8tMa9vLxw8eJFnbc5cOAAvvzyS5zM2xqhEHPnzsWsWbOeN1SjYcWXyMh+/FHq2pCcLF2+eBH49VfgjTfkjYuIiEocvRNfIQQAoE2bNiYL5lkePnyI/v37Y/Xq1fDw8NDrNpMmTcLYsWPVl9PS0uCrOtlFBqp83cYGqFlTtjCISr+MDKkH78qVmjFvbyAqCmBrRSIi0sGgdmYKI5+J5eHhAWtra9xRne31nzt37qCijvl4cXFxuHbtGrrkOUFFqVQCAMqUKYPY2FhUq1ZN6zZ2dnaws7MzatxF9fix1F0JAGrXBmxt5Y2HqNQ6dkya0nDpkmasWzdg9WqpewMREZEOBiW+gYGBz0x+79+/r/fxbG1tERoair1796pbkimVSuzduxejRo3Kt3/NmjVx5swZrbGpU6fi4cOHWLJkiayVXH2cOwfk5krbnOZAVAS5ucD8+cC0aUBOjjTm6AgsXixNd2CbFCIiKoRBie+sWbPyrdz2vMaOHYuBAweiYcOGaNy4MRYvXoyMjAwMHjwYADBgwAD4+Phg7ty5sLe3R926dbVu7+bmBgD5xksinthG9JwuXtROekNDpRXYAgPljYuIiEoFgxLfXr16wdPT06gBREREICkpCdOnT0diYiJeeOEF7Nq1S33C2/Xr12FlZXDXtRKJSxUTPac6dYAPPwQmTwYmTgRmzuScISIi0ptCqM5aewZra2skJCQYPfEtbmlpaXB1dUVqaipcXFyK9b5btwb++kvavncPKFeuWO+eqPR5+BBwcADK5PmMnpsr9ept2FC+uIiIyKRMla/pXUrVMz+mAgihmerg68ukl+iZYmKkr0Y++kh73NqaSS8RERWJ3omvUqks9dVeOV27BqjWzuD8XqJC5OQAs2YBrVoB8fHS1IZDh+SOioiIzIBBc3yp6Di/l0gP8fFAv35StVelaVOpPy8REdFzMo+zxkoBdnQgKoQQwIYN0qdCVdJrbS1VfvfvB/z9ZQ2PiIjMAyu+xYQVX6ICpKQAI0YAW7ZoxgICgE2bpGovERGRkTDxLSaqim/ZstL/6UQEaSnDF18EbtzQjA0aBHz2GeDsLFtYRERknjjVoRg8eCCd3AYA9eoBZtKWmOj5Va0K/LcIDdzdga1bgXXrmPQSEZFJMAUrBqdPa7Y5v5coD3t7aeW1zp2lX5QePeSOiIiIzBgT32LA+b1EkE5gW7UKOH9ee7xuXeCXX4DKleWJi4iILAYT32LAjg5k8ZKSgG7dgGHDgD59gKwsuSMiIiILxMS3GKgSX4VCKm4RWZTdu6XJ7Tt2SJdPnQJ+/lnemIiIyCIx8TWxnBzg7FlpOzAQcHKSNx6iYpOZCbz7LtCpE5CYKI15eEgJ8BtvyBoaERFZJrYzM7HYWM23upzmQBbjzBlpSoPqUx8AhIcDUVFAxYqyhUVERJaNFV8T44ltZFGUSmDJEqBRI03Sa2cnje3cyaSXiIhkxYqvifHENrIoZ84AY8dKCTAABAdL7co4uZ2IiEoAVnxNjBVfsighIcDkydJ2ZCRw5AiTXiIiKjFY8TUhITSJr4cH4O0tazhExvfokbQIRd7lCKdPBzp2BFq1ki8uIiIiHVjxNaHERKl9KSBVexUKWcMhMq5jx4D69YEFC7THbWyY9BIRUYnExNeEOL+XzFJuLvDJJ0DTpsClS8CUKcDx43JHRURE9Eyc6mBCnN9LZufGDaB/f2D/fs1YvXpA2bLyxURERKQnVnxNiBVfMitbt0pJrirpVSiASZOAQ4ek1VmIiIhKOFZ8TUhV8bW1BWrWlDUUoqJLSwPGjAHWr9eM+foCGzcCbdrIFxcREZGBmPiayKNH0vRHAKhTRzrfh6jUiY0FOncG4uM1YxERwIoVgJubbGEREREVBac6mMjZs5oe/pzfS6VW5cpAmf8+Hzs7Axs2AF9/zaSXiIhKJSa+JsL5vWQWnJykldfatpXe1P37sy8fERGVWkx8TYQdHajUEUKq6MbFaY+HhgJ//AH4+8sTFxERkZEw8TWRvBXfevXki4NILykpQK9ewMCBQN++wJMn2tezyktERGaAia8JKJXA6dPSdpUqgLu7vPEQFSo6Wvp0tnWrdPnwYeDnn2UNiYiIyBSY+JrA1avAw4fSNqc5UImVnQ1MnAi0bw/cvCmNubsD334LvPaavLERERGZANuZmQBPbKMSLzYW6NNHe6nhdu2kOb6VK8sXFxERkQmx4msCPLGNSiwhgJUrgfr1NUmvjQ0wbx6wZw+TXiIiMmus+JoAK75UYp04AQwfrrkcFCS1K2vQQL6YiIiIigkrviagqvg6O7MDFJUwDRoAY8dK2yNGSFVfJr1ERGQhWPE1spQU4Pp1abtePcCKHy1ITllZgK2tdjuyOXOATp2AF1+ULy4iIiIZMC0zsrzTHDi/l2R15gzQsCGwfLn2uJ0dk14iIrJITHyNjPN7SXZKJbBkCdCoEXD2LDBuHHD+vNxRERERyY5THYyMHR1IVgkJwODBwO7dmrEaNeSLh4iIqARhxdfIVBVfKyugbl15YyEL8+OP0sTyvElvZCRw5AhQu7Z8cREREZUQrPga0ZMnwLlz0nZQEODgIG88ZCEyMqTpDCtXasa8vYGoKKBjR9nCIiIiKmmY+BrRxYvSKrAA5/dSMbl0CejSRfpXpVs3YPVqwMNDtrCIiIhKIk51MCLO76Vi5+Wl+bTl6CglvNu3M+klIiLSgYmvEbGjAxU7V1fgq6+AJk2kVdmGDNHu2UtERERqTHyNKG/Fl4kvmcS33wI3bmiPtWgBxMQAgYHyxERERFRKMPE1EiE0FV9PT6BiRXnjITOTlgYMGgT07AkMGADk5mpfzyovERHRMzHxNZKEBCA5WdoOCWEeQkYUEwPUrw+sXy9djo4Gfv5Z1pCIiIhKIya+RsIT28jocnKAWbOAVq2A+HhpzNkZ2LABePVVeWMjIiIqhdjOzEh4YhsZVXw80K+fVO1Vad5cOpHN31++uIiIiEoxVnyNhBVfMgohpIruCy9okl5ra6nyu38/k14iIqLnwIqvkagqvnZ20qptREVy9CgwcKDmckAAsGkT0LSpfDERERGZCVZ8jSAjQ7NwVt26QBl+nKCiatQIGDZM2h40SPoqgUkvERGRUTBFM4KzZ6VvqAHO7yUDPXkifVLK2wZkwQKgc2eewEZERGRkrPgaAef3UpHExkrVXFWbMhUnJya9REREJsDE1wjY0YEMIgSwcqXUm/f4cWD0aODKFbmjIiIiMnuc6mAEXKqY9JaUBAwZAuzYoRnz8QEeP5YvJiIiIgvBiu9zUiqB06elbT8/wNVV1nCoJNu9G6hXTzvpHT5cqvoGB8sXFxERkYVg4vuc4uKkrg4A5/dSATIzgchIoFMnIDFRGvPwkBLg5csBR0d54yMiIrIQnOrwnDi/lwp15Qrw+uvAmTOasU6dgHXrgIoV5YuLiIjIArHi+5w4v5cK5e4O3LsnbdvZAZ99BuzcyaSXiIhIBkx8n1Peii+nOlA+5csDUVHSp6KjR6UODnl79hIREVGxYeL7nFSJr4uLdHIbWbifftLM41V58UXg2DFpWT8iIiKSDRPf53D/PnDjhrQdEsJCnkXLyJA6NLz6KvDmm5ql/FSsreWJi4iIiNSY+D4HnthGAKRqboMG0qIUAPDrr8DPP8sbExEREeXDxPc5cKliC5ebC3zyibTs8KVL0pijI7B6NfDKK/LGRkRERPmwndlzYMXXgt24AfTvD+zfrxkLDQU2bwYCA+WLi4iIiArEiu9zUFV8ra2BOnVkDYWK05Yt0gpsqqRXoQAmTQIOHWLSS0REVIKx4ltE2dnA+fPSdlAQ4OAgbzxUTP7+G+jVS3PZ1xfYuBFo00a+mIiIiEgvrPgW0YULwJMn0jbn91qQpk2lKQ4AEBEhzXdh0ktERFQqsOJbRJzfayGUSsDqqc+Hn38OvPwy0LMne9gRERGVIqz4FhE7OliA+HigZUtg61btcRcXqdrLpJeIiKhUYeJbRKz4mjEhgA0bpE80MTHAsGGalUqIiIio1GLiWwRCaCq+FSsCXl6yhkPGlJIinbw2cCDw8KE0Vq4ccO+evHERERHRc2PiWwS3bknLFQOs9pqV6GipTVneqQ2DBkmfcjifhYiIqNRj4lsEnN9rZrKzgYkTgfbtgZs3pTE3NykBXrcOcHaWNTwiIiIyDnZ1KALO7zUj8fFAjx7A8eOasbZtpTm+vr6yhUVERETGx4pvEeSt+DLxLeUcHIDr16VtGxtg3jxg714mvURERGaIiW8RqCq+9vZcobbU8/YGvvwSqFlTWpXtvffy9+0lIiIis8D/4Q2Ung5cuSJt160LlOFkkdJlz578HRpefRU4fRpo0ECemIiIiKhYlIjEd9myZfDz84O9vT2aNGmCI0eOFLjv6tWr0apVK7i7u8Pd3R1hYWGF7m9sZ85I7cwAnthWqmRmApGRwIsvSn15VS+iio2NPHERERFRsZE98d2yZQvGjh2LGTNm4Pjx4wgJCUF4eDju3r2rc//o6Gj07t0b+/btQ0xMDHx9fdGxY0fcunWrWOLliW2l0JkzQOPGwOLF0uXvvgN27ZI1JCIiIip+CiGeLn0VryZNmqBRo0b4/PPPAQBKpRK+vr4YPXo0Jk6c+Mzb5+bmwt3dHZ9//jkGDBjwzP3T0tLg6uqK1NRUuLi4GBzv8OHAypXS9l9/SSvaUgmlVAJLlwITJgBZWdKYnR0wfz4wahSXHCYiIiqhnjdfK4isM1Szs7Nx7NgxTJo0ST1mZWWFsLAwxMTE6HWMR48e4cmTJyhXrpzO67OyspClSnogPZHPI2/Ft1695zoUmVJCAjB4MLB7t2YsOBjYvFmanE1EREQWR9apDsnJycjNzYXXU2v+enl5ITExUa9jTJgwAZUqVUJYWJjO6+fOnQtXV1f1j+9ztKnKzZXOgQKAgADAiB9AyJh27JA+leRNeiMjgSNHmPQSERFZMNnn+D6Pjz/+GN988w2+//572Nvb69xn0qRJSE1NVf/cuHGjyPcXFwc8eiRtc35vCXXwINC1K5CcLF2uWFFKgBculPrPERERkcWSNfH18PCAtbU17ty5ozV+584dVKxYsdDbfvrpp/j444/x22+/oV4hcw7s7Ozg4uKi9VNUXKq4FGjeHHjtNWm7a1fpxLaOHeWNiYiIiEoEWRNfW1tbhIaGYu/eveoxpVKJvXv3olmzZgXebt68efjwww+xa9cuNGzYsDhCBcCODiXS0+dmKhTA6tXAunXA998DHh7yxEVEREQljuxTHcaOHYvVq1dj/fr1uHDhAkaMGIGMjAwMHjwYADBgwACtk98++eQTTJs2DWvXroWfnx8SExORmJiI9PR0k8fKim8Jc+MG0L498PPP2uPlywODBrFrAxEREWmRfd2xiIgIJCUlYfr06UhMTMQLL7yAXbt2qU94u379OqzyLCG7fPlyZGdno3v37lrHmTFjBmbOnGnSWFUVXzc3oEoVk94VPcvWrdJCFA8eAOfOSWcdPmN6DBEREVk22fv4Frei9oVLTgYqVJC227QBoqNNEx89Q1oaMGYMsH69ZszXF/jhBy45TEREZCZM1cdX9qkOpQXn95YAMTHSHJO8SW9EhPTiMOklIiKiZ2Diq6e883uZ+BaznBxg5kygVSvg6lVpzNkZ2LAB+PprwN1d1vCIiIiodJB9jm9pkbfiyxPbitG1a0CfPlK1V6V5c+CrrwB/f9nCIiIiotKHFV89qSq+1tZA7dqyhmJZrKyA8+elbWtrYNYsYP9+Jr1ERERkMCa+esjKAi5ckLZr1eICYMWqShVgxQppjegDB4Dp04Ey/KKCiIiIDMfEVw8XLkjTTAHO7zW5v/6SOjfk1auX1LKsaVN5YiIiIiKzwMRXD1y4ohhkZwMTJ0q94kaPzn89y+xERET0nJj46oGtzEwsNhZo1gz45BNpCeING4DffpM7KiIiIjIzTHz1wFZmJiIEsHIlUL8+cPy4NGZjA8ybB4SFyRsbERERmR2eJfQMQmgqvt7egKenvPGYjaQkYMgQYMcOzVhQELB5MxejICIiIpNgxfcZbtwAUlKkbc7vNZLdu4F69bST3hEjpKovk14iIiIyEVZ8n4Hze43sr7+ATp00lz08gLVrgS5d5IuJiIiILAIrvs/Ajg5G1rKlJvHt1Ak4c4ZJLxERERULVnyfgRVfI1MogHXrgO+/B4YPly4TERERFQNWfJ9BVfF1cABq1JA1lNInMRF4+WVg717t8YoVpTm9THqJiIioGLHiW4iHD4G4OGk7OBiwtpY3nlJlxw7grbeA5GSpbH7qFFC+vNxRERERkQVjxbcQp09rtjm/V08ZGdIUhq5dpaQXAJRK4No1WcMiIiIiYuJbCM7vNdCxY0BoqLQohUq3btIniNBQ2cIiIiIiApj4FoortukpN1dabrhpU2n5YQBwdARWrwa2b5dalhERERHJjHN8C5G34luvnnxxlGg3bwL9+wPR0Zqx0FBpBbbAQNnCIiIiInoaK74FyM2VWswCQLVqgLOzvPGUWI8fA//8I20rFMCkScChQ0x6iYiIqMRh4luAy5elnA7giW2FqlED+OwzwNcX2LcPmDMHsLWVOyoiIiKifJj4FoAnthXgyBHg0SPtscGDgfPngTZt5ImJiIiISA9MfAvApYqfkpMDzJoFNG8OjB+vfZ1CAZQtK09cRERERHpi4lsAVnzziI8HWrcGZs6UJj8vXy5NayAiIiIqRZj4FkBV8XV3l6avWiQhgA0bpJJ3TIw0Zm0tVX5btZI1NCIiIiJDsZ2ZDnfvAgkJ0nZIiPRNvsVJSQFGjAC2bNGMBQQAmzZJ/XqJiIiIShkmvjrkneZgkfN79++XevPeuKEZGzRI6t7Avm5EZAFyc3Px5MkTucMgMmu2trawsireyQdMfHWw6Pm9+/cD7dpJ0xwAaa7HypVAjx7yxkVEVAyEEEhMTMSDBw/kDoXI7FlZWcHf3x+2xdgGlYmvDhbd0aFlS+lENlUCvGEDULmy3FERERULVdLr6ekJR0dHKCxyrhuR6SmVSty+fRsJCQmoUqVKsf2uMfHVQVXxLVMGqFVL3liKnbU1sHEj8O23wLvvAsX8FQQRkVxyc3PVSW/58uXlDofI7FWoUAG3b99GTk4ObGxsiuU+mdU8JTMTuHBB2q5dG7Czkzcek0pKAt54Azh4UHvc1xcYO5ZJLxFZFNWcXkdHR5kjIbIMqikOubm5xXafrPg+5fx5qVUtYObze3fvlk5YS0wEjh+XytwuLnJHRUQkO05vICoecvyusaT3lLzze80y8c3MlKYwdOokJb0AkJ4OXLoka1hEREREpsbE9ylm3crszBmgUSNgyRLNWKdO0njDhvLFRUREJJPY2FhUrFgRDx8+lDsUs5KdnQ0/Pz8cPXpU7lC0MPF9illWfJVKKdlt1Ag4e1Yas7OT+vLu3AlUrChvfERE9FwGDRoEhUIBhUIBGxsb+Pv74/3330dmZma+fX/++We0adMGzs7OcHR0RKNGjRAVFaXzuN999x3atm0LV1dXlC1bFvXq1cMHH3yA+/fvm/gRFZ9JkyZh9OjRcDbjPvXLli2Dn58f7O3t0aRJExw5cuSZt1m8eDGCgoLg4OAAX19fREZGar2fZs6cqX7PqX5q1qypvt7W1hbjx4/HhAkTTPKYioqJbx5CaCq+Pj6Ah4e88RhFQgLQubM0vSErSxoLDgaOHgVGj7bQZemIiMxPp06dkJCQgPj4eCxatAgrV67EjBkztPZZunQpunbtihYtWuDw4cM4ffo0evXqheHDh2P8+PFa+06ZMgURERFo1KgRfv31V5w9exYLFizAqVOnsHHjxmJ7XNnZ2SY79vXr1/Hzzz9j0KBBz3UcU8b4vLZs2YKxY8dixowZOH78OEJCQhAeHo67d+8WeJvNmzdj4sSJmDFjBi5cuIAvv/wSW7ZsweTJk7X2q1OnDhISEtQ/Bw4c0Lq+b9++OHDgAM6dO2eSx1YkwsKkpqYKACI1NTXfdVevCiGlv0J07lz8sZnE2bNC2NlpHlhkpBCPH8sdFRFRifP48WNx/vx58bgU/o0cOHCg6Nq1q9bY66+/LurXr6++fP36dWFjYyPGjh2b7/afffaZACD+/vtvIYQQhw8fFgDE4sWLdd5fSkpKgbHcuHFD9OrVS7i7uwtHR0cRGhqqPq6uON955x3Rpk0b9eU2bdqIkSNHinfeeUeUL19etG3bVvTu3Vv07NlT63bZ2dmifPnyYv369UIIIXJzc8WcOXOEn5+fsLe3F/Xq1RPffvttgXEKIcT8+fNFw4YNtcaSk5NFr169RKVKlYSDg4OoW7eu2Lx5s9Y+umIUQogzZ86ITp06CScnJ+Hp6Sn69esnkpKS1Lf79ddfRYsWLYSrq6soV66cePnll8WVK1cKjfF5NW7cWIwcOVJ9OTc3V1SqVEnMnTu3wNuMHDlStG/fXmts7NixokWLFurLM2bMECEhIc+8/3bt2ompU6fqvK6w37nC8rXnwYpvHmY5v7dOHWD+fGk6w+7dwMKFgL293FEREZUaDRtK6/gU98/znHpx9uxZHDp0SGtFrG3btuHJkyf5KrsAMGzYMJQtWxZff/01AGDTpk0oW7Ys/ve//+k8vpubm87x9PR0tGnTBrdu3cKOHTtw6tQpvP/++1AqlQbFv379etja2uLgwYNYsWIF+vbti59++gnp6enqfXbv3o1Hjx7htddeAwDMnTsXGzZswIoVK3Du3DlERkaiX79+2L9/f4H389dff6HhU090ZmYmQkND8csvv+Ds2bN4++230b9//3zTA56O8cGDB2jfvj3q16+Po0ePYteuXbhz5w569uypvk1GRgbGjh2Lo0ePYu/evbCyssJrr71W6PMzZ84clC1bttCf69ev67xtdnY2jh07hrCwMPWYlZUVwsLCEBMTU+B9Nm/eHMeOHVM/5vj4eOzcuROdO3fW2u/y5cuoVKkSAgIC0LdvX51xNG7cGH/99VeB91Xc2M4sD7NYqvjUKaBmTe0GxKNGAf36ScsPExGRQRITgVu35I7i2X7++WeULVsWOTk5yMrKgpWVFT7//HP19ZcuXYKrqyu8vb3z3dbW1hYBAQG49F+Hn8uXLyMgIMDgRQU2b96MpKQk/PPPPyhXrhwAoHr16gY/lho1amDevHnqy9WqVYOTkxO+//579O/fX31fr776KpydnZGVlYU5c+Zgz549aNasGQAgICAABw4cwMqVK9GmTRud9/Pvv//mS3x9fHy0PhyMHj0au3fvxtatW9G4ceMCY/zoo49Qv359zJkzRz22du1a+Pr64tKlSwgMDMQbb7yhdV9r165FhQoVcP78edStW1dnjMOHD9dKnnWpVKmSzvHk5GTk5ubCy8tLa9zLywsXL14s8Hh9+vRBcnIyWrZsCSEEcnJyMHz4cK2pDk2aNEFUVBSCgoKQkJCAWbNmoVWrVjh79qzWfOlKlSrh33//LTT+4sTEN49SvVRxbi7w6afA1KnAO+9I2yoKBZNeIqIikuv8X0Pvt127dli+fDkyMjKwaNEilClTJl+ipS8hRJFud/LkSdSvX1+d9BZVaGio1uUyZcqgZ8+e2LRpE/r374+MjAz8+OOP+OabbwAAV65cwaNHj/Diiy9q3S47Oxv169cv8H4eP34M+6e+Bc3NzcWcOXOwdetW3Lp1C9nZ2cjKysq3sMnTMZ46dQr79u1D2bJl891PXFwcAgMDcfnyZUyfPh2HDx9GcnKyutJ7/fr1AhPfcuXKPffzaajo6GjMmTMHX3zxBZo0aYIrV67gnXfewYcffohp06YBAF566SX1/vXq1UOTJk1QtWpVbN26FW+99Zb6OgcHBzx69KhY4y8ME988VBVfR0egWjV5YzHIjRtA//6A6uucBQuAbt2Ali1lDYuIyByUsG5MBXJyclJXV9euXYuQkBB8+eWX6iQkMDAQqampuH37dr4KYXZ2NuLi4tCuXTv1vgcOHMCTJ08Mqvo6ODgUer2VlVW+pFq1Yt7Tj+Vpffv2RZs2bXD37l38/vvvcHBwQKdOnQBAPQXil19+gY+Pj9bt7ApZgtXDwwMpKSlaY/Pnz8eSJUuwePFiBAcHw8nJCe+++26+E9iejjE9PR1dunTBJ598ku9+VFX2Ll26oGrVqli9ejUqVaoEpVKJunXrFnpy3Jw5c7SqyLqcP38eVapU0fn4rK2tcefOHa3xO3fuoGIhn6ymTZuG/v37Y8iQIQCA4OBgZGRk4O2338aUKVNgpWNlVzc3NwQGBuLKlSta4/fv30eFChUKjb84cY7vf9LSgPh4abtePcDaWt549LZ1qxSwKulVKIBJk4A8X8cQEZFlsbKywuTJkzF16lQ8fvwYAPDGG2/AxsYGCxYsyLf/ihUrkJGRgd69ewOQvupOT0/HF198ofP4Dx480Dler149nDx5ssB2ZxUqVEBCQoLW2Mm8X7cWonnz5vD19cWWLVuwadMm9OjRQ52U165dG3Z2drh+/TqqV6+u9ePr61vgMevXr4/z589rjR08eBBdu3ZFv379EBISojUFpDANGjTAuXPn4Ofnly8GJycn3Lt3D7GxsZg6dSo6dOiAWrVq5Uu6dRk+fDhOnjxZ6E9BUx1sbW0RGhqKvXv3qseUSiX27t2rnhKiy6NHj/Ilt9b/JUYFfRuQnp6OuLi4fFNpzp49W2jVvdgZ9VS5UqCgswT/+kvT+GDYMJmCM0RqqhADB2qCBoTw9RUiOlruyIiISiVz6+rw5MkT4ePjI+bPn68eW7RokbCyshKTJ08WFy5cEFeuXBELFiwQdnZ2Yty4cVq3f//994W1tbV47733xKFDh8S1a9fEnj17RPfu3Qvs9pCVlSUCAwNFq1atxIEDB0RcXJzYtm2bOHTokBBCiF27dgmFQiHWr18vLl26JKZPny5cXFzydXV45513dB5/ypQponbt2qJMmTLir7/+yndd+fLlRVRUlLhy5Yo4duyY+Oyzz0RUVFSBz9uOHTuEp6enyMnJUY9FRkYKX19fcfDgQXH+/HkxZMgQ4eLiovX86orx1q1bokKFCqJ79+7iyJEj4sqVK2LXrl1i0KBBIicnR+Tm5ory5cuLfv36icuXL4u9e/eKRo0aCQDi+++/LzDG5/XNN98IOzs7ERUVJc6fPy/efvtt4ebmJhITE9X79O/fX0ycOFF9ecaMGcLZ2Vl8/fXXIj4+Xvz222+iWrVqWp01xo0bJ6Kjo8XVq1fFwYMHRVhYmPDw8BB3797Vuv+qVauKDRs26IxNjq4OTHz/s3SpJn9cvlym4PR16JAQAQHaSW9EhBD378sdGRFRqWVuia8QQsydO1dUqFBBpKenq8d+/PFH0apVK+Hk5CTs7e1FaGioWLt2rc7jbtmyRbRu3Vo4OzsLJycnUa9ePfHBBx8U2s7s2rVr4o033hAuLi7C0dFRNGzYUBw+fFh9/fTp04WXl5dwdXUVkZGRYtSoUXonvufPnxcARNWqVYVSqdS6TqlUisWLF4ugoCBhY2MjKlSoIMLDw8X+/fsLjPXJkyeiUqVKYteuXeqxe/fuia5du4qyZcsKT09PMXXqVDFgwIBnJr5CCHHp0iXx2muvCTc3N+Hg4CBq1qwp3n33XXWsv//+u6hVq5aws7MT9erVE9HR0SZPfIUQYunSpaJKlSrC1tZWNG7cWN1eLu/jGThwoPrykydPxMyZM0W1atWEvb298PX1Ff/73/+0XveIiAjh7e0tbG1thY+Pj4iIiMjXmu3QoUPCzc1NPHr0SGdcciS+CiGKOIO9lEpLS4OrqytSU1Ph4uKiHh86FFizRto+dAgo5BsAeUVHA2Fh0slsAODsDCxbJnVt4GIURERFlpmZiatXr8Lf3z/fCU9kvpYtW4YdO3Zg9+7dcodidiIiIhASEpJv4QuVwn7nCsrXnhdPbvuPaoqRQiEtbFZitWgBhIYCR44AzZsDX30F+PvLHRUREVGpNGzYMDx48AAPHz4062WLi1t2djaCg4MRGRkpdyhaWPEFkJMjFU4zM4EaNQA95rDL68oVYMsWYMIEoAw/uxARGQMrvkTFS46KL7s6QEp0MzOl7RLVvzclBejbFzh2THu8enVgyhQmvUREREQGYOaEErpiW3S01Jv35k0p8T1+XGowTERERERFwoovtFdskz3xzc4GJk4E2reXkl4AuHsXOHdO3riIiIiISjlWfKFd8ZV1qkNsLNCnj1TdVWnXDtiwAahcWb64iIiIiMwAK77QVHzLlQOeWumweAgBrFwJ1K+vSXptbIB584A9e5j0EhERERmBxVd8ExMB1RLWL7wgQyvcpCRgyBBgxw7NWFAQsHkz0KBBMQdDREREZL4svuIr+4ltN24AO3dqLo8YIVV9mfQSERERGRUTX7nn9zZoAHz0EeDhIVV9v/iC3RuIiKhUUSgU+OGHH+QOo8SaOXMmXihR/VItFxPf4q74XrwIPHmiPTZ+vNS1oUuXYgiAiIjMzaBBg6BQKKBQKGBjYwN/f3+8//77yFQ1qTdjiYmJeOedd1C9enXY29vDy8sLLVq0wPLly/Ho0SO5wwMAjB8/Hnv37pU7DALn+KpPbLOxAWrVMuEdKZXA0qXSamsTJgCzZmmus7YGPD1NeOdERGTuOnXqhHXr1uHJkyc4duwYBg4cCIVCgU8++UTu0EwmPj4eLVq0gJubG+bMmYPg4GDY2dnhzJkzWLVqFXx8fPDqq6/KHSbKli2LsmXLyh0GwcIrvo8fSx3EAKB2bcDW1kR3lJAAdO4MvPsukJUlTW04csREd0ZERJbIzs4OFStWhK+vL7p164awsDD8/vvv6uvv3buH3r17w8fHB46OjggODsbXX3+tdYy2bdtizJgxeP/991GuXDlUrFgRM2fO1Nrn8uXLaN26Nezt7VG7dm2t+1A5c+YM2rdvDwcHB5QvXx5vv/020tPT1dcPGjQI3bp1w5w5c+Dl5QU3Nzd88MEHyMnJwXvvvYdy5cqhcuXKWLduXaGP+X//+x/KlCmDo0ePomfPnqhVqxYCAgLQtWtX/PLLL+jy3zep165dg0KhwMk8jfsfPHgAhUKB6Oho9djZs2fx0ksvoWzZsvDy8kL//v2RnJysvn7btm0IDg5WP66wsDBkZGQAAKKjo9G4cWM4OTnBzc0NLVq0wL///gsg/1QH1eP/9NNP4e3tjfLly2PkyJF4kucb4YSEBLz88stwcHCAv78/Nm/eDD8/PyxevLjQ54QKZ9GJ77lzQG6utG2yqTc//gjUqwfs3q0ZGzNGGiMiotJh4UKpteSzfnRVF199Vb/bLlxotHDPnj2LQ4cOwTZPRSczMxOhoaH45ZdfcPbsWbz99tvo378/jjxViFm/fj2cnJxw+PBhzJs3Dx988IE6uVUqlXj99ddha2uLw4cPY8WKFZgwYYLW7TMyMhAeHg53d3f8888/+Pbbb7Fnzx6MGjVKa78//vgDt2/fxp9//omFCxdixowZeOWVV+Du7o7Dhw9j+PDhGDZsGG6qFnN6yr179/Dbb79h5MiRcHJy0rmPwoBWTQ8ePED79u1Rv359HD16FLt27cKdO3fQs2dPAFIi2rt3b7z55pu4cOECoqOj8frrr0MIgZycHHTr1g1t2rTB6dOnERMTg7fffrvQ+9+3bx/i4uKwb98+rF+/HlFRUYiKilJfP2DAANy+fRvR0dH47rvvsGrVKty9e1fvx0MFEBYmNTVVABCpqalizRohpCa6QixcaOQ7Sk8XYtgwzR0AQlSsKMTu3Ua+IyIiMobHjx+L8+fPi8ePH+e/csYM7b/nBf00bZr/tk2b6nfbGTOKHPvAgQOFtbW1cHJyEnZ2dgKAsLKyEtu2bSv0di+//LIYN26c+nKbNm1Ey5YttfZp1KiRmDBhghBCiN27d4syZcqIW7duqa//9ddfBQDx/fffCyGEWLVqlXB3dxfp6enqfX755RdhZWUlEhMT1fFWrVpV5ObmqvcJCgoSrVq1Ul/OyckRTk5O4uuvv9YZ+99//y0AiO3bt2uNly9fXjg5OQknJyfx/vvvCyGEuHr1qgAgTpw4od4vJSVFABD79u0TQgjx4Ycfio4dO2od68aNGwKAiI2NFceOHRMAxLVr1/LFcu/ePQFAREdH64x1xowZIiQkRH1Z9fhzcnLUYz169BARERFCCCEuXLggAIh//vlHff3ly5cFALFo0SKd91EaFfY7lzdfMyaLnuObd6lio1Z8jx2TVmC7dEkz1rUrsGaN1L2BiIhKFxcX/VY4qlBB95g+t3VxMTyuPNq1a4fly5cjIyMDixYtQpkyZfDGG2+or8/NzcWcOXOwdetW3Lp1C9nZ2cjKyoLjU52E6j31jaS3t7e60njhwgX4+vqiUqVK6uubNWumtf+FCxcQEhKiVYVt0aIFlEolYmNj4eXlBQCoU6cOrKw0Xzx7eXmhbt266svW1tYoX768wVXOI0eOQKlUom/fvsjKytL7dqdOncK+fft0zsWNi4tDx44d0aFDBwQHByM8PBwdO3ZE9+7d4e7ujnLlymHQoEEIDw/Hiy++iLCwMPTs2RPe3t4F3l+dOnVgbW2tvuzt7Y0zZ84AAGJjY1GmTBk0yNPatHr16nB3d9f78ZBuFp34mqSjwx9/AOHhQE6OdNnREVi8WFqkothXxyAiIqMYO1b6KYq8CxSZkJOTE6pXrw4AWLt2LUJCQvDll1/irbfeAgDMnz8fS5YsweLFixEcHAwnJye8++67yM7O1jqOjY2N1mWFQgGlUmn0eHXdjyH3Xb16dSgUCsSqTtb5T0BAAADAwcFBPaZKsIUQ6rEnT3VYSk9PR5cuXXSeDOjt7Q1ra2v8/vvvOHToEH777TcsXboUU6ZMweHDh+Hv749169ZhzJgx2LVrF7Zs2YKpU6fi999/R9OmTfV+/KZ4nkmbxc7xFUKT+Pr6SssVG0WLFtKZcgAQGgqcOAEMHcqkl4iIio2VlRUmT56MqVOn4vHjxwCAgwcPomvXrujXrx9CQkIQEBCAS3m/mdRDrVq1cOPGDSQkJKjH/v7773z7nDp1Sn3Sl+q+raysEBQU9ByPSlv58uXx4osv4vPPP9e6L10q/FeJzxt33hPdAKBBgwY4d+4c/Pz8UL16da0fVfVaoVCgRYsWmDVrFk6cOAFbW1t8//336mPUr18fkyZNwqFDh1C3bl1s3ry5SI8tKCgIOTk5OHHihHrsypUrSElJKdLxSMNiE99//wXS0qRto/bvtbOTlhueMgU4dAgIDDTiwYmIiPTTo0cPWFtbY9myZQCAGjVqqCuWFy5cwLBhw3Dnzh2DjhkWFobAwEAMHDgQp06dwl9//YUpU6Zo7dO3b1/Y29tj4MCBOHv2LPbt24fRo0ejf//+6mkOxvLFF18gJycHDRs2xJYtW3DhwgXExsbiq6++wsWLF9VTCRwcHNC0aVN8/PHHuHDhAvbv34+pU6dqHWvkyJG4f/8+evfujX/++QdxcXHYvXs3Bg8ejNzcXBw+fBhz5szB0aNHcf36dWzfvh1JSUmoVasWrl69ikmTJiEmJgb//vsvfvvtN1y+fBm1itgntWbNmggLC8Pbb7+NI0eO4MSJE3j77bfh4OBg0Al7lJ/FJr7/TaMB8ByJb1qaVM09d057vE4dqWWZyfqjERERFa5MmTIYNWoU5s2bh4yMDEydOhUNGjRAeHg42rZti4oVK6Jbt24GHdPKygrff/89Hj9+jMaNG2PIkCGYPXu21j6Ojo7YvXs37t+/j0aNGqF79+7o0KEDPv/8cyM+Okm1atVw4sQJhIWFYdKkSQgJCUHDhg2xdOlSjB8/Hh9++KF637Vr1yInJwehoaF499138dFHH2kdq1KlSjh48CByc3PRsWNHBAcH491334WbmxusrKzg4uKCP//8E507d0ZgYCCmTp2KBQsW4KWXXoKjoyMuXryIN954A4GBgXj77bcxcuRIDBs2rMiPbcOGDfDy8kLr1q3x2muvYejQoXB2doa9vX2Rj0mAQuSd8GIB0tLS4OrqiokTU/Hxx9KJBN9+C3TvbuCBYmKAfv2A+HipNdmRI1K1l4iISqXMzExcvXoV/v7+TC6oxLl58yZ8fX2xZ88edOjQQe5wjKKw3zlVvpaamgqX5zzxMy+LPbnt9GnNtkEV35wcYPZs4MMPNU2Ar16VDtiokVFjJCIiIsv0xx9/ID09HcHBwUhISMD7778PPz8/tG7dWu7QSjWLTXzPnpX+dXICqlXT80bx8VKVNyZGM9a8OfDVV4C/v9FjJCIiIsv05MkTTJ48GfHx8XB2dkbz5s2xadOmfN0gyDAWm/hevy79W68eYPWsmc5CABs3AqNGAQ8fSmPW1sD06cDkyUAZi30aiYiIyATCw8MRHh4udxhmx+IztmcuXJGSAowYAWzZohkLCAA2bQIK6M1HRERERCWPxXZ1UHnm/N4LF6Sz31QGDZKWfGPSS0RklizsnG8i2cjxu2bxie8zK77Nm0s9ed3cgK1bgXXrAGfnYoiMiIiKk2ru5KNHj2SOhMgyqFYNzLt0s6lZbDszIBUKhQsePpROcFO7ehWoUkWaw6vy5Alw965+a60TEVGplZCQgAcPHsDT0xOOjo5cLIDIRJRKJW7fvg0bGxtUqVIl3+8a25mZQGBgnqRXCGDVKiAyEpgxA5gwQbOjjQ2TXiIiC1CxYkUAwN27d2WOhMj8WVlZ6Ux6TcmiE1/1/N6kJGDIEGDHDuny1KlAx45A/fqyxUZERMVPoVDA29sbnp6eePLkidzhEJk1W1tbWD2ztZZxWXTi+8ILAHbvlk5YS0zUXDFkCBAUJFNUREQkN2tr62Kdd0hExaNEnNy2bNky+Pn5wd7eHk2aNMGRI0cK3f/bb79FzZo1YW9vj+DgYOzcudPg+7RFJnodfhfo1EmT9Hp4SFXf5csBR8ciPBIiIiIiKqlkT3y3bNmCsWPHYsaMGTh+/DhCQkIQHh5e4PyqQ4cOoXfv3njrrbdw4sQJdOvWDd26dcNZ1VJseopGW/j/uEQz0KkTcOYM0KXL8zwcIiIiIiqhZO/q0KRJEzRq1Aiff/45AOksP19fX4wePRoTJ07Mt39ERAQyMjLw888/q8eaNm2KF154AStWrHjm/anPEgTgAgB2dsD8+dKqbDx7l4iIiEh2ZtnVITs7G8eOHcOkSZPUY1ZWVggLC0NMTIzO28TExGDs2LFaY+Hh4fjhhx907p+VlYWsrCz15dTUVABAGgDUrg18+aX0r2opYiIiIiKSVVpaGgDjL3Iha+KbnJyM3NxceHl5aY17eXnh4sWLOm+TmJioc//EvCen5TF37lzMmjUr37gvAJw/DzRrVqTYiYiIiMi07t2799/6C8Zh9l0dJk2apFUhfvDgAapWrYrr168b9YmkkiktLQ2+vr64ceOGUb8qoZKJr7dl4ettWfh6W5bU1FRUqVIF5cqVM+pxZU18PTw8YG1tjTt37miN37lzR91E/GkVK1Y0aH87OzvY2dnlG3d1deUvjgVxcXHh621B+HpbFr7eloWvt2Uxdp9fWbs62NraIjQ0FHv37lWPKZVK7N27F80KmILQrFkzrf0B4Pfffy9wfyIiIiIioARMdRg7diwGDhyIhg0bonHjxli8eDEyMjIwePBgAMCAAQPg4+ODuXPnAgDeeecdtGnTBgsWLMDLL7+Mb775BkePHsWqVavkfBhEREREVMLJnvhGREQgKSkJ06dPR2JiIl544QXs2rVLfQLb9evXtcrczZs3x+bNmzF16lRMnjwZNWrUwA8//IC6devqdX92dnaYMWOGzukPZH74elsWvt6Wha+3ZeHrbVlM9XrL3seXiIiIiKg4yL5yGxERERFRcWDiS0REREQWgYkvEREREVkEJr5EREREZBHMMvFdtmwZ/Pz8YG9vjyZNmuDIkSOF7v/tt9+iZs2asLe3R3BwMHbu3FlMkZIxGPJ6r169Gq1atYK7uzvc3d0RFhb2zPcHlSyG/n6rfPPNN1AoFOjWrZtpAySjMvT1fvDgAUaOHAlvb2/Y2dkhMDCQf9NLEUNf78WLFyMoKAgODg7w9fVFZGQkMjMziylaeh5//vknunTpgkqVKkGhUOCHH3545m2io6PRoEED2NnZoXr16oiKijL8joWZ+eabb4Stra1Yu3atOHfunBg6dKhwc3MTd+7c0bn/wYMHhbW1tZg3b544f/68mDp1qrCxsRFnzpwp5sipKAx9vfv06SOWLVsmTpw4IS5cuCAGDRokXF1dxc2bN4s5cioKQ19vlatXrwofHx/RqlUr0bVr1+IJlp6boa93VlaWaNiwoejcubM4cOCAuHr1qoiOjhYnT54s5sipKAx9vTdt2iTs7OzEpk2bxNWrV8Xu3buFt7e3iIyMLObIqSh27twppkyZIrZv3y4AiO+//77Q/ePj44Wjo6MYO3asOH/+vFi6dKmwtrYWu3btMuh+zS7xbdy4sRg5cqT6cm5urqhUqZKYO3euzv179uwpXn75Za2xJk2aiGHDhpk0TjIOQ1/vp+Xk5AhnZ2exfv16U4VIRlSU1zsnJ0c0b95crFmzRgwcOJCJbyli6Ou9fPlyERAQILKzs4srRDIiQ1/vkSNHivbt22uNjR07VrRo0cKkcZLx6ZP4vv/++6JOnTpaYxERESI8PNyg+zKrqQ7Z2dk4duwYwv7f3r0H1Zj/cQB/d8rpJCemJaez5Ra1xmXpwuYylm237KIValeTEFlJhmU1bhW/EksGw2KtsrZRGFYjitBuxe66dNlRTlJhR9nBjkRtl/P9/WE6s0dlnSNlO+/XzPPH8zzf7/f5fM9nzvQ5357nHDc3zTGJRAI3NzdcvHixyT4XL17Uag8A7u7uzbanN4c++X7e06dPUVtbC0tLy9cVJrUQffO9du1aWFlZISAgoDXCpBaiT76TkpLg6uqKBQsWoHv37hg4cCCioqJQX1/fWmGTnvTJ94gRI3DlyhXN7RDFxcU4efIkPv7441aJmVpXS9Vrbf7LbS3p/v37qK+v1/zqW4Pu3bvj+vXrTfYpLy9vsn15eflri5Nahj75ft7y5cuhVCobvZnozaNPvjMzM/Hdd98hJyenFSKklqRPvouLi3Hu3Dn4+vri5MmTKCoqQlBQEGpraxEWFtYaYZOe9Mn39OnTcf/+fYwaNQpCCNTV1eGLL77AihUrWiNkamXN1WsVFRWoqqqCmZnZS43TrlZ8iXQRHR2NhIQEHDt2DDKZrK3DoRb2+PFj+Pn54dtvv0XXrl3bOhxqBWq1GlZWVtizZw+cnJzg4+ODlStXYteuXW0dGr0G6enpiIqKws6dO3H16lUcPXoUycnJWLduXVuHRm+wdrXi27VrVxgbG+PevXtax+/duweFQtFkH4VCoVN7enPok+8GmzZtQnR0NNLS0jB48ODXGSa1EF3zffPmTZSWlmLixImaY2q1GgBgYmIClUoFOzu71xs06U2f97e1tTU6dOgAY2NjzbH+/fujvLwcNTU1kEqlrzVm0p8++V69ejX8/PwwZ84cAMCgQYPw5MkTBAYGYuXKlZBIuLbXnjRXr1lYWLz0ai/QzlZ8pVIpnJyccPbsWc0xtVqNs2fPwtXVtck+rq6uWu0B4MyZM822pzeHPvkGgI0bN2LdunVISUmBs7Nza4RKLUDXfL/zzjv4/fffkZOTo9kmTZqEsWPHIicnB7a2tq0ZPulIn/f3yJEjUVRUpPmAAwCFhYWwtrZm0fuG0yffT58+bVTcNnzoefa8FLUnLVav6fbc3ZsvISFBmJqairi4OJGfny8CAwNFly5dRHl5uRBCCD8/PxEaGqppn5WVJUxMTMSmTZtEQUGBCAsL49eZ/Yfomu/o6GghlUrFkSNHRFlZmWZ7/PhxW02BdKBrvp/Hb3X4b9E137dv3xZyuVwEBwcLlUolTpw4IaysrMT//ve/tpoC6UDXfIeFhQm5XC4OHjwoiouLxenTp4WdnZ3w9vZuqymQDh4/fiyys7NFdna2ACBiYmJEdna2uHXrlhBCiNDQUOHn56dp3/B1ZsuWLRMFBQVix44d/DqzBtu3bxc9evQQUqlUDBs2TPzyyy+ac2PGjBH+/v5a7Q8dOiTs7e2FVCoVAwYMEMnJya0cMb0KXfLds2dPAaDRFhYW1vqBk150fX//Ewvf/x5d833hwgUxfPhwYWpqKvr06SMiIyNFXV1dK0dN+tIl37W1tSI8PFzY2dkJmUwmbG1tRVBQkPjrr79aP3DS2fnz55v8e9yQY39/fzFmzJhGfYYMGSKkUqno06ePiI2N1fm6RkLw/wFERERE1P61q3t8iYiIiIiaw8KXiIiIiAwCC18iIiIiMggsfImIiIjIILDwJSIiIiKDwMKXiIiIiAwCC18iIiIiMggsfImIiIjIILDwJSICEBcXhy5durR1GHozMjLCjz/++MI2M2fOxKefftoq8RARvYlY+BJRuzFz5kwYGRk12oqKito6NMTFxWnikUgksLGxwaxZs/Dnn3+2yPhlZWUYP348AKC0tBRGRkbIycnRarN161bExcW1yPWaEx4erpmnsbExbG1tERgYiIcPH+o0Dot0InodTNo6ACKiluTh4YHY2FitY926dWujaLRZWFhApVJBrVYjNzcXs2bNwt27d5GamvrKYysUin9t07lz51e+zssYMGAA0tLSUF9fj4KCAsyePRuPHj1CYmJiq1yfiKg5XPElonbF1NQUCoVCazM2NkZMTAwGDRoEc3Nz2NraIigoCJWVlc2Ok5ubi7Fjx0Iul8PCwgJOTk64fPmy5nxmZiZGjx4NMzMz2NraIiQkBE+ePHlhbEZGRlAoFFAqlRg/fjxCQkKQlpaGqqoqqNVqrF27FjY2NjA1NcWQIUOQkpKi6VtTU4Pg4GBYW1tDJpOhZ8+eWL9+vdbYDbc69O7dGwAwdOhQGBkZ4f333wegvYq6Z88eKJVKqNVqrRg9PT0xe/Zszf7x48fh6OgImUyGPn36ICIiAnV1dS+cp4mJCRQKBd5++224ublh2rRpOHPmjOZ8fX09AgIC0Lt3b5iZmcHBwQFbt27VnA8PD8f+/ftx/Phxzepxeno6AODOnTvw9vZGly5dYGlpCU9PT5SWlr4wHiKiBix8icggSCQSbNu2DdeuXcP+/ftx7tw5fPXVV8229/X1hY2NDS5duoQrV64gNDQUHTp0AADcvHkTHh4emDJlCvLy8pCYmIjMzEwEBwfrFJOZmRnUajXq6uqwdetWbN68GZs2bUJeXh7c3d0xadIk3LhxAwCwbds2JCUl4dChQ1CpVIiPj0evXr2aHPe3334DAKSlpaGsrAxHjx5t1GbatGl48OABzp8/rzn28OFDpKSkwNfXFwCQkZGBGTNmYNGiRcjPz8fu3bsRFxeHyMjIl55jaWkpUlNTIZVKNcfUajVsbGxw+PBh5OfnY82aNVixYgUOHToEAFi6dCm8vb3h4eGBsrIylJWVYcSIEaitrYW7uzvkcjkyMjKQlZWFTp06wcPDAzU1NS8dExEZMEFE1E74+/sLY2NjYW5urtmmTp3aZNvDhw+Lt956S7MfGxsrOnfurNmXy+UiLi6uyb4BAQEiMDBQ61hGRoaQSCSiqqqqyT7Pj19YWCjs7e2Fs7OzEEIIpVIpIiMjtfq4uLiIoKAgIYQQCxcuFOPGjRNqtbrJ8QGIY8eOCSGEKCkpEQBEdna2Vht/f3/h6emp2ff09BSzZ8/W7O/evVsolUpRX18vhBDigw8+EFFRUVpjHDhwQFhbWzcZgxBChIWFCYlEIszNzYVMJhMABAARExPTbB8hhFiwYIGYMmVKs7E2XNvBwUHrNfj777+FmZmZSE1NfeH4RERCCMF7fImoXRk7diy++eYbzb65uTmAZ6uf69evx/Xr11FRUYG6ujpUV1fj6dOn6NixY6NxlixZgjlz5uDAgQOaf9fb2dkBeHYbRF5eHuLj4zXthRBQq9UoKSlB//79m4zt0aNH6NSpE9RqNaqrqzFq1Cjs3bsXFRUVuHv3LkaOHKnVfuTIkcjNzQXw7DaFDz/8EA4ODvDw8MCECRPw0UcfvdJr5evri7lz52Lnzp0wNTVFfHw8PvvsM0gkEs08s7KytFZ46+vrX/i6AYCDgwOSkpJQXV2NH374ATk5OVi4cKFWmx07dmDfvn24ffs2qqqqUFNTgyFDhrww3tzcXBQVFUEul2sdr66uxs2bN/V4BYjI0LDwJaJ2xdzcHH379tU6VlpaigkTJmD+/PmIjIyEpaUlMjMzERAQgJqamiYLuPDwcEyfPh3Jyck4deoUwsLCkJCQgMmTJ6OyshLz5s1DSEhIo349evRoNja5XI6rV69CIpHA2toaZmZmAICKiop/nZejoyNKSkpw6tQppKWlwdvbG25ubjhy5Mi/9m3OxIkTIYRAcnIyXFxckJGRgS1btmjOV1ZWIiIiAl5eXo36ymSyZseVSqWaHERHR+OTTz5BREQE1q1bBwBISEjA0qVLsXnzZri6ukIul+Prr7/Gr7/++sJ4Kysr4eTkpPWBo8Gb8gAjEb3ZWPgSUbt35coVqNVqbN68WbOa2XA/6YvY29vD3t4eixcvxueff47Y2FhMnjwZjo6OyM/Pb1Rg/xuJRNJkHwsLCyiVSmRlZWHMmDGa41lZWRg2bJhWOx8fH/j4+GDq1Knw8PDAw4cPYWlpqTVew/209fX1L4xHJpPBy8sL8fHxKCoqgoODAxwdHTXnHR0doVKpdJ7n81atWoVx48Zh/vz5mnmOGDECQUFBmjbPr9hKpdJG8Ts6OiIxMRFWVlawsLB4pZiIyDDx4TYiavf69u2L2tpabN++HcXFxThw4AB27drVbPuqqioEBwcjPT0dt27dQlZWFi5duqS5hWH58uW4cOECgoODkZOTgxs3buD48eM6P9z2T8uWLcOGDRuQmJgIlUqF0NBQ5OTkYNGiRQCAmJgYHDx4ENevX0dhYSEOHz4MhULR5I9uWFlZwczMDCkpKbh37x4ePXrU7HV9fX2RnJyMffv2aR5qa7BmzRp8//33iIiIwLVr11BQUICEhASsWrVKp7m5urpi8ODBiIqKAgD069cPly9fRmpqKgoLC7F69WpcunRJq0+vXr2Ql5cHlUqF+/fvo7a2Fr6+vujatSs8PT2RkZGBkpISpKenIyQkBH/88YdOMRGRYWLhS0Tt3rvvvouYmBhs2LABAwcORHx8vNZXgT3P2NgYDx48wIwZM2Bvbw9vb2+MHz8eERERAIDBgwfjp59+QmFhIUaPHo2hQ4dizZo1UCqVescYEhKCJUuW4Msvv8SgQYOQkpKCpKQk9OvXD8Cz2yQ2btwIZ2dnuLi4oLS0FCdPntSsYP+TiYkJtm3bht27d0OpVMLT07PZ644bNw6WlpZQqVSYPn261jl3d3ecOHECp0+fhouLC9577z1s2bIFPXv21Hl+ixcvxt69e3Hnzh3MmzcPXl5e8PHxwfDhw/HgwQOt1V8AmDt3LhwcHODs7Ixu3bohKysLHTt2xM8//4wePXrAy8sL/fv3R0BAAKqrq7kCTEQvxUgIIdo6CCIiIiKi140rvkRERERkEFj4EhEREZFBYOFLRERERAaBhS8RERERGQQWvkRERERkEFj4EhEREZFBYOFLRERERAaBhS8RERERGQQWvkRERERkEFj4EhEREZFBYOFLRERERAbh//ya922Y/aAuAAAAAElFTkSuQmCC", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "plot_roc_curve(y_test, y_pred)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "#### Standardized data" + ] + }, + { + "cell_type": "code", + "execution_count": 49, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Time taken for GridSearchCV: 4.38 seconds\n", + "Best Hyperparameters:\n", + "{'max_depth': 7, 'min_samples_leaf': 8, 'min_samples_split': 2}\n", + "\n", + "Time taken for training with best hyperparameters: 0.13 seconds\n", + "\n", + "Mean Accuracy: 0.8608869294605809\n", + "Standard Deviation of Accuracy: 0.016511376478853375\n", + "Mean Precision: 0.7850972759315583\n", + "Standard Deviation of Precision: 0.032983676813471315\n", + "Mean Recall: 0.8199970614163974\n", + "Standard Deviation of Recall: 0.024393912430473653\n", + "Mean F1-score: 0.8016412898878007\n", + "Standard Deviation of F1-score: 0.02102249397776493\n", + "Mean ROC AUC: 0.85110148966974\n", + "Standard Deviation of ROC AUC: 0.015713153472096633\n", + "\n", + "Total time taken: 4.51 seconds\n" + ] + } + ], + "source": [ + "from sklearn.model_selection import StratifiedKFold, GridSearchCV\n", + "from sklearn.metrics import accuracy_score, precision_score, recall_score, f1_score, roc_auc_score, confusion_matrix\n", + "from sklearn.tree import DecisionTreeClassifier\n", + "import numpy as np\n", + "import time\n", + "\n", + "start_total_time = time.time()\n", + "\n", + "kf = StratifiedKFold(n_splits=10, shuffle=True, random_state=42)\n", + "\n", + "model = DecisionTreeClassifier(random_state=42)\n", + "\n", + "param_grid = {\n", + " 'max_depth': [3, 5, 7, 9],\n", + " 'min_samples_split': [2, 5, 10, 20],\n", + " 'min_samples_leaf': [1, 2, 4, 8]\n", + "}\n", + "\n", + "grid_search = GridSearchCV(estimator=model, param_grid=param_grid, cv=kf, scoring='accuracy')\n", + "\n", + "start_time = time.time()\n", + "\n", + "grid_search.fit(standard(x), y)\n", + "\n", + "grid_search_time = time.time() - start_time\n", + "print(f\"Time taken for GridSearchCV: {grid_search_time:.2f} seconds\")\n", + "\n", + "best_params = grid_search.best_params_\n", + "\n", + "print(\"Best Hyperparameters:\")\n", + "print(best_params)\n", + "\n", + "print()\n", + "\n", + "best_model = grid_search.best_estimator_\n", + "\n", + "start_time = time.time()\n", + "\n", + "accuracy_scores = []\n", + "precision_scores = []\n", + "recall_scores = []\n", + "f1_scores = []\n", + "roc_auc_scores = []\n", + "confusion_matrices = []\n", + "\n", + "for train_index, test_index in kf.split(standard(x), y):\n", + " X_train, X_test = x.iloc[train_index], x.iloc[test_index]\n", + " y_train, y_test = y.iloc[train_index], y.iloc[test_index]\n", + "\n", + " best_model.fit(X_train, y_train)\n", + "\n", + " y_pred = best_model.predict(X_test)\n", + "\n", + " accuracy = accuracy_score(y_test, y_pred)\n", + " accuracy_scores.append(accuracy)\n", + " \n", + " precision = precision_score(y_test, y_pred)\n", + " precision_scores.append(precision)\n", + " \n", + " recall = recall_score(y_test, y_pred)\n", + " recall_scores.append(recall)\n", + " \n", + " f1 = f1_score(y_test, y_pred)\n", + " f1_scores.append(f1)\n", + " \n", + " roc_auc = roc_auc_score(y_test, y_pred)\n", + " roc_auc_scores.append(roc_auc)\n", + " \n", + " confusion = confusion_matrix(y_test, y_pred)\n", + " confusion_matrices.append(confusion)\n", + "\n", + "training_time = time.time() - start_time\n", + "print(f\"Time taken for training with best hyperparameters: {training_time:.2f} seconds\")\n", + "\n", + "print()\n", + "\n", + "mean_accuracy = np.mean(accuracy_scores)\n", + "std_accuracy = np.std(accuracy_scores)\n", + "\n", + "mean_precision = np.mean(precision_scores)\n", + "std_precision = np.std(precision_scores)\n", + "\n", + "mean_recall = np.mean(recall_scores)\n", + "std_recall = np.std(recall_scores)\n", + "\n", + "mean_f1 = np.mean(f1_scores)\n", + "std_f1 = np.std(f1_scores)\n", + "\n", + "mean_roc_auc = np.mean(roc_auc_scores)\n", + "std_roc_auc = np.std(roc_auc_scores)\n", + "\n", + "print(f\"Mean Accuracy: {mean_accuracy}\")\n", + "print(f\"Standard Deviation of Accuracy: {std_accuracy}\")\n", + "\n", + "print(f\"Mean Precision: {mean_precision}\")\n", + "print(f\"Standard Deviation of Precision: {std_precision}\")\n", + "\n", + "print(f\"Mean Recall: {mean_recall}\")\n", + "print(f\"Standard Deviation of Recall: {std_recall}\")\n", + "\n", + "print(f\"Mean F1-score: {mean_f1}\")\n", + "print(f\"Standard Deviation of F1-score: {std_f1}\")\n", + "\n", + "print(f\"Mean ROC AUC: {mean_roc_auc}\")\n", + "print(f\"Standard Deviation of ROC AUC: {std_roc_auc}\")\n", + "\n", + "print()\n", + "\n", + "total_time = time.time() - start_total_time\n", + "print(f\"Total time taken: {total_time:.2f} seconds\")" + ] + }, + { + "cell_type": "code", + "execution_count": 50, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "x_train: (1800, 13)\n", + "y_train: (1800,)\n", + "x_test: (601, 13)\n", + "y_test: (601,)\n" + ] + } + ], + "source": [ + "from sklearn.model_selection import train_test_split\n", + "\n", + "x_train, x_test, y_train, y_test = train_test_split(x,y,test_size=0.25,random_state=42)\n", + "\n", + "print(\"x_train:\",x_train.shape)\n", + "print(\"y_train:\",y_train.shape)\n", + "print(\"x_test:\",x_test.shape)\n", + "print(\"y_test:\",y_test.shape)" + ] + }, + { + "cell_type": "code", + "execution_count": 51, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Accuracy: 0.8635607321131448\n", + "Precision: 0.7961165048543689\n", + "Recall: 0.803921568627451\n", + "F1 Score: 0.8\n", + "ROC AUC Score: 0.8490640588729195\n", + "Confusion Matrix:\n", + "[[355 42]\n", + " [ 40 164]]\n" + ] + } + ], + "source": [ + "model = grid_search.best_estimator_\n", + "\n", + "model.fit(x_train, y_train)\n", + "\n", + "y_pred = model.predict(x_test)\n", + "\n", + "y_pred = (y_pred >= 0.5).astype(int)\n", + "\n", + "print(\"Accuracy:\", accuracy_score(y_test, y_pred))\n", + "print(\"Precision:\", precision_score(y_test, y_pred))\n", + "print(\"Recall:\", recall_score(y_test, y_pred))\n", + "print(\"F1 Score:\", f1_score(y_test, y_pred))\n", + "print(\"ROC AUC Score:\", roc_auc_score(y_test, y_pred))\n", + "print(\"Confusion Matrix:\")\n", + "print(confusion_matrix(y_test, y_pred))" + ] + }, + { + "cell_type": "code", + "execution_count": 52, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAokAAAIjCAYAAABvUIGpAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8pXeV/AAAACXBIWXMAAA9hAAAPYQGoP6dpAABHQElEQVR4nO3deViU9f7/8deAMiIKiAtIKu4LuWYdIlMzF1wyPVpmWqK5HE2tRM04pbmUlC2WldoqZnps1Y6Wmbt1pFySNLfCJStZTFMCBRHu3x99nV/jx4VRxkHn+ei6r8u578/c93vmOtb7vD6f+x6bZVmWAAAAgL/x8XQBAAAAKH5oEgEAAGCgSQQAAICBJhEAAAAGmkQAAAAYaBIBAABgoEkEAACAgSYRAAAABppEAAAAGGgSAVzQTz/9pA4dOigoKEg2m02LFy8u0vMfOHBANptNiYmJRXreq9ltt92m2267zdNlAPByNInAVWDv3r3617/+pZo1a6pUqVIKDAxUixYt9PLLL+vkyZNuvXZsbKy2b9+up59+WvPmzdONN97o1utdSf3795fNZlNgYOA5v8effvpJNptNNptNzz//vMvnP3TokCZOnKjk5OQiqBYArqwSni4AwIV99tlnuvvuu2W329WvXz81bNhQp06d0tdff62xY8dqx44deuONN9xy7ZMnTyopKUmPP/64RowY4ZZrRERE6OTJkypZsqRbzn8xJUqU0IkTJ7RkyRL16tXL6dj8+fNVqlQp5eTkXNK5Dx06pEmTJql69epq2rRpod/35ZdfXtL1AKAo0SQCxdj+/fvVu3dvRUREaPXq1apcubLj2PDhw5WSkqLPPvvMbdc/fPiwJCk4ONht17DZbCpVqpTbzn8xdrtdLVq00H/+8x+jSVywYIG6dOmijz/++IrUcuLECZUuXVp+fn5X5HoAcCFMNwPF2LRp05SVlaW3337bqUE8o3bt2nr44Ycdr0+fPq0pU6aoVq1astvtql69uv79738rNzfX6X3Vq1fXHXfcoa+//lr/+Mc/VKpUKdWsWVPvvvuuY8zEiRMVEREhSRo7dqxsNpuqV68u6a9p2jN//ruJEyfKZrM57VuxYoVuvfVWBQcHq0yZMqpXr57+/e9/O46fb03i6tWr1bJlSwUEBCg4OFjdunXTrl27znm9lJQU9e/fX8HBwQoKCtKAAQN04sSJ83+xZ+nTp4+WLVumY8eOOfZt2rRJP/30k/r06WOMP3r0qMaMGaNGjRqpTJkyCgwMVKdOnfT99987xqxdu1Y33XSTJGnAgAGOaeszn/O2225Tw4YNtWXLFrVq1UqlS5d2fC9nr0mMjY1VqVKljM8fExOjcuXK6dChQ4X+rABQWDSJQDG2ZMkS1axZU7fcckuhxg8aNEgTJkzQDTfcoOnTp6t169ZKSEhQ7969jbEpKSm666671L59e73wwgsqV66c+vfvrx07dkiSevTooenTp0uS7r33Xs2bN08vvfSSS/Xv2LFDd9xxh3JzczV58mS98MILuvPOO/W///3vgu9buXKlYmJilJGRoYkTJyouLk4bNmxQixYtdODAAWN8r1699OeffyohIUG9evVSYmKiJk2aVOg6e/ToIZvNpk8++cSxb8GCBapfv75uuOEGY/y+ffu0ePFi3XHHHXrxxRc1duxYbd++Xa1bt3Y0bA0aNNDkyZMlSUOGDNG8efM0b948tWrVynGeI0eOqFOnTmratKleeukltWnT5pz1vfzyy6pYsaJiY2OVn58vSXr99df15Zdf6pVXXlF4eHihPysAFJoFoFg6fvy4Jcnq1q1bocYnJydbkqxBgwY57R8zZowlyVq9erVjX0REhCXJWr9+vWNfRkaGZbfbrdGjRzv27d+/35JkPffcc07njI2NtSIiIowannzySevv/1qZPn26Jck6fPjwees+c405c+Y49jVt2tSqVKmSdeTIEce+77//3vLx8bH69etnXO+BBx5wOuc///lPq3z58ue95t8/R0BAgGVZlnXXXXdZbdu2tSzLsvLz862wsDBr0qRJ5/wOcnJyrPz8fONz2O12a/LkyY59mzZtMj7bGa1bt7YkWbNnzz7nsdatWzvtW758uSXJeuqpp6x9+/ZZZcqUsbp3737RzwgAl4okESimMjMzJUlly5Yt1PjPP/9ckhQXF+e0f/To0ZJkrF2MjIxUy5YtHa8rVqyoevXqad++fZdc89nOrGX89NNPVVBQUKj3pKamKjk5Wf3791dISIhjf+PGjdW+fXvH5/y7oUOHOr1u2bKljhw54vgOC6NPnz5au3at0tLStHr1aqWlpZ1zqln6ax2jj89f//rMz8/XkSNHHFPp3333XaGvabfbNWDAgEKN7dChg/71r39p8uTJ6tGjh0qVKqXXX3+90NcCAFfRJALFVGBgoCTpzz//LNT4n3/+WT4+Pqpdu7bT/rCwMAUHB+vnn3922l+tWjXjHOXKldMff/xxiRWb7rnnHrVo0UKDBg1SaGioevfurQ8++OCCDeOZOuvVq2cca9CggX7//XdlZ2c77T/7s5QrV06SXPosnTt3VtmyZfX+++9r/vz5uummm4zv8oyCggJNnz5dderUkd1uV4UKFVSxYkVt27ZNx48fL/Q1r7vuOpduUnn++ecVEhKi5ORkzZgxQ5UqVSr0ewHAVTSJQDEVGBio8PBw/fDDDy697+wbR87H19f3nPsty7rka5xZL3eGv7+/1q9fr5UrV+r+++/Xtm3bdM8996h9+/bG2MtxOZ/lDLvdrh49emju3LlatGjReVNESZo6dari4uLUqlUrvffee1q+fLlWrFih66+/vtCJqfTX9+OKrVu3KiMjQ5K0fft2l94LAK6iSQSKsTvuuEN79+5VUlLSRcdGRESooKBAP/30k9P+9PR0HTt2zHGnclEoV66c053AZ5ydVkqSj4+P2rZtqxdffFE7d+7U008/rdWrV2vNmjXnPPeZOvfs2WMc2717typUqKCAgIDL+wDn0adPH23dulV//vnnOW/2OeOjjz5SmzZt9Pbbb6t3797q0KGD2rVrZ3wnhW3YCyM7O1sDBgxQZGSkhgwZomnTpmnTpk1Fdn4AOBtNIlCMPfroowoICNCgQYOUnp5uHN+7d69efvllSX9Nl0oy7kB+8cUXJUldunQpsrpq1aql48ePa9u2bY59qampWrRokdO4o0ePGu8981Dpsx/Lc0blypXVtGlTzZ0716np+uGHH/Tll186Pqc7tGnTRlOmTNGrr76qsLCw847z9fU1UsoPP/xQv/32m9O+M83suRpqV40bN04HDx7U3Llz9eKLL6p69eqKjY097/cIAJeLh2kDxVitWrW0YMEC3XPPPWrQoIHTL65s2LBBH374ofr37y9JatKkiWJjY/XGG2/o2LFjat26tTZu3Ki5c+eqe/fu5328yqXo3bu3xo0bp3/+85966KGHdOLECc2aNUt169Z1unFj8uTJWr9+vbp06aKIiAhlZGRo5syZqlKlim699dbznv+5555Tp06dFB0drYEDB+rkyZN65ZVXFBQUpIkTJxbZ5zibj4+PnnjiiYuOu+OOOzR58mQNGDBAt9xyi7Zv36758+erZs2aTuNq1aql4OBgzZ49W2XLllVAQICioqJUo0YNl+pavXq1Zs6cqSeffNLxSJ45c+botttu0/jx4zVt2jSXzgcAheLhu6sBFMKPP/5oDR482Kpevbrl5+dnlS1b1mrRooX1yiuvWDk5OY5xeXl51qRJk6waNWpYJUuWtKpWrWrFx8c7jbGsvx6B06VLF+M6Zz965XyPwLEsy/ryyy+thg0bWn5+fla9evWs9957z3gEzqpVq6xu3bpZ4eHhlp+fnxUeHm7de++91o8//mhc4+zHxKxcudJq0aKF5e/vbwUGBlpdu3a1du7c6TTmzPXOfsTOnDlzLEnW/v37z/udWpbzI3DO53yPwBk9erRVuXJly9/f32rRooWVlJR0zkfXfPrpp1ZkZKRVokQJp8/ZunVr6/rrrz/nNf9+nszMTCsiIsK64YYbrLy8PKdxo0aNsnx8fKykpKQLfgYAuBQ2y3JhZTcAAAC8AmsSAQAAYKBJBAAAgIEmEQAAAAaaRAAAABhoEgEAAGCgSQQAAICBJhEAAACGa/IXV/ybjfB0CQDc5OjGVz1dAgA38S/pwWu7sXc4ufXq/PcWSSIAAAAM12SSCAAA4BIbudnZ+EYAAABsNvdtLpg1a5YaN26swMBABQYGKjo6WsuWLXMcv+2222Sz2Zy2oUOHOp3j4MGD6tKli0qXLq1KlSpp7NixOn36tMtfCUkiAABAMVGlShU988wzqlOnjizL0ty5c9WtWzdt3bpV119/vSRp8ODBmjx5suM9pUuXdvw5Pz9fXbp0UVhYmDZs2KDU1FT169dPJUuW1NSpU12qhSYRAACgmEw3d+3a1en1008/rVmzZumbb75xNImlS5dWWFjYOd//5ZdfaufOnVq5cqVCQ0PVtGlTTZkyRePGjdPEiRPl5+dX6FqKxzcCAABwjcrNzVVmZqbTlpube9H35efna+HChcrOzlZ0dLRj//z581WhQgU1bNhQ8fHxOnHihONYUlKSGjVqpNDQUMe+mJgYZWZmaseOHS7VTZMIAADgxjWJCQkJCgoKctoSEhLOW8r27dtVpkwZ2e12DR06VIsWLVJkZKQkqU+fPnrvvfe0Zs0axcfHa968ebrvvvsc701LS3NqECU5Xqelpbn0lTDdDAAA4Ebx8fGKi4tz2me32887vl69ekpOTtbx48f10UcfKTY2VuvWrVNkZKSGDBniGNeoUSNVrlxZbdu21d69e1WrVq0irZsmEQAAwI1rEu12+wWbwrP5+fmpdu3akqTmzZtr06ZNevnll/X6668bY6OioiRJKSkpqlWrlsLCwrRx40anMenp6ZJ03nWM58N0MwAAQDFWUFBw3jWMycnJkqTKlStLkqKjo7V9+3ZlZGQ4xqxYsUKBgYGOKevCIkkEAABw8XmG7hIfH69OnTqpWrVq+vPPP7VgwQKtXbtWy5cv1969e7VgwQJ17txZ5cuX17Zt2zRq1Ci1atVKjRs3liR16NBBkZGRuv/++zVt2jSlpaXpiSee0PDhw11KMyWaRAAAgGLzCJyMjAz169dPqampCgoKUuPGjbV8+XK1b99ev/zyi1auXKmXXnpJ2dnZqlq1qnr27KknnnjC8X5fX18tXbpUw4YNU3R0tAICAhQbG+v0XMXCslmWZRXlhysO3Pkj3QA86+jGVz1dAgA38S/pwWvfPM5t5z75zbNuO7c7kSQCAAAUk+nm4qR4ZKsAAAAoVkgSAQAAismaxOKEbwQAAAAGkkQAAADWJBpIEgEAAGAgSQQAAGBNooEmEQAAgOlmA20zAAAADCSJAAAATDcb+EYAAABgIEkEAAAgSTTwjQAAAMBAkggAAODD3c1nI0kEAACAgSQRAACANYkGmkQAAAAepm2gbQYAAICBJBEAAIDpZgPfCAAAAAwkiQAAAKxJNJAkAgAAwECSCAAAwJpEA98IAAAADCSJAAAArEk00CQCAAAw3WzgGwEAAICBJBEAAIDpZgNJIgAAAAwkiQAAAKxJNPCNAAAAwECSCAAAwJpEA0kiAAAADCSJAAAArEk00CQCAADQJBr4RgAAAGAgSQQAAODGFQNJIgAAAAwkiQAAAKxJNPCNAAAAwECSCAAAwJpEA0kiAAAADCSJAAAArEk00CQCAAAw3WygbQYAAICBJBEAAHg9G0migSQRAAAABpJEAADg9UgSTSSJAAAAMJAkAgAAECQaSBIBAABgIEkEAABejzWJJppEAADg9WgSTUw3AwAAwECSCAAAvB5JookkEQAAAAaSRAAA4PVIEk0kiQAAADCQJAIAABAkGkgSAQAAYCBJBAAAXo81iSaSRAAAABhoEgEAgNez2Wxu21wxa9YsNW7cWIGBgQoMDFR0dLSWLVvmOJ6Tk6Phw4erfPnyKlOmjHr27Kn09HSncxw8eFBdunRR6dKlValSJY0dO1anT592+TuhSQQAAF6vuDSJVapU0TPPPKMtW7Zo8+bNuv3229WtWzft2LFDkjRq1CgtWbJEH374odatW6dDhw6pR48ejvfn5+erS5cuOnXqlDZs2KC5c+cqMTFREyZMcP07sSzLcvldxZx/sxGeLgGAmxzd+KqnSwDgJv4lPXftkPsXuO3cR+f1uaz3h4SE6LnnntNdd92lihUrasGCBbrrrrskSbt371aDBg2UlJSkm2++WcuWLdMdd9yhQ4cOKTQ0VJI0e/ZsjRs3TocPH5afn1+hr0uSCAAAvJ47k8Tc3FxlZmY6bbm5uRetKT8/XwsXLlR2draio6O1ZcsW5eXlqV27do4x9evXV7Vq1ZSUlCRJSkpKUqNGjRwNoiTFxMQoMzPTkUYWFk0iAACAGyUkJCgoKMhpS0hIOO/47du3q0yZMrLb7Ro6dKgWLVqkyMhIpaWlyc/PT8HBwU7jQ0NDlZaWJklKS0tzahDPHD9zzBU8AgcAAMCNT8CJj49XXFyc0z673X7e8fXq1VNycrKOHz+ujz76SLGxsVq3bp37CjwPmkQAAAA3stvtF2wKz+bn56fatWtLkpo3b65Nmzbp5Zdf1j333KNTp07p2LFjTmlienq6wsLCJElhYWHauHGj0/nO3P18ZkxhMd0MAAC8XnG5u/lcCgoKlJubq+bNm6tkyZJatWqV49iePXt08OBBRUdHS5Kio6O1fft2ZWRkOMasWLFCgYGBioyMdOm6JIkAAADFRHx8vDp16qRq1arpzz//1IIFC7R27VotX75cQUFBGjhwoOLi4hQSEqLAwECNHDlS0dHRuvnmmyVJHTp0UGRkpO6//35NmzZNaWlpeuKJJzR8+HCX0kyJJhEAAKDY/CxfRkaG+vXrp9TUVAUFBalx48Zavny52rdvL0maPn26fHx81LNnT+Xm5iomJkYzZ850vN/X11dLly7VsGHDFB0drYCAAMXGxmry5Mku18JzEgFcVXhOInDt8uRzEis98IHbzp3xTi+3ndudWJMIAAAAA9PNAAAAxWO2uVghSQQAAICBJBEAAHi94nLjSnFCkggAAAADSSIAAPB6JIkmkkQAAAAYSBIBAIDXI0k00SQCAACvR5NoYroZAAAABpJEAAAAgkQDSSIAAAAMJIkAAMDrsSbRRJIIAAAAA0kiAADweiSJJpJEAAAAGEgSAQCA1yNJNNEkAgAA0CMamG4GAACAgSQRAAB4PaabTSSJAAAAMJAkAgAAr0eSaCJJBAAAgIEkEcXO4Ltv1eC7WioiPESStGtfmqa+sUxf/m+nJGn5mw+r1Y11nN7z5kdf66GnFzpen9z6qnHefo/N0YfLt7ixcgCX65233tCMl15Qn/v66dHHHtfx48c067VXlLTha6WlpqpcuRC1ub2dHhz5sMqWLevpcnENIUk00SSi2Pkt/ZjGv/KpUg4elk023dc1Sh9OH6Kbez+jXfvSJElvf/w/TZm11PGeEzl5xnkGT5inFRt2Ol4f+/Ok+4sHcMl+2L5NH324UHXr1nPsO5yRocMZGYobM041a9ZWaupvemryRB0+nKHnp8/wXLGAF6BJRLHz+fofnF5PfG2JBt99q/7RuIajSTyZc0rpR/684HmO/3nyomMAFA8nTmTr34+N1YSJT+nN12c59teuU1cvvPSK43XVatU04qFH9PhjY3X69GmVKMF/xlA0SBJNHv3b9fvvv+udd95RUlKS0tL++o9/WFiYbrnlFvXv318VK1b0ZHkoBnx8bOrZ/gYF+Pvp2237Hfvv6Xyjene+SelHMvX5+h+U8OYynTwrTXwpvpdmTuijA7/9rjc/+lrvfvrNlS4fQCFNfWqyWrZqrZujb3FqEs8l688slSlThgYRRYse0eCxv2GbNm1STEyMSpcurXbt2qlu3bqSpPT0dM2YMUPPPPOMli9frhtvvPGC58nNzVVubq7TPqsgXzYfX7fVDve7vna41s4drVJ+JZR1Mlf3jH5Tu/8vRXx/2WYdTD2q1MPH1ahOuJ56uJvqRlRS7zFvOd4/aeZSrdv4o07knFK76Pp6Of4elSlt18z/rPPURwJwHl98/pl279qp+Qs/uujYP/44qjdfn6ked91zBSoDvJvHmsSRI0fq7rvv1uzZs42I17IsDR06VCNHjlRSUtIFz5OQkKBJkyY57fMNvUklK/+jyGvGlfPjgXRF9U5QUBl//bNdM705+X51GPSydu9L0zuf/M8xbkfKIaX+nqkv3nhINapU0P5ff5ckPfPmF44x3+/5VaX97RrVrx1NIlDMpKWmatozT2v2m+/IbrdfcGxWVpZGPvgv1axVS0MfHHGFKoS3YLrZZLMsy/LEhf39/bV161bVr1//nMd3796tZs2a6eTJC99scK4ksVLLcSSJ15jPZo/Qvl9+18i/3cF8RulSfjqS9KK6PviaVibtOuf7O956vRa9MkxB/3hEp/JOu7tcuNHRjead67h6rV61UnEPD5ev7///d3Z+fr5sNpt8fHy08bvt8vX1VXZ2loYNGSR//1Ka8drrF20ocXXyL+m5a9eM+9xt5973Yme3ndudPJYkhoWFaePGjedtEjdu3KjQ0NCLnsdutxv/sqBBvPb42Gyy+537f65N6lWRJKX9fvy8729cr4qOHs+mQQSKmaibb9ZHi5Y47ZvwRLxq1KipAQMHy9fXV1lZWXrwXwNVsqSfXnplFg0i3IIk0eSxJnHMmDEaMmSItmzZorZt2zoawvT0dK1atUpvvvmmnn/+eU+VBw+aPPJOLf/fDv2S+ofKBpTSPZ1uVKsb66jrgzNVo0oF3dPpRi3/eoeOHMtWo7rXadroHvpqy0/64adDkqTOrRqqUvmy2rjtgHJO5antzfX16MAOeundVR7+ZADOFhBQRrXr1HXa5+9fWkHBwapdp66ysrI0bMgDyjl5Uk+//Jyys7OUnZ0lSSpXLsQpgQRQtDzWJA4fPlwVKlTQ9OnTNXPmTOXn50uSfH191bx5cyUmJqpXr16eKg8eVDGkjN6e0k9hFQJ1PCtHP/z0m7o+OFOrv92tKqHBuj2qnkb0aaMAfz/9mv6HFq9K1jNvLXe8P+90vv7Vq5Wmje4pm82mvb8c1rgXPtE7n2zw4KcCcCl27dyh7du+lyR17dze6dhny1fpuuuqeKIsXIMIEk0eW5P4d3l5efr9979uOKhQoYJKlry8RQn+zVjQDFyrWJMIXLs8uSax9phlbjt3yvOd3HZudyoWD5kqWbKkKleu7OkyAACAl2JNoqlYNIkAAACeRI9o8vF0AQAAACh+SBIBAIDXY7rZRJIIAAAAA0kiAADwegSJJpJEAAAAGEgSAQCA1/PxIUo8G0kiAAAADCSJAADA67Em0USTCAAAvB6PwDEx3QwAAAADSSIAAPB6BIkmkkQAAAAYSBIBAIDXY02iiSQRAAAABpJEAADg9UgSTSSJAAAAMJAkAgAAr0eQaKJJBAAAXo/pZhPTzQAAADCQJAIAAK9HkGgiSQQAAICBJBEAAHg91iSaSBIBAABgIEkEAABejyDRRJIIAAAAA0kiAADweqxJNJEkAgAAwECTCAAAvJ7N5r7NFQkJCbrppptUtmxZVapUSd27d9eePXucxtx2222y2WxO29ChQ53GHDx4UF26dFHp0qVVqVIljR07VqdPn3apFqabAQCA1ysu083r1q3T8OHDddNNN+n06dP697//rQ4dOmjnzp0KCAhwjBs8eLAmT57seF26dGnHn/Pz89WlSxeFhYVpw4YNSk1NVb9+/VSyZElNnTq10LXQJAIAABQTX3zxhdPrxMREVapUSVu2bFGrVq0c+0uXLq2wsLBznuPLL7/Uzp07tXLlSoWGhqpp06aaMmWKxo0bp4kTJ8rPz69QtTDdDAAAvJ47p5tzc3OVmZnptOXm5haqruPHj0uSQkJCnPbPnz9fFSpUUMOGDRUfH68TJ044jiUlJalRo0YKDQ117IuJiVFmZqZ27NhR6O+EJhEAAMCNEhISFBQU5LQlJCRc9H0FBQV65JFH1KJFCzVs2NCxv0+fPnrvvfe0Zs0axcfHa968ebrvvvscx9PS0pwaREmO12lpaYWum+lmAADg9dy5JjE+Pl5xcXFO++x2+0XfN3z4cP3www/6+uuvnfYPGTLE8edGjRqpcuXKatu2rfbu3atatWoVTdEiSQQAAHAru92uwMBAp+1iTeKIESO0dOlSrVmzRlWqVLng2KioKElSSkqKJCksLEzp6elOY868Pt86xnOhSQQAAF6vuDwCx7IsjRgxQosWLdLq1atVo0aNi74nOTlZklS5cmVJUnR0tLZv366MjAzHmBUrVigwMFCRkZGFroXpZgAAgGJi+PDhWrBggT799FOVLVvWsYYwKChI/v7+2rt3rxYsWKDOnTurfPny2rZtm0aNGqVWrVqpcePGkqQOHTooMjJS999/v6ZNm6a0tDQ98cQTGj58eKGmuc+gSQQAAF6vuDwncdasWZL+emD2382ZM0f9+/eXn5+fVq5cqZdeeknZ2dmqWrWqevbsqSeeeMIx1tfXV0uXLtWwYcMUHR2tgIAAxcbGOj1XsTBoEgEAgNcrJj2iLMu64PGqVatq3bp1Fz1PRESEPv/888uqhTWJAAAAMJAkAgAAr1dcppuLE5JEAAAAGEgSAQCA1yNJNJEkAgAAwECSCAAAvB5BookkEQAAAAaSRAAA4PVYk2iiSQQAAF6PHtHEdDMAAAAMJIkAAMDrMd1sIkkEAACAgSQRAAB4PYJEE0kiAAAADCSJAADA6/kQJRpIEgEAAGAgSQQAAF6PINFEkwgAALwej8AxMd0MAAAAA0kiAADwej4EiQaSRAAAABhIEgEAgNdjTaKJJBEAAAAGkkQAAOD1CBJNJIkAAAAwkCQCAACvZxNR4tloEgEAgNfjETgmppsBAABgIEkEAABej0fgmEgSAQAAYCBJBAAAXo8g0USSCAAAAANJIgAA8Ho+RIkGkkQAAAAYiqRJPHbsWFGcBgAAwCNsNvdtVyuXm8Rnn31W77//vuN1r169VL58eV133XX6/vvvi7Q4AACAK8Fms7ltu1q53CTOnj1bVatWlSStWLFCK1as0LJly9SpUyeNHTu2yAsEAADAlefyjStpaWmOJnHp0qXq1auXOnTooOrVqysqKqrICwQAAHC3qzjwcxuXk8Ry5crpl19+kSR98cUXateunSTJsizl5+cXbXUAAADwCJeTxB49eqhPnz6qU6eOjhw5ok6dOkmStm7dqtq1axd5gQAAAO7GI3BMLjeJ06dPV/Xq1fXLL79o2rRpKlOmjCQpNTVVDz74YJEXCAAAgCvP5SaxZMmSGjNmjLF/1KhRRVIQAADAlUaOaCpUk/jf//630Ce88847L7kYAAAAFA+FahK7d+9eqJPZbDZuXgEAAFedq/l5hu5SqCaxoKDA3XUAAAB4jA89ouGyfpYvJyenqOoAAABAMeJyk5ifn68pU6bouuuuU5kyZbRv3z5J0vjx4/X2228XeYEAAADuxs/ymVxuEp9++mklJiZq2rRp8vPzc+xv2LCh3nrrrSItDgAAAJ7hcpP47rvv6o033lDfvn3l6+vr2N+kSRPt3r27SIsDAAC4Emw2921XK5ebxN9+++2cv6xSUFCgvLy8IikKAAAAnuVykxgZGamvvvrK2P/RRx+pWbNmRVIUAADAlcSaRJPLv7gyYcIExcbG6rffflNBQYE++eQT7dmzR++++66WLl3qjhoBAABwhbmcJHbr1k1LlizRypUrFRAQoAkTJmjXrl1asmSJ2rdv744aAQAA3MrH5r7tauVykihJLVu21IoVK4q6FgAAAI+4mqeF3eWSmkRJ2rx5s3bt2iXpr3WKzZs3L7KiAAAA4FkuN4m//vqr7r33Xv3vf/9TcHCwJOnYsWO65ZZbtHDhQlWpUqWoawQAAHArckSTy2sSBw0apLy8PO3atUtHjx7V0aNHtWvXLhUUFGjQoEHuqBEAAABXmMtJ4rp167RhwwbVq1fPsa9evXp65ZVX1LJlyyItDgAA4ErwYU2iweUksWrVqud8aHZ+fr7Cw8OLpCgAAAB4lstN4nPPPaeRI0dq8+bNjn2bN2/Www8/rOeff75IiwMAALgS+Fk+U6Gmm8uVK+d0a3h2draioqJUosRfbz99+rRKlCihBx54QN27d3dLoQAAALhyCtUkvvTSS24uAwAAwHN4TqKpUE1ibGysu+sAAADwegkJCfrkk0+0e/du+fv765ZbbtGzzz7rdMNwTk6ORo8erYULFyo3N1cxMTGaOXOmQkNDHWMOHjyoYcOGac2aNSpTpoxiY2OVkJDgmAUuDJfXJP5dTk6OMjMznTYAAICrTXFZk7hu3ToNHz5c33zzjVasWKG8vDx16NBB2dnZjjGjRo3SkiVL9OGHH2rdunU6dOiQevTo4Tien5+vLl266NSpU9qwYYPmzp2rxMRETZgwwbXvxLIsy5U3ZGdna9y4cfrggw905MgR43h+fr5LBbiDf7MRni4BgJsc3fiqp0sA4Cb+JT137WEf73TbuWf1jLzk9x4+fFiVKlXSunXr1KpVKx0/flwVK1bUggULdNddd0mSdu/erQYNGigpKUk333yzli1bpjvuuEOHDh1ypIuzZ8/WuHHjdPjwYfn5+RXq2i4niY8++qhWr16tWbNmyW6366233tKkSZMUHh6ud99919XTAQAAXNNyc3ONmdfc3NxCvff48eOSpJCQEEnSli1blJeXp3bt2jnG1K9fX9WqVVNSUpIkKSkpSY0aNXKafo6JiVFmZqZ27NhR6LpdbhKXLFmimTNnqmfPnipRooRatmypJ554QlOnTtX8+fNdPR0AAIDHuXO6OSEhQUFBQU5bQkLCRWsqKCjQI488ohYtWqhhw4aSpLS0NPn5+Tl+GvmM0NBQpaWlOcb8vUE8c/zMscJy+RdXjh49qpo1a0qSAgMDdfToUUnSrbfeqmHDhrl6OgAAgGtafHy84uLinPbZ7faLvm/48OH64Ycf9PXXX7urtAtyOUmsWbOm9u/fL+mvePODDz6Q9FfCeHZXCwAAcDWw2Wxu2+x2uwIDA522izWJI0aM0NKlS7VmzRpVqVLFsT8sLEynTp3SsWPHnManp6crLCzMMSY9Pd04fuZYYbncJA4YMEDff/+9JOmxxx7Ta6+9plKlSmnUqFEaO3asq6cDAADA/7EsSyNGjNCiRYu0evVq1ahRw+l48+bNVbJkSa1atcqxb8+ePTp48KCio6MlSdHR0dq+fbsyMjIcY1asWKHAwEBFRhb+JhqX724+288//6wtW7aodu3aaty48eWcqsjknPZ0BQDcJXHTAU+XAMBNhkZX99i1Ry7a5bZzv/LPBoUe++CDD2rBggX69NNPnZ6NGBQUJH9/f0nSsGHD9PnnnysxMVGBgYEaOXKkJGnDhg2S/nrSTNOmTRUeHq5p06YpLS1N999/vwYNGqSpU6cWuhaX1ySeLSIiQhEREZd7GgAAAK83a9YsSdJtt93mtH/OnDnq37+/JGn69Ony8fFRz549nR6mfYavr6+WLl2qYcOGKTo6WgEBAYqNjdXkyZNdqqVQSeKMGTMKfcKHHnrIpQLcgSQRuHaRJALXLk8miQ8t3u22c8/oXt9t53anQiWJ06dPL9TJbDZbsWgSAQAAXOHDTzcbCtUknrmbGQAAAN7hstckAgAAXO1IEk0uPwIHAAAA1z6SRAAA4PVsNqLEs5EkAgAAwECSCAAAvB5rEk2XlCR+9dVXuu+++xQdHa3ffvtNkjRv3jyP/QA1AAAAipbLTeLHH3+smJgY+fv7a+vWrcrNzZUkHT9+3KWfegEAACgubDb3bVcrl5vEp556SrNnz9abb76pkiVLOva3aNFC3333XZEWBwAAcCX42Gxu265WLjeJe/bsUatWrYz9QUFBOnbsWFHUBAAAAA9zuUkMCwtTSkqKsf/rr79WzZo1i6QoAACAK8nHjdvVyuXaBw8erIcffljffvutbDabDh06pPnz52vMmDEaNmyYO2oEAADAFebyI3Aee+wxFRQUqG3btjpx4oRatWolu92uMWPGaOTIke6oEQAAwK2u4qWDbuNyk2iz2fT4449r7NixSklJUVZWliIjI1WmTBl31AcAAAAPuOSHafv5+SkyMrIoawEAAPCIq/kuZHdxuUls06bNBX/fcPXq1ZdVEAAAADzP5SaxadOmTq/z8vKUnJysH374QbGxsUVVFwAAwBVDkGhyuUmcPn36OfdPnDhRWVlZl10QAADAlcZvN5uK7PE99913n955552iOh0AAAA86JJvXDlbUlKSSpUqVVSnAwAAuGK4ccXkcpPYo0cPp9eWZSk1NVWbN2/W+PHji6wwAAAAeI7LTWJQUJDTax8fH9WrV0+TJ09Whw4diqwwAACAK4Ug0eRSk5ifn68BAwaoUaNGKleunLtqAgAAgIe5dOOKr6+vOnTooGPHjrmpHAAAgCvPx+a+7Wrl8t3NDRs21L59+9xRCwAAAIoJl5vEp556SmPGjNHSpUuVmpqqzMxMpw0AAOBqY3PjP1erQq9JnDx5skaPHq3OnTtLku68806nn+ezLEs2m035+flFXyUAAIAbXc3Twu5S6CZx0qRJGjp0qNasWePOegAAAFAMFLpJtCxLktS6dWu3FQMAAOAJJIkml9Yk2niIEAAAgFdw6TmJdevWvWijePTo0csqCAAA4EojCDO51CROmjTJ+MUVAAAAXHtcahJ79+6tSpUquasWAAAAj2BNoqnQaxKJYQEAALyHy3c3AwAAXGvIwkyFbhILCgrcWQcAAIDH+NAlGlz+WT4AAABc+1y6cQUAAOBaxI0rJpJEAAAAGEgSAQCA12NJookkEQAAAAaSRAAA4PV8RJR4NpJEAAAAGEgSAQCA12NNookmEQAAeD0egWNiuhkAAAAGkkQAAOD1+Fk+E0kiAAAADCSJAADA6xEkmkgSAQAAYCBJBAAAXo81iSaSRAAAABhIEgEAgNcjSDTRJAIAAK/H1KqJ7wQAAAAGkkQAAOD1bMw3G0gSAQAAYCBJBAAAXo8c0USSCAAAAANJIgAA8Ho8TNtEkggAAAADTSIAAPB6Njdurlq/fr26du2q8PBw2Ww2LV682Ol4//79ZbPZnLaOHTs6jTl69Kj69u2rwMBABQcHa+DAgcrKynKpDppEAADg9Ww2922uys7OVpMmTfTaa6+dd0zHjh2Vmprq2P7zn/84He/bt6927NihFStWaOnSpVq/fr2GDBniUh2sSQQAAChGOnXqpE6dOl1wjN1uV1hY2DmP7dq1S1988YU2bdqkG2+8UZL0yiuvqHPnznr++ecVHh5eqDpIEgEAgNc7e/q2KLfc3FxlZmY6bbm5uZdV79q1a1WpUiXVq1dPw4YN05EjRxzHkpKSFBwc7GgQJaldu3by8fHRt99+W+hr0CQCAAC4UUJCgoKCgpy2hISESz5fx44d9e6772rVqlV69tlntW7dOnXq1En5+fmSpLS0NFWqVMnpPSVKlFBISIjS0tIKfR2mmwEAgNdzZ2oWHx+vuLg4p312u/2Sz9e7d2/Hnxs1aqTGjRurVq1aWrt2rdq2bXvJ5z0bSSIAAIAb2e12BQYGOm2X0ySerWbNmqpQoYJSUlIkSWFhYcrIyHAac/r0aR09evS86xjPhSYRAAB4PXeuSXS3X3/9VUeOHFHlypUlSdHR0Tp27Ji2bNniGLN69WoVFBQoKiqq0OdluhkAAKAYycrKcqSCkrR//34lJycrJCREISEhmjRpknr27KmwsDDt3btXjz76qGrXrq2YmBhJUoMGDdSxY0cNHjxYs2fPVl5enkaMGKHevXsX+s5miSQRAACgWD1Me/PmzWrWrJmaNWsmSYqLi1OzZs00YcIE+fr6atu2bbrzzjtVt25dDRw4UM2bN9dXX33lNIU9f/581a9fX23btlXnzp1166236o033nDtO7Esy7qE+ou1nNOergCAuyRuOuDpEgC4ydDo6h679ofJh9x27rubFj69K06YbgYAAF7vSqwdvNrQJAIAAK/H+jsT3wkAAAAMJIkAAMDrMd1sIkkEAACAgSQRAAB4PXJEE0kiAAAADCSJAADA67Ek0USSCAAAAANJIgAA8Ho+rEo00CQCAACvx3SzielmAAAAGEgSAQCA17Mx3WwgSQQAAICBJBEAAHg91iSaSBIBAABgIEkEAABej0fgmEgSAQAAYCBJBAAAXo81iSaaRAAA4PVoEk1MNwMAAMBAkggAALweD9M2kSQCAADAQJIIAAC8ng9BooEkEQAAAAaSRAAA4PVYk2giSQQAAICBJBEAAHg9npNookkEAABej+lmE9PNAAAAMJAkAgAAr8cjcEwkiQAAADCQJAIAAK/HmkQTSSIAAAAMJIm46rz95hua8dIL6ntfPz0a/7gkKTc3Vy9Me0ZfLPtcp06d0i0tbtXj459U+QoVPFwtgLP9ume7Nn/+oTJ+/knZx46q68gnVbv5LU5jjhw6qK8/eFu/7tmmgvx8lb8uQneMGK/A8pWcxlmWpcUvPqED2zef8zxAYfEIHBNJIq4qP2zfpo8+XKi6des57X/u2alat3aNnnvxJb0zd54OH85Q3MMjPFQlgAvJy81RxWo1dfv95/47eizjkD54Ok7lKlfV3Y89p/ufmq2oO/uoREk/Y+zWLxfxX3fATWgScdU4kZ2t+HFj9eSkpxQYFOTY/+eff2rRxx9rzKOPKermaEVe31CTn5qq5OSt2vZ9sucKBnBONRrfpBY9+6t28xbnPP6/jxJVvfE/1OqeQaoUUVvBlcJVq1m0SgcGO43L+HmvtnzxsTo8EHcFqsa1zubG7WpFk4irxtSnJqtVq9a6Odp5Omnnjh90+nSeov62v0bNWqpcOVzfJydf4SoBXA6roED7t21UubDr9Mnz/9bskb30n8kPKWXLBqdxebk5Wvb6M7r9/uEKCA7xULW4lvjYbG7brlbFukn85Zdf9MADD1xwTG5urjIzM5223NzcK1QhrpRln3+mXbt26qFRo41jR37/XSVLllRgYKDT/pDy5fX774evVIkAisCJzGPKyzmpTZ+9r+qNblSPMQmqdUMLLXl1sn7dvc0xbt1/Xld47UjVuoE1iIC7FOsm8ejRo5o7d+4FxyQkJCgoKMhpe+7ZhCtUIa6EtNRUTXvmaSU8+5zsdrunywHgRpZlSZJq3RCtG2J6qFJELf3jjntUs0mUtq35TJK0d2uSftmVrNZ9hnqyVFxjmG42efTu5v/+978XPL5v376LniM+Pl5xcc7rUSxfGolryc6dO3T0yBH1vruHY19+fr62bN6khf+Zr1lvvK28vDxlZmY6pYlHjxxRhQoVPVEygEvkXzZQPr6+Kh8e4bQ/JLyqfvtxhyTpl53JOpaRqpkP9nAas/TVKbqubkPdHf/cFasXuJZ5tEns3r27bDab4/85novtInP5drvdSJdyThdJeSgmom6+WR8tXuK078nH41W9Zk0NGDhYYWGVVaJESW38JkntOsRIkg7s36fU1ENq0rSpByoGcKl8S5RUaI26Opr6q9P+P9J+U2CFvx5/c1OXe9SwdSen4/Oe+Jda9/mXaja9+YrVimvM1Rz5uYlHm8TKlStr5syZ6tat2zmPJycnq3nz5le4KhQ3AQFlVKdOXad9/qVLKzgo2LH/nz176vlpzygwKEhlypTRM1OfUpOmzdS4SVMPVAzgQk7lnNSx9EOO15m/pynj570qVaasAstX0o2d7tZnM6eqSr2GqtqgiQ5s36x9yd/o7sf+SggDgkPOebNK2ZBKCqoYdsU+B3Ct82iT2Lx5c23ZsuW8TeLFUkbgjLHj/i0fm49GP/KQTuX938O0n3jS02UBOIf0/T/qo2cfdbxe95/XJUmRLdorZvAY1W7eQm1jH9KmzxZqzfxZCgmroq4jxuu6ug09VTK8AD/LZ7JZHuzCvvrqK2VnZ6tjx47nPJ6dna3NmzerdevWLp2X6Wbg2pW46YCnSwDgJkOjq3vs2t/uPe62c0fVCrr4oGLIo0liy5YtL3g8ICDA5QYRAADAVVfx4wzdht9uBgAAXo8e0VSsn5MIAAAAzyBJBAAAIEo0kCQCAADAQJIIAAC8Ho/AMZEkAgAAwECSCAAAvB6PwDGRJAIAAMBAkggAALweQaKJJhEAAIAu0cB0MwAAAAwkiQAAwOvxCBwTSSIAAAAMJIkAAMDr8QgcE0kiAAAADCSJAADA6xEkmkgSAQAAYKBJBAAAsLlxc9H69evVtWtXhYeHy2azafHixU7HLcvShAkTVLlyZfn7+6tdu3b66aefnMYcPXpUffv2VWBgoIKDgzVw4EBlZWW5VAdNIgAA8Ho2N/7jquzsbDVp0kSvvfbaOY9PmzZNM2bM0OzZs/Xtt98qICBAMTExysnJcYzp27evduzYoRUrVmjp0qVav369hgwZ4tp3YlmW5XL1xVzOaU9XAMBdEjcd8HQJANxkaHR1j1172y+upWyuaFy1zCW/12azadGiRerevbukv1LE8PBwjR49WmPGjJEkHT9+XKGhoUpMTFTv3r21a9cuRUZGatOmTbrxxhslSV988YU6d+6sX3/9VeHh4YW6NkkiAADwejab+7bc3FxlZmY6bbm5uZdU5/79+5WWlqZ27do59gUFBSkqKkpJSUmSpKSkJAUHBzsaRElq166dfHx89O233xb6WjSJAAAAbpSQkKCgoCCnLSEh4ZLOlZaWJkkKDQ112h8aGuo4lpaWpkqVKjkdL1GihEJCQhxjCoNH4AAAAK/nzkfgxMfHKy4uzmmf3W534xWLBk0iAACAG9nt9iJrCsPCwiRJ6enpqly5smN/enq6mjZt6hiTkZHh9L7Tp0/r6NGjjvcXBtPNAAAAxegROBdSo0YNhYWFadWqVY59mZmZ+vbbbxUdHS1Jio6O1rFjx7RlyxbHmNWrV6ugoEBRUVGFvhZJIgAAQDGSlZWllJQUx+v9+/crOTlZISEhqlatmh555BE99dRTqlOnjmrUqKHx48crPDzccQd0gwYN1LFjRw0ePFizZ89WXl6eRowYod69exf6zmaJJhEAAOCSnmfoLps3b1abNm0cr8+sZ4yNjVViYqIeffRRZWdna8iQITp27JhuvfVWffHFFypVqpTjPfPnz9eIESPUtm1b+fj4qGfPnpoxY4ZLdfCcRABXFZ6TCFy7PPmcxB2/Zbvt3NdfF+C2c7sTSSIAAPB6tuITJBYbNIkAAMDr0SOauLsZAAAABpJEAAAAokQDSSIAAAAMJIkAAMDrFadH4BQXJIkAAAAwkCQCAACvxyNwTCSJAAAAMJAkAgAAr0eQaKJJBAAAoEs0MN0MAAAAA0kiAADwejwCx0SSCAAAAANJIgAA8Ho8AsdEkggAAAADSSIAAPB6BIkmkkQAAAAYSBIBAACIEg00iQAAwOvxCBwT080AAAAwkCQCAACvxyNwTCSJAAAAMJAkAgAAr0eQaCJJBAAAgIEkEQAAgCjRQJIIAAAAA0kiAADwejwn0USTCAAAvB6PwDEx3QwAAAADSSIAAPB6BIkmkkQAAAAYSBIBAIDXY02iiSQRAAAABpJEAAAAViUaSBIBAABgIEkEAABejzWJJppEAADg9egRTUw3AwAAwECSCAAAvB7TzSaSRAAAABhIEgEAgNezsSrRQJIIAAAAA0kiAAAAQaKBJBEAAAAGkkQAAOD1CBJNNIkAAMDr8QgcE9PNAAAAMJAkAgAAr8cjcEwkiQAAADCQJAIAABAkGkgSAQAAYCBJBAAAXo8g0USSCAAAAANJIgAA8Ho8J9FEkwgAALwej8AxMd0MAAAAA0kiAADwekw3m0gSAQAAYKBJBAAAgIEmEQAAAAbWJAIAAK/HmkQTSSIAAEAxMXHiRNlsNqetfv36juM5OTkaPny4ypcvrzJlyqhnz55KT093Sy00iQAAwOvZ3PiPq66//nqlpqY6tq+//tpxbNSoUVqyZIk+/PBDrVu3TocOHVKPHj2K8qtwYLoZAAB4veI03VyiRAmFhYUZ+48fP663335bCxYs0O233y5JmjNnjho0aKBvvvlGN998c5HWQZIIAADgRrm5ucrMzHTacnNzzzv+p59+Unh4uGrWrKm+ffvq4MGDkqQtW7YoLy9P7dq1c4ytX7++qlWrpqSkpCKvmyYRAAB4PZsbt4SEBAUFBTltCQkJ56wjKipKiYmJ+uKLLzRr1izt379fLVu21J9//qm0tDT5+fkpODjY6T2hoaFKS0sryq9DEtPNAAAAbhUfH6+4uDinfXa7/ZxjO3Xq5Phz48aNFRUVpYiICH3wwQfy9/d3a51no0kEAABw45pEu91+3qbwYoKDg1W3bl2lpKSoffv2OnXqlI4dO+aUJqanp59zDePlYroZAACgmMrKytLevXtVuXJlNW/eXCVLltSqVascx/fs2aODBw8qOjq6yK9NkggAALzepTyqxh3GjBmjrl27KiIiQocOHdKTTz4pX19f3XvvvQoKCtLAgQMVFxenkJAQBQYGauTIkYqOji7yO5slmkQAAIBi49dff9W9996rI0eOqGLFirr11lv1zTffqGLFipKk6dOny8fHRz179lRubq5iYmI0c+ZMt9RisyzLcsuZPSjntKcrAOAuiZsOeLoEAG4yNLq6x66dfcp97VCAX/FIKV3FmkQAAAAYmG4GAABe7+rM+tyLJhEAAIAu0cB0MwAAAAwkiQAAwOsVl0fgFCckiQAAADCQJAIAAK9nI0g0kCQCAADAcE0+TBveIzc3VwkJCYqPj7/kH08HUDzx9xvwLJpEXNUyMzMVFBSk48ePKzAw0NPlAChC/P0GPIvpZgAAABhoEgEAAGCgSQQAAICBJhFXNbvdrieffJJF7cA1iL/fgGdx4woAAAAMJIkAAAAw0CQCAADAQJMIAAAAA00iAAAADDSJuKq99tprql69ukqVKqWoqCht3LjR0yUBuEzr169X165dFR4eLpvNpsWLF3u6JMAr0STiqvX+++8rLi5OTz75pL777js1adJEMTExysjI8HRpAC5Ddna2mjRpotdee83TpQBejUfg4KoVFRWlm266Sa+++qokqaCgQFWrVtXIkSP12GOPebg6AEXBZrNp0aJF6t69u6dLAbwOSSKuSqdOndKWLVvUrl07xz4fHx+1a9dOSUlJHqwMAIBrA00irkq///678vPzFRoa6rQ/NDRUaWlpHqoKAIBrB00iAAAADDSJuCpVqFBBvr6+Sk9Pd9qfnp6usLAwD1UFAMC1gyYRVyU/Pz81b95cq1atcuwrKCjQqlWrFB0d7cHKAAC4NpTwdAHApYqLi1NsbKxuvPFG/eMf/9BLL72k7OxsDRgwwNOlAbgMWVlZSklJcbzev3+/kpOTFRISomrVqnmwMsC78AgcXNVeffVVPffcc0pLS1PTpk01Y8YMRUVFebosAJdh7dq1atOmjbE/NjZWiYmJV74gwEvRJAIAAMDAmkQAAAAYaBIBAABgoEkEAACAgSYRAAAABppEAAAAGGgSAQAAYKBJBAAAgIEmEQAAAAaaRACXrX///urevbvj9W233aZHHnnkitexdu1a2Ww2HTt27LxjbDabFi9eXOhzTpw4UU2bNr2sug4cOCCbzabk5OTLOg8AXEk0icA1qn///rLZbLLZbPLz81Pt2rU1efJknT592u3X/uSTTzRlypRCjS1MYwcAuPJKeLoAAO7TsWNHzZkzR7m5ufr88881fPhwlSxZUvHx8cbYU6dOyc/Pr0iuGxISUiTnAQB4DkkicA2z2+0KCwtTRESEhg0bpnbt2um///2vpP8/Rfz0008rPDxc9erVkyT98ssv6tWrl4KDgxUSEqJu3brpwIEDjnPm5+crLi5OwcHBKl++vB599FGd/RPwZ0835+bmaty4capatarsdrtq166tt99+WwcOHFCbNm0kSeXKlZPNZlP//v0lSQUFBUpISFCNGjXk7++vJk2a6KOPPnK6zueff666devK399fbdq0caqzsMaNG6e6deuqdOnSqlmzpsaPH6+8vDxj3Ouvv66qVauqdOnS6tWrl44fP+50/K233lKDBg1UqlQp1a9fXzNnzjzvNf/44w/17dtXFStWlL+/v+rUqaM5c+a4XDsAuBNJIuBF/P39deTIEcfrVatWKTAwUCtWrJAk5eXlKSYmRtHR0frqq69UokQJPfXUU+rYsaO2bdsmPz8/vfDCC0pMTNQ777yjBg0a6IUXXtCiRYt0++23n/e6/fr1U1JSkmbMmKEmTZpo//79+v3331W1alV9/PHH6tmzp/bs2aPAwED5+/tLkhISEvTee+9p9uzZqlOnjtavX6/77rtPFStWVOvWrfXLL7+oR48eGj58uIYMGaLNmzdr9OjRLn8nZcuWVWJiosLDw7V9+3YNHjxYZcuW1aOPPuoYk5KSog8++EBLlixRZmamBg4cqAcffFDz58+XJM2fP18TJkzQq6++qmbNmmnr1q0aPHiwAgICFBsba1xz/Pjx2rlzp5YtW6YKFSooJSVFJ0+edLl2AHArC8A1KTY21urWrZtlWZZVUFBgrVixwrLb7daYMWMcx0NDQ63c3FzHe+bNm2fVq1fPKigocOzLzc21/P39reXLl1uWZVmVK1e2pk2b5jiel5dnValSxXEty7Ks1q1bWw8//LBlWZa1Z88eS5K1YsWKc9a5Zs0aS5L1xx9/OPbl5ORYpUuXtjZs2OA0duDAgda9995rWZZlxcfHW5GRkU7Hx40bZ5zrbJKsRYsWnff4c889ZzVv3tzx+sknn7R8fX2tX3/91bFv2bJllo+Pj5WammpZlmXVqlXLWrBggdN5pkyZYkVHR1uWZVn79++3JFlbt261LMuyunbtag0YMOC8NQBAcUCSCFzDli5dqjJlyigvL08FBQXq06ePJk6c6DjeqFEjp3WI33//vVJSUlS2bFmn8+Tk5Gjv3r06fvy4UlNTFRUV5ThWokQJ3XjjjcaU8xnJycny9fVV69atC113SkqKTpw4ofbt2zvtP3XqlJo1ayZJ2rVrl1MdkhQdHV3oa5zx/vvva8aMGdq7d6+ysrJ0+vRpBQYGOo2pVq2arrvuOqfrFBQUaM+ePSpbtqz27t2rgQMHavDgwY4xp0+fVlBQ0DmvOWzYMPXs2VPfffedOnTooO7du+uWW25xuXYAcCeaROAa1qZNG82aNUt+fn4KDw9XiRLOf+UDAgKcXmdlZal58+aOadS/q1ix4iXVcGb62BVZWVmSpM8++8ypOZP+WmdZVJKSktS3b19NmjRJMTExCgoK0sKFC/XCCy+4XOubb75pNK2+vr7nfE+nTp30888/6/PPP9eKFSvUtm1bDR8+XM8///ylfxgAKGI0icA1LCAgQLVr1y70+BtuuEHvv/++KlWqZKRpZ1SuXFnffvutWrVqJemvxGzLli264YYbzjm+UaNGKigo0Lp169SuXTvj+JkkMz8/37EvMjJSdrtdBw8ePG8C2aBBA8dNOGd88803F/+Qf7NhwwZFRETo8ccfd+z7+eefjXEHDx7UoUOHFB4e7riOj4+P6tWrp9DQUIWHh2vfvn3q27dvoa9dsWJFxcbGKjY2Vi1bttTYsWNpEgEUK9zdDMChb9++qlChgrp166avvvpK+/fv19q1a/XQQw/p119/lSQ9/PDDeuaZZ7R48WLt3r1bDz744AWfcVi9enXFxsbqgQce0OLFix3n/OCDDyRJERERstlsWrp0qQ4fPqysrCyVLVtWY8aM0ahRozR37lzt3btX3333nV555RXNnTtXkjR06FD99NNPGjt2rPbs2aMFCxYoMTHRpc9bp04dHTx4UAsXLtTevXs1Y8YMLVq0yBhXqlQpxcbG6vvvv9dXX32lhx56SL169VJYWJgkadKkSUpISNCMGTP0448/avv27ZozZ45efPHFc153woQJ+vTTT5WSkqIdO3Zo6dKlatCggUu1A4C70SQCcChdurTWr1+vatWqqUePHmrQoIEGDhyonJwcR7I4evRo3X///YqNjVV0dLTKli2rf/7znxc876xZs3TXXXfpwQcfVP369TV48GBlZ2dLkq677jpNmjRJjz32mEJDQzVixAhJ0pQpUzR+/HglJCSoQYMG6tixoz777DPVqFFD0l/rBD/++GMtXrxYTZo00ezZszV16lSXPu+dd96pUaNGacSIEWratKk2bNig8ePHG+Nq166tHj16qHPnzurQoYMaN27s9IibQYMG6a233tKcOXPUqFEjtW7dWomJiY5az+bn56f4+Hg1btxYrVq1kq+vrxYuXOhS7QDgbjbrfKvNAQAA4LVIEgEAAGCgSQQAAICBJhEAAAAGmkQAAAAYaBIBAABgoEkEAACAgSYRAAAABppEAAAAGGgSAQAAYKBJBAAAgIEmEQAAAIb/B47B5gf5S3HFAAAAAElFTkSuQmCC", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "plot_confusion_matrix(y_test, y_pred,(0,1))" + ] + }, + { + "cell_type": "code", + "execution_count": 53, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAr4AAAIjCAYAAADlfxjoAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8pXeV/AAAACXBIWXMAAA9hAAAPYQGoP6dpAACbcElEQVR4nOzdeVhUZRsG8HtAdtkUQUQUUMENSXHfFxKzTCsV96U09XMp1HLfKrU0t8xcU9S0NLOyMi1NLJU09x0VNDdQUARBAWHe74/TzDAy4AzOcGDm/l0Xl2feOXPmmQV85pn3PK9CCCFARERERGTmrOQOgIiIiIioODDxJSIiIiKLwMSXiIiIiCwCE18iIiIisghMfImIiIjIIjDxJSIiIiKLwMSXiIiIiCwCE18iIiIisghMfImIiIjIIjDxJSomfn5+GDRokNxhWJy2bduibdu2cofxTDNnzoRCoUBycrLcoZQ4CoUCM2fONMqxrl27BoVCgaioKKMcDwCOHDkCW1tb/Pvvv0Y7prH16tULPXv2lDsMItkx8SWzEBUVBYVCof4pU6YMfHx8MGjQINy6dUvu8Eq0jIwMfPjhh6hXrx4cHR3h6uqKVq1aYcOGDSgtK5qfP38eM2fOxLVr1+QOJZ/c3FysW7cObdu2Rbly5WBnZwc/Pz8MHjwYR48elTs8o9i8eTMWL14sdxhaijOmKVOmoHfv3qhatap6rG3btlp/kxwcHFCvXj0sXrwYSqVS53Hu3buH9957D0FBQbC3t0e5cuUQHh6On3/+ucD7TktLw6xZsxASEoKyZcvCwcEBdevWxYQJE3D79m31fhMmTMB3332HU6dO6f24LOG9S5ZHIUrL/2xEhYiKisLgwYPxwQcfwN/fH5mZmfj7778RFRUFPz8/nD17Fvb29rLGmJWVBSsrK9jY2MgaR1537txBhw4dcOHCBfTq1Qtt2rRBZmYmvvvuO/z555+IiIjApk2bYG1tLXeohdq2bRt69OiBffv25avuZmdnAwBsbW2LPa7Hjx/j9ddfx65du9C6dWt06dIF5cqVw7Vr17B161ZcunQJ169fR+XKlTFz5kzMmjULSUlJ8PDwKPZYn8crr7yCs2fPmuyDR2ZmJsqUKYMyZco8d0xCCGRlZcHGxsYo7+uTJ0+ifv36OHToEJo1a6Yeb9u2LeLi4jB37lwAQHJyMjZv3ox//vkHkydPxuzZs7WOExsbiw4dOiApKQmDBw9Gw4YN8eDBA2zatAknT57E+PHjMX/+fK3bxMfHIywsDNevX0ePHj3QsmVL2Nra4vTp0/j6669Rrlw5XLp0Sb1/kyZNEBQUhA0bNjzzcRny3iUqVQSRGVi3bp0AIP755x+t8QkTJggAYsuWLTJFJq/Hjx+L3NzcAq8PDw8XVlZW4scff8x33fjx4wUA8fHHH5syRJ3S09MN2v/bb78VAMS+fftME1ARjRw5UgAQixYtynddTk6OmD9/vrhx44YQQogZM2YIACIpKclk8SiVSvHo0SOjH/fll18WVatWNeoxc3NzxePHj4t8e1PEpMuYMWNElSpVhFKp1Bpv06aNqFOnjtbY48ePRdWqVYWzs7PIyclRj2dnZ4u6desKR0dH8ffff2vdJicnR0RERAgA4ptvvlGPP3nyRISEhAhHR0fx119/5YsrNTVVTJ48WWvs008/FU5OTuLhw4fPfFyGvHefx/O+zkSGYuJLZqGgxPfnn38WAMScOXO0xi9cuCDeeOMN4e7uLuzs7ERoaKjO5C8lJUW8++67omrVqsLW1lb4+PiI/v37ayUnmZmZYvr06aJatWrC1tZWVK5cWbz33nsiMzNT61hVq1YVAwcOFEII8c8//wgAIioqKt997tq1SwAQP/30k3rs5s2bYvDgwcLT01PY2tqK2rVriy+//FLrdvv27RMAxNdffy2mTJkiKlWqJBQKhUhJSdH5nMXExAgA4s0339R5/ZMnT0SNGjWEu7u7Olm6evWqACDmz58vFi5cKKpUqSLs7e1F69atxZkzZ/IdQ5/nWfXaRUdHixEjRogKFSoINzc3IYQQ165dEyNGjBCBgYHC3t5elCtXTnTv3l1cvXo13+2f/lElwW3atBFt2rTJ9zxt2bJFfPTRR8LHx0fY2dmJ9u3bi8uXL+d7DJ9//rnw9/cX9vb2olGjRuLPP//Md0xdbty4IcqUKSNefPHFQvdTUSW+ly9fFgMHDhSurq7CxcVFDBo0SGRkZGjtu3btWtGuXTtRoUIFYWtrK2rVqiW++OKLfMesWrWqePnll8WuXbtEaGiosLOzUycy+h5DCCF27twpWrduLcqWLSucnZ1Fw4YNxaZNm4QQ0vP79HOfN+HU9/cDgBg5cqT46quvRO3atUWZMmXE999/r75uxowZ6n3T0tLEO++8o/69rFChgggLCxPHjh17Zkyq9/C6deu07v/ChQuiR48ewsPDQ9jb24vAwMB8iaMuVapUEYMGDco3rivxFUKI7t27CwDi9u3b6rGvv/5aABAffPCBzvt48OCBcHNzEzVr1lSPffPNNwKAmD179jNjVDl16pQAILZv317ofoa+dwcOHKjzQ4bqPZ2Xrtd569atwt3dXefzmJqaKuzs7MS4cePUY/q+p4h00f97I6JSSPU1p7u7u3rs3LlzaNGiBXx8fDBx4kQ4OTlh69at6NatG7777ju89tprAID09HS0atUKFy5cwJtvvokGDRogOTkZO3bswM2bN+Hh4QGlUolXX30VBw4cwNtvv41atWrhzJkzWLRoES5duoQffvhBZ1wNGzZEQEAAtm7dioEDB2pdt2XLFri7uyM8PByANB2hadOmUCgUGDVqFCpUqIBff/0Vb731FtLS0vDuu+9q3f7DDz+Era0txo8fj6ysrAK/4v/pp58AAAMGDNB5fZkyZdCnTx/MmjULBw8eRFhYmPq6DRs24OHDhxg5ciQyMzOxZMkStG/fHmfOnIGXl5dBz7PK//73P1SoUAHTp09HRkYGAOCff/7BoUOH0KtXL1SuXBnXrl3D8uXL0bZtW5w/fx6Ojo5o3bo1xowZg88++wyTJ09GrVq1AED9b0E+/vhjWFlZYfz48UhNTcW8efPQt29fHD58WL3P8uXLMWrUKLRq1QqRkZG4du0aunXrBnd392d+xfvrr78iJycH/fv3L3S/p/Xs2RP+/v6YO3cujh8/jjVr1sDT0xOffPKJVlx16tTBq6++ijJlyuCnn37C//73PyiVSowcOVLreLGxsejduzeGDRuGoUOHIigoyKBjREVF4c0330SdOnUwadIkuLm54cSJE9i1axf69OmDKVOmIDU1FTdv3sSiRYsAAGXLlgUAg38//vjjD2zduhWjRo2Ch4cH/Pz8dD5Hw4cPx7Zt2zBq1CjUrl0b9+7dw4EDB3DhwgU0aNCg0Jh0OX36NFq1agUbGxu8/fbb8PPzQ1xcHH766ad8UxLyunXrFq5fv44GDRoUuM/TVCfXubm5qcee9bvo6uqKrl27Yv369bhy5QqqV6+OHTt2AIBB76/atWvDwcEBBw8ezPf7l1dR37v6evp1rlGjBl577TVs374dK1eu1Pqb9cMPPyArKwu9evUCYPh7iigfuTNvImNQVf327NkjkpKSxI0bN8S2bdtEhQoVhJ2dndZXch06dBDBwcFa1QGlUimaN28uatSooR6bPn16gdUR1deaGzduFFZWVvm+alyxYoUAIA4ePKgey1vxFUKISZMmCRsbG3H//n31WFZWlnBzc9Oqwr711lvC29tbJCcna91Hr169hKurq7oaq6pkBgQE6PV1drdu3QSAAivCQgixfft2AUB89tlnQghNtczBwUHcvHlTvd/hw4cFABEZGake0/d5Vr12LVu21Pr6Vwih83GoKtUbNmxQjxU21aGgim+tWrVEVlaWenzJkiUCgLpynZWVJcqXLy8aNWoknjx5ot4vKipKAHhmxTcyMlIAECdOnCh0PxVVdezpCvxrr70mypcvrzWm63kJDw8XAQEBWmNVq1YVAMSuXbvy7a/PMR48eCCcnZ1FkyZN8n0dnfer/YKmFRjy+wFAWFlZiXPnzuU7Dp6q+Lq6uoqRI0fm2y+vgmLSVfFt3bq1cHZ2Fv/++2+Bj1GXPXv25Pt2RqVNmzaiZs2aIikpSSQlJYmLFy+K9957TwAQL7/8sta+L7zwgnB1dS30vhYuXCgAiB07dgghhKhfv/4zb6NLYGCgeOmllwrdx9D3rqEVX12v8+7du3U+l507d9Z6TxryniLShV0dyKyEhYWhQoUK8PX1Rffu3eHk5IQdO3aoq3P379/HH3/8gZ49e+Lhw4dITk5GcnIy7t27h/DwcFy+fFndBeK7775DSEiIzsqIQqEAAHz77beoVasWatasqT5WcnIy2rdvDwDYt29fgbFGRETgyZMn2L59u3rst99+w4MHDxAREQFAOhHnu+++Q5cuXSCE0LqP8PBwpKam4vjx41rHHThwIBwcHJ75XD18+BAA4OzsXOA+quvS0tK0xrt16wYfHx/15caNG6NJkybYuXMnAMOeZ5WhQ4fmO9ko7+N48uQJ7t27h+rVq8PNzS3f4zbU4MGDtSpLrVq1AiCdMAQAR48exb179zB06FCtk6r69u2r9Q1CQVTPWWHPry7Dhw/XutyqVSvcu3dP6zXI+7ykpqYiOTkZbdq0QXx8PFJTU7Vu7+/vr/72IC99jvH777/j4cOHmDhxYr6TQ1W/A4Ux9PejTZs2qF279jOP6+bmhsOHD2t1LSiqpKQk/Pnnn3jzzTdRpUoVreue9Rjv3bsHAAW+Hy5evIgKFSqgQoUKqFmzJubPn49XX301Xyu1hw8fPvN98vTvYlpamsHvLVWsz2qZV9T3rr50vc7t27eHh4cHtmzZoh5LSUnB77//rv57CDzf31wiAOBUBzIry5YtQ2BgIFJTU7F27Vr8+eefsLOzU19/5coVCCEwbdo0TJs2Tecx7t69Cx8fH8TFxeGNN94o9P4uX76MCxcuoEKFCgUeqyAhISGoWbMmtmzZgrfeeguANM3Bw8ND/Uc8KSkJDx48wKpVq7Bq1Sq97sPf37/QmFVU/6k9fPhQ62vXvApKjmvUqJFv38DAQGzduhWAYc9zYXE/fvwYc+fOxbp163Dr1i2t9mpPJ3iGejrJUSUvKSkpAKDuyVq9enWt/cqUKVPgV/B5ubi4ANA8h8aIS3XMgwcPYsaMGYiJicGjR4+09k9NTYWrq6v6ckHvB32OERcXBwCoW7euQY9BxdDfD33fu/PmzcPAgQPh6+uL0NBQdO7cGQMGDEBAQIDBMao+6BT1MQIosO2fn58fVq9eDaVSibi4OMyePRtJSUn5PkQ4Ozs/Mxl9+nfRxcVFHbuhsT4roS/qe1dful7nMmXK4I033sDmzZuRlZUFOzs7bN++HU+ePNFKfJ/nby4RwMSXzEzjxo3RsGFDAFJVsmXLlujTpw9iY2NRtmxZdf/M8ePH66yCAfkTncIolUoEBwdj4cKFOq/39fUt9PYRERGYPXs2kpOT4ezsjB07dqB3797qCqMq3n79+uWbC6xSr149rcv6VHsBaQ7sDz/8gNOnT6N169Y69zl9+jQA6FWFy6soz7OuuEePHo1169bh3XffRbNmzeDq6gqFQoFevXoV2AtVXwW1siooiTFUzZo1AQBnzpzBCy+8oPftnhVXXFwcOnTogJo1a2LhwoXw9fWFra0tdu7ciUWLFuV7XnQ9r4Yeo6gM/f3Q973bs2dPtGrVCt9//z1+++03zJ8/H5988gm2b9+Ol1566bnj1lf58uUBaD4sPc3JyUlrbnyLFi3QoEEDTJ48GZ999pl6vFatWjh58iSuX7+e74OPytO/izVr1sSJEydw48aNZ/6dySslJUXnB9e8DH3vFpRI5+bm6hwv6HXu1asXVq5ciV9//RXdunXD1q1bUbNmTYSEhKj3ed6/uURMfMlsWVtbY+7cuWjXrh0+//xzTJw4UV0RsrGx0foPSZdq1arh7Nmzz9zn1KlT6NChg15f/T4tIiICs2bNwnfffQcvLy+kpaWpT+IAgAoVKsDZ2Rm5ubnPjNdQr7zyCubOnYsNGzboTHxzc3OxefNmuLu7o0WLFlrXXb58Od/+ly5dUldCDXmeC7Nt2zYMHDgQCxYsUI9lZmbiwYMHWvsV5bl/FtViBFeuXEG7du3U4zk5Obh27Vq+DxxPe+mll2BtbY2vvvrKqCcJ/fTTT8jKysKOHTu0kiRDvuLV9xjVqlUDAJw9e7bQD4QFPf/P+/tRGG9vb/zvf//D//73P9y9excNGjTA7Nmz1Ymvvveneq8+63ddF1WCePXqVb32r1evHvr164eVK1di/Pjx6uf+lVdewddff40NGzZg6tSp+W6XlpaGH3/8ETVr1lS/Dl26dMHXX3+Nr776CpMmTdLr/nNycnDjxg28+uqrhe5n6HvX3d093+8kAINXsmvdujW8vb2xZcsWtGzZEn/88QemTJmitY8p31NkGTjHl8xa27Zt0bhxYyxevBiZmZnw9PRE27ZtsXLlSiQkJOTbPykpSb39xhtv4NSpU/j+++/z7aeqvvXs2RO3bt3C6tWr8+3z+PFjdXeCgtSqVQvBwcHYsmULtmzZAm9vb60k1NraGm+88Qa+++47nf8x543XUM2bN0dYWBjWrVunc2WoKVOm4NKlS3j//ffzVWh++OEHrTm6R44cweHDh9VJhyHPc2Gsra3zVWCXLl2ar5Lk5OQEADr/8y2qhg0bonz58li9ejVycnLU45s2bSqwwpeXr68vhg4dit9++w1Lly7Nd71SqcSCBQtw8+ZNg+JSVYSfnvaxbt06ox+jY8eOcHZ2xty5c5GZmal1Xd7bOjk56Zx68ry/H7rk5ubmuy9PT09UqlQJWVlZz4zpaRUqVEDr1q2xdu1aXL9+Xeu6Z1X/fXx84Ovra9AqZu+//z6ePHmiVbHs3r07ateujY8//jjfsZRKJUaMGIGUlBTMmDFD6zbBwcGYPXs2YmJi8t3Pw4cP8yWN58+fR2ZmJpo3b15ojIa+d6tVq4bU1FR1VRoAEhISdP7tLIyVlRW6d++On376CRs3bkROTo7WNAfANO8psiys+JLZe++999CjRw9ERUVh+PDhWLZsGVq2bIng4GAMHToUAQEBuHPnDmJiYnDz5k31kp7vvfeeekWwN998E6Ghobh//z527NiBFStWICQkBP3798fWrVsxfPhw7Nu3Dy1atEBubi4uXryIrVu3Yvfu3eqpFwWJiIjA9OnTYW9vj7feegtWVtqfRz/++GPs27cPTZo0wdChQ1G7dm3cv38fx48fx549e3D//v0iPzcbNmxAhw4d0LVrV/Tp0wetWrVCVlYWtm/fjujoaEREROC9997Ld7vq1aujZcuWGDFiBLKysrB48WKUL18e77//vnoffZ/nwrzyyivYuHEjXF1dUbt2bcTExGDPnj3qr5hVXnjhBVhbW+OTTz5Bamoq7Ozs0L59e3h6ehb5ubG1tcXMmTMxevRotG/fHj179sS1a9cQFRWFatWq6VVtWrBgAeLi4jBmzBhs374dr7zyCtzd3XH9+nV8++23uHjxolaFXx8dO3aEra0tunTpgmHDhiE9PR2rV6+Gp6enzg8Zz3MMFxcXLFq0CEOGDEGjRo3Qp08fuLu749SpU3j06BHWr18PAAgNDcWWLVswduxYNGrUCGXLlkWXLl2M8vvxtIcPH6Jy5cro3r27epnePXv24J9//tH6ZqCgmHT57LPP0LJlSzRo0ABvv/02/P39ce3aNfzyyy84efJkofF07doV33//vV5zZwFpqkLnzp2xZs0aTJs2DeXLl4etrS22bduGDh06oGXLllort23evBnHjx/HuHHjtN4rNjY22L59O8LCwtC6dWv07NkTLVq0gI2NDc6dO6f+tiZvO7bff/8djo6OePHFF58ZpyHv3V69emHChAl47bXXMGbMGDx69AjLly9HYGCgwSehRkREYOnSpZgxYwaCg4PztSU0xXuKLEzxN5IgMr6CFrAQQloZqFq1aqJatWrqdllxcXFiwIABomLFisLGxkb4+PiIV155RWzbtk3rtvfu3ROjRo0SPj4+6kbpAwcO1Gotlp2dLT755BNRp04dYWdnJ9zd3UVoaKiYNWuWSE1NVe/3dDszlcuXL6ub7B84cEDn47tz544YOXKk8PX1FTY2NqJixYqiQ4cOYtWqVep9VG26vv32W4Oeu4cPH4qZM2eKOnXqCAcHB+Hs7CxatGghoqKi8rVzyruAxYIFC4Svr6+ws7MTrVq1EqdOncp3bH2e58Jeu5SUFDF48GDh4eEhypYtK8LDw8XFixd1PperV68WAQEBwtraWq8FLJ5+ngpa2OCzzz4TVatWFXZ2dqJx48bi4MGDIjQ0VHTq1EmPZ1da5WrNmjWiVatWwtXVVdjY2IiqVauKwYMHa7WLKmjlNtXzk3fRjh07doh69eoJe3t74efnJz755BOxdu3afPupFrDQRd9jqPZt3ry5cHBwEC4uLqJx48bi66+/Vl+fnp4u+vTpI9zc3PItYKHv7wf+W9hAF+RpZ5aVlSXee+89ERISIpydnYWTk5MICQnJt/hGQTEV9DqfPXtWvPbaa8LNzU3Y29uLoKAgMW3aNJ3x5HX8+HEBIF97rYIWsBBCiOjo6Hwt2oQQ4u7du2Ls2LGievXqws7OTri5uYmwsDB1CzNdUlJSxPTp00VwcLBwdHQU9vb2om7dumLSpEkiISFBa98mTZqIfv36PfMxqej73hVCiN9++03UrVtX2NraiqCgIPHVV18VuoBFQZRKpfD19RUAxEcffaRzH33fU0S6KIQw0pkcRGT2rl27Bn9/f8yfPx/jx4+XOxxZKJVKVKhQAa+//rrOr1vJ8nTo0AGVKlXCxo0b5Q6lQCdPnkSDBg1w/Phxg062JDI3nONLRFSAzMzMfPM8N2zYgPv376Nt27byBEUlzpw5c7BlyxaDT+YqTh9//DG6d+/OpJcsHuf4EhEV4O+//0ZkZCR69OiB8uXL4/jx4/jyyy9Rt25d9OjRQ+7wqIRo0qQJsrOz5Q6jUN98843cIRCVCEx8iYgK4OfnB19fX3z22We4f/8+ypUrhwEDBuDjjz/WWvWNiIhKB87xJSIiIiKLwDm+RERERGQRmPgSERERkUWwuDm+SqUSt2/fhrOzM5c7JCIiIiqBhBB4+PAhKlWqlG9hp+dhcYnv7du34evrK3cYRERERPQMN27cQOXKlY12PItLfJ2dnQFIT6SLi4vM0RARERHR09LS0uDr66vO24zF4hJf1fQGFxcXJr5EREREJZixp6Xy5DYiIiIisghMfImIiIjIIjDxJSIiIiKLwMSXiIiIiCwCE18iIiIisghMfImIiIjIIjDxJSIiIiKLwMSXiIiIiCwCE18iIiIisghMfImIiIjIIjDxJSIiIiKLwMSXiIiIiCwCE18iIiIisghMfImIiIjIIjDxJSIiIiKLIGvi++eff6JLly6oVKkSFAoFfvjhh2feJjo6Gg0aNICdnR2qV6+OqKgok8dJRERERKWfrIlvRkYGQkJCsGzZMr32v3r1Kl5++WW0a9cOJ0+exLvvvoshQ4Zg9+7dJo6UiIiIiEq7MnLe+UsvvYSXXnpJ7/1XrFgBf39/LFiwAABQq1YtHDhwAIsWLUJ4eLipwiQiIiIiExICSEwELl4ELp5X4s7+cya5H1kTX0PFxMQgLCxMayw8PBzvvvtugbfJyspCVlaW+nJaWpqpwiMiIiKiQmRnA1eu/Jfg/vcTGyv9m5YGVEQC1mEwXsN+zDLB/ZeqxDcxMRFeXl5aY15eXkhLS8Pjx4/h4OCQ7zZz587FrFmmeOqIiIiISJd797STW1WCGx8P5Obqvs2r+BFrMAQVkAxTlSlLVeJbFJMmTcLYsWPVl9PS0uDr6ytjRERERESlX04OcO2a7gQ3OVn/4zghAyvLjkPf9JXqsSx3TyDlrtFjLlWJb8WKFXHnzh2tsTt37sDFxUVntRcA7OzsYGdnVxzhEREREZmdtDTNdIS8P5cvA0+e6H8cR0cgKAioWVPzU195DNVm9IXVpVjNjt26wW7hQiAgwOiPpVQlvs2aNcPOnTu1xn7//Xc0a9ZMpoiIiIiISj+lErh5M39ye/EikJBg2LEqVdJOblU/Pj6AlaqfWG4u8OmnwNSpUukYkDLjxYuBIUOAhw+N+fDUZE1809PTceXKFfXlq1ev4uTJkyhXrhyqVKmCSZMm4datW9iwYQMAYPjw4fj888/x/vvv480338Qff/yBrVu34pdffpHrIRARERGVGo8eSZVaXdMTHj/W/zi2tkCNGvmT28BAwMVFjwNkZgJr1miS3tBQYPNm6QAmJGvie/ToUbRr1059WTUXd+DAgYiKikJCQgKuX7+uvt7f3x+//PILIiMjsWTJElSuXBlr1qxhKzMiIiKi/6hag+manvDvv4Ydy8NDd/XWzw+wtn6OIJ2cpES3ZUtg3Dhg5kwpmzYxhRBCmPxeSpC0tDS4uroiNTUVLnp9JCEiIiIqeVStwXQluIZ0b7W2lqbTPp3cBgUB5csbKdiHD6WgfHy0x2/dyj8G0+VrpWqOLxEREZGluXdPd3JbWGswXVxcdFdvq1UzcbE1Jgbo1w+oWBHYvx8okyf91JH0mhITXyIiIiKZqVqD6UpwDWkNBgBVq+pOcL28AIXCJOHrlpMDzJ4NfPihlKHHxwOffAJMmVKMQWhj4ktERERUTFStwZ5OcC9flqYu6MvBIX9rsJo1pRPOHB1NF7/e4uOlKm9MjGaseXOgTx/5YgITXyIiIiKjytsa7OkE9/Ztw46lag32dJJbuXKe1mAliRDAxo3AqFGalmTW1sCMGcCkSdrTHGTAxJeIiIioCB4/Bi5dyp/cxsZKbcP0lbc1WN4ENyhIz9ZgJUVKCjB8OLB1q2YsIADYtAlo2lS+uPJg4ktERERUACGAO3d0V2///Ve6Xl+q1mBPV2/9/GQvhD6/tDTghReAPG1oMWgQ8NlngLOzXFHlU9qfZiIiIqLnlp0NxMXpTnBTU/U/jpWV1CVBV/XWw8N08cvOxQV47TVgyRLA3R1YuRLo0UPuqPJh4ktEREQW4/597SkJqu24uKK3Bsub4FarBtjZmS7+Eu3jj6UV2aZMAXx95Y5GJya+REREZFZyc6XWYLqqt0lJhh0rb2uwvAluxYrF3BqsJBECWL1aOmntrbc04/b2wIoV8sWlBya+REREVCo9fKhJbPMmuJcvA1lZ+h8nb2uwvMltYGAJaQ1WkiQlAUOHAj/+KD1xzZsDtWrJHZXemPgSERFRiSWEpjXY0wnurVuGHcvbW3f11te3hLYGK2l++w0YOBBITJQuP34M/PwzE18iIiIiQzx+LFVqn05wY2OBjAz9j2Njo2kNljfBDQoCXF1NF79Zy8yUevAuXqwZ8/AA1q4FunSRLayiYOJLRERExUII4O7d/EvyxsZKc3INaQ1WrpxUaHw6wfX3N4PWYCXJmTNA377SvyqdOgHr1kkTnUsZvjWIiIjIqJ480bQGe7qC++CB/sexspLWP8jb81aV4Jp1a7CSQAhg6VLg/fc1E6bt7ID586VV2UrpmX1MfImIiKhIUlJ0V2/j4oCcHP2P4+ysO7mtXt2CW4PJLT0dWLBAk/TWqyetwFa3rrxxPScmvkRERFSg3FxphTJdCe7du4Ydq0oV3Qmut3epLSCaL2dn4KuvgHbtgDFjgDlzpHZlpRwTXyIiIkJ6ev6et0VpDWZvn39J3po1pRPOnJxMFz89p4wM6cfTUzPWqhVw6ZI038RMMPElIiKyEEJILcB0VW9v3jTsWBUr5k9u2RqslDp2TDqBzccH+P137RfQjJJegIkvERGR2cnM1G4NljfBNbQ1WPXq+ZNbtgYzE7m5wKefAlOnSpOyY2OBRYuAcePkjsxkmPgSERGVQkJIi2g9ndxevFi01mC6qrdsDWbGbtwABgwAoqM1Y6Ghpa4vr6H4diYiIirBnjwB4uN1J7iGtgbz99ed4LI1mIXZuhUYNkzzBlIogIkTgZkzAVtbOSMzOSa+REREJUBKiu6TywxtDVa2rO7klq3BCGlpUoeG9es1Y76+wMaNQJs28sVVjJj4EhERFZPcXOD6dd3VW0Nbg/n66k5w2RqMdEpNBRo0kL4+UImIAJYvB9zd5YurmDHxJSIiMrL0dKkL1NPJ7aVLhrcGCwzMn9wGBrI1GBnI1RVo315KfJ2dgWXLgH79LO5TEhNfIiKiIlC1BtM1PaEorcF09b6tUoWtwciIFi0CHj8GPvjA7NqU6YuJLxERUSEyM4ErV3S3BktP1/84ZcpIizg8neAGBQFubiYLnyyRENK8XRsboHdvzXjZstJqbBaMiS8REVk8VWswXdXbq1cNaw3m7l5wazAbG9M9BiIA0lmSw4dLnRvKlgUaNwaqVZM7qhKDiS8REVkMVWswXQluSor+x1G1BtM1PcHDw+KmTVJJER0N9O+vmWuTng5s2wZMmCBrWCUJE18iIjI7Dx5opiPkTW6vXClaa7CnE9zq1aUTz4hKhOxsYPp0YN48zdcTbm7AqlVAjx6yhlbSMPElIqJSKW9rsKcT3Dt3DDtW3tZgeZPcSpVYvaUSLjYW6NMHOH5cM9a2LbBhg/TGJi1MfImIqETL2xosb4J76ZJ04pm+7Ow0SW3e5DYwUKrsEpUqQkgV3chIqVMDIE0inz0bGDeO7UAKwMSXiIhkJwRw+7Z2xwTV9o0bhh3Ly0t39bZKFcDa2jTxExW71FRpiWFV0hsUBGzeLC1SQQVi4ktERMXm6dZgeRNcQ1uDVa+eP8ENCrKoRajIkrm5AVFRQKdOUheHBQsAR0e5oyrxmPgSEZFRCQEkJ+tObq9eBZRK/Y/l5gbUqpU/wQ0IYGswsjCZmcCjR0C5cpqx8HDg7FmgTh354iplmPgSEVGR5ORIrcF0Jbj37+t/HIVCag2ma3pChQo8uYwIZ85IJ7BVrQr89JP2LwWTXoMw8SUiokI9eKCd1Kq2r1yR+uLqy8kp/4plNWtKq5mxNRiRDkolsHSp1Ic3K0uq7q5YAYwYIXdkpRYTXyIiglKpaQ32dIKbmGjYsSpX1p3g+viwekukt4QEYPBgYPduzVi9ekCrVvLFZAaY+BIRWZCMDE1rsLzJbWys4a3BAgPzJ7iBgYCzs+niJ7IIP/4IDBkiTZZXiYwE5szh1yPPiYkvEZGZEUIqFumq3l6/btixPD11V2+rVmVrMCKjy8iQevCuXKkZ8/YG1q8HXnxRvrjMCBNfIqJSKitLuzVY3gT34UP9j2Ntrd0aTJXgBgVpn0BORCaUkgI0ayb9Eqt06wasXg14eMgWlrlh4ktEVMLlbQ2WN8GNjze8NVje5FaV4AYEALa2JgufiPTh7g6Ehkq/3I6OwJIlwFtvcWK8kTHxJSIqAXJypB63uhLce/f0P45CAfj55U9w2RqMqBRYtkxaie3jj6UJ82R0THyJiIpRaqp2azBVcnv5suGtwfL2u1X9VK8OODiYLn4iMpKtW6WzRLt21Yy5uQHbt8sWkiVg4ktEZGRKJXDjhu7qbUKCYcfy8dFdvWVrMKJSKi0NGDNGOmHN3R04fVrqAUjFgokvEVERPXqk3RpM9XPpkvRtpb7s7KRFHJ5ObtkajMjMxMQAfftK85oA6YS2r74CJk6UNy4LwsSXiKgQQkgLODyd3Ba1NZiu6QlsDUZk5nJygI8+kn5yc6UxZ2dpTm+/fvLGZmGY+BIRQWoNFhenO8E1tDVYtWq6uyewNRiRBYqPl5LbmBjNWPPmUqXX31++uCwUE18isijJyflPLrt40fDWYK6uuufesjUYEQGQvi7asAEYNQpIT5fGrK2B6dOByZOBMkzB5MBnnYjMjqo1mK4EtyitwXRNT/D05MllRFSIlBRpFTZV0hsQAGzaBDRtKm9cFo6JLxGVWmlpupNbQ1uDOTpqL8er+qlRg63BiKiIypUD1qwBXnsNGDQI+Owznq1aAjDxJaISTdUaTFeCW5TWYLqqtz4+gJWVaeInIguRnS2dLJA3ue3WDTh6VFqRjUoEJr5EVCKoWoPpWtzBkNZgtrZSG7CnE9zAQMDFxXTxE5EFi40F+vSRVpD55hvteVBMeksUJr5EVGzytgZ7OsH991/DjlWhgu7pCX5+bA1GRMVECGDVKiAyUvqEfvw48PLLwIABckdGBWDiS0RGl50NXLmiO8FNS9P/OHlbg+VNcIOCgPLlTRc/EdEzJSUBQ4YAO3ZoxoKCgLp15YuJnomJLxEV2b17upPb+HhNj3Z9PN0aTJXkVqvG1mBEVALt3i2dsJaYqBkbPhxYsEA6W5ZKLCa+RFSonBzg2jXdCW5ysv7HUSikFcqeTm5r1gS8vNgajIhKgcxMYNIkYPFizZiHB7B2LdCli2xhkf6Y+BIRAO3WYHkT3MuXpakL+nJ0zD8tQdUajIUQIiq17t8H2rYFzpzRjHXqBKxbB1SsKFtYZBgmvkQWRKkEbt7U7pig2r5927BjVaqke3pC5cpsDUZEZsjdXVqE4swZwM4OmD9fWpWNX1eVKkx8iczQ48dSa7Cnk9vYWKltmL5sbaVK7dMJblAQW4MRkYVRKKQFKR4/luby8iS2UomJL1EpJQRw547u6u2//0rX68vDQ3f11s+Py8kTkYXasUOq7IaHa8Y8PKQT26jU4n9pRCVcdjYQF6c7wU1N1f841tbSt3S6qrceHqaLn4ioVMnIAMaNA1auBDw9pakNnp5yR0VGwsSXqIS4fz//imUXL0pJryGtwVxc8i/JGxQktQazszNd/EREpd6xY9IKbJcuSZfv3pU6NkycKG9cZDRMfImKUW6upjXY0wluUpJhx8rbGixvgluxIs+1ICIySG4u8OmnwNSpUg9HQGpDs3ixtEgFmQ0mvkQm8PBh/p63sbFSEcGQ1mAODvmX5A0KAgID2RqMiMgobtwA+vcH9u/XjIWGAps3S39syaww8SUqIiG0W4PlTXBv3TLsWN7euqu3vr5sDUZEZDJbtwLDhgEPHkiXFQppWsPMmVw20kwx8SV6hsePpUUcnk5wL12SzoHQl41N/tZgNWtKBQVXV9PFT0REOiQnA0OHSqv3AFKlYeNGoE0beeMik2LiSwSpenv3ru7q7bVrhrUGK18+f3LL1mBERCWMhwewfDnQty8QESFtu7vLHRWZGP8bJovy5Il2a7C8Ca7qmy59WFnlbw2mmp7A1mBERCVQTo50kkXeEyT69JGWm2zVimcFWwgmvmSW7t/Pf3LZxYtAfLzmhF19ODvrrt6yNRgRUSkSHw/06yf9AV+7Vvu61q3liYlkwcSXSq3cXGmFsqeT26K2Bnu6e0LNmmwNRkRUqgkhzdsdORJITwdiYoCXXgJ69JA7MpIJE18q8dLTdVdvL18GsrL0P46qNdjTCW6NGoCTk+niJyIiGaSkAMOHS50bVAICpJPYyGIx8aUSQQipBZiu6m1RWoPpqt6yNRgRkYWIjpZ68968qRkbNAj47DNpDhtZLCa+VKwyM3W3BouNLVprMF2LO7A1GBGRhcrOBqZPB+bN07TjcXcHVq7k9AYCwMSXTEDVGkzX9ARDW4OVKwfUqpU/wfX3Z2swIiLK4949oGNH4PhxzVi7dsCGDVLnBiIw8aXn8OSJdKKsrukJRW0N9nSCy9ZgRESkF3d3zX8aNjbA7NnAuHGc40ZamPjSM6Wk6K7exsUVrTXY08lt9epsDUZERM/JygqIigJ69gSWLAEaNJA7IiqBmPgSAE1rMF0J7t27hh2rShXdCa63N1uDERGRkfz2G2Bvr92H19sb+Osv+WKiEk/2xHfZsmWYP38+EhMTERISgqVLl6Jx48YF7r948WIsX74c169fh4eHB7p37465c+fC3t6+GKMu3YQAdu8GDh3SJLeXLhnWGszeXpPY5k1wAwPZGoyIiEwoMxOYNAlYvFiau3v6NJcaJr3Jmvhu2bIFY8eOxYoVK9CkSRMsXrwY4eHhiI2NhaenZ779N2/ejIkTJ2Lt2rVo3rw5Ll26hEGDBkGhUGDhwoUyPILSafNmaQEbfVSsqN0xQbVdpQqnTRERUTE7cwbo21f6F5Dala1aBUyYIG9cVGrImvguXLgQQ4cOxeDBgwEAK1aswC+//IK1a9di4sSJ+fY/dOgQWrRogT59+gAA/Pz80Lt3bxw+fLhY4y7tfv1V+3KZMlJrsKcT3KAgwM1NlhCJiIg0lEpg6VIpwVV9PWlnB8yfD4waJW9sVKrIlvhmZ2fj2LFjmDRpknrMysoKYWFhiImJ0Xmb5s2b46uvvsKRI0fQuHFjxMfHY+fOnejfv3+B95OVlYWsPN/hp6WlGe9BlFKnTkn/likjfUNUvbp0AiwREVGJk5AADB4szdFTCQ6Wvr6sW1e+uKhUki3xTU5ORm5uLry8vLTGvby8cPHiRZ236dOnD5KTk9GyZUsIIZCTk4Phw4dj8uTJBd7P3LlzMWvWLKPGXpplZgIXLkjbtWtLPXKJiIhKpB9/BIYMAZKTNWORkcCcOdLJJkQGKlWzNKOjozFnzhx88cUXOH78OLZv345ffvkFH374YYG3mTRpElJTU9U/N27cKMaIS57z56UODgDwwguyhkJERFSwpCRpPq8q6fX2lqq+Cxcy6aUik63i6+HhAWtra9y5c0dr/M6dO6hYsaLO20ybNg39+/fHkCFDAADBwcHIyMjA22+/jSlTpsBKx9lWdnZ2sGOTWLWTJzXbISGyhUFERFS4ChWkzg1DhwJduwJr1nBVI3puslV8bW1tERoair1796rHlEol9u7di2bNmum8zaNHj/Ilt9bW1gAAYcg6uBZMNb8XYOJLREQlSG5u/r6ab70lnZH9/fdMeskoZO3qMHbsWAwcOBANGzZE48aNsXjxYmRkZKi7PAwYMAA+Pj6YO3cuAKBLly5YuHAh6tevjyZNmuDKlSuYNm0aunTpok6AqXCs+BIRUYlz4wYwYIB0strSpZpxhQLo1Em+uMjsyJr4RkREICkpCdOnT0diYiJeeOEF7Nq1S33C2/Xr17UqvFOnToVCocDUqVNx69YtVKhQAV26dMHs2bPlegilihCaiq+PDz88ExFRCbB1KzBsGPDgARAdDbz0EtC5s9xRkZlSCAubI5CWlgZXV1ekpqbCxcVF7nCK1bVrgL+/tP3yy8DPP8saDhERWbK0NGDMGGD9es2Yry+waRPQqpV8cVGJYKp8TfYli6n4cH4vERGVCDEx0hKi8fGasYgIYPlyLj9MJlWq2pnR88mb+LKVGRERFbucHGDWLKmiq0p6nZ2BDRuAr79m0ksmx4qvBeGJbUREJJt794AuXaRqr0rz5sBXX2nm4RGZGCu+FkRV8XVyAqpVkzcWIiKyMG5uQJn/6m3W1lLld/9+Jr1UrJj4Woi0NM23SsHB0t8cIiKiYmNtDWzcCDRoABw4AEyfrkmEiYoJ33EW4vRpzTbn9xIRkcnt3w84OACNG2vGqlYFjh6V+vMSyYAVXwvB+b1ERFQssrOBSZOAdu2A3r2Bhw+1r2fSSzJi4msh2NGBiIhMLjYWaNYM+PhjadWk+HipRRlRCcHE10KoKr4KhTTHl4iIyGiEAFatAurXB44fl8ZsbIB584Dx4+WNjSgPzvG1ADk5wNmz0naNGlJXByIiIqNISgKGDgV+/FEzFhQEbN4snchGVIKw4msBLl0CMjOlbc7vJSIio9m9G6hXTzvpHT5cqvoy6aUSiBVfC8CliomIyOju3AG6ddNUVjw8gLVrpUUqiEooVnwtQN6ODjyxjYiIjMLLSzqJDQDCw4EzZ5j0UonHiq8FYMWXiIiem1IJ5OZKJ62pjB4NVK4MvPYaYMVaGpV8fJdaAFXFt3x5wMdH1lCIiKg0SkgAXnoJmDpVe9zKCnjjDSa9VGrwnWrm7tyRfgCp2su+4UREZJAff5T6YP72GzB/PvDHH3JHRFRkTHzNHBeuICKiIsnIkDo0dOsG3LsnjXl5yRoS0fPiHF8zx6WKiYjIYMeOAX36SP0wVbp2Bdaskbo3EJVSrPiaOVZ8iYhIb7m5wCefAE2bapJeR0dpVbbvv2fSS6UeK75mTlXxtbEBataUNRQiIirJkpOBHj2A6GjNWGiotAJbYKBsYREZEyu+ZuzxYyA2VtquUwewtZU3HiIiKsFcXYH0dGlboQAmTQIOHWLSS2aFia8ZO3dO+tYK4PxeIiJ6BhsbYNMmoFYtYN8+YM4cVkzI7HCqgxnj/F4iIipQTIw0fzdvZSQwEDh7ln15yWzxnW3G2NGBiIjyyckBZs0CWrUCevcGHj3Svp5JL5kxvrvNGJcqJiIiLfHxQOvWwMyZ0ly4CxeAL76QOyqiYsPE10wJoUl8fX2BcuXkjYeIiGQkBLBhgzTvLSZGGrO2Bj74AHj3XTkjIypWnONrpq5dA9LSpG3O7yUismApKdIKbFu3asaqVQO++krq10tkQVjxNVOc30tERIiOBurV0056Bw8GTpxg0ksWiRVfM8X5vUREFi4hAQgPB7Kzpcvu7sDKldIiFUQWihVfM5W34supDkREFsjbG5gxQ9pu1w44fZpJL1k8VnzNlKriW7YsEBAgbyxERFQMhACUSumkNZUJE6QznPv2ZZsyIrDia5YePJBObgOkqV38W0dEZOaSkoDXXgM++kh73Noa6N+f/xEQ/Ye/CWbo9GnNNuf3EhGZud27pSrHjz8CH36oaVdGRPkw8TVDXKqYiMgCZGYCkZFAp05AYqI05u4OPHwob1xEJRjn+JohtjIjIjJzZ85I83bPnNGMhYcDUVFAxYqyhUVU0rHia4ZUFV8rKyA4WN5YiIjIiJRKYMkSoFEjTdJrZyeN7dzJpJfoGVjxNTM5OcDZs9J2jRqAo6O88RARkZHcuydVeXfv1owFBwObNwN168oXF1EpwoqvmYmNBbKypG3O7yUiMiNOTsCtW5rLkZHAkSNMeokMwMTXzHB+LxGRmbK3l6q7/v5S1XfhQmmMiPTGqQ5mhh0diIjMxLFjUpW3Zk3NWHAwcOkSUIb/fRMVBSu+ZoYVXyKiUi43F/jkE6BpU6B3b838NRUmvURFxsTXjAihSXwrVJCWaSciolLkxg2gQwdg4kTpbOWTJ4EvvpA7KiKzwcTXjCQmSqtWAlK1V6GQNx4iIjLA1q3SCmz790uXFQpg0iRg5Eh54yIyI/y+xIzknd/LaQ5ERKVEWhowZgywfr1mzNcX2LgRaNNGvriIzBATXzOSd34vT2wjIioFYmKAfv2A+HjNWEQEsHy5tPwwERkVE18zwoovEVEpcusW0LYtkJ0tXXZ2BpYtkxJhzlUjMgnO8TUjqoqvra129xsiIiqBfHyA8eOl7ebNpepF//5MeolMiBVfM/HokdTaEQDq1AFsbOSNh4iIniKE9G/exHbmTKBKFeCtt9imjKgYsOJrJs6eBZRKaZvze4mISpiUFKBXL2DBAu1xGxtg2DAmvUTFhImvmeD8XiKiEio6WmpTtnUrMHkycOKE3BERWSwmvmaCSxUTEZUw2dnSQhTt2wM3b0pjZctKTdeJSBb8bsVM5G1lVq+ebGEQEREAxMYCffoAx49rxtq1AzZsACpXli8uIgvHiq8ZUCqB06el7apV2fqRiEg2QgArVwL162uSXhsbYN48YM8eJr1EMnuuim9mZibs7e2NFQsV0dWrwMOH0jbn9xIRyeT+fWDwYGDHDs1YUBCweTPQoIF8cRGRmsEVX6VSiQ8//BA+Pj4oW7Ys4v9bbWbatGn48ssvjR4gPRvn9xIRlQB2dsDFi5rLI0ZIVV8mvUQlhsGJ70cffYSoqCjMmzcPtra26vG6detizZo1Rg2O9JN3fi8rvkREMnFyAjZtAipVkqq+X3wBODrKHRUR5WFw4rthwwasWrUKffv2hbW1tXo8JCQEF/N+0qViw4ovEZEMzpwB/vvWU61hQ2msSxd5YiKiQhmc+N66dQvVq1fPN65UKvHkyROjBEWGUVV8nZ0BPz85IyEisgBKJbBkCdCoEdC3L5CTo329nZ08cRHRMxmc+NauXRt//fVXvvFt27ahfv36RgmK9JeSAly/Lm2HhABW7NNBRGQ6CQnASy8B774LZGUBf/8NLF8ud1REpCeDuzpMnz4dAwcOxK1bt6BUKrF9+3bExsZiw4YN+Pnnn00RIxWCK7YRERWTH38E3noLuHdPMxYZCQwdKl9MRGQQg+uDXbt2xU8//YQ9e/bAyckJ06dPx4ULF/DTTz/hxRdfNEWMVAgmvkREJpaRAQwfDnTrpkl6vb2B3buBhQsBtvUkKjWK1Me3VatW+P33340dCxVB3o4OPLGNiMjIjh2TVmC7dEkz1q0bsHo14OEhW1hEVDQGV3wDAgJwL+/XPP958OABAgICjBIU6U9V8bWyAurWlTcWIiKzcuMG0Ly5Jul1dJQS3u3bmfQSlVIGJ77Xrl1Dbm5uvvGsrCzcunXLKEGRfp48Ac6dk7aDggAHB3njISIyK76+wP/+J22HhgInTgBDhgAKhbxxEVGR6T3VYUeeJRh3794NV1dX9eXc3Fzs3bsXfuylVawuXgSys6Vtzu8lIjICIbQT27lzgSpVgJEjgTyLNhFR6aR34tutWzcAgEKhwMCBA7Wus7GxgZ+fHxYsWGDU4KhwnN9LRGQkaWnAmDFA48aaKi8gnbgWGSlfXERkVHonvkqlEgDg7++Pf/75Bx6c3yQ7dnQgIjKCmBhpIYqrV4EtW4B27YBateSOiohMwOA5vlevXmXSW0JwqWIioueQkwPMnAm0aiUlvQBgYwPExckaFhGZTpHamWVkZGD//v24fv06slWTTP8zZswYowRGhRNCM9XB0xOoWFHWcIiISpf4eKBfP6naq9K8OfDVV4C/v3xxEZFJGZz4njhxAp07d8ajR4+QkZGBcuXKITk5GY6OjvD09GTiW0wSEoDkZGmb1V4iIj0JAWzYAIwaBaSnS2PW1sD06cDkyUCZItWDiKiUMHiqQ2RkJLp06YKUlBQ4ODjg77//xr///ovQ0FB8+umnpoiRdMh7Yhvn9xIR6eHBA6BXL2DQIE3SGxAAHDggJb5MeonMnsGJ78mTJzFu3DhYWVnB2toaWVlZ8PX1xbx58zB58mRTxEg6cH4vEZGBFArg8GHN5UGDpCpC06ZyRURExczgxNfGxgZWVtLNPD09cf36dQCAq6srbty4YdzoqECs+BIRGcjVFdi4UVp1betWYN06wNlZ7qiIqBgZ/L1O/fr18c8//6BGjRpo06YNpk+fjuTkZGzcuBF1uWZusVFVfO3spFXbiIjoKbGxgJMTULmyZqxVK+DaNWmciCyOwRXfOXPmwNvbGwAwe/ZsuLu7Y8SIEUhKSsLKlSuNHiDll5GhWTq+bl1OSyMi0iIEsHIlUL8+MGAA8F8fejUmvUQWy+CUqWHDhuptT09P7Nq1y6gB0bOdPSv9XQc4zYGISEtSEjBkCLBjh3R53z5g1Spg+HB54yKiEsHgim9Bjh8/jldeecVYh6NCcKliIiIddu8G6tXTJL2AlPAOGCBfTERUohiU+O7evRvjx4/H5MmTER8fDwC4ePEiunXrhkaNGqmXNTbEsmXL4OfnB3t7ezRp0gRHjhwpdP8HDx5g5MiR8Pb2hp2dHQIDA7Fz506D77c041LFRER5ZGYCkZFAp05AYqI05uEhJcDLlwOOjvLGR0Qlht5THb788ksMHToU5cqVQ0pKCtasWYOFCxdi9OjRiIiIwNmzZ1HLwLXNt2zZgrFjx2LFihVo0qQJFi9ejPDwcMTGxsLT0zPf/tnZ2XjxxRfh6emJbdu2wcfHB//++y/c3NwMut/Sjh0diIj+c+YM0Lev9K9KeDgQFcUlLYkoH4UQqtmihatXrx769++P9957D9999x169OiBpk2bYuvWraic94xZAzRp0gSNGjXC559/DgBQKpXw9fXF6NGjMXHixHz7r1ixAvPnz8fFixdhY2NTpPtMS0uDq6srUlNT4eLiUqRjyEmpBFxcpBPc/Pw0y8sTEVmcf/+V2tpkZUmX7eyAefOkVdmsjDaTj4hkYKp8Te+/DHFxcejRowcA4PXXX0eZMmUwf/78Iie92dnZOHbsGMLCwjTBWFkhLCwMMXnXTs9jx44daNasGUaOHAkvLy/UrVsXc+bMQW5uboH3k5WVhbS0NK2f0iwuTkp6Ac7vJSILV7WqZv5ucDBw9CgwZgyTXiIqkN5/HR4/fgzH/+ZJKRQK2NnZqduaFUVycjJyc3Ph5eWlNe7l5YVE1Rytp8THx2Pbtm3Izc3Fzp07MW3aNCxYsAAfffRRgfczd+5cuLq6qn98fX2LHHNJwPm9RER5LFoEfPQRcOSI1N+RiKgQBrUzW7NmDcqWLQsAyMnJQVRUFDw8PLT2GTNmjPGie4pSqYSnpydWrVoFa2trhIaG4tatW5g/fz5mzJih8zaTJk3C2LFj1ZfT0tJKdfLLjg5EZJEyMoBx46TlhQcN0ow7OQFTpsgWFhGVLnonvlWqVMHq1avVlytWrIiNGzdq7aNQKPROfD08PGBtbY07d+5ojd+5cwcVCzghwdvbGzY2NrC2tlaP1apVC4mJicjOzoatrW2+29jZ2cHOzk6vmEoDVnyJyOIcOyadwBYbC2zaJK2+Vq2a3FERUSmkd+J77do1o96xra0tQkNDsXfvXnTr1g2AVNHdu3cvRo0apfM2LVq0wObNm6FUKmH13xyuS5cuwdvbW2fSa45Uia+Li3RyGxGR2crNBT79FJg6FcjJkcaUSmkVHya+RFQEsp4BMHbsWKxevRrr16/HhQsXMGLECGRkZGDw4MEAgAEDBmDSpEnq/UeMGIH79+/jnXfewaVLl/DLL79gzpw5GDlypFwPoVjdvw/cuCFth4QACoW88RARmcyNG0CHDsDEiZqkNzQUOHEC6NpV3tiIqNQyeMliY4qIiEBSUhKmT5+OxMREvPDCC9i1a5f6hLfr16+rK7sA4Ovri927dyMyMhL16tWDj48P3nnnHUyYMEGuh1Cs8k5z4PxeIjJbW7cCw4YBDx5IlxUKKQGeOROwkG/3iMg09O7jay5Kcx/fRYsA1Xl6a9YAb70lbzxEREb18CEwejSwfr1mzNcX2LgRaNNGvriIqNjJ3seX5MeKLxGZtaws4LffNJcjIqQ/fEx6ichImPiWIqpWZtbWQJ06soZCRGR8Hh5StdfFBdiwAfj6a8DdXe6oiMiMFCnxjYuLw9SpU9G7d2/cvXsXAPDrr7/i3LlzRg2ONLKzgfPnpe2gIMDeXt54iIieW3w88FRLS7z4orQUcf/+PIOXiIzO4MR3//79CA4OxuHDh7F9+3akp6cDAE6dOlXgIhL0/C5cAJ48kbY5zYGISjUhpMpuSAjw5pvS5bzc3GQJi4jMn8GJ78SJE/HRRx/h999/1+qd2759e/z9999GDY40uHAFEZmFlBSgVy9p9bX0dGDnTmDdOrmjIiILYXDie+bMGbz22mv5xj09PZGcnGyUoCg/LlVMRKVedDRQr57Urkxl0CCgRw+5IiIiC2Nw4uvm5oaEhIR84ydOnICPj49RgqL8WPElolIrO1vqw9u+PXDzpjTm7i4lwOvWAc7O8sZHRBbD4MS3V69emDBhAhITE6FQKKBUKnHw4EGMHz8eAwYMMEWMFk8ITcW3YkXgv/U9iIhKvosXgWbNgE8+0czlbdcOOH2alV4iKnYGJ75z5sxBzZo14evri/T0dNSuXRutW7dG8+bNMXXqVFPEaPFu3ZKWKwZY7SWiUiQ+HmjQADh+XLpsYwPMmwfs2QNUrixvbERkkQxestjW1harV6/GtGnTcPbsWaSnp6N+/fqoUaOGKeIjcH4vEZVSAQHA668DmzZJfRg3b5YSYSIimRic+B44cAAtW7ZElSpVUKVKFVPERE/h/F4iKrWWLQOqVgWmTAEcHeWOhogsnMFTHdq3bw9/f39MnjwZ51UrKpBJseJLRCVeZiYQGQl8+632uKsrMHs2k14iKhEMTnxv376NcePGYf/+/ahbty5eeOEFzJ8/HzdVZ+qS0akqvvb2AGeUEFGJc+YM0LgxsHgx8PbbwI0bckdERKSTwYmvh4cHRo0ahYMHDyIuLg49evTA+vXr4efnh/bt25siRouWng5cuSJtBwcDZQyenEJEZCJKJbBkCdCokZT8AsDjx8DRo/LGRURUgOdKo/z9/TFx4kSEhIRg2rRp2L9/v7Hiov+cOaPpAMT5vURUYiQkAIMHA7t3a8aCg6UT2OrWlS8uIqJCGFzxVTl48CD+97//wdvbG3369EHdunXxyy+/GDM2gvaJbZzfS0Qlwo8/Siuw5U16IyOBI0eY9BJRiWZwxXfSpEn45ptvcPv2bbz44otYsmQJunbtCkeeuGASeU9sY8WXiGSVkQGMGwesXKkZ8/YGoqKAjh1lC4uISF8GJ75//vkn3nvvPfTs2RMeHh6miInyyFvxrVdPvjiIiJCWBnz3neZyt27A6tUA/y8golLC4MT34MGDpoiDdMjNlVb1BKQ+8C4u8sZDRBbO2xtYswbo00c6qe2ttwCFQu6oiIj0plfiu2PHDrz00kuwsbHBjh07Ct331VdfNUpgBMTFAY8eSduc5kBExe7GDcDJCShXTjPWtStw9Srg6SlfXERERaRX4tutWzckJibC09MT3bp1K3A/hUKB3NxcY8Vm8bhwBRHJZutWYNgwICxM2s5b2WXSS0SllF5dHZRKJTz/+0OnVCoL/GHSa1xcqpiIil1aGjBoEBARATx4AGzbJrUoIyIyAwa3M9uwYQOysrLyjWdnZ2PDhg1GCYokrPgSUbGKiZH+2KxfrxmLiAA6d5YtJCIiYzI48R08eDBSU1PzjT98+BCDBw82SlAkUVV83dyAKlVkDYWIzFlODjBrFtCqlTR/FwCcnYENG4Cvvwbc3eWNj4jISAzu6iCEgELHWbw3b96Eq6urUYIiIDkZuHVL2g4J4YnTRGQi8fFAv35StVeleXPgq68Af3/54iIiMgG9E9/69etDoVBAoVCgQ4cOKFNGc9Pc3FxcvXoVnTp1MkmQlojze4nI5K5cARo0AB4+lC5bWwPTpwOTJwNlnmtFeyKiEknvv2yqbg4nT55EeHg4ypYtq77O1tYWfn5+eOONN4weoKXi/F4iMrlq1YAOHYAffpCahW/aBDRtKndUREQmo3fiO2PGDACAn58fIiIiYG9vb7KgiBVfIioGCoW08lrVqsCHH0rzeomIzJhCCCHkDqI4paWlwdXVFampqXApwUuh1asHnDkjfdv48CHAzxlE9Fyys6VpDK1aAS+/LHc0RESFMlW+plfFt1y5crh06RI8PDzg7u6u8+Q2lfv37xstOEuVlQVcuCBt16zJpJeInlNsrLTM8PHjwLp10lroXl5yR0VEVOz0SnwXLVoE5/++Alu0aFGhiS89vwsXpO5CAOf3EtFzEAJYtQqIjAQeP5bGUlKAgweB11+XNzYiIhnolfgOHDhQvT1o0CBTxUL/yXtiG+f3ElGRJCUBQ4YAO3ZoxoKCpFXYGjSQLy4iIhkZvIDF8ePHcebMGfXlH3/8Ed26dcPkyZORnZ1t1OAsVd4T21jxJSKD7d4tnSiQN+kdMUKa6sCkl4gsmMGJ77Bhw3Dp0iUAQHx8PCIiIuDo6Ihvv/0W77//vtEDtESs+BJRkWRmStMaOnUCEhOlMQ8PKQH+4gvA0VHe+IiIZGZw4nvp0iW88F8Z8ttvv0WbNm2wefNmREVF4bvvvjN2fBZHCE3F19sbqFBB3niIqBS5e1c6eU2lUyepPUyXLvLFRERUghic+AohoFQqAQB79uxB586dAQC+vr5ITk42bnQW6MYN6dwTgNMciMhAVaoAy5cDdnbAZ58BO3cCFSvKHRURUYlh8JqUDRs2xEcffYSwsDDs378fy5cvBwBcvXoVXmyP89y4cAUR6S0hAXByAvL2uOzdG2jZEvD1lS8uIqISyuCK7+LFi3H8+HGMGjUKU6ZMQfXq1QEA27ZtQ/PmzY0eoKXhUsVEpJcff5ROYBszJv91THqJiHQy2sptmZmZsLa2ho2NjTEOZzIlfeW27t0B1VTpCxekBSyIiNQyMoBx44CVKzVj27YBb7whX0xEREYm68ptuhw7dgwX/lterHbt2mjAFjlGoar4OjgANWrIGgoRlTTHjkkrsP3XWQcA0K0b0KaNbCEREZUmBie+d+/eRUREBPbv3w83NzcAwIMHD9CuXTt88803qMA2BEX28CEQFydtBwcD1tbyxkNEJURuLvDpp8DUqZplHR0dgSVLgLfeAriaJhGRXgye4zt69Gikp6fj3LlzuH//Pu7fv4+zZ88iLS0NY3TNNSO9nT6t2eb8XiICILV66dABmDhRk/SGhgInTkgrszHpJSLSm8EV3127dmHPnj2oVauWeqx27dpYtmwZOnbsaNTgLA07OhCRlkuXgCZNgAcPpMsKhZQAz5wJ2NrKGRkRUalkcMVXqVTqPIHNxsZG3d+XioYdHYhIS/XqUuILSJ0a9u0D5sxh0ktEVEQGJ77t27fHO++8g9u3b6vHbt26hcjISHTo0MGowVmavBXf4GD54iCiEsLKSlqJ7e23pT8QPImNiOi5GJz4fv7550hLS4Ofnx+qVauGatWqwd/fH2lpaVi6dKkpYrQIubnSyqKAVORxdpY3HiIqZjk5wKxZwB9/aI97e0uty9zd5YmLiMiMGDzH19fXF8ePH8fevXvV7cxq1aqFsLAwowdnSS5fBh4/lrY5v5fIwsTHA/36ATExgI+PdKZruXJyR0VEZHYMSny3bNmCHTt2IDs7Gx06dMDo0aNNFZfFyTvNgfN7iSyEEMDGjcCoUVI/QwBITJTm8nJBCiIio9M78V2+fDlGjhyJGjVqwMHBAdu3b0dcXBzmz59vyvgsRt4T21jxJbIAKSnA8OHA1q2asYAAYNMmoGlT+eIiIjJjes/x/fzzzzFjxgzExsbi5MmTWL9+Pb744gtTxmZRWPElsiDR0UC9etpJ76BB0idgJr1ERCajd+IbHx+PgQMHqi/36dMHOTk5SEhIMElglkZV8XV3BypXljUUIjKV7Gxg0iSgfXvg5k1pzM1NSoDXreNZrUREJqb3VIesrCw4OTmpL1tZWcHW1haPVWdkUZHdvQuoPj+EhHAhJiKzdfMmsHSpNLcXANq2BTZskHr0EhGRyRl0ctu0adPg6OiovpydnY3Zs2fD1dVVPbZw4ULjRWchOM2ByEIEBABLlgAjRgCzZwPjxkm9eomIqFjonfi2bt0asbGxWmPNmzdHfHy8+rKCpcoi4VLFRGYqORlwdJR+VN58U1qIonp1+eIiIrJQeie+0dHRJgzDsnGpYiIztHu3dMLa668Dy5ZpxhUKJr1ERDLhd2wlgKriW6YMUKuWvLEQ0XPKzAQiI4FOnaSevF98Afzyi9xRERERirByGxlXZibw3wJ4qF0bsLOTNx4ieg5nzgB9+2rWHwekBDg0VL6YiIhIjRVfmZ0/D+TmStuc30tUSimV0klrjRppkl47O+Czz4CdO4GKFeWNj4iIALDiKzvO7yUq5RISgMGDpTm9KsHBwObNQN268sVFRET5MPGVGTs6EJVisbFAy5ZS9waVyEhgzhzA3l6+uIiISKciTXX466+/0K9fPzRr1gy3bt0CAGzcuBEHDhwwanCWIG/Fl4kvUSlTvbo0OR8AvL2lqu/ChUx6iYhKKIMT3++++w7h4eFwcHDAiRMnkJWVBQBITU3FnDlzjB6gORNCU/H18QE8POSNh4gMZG0NbNwI9O8PnD4NdOwod0RERFQIgxPfjz76CCtWrMDq1athY2OjHm/RogWOHz9u1ODM3b//Aqmp0jbn9xKVcLm5wCefAIcOaY9XqSItO8xPrkREJZ7Bc3xjY2PRunXrfOOurq548OCBMWKyGJzfS1RK3LghVXX37wf8/aU5Si4uckdFREQGMrjiW7FiRVy5ciXf+IEDBxAQEGCUoCxF3sSXFV+iEmrrVqBePSnpBYBr14DffpM1JCIiKhqDE9+hQ4finXfeweHDh6FQKHD79m1s2rQJ48ePx4gRI0wRo9niiW1EJVhamrTkcEQEoPo2y9cX2LcP6N5dzsiIiKiIDJ7qMHHiRCiVSnTo0AGPHj1C69atYWdnh/Hjx2P06NGmiNFsqSq+jo5AtWryxkJEecTEAP36AfHxmrGICGD5csDdXb64iIjouSiEEKIoN8zOzsaVK1eQnp6O2rVro2zZssaOzSTS0tLg6uqK1NRUuMg4Ry8tDXB1lbabNpX+nyUimeXkALNnAx9+qFlS0dkZWLZMSoQVCnnjIyKyEKbK14q8gIWtrS1qq/pXksFOn9Zsc5oDUQkRFwfMnatJeps3B776SjqhjYiISj2DE9927dpBUUjV448//niugCwFlyomKoGCgoB584CxY4Hp04HJk4EyXOCSiMhcGPwX/YWnsrQnT57g5MmTOHv2LAYOHGisuMweW5kRlQApKdIkezs7zdjo0UD79kDduvLFRUREJmFw4rto0SKd4zNnzkR6evpzB2QpVBVfhQIIDpY1FCLLFB0t9ebt1QuYP18zrlAw6SUiMlMGtzMrSL9+/bB27VpjHc6s5eQAZ89K29WrA6XkvEAi85CdDUyaJFV1b94EPv0U2LtX7qiIiKgYGG3yWkxMDOzt7Y11OLN26RKQmSltc34vUTGKjQX69AHyLq/erp00t5eIiMyewYnv66+/rnVZCIGEhAQcPXoU06ZNM1pg5ozze4mKmRDAqlVAZCTw+LE0ZmMjtS4bNw6wMtqXX0REVIIZnPi6qprP/sfKygpBQUH44IMP0LFjR6MFZs7Y0YGoGCUlAUOGADt2aMaCgoDNm4EGDeSLi4iIip1BiW9ubi4GDx6M4OBguHP1oiJjxZeomMTGAm3bAomJmrERI6R5vY6OsoVFRETyMOj7PWtra3Ts2BEPVOvWG8myZcvg5+cHe3t7NGnSBEeOHNHrdt988w0UCgW6detm1HhMTVXxLV8e8PGRNRQi8xYQAPj6StseHlLV94svmPQSEVkogye21a1bF/F5169/Tlu2bMHYsWMxY8YMHD9+HCEhIQgPD8fdu3cLvd21a9cwfvx4tGrVymixFIfERODOHWk7JIQroBKZlI0NsGkT8PrrwJkzQJcuckdEREQyMjjx/eijjzB+/Hj8/PPPSEhIQFpamtaPoRYuXIihQ4di8ODBqF27NlasWAFHR8dCW6Pl5uaib9++mDVrFgICAgy+TznlnebA+b1ERqRUAp99Bpw4oT1eowbw3XdAxYryxEVERCWG3onvBx98gIyMDHTu3BmnTp3Cq6++isqVK8Pd3R3u7u5wc3MzeN5vdnY2jh07hrCwME1AVlYICwtDTExMobF4enrirbfeeuZ9ZGVlPXdybkyc30tkAgkJQOfOwDvvSO3KHj2SOyIiIiqB9D65bdasWRg+fDj27dtntDtPTk5Gbm4uvLy8tMa9vLxw8eJFnbc5cOAAvvzyS5zM2xqhEHPnzsWsWbOeN1SjYcWXyMh+/FHq2pCcLF2+eBH49VfgjTfkjYuIiEocvRNfIQQAoE2bNiYL5lkePnyI/v37Y/Xq1fDw8NDrNpMmTcLYsWPVl9PS0uCrOtlFBqp83cYGqFlTtjCISr+MDKkH78qVmjFvbyAqCmBrRSIi0sGgdmYKI5+J5eHhAWtra9xRne31nzt37qCijvl4cXFxuHbtGrrkOUFFqVQCAMqUKYPY2FhUq1ZN6zZ2dnaws7MzatxF9fix1F0JAGrXBmxt5Y2HqNQ6dkya0nDpkmasWzdg9WqpewMREZEOBiW+gYGBz0x+79+/r/fxbG1tERoair1796pbkimVSuzduxejRo3Kt3/NmjVx5swZrbGpU6fi4cOHWLJkiayVXH2cOwfk5krbnOZAVAS5ucD8+cC0aUBOjjTm6AgsXixNd2CbFCIiKoRBie+sWbPyrdz2vMaOHYuBAweiYcOGaNy4MRYvXoyMjAwMHjwYADBgwAD4+Phg7ty5sLe3R926dbVu7+bmBgD5xksinthG9JwuXtROekNDpRXYAgPljYuIiEoFgxLfXr16wdPT06gBREREICkpCdOnT0diYiJeeOEF7Nq1S33C2/Xr12FlZXDXtRKJSxUTPac6dYAPPwQmTwYmTgRmzuScISIi0ptCqM5aewZra2skJCQYPfEtbmlpaXB1dUVqaipcXFyK9b5btwb++kvavncPKFeuWO+eqPR5+BBwcADK5PmMnpsr9ept2FC+uIiIyKRMla/pXUrVMz+mAgihmerg68ukl+iZYmKkr0Y++kh73NqaSS8RERWJ3omvUqks9dVeOV27BqjWzuD8XqJC5OQAs2YBrVoB8fHS1IZDh+SOioiIzIBBc3yp6Di/l0gP8fFAv35StVelaVOpPy8REdFzMo+zxkoBdnQgKoQQwIYN0qdCVdJrbS1VfvfvB/z9ZQ2PiIjMAyu+xYQVX6ICpKQAI0YAW7ZoxgICgE2bpGovERGRkTDxLSaqim/ZstL/6UQEaSnDF18EbtzQjA0aBHz2GeDsLFtYRERknjjVoRg8eCCd3AYA9eoBZtKWmOj5Va0K/LcIDdzdga1bgXXrmPQSEZFJMAUrBqdPa7Y5v5coD3t7aeW1zp2lX5QePeSOiIiIzBgT32LA+b1EkE5gW7UKOH9ee7xuXeCXX4DKleWJi4iILAYT32LAjg5k8ZKSgG7dgGHDgD59gKwsuSMiIiILxMS3GKgSX4VCKm4RWZTdu6XJ7Tt2SJdPnQJ+/lnemIiIyCIx8TWxnBzg7FlpOzAQcHKSNx6iYpOZCbz7LtCpE5CYKI15eEgJ8BtvyBoaERFZJrYzM7HYWM23upzmQBbjzBlpSoPqUx8AhIcDUVFAxYqyhUVERJaNFV8T44ltZFGUSmDJEqBRI03Sa2cnje3cyaSXiIhkxYqvifHENrIoZ84AY8dKCTAABAdL7co4uZ2IiEoAVnxNjBVfsighIcDkydJ2ZCRw5AiTXiIiKjFY8TUhITSJr4cH4O0tazhExvfokbQIRd7lCKdPBzp2BFq1ki8uIiIiHVjxNaHERKl9KSBVexUKWcMhMq5jx4D69YEFC7THbWyY9BIRUYnExNeEOL+XzFJuLvDJJ0DTpsClS8CUKcDx43JHRURE9Eyc6mBCnN9LZufGDaB/f2D/fs1YvXpA2bLyxURERKQnVnxNiBVfMitbt0pJrirpVSiASZOAQ4ek1VmIiIhKOFZ8TUhV8bW1BWrWlDUUoqJLSwPGjAHWr9eM+foCGzcCbdrIFxcREZGBmPiayKNH0vRHAKhTRzrfh6jUiY0FOncG4uM1YxERwIoVgJubbGEREREVBac6mMjZs5oe/pzfS6VW5cpAmf8+Hzs7Axs2AF9/zaSXiIhKJSa+JsL5vWQWnJykldfatpXe1P37sy8fERGVWkx8TYQdHajUEUKq6MbFaY+HhgJ//AH4+8sTFxERkZEw8TWRvBXfevXki4NILykpQK9ewMCBQN++wJMn2tezyktERGaAia8JKJXA6dPSdpUqgLu7vPEQFSo6Wvp0tnWrdPnwYeDnn2UNiYiIyBSY+JrA1avAw4fSNqc5UImVnQ1MnAi0bw/cvCmNubsD334LvPaavLERERGZANuZmQBPbKMSLzYW6NNHe6nhdu2kOb6VK8sXFxERkQmx4msCPLGNSiwhgJUrgfr1NUmvjQ0wbx6wZw+TXiIiMmus+JoAK75UYp04AQwfrrkcFCS1K2vQQL6YiIiIigkrviagqvg6O7MDFJUwDRoAY8dK2yNGSFVfJr1ERGQhWPE1spQU4Pp1abtePcCKHy1ITllZgK2tdjuyOXOATp2AF1+ULy4iIiIZMC0zsrzTHDi/l2R15gzQsCGwfLn2uJ0dk14iIrJITHyNjPN7SXZKJbBkCdCoEXD2LDBuHHD+vNxRERERyY5THYyMHR1IVgkJwODBwO7dmrEaNeSLh4iIqARhxdfIVBVfKyugbl15YyEL8+OP0sTyvElvZCRw5AhQu7Z8cREREZUQrPga0ZMnwLlz0nZQEODgIG88ZCEyMqTpDCtXasa8vYGoKKBjR9nCIiIiKmmY+BrRxYvSKrAA5/dSMbl0CejSRfpXpVs3YPVqwMNDtrCIiIhKIk51MCLO76Vi5+Wl+bTl6CglvNu3M+klIiLSgYmvEbGjAxU7V1fgq6+AJk2kVdmGDNHu2UtERERqTHyNKG/Fl4kvmcS33wI3bmiPtWgBxMQAgYHyxERERFRKMPE1EiE0FV9PT6BiRXnjITOTlgYMGgT07AkMGADk5mpfzyovERHRMzHxNZKEBCA5WdoOCWEeQkYUEwPUrw+sXy9djo4Gfv5Z1pCIiIhKIya+RsIT28jocnKAWbOAVq2A+HhpzNkZ2LABePVVeWMjIiIqhdjOzEh4YhsZVXw80K+fVO1Vad5cOpHN31++uIiIiEoxVnyNhBVfMgohpIruCy9okl5ra6nyu38/k14iIqLnwIqvkagqvnZ20qptREVy9CgwcKDmckAAsGkT0LSpfDERERGZCVZ8jSAjQ7NwVt26QBl+nKCiatQIGDZM2h40SPoqgUkvERGRUTBFM4KzZ6VvqAHO7yUDPXkifVLK2wZkwQKgc2eewEZERGRkrPgaAef3UpHExkrVXFWbMhUnJya9REREJsDE1wjY0YEMIgSwcqXUm/f4cWD0aODKFbmjIiIiMnuc6mAEXKqY9JaUBAwZAuzYoRnz8QEeP5YvJiIiIgvBiu9zUiqB06elbT8/wNVV1nCoJNu9G6hXTzvpHT5cqvoGB8sXFxERkYVg4vuc4uKkrg4A5/dSATIzgchIoFMnIDFRGvPwkBLg5csBR0d54yMiIrIQnOrwnDi/lwp15Qrw+uvAmTOasU6dgHXrgIoV5YuLiIjIArHi+5w4v5cK5e4O3LsnbdvZAZ99BuzcyaSXiIhIBkx8n1Peii+nOlA+5csDUVHSp6KjR6UODnl79hIREVGxYeL7nFSJr4uLdHIbWbifftLM41V58UXg2DFpWT8iIiKSDRPf53D/PnDjhrQdEsJCnkXLyJA6NLz6KvDmm5ql/FSsreWJi4iIiNSY+D4HnthGAKRqboMG0qIUAPDrr8DPP8sbExEREeXDxPc5cKliC5ebC3zyibTs8KVL0pijI7B6NfDKK/LGRkRERPmwndlzYMXXgt24AfTvD+zfrxkLDQU2bwYCA+WLi4iIiArEiu9zUFV8ra2BOnVkDYWK05Yt0gpsqqRXoQAmTQIOHWLSS0REVIKx4ltE2dnA+fPSdlAQ4OAgbzxUTP7+G+jVS3PZ1xfYuBFo00a+mIiIiEgvrPgW0YULwJMn0jbn91qQpk2lKQ4AEBEhzXdh0ktERFQqsOJbRJzfayGUSsDqqc+Hn38OvPwy0LMne9gRERGVIqz4FhE7OliA+HigZUtg61btcRcXqdrLpJeIiKhUYeJbRKz4mjEhgA0bpE80MTHAsGGalUqIiIio1GLiWwRCaCq+FSsCXl6yhkPGlJIinbw2cCDw8KE0Vq4ccO+evHERERHRc2PiWwS3bknLFQOs9pqV6GipTVneqQ2DBkmfcjifhYiIqNRj4lsEnN9rZrKzgYkTgfbtgZs3pTE3NykBXrcOcHaWNTwiIiIyDnZ1KALO7zUj8fFAjx7A8eOasbZtpTm+vr6yhUVERETGx4pvEeSt+DLxLeUcHIDr16VtGxtg3jxg714mvURERGaIiW8RqCq+9vZcobbU8/YGvvwSqFlTWpXtvffy9+0lIiIis8D/4Q2Ung5cuSJt160LlOFkkdJlz578HRpefRU4fRpo0ECemIiIiKhYlIjEd9myZfDz84O9vT2aNGmCI0eOFLjv6tWr0apVK7i7u8Pd3R1hYWGF7m9sZ85I7cwAnthWqmRmApGRwIsvSn15VS+iio2NPHERERFRsZE98d2yZQvGjh2LGTNm4Pjx4wgJCUF4eDju3r2rc//o6Gj07t0b+/btQ0xMDHx9fdGxY0fcunWrWOLliW2l0JkzQOPGwOLF0uXvvgN27ZI1JCIiIip+CiGeLn0VryZNmqBRo0b4/PPPAQBKpRK+vr4YPXo0Jk6c+Mzb5+bmwt3dHZ9//jkGDBjwzP3T0tLg6uqK1NRUuLi4GBzv8OHAypXS9l9/SSvaUgmlVAJLlwITJgBZWdKYnR0wfz4wahSXHCYiIiqhnjdfK4isM1Szs7Nx7NgxTJo0ST1mZWWFsLAwxMTE6HWMR48e4cmTJyhXrpzO67OyspClSnogPZHPI2/Ft1695zoUmVJCAjB4MLB7t2YsOBjYvFmanE1EREQWR9apDsnJycjNzYXXU2v+enl5ITExUa9jTJgwAZUqVUJYWJjO6+fOnQtXV1f1j+9ztKnKzZXOgQKAgADAiB9AyJh27JA+leRNeiMjgSNHmPQSERFZMNnn+D6Pjz/+GN988w2+//572Nvb69xn0qRJSE1NVf/cuHGjyPcXFwc8eiRtc35vCXXwINC1K5CcLF2uWFFKgBculPrPERERkcWSNfH18PCAtbU17ty5ozV+584dVKxYsdDbfvrpp/j444/x22+/oV4hcw7s7Ozg4uKi9VNUXKq4FGjeHHjtNWm7a1fpxLaOHeWNiYiIiEoEWRNfW1tbhIaGYu/eveoxpVKJvXv3olmzZgXebt68efjwww+xa9cuNGzYsDhCBcCODiXS0+dmKhTA6tXAunXA998DHh7yxEVEREQljuxTHcaOHYvVq1dj/fr1uHDhAkaMGIGMjAwMHjwYADBgwACtk98++eQTTJs2DWvXroWfnx8SExORmJiI9PR0k8fKim8Jc+MG0L498PPP2uPlywODBrFrAxEREWmRfd2xiIgIJCUlYfr06UhMTMQLL7yAXbt2qU94u379OqzyLCG7fPlyZGdno3v37lrHmTFjBmbOnGnSWFUVXzc3oEoVk94VPcvWrdJCFA8eAOfOSWcdPmN6DBEREVk22fv4Frei9oVLTgYqVJC227QBoqNNEx89Q1oaMGYMsH69ZszXF/jhBy45TEREZCZM1cdX9qkOpQXn95YAMTHSHJO8SW9EhPTiMOklIiKiZ2Diq6e883uZ+BaznBxg5kygVSvg6lVpzNkZ2LAB+PprwN1d1vCIiIiodJB9jm9pkbfiyxPbitG1a0CfPlK1V6V5c+CrrwB/f9nCIiIiotKHFV89qSq+1tZA7dqyhmJZrKyA8+elbWtrYNYsYP9+Jr1ERERkMCa+esjKAi5ckLZr1eICYMWqShVgxQppjegDB4Dp04Ey/KKCiIiIDMfEVw8XLkjTTAHO7zW5v/6SOjfk1auX1LKsaVN5YiIiIiKzwMRXD1y4ohhkZwMTJ0q94kaPzn89y+xERET0nJj46oGtzEwsNhZo1gz45BNpCeING4DffpM7KiIiIjIzTHz1wFZmJiIEsHIlUL8+cPy4NGZjA8ybB4SFyRsbERERmR2eJfQMQmgqvt7egKenvPGYjaQkYMgQYMcOzVhQELB5MxejICIiIpNgxfcZbtwAUlKkbc7vNZLdu4F69bST3hEjpKovk14iIiIyEVZ8n4Hze43sr7+ATp00lz08gLVrgS5d5IuJiIiILAIrvs/Ajg5G1rKlJvHt1Ak4c4ZJLxERERULVnyfgRVfI1MogHXrgO+/B4YPly4TERERFQNWfJ9BVfF1cABq1JA1lNInMRF4+WVg717t8YoVpTm9THqJiIioGLHiW4iHD4G4OGk7OBiwtpY3nlJlxw7grbeA5GSpbH7qFFC+vNxRERERkQVjxbcQp09rtjm/V08ZGdIUhq5dpaQXAJRK4No1WcMiIiIiYuJbCM7vNdCxY0BoqLQohUq3btIniNBQ2cIiIiIiApj4FoortukpN1dabrhpU2n5YQBwdARWrwa2b5dalhERERHJjHN8C5G34luvnnxxlGg3bwL9+wPR0Zqx0FBpBbbAQNnCIiIiInoaK74FyM2VWswCQLVqgLOzvPGUWI8fA//8I20rFMCkScChQ0x6iYiIqMRh4luAy5elnA7giW2FqlED+OwzwNcX2LcPmDMHsLWVOyoiIiKifJj4FoAnthXgyBHg0SPtscGDgfPngTZt5ImJiIiISA9MfAvApYqfkpMDzJoFNG8OjB+vfZ1CAZQtK09cRERERHpi4lsAVnzziI8HWrcGZs6UJj8vXy5NayAiIiIqRZj4FkBV8XV3l6avWiQhgA0bpJJ3TIw0Zm0tVX5btZI1NCIiIiJDsZ2ZDnfvAgkJ0nZIiPRNvsVJSQFGjAC2bNGMBQQAmzZJ/XqJiIiIShkmvjrkneZgkfN79++XevPeuKEZGzRI6t7Avm5EZAFyc3Px5MkTucMgMmu2trawsireyQdMfHWw6Pm9+/cD7dpJ0xwAaa7HypVAjx7yxkVEVAyEEEhMTMSDBw/kDoXI7FlZWcHf3x+2xdgGlYmvDhbd0aFlS+lENlUCvGEDULmy3FERERULVdLr6ekJR0dHKCxyrhuR6SmVSty+fRsJCQmoUqVKsf2uMfHVQVXxLVMGqFVL3liKnbU1sHEj8O23wLvvAsX8FQQRkVxyc3PVSW/58uXlDofI7FWoUAG3b99GTk4ObGxsiuU+mdU8JTMTuHBB2q5dG7Czkzcek0pKAt54Azh4UHvc1xcYO5ZJLxFZFNWcXkdHR5kjIbIMqikOubm5xXafrPg+5fx5qVUtYObze3fvlk5YS0wEjh+XytwuLnJHRUQkO05vICoecvyusaT3lLzze80y8c3MlKYwdOokJb0AkJ4OXLoka1hEREREpsbE9ylm3crszBmgUSNgyRLNWKdO0njDhvLFRUREJJPY2FhUrFgRDx8+lDsUs5KdnQ0/Pz8cPXpU7lC0MPF9illWfJVKKdlt1Ag4e1Yas7OT+vLu3AlUrChvfERE9FwGDRoEhUIBhUIBGxsb+Pv74/3330dmZma+fX/++We0adMGzs7OcHR0RKNGjRAVFaXzuN999x3atm0LV1dXlC1bFvXq1cMHH3yA+/fvm/gRFZ9JkyZh9OjRcDbjPvXLli2Dn58f7O3t0aRJExw5cuSZt1m8eDGCgoLg4OAAX19fREZGar2fZs6cqX7PqX5q1qypvt7W1hbjx4/HhAkTTPKYioqJbx5CaCq+Pj6Ah4e88RhFQgLQubM0vSErSxoLDgaOHgVGj7bQZemIiMxPp06dkJCQgPj4eCxatAgrV67EjBkztPZZunQpunbtihYtWuDw4cM4ffo0evXqheHDh2P8+PFa+06ZMgURERFo1KgRfv31V5w9exYLFizAqVOnsHHjxmJ7XNnZ2SY79vXr1/Hzzz9j0KBBz3UcU8b4vLZs2YKxY8dixowZOH78OEJCQhAeHo67d+8WeJvNmzdj4sSJmDFjBi5cuIAvv/wSW7ZsweTJk7X2q1OnDhISEtQ/Bw4c0Lq+b9++OHDgAM6dO2eSx1YkwsKkpqYKACI1NTXfdVevCiGlv0J07lz8sZnE2bNC2NlpHlhkpBCPH8sdFRFRifP48WNx/vx58bgU/o0cOHCg6Nq1q9bY66+/LurXr6++fP36dWFjYyPGjh2b7/afffaZACD+/vtvIYQQhw8fFgDE4sWLdd5fSkpKgbHcuHFD9OrVS7i7uwtHR0cRGhqqPq6uON955x3Rpk0b9eU2bdqIkSNHinfeeUeUL19etG3bVvTu3Vv07NlT63bZ2dmifPnyYv369UIIIXJzc8WcOXOEn5+fsLe3F/Xq1RPffvttgXEKIcT8+fNFw4YNtcaSk5NFr169RKVKlYSDg4OoW7eu2Lx5s9Y+umIUQogzZ86ITp06CScnJ+Hp6Sn69esnkpKS1Lf79ddfRYsWLYSrq6soV66cePnll8WVK1cKjfF5NW7cWIwcOVJ9OTc3V1SqVEnMnTu3wNuMHDlStG/fXmts7NixokWLFurLM2bMECEhIc+8/3bt2ompU6fqvK6w37nC8rXnwYpvHmY5v7dOHWD+fGk6w+7dwMKFgL293FEREZUaDRtK6/gU98/znHpx9uxZHDp0SGtFrG3btuHJkyf5KrsAMGzYMJQtWxZff/01AGDTpk0oW7Ys/ve//+k8vpubm87x9PR0tGnTBrdu3cKOHTtw6tQpvP/++1AqlQbFv379etja2uLgwYNYsWIF+vbti59++gnp6enqfXbv3o1Hjx7htddeAwDMnTsXGzZswIoVK3Du3DlERkaiX79+2L9/f4H389dff6HhU090ZmYmQkND8csvv+Ds2bN4++230b9//3zTA56O8cGDB2jfvj3q16+Po0ePYteuXbhz5w569uypvk1GRgbGjh2Lo0ePYu/evbCyssJrr71W6PMzZ84clC1bttCf69ev67xtdnY2jh07hrCwMPWYlZUVwsLCEBMTU+B9Nm/eHMeOHVM/5vj4eOzcuROdO3fW2u/y5cuoVKkSAgIC0LdvX51xNG7cGH/99VeB91Xc2M4sD7NYqvjUKaBmTe0GxKNGAf36ScsPExGRQRITgVu35I7i2X7++WeULVsWOTk5yMrKgpWVFT7//HP19ZcuXYKrqyu8vb3z3dbW1hYBAQG49F+Hn8uXLyMgIMDgRQU2b96MpKQk/PPPPyhXrhwAoHr16gY/lho1amDevHnqy9WqVYOTkxO+//579O/fX31fr776KpydnZGVlYU5c+Zgz549aNasGQAgICAABw4cwMqVK9GmTRud9/Pvv//mS3x9fHy0PhyMHj0au3fvxtatW9G4ceMCY/zoo49Qv359zJkzRz22du1a+Pr64tKlSwgMDMQbb7yhdV9r165FhQoVcP78edStW1dnjMOHD9dKnnWpVKmSzvHk5GTk5ubCy8tLa9zLywsXL14s8Hh9+vRBcnIyWrZsCSEEcnJyMHz4cK2pDk2aNEFUVBSCgoKQkJCAWbNmoVWrVjh79qzWfOlKlSrh33//LTT+4sTEN49SvVRxbi7w6afA1KnAO+9I2yoKBZNeIqIikuv8X0Pvt127dli+fDkyMjKwaNEilClTJl+ipS8hRJFud/LkSdSvX1+d9BZVaGio1uUyZcqgZ8+e2LRpE/r374+MjAz8+OOP+OabbwAAV65cwaNHj/Diiy9q3S47Oxv169cv8H4eP34M+6e+Bc3NzcWcOXOwdetW3Lp1C9nZ2cjKysq3sMnTMZ46dQr79u1D2bJl891PXFwcAgMDcfnyZUyfPh2HDx9GcnKyutJ7/fr1AhPfcuXKPffzaajo6GjMmTMHX3zxBZo0aYIrV67gnXfewYcffohp06YBAF566SX1/vXq1UOTJk1QtWpVbN26FW+99Zb6OgcHBzx69KhY4y8ME988VBVfR0egWjV5YzHIjRtA//6A6uucBQuAbt2Ali1lDYuIyByUsG5MBXJyclJXV9euXYuQkBB8+eWX6iQkMDAQqampuH37dr4KYXZ2NuLi4tCuXTv1vgcOHMCTJ08Mqvo6ODgUer2VlVW+pFq1Yt7Tj+Vpffv2RZs2bXD37l38/vvvcHBwQKdOnQBAPQXil19+gY+Pj9bt7ApZgtXDwwMpKSlaY/Pnz8eSJUuwePFiBAcHw8nJCe+++26+E9iejjE9PR1dunTBJ598ku9+VFX2Ll26oGrVqli9ejUqVaoEpVKJunXrFnpy3Jw5c7SqyLqcP38eVapU0fn4rK2tcefOHa3xO3fuoGIhn6ymTZuG/v37Y8iQIQCA4OBgZGRk4O2338aUKVNgpWNlVzc3NwQGBuLKlSta4/fv30eFChUKjb84cY7vf9LSgPh4abtePcDaWt549LZ1qxSwKulVKIBJk4A8X8cQEZFlsbKywuTJkzF16lQ8fvwYAPDGG2/AxsYGCxYsyLf/ihUrkJGRgd69ewOQvupOT0/HF198ofP4Dx480Dler149nDx5ssB2ZxUqVEBCQoLW2Mm8X7cWonnz5vD19cWWLVuwadMm9OjRQ52U165dG3Z2drh+/TqqV6+u9ePr61vgMevXr4/z589rjR08eBBdu3ZFv379EBISojUFpDANGjTAuXPn4Ofnly8GJycn3Lt3D7GxsZg6dSo6dOiAWrVq5Uu6dRk+fDhOnjxZ6E9BUx1sbW0RGhqKvXv3qseUSiX27t2rnhKiy6NHj/Ilt9b/JUYFfRuQnp6OuLi4fFNpzp49W2jVvdgZ9VS5UqCgswT/+kvT+GDYMJmCM0RqqhADB2qCBoTw9RUiOlruyIiISiVz6+rw5MkT4ePjI+bPn68eW7RokbCyshKTJ08WFy5cEFeuXBELFiwQdnZ2Yty4cVq3f//994W1tbV47733xKFDh8S1a9fEnj17RPfu3Qvs9pCVlSUCAwNFq1atxIEDB0RcXJzYtm2bOHTokBBCiF27dgmFQiHWr18vLl26JKZPny5cXFzydXV45513dB5/ypQponbt2qJMmTLir7/+yndd+fLlRVRUlLhy5Yo4duyY+Oyzz0RUVFSBz9uOHTuEp6enyMnJUY9FRkYKX19fcfDgQXH+/HkxZMgQ4eLiovX86orx1q1bokKFCqJ79+7iyJEj4sqVK2LXrl1i0KBBIicnR+Tm5ory5cuLfv36icuXL4u9e/eKRo0aCQDi+++/LzDG5/XNN98IOzs7ERUVJc6fPy/efvtt4ebmJhITE9X79O/fX0ycOFF9ecaMGcLZ2Vl8/fXXIj4+Xvz222+iWrVqWp01xo0bJ6Kjo8XVq1fFwYMHRVhYmPDw8BB3797Vuv+qVauKDRs26IxNjq4OTHz/s3SpJn9cvlym4PR16JAQAQHaSW9EhBD378sdGRFRqWVuia8QQsydO1dUqFBBpKenq8d+/PFH0apVK+Hk5CTs7e1FaGioWLt2rc7jbtmyRbRu3Vo4OzsLJycnUa9ePfHBBx8U2s7s2rVr4o033hAuLi7C0dFRNGzYUBw+fFh9/fTp04WXl5dwdXUVkZGRYtSoUXonvufPnxcARNWqVYVSqdS6TqlUisWLF4ugoCBhY2MjKlSoIMLDw8X+/fsLjPXJkyeiUqVKYteuXeqxe/fuia5du4qyZcsKT09PMXXqVDFgwIBnJr5CCHHp0iXx2muvCTc3N+Hg4CBq1qwp3n33XXWsv//+u6hVq5aws7MT9erVE9HR0SZPfIUQYunSpaJKlSrC1tZWNG7cWN1eLu/jGThwoPrykydPxMyZM0W1atWEvb298PX1Ff/73/+0XveIiAjh7e0tbG1thY+Pj4iIiMjXmu3QoUPCzc1NPHr0SGdcciS+CiGKOIO9lEpLS4OrqytSU1Ph4uKiHh86FFizRto+dAgo5BsAeUVHA2Fh0slsAODsDCxbJnVt4GIURERFlpmZiatXr8Lf3z/fCU9kvpYtW4YdO3Zg9+7dcodidiIiIhASEpJv4QuVwn7nCsrXnhdPbvuPaoqRQiEtbFZitWgBhIYCR44AzZsDX30F+PvLHRUREVGpNGzYMDx48AAPHz4062WLi1t2djaCg4MRGRkpdyhaWPEFkJMjFU4zM4EaNQA95rDL68oVYMsWYMIEoAw/uxARGQMrvkTFS46KL7s6QEp0MzOl7RLVvzclBejbFzh2THu8enVgyhQmvUREREQGYOaEErpiW3S01Jv35k0p8T1+XGowTERERERFwoovtFdskz3xzc4GJk4E2reXkl4AuHsXOHdO3riIiIiISjlWfKFd8ZV1qkNsLNCnj1TdVWnXDtiwAahcWb64iIiIiMwAK77QVHzLlQOeWumweAgBrFwJ1K+vSXptbIB584A9e5j0EhERERmBxVd8ExMB1RLWL7wgQyvcpCRgyBBgxw7NWFAQsHkz0KBBMQdDREREZL4svuIr+4ltN24AO3dqLo8YIVV9mfQSERERGRUTX7nn9zZoAHz0EeDhIVV9v/iC3RuIiKhUUSgU+OGHH+QOo8SaOXMmXihR/VItFxPf4q74XrwIPHmiPTZ+vNS1oUuXYgiAiIjMzaBBg6BQKKBQKGBjYwN/f3+8//77yFQ1qTdjiYmJeOedd1C9enXY29vDy8sLLVq0wPLly/Ho0SO5wwMAjB8/Hnv37pU7DALn+KpPbLOxAWrVMuEdKZXA0qXSamsTJgCzZmmus7YGPD1NeOdERGTuOnXqhHXr1uHJkyc4duwYBg4cCIVCgU8++UTu0EwmPj4eLVq0gJubG+bMmYPg4GDY2dnhzJkzWLVqFXx8fPDqq6/KHSbKli2LsmXLyh0GwcIrvo8fSx3EAKB2bcDW1kR3lJAAdO4MvPsukJUlTW04csREd0ZERJbIzs4OFStWhK+vL7p164awsDD8/vvv6uvv3buH3r17w8fHB46OjggODsbXX3+tdYy2bdtizJgxeP/991GuXDlUrFgRM2fO1Nrn8uXLaN26Nezt7VG7dm2t+1A5c+YM2rdvDwcHB5QvXx5vv/020tPT1dcPGjQI3bp1w5w5c+Dl5QU3Nzd88MEHyMnJwXvvvYdy5cqhcuXKWLduXaGP+X//+x/KlCmDo0ePomfPnqhVqxYCAgLQtWtX/PLLL+jy3zep165dg0KhwMk8jfsfPHgAhUKB6Oho9djZs2fx0ksvoWzZsvDy8kL//v2RnJysvn7btm0IDg5WP66wsDBkZGQAAKKjo9G4cWM4OTnBzc0NLVq0wL///gsg/1QH1eP/9NNP4e3tjfLly2PkyJF4kucb4YSEBLz88stwcHCAv78/Nm/eDD8/PyxevLjQ54QKZ9GJ77lzQG6utG2yqTc//gjUqwfs3q0ZGzNGGiMiotJh4UKpteSzfnRVF199Vb/bLlxotHDPnj2LQ4cOwTZPRSczMxOhoaH45ZdfcPbsWbz99tvo378/jjxViFm/fj2cnJxw+PBhzJs3Dx988IE6uVUqlXj99ddha2uLw4cPY8WKFZgwYYLW7TMyMhAeHg53d3f8888/+Pbbb7Fnzx6MGjVKa78//vgDt2/fxp9//omFCxdixowZeOWVV+Du7o7Dhw9j+PDhGDZsGG6qFnN6yr179/Dbb79h5MiRcHJy0rmPwoBWTQ8ePED79u1Rv359HD16FLt27cKdO3fQs2dPAFIi2rt3b7z55pu4cOECoqOj8frrr0MIgZycHHTr1g1t2rTB6dOnERMTg7fffrvQ+9+3bx/i4uKwb98+rF+/HlFRUYiKilJfP2DAANy+fRvR0dH47rvvsGrVKty9e1fvx0MFEBYmNTVVABCpqalizRohpCa6QixcaOQ7Sk8XYtgwzR0AQlSsKMTu3Ua+IyIiMobHjx+L8+fPi8ePH+e/csYM7b/nBf00bZr/tk2b6nfbGTOKHPvAgQOFtbW1cHJyEnZ2dgKAsLKyEtu2bSv0di+//LIYN26c+nKbNm1Ey5YttfZp1KiRmDBhghBCiN27d4syZcqIW7duqa//9ddfBQDx/fffCyGEWLVqlXB3dxfp6enqfX755RdhZWUlEhMT1fFWrVpV5ObmqvcJCgoSrVq1Ul/OyckRTk5O4uuvv9YZ+99//y0AiO3bt2uNly9fXjg5OQknJyfx/vvvCyGEuHr1qgAgTpw4od4vJSVFABD79u0TQgjx4Ycfio4dO2od68aNGwKAiI2NFceOHRMAxLVr1/LFcu/ePQFAREdH64x1xowZIiQkRH1Z9fhzcnLUYz169BARERFCCCEuXLggAIh//vlHff3ly5cFALFo0SKd91EaFfY7lzdfMyaLnuObd6lio1Z8jx2TVmC7dEkz1rUrsGaN1L2BiIhKFxcX/VY4qlBB95g+t3VxMTyuPNq1a4fly5cjIyMDixYtQpkyZfDGG2+or8/NzcWcOXOwdetW3Lp1C9nZ2cjKyoLjU52E6j31jaS3t7e60njhwgX4+vqiUqVK6uubNWumtf+FCxcQEhKiVYVt0aIFlEolYmNj4eXlBQCoU6cOrKw0Xzx7eXmhbt266svW1tYoX768wVXOI0eOQKlUom/fvsjKytL7dqdOncK+fft0zsWNi4tDx44d0aFDBwQHByM8PBwdO3ZE9+7d4e7ujnLlymHQoEEIDw/Hiy++iLCwMPTs2RPe3t4F3l+dOnVgbW2tvuzt7Y0zZ84AAGJjY1GmTBk0yNPatHr16nB3d9f78ZBuFp34mqSjwx9/AOHhQE6OdNnREVi8WFqkothXxyAiIqMYO1b6KYq8CxSZkJOTE6pXrw4AWLt2LUJCQvDll1/irbfeAgDMnz8fS5YsweLFixEcHAwnJye8++67yM7O1jqOjY2N1mWFQgGlUmn0eHXdjyH3Xb16dSgUCsSqTtb5T0BAAADAwcFBPaZKsIUQ6rEnT3VYSk9PR5cuXXSeDOjt7Q1ra2v8/vvvOHToEH777TcsXboUU6ZMweHDh+Hv749169ZhzJgx2LVrF7Zs2YKpU6fi999/R9OmTfV+/KZ4nkmbxc7xFUKT+Pr6SssVG0WLFtKZcgAQGgqcOAEMHcqkl4iIio2VlRUmT56MqVOn4vHjxwCAgwcPomvXrujXrx9CQkIQEBCAS3m/mdRDrVq1cOPGDSQkJKjH/v7773z7nDp1Sn3Sl+q+raysEBQU9ByPSlv58uXx4osv4vPPP9e6L10q/FeJzxt33hPdAKBBgwY4d+4c/Pz8UL16da0fVfVaoVCgRYsWmDVrFk6cOAFbW1t8//336mPUr18fkyZNwqFDh1C3bl1s3ry5SI8tKCgIOTk5OHHihHrsypUrSElJKdLxSMNiE99//wXS0qRto/bvtbOTlhueMgU4dAgIDDTiwYmIiPTTo0cPWFtbY9myZQCAGjVqqCuWFy5cwLBhw3Dnzh2DjhkWFobAwEAMHDgQp06dwl9//YUpU6Zo7dO3b1/Y29tj4MCBOHv2LPbt24fRo0ejf//+6mkOxvLFF18gJycHDRs2xJYtW3DhwgXExsbiq6++wsWLF9VTCRwcHNC0aVN8/PHHuHDhAvbv34+pU6dqHWvkyJG4f/8+evfujX/++QdxcXHYvXs3Bg8ejNzcXBw+fBhz5szB0aNHcf36dWzfvh1JSUmoVasWrl69ikmTJiEmJgb//vsvfvvtN1y+fBm1itgntWbNmggLC8Pbb7+NI0eO4MSJE3j77bfh4OBg0Al7lJ/FJr7/TaMB8ByJb1qaVM09d057vE4dqWWZyfqjERERFa5MmTIYNWoU5s2bh4yMDEydOhUNGjRAeHg42rZti4oVK6Jbt24GHdPKygrff/89Hj9+jMaNG2PIkCGYPXu21j6Ojo7YvXs37t+/j0aNGqF79+7o0KEDPv/8cyM+Okm1atVw4sQJhIWFYdKkSQgJCUHDhg2xdOlSjB8/Hh9++KF637Vr1yInJwehoaF499138dFHH2kdq1KlSjh48CByc3PRsWNHBAcH491334WbmxusrKzg4uKCP//8E507d0ZgYCCmTp2KBQsW4KWXXoKjoyMuXryIN954A4GBgXj77bcxcuRIDBs2rMiPbcOGDfDy8kLr1q3x2muvYejQoXB2doa9vX2Rj0mAQuSd8GIB0tLS4OrqiokTU/Hxx9KJBN9+C3TvbuCBYmKAfv2A+HipNdmRI1K1l4iISqXMzExcvXoV/v7+TC6oxLl58yZ8fX2xZ88edOjQQe5wjKKw3zlVvpaamgqX5zzxMy+LPbnt9GnNtkEV35wcYPZs4MMPNU2Ar16VDtiokVFjJCIiIsv0xx9/ID09HcHBwUhISMD7778PPz8/tG7dWu7QSjWLTXzPnpX+dXICqlXT80bx8VKVNyZGM9a8OfDVV4C/v9FjJCIiIsv05MkTTJ48GfHx8XB2dkbz5s2xadOmfN0gyDAWm/hevy79W68eYPWsmc5CABs3AqNGAQ8fSmPW1sD06cDkyUAZi30aiYiIyATCw8MRHh4udxhmx+IztmcuXJGSAowYAWzZohkLCAA2bQIK6M1HRERERCWPxXZ1UHnm/N4LF6Sz31QGDZKWfGPSS0RklizsnG8i2cjxu2bxie8zK77Nm0s9ed3cgK1bgXXrAGfnYoiMiIiKk2ru5KNHj2SOhMgyqFYNzLt0s6lZbDszIBUKhQsePpROcFO7ehWoUkWaw6vy5Alw965+a60TEVGplZCQgAcPHsDT0xOOjo5cLIDIRJRKJW7fvg0bGxtUqVIl3+8a25mZQGBgnqRXCGDVKiAyEpgxA5gwQbOjjQ2TXiIiC1CxYkUAwN27d2WOhMj8WVlZ6Ux6TcmiE1/1/N6kJGDIEGDHDuny1KlAx45A/fqyxUZERMVPoVDA29sbnp6eePLkidzhEJk1W1tbWD2ztZZxWXTi+8ILAHbvlk5YS0zUXDFkCBAUJFNUREQkN2tr62Kdd0hExaNEnNy2bNky+Pn5wd7eHk2aNMGRI0cK3f/bb79FzZo1YW9vj+DgYOzcudPg+7RFJnodfhfo1EmT9Hp4SFXf5csBR8ciPBIiIiIiKqlkT3y3bNmCsWPHYsaMGTh+/DhCQkIQHh5e4PyqQ4cOoXfv3njrrbdw4sQJdOvWDd26dcNZ1VJseopGW/j/uEQz0KkTcOYM0KXL8zwcIiIiIiqhZO/q0KRJEzRq1Aiff/45AOksP19fX4wePRoTJ07Mt39ERAQyMjLw888/q8eaNm2KF154AStWrHjm/anPEgTgAgB2dsD8+dKqbDx7l4iIiEh2ZtnVITs7G8eOHcOkSZPUY1ZWVggLC0NMTIzO28TExGDs2LFaY+Hh4fjhhx907p+VlYWsrCz15dTUVABAGgDUrg18+aX0r2opYiIiIiKSVVpaGgDjL3Iha+KbnJyM3NxceHl5aY17eXnh4sWLOm+TmJioc//EvCen5TF37lzMmjUr37gvAJw/DzRrVqTYiYiIiMi07t2799/6C8Zh9l0dJk2apFUhfvDgAapWrYrr168b9YmkkiktLQ2+vr64ceOGUb8qoZKJr7dl4ettWfh6W5bU1FRUqVIF5cqVM+pxZU18PTw8YG1tjTt37miN37lzR91E/GkVK1Y0aH87OzvY2dnlG3d1deUvjgVxcXHh621B+HpbFr7eloWvt2Uxdp9fWbs62NraIjQ0FHv37lWPKZVK7N27F80KmILQrFkzrf0B4Pfffy9wfyIiIiIioARMdRg7diwGDhyIhg0bonHjxli8eDEyMjIwePBgAMCAAQPg4+ODuXPnAgDeeecdtGnTBgsWLMDLL7+Mb775BkePHsWqVavkfBhEREREVMLJnvhGREQgKSkJ06dPR2JiIl544QXs2rVLfQLb9evXtcrczZs3x+bNmzF16lRMnjwZNWrUwA8//IC6devqdX92dnaYMWOGzukPZH74elsWvt6Wha+3ZeHrbVlM9XrL3seXiIiIiKg4yL5yGxERERFRcWDiS0REREQWgYkvEREREVkEJr5EREREZBHMMvFdtmwZ/Pz8YG9vjyZNmuDIkSOF7v/tt9+iZs2asLe3R3BwMHbu3FlMkZIxGPJ6r169Gq1atYK7uzvc3d0RFhb2zPcHlSyG/n6rfPPNN1AoFOjWrZtpAySjMvT1fvDgAUaOHAlvb2/Y2dkhMDCQf9NLEUNf78WLFyMoKAgODg7w9fVFZGQkMjMziylaeh5//vknunTpgkqVKkGhUOCHH3545m2io6PRoEED2NnZoXr16oiKijL8joWZ+eabb4Stra1Yu3atOHfunBg6dKhwc3MTd+7c0bn/wYMHhbW1tZg3b544f/68mDp1qrCxsRFnzpwp5sipKAx9vfv06SOWLVsmTpw4IS5cuCAGDRokXF1dxc2bN4s5cioKQ19vlatXrwofHx/RqlUr0bVr1+IJlp6boa93VlaWaNiwoejcubM4cOCAuHr1qoiOjhYnT54s5sipKAx9vTdt2iTs7OzEpk2bxNWrV8Xu3buFt7e3iIyMLObIqSh27twppkyZIrZv3y4AiO+//77Q/ePj44Wjo6MYO3asOH/+vFi6dKmwtrYWu3btMuh+zS7xbdy4sRg5cqT6cm5urqhUqZKYO3euzv179uwpXn75Za2xJk2aiGHDhpk0TjIOQ1/vp+Xk5AhnZ2exfv16U4VIRlSU1zsnJ0c0b95crFmzRgwcOJCJbyli6Ou9fPlyERAQILKzs4srRDIiQ1/vkSNHivbt22uNjR07VrRo0cKkcZLx6ZP4vv/++6JOnTpaYxERESI8PNyg+zKrqQ7Z2dk4duwYwv7f3r0H1Zj/cQB/d8rpJCemJaez5Ra1xmXpwuYylm237KIValeTEFlJhmU1bhW/EksGw2KtsrZRGFYjitBuxe66dNlRTlJhR9nBjkRtl/P9/WE6s0dlnSNlO+/XzPPH8zzf7/f5fM9nzvQ5357nHDc3zTGJRAI3NzdcvHixyT4XL17Uag8A7u7uzbanN4c++X7e06dPUVtbC0tLy9cVJrUQffO9du1aWFlZISAgoDXCpBaiT76TkpLg6uqKBQsWoHv37hg4cCCioqJQX1/fWmGTnvTJ94gRI3DlyhXN7RDFxcU4efIkPv7441aJmVpXS9Vrbf7LbS3p/v37qK+v1/zqW4Pu3bvj+vXrTfYpLy9vsn15eflri5Nahj75ft7y5cuhVCobvZnozaNPvjMzM/Hdd98hJyenFSKklqRPvouLi3Hu3Dn4+vri5MmTKCoqQlBQEGpraxEWFtYaYZOe9Mn39OnTcf/+fYwaNQpCCNTV1eGLL77AihUrWiNkamXN1WsVFRWoqqqCmZnZS43TrlZ8iXQRHR2NhIQEHDt2DDKZrK3DoRb2+PFj+Pn54dtvv0XXrl3bOhxqBWq1GlZWVtizZw+cnJzg4+ODlStXYteuXW0dGr0G6enpiIqKws6dO3H16lUcPXoUycnJWLduXVuHRm+wdrXi27VrVxgbG+PevXtax+/duweFQtFkH4VCoVN7enPok+8GmzZtQnR0NNLS0jB48ODXGSa1EF3zffPmTZSWlmLixImaY2q1GgBgYmIClUoFOzu71xs06U2f97e1tTU6dOgAY2NjzbH+/fujvLwcNTU1kEqlrzVm0p8++V69ejX8/PwwZ84cAMCgQYPw5MkTBAYGYuXKlZBIuLbXnjRXr1lYWLz0ai/QzlZ8pVIpnJyccPbsWc0xtVqNs2fPwtXVtck+rq6uWu0B4MyZM822pzeHPvkGgI0bN2LdunVISUmBs7Nza4RKLUDXfL/zzjv4/fffkZOTo9kmTZqEsWPHIicnB7a2tq0ZPulIn/f3yJEjUVRUpPmAAwCFhYWwtrZm0fuG0yffT58+bVTcNnzoefa8FLUnLVav6fbc3ZsvISFBmJqairi4OJGfny8CAwNFly5dRHl5uRBCCD8/PxEaGqppn5WVJUxMTMSmTZtEQUGBCAsL49eZ/Yfomu/o6GghlUrFkSNHRFlZmWZ7/PhxW02BdKBrvp/Hb3X4b9E137dv3xZyuVwEBwcLlUolTpw4IaysrMT//ve/tpoC6UDXfIeFhQm5XC4OHjwoiouLxenTp4WdnZ3w9vZuqymQDh4/fiyys7NFdna2ACBiYmJEdna2uHXrlhBCiNDQUOHn56dp3/B1ZsuWLRMFBQVix44d/DqzBtu3bxc9evQQUqlUDBs2TPzyyy+ac2PGjBH+/v5a7Q8dOiTs7e2FVCoVAwYMEMnJya0cMb0KXfLds2dPAaDRFhYW1vqBk150fX//Ewvf/x5d833hwgUxfPhwYWpqKvr06SMiIyNFXV1dK0dN+tIl37W1tSI8PFzY2dkJmUwmbG1tRVBQkPjrr79aP3DS2fnz55v8e9yQY39/fzFmzJhGfYYMGSKkUqno06ePiI2N1fm6RkLw/wFERERE1P61q3t8iYiIiIiaw8KXiIiIiAwCC18iIiIiMggsfImIiIjIILDwJSIiIiKDwMKXiIiIiAwCC18iIiIiMggsfImIiIjIILDwJSICEBcXhy5durR1GHozMjLCjz/++MI2M2fOxKefftoq8RARvYlY+BJRuzFz5kwYGRk12oqKito6NMTFxWnikUgksLGxwaxZs/Dnn3+2yPhlZWUYP348AKC0tBRGRkbIycnRarN161bExcW1yPWaEx4erpmnsbExbG1tERgYiIcPH+o0Dot0InodTNo6ACKiluTh4YHY2FitY926dWujaLRZWFhApVJBrVYjNzcXs2bNwt27d5GamvrKYysUin9t07lz51e+zssYMGAA0tLSUF9fj4KCAsyePRuPHj1CYmJiq1yfiKg5XPElonbF1NQUCoVCazM2NkZMTAwGDRoEc3Nz2NraIigoCJWVlc2Ok5ubi7Fjx0Iul8PCwgJOTk64fPmy5nxmZiZGjx4NMzMz2NraIiQkBE+ePHlhbEZGRlAoFFAqlRg/fjxCQkKQlpaGqqoqqNVqrF27FjY2NjA1NcWQIUOQkpKi6VtTU4Pg4GBYW1tDJpOhZ8+eWL9+vdbYDbc69O7dGwAwdOhQGBkZ4f333wegvYq6Z88eKJVKqNVqrRg9PT0xe/Zszf7x48fh6OgImUyGPn36ICIiAnV1dS+cp4mJCRQKBd5++224ublh2rRpOHPmjOZ8fX09AgIC0Lt3b5iZmcHBwQFbt27VnA8PD8f+/ftx/Phxzepxeno6AODOnTvw9vZGly5dYGlpCU9PT5SWlr4wHiKiBix8icggSCQSbNu2DdeuXcP+/ftx7tw5fPXVV8229/X1hY2NDS5duoQrV64gNDQUHTp0AADcvHkTHh4emDJlCvLy8pCYmIjMzEwEBwfrFJOZmRnUajXq6uqwdetWbN68GZs2bUJeXh7c3d0xadIk3LhxAwCwbds2JCUl4dChQ1CpVIiPj0evXr2aHPe3334DAKSlpaGsrAxHjx5t1GbatGl48OABzp8/rzn28OFDpKSkwNfXFwCQkZGBGTNmYNGiRcjPz8fu3bsRFxeHyMjIl55jaWkpUlNTIZVKNcfUajVsbGxw+PBh5OfnY82aNVixYgUOHToEAFi6dCm8vb3h4eGBsrIylJWVYcSIEaitrYW7uzvkcjkyMjKQlZWFTp06wcPDAzU1NS8dExEZMEFE1E74+/sLY2NjYW5urtmmTp3aZNvDhw+Lt956S7MfGxsrOnfurNmXy+UiLi6uyb4BAQEiMDBQ61hGRoaQSCSiqqqqyT7Pj19YWCjs7e2Fs7OzEEIIpVIpIiMjtfq4uLiIoKAgIYQQCxcuFOPGjRNqtbrJ8QGIY8eOCSGEKCkpEQBEdna2Vht/f3/h6emp2ff09BSzZ8/W7O/evVsolUpRX18vhBDigw8+EFFRUVpjHDhwQFhbWzcZgxBChIWFCYlEIszNzYVMJhMABAARExPTbB8hhFiwYIGYMmVKs7E2XNvBwUHrNfj777+FmZmZSE1NfeH4RERCCMF7fImoXRk7diy++eYbzb65uTmAZ6uf69evx/Xr11FRUYG6ujpUV1fj6dOn6NixY6NxlixZgjlz5uDAgQOaf9fb2dkBeHYbRF5eHuLj4zXthRBQq9UoKSlB//79m4zt0aNH6NSpE9RqNaqrqzFq1Cjs3bsXFRUVuHv3LkaOHKnVfuTIkcjNzQXw7DaFDz/8EA4ODvDw8MCECRPw0UcfvdJr5evri7lz52Lnzp0wNTVFfHw8PvvsM0gkEs08s7KytFZ46+vrX/i6AYCDgwOSkpJQXV2NH374ATk5OVi4cKFWmx07dmDfvn24ffs2qqqqUFNTgyFDhrww3tzcXBQVFUEul2sdr66uxs2bN/V4BYjI0LDwJaJ2xdzcHH379tU6VlpaigkTJmD+/PmIjIyEpaUlMjMzERAQgJqamiYLuPDwcEyfPh3Jyck4deoUwsLCkJCQgMmTJ6OyshLz5s1DSEhIo349evRoNja5XI6rV69CIpHA2toaZmZmAICKiop/nZejoyNKSkpw6tQppKWlwdvbG25ubjhy5Mi/9m3OxIkTIYRAcnIyXFxckJGRgS1btmjOV1ZWIiIiAl5eXo36ymSyZseVSqWaHERHR+OTTz5BREQE1q1bBwBISEjA0qVLsXnzZri6ukIul+Prr7/Gr7/++sJ4Kysr4eTkpPWBo8Gb8gAjEb3ZWPgSUbt35coVqNVqbN68WbOa2XA/6YvY29vD3t4eixcvxueff47Y2FhMnjwZjo6OyM/Pb1Rg/xuJRNJkHwsLCyiVSmRlZWHMmDGa41lZWRg2bJhWOx8fH/j4+GDq1Knw8PDAw4cPYWlpqTVew/209fX1L4xHJpPBy8sL8fHxKCoqgoODAxwdHTXnHR0doVKpdJ7n81atWoVx48Zh/vz5mnmOGDECQUFBmjbPr9hKpdJG8Ts6OiIxMRFWVlawsLB4pZiIyDDx4TYiavf69u2L2tpabN++HcXFxThw4AB27drVbPuqqioEBwcjPT0dt27dQlZWFi5duqS5hWH58uW4cOECgoODkZOTgxs3buD48eM6P9z2T8uWLcOGDRuQmJgIlUqF0NBQ5OTkYNGiRQCAmJgYHDx4ENevX0dhYSEOHz4MhULR5I9uWFlZwczMDCkpKbh37x4ePXrU7HV9fX2RnJyMffv2aR5qa7BmzRp8//33iIiIwLVr11BQUICEhASsWrVKp7m5urpi8ODBiIqKAgD069cPly9fRmpqKgoLC7F69WpcunRJq0+vXr2Ql5cHlUqF+/fvo7a2Fr6+vujatSs8PT2RkZGBkpISpKenIyQkBH/88YdOMRGRYWLhS0Tt3rvvvouYmBhs2LABAwcORHx8vNZXgT3P2NgYDx48wIwZM2Bvbw9vb2+MHz8eERERAIDBgwfjp59+QmFhIUaPHo2hQ4dizZo1UCqVescYEhKCJUuW4Msvv8SgQYOQkpKCpKQk9OvXD8Cz2yQ2btwIZ2dnuLi4oLS0FCdPntSsYP+TiYkJtm3bht27d0OpVMLT07PZ644bNw6WlpZQqVSYPn261jl3d3ecOHECp0+fhouLC9577z1s2bIFPXv21Hl+ixcvxt69e3Hnzh3MmzcPXl5e8PHxwfDhw/HgwQOt1V8AmDt3LhwcHODs7Ixu3bohKysLHTt2xM8//4wePXrAy8sL/fv3R0BAAKqrq7kCTEQvxUgIIdo6CCIiIiKi140rvkRERERkEFj4EhEREZFBYOFLRERERAaBhS8RERERGQQWvkRERERkEFj4EhEREZFBYOFLRERERAaBhS8RERERGQQWvkRERERkEFj4EhEREZFBYOFLRERERAbh//ya922Y/aAuAAAAAElFTkSuQmCC", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "plot_roc_curve(y_test, y_pred)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### AdaBoost Classifier" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "#### Normalized data" + ] + }, + { + "cell_type": "code", + "execution_count": 54, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Time taken for GridSearchCV: 69.67 seconds\n", + "Best Hyperparameters:\n", + "{'learning_rate': 1.0, 'n_estimators': 50}\n", + "\n", + "Time taken for training with best hyperparameters: 1.45 seconds\n", + "\n", + "Mean Accuracy: 0.8725518672199171\n", + "Standard Deviation of Accuracy: 0.01505564468446939\n", + "Mean Precision: 0.8250753635467897\n", + "Standard Deviation of Precision: 0.034854579117856006\n", + "Mean Recall: 0.7993682045254188\n", + "Standard Deviation of Recall: 0.03559043605914592\n", + "Mean F1-score: 0.8110587433534212\n", + "Standard Deviation of F1-score: 0.02163467149022446\n", + "Mean ROC AUC: 0.8550436926843814\n", + "Standard Deviation of ROC AUC: 0.01703657894997193\n", + "\n", + "Total time taken: 71.13 seconds\n" + ] + } + ], + "source": [ + "from sklearn.model_selection import StratifiedKFold, GridSearchCV\n", + "from sklearn.metrics import accuracy_score, precision_score, recall_score, f1_score, roc_auc_score, confusion_matrix\n", + "from sklearn.ensemble import AdaBoostClassifier\n", + "import numpy as np\n", + "import time\n", + "\n", + "start_total_time = time.time()\n", + "\n", + "kf = StratifiedKFold(n_splits=10, shuffle=True, random_state=42)\n", + "\n", + "model = AdaBoostClassifier(random_state=42)\n", + "\n", + "param_grid = {\n", + " 'n_estimators': [50, 100, 200, 300],\n", + " 'learning_rate': [0.001, 0.01, 0.1, 1.0],\n", + "}\n", + "\n", + "grid_search = GridSearchCV(estimator=model, param_grid=param_grid, cv=kf, scoring='accuracy')\n", + "\n", + "start_time = time.time()\n", + "\n", + "grid_search.fit(standard(x), y)\n", + "\n", + "grid_search_time = time.time() - start_time\n", + "print(f\"Time taken for GridSearchCV: {grid_search_time:.2f} seconds\")\n", + "\n", + "best_params = grid_search.best_params_\n", + "\n", + "print(\"Best Hyperparameters:\")\n", + "print(best_params)\n", + "\n", + "print()\n", + "\n", + "best_model = grid_search.best_estimator_\n", + "\n", + "start_time = time.time()\n", + "\n", + "accuracy_scores = []\n", + "precision_scores = []\n", + "recall_scores = []\n", + "f1_scores = []\n", + "roc_auc_scores = []\n", + "confusion_matrices = []\n", + "\n", + "for train_index, test_index in kf.split(normal(x), y):\n", + " X_train, X_test = x.iloc[train_index], x.iloc[test_index]\n", + " y_train, y_test = y.iloc[train_index], y.iloc[test_index]\n", + "\n", + " best_model.fit(X_train, y_train)\n", + "\n", + " y_pred = best_model.predict(X_test)\n", + "\n", + " accuracy = accuracy_score(y_test, y_pred)\n", + " accuracy_scores.append(accuracy)\n", + " \n", + " precision = precision_score(y_test, y_pred)\n", + " precision_scores.append(precision)\n", + " \n", + " recall = recall_score(y_test, y_pred)\n", + " recall_scores.append(recall)\n", + " \n", + " f1 = f1_score(y_test, y_pred)\n", + " f1_scores.append(f1)\n", + " \n", + " roc_auc = roc_auc_score(y_test, y_pred)\n", + " roc_auc_scores.append(roc_auc)\n", + " \n", + " confusion = confusion_matrix(y_test, y_pred)\n", + " confusion_matrices.append(confusion)\n", + "\n", + "training_time = time.time() - start_time\n", + "print(f\"Time taken for training with best hyperparameters: {training_time:.2f} seconds\")\n", + "\n", + "print()\n", + "\n", + "mean_accuracy = np.mean(accuracy_scores)\n", + "std_accuracy = np.std(accuracy_scores)\n", + "\n", + "mean_precision = np.mean(precision_scores)\n", + "std_precision = np.std(precision_scores)\n", + "\n", + "mean_recall = np.mean(recall_scores)\n", + "std_recall = np.std(recall_scores)\n", + "\n", + "mean_f1 = np.mean(f1_scores)\n", + "std_f1 = np.std(f1_scores)\n", + "\n", + "mean_roc_auc = np.mean(roc_auc_scores)\n", + "std_roc_auc = np.std(roc_auc_scores)\n", + "\n", + "print(f\"Mean Accuracy: {mean_accuracy}\")\n", + "print(f\"Standard Deviation of Accuracy: {std_accuracy}\")\n", + "\n", + "print(f\"Mean Precision: {mean_precision}\")\n", + "print(f\"Standard Deviation of Precision: {std_precision}\")\n", + "\n", + "print(f\"Mean Recall: {mean_recall}\")\n", + "print(f\"Standard Deviation of Recall: {std_recall}\")\n", + "\n", + "print(f\"Mean F1-score: {mean_f1}\")\n", + "print(f\"Standard Deviation of F1-score: {std_f1}\")\n", + "\n", + "print(f\"Mean ROC AUC: {mean_roc_auc}\")\n", + "print(f\"Standard Deviation of ROC AUC: {std_roc_auc}\")\n", + "\n", + "print()\n", + "\n", + "total_time = time.time() - start_total_time\n", + "print(f\"Total time taken: {total_time:.2f} seconds\")" + ] + }, + { + "cell_type": "code", + "execution_count": 55, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "x_train: (1800, 13)\n", + "y_train: (1800,)\n", + "x_test: (601, 13)\n", + "y_test: (601,)\n" + ] + } + ], + "source": [ + "from sklearn.model_selection import train_test_split\n", + "\n", + "x_train, x_test, y_train, y_test = train_test_split(x,y,test_size=0.25,random_state=42)\n", + "\n", + "print(\"x_train:\",x_train.shape)\n", + "print(\"y_train:\",y_train.shape)\n", + "print(\"x_test:\",x_test.shape)\n", + "print(\"y_test:\",y_test.shape)" + ] + }, + { + "cell_type": "code", + "execution_count": 56, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Accuracy: 0.8618968386023295\n", + "Precision: 0.8134715025906736\n", + "Recall: 0.7696078431372549\n", + "F1 Score: 0.7909319899244333\n", + "ROC AUC Score: 0.8394638711907938\n", + "Confusion Matrix:\n", + "[[361 36]\n", + " [ 47 157]]\n" + ] + } + ], + "source": [ + "model = grid_search.best_estimator_\n", + "\n", + "model.fit(x_train, y_train)\n", + "\n", + "y_pred = model.predict(x_test)\n", + "\n", + "y_pred = (y_pred >= 0.5).astype(int)\n", + "\n", + "print(\"Accuracy:\", accuracy_score(y_test, y_pred))\n", + "print(\"Precision:\", precision_score(y_test, y_pred))\n", + "print(\"Recall:\", recall_score(y_test, y_pred))\n", + "print(\"F1 Score:\", f1_score(y_test, y_pred))\n", + "print(\"ROC AUC Score:\", roc_auc_score(y_test, y_pred))\n", + "print(\"Confusion Matrix:\")\n", + "print(confusion_matrix(y_test, y_pred))" + ] + }, + { + "cell_type": "code", + "execution_count": 57, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAokAAAIjCAYAAABvUIGpAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8pXeV/AAAACXBIWXMAAA9hAAAPYQGoP6dpAABHS0lEQVR4nO3deXiM9/7/8dckZCSRRZCtiD2k1qqmqf1YYqly6FGlFWo5bUNbQTU9pZa26dFFq4quqNK9KK1qULRHaquQ2ipoURJKJRUSkdy/P/oz347bkiFjEvN8nOu+LnPfn7nnPXOqfV+vz2c+YzEMwxAAAADwNx6uLgAAAAAlD00iAAAATGgSAQAAYEKTCAAAABOaRAAAAJjQJAIAAMCEJhEAAAAmNIkAAAAwoUkEAACACU0igMvas2ePOnXqpICAAFksFi1atKhY7//LL7/IYrFozpw5xXrf0qxt27Zq27atq8sA4OZoEoFSYO/evfr3v/+tmjVrqly5cvL391eLFi306quv6syZM0597bi4OKWlpenZZ5/VvHnzdOuttzr19a6ngQMHymKxyN/f/6Kf4549e2SxWGSxWPTiiy86fP/Dhw9rwoQJSk1NLYZqAeD6KuPqAgBc3pdffql//etfslqtGjBggBo0aKCzZ8/q+++/15gxY7R9+3a9+eabTnntM2fOKCUlRf/5z380fPhwp7xGRESEzpw5o7Jlyzrl/ldSpkwZnT59WkuWLFGfPn3srs2fP1/lypVTbm7uVd378OHDmjhxoqpXr64mTZoU+XnffPPNVb0eABQnmkSgBNu/f7/69u2riIgIrVq1SmFhYbZr8fHxSk9P15dffum01z927JgkKTAw0GmvYbFYVK5cOafd/0qsVqtatGihDz74wNQkLliwQN26ddNnn312XWo5ffq0fHx85OXldV1eDwAuh+lmoASbMmWKTp06pXfeeceuQTyvdu3aevTRR22Pz507p8mTJ6tWrVqyWq2qXr26nnzySeXl5dk9r3r16rrzzjv1/fff67bbblO5cuVUs2ZNvffee7YxEyZMUEREhCRpzJgxslgsql69uqS/pmnP//nvJkyYIIvFYncuOTlZLVu2VGBgoMqXL6/IyEg9+eSTtuuXWpO4atUqtWrVSr6+vgoMDFSPHj20c+fOi75eenq6Bg4cqMDAQAUEBGjQoEE6ffr0pT/YC/Tr10/Lli3TyZMnbec2btyoPXv2qF+/fqbxJ06c0OjRo9WwYUOVL19e/v7+6tKli7Zu3Wobs3r1ajVv3lySNGjQINu09fn32bZtWzVo0ECbN29W69at5ePjY/tcLlyTGBcXp3Llypnef2xsrCpUqKDDhw8X+b0CQFHRJAIl2JIlS1SzZk3dcccdRRo/ZMgQjR8/XrfccoumTp2qNm3aKCkpSX379jWNTU9P1913362OHTvqpZdeUoUKFTRw4EBt375dktSrVy9NnTpVknTvvfdq3rx5euWVVxyqf/v27brzzjuVl5enSZMm6aWXXtJdd92l//3vf5d93ooVKxQbG6ujR49qwoQJSkhI0Lp169SiRQv98ssvpvF9+vTRn3/+qaSkJPXp00dz5szRxIkTi1xnr169ZLFY9Pnnn9vOLViwQPXq1dMtt9xiGr9v3z4tWrRId955p15++WWNGTNGaWlpatOmja1hq1+/viZNmiRJGjZsmObNm6d58+apdevWtvscP35cXbp0UZMmTfTKK6+oXbt2F63v1VdfVeXKlRUXF6eCggJJ0htvvKFvvvlGr732msLDw4v8XgGgyAwAJVJWVpYhyejRo0eRxqemphqSjCFDhtidHz16tCHJWLVqle1cRESEIclYu3at7dzRo0cNq9VqjBo1ynZu//79hiTjhRdesLtnXFycERERYarh6aefNv7+r5WpU6cakoxjx45dsu7zrzF79mzbuSZNmhjBwcHG8ePHbee2bt1qeHh4GAMGDDC93gMPPGB3z3/+859GxYoVL/maf38fvr6+hmEYxt133220b9/eMAzDKCgoMEJDQ42JEyde9DPIzc01CgoKTO/DarUakyZNsp3buHGj6b2d16ZNG0OSMWvWrItea9Omjd255cuXG5KMZ555xti3b59Rvnx5o2fPnld8jwBwtUgSgRIqOztbkuTn51ek8V999ZUkKSEhwe78qFGjJMm0djEqKkqtWrWyPa5cubIiIyO1b9++q675QufXMi5evFiFhYVFes6RI0eUmpqqgQMHKigoyHa+UaNG6tixo+19/t2DDz5o97hVq1Y6fvy47TMsin79+mn16tXKyMjQqlWrlJGRcdGpZumvdYweHn/967OgoEDHjx+3TaX/+OOPRX5Nq9WqQYMGFWlsp06d9O9//1uTJk1Sr169VK5cOb3xxhtFfi0AcBRNIlBC+fv7S5L+/PPPIo3/9ddf5eHhodq1a9udDw0NVWBgoH799Ve789WqVTPdo0KFCvrjjz+usmKze+65Ry1atNCQIUMUEhKivn376uOPP75sw3i+zsjISNO1+vXr6/fff1dOTo7d+QvfS4UKFSTJoffStWtX+fn56aOPPtL8+fPVvHlz02d5XmFhoaZOnao6derIarWqUqVKqly5srZt26asrKwiv+ZNN93k0JdUXnzxRQUFBSk1NVXTpk1TcHBwkZ8LAI6iSQRKKH9/f4WHh+unn35y6HkXfnHkUjw9PS963jCMq36N8+vlzvP29tbatWu1YsUK3X///dq2bZvuuecedezY0TT2WlzLeznParWqV69emjt3rhYuXHjJFFGSnnvuOSUkJKh169Z6//33tXz5ciUnJ+vmm28ucmIq/fX5OGLLli06evSoJCktLc2h5wKAo2gSgRLszjvv1N69e5WSknLFsRERESosLNSePXvszmdmZurkyZO2byoXhwoVKth9E/i8C9NKSfLw8FD79u318ssva8eOHXr22We1atUqffvttxe99/k6d+/ebbq2a9cuVapUSb6+vtf2Bi6hX79+2rJli/7888+LftnnvE8//VTt2rXTO++8o759+6pTp07q0KGD6TMpasNeFDk5ORo0aJCioqI0bNgwTZkyRRs3biy2+wPAhWgSgRLs8ccfl6+vr4YMGaLMzEzT9b179+rVV1+V9Nd0qSTTN5BffvllSVK3bt2Kra5atWopKytL27Zts507cuSIFi5caDfuxIkTpuee31T6wm15zgsLC1OTJk00d+5cu6brp59+0jfffGN7n87Qrl07TZ48WdOnT1doaOglx3l6eppSyk8++US//fab3bnzzezFGmpHjR07VgcOHNDcuXP18ssvq3r16oqLi7vk5wgA14rNtIESrFatWlqwYIHuuece1a9f3+4XV9atW6dPPvlEAwcOlCQ1btxYcXFxevPNN3Xy5Em1adNGGzZs0Ny5c9WzZ89Lbq9yNfr27auxY8fqn//8px555BGdPn1aM2fOVN26de2+uDFp0iStXbtW3bp1U0REhI4ePaoZM2aoSpUqatmy5SXv/8ILL6hLly6KiYnR4MGDdebMGb322msKCAjQhAkTiu19XMjDw0NPPfXUFcfdeeedmjRpkgYNGqQ77rhDaWlpmj9/vmrWrGk3rlatWgoMDNSsWbPk5+cnX19fRUdHq0aNGg7VtWrVKs2YMUNPP/20bUue2bNnq23btho3bpymTJni0P0AoEhc/O1qAEXw888/G0OHDjWqV69ueHl5GX5+fkaLFi2M1157zcjNzbWNy8/PNyZOnGjUqFHDKFu2rFG1alUjMTHRboxh/LUFTrdu3Uyvc+HWK5faAscwDOObb74xGjRoYHh5eRmRkZHG+++/b9oCZ+XKlUaPHj2M8PBww8vLywgPDzfuvfde4+effza9xoXbxKxYscJo0aKF4e3tbfj7+xvdu3c3duzYYTfm/OtduMXO7NmzDUnG/v37L/mZGob9FjiXcqktcEaNGmWEhYUZ3t7eRosWLYyUlJSLbl2zePFiIyoqyihTpozd+2zTpo1x8803X/Q1/36f7OxsIyIiwrjllluM/Px8u3EjR440PDw8jJSUlMu+BwC4GhbDcGBlNwAAANwCaxIBAABgQpMIAAAAE5pEAAAAmNAkAgAAwIQmEQAAACY0iQAAADChSQQAAIDJDfmLK95Nh7u6BABO8sfG6a4uAYCTlHNhV+LM3uHMltL57y2SRAAAAJjckEkiAACAQyzkZheiSQQAALBYXF1BiUPbDAAAABOSRAAAAKabTfhEAAAAYEKSCAAAwJpEE5JEAAAAmJAkAgAAsCbRhE8EAAAAJjSJAAAAFovzDgfMnDlTjRo1kr+/v/z9/RUTE6Nly5bZrrdt21YWi8XuePDBB+3uceDAAXXr1k0+Pj4KDg7WmDFjdO7cOYc/EqabAQAASsh0c5UqVfT888+rTp06MgxDc+fOVY8ePbRlyxbdfPPNkqShQ4dq0qRJtuf4+PjY/lxQUKBu3bopNDRU69at05EjRzRgwACVLVtWzz33nEO10CQCAACUEN27d7d7/Oyzz2rmzJn64YcfbE2ij4+PQkNDL/r8b775Rjt27NCKFSsUEhKiJk2aaPLkyRo7dqwmTJggLy+vItdSMtpmAAAAV3LidHNeXp6ys7Ptjry8vCuWVFBQoA8//FA5OTmKiYmxnZ8/f74qVaqkBg0aKDExUadPn7ZdS0lJUcOGDRUSEmI7Fxsbq+zsbG3fvt2hj4QmEQAAwImSkpIUEBBgdyQlJV1yfFpamsqXLy+r1aoHH3xQCxcuVFRUlCSpX79+ev/99/Xtt98qMTFR8+bN03333Wd7bkZGhl2DKMn2OCMjw6G6mW4GAABw4prExMREJSQk2J2zWq2XHB8ZGanU1FRlZWXp008/VVxcnNasWaOoqCgNGzbMNq5hw4YKCwtT+/bttXfvXtWqVatY66ZJBAAAcCKr1XrZpvBCXl5eql27tiSpWbNm2rhxo1599VW98cYbprHR0dGSpPT0dNWqVUuhoaHasGGD3ZjMzExJuuQ6xkthuhkAAKCEbIFzMYWFhZdcw5iamipJCgsLkyTFxMQoLS1NR48etY1JTk6Wv7+/bcq6qEgSAQAASojExER16dJF1apV059//qkFCxZo9erVWr58ufbu3asFCxaoa9euqlixorZt26aRI0eqdevWatSokSSpU6dOioqK0v33368pU6YoIyNDTz31lOLj4x1KMyWaRAAAgBKzT+LRo0c1YMAAHTlyRAEBAWrUqJGWL1+ujh076uDBg1qxYoVeeeUV5eTkqGrVqurdu7eeeuop2/M9PT21dOlSPfTQQ4qJiZGvr6/i4uLs9lUsKothGEZxvrmSwLvpcFeXAMBJ/tg43dUlAHCSci6MrrxbjXfavc9853iDVhKUjLYZAAAAJQrTzQAAACVkurkk4RMBAACACUkiAAAASaIJnwgAAABMSBIBAAA8rn3T6xsNSSIAAABMSBIBAABYk2hCkwgAAFAMv7F8o6FtBgAAgAlJIgAAANPNJnwiAAAAMCFJBAAAYE2iCUkiAAAATEgSAQAAWJNowicCAAAAE5JEAAAA1iSa0CQCAAAw3WzCJwIAAAATkkQAAACmm01IEgEAAGBCkggAAMCaRBM+EQAAAJiQJAIAALAm0YQkEQAAACYkiQAAAKxJNKFJBAAAoEk04RMBAACACUkiAAAAX1wxIUkEAACACUkiAAAAaxJN+EQAAABgQpIIAADAmkQTkkQAAACYkCQCAACwJtGEJhEAAIDpZhPaZgAAAJiQJAIAALdnIUk0IUkEAACACUkiAABweySJZiSJAAAAMCFJBAAAIEg0IUkEAACACUkiAABwe6xJNKNJBAAAbo8m0YzpZgAAAJiQJAIAALdHkmhGkggAAAATkkQAAOD2SBLNSBIBAABgQpIIAABAkGhCkggAAAATkkQAAOD2WJNoRpIIAAAAE5JEAADg9kgSzWgSAQCA26NJNGO6GQAAACYkiQAAwO2RJJqRJAIAAMCEJBEAAIAg0YQkEQAAACY0iQAAwO1ZLBanHY6YOXOmGjVqJH9/f/n7+ysmJkbLli2zXc/NzVV8fLwqVqyo8uXLq3fv3srMzLS7x4EDB9StWzf5+PgoODhYY8aM0blz5xz+TGgSAQAASogqVaro+eef1+bNm7Vp0yb94x//UI8ePbR9+3ZJ0siRI7VkyRJ98sknWrNmjQ4fPqxevXrZnl9QUKBu3brp7NmzWrdunebOnas5c+Zo/PjxDtdiMQzDKLZ3VkJ4Nx3u6hIAOMkfG6e7ugQATlLOhd+UqDzoI6fd+9CsnsrLy7M7Z7VaZbVai/T8oKAgvfDCC7r77rtVuXJlLViwQHfffbckadeuXapfv75SUlJ0++23a9myZbrzzjt1+PBhhYSESJJmzZqlsWPH6tixY/Ly8ipy3SSJAADA7TlzujkpKUkBAQF2R1JS0hVrKigo0IcffqicnBzFxMRo8+bNys/PV4cOHWxj6tWrp2rVqiklJUWSlJKSooYNG9oaREmKjY1Vdna2LY0sKr7dDAAA4ESJiYlKSEiwO3e5FDEtLU0xMTHKzc1V+fLltXDhQkVFRSk1NVVeXl4KDAy0Gx8SEqKMjAxJUkZGhl2DeP76+WuOoEkEAABw4hY4jkwtS1JkZKRSU1OVlZWlTz/9VHFxcVqzZo3zCrwEmkQAAIASxMvLS7Vr15YkNWvWTBs3btSrr76qe+65R2fPntXJkyft0sTMzEyFhoZKkkJDQ7Vhwwa7+53/9vP5MUXFmkQAAOD2SsoWOBdTWFiovLw8NWvWTGXLltXKlStt13bv3q0DBw4oJiZGkhQTE6O0tDQdPXrUNiY5OVn+/v6Kiopy6HVJEgEAAEqIxMREdenSRdWqVdOff/6pBQsWaPXq1Vq+fLkCAgI0ePBgJSQkKCgoSP7+/hoxYoRiYmJ0++23S5I6deqkqKgo3X///ZoyZYoyMjL01FNPKT4+3qEpb4kmEQAAoFgSv+Jw9OhRDRgwQEeOHFFAQIAaNWqk5cuXq2PHjpKkqVOnysPDQ71791ZeXp5iY2M1Y8YM2/M9PT21dOlSPfTQQ4qJiZGvr6/i4uI0adIkh2thn0QApQr7JAI3Llfukxg69FOn3Tvjrbuddm9nIkkEAABur6QkiSUJTSIAAHB7NIlmfLsZAAAAJiSJAAAABIkmJIkAAAAwIUkEAABujzWJZiSJAAAAMCFJBAAAbo8k0YwkEQAAACYkiQAAwO2RJJrRJAIAANAjmjDdDAAAABOSRAAA4PaYbjYjSQQAAIAJSSIAAHB7JIlmJIkAAAAwIUlEiTP0Xy019O5WiggPkiTt3Jeh595cpm/+t8M2JrpRDU2Iv1PNG1ZXQUGhtv38m7o//Lpy8/IlSY8PjlWXVjerUd0qOnvunMJaP+6S9wLgyj7+cIE+/ugDHf7tN0lSrdp19O+HHlbLVm1sY7ambtFrr05VWto2eXp4KLJefc188x2VK1fOVWXjBkOSaEaTiBLnt8yTGvfaYqUfOCaLLLqve7Q+mTpMt/d9Xjv3ZSi6UQ0tnv6wXpz9jRL++4nOFRSqUd2bVFho2O7hVdZTnydv0fpt+xXXM8aF7wbAlQSHhOrRkaNVLSJChmFoyeJFenR4vD76bKFq166jralb9PC/h+iBIf/WE/8ZpzKentq9e5c8PJgMA5yJJhElzldrf7J7POH1JRr6r5a6rVEN7dyXoSmjemnGh6v14uxk25g9vx61e84zs76SJN3XPdr5BQO4Jm3b/cPu8YhHR+rjDz/Qtq2pql27jl74b5Lu7X+/Bg8dZhtTvUbN610mbnAkiWYubRJ///13vfvuu0pJSVFGRoYkKTQ0VHfccYcGDhyoypUru7I8lAAeHhb17niLfL29tH7bflWuUF63NaqhD5dt0rdzElSjSiX9/EumJkxfonWp+1xdLoBrVFBQoG+Wf60zZ06rceOmOn78uNK2bVXXO7trQP++OnjwgGrUqKnhjzymW5rd6upycSOhRzRxWZO4ceNGxcbGysfHRx06dFDdunUlSZmZmZo2bZqef/55LV++XLfeevl/CeTl5SkvL8/unFFYIIuHp9Nqh/PdXDtcq+eOUjmvMjp1Jk/3jHpLu/Zl6LaG1SVJ//l3VyVOXahtuw+p/5236as3RqjZv57T3gPHXFs4gKuy5+fdur9fX509mycfHx9Nnfa6atWurW1bUyVJs16froQxjyuyXn0tXbxIwwYP1GeLlyoiorpL6wZuZC5rEkeMGKF//etfmjVrliniNQxDDz74oEaMGKGUlJTL3icpKUkTJ060O+cZ0lxlw24r9ppx/fz8S6ai+yYpoLy3/tmhqd6adL86DXlVHh5//bPyzmffa94XP0iStu4+pLa3RSquR4zGv/aFK8sGcJWqV6+hjz9bpFOn/lTyN8s17smxemfO+yosLJQk3d3nHvX8Z29JUv36UVq/PkWLPv9Mj44c5cqycQNhutnMZat+t27dqpEjR170/xSLxaKRI0cqNTX1ivdJTExUVlaW3VEmpJkTKsb1lH+uQPsO/q4tOw9q/GtfKO3n3xR/b1sdOZYt6a9vPP/d7v0ZqhpawRWlAigGZb28VC0iQlE3N9CjI0epbmQ9zX//PVX6/8uOataqZTe+Rs1ayjhy2BWlAm7DZU1iaGioNmzYcMnrGzZsUEhIyBXvY7Va5e/vb3cw1Xzj8bBYZPUqo18PH9fhoydVt3qw3fXaEcE6cOSEi6oDUNwKCwuVf/asbrqpiioHB+uX/fvtrv/6yy8KC7/JRdXhRmSxWJx2lFYum24ePXq0hg0bps2bN6t9+/a2hjAzM1MrV67UW2+9pRdffNFV5cGFJo24S8v/t10Hj/whP99yuqfLrWp9ax11f3iGJGnq3BV66sFuSvv5N23dfUj3dY9WZPUQ9Rvzju0eVUMrqIK/j6qGVZCnh4ca1f3rPyZ7Dx5TzpmzLnlfAC7u1akvqWWr1goNC9PpnBx99eVSbdq4QTPffEcWi0UDBw3WzNdfU2RkPUXWq68vFi/UL/v36aWp01xdOnBDc1mTGB8fr0qVKmnq1KmaMWOGCgoKJEmenp5q1qyZ5syZoz59+riqPLhQ5aDyemfyAIVW8lfWqVz9tOc3dX94hlat3yVJmr5gtcpZy2rKqN6qEOCjtJ9/050PTdf+Q7/b7jHuoW66/67bbY/Xf5QoSeo05FV9t3nP9X1DAC7rxInjeipxrI4dO6ryfn6qWzdSM998RzF3tJAk3TdgoPLyzuqFKUnKyspSZGQ9zXrrXVWtVs3FleNGUooDP6exGIZhXHmYc+Xn5+v33//6D3ylSpVUtmzZa7qfd9PhxVEWgBLoj43TXV0CACcp58KN+WqPXua0e6e/2MVp93amErGZdtmyZRUWFubqMgAAgJsqzWsHnaVENIkAAACuRI9oxg9fAgAAwIQkEQAAuD2mm81IEgEAAGBCkggAANweQaIZSSIAAABMSBIBAIDb8/AgSrwQSSIAAABMSBIBAIDbY02iGU0iAABwe2yBY8Z0MwAAAExIEgEAgNsjSDQjSQQAAIAJSSIAAHB7rEk0I0kEAACACUkiAABweySJZiSJAAAAMCFJBAAAbo8g0YwmEQAAuD2mm82YbgYAAIAJSSIAAHB7BIlmJIkAAAAwIUkEAABujzWJZiSJAAAAMCFJBAAAbo8g0YwkEQAAACYkiQAAwO2xJtGMJBEAAAAmJIkAAMDtESSa0SQCAAC3x3SzGdPNAAAAMCFJBAAAbo8g0YwkEQAAoIRISkpS8+bN5efnp+DgYPXs2VO7d++2G9O2bVtZLBa748EHH7Qbc+DAAXXr1k0+Pj4KDg7WmDFjdO7cOYdqIUkEAABur6SsSVyzZo3i4+PVvHlznTt3Tk8++aQ6deqkHTt2yNfX1zZu6NChmjRpku2xj4+P7c8FBQXq1q2bQkNDtW7dOh05ckQDBgxQ2bJl9dxzzxW5FppEAACAEuLrr7+2ezxnzhwFBwdr8+bNat26te28j4+PQkNDL3qPb775Rjt27NCKFSsUEhKiJk2aaPLkyRo7dqwmTJggLy+vItXCdDMAAHB7Fovzjry8PGVnZ9sdeXl5RaorKytLkhQUFGR3fv78+apUqZIaNGigxMREnT592nYtJSVFDRs2VEhIiO1cbGyssrOztX379iJ/JjSJAAAATpSUlKSAgAC7Iykp6YrPKyws1GOPPaYWLVqoQYMGtvP9+vXT+++/r2+//VaJiYmaN2+e7rvvPtv1jIwMuwZRku1xRkZGketmuhkAALg9Z65JTExMVEJCgt05q9V6xefFx8frp59+0vfff293ftiwYbY/N2zYUGFhYWrfvr327t2rWrVqFU/RokkEAABw6hY4Vqu1SE3h3w0fPlxLly7V2rVrVaVKlcuOjY6OliSlp6erVq1aCg0N1YYNG+zGZGZmStIl1zFeDNPNAAAAJYRhGBo+fLgWLlyoVatWqUaNGld8TmpqqiQpLCxMkhQTE6O0tDQdPXrUNiY5OVn+/v6Kiooqci0kiQAAwO2VlC1w4uPjtWDBAi1evFh+fn62NYQBAQHy9vbW3r17tWDBAnXt2lUVK1bUtm3bNHLkSLVu3VqNGjWSJHXq1ElRUVG6//77NWXKFGVkZOipp55SfHy8Q4kmSSIAAEAJMXPmTGVlZalt27YKCwuzHR999JEkycvLSytWrFCnTp1Ur149jRo1Sr1799aSJUts9/D09NTSpUvl6empmJgY3XfffRowYIDdvopFQZIIAADcXklJEg3DuOz1qlWras2aNVe8T0REhL766qtrqoUkEQAAACYkiQAAwO2VkCCxRCFJBAAAgAlJIgAAcHslZU1iSUKTCAAA3B49ohnTzQAAADAhSQQAAG6P6WYzkkQAAACYkCQCAAC3R5BoRpIIAAAAE5JEAADg9jyIEk1IEgEAAGBCkggAANweQaIZTSIAAHB7bIFjxnQzAAAATEgSAQCA2/MgSDQhSQQAAIAJSSIAAHB7rEk0I0kEAACACUkiAABwewSJZiSJAAAAMCFJBAAAbs8iosQL0SQCAAC3xxY4Zkw3AwAAwIQkEQAAuD22wDEjSQQAAIAJSSIAAHB7BIlmJIkAAAAwIUkEAABuz4Mo0YQkEQAAACbF0iSePHmyOG4DAADgEhaL847SyuEm8b///a8++ugj2+M+ffqoYsWKuummm7R169ZiLQ4AAOB6sFgsTjtKK4ebxFmzZqlq1aqSpOTkZCUnJ2vZsmXq0qWLxowZU+wFAgAA4Ppz+IsrGRkZtiZx6dKl6tOnjzp16qTq1asrOjq62AsEAABwtlIc+DmNw0lihQoVdPDgQUnS119/rQ4dOkiSDMNQQUFB8VYHAAAAl3A4SezVq5f69eunOnXq6Pjx4+rSpYskacuWLapdu3axFwgAAOBsbIFj5nCTOHXqVFWvXl0HDx7UlClTVL58eUnSkSNH9PDDDxd7gQAAALj+HG4Sy5Ytq9GjR5vOjxw5slgKAgAAuN7IEc2K1CR+8cUXRb7hXXfdddXFAAAAoGQoUpPYs2fPIt3MYrHw5RUAAFDqlOb9DJ2lSE1iYWGhs+sAAABwGQ96RJNr+lm+3Nzc4qoDAAAAJYjDTWJBQYEmT56sm266SeXLl9e+ffskSePGjdM777xT7AUCAAA4Gz/LZ+Zwk/jss89qzpw5mjJliry8vGznGzRooLfffrtYiwMAAIBrONwkvvfee3rzzTfVv39/eXp62s43btxYu3btKtbiAAAArgeLxXlHaeVwk/jbb79d9JdVCgsLlZ+fXyxFAQAAwLUcbhKjoqL03Xffmc5/+umnatq0abEUBQAAcD2xJtHM4V9cGT9+vOLi4vTbb7+psLBQn3/+uXbv3q333ntPS5cudUaNAAAAuM4cThJ79OihJUuWaMWKFfL19dX48eO1c+dOLVmyRB07dnRGjQAAAE7lYXHeUVo5nCRKUqtWrZScnFzctQAAALhEaZ4WdparahIladOmTdq5c6ekv9YpNmvWrNiKAgAAgGs53CQeOnRI9957r/73v/8pMDBQknTy5Endcccd+vDDD1WlSpXirhEAAMCpyBHNHF6TOGTIEOXn52vnzp06ceKETpw4oZ07d6qwsFBDhgxxRo0AAAC4zhxOEtesWaN169YpMjLSdi4yMlKvvfaaWrVqVazFAQAAXA8erEk0cThJrFq16kU3zS4oKFB4eHixFAUAAADXcrhJfOGFFzRixAht2rTJdm7Tpk169NFH9eKLLxZrcQAAANcDP8tnVqTp5goVKth9NTwnJ0fR0dEqU+avp587d05lypTRAw88oJ49ezqlUAAAAFw/RWoSX3nlFSeXAQAA4Drsk2hWpCYxLi7O2XUAAACgBLnqzbQlKTc3V2fPnrU75+/vf00FAQAAXG8EiWYOf3ElJydHw4cPV3BwsHx9fVWhQgW7AwAAoLTxsFicdjgiKSlJzZs3l5+fn4KDg9WzZ0/t3r3bbkxubq7i4+NVsWJFlS9fXr1791ZmZqbdmAMHDqhbt27y8fFRcHCwxowZo3Pnzjn2mTg0WtLjjz+uVatWaebMmbJarXr77bc1ceJEhYeH67333nP0dgAAAPj/1qxZo/j4eP3www9KTk5Wfn6+OnXqpJycHNuYkSNHasmSJfrkk0+0Zs0aHT58WL169bJdLygoULdu3XT27FmtW7dOc+fO1Zw5czR+/HiHarEYhmE48oRq1arpvffeU9u2beXv768ff/xRtWvX1rx58/TBBx/oq6++cqgAZ/BuOtzVJQBwkj82Tnd1CQCcpNw1LYK7Ng9/vsNp957RK+qqn3vs2DEFBwdrzZo1at26tbKyslS5cmUtWLBAd999tyRp165dql+/vlJSUnT77bdr2bJluvPOO3X48GGFhIRIkmbNmqWxY8fq2LFj8vLyKtJrO5wknjhxQjVr1pT01/rDEydOSJJatmyptWvXOno7AACAG1peXp6ys7Ptjry8vCI9NysrS5IUFBQkSdq8ebPy8/PVoUMH25h69eqpWrVqSklJkSSlpKSoYcOGtgZRkmJjY5Wdna3t27cXuW6Hm8SaNWtq//79tqI+/vhjSdKSJUsUGBjo6O0AAABczmKxOO1ISkpSQECA3ZGUlHTFmgoLC/XYY4+pRYsWatCggSQpIyNDXl5epp4rJCREGRkZtjF/bxDPXz9/ragcDnYHDRqkrVu3qk2bNnriiSfUvXt3TZ8+Xfn5+Xr55ZcdvR0AAMANLTExUQkJCXbnrFbrFZ8XHx+vn376Sd9//72zSrssh5vEkSNH2v7coUMH7dq1S5s3b1bt2rXVqFGjYi3uamWmTHN1CQCc5MMtB1xdAgAnGdi8mste2+GpVQdYrdYiNYV/N3z4cC1dulRr165VlSpVbOdDQ0N19uxZnTx50i5NzMzMVGhoqG3Mhg0b7O53/tvP58cUxTV/JhEREerVq1eJaRABAABKK8MwNHz4cC1cuFCrVq1SjRo17K43a9ZMZcuW1cqVK23ndu/erQMHDigmJkaSFBMTo7S0NB09etQ2Jjk5Wf7+/oqKKvqXaIqUJE6bVvRk7pFHHinyWAAAgJKgpPwsX3x8vBYsWKDFixfLz8/PtoYwICBA3t7eCggI0ODBg5WQkKCgoCD5+/trxIgRiomJ0e233y5J6tSpk6KionT//fdrypQpysjI0FNPPaX4+HiHEs0ibYFzYRd7yZtZLNq3b1+RX9xZsnMLXV0CACf5PO2Qq0sA4CSunG5+bPEup937lR71ijz2Us3q7NmzNXDgQEl/baY9atQoffDBB8rLy1NsbKxmzJhhN5X866+/6qGHHtLq1avl6+uruLg4Pf/88ypTpugrDR3eJ7E0oEkEblw0icCNiyaxZHHhtpUAAAAlg0fJmG0uUZz5ZR4AAACUUiSJAADA7ZWUL66UJCSJAAAAMCFJBAAAbo81iWZXlSR+9913uu+++xQTE6PffvtNkjRv3jyX/WwMAAAAipfDTeJnn32m2NhYeXt7a8uWLcrLy5MkZWVl6bnnniv2AgEAAJzNYnHeUVo53CQ+88wzmjVrlt566y2VLVvWdr5Fixb68ccfi7U4AACA68HDYnHaUVo53CTu3r1brVu3Np0PCAjQyZMni6MmAAAAuJjDTWJoaKjS09NN57///nvVrFmzWIoCAAC4njyceJRWDtc+dOhQPfroo1q/fr0sFosOHz6s+fPna/To0XrooYecUSMAAACuM4e3wHniiSdUWFio9u3b6/Tp02rdurWsVqtGjx6tESNGOKNGAAAApyrFSwedxuEm0WKx6D//+Y/GjBmj9PR0nTp1SlFRUSpfvrwz6gMAAIALXPVm2l5eXoqKiirOWgAAAFyiNH8L2VkcbhLbtWt32d83XLVq1TUVBAAAANdzuEls0qSJ3eP8/Hylpqbqp59+UlxcXHHVBQAAcN0QJJo53CROnTr1oucnTJigU6dOXXNBAAAA1xu/3WxWbNv33HfffXr33XeL63YAAABwoav+4sqFUlJSVK5cueK6HQAAwHXDF1fMHG4Se/XqZffYMAwdOXJEmzZt0rhx44qtMAAAALiOw01iQECA3WMPDw9FRkZq0qRJ6tSpU7EVBgAAcL0QJJo51CQWFBRo0KBBatiwoSpUqOCsmgAAAOBiDn1xxdPTU506ddLJkyedVA4AAMD152Fx3lFaOfzt5gYNGmjfvn3OqAUAAAAlhMNN4jPPPKPRo0dr6dKlOnLkiLKzs+0OAACA0sbixP+VVkVekzhp0iSNGjVKXbt2lSTddddddj/PZxiGLBaLCgoKir9KAAAAJyrN08LOUuQmceLEiXrwwQf17bffOrMeAAAAlABFbhINw5AktWnTxmnFAAAAuAJJoplDaxItbCIEAADgFhzaJ7Fu3bpXbBRPnDhxTQUBAABcbwRhZg41iRMnTjT94goAAABuPA41iX379lVwcLCzagEAAHAJ1iSaFXlNIjEsAACA+3D4280AAAA3GrIwsyI3iYWFhc6sAwAAwGU86BJNHP5ZPgAAANz4HPriCgAAwI2IL66YkSQCAADAhCQRAAC4PZYkmpEkAgAAwIQkEQAAuD0PESVeiCQRAAAAJiSJAADA7bEm0YwmEQAAuD22wDFjuhkAAAAmJIkAAMDt8bN8ZiSJAAAAMCFJBAAAbo8g0YwkEQAAACYkiQAAwO2xJtGMJBEAAAAmJIkAAMDtESSa0SQCAAC3x9SqGZ8JAAAATEgSAQCA27Mw32xCkggAAAATkkQAAOD2yBHNSBIBAABgQpIIAADcHptpm5EkAgAAwIQmEQAAuD2LEw9HrV27Vt27d1d4eLgsFosWLVpkd33gwIGyWCx2R+fOne3GnDhxQv3795e/v78CAwM1ePBgnTp1yqE6aBIBAIDbs1icdzgqJydHjRs31uuvv37JMZ07d9aRI0dsxwcffGB3vX///tq+fbuSk5O1dOlSrV27VsOGDXOoDtYkAgAAlCBdunRRly5dLjvGarUqNDT0otd27typr7/+Whs3btStt94qSXrttdfUtWtXvfjiiwoPDy9SHSSJAADA7V04fVucR15enrKzs+2OvLy8a6p39erVCg4OVmRkpB566CEdP37cdi0lJUWBgYG2BlGSOnToIA8PD61fv77Ir0GTCAAA4ERJSUkKCAiwO5KSkq76fp07d9Z7772nlStX6r///a/WrFmjLl26qKCgQJKUkZGh4OBgu+eUKVNGQUFBysjIKPLrMN0MAADcnjNTs8TERCUkJNids1qtV32/vn372v7csGFDNWrUSLVq1dLq1avVvn37q77vhUgSAQAAnMhqtcrf39/uuJYm8UI1a9ZUpUqVlJ6eLkkKDQ3V0aNH7cacO3dOJ06cuOQ6xouhSQQAAG7PmWsSne3QoUM6fvy4wsLCJEkxMTE6efKkNm/ebBuzatUqFRYWKjo6usj3ZboZAACgBDl16pQtFZSk/fv3KzU1VUFBQQoKCtLEiRPVu3dvhYaGau/evXr88cdVu3ZtxcbGSpLq16+vzp07a+jQoZo1a5by8/M1fPhw9e3bt8jfbJZIEgEAAErUZtqbNm1S06ZN1bRpU0lSQkKCmjZtqvHjx8vT01Pbtm3TXXfdpbp162rw4MFq1qyZvvvuO7sp7Pnz56tevXpq3769unbtqpYtW+rNN9907DMxDMO4ivpLtOzcQleXAMBJPk875OoSADjJwObVXPban6Qedtq9/9Wk6OldScJ0MwAAcHvXY+1gaUOTCAAA3B7r78z4TAAAAGBCkggAANwe081mJIkAAAAwIUkEAABujxzRjCQRAAAAJiSJAADA7bEk0YwkEQAAACYkiQAAwO15sCrRhCYRAAC4PaabzZhuBgAAgAlJIgAAcHsWpptNSBIBAABgQpIIAADcHmsSzUgSAQAAYEKSCAAA3B5b4JiRJAIAAMCEJBEAALg91iSa0SQCAAC3R5NoxnQzAAAATEgSAQCA22MzbTOSRAAAAJiQJAIAALfnQZBoQpIIAAAAE5JEAADg9liTaEaSCAAAABOSRAAA4PbYJ9GMJhEAALg9ppvNmG4GAACACUkiAABwe2yBY0aSCAAAABOSRAAA4PZYk2hGkggAAAATkkSUOnPeeUuvT3tZffvfr1GPP6nDv/2mHl07XHRs0gtT1aFT5+tcIYDLObBrm9Z/+Yky9v+sUydPqPdjE1T31ha260vfmKK075LtnlOj4a3qOzZJkvTrjq1a8Nzoi947buJ0hdeKdF7xuGGxBY4ZTSJKle0/pWnhpx+pTt3/+49ASGiolq1cazdu4acf6/257+qOlq2ud4kAriA/L1fB1WqqUetYff7qxIuOqdmouboN+79G0LNsWdufq9SN0ojpH9mNX/vpHP26fYvCatZ1TtGAG6JJRKlx+nSOxieO0ZNPT9K7b82ynff09FSlSpXtxq5etVIdOnWWj4/v9S4TwBXUanybajW+7bJjPMuWVfnAoItfK2N/reDcOe35MUXNOvaQhTgIV4l/csxYk4hSY8pzk9WidRtF337HZcft3LFdP+/eqbv+efd1qgxAcTuwc6teffhfemP0IH09+1Wd/jP7kmP3/JiiM39mq1Hr2OtYIW40HhaL047SqkQ3iQcPHtQDDzxw2TF5eXnKzs62O/Ly8q5Thbhevln2pXbt3KH4RxKuOHbxwk9Vo2YtNW7S9DpUBqC41WzUXN3//bjuTZyidn2H6MDObfr4hSdVWFhw0fFb1yxTjUbN5F+x8kWvA7g6JbpJPHHihObOnXvZMUlJSQoICLA7Xn7h+etUIa6HjIwjemlKkiYnvSCr1XrZsbm5uVq+7Evd1bP3daoOQHGLimmnOs3uUHDVGqp7awv9a/QzOrJvtw7s2Goam338mPZv26zGbbq4oFLcSCxOPEorl65J/OKLLy57fd++fVe8R2JiohIS7NOlPKPsJUajNNq1Y7tOnDiu+/v+X+NXUFCgLZs36ZMPF+h/G7fK09NTkrQqeblyz+SqW/cerioXQDGrEBwmb78A/ZF5WNUb3GJ3bdva5fL281edW2JcVB1w43Jpk9izZ09ZLBYZhnHJMVdahGy1Wk3pUnZuYbHUh5KheXSMPvh0sd25SU//R9Wr19CAQUNsDaIkLV70mVq3bacKQRdf8A6g9Mk+fkxnTmWbvshiGIbS1i5Xg5Yd5FmG72HiGpXmyM9JXPq3KiwsTDNmzFCPHhdPfVJTU9WsWbPrXBVKGl9fX9WuY7+thbe3twICA+3OHzzwq7Zs3qRXXn/jepcIwAFnc8/oj8zfbI9PHstQ5q/pKufrL+/yfvr+83mKvK2lfAOCdDLzsL798G1VCAlXjUa32t3n1+1bdPJYhpq0ZaoZcAaXNonNmjXT5s2bL9kkXillBP7ui0WfKzgkVLfHtLjyYAAuc2Tfz3abYa+c/9eWVg1bdVTsoEd19OA+pX2frNycU/KrUFE1GjZT67sHqkxZL7v7bF3ztW6qE6WK4dWua/24MfGzfGYWw4Vd2HfffaecnBx17nzxX8TIycnRpk2b1KZNG4fuy3QzcOP6PO2Qq0sA4CQDm7uu4V+/N8tp946uFeC0ezuTS5PEVq0u/2sYvr6+DjeIAAAAjirF2xk6DSt9AQCA26NHNCvR+yQCAADANUgSAQAAiBJNSBIBAABgQpIIAADcHlvgmJEkAgAAwIQkEQAAuD22wDEjSQQAAIAJSSIAAHB7BIlmNIkAAAB0iSZMNwMAAMCEJBEAALg9tsAxI0kEAACACUkiAABwe2yBY0aSCAAAUIKsXbtW3bt3V3h4uCwWixYtWmR33TAMjR8/XmFhYfL29laHDh20Z88euzEnTpxQ//795e/vr8DAQA0ePFinTp1yqA6aRAAA4PYsTjwclZOTo8aNG+v111+/6PUpU6Zo2rRpmjVrltavXy9fX1/FxsYqNzfXNqZ///7avn27kpOTtXTpUq1du1bDhg1zqA6LYRjGVdRfomXnFrq6BABO8nnaIVeXAMBJBjav5rLX3nrgT6fdu3E1v6t+rsVi0cKFC9WzZ09Jf6WI4eHhGjVqlEaPHi1JysrKUkhIiObMmaO+fftq586dioqK0saNG3XrrbdKkr7++mt17dpVhw4dUnh4eJFemyQRAADAiVFiXl6esrOz7Y68vLyrKnP//v3KyMhQhw4dbOcCAgIUHR2tlJQUSVJKSooCAwNtDaIkdejQQR4eHlq/fn2RX4smEQAAuD2LE/+XlJSkgIAAuyMpKemq6szIyJAkhYSE2J0PCQmxXcvIyFBwcLDd9TJlyigoKMg2pij4djMAAIATJSYmKiEhwe6c1Wp1UTVFR5MIAADcnjO3wLFarcXWFIaGhkqSMjMzFRYWZjufmZmpJk2a2MYcPXrU7nnnzp3TiRMnbM8vCqabAQAASokaNWooNDRUK1eutJ3Lzs7W+vXrFRMTI0mKiYnRyZMntXnzZtuYVatWqbCwUNHR0UV+LZJEAADg9krSXtqnTp1Senq67fH+/fuVmpqqoKAgVatWTY899pieeeYZ1alTRzVq1NC4ceMUHh5u+wZ0/fr11blzZw0dOlSzZs1Sfn6+hg8frr59+xb5m80STSIAAECJsmnTJrVr1872+Px6xri4OM2ZM0ePP/64cnJyNGzYMJ08eVItW7bU119/rXLlytmeM3/+fA0fPlzt27eXh4eHevfurWnTpjlUB/skAihV2CcRuHG5cp/En35z7NdIHNHgpvJOu7czsSYRAAAAJkw3AwAAt2cpUasSSwaSRAAAAJiQJAIAALfnzH0SSyuaRAAA4PboEc2YbgYAAIAJSSIAAABRoglJIgAAAExIEgEAgNtjCxwzkkQAAACYkCQCAAC3xxY4ZiSJAAAAMCFJBAAAbo8g0YwmEQAAgC7RhOlmAAAAmJAkAgAAt8cWOGYkiQAAADAhSQQAAG6PLXDMSBIBAABgQpIIAADcHkGiGUkiAAAATEgSAQAAiBJNaBIBAIDbYwscM6abAQAAYEKSCAAA3B5b4JiRJAIAAMCEJBEAALg9gkQzkkQAAACYkCQCAAAQJZqQJAIAAMCEJBEAALg99kk0o0kEAABujy1wzJhuBgAAgAlJIgAAcHsEiWYkiQAAADAhSQQAAG6PNYlmJIkAAAAwIUkEAABgVaIJSSIAAABMSBIBAIDbY02iGU0iAABwe/SIZkw3AwAAwIQkEQAAuD2mm81IEgEAAGBCkggAANyehVWJJiSJAAAAMCFJBAAAIEg0IUkEAACACUkiAABwewSJZjSJAADA7bEFjhnTzQAAADAhSQQAAG6PLXDMSBIBAABgQpIIAABAkGhCkggAAAATkkQAAOD2CBLNSBIBAABgQpIIAADcHvskmtEkAgAAt8cWOGZMNwMAAMCEJhEAALg9i8V5hyMmTJggi8Vid9SrV892PTc3V/Hx8apYsaLKly+v3r17KzMzs5g/jb/QJAIAAJQgN998s44cOWI7vv/+e9u1kSNHasmSJfrkk0+0Zs0aHT58WL169XJKHaxJBAAAKEHKlCmj0NBQ0/msrCy98847WrBggf7xj39IkmbPnq369evrhx9+0O23316sdZAkAgAAOFFeXp6ys7Ptjry8vEuO37Nnj8LDw1WzZk31799fBw4ckCRt3rxZ+fn56tChg21svXr1VK1aNaWkpBR73TSJAADA7TlzTWJSUpICAgLsjqSkpIvWER0drTlz5ujrr7/WzJkztX//frVq1Up//vmnMjIy5OXlpcDAQLvnhISEKCMjo9g/E6abAQAAnCgxMVEJCQl256xW60XHdunSxfbnRo0aKTo6WhEREfr444/l7e3t1DovRJMIAADcnjP3SbRarZdsCq8kMDBQdevWVXp6ujp27KizZ8/q5MmTdmliZmbmRdcwXiummwEAgNsrKVvgXOjUqVPau3evwsLC1KxZM5UtW1YrV660Xd+9e7cOHDigmJiYa/wEzEgSAQAASojRo0ere/fuioiI0OHDh/X000/L09NT9957rwICAjR48GAlJCQoKChI/v7+GjFihGJiYor9m80STSIAAECJ+VG+Q4cO6d5779Xx48dVuXJltWzZUj/88IMqV64sSZo6dao8PDzUu3dv5eXlKTY2VjNmzHBKLRbDMAyn3NmFsnMLXV0CACf5PO2Qq0sA4CQDm1dz2Wv/6cTewa9c6VzdR5IIAABQUqLEEqR0trYAAABwKpJEAADg9py5BU5pRZIIAAAAE5JEAADg9q51P8MbEUkiAAAATEgSAQCA2yNINKNJBAAAoEs0YboZAAAAJiSJAADA7bEFjhlJIgAAAExIEgEAgNtjCxwzkkQAAACYWAzDMFxdBHC18vLylJSUpMTERFmtVleXA6AY8fcbcC2aRJRq2dnZCggIUFZWlvz9/V1dDoBixN9vwLWYbgYAAIAJTSIAAABMaBIBAABgQpOIUs1qterpp59mUTtwA+LvN+BafHEFAAAAJiSJAAAAMKFJBAAAgAlNIgAAAExoEgEAAGBCk4hS7fXXX1f16tVVrlw5RUdHa8OGDa4uCcA1Wrt2rbp3767w8HBZLBYtWrTI1SUBbokmEaXWRx99pISEBD399NP68ccf1bhxY8XGxuro0aOuLg3ANcjJyVHjxo31+uuvu7oUwK2xBQ5KrejoaDVv3lzTp0+XJBUWFqpq1aoaMWKEnnjiCRdXB6A4WCwWLVy4UD179nR1KYDbIUlEqXT27Flt3rxZHTp0sJ3z8PBQhw4dlJKS4sLKAAC4MdAkolT6/fffVVBQoJCQELvzISEhysjIcFFVAADcOGgSAQAAYEKTiFKpUqVK8vT0VGZmpt35zMxMhYaGuqgqAABuHDSJKJW8vLzUrFkzrVy50nausLBQK1euVExMjAsrAwDgxlDG1QUAVyshIUFxcXG69dZbddttt+mVV15RTk6OBg0a5OrSAFyDU6dOKT093fZ4//79Sk1NVVBQkKpVq+bCygD3whY4KNWmT5+uF154QRkZGWrSpImmTZum6OhoV5cF4BqsXr1a7dq1M52Pi4vTnDlzrn9BgJuiSQQAAIAJaxIBAABgQpMIAAAAE5pEAAAAmNAkAgAAwIQmEQAAACY0iQAAADChSQQAAIAJTSIAAABMaBIBXLOBAweqZ8+etsdt27bVY489dt3rWL16tSwWi06ePHnJMRaLRYsWLSryPSdMmKAmTZpcU12//PKLLBaLUlNTr+k+AHA90SQCN6iBAwfKYrHIYrHIy8tLtWvX1qRJk3Tu3Dmnv/bnn3+uyZMnF2lsURo7AMD1V8bVBQBwns6dO2v27NnKy8vTV199pfj4eJUtW1aJiYmmsWfPnpWXl1exvG5QUFCx3AcA4DokicANzGq1KjQ0VBEREXrooYfUoUMHffHFF5L+b4r42WefVXh4uCIjIyVJBw8eVJ8+fRQYGKigoCD16NFDv/zyi+2eBQUFSkhIUGBgoCpWrKjHH39cF/4E/IXTzXl5eRo7dqyqVq0qq9Wq2rVr65133tEvv/yidu3aSZIqVKggi8WigQMHSpIKCwuVlJSkGjVqyNvbW40bN9ann35q9zpfffWV6tatK29vb7Vr186uzqIaO3as6tatKx8fH9WsWVPjxo1Tfn6+adwbb7yhqlWrysfHR3369FFWVpbd9bffflv169dXuXLlVK9ePc2YMeOSr/nHH3+of//+qly5sry9vVWnTh3Nnj3b4doBwJlIEgE34u3trePHj9ser1y5Uv7+/kpOTpYk5efnKzY2VjExMfruu+9UpkwZPfPMM+rcubO2bdsmLy8vvfTSS5ozZ47effdd1a9fXy+99JIWLlyof/zjH5d83QEDBiglJUXTpk1T48aNtX//fv3++++qWrWqPvvsM/Xu3Vu7d++Wv7+/vL29JUlJSUl6//33NWvWLNWpU0dr167Vfffdp8qVK6tNmzY6ePCgevXqpfj4eA0bNkybNm3SqFGjHP5M/Pz8NGfOHIWHhystLU1Dhw6Vn5+fHn/8cduY9PR0ffzxx1qyZImys7M1ePBgPfzww5o/f74kaf78+Ro/frymT5+upk2basuWLRo6dKh8fX0VFxdnes1x48Zpx44dWrZsmSpVqqT09HSdOXPG4doBwKkMADekuLg4o0ePHoZhGEZhYaGRnJxsWK1WY/To0bbrISEhRl5enu058+bNMyIjI43CwkLbuby8PMPb29tYvny5YRiGERYWZkyZMsV2PT8/36hSpYrttQzDMNq0aWM8+uijhmEYxu7duw1JRnJy8kXr/Pbbbw1Jxh9//GE7l5uba/j4+Bjr1q2zGzt48GDj3nvvNQzDMBITE42oqCi762PHjjXd60KSjIULF17y+gsvvGA0a9bM9vjpp582PD09jUOHDtnOLVu2zPDw8DCOHDliGIZh1KpVy1iwYIHdfSZPnmzExMQYhmEY+/fvNyQZW7ZsMQzDMLp3724MGjTokjUAQElAkgjcwJYuXary5csrPz9fhYWF6tevnyZMmGC73rBhQ7t1iFu3blV6err8/Pzs7pObm6u9e/cqKytLR44cUXR0tO1amTJldOutt5qmnM9LTU2Vp6en2rRpU+S609PTdfr0aXXs2NHu/NmzZ9W0aVNJ0s6dO+3qkKSYmJgiv8Z5H330kaZNm6a9e/fq1KlTOnfunPz9/e3GVKtWTTfddJPd6xQWFmr37t3y8/PT3r17NXjwYA0dOtQ25ty5cwoICLjoaz700EPq3bu3fvzxR3Xq1Ek9e/bUHXfc4XDtAOBMNInADaxdu3aaOXOmvLy8FB4erjJl7P/K+/r62j0+deqUmjVrZptG/bvKlStfVQ3np48dcerUKUnSl19+adecSX+tsywuKSkp6t+/vyZOnKjY2FgFBAToww8/1EsvveRwrW+99ZapafX09Lzoc7p06aJff/1VX331lZKTk9W+fXvFx8frxRdfvPo3AwDFjCYRuIH5+vqqdu3aRR5/yy236KOPPlJwcLApTTsvLCxM69evV+vWrSX9lZht3rxZt9xyy0XHN2zYUIWFhVqzZo06dOhgun4+ySwoKLCdi4qKktVq1YEDBy6ZQNavX9/2JZzzfvjhhyu/yb9Zt26dIiIi9J///Md27tdffzWNO3DggA4fPqzw8HDb63h4eCgyMlIhISEKDw/Xvn371L9//yK/duXKlRUXF6e4uDi1atVKY8aMoUkEUKLw7WYANv3791elSpXUo0cPfffdd9q/f79Wr16tRx55RIcOHZIkPfroo3r++ee1aNEi7dq1Sw8//PBl9zisXr264uLi9MADD2jRokW2e3788ceSpIiICFksFi1dulTHjh3TqVOn5Ofnp9GjR2vkyJGaO3eu9u7dqx9//FGvvfaa5s6dK0l68MEHtWfPHo0ZM0a7d+/WggULNGfOHIfeb506dXTgwAF9+OGH2rt3r6ZNm6aFCxeaxpUrV05xcXHaunWrvvvuOz3yyCPq06ePQkNDJUkTJ05UUlKSpk2bpp9//llpaWmaPXu2Xn755Yu+7vjx47V48WKlp6dr+/btWrp0qerXr+9Q7QDgbDSJAGx8fHy0du1aVatWTb169VL9+vU1ePBg5ebm2pLFUaNG6f7771dcXJxiYmLk5+enf/7zn5e978yZM3X33Xfr4YcfVr169TR06FDl5ORIkm666SZNnDhRTzzxhEJCQjR8+HBJ0uTJkzVu3DglJSWpfv366ty5s7788kvVqFFD0l/rBD/77DMtWrRIjRs31qxZs/Tcc8859H7vuusujRw5UsOHD1eTJk20bt06jRs3zjSudu3a6tWrl7p27apOnTqpUaNGdlvcDBkyRG+//bZmz56thg0bqk2bNpozZ46t1gt5eXkpMTFRjRo1UuvWreXp6akPP/zQodoBwNksxqVWmwMAAMBtkSQCAADAhCYRAAAAJjSJAAAAMKFJBAAAgAlNIgAAAExoEgEAAGBCkwgAAAATmkQAAACY0CQCAADAhCYRAAAAJjSJAAAAMPl/t0Ss8Aocc1kAAAAASUVORK5CYII=", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "plot_confusion_matrix(y_test, y_pred,(0,1))" + ] + }, + { + "cell_type": "code", + "execution_count": 58, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAr4AAAIjCAYAAADlfxjoAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8pXeV/AAAACXBIWXMAAA9hAAAPYQGoP6dpAACbA0lEQVR4nOzdeVhUZRsG8HvYF9kUQUQUcF9wwy33hcQs0zLF3C3XXHKr3JdKLf3cM7dyTUtTKyvT1NRSSXPHVFxwwQUFRRAUEOb9/jgxwzADzOAMh5m5f9fF5Zx3zpl5ZsOHZ97zvAohhAARERERkYWzkTsAIiIiIqKiwMSXiIiIiKwCE18iIiIisgpMfImIiIjIKjDxJSIiIiKrwMSXiIiIiKwCE18iIiIisgpMfImIiIjIKjDxJSIiIiKrwMSXqIgEBgaif//+codhdVq3bo3WrVvLHUaBZsyYAYVCgYSEBLlDKXYUCgVmzJhhlNu6ceMGFAoF1q1bZ5TbA4Djx4/DwcEBN2/eNNptGluPHj3QvXt3ucMgkh0TX7II69atg0KhUP3Y2dnB398f/fv3x507d+QOr1hLTU3FJ598gtq1a8PFxQUeHh5o0aIFNmzYAHNZ0fzChQuYMWMGbty4IXcoWrKysrB27Vq0bt0aJUuWhKOjIwIDAzFgwACcOHFC7vCMYvPmzVi0aJHcYWgoypgmT56Mt99+GxUqVFCNtW7dWuN3krOzM2rXro1FixZBqVTqvJ2HDx/igw8+QNWqVeHk5ISSJUsiPDwcv/zyS573nZycjJkzZ6JOnTooUaIEnJ2dUatWLXz00Ue4e/euar+PPvoI27dvx9mzZ/V+XNbw3iXroxDm8j8bUT7WrVuHAQMG4OOPP0ZQUBDS0tLw999/Y926dQgMDMT58+fh5OQka4zp6emwsbGBvb29rHHkdP/+fbRr1w4XL15Ejx490KpVK6SlpWH79u34888/ERERgU2bNsHW1lbuUPO1bds2dOvWDQcOHNCq7mZkZAAAHBwcijyuZ8+e4c0338Tu3bvRsmVLdOrUCSVLlsSNGzewdetWXL58Gbdu3UK5cuUwY8YMzJw5E/Hx8fD29i7yWF/Ea6+9hvPnz5vsD4+0tDTY2dnBzs7uhWMSQiA9PR329vZGeV+fOXMG9erVw9GjR/HSSy+pxlu3bo1r165hzpw5AICEhARs3rwZ//zzDyZNmoRZs2Zp3E50dDTatWuH+Ph4DBgwAA0aNMDjx4+xadMmnDlzBuPHj8e8efM0jomJiUFYWBhu3bqFbt26oXnz5nBwcMC5c+fw7bffomTJkrh8+bJq/8aNG6Nq1arYsGFDgY/LkPcukVkRRBZg7dq1AoD4559/NMY/+ugjAUBs2bJFpsjk9ezZM5GVlZXn9eHh4cLGxkb89NNPWteNHz9eABCfffaZKUPUKSUlxaD9v//+ewFAHDhwwDQBFdLw4cMFALFw4UKt6zIzM8W8efNEbGysEEKI6dOnCwAiPj7eZPEolUrx9OlTo9/uq6++KipUqGDU28zKyhLPnj0r9PGmiEmXUaNGifLlywulUqkx3qpVK1GzZk2NsWfPnokKFSoINzc3kZmZqRrPyMgQtWrVEi4uLuLvv//WOCYzM1NEREQIAOK7775TjT9//lzUqVNHuLi4iL/++ksrrqSkJDFp0iSNsf/973/C1dVVPHnypMDHZch790W86OtMZCgmvmQR8kp8f/nlFwFAzJ49W2P84sWLomvXrsLLy0s4OjqK0NBQnclfYmKiGD16tKhQoYJwcHAQ/v7+ok+fPhrJSVpampg2bZqoWLGicHBwEOXKlRMffPCBSEtL07itChUqiH79+gkhhPjnn38EALFu3Tqt+9y9e7cAIH7++WfV2O3bt8WAAQOEj4+PcHBwEDVq1BBff/21xnEHDhwQAMS3334rJk+eLMqWLSsUCoVITEzU+ZxFRkYKAOKdd97Ref3z589F5cqVhZeXlypZun79ugAg5s2bJxYsWCDKly8vnJycRMuWLUVUVJTWbejzPGe/dgcPHhTDhg0TpUuXFp6enkIIIW7cuCGGDRsmqlSpIpycnETJkiXFW2+9Ja5fv651fO6f7CS4VatWolWrVlrP05YtW8Snn34q/P39haOjo2jbtq24cuWK1mP44osvRFBQkHBychINGzYUf/75p9Zt6hIbGyvs7OzEyy+/nO9+2bIT3ytXroh+/foJDw8P4e7uLvr37y9SU1M19l2zZo1o06aNKF26tHBwcBDVq1cXX375pdZtVqhQQbz66qti9+7dIjQ0VDg6OqoSGX1vQwghdu3aJVq2bClKlCgh3NzcRIMGDcSmTZuEENLzm/u5z5lw6vv5ACCGDx8uvvnmG1GjRg1hZ2cnfvjhB9V106dPV+2bnJws3n//fdXnsnTp0iIsLEycPHmywJiy38Nr167VuP+LFy+Kbt26CW9vb+Hk5CSqVKmilTjqUr58edG/f3+tcV2JrxBCvPXWWwKAuHv3rmrs22+/FQDExx9/rPM+Hj9+LDw9PUW1atVUY999950AIGbNmlVgjNnOnj0rAIgdO3bku5+h791+/frp/CMj+z2dk67XeevWrcLLy0vn85iUlCQcHR3FuHHjVGP6vqeIdNH/eyMiM5T9NaeXl5dq7N9//0WzZs3g7++PCRMmwNXVFVu3bkWXLl2wfft2vPHGGwCAlJQUtGjRAhcvXsQ777yD+vXrIyEhATt37sTt27fh7e0NpVKJ119/HYcPH8bgwYNRvXp1REVFYeHChbh8+TJ+/PFHnXE1aNAAwcHB2Lp1K/r166dx3ZYtW+Dl5YXw8HAA0nSEJk2aQKFQYMSIEShdujR+++03vPvuu0hOTsbo0aM1jv/kk0/g4OCA8ePHIz09Pc+v+H/++WcAQN++fXVeb2dnh549e2LmzJk4cuQIwsLCVNdt2LABT548wfDhw5GWlobFixejbdu2iIqKgq+vr0HPc7b33nsPpUuXxrRp05CamgoA+Oeff3D06FH06NED5cqVw40bN7B8+XK0bt0aFy5cgIuLC1q2bIlRo0ZhyZIlmDRpEqpXrw4Aqn/z8tlnn8HGxgbjx49HUlIS5s6di169euHYsWOqfZYvX44RI0agRYsWGDNmDG7cuIEuXbrAy8urwK94f/vtN2RmZqJPnz757pdb9+7dERQUhDlz5uDUqVP46quv4OPjg88//1wjrpo1a+L111+HnZ0dfv75Z7z33ntQKpUYPny4xu1FR0fj7bffxpAhQzBo0CBUrVrVoNtYt24d3nnnHdSsWRMTJ06Ep6cnTp8+jd27d6Nnz56YPHkykpKScPv2bSxcuBAAUKJECQAw+PPxxx9/YOvWrRgxYgS8vb0RGBio8zkaOnQotm3bhhEjRqBGjRp4+PAhDh8+jIsXL6J+/fr5xqTLuXPn0KJFC9jb22Pw4MEIDAzEtWvX8PPPP2tNScjpzp07uHXrFurXr5/nPrlln1zn6empGivos+jh4YHOnTtj/fr1uHr1KipVqoSdO3cCgEHvrxo1asDZ2RlHjhzR+vzlVNj3rr5yv86VK1fGG2+8gR07dmDlypUav7N+/PFHpKeno0ePHgAMf08RaZE78yYyhuyq3759+0R8fLyIjY0V27ZtE6VLlxaOjo4aX8m1a9dOhISEaFQHlEqlaNq0qahcubJqbNq0aXlWR7K/1ty4caOwsbHR+qpxxYoVAoA4cuSIaixnxVcIISZOnCjs7e3Fo0ePVGPp6enC09NTowr77rvvCj8/P5GQkKBxHz169BAeHh6qamx2JTM4OFivr7O7dOkiAORZERZCiB07dggAYsmSJUIIdbXM2dlZ3L59W7XfsWPHBAAxZswY1Zi+z3P2a9e8eXONr3+FEDofR3alesOGDaqx/KY65FXxrV69ukhPT1eNL168WABQVa7T09NFqVKlRMOGDcXz589V+61bt04AKLDiO2bMGAFAnD59Ot/9smVXx3JX4N944w1RqlQpjTFdz0t4eLgIDg7WGKtQoYIAIHbv3q21vz638fjxY+Hm5iYaN26s9XV0zq/285pWYMjnA4CwsbER//77r9btIFfF18PDQwwfPlxrv5zyiklXxbdly5bCzc1N3Lx5M8/HqMu+ffu0vp3J1qpVK1GtWjURHx8v4uPjxaVLl8QHH3wgAIhXX31VY9+6desKDw+PfO9rwYIFAoDYuXOnEEKIevXqFXiMLlWqVBGvvPJKvvsY+t41tOKr63Xes2ePzueyY8eOGu9JQ95TRLqwqwNZlLCwMJQuXRoBAQF466234Orqip07d6qqc48ePcIff/yB7t2748mTJ0hISEBCQgIePnyI8PBwXLlyRdUFYvv27ahTp47OyohCoQAAfP/996hevTqqVaumuq2EhAS0bdsWAHDgwIE8Y42IiMDz58+xY8cO1djvv/+Ox48fIyIiAoB0Is727dvRqVMnCCE07iM8PBxJSUk4deqUxu3269cPzs7OBT5XT548AQC4ubnluU/2dcnJyRrjXbp0gb+/v2q7UaNGaNy4MXbt2gXAsOc526BBg7RONsr5OJ4/f46HDx+iUqVK8PT01HrchhowYIBGZalFixYApBOGAODEiRN4+PAhBg0apHFSVa9evTS+QchL9nOW3/Ory9ChQzW2W7RogYcPH2q8Bjmfl6SkJCQkJKBVq1aIiYlBUlKSxvFBQUGqbw9y0uc29u7diydPnmDChAlaJ4dmfwbyY+jno1WrVqhRo0aBt+vp6Yljx45pdC0orPj4ePz555945513UL58eY3rCnqMDx8+BIA83w+XLl1C6dKlUbp0aVSrVg3z5s3D66+/rtVK7cmTJwW+T3J/FpOTkw1+b2XHWlDLvMK+d/Wl63Vu27YtvL29sWXLFtVYYmIi9u7dq/p9CLzY71wiAOBUB7Ioy5YtQ5UqVZCUlIQ1a9bgzz//hKOjo+r6q1evQgiBqVOnYurUqTpv48GDB/D398e1a9fQtWvXfO/vypUruHjxIkqXLp3nbeWlTp06qFatGrZs2YJ3330XgDTNwdvbW/VLPD4+Ho8fP8aqVauwatUqve4jKCgo35izZf+n9uTJE42vXXPKKzmuXLmy1r5VqlTB1q1bARj2POcX97NnzzBnzhysXbsWd+7c0WivljvBM1TuJCc7eUlMTAQAVU/WSpUqaexnZ2eX51fwObm7uwNQP4fGiCv7No8cOYLp06cjMjIST58+1dg/KSkJHh4equ283g/63Ma1a9cAALVq1TLoMWQz9POh73t37ty56NevHwICAhAaGoqOHTuib9++CA4ONjjG7D90CvsYAeTZ9i8wMBCrV6+GUqnEtWvXMGvWLMTHx2v9EeHm5lZgMpr7s+ju7q6K3dBYC0roC/ve1Zeu19nOzg5du3bF5s2bkZ6eDkdHR+zYsQPPnz/XSHxf5HcuEcDElyxMo0aN0KBBAwBSVbJ58+bo2bMnoqOjUaJECVX/zPHjx+usggHaiU5+lEolQkJCsGDBAp3XBwQE5Ht8REQEZs2ahYSEBLi5uWHnzp14++23VRXG7Hh79+6tNRc4W+3atTW29an2AtIc2B9//BHnzp1Dy5Ytde5z7tw5ANCrCpdTYZ5nXXGPHDkSa9euxejRo/HSSy/Bw8MDCoUCPXr0yLMXqr7yamWVVxJjqGrVqgEAoqKiULduXb2PKyiua9euoV27dqhWrRoWLFiAgIAAODg4YNeuXVi4cKHW86LreTX0NgrL0M+Hvu/d7t27o0WLFvjhhx/w+++/Y968efj888+xY8cOvPLKKy8ct75KlSoFQP3HUm6urq4ac+ObNWuG+vXrY9KkSViyZIlqvHr16jhz5gxu3bql9YdPttyfxWrVquH06dOIjY0t8PdMTomJiTr/cM3J0PduXol0VlaWzvG8XucePXpg5cqV+O2339ClSxds3boV1apVQ506dVT7vOjvXCImvmSxbG1tMWfOHLRp0wZffPEFJkyYoKoI2dvba/yHpEvFihVx/vz5Avc5e/Ys2rVrp9dXv7lFRERg5syZ2L59O3x9fZGcnKw6iQMASpcuDTc3N2RlZRUYr6Fee+01zJkzBxs2bNCZ+GZlZWHz5s3w8vJCs2bNNK67cuWK1v6XL19WVUINeZ7zs23bNvTr1w/z589XjaWlpeHx48ca+xXmuS9I9mIEV69eRZs2bVTjmZmZuHHjhtYfHLm98sorsLW1xTfffGPUk4R+/vlnpKenY+fOnRpJkiFf8ep7GxUrVgQAnD9/Pt8/CPN6/l/085EfPz8/vPfee3jvvffw4MED1K9fH7NmzVIlvvreX/Z7taDPui7ZCeL169f12r927dro3bs3Vq5cifHjx6ue+9deew3ffvstNmzYgClTpmgdl5ycjJ9++gnVqlVTvQ6dOnXCt99+i2+++QYTJ07U6/4zMzMRGxuL119/Pd/9DH3venl5aX0mARi8kl3Lli3h5+eHLVu2oHnz5vjjjz8wefJkjX1M+Z4i68A5vmTRWrdujUaNGmHRokVIS0uDj48PWrdujZUrV+LevXta+8fHx6sud+3aFWfPnsUPP/ygtV929a179+64c+cOVq9erbXPs2fPVN0J8lK9enWEhIRgy5Yt2LJlC/z8/DSSUFtbW3Tt2hXbt2/X+R9zzngN1bRpU4SFhWHt2rU6V4aaPHkyLl++jA8//FCrQvPjjz9qzNE9fvw4jh07pko6DHme82Nra6tVgV26dKlWJcnV1RUAdP7nW1gNGjRAqVKlsHr1amRmZqrGN23alGeFL6eAgAAMGjQIv//+O5YuXap1vVKpxPz583H79m2D4squCOee9rF27Vqj30b79u3h5uaGOXPmIC0tTeO6nMe6urrqnHryop8PXbKysrTuy8fHB2XLlkV6enqBMeVWunRptGzZEmvWrMGtW7c0riuo+u/v74+AgACDVjH78MMP8fz5c42K5VtvvYUaNWrgs88+07otpVKJYcOGITExEdOnT9c4JiQkBLNmzUJkZKTW/Tx58kQrabxw4QLS0tLQtGnTfGM09L1bsWJFJCUlqarSAHDv3j2dvzvzY2Njg7feegs///wzNm7ciMzMTI1pDoBp3lNkXVjxJYv3wQcfoFu3bli3bh2GDh2KZcuWoXnz5ggJCcGgQYMQHByM+/fvIzIyErdv31Yt6fnBBx+oVgR75513EBoaikePHmHnzp1YsWIF6tSpgz59+mDr1q0YOnQoDhw4gGbNmiErKwuXLl3C1q1bsWfPHtXUi7xERERg2rRpcHJywrvvvgsbG82/Rz/77DMcOHAAjRs3xqBBg1CjRg08evQIp06dwr59+/Do0aNCPzcbNmxAu3bt0LlzZ/Ts2RMtWrRAeno6duzYgYMHDyIiIgIffPCB1nGVKlVC8+bNMWzYMKSnp2PRokUoVaoUPvzwQ9U++j7P+XnttdewceNGeHh4oEaNGoiMjMS+fftUXzFnq1u3LmxtbfH5558jKSkJjo6OaNu2LXx8fAr93Dg4OGDGjBkYOXIk2rZti+7du+PGjRtYt24dKlasqFe1af78+bh27RpGjRqFHTt24LXXXoOXlxdu3bqF77//HpcuXdKo8Oujffv2cHBwQKdOnTBkyBCkpKRg9erV8PHx0flHxovchru7OxYuXIiBAweiYcOG6NmzJ7y8vHD27Fk8ffoU69evBwCEhoZiy5YtGDt2LBo2bIgSJUqgU6dORvl85PbkyROUK1cOb731lmqZ3n379uGff/7R+GYgr5h0WbJkCZo3b4769etj8ODBCAoKwo0bN/Drr7/izJkz+cbTuXNn/PDDD3rNnQWkqQodO3bEV199halTp6JUqVJwcHDAtm3b0K5dOzRv3lxj5bbNmzfj1KlTGDdunMZ7xd7eHjt27EBYWBhatmyJ7t27o1mzZrC3t8e///6r+rYmZzu2vXv3wsXFBS+//HKBcRry3u3Rowc++ugjvPHGGxg1ahSePn2K5cuXo0qVKgafhBoREYGlS5di+vTpCAkJ0WpLaIr3FFmZom8kQWR8eS1gIYS0MlDFihVFxYoVVe2yrl27Jvr27SvKlCkj7O3thb+/v3jttdfEtm3bNI59+PChGDFihPD391c1Su/Xr59Ga7GMjAzx+eefi5o1awpHR0fh5eUlQkNDxcyZM0VSUpJqv9ztzLJduXJF1WT/8OHDOh/f/fv3xfDhw0VAQICwt7cXZcqUEe3atROrVq1S7ZPdpuv777836Ll78uSJmDFjhqhZs6ZwdnYWbm5uolmzZmLdunVa7ZxyLmAxf/58ERAQIBwdHUWLFi3E2bNntW5bn+c5v9cuMTFRDBgwQHh7e4sSJUqI8PBwcenSJZ3P5erVq0VwcLCwtbXVawGL3M9TXgsbLFmyRFSoUEE4OjqKRo0aiSNHjojQ0FDRoUMHPZ5daZWrr776SrRo0UJ4eHgIe3t7UaFCBTFgwACNdlF5rdyW/fzkXLRj586donbt2sLJyUkEBgaKzz//XKxZs0Zrv+wFLHTR9zay923atKlwdnYW7u7uolGjRuLbb79VXZ+SkiJ69uwpPD09tRaw0Pfzgf8WNtAFOdqZpaeniw8++EDUqVNHuLm5CVdXV1GnTh2txTfyiimv1/n8+fPijTfeEJ6ensLJyUlUrVpVTJ06VWc8OZ06dUoA0GqvldcCFkIIcfDgQa0WbUII8eDBAzF27FhRqVIl4ejoKDw9PUVYWJiqhZkuiYmJYtq0aSIkJES4uLgIJycnUatWLTFx4kRx7949jX0bN24sevfuXeBjyqbve1cIIX7//XdRq1Yt4eDgIKpWrSq++eabfBewyItSqRQBAQECgPj000917qPve4pIF4UQRjqTg4gs3o0bNxAUFIR58+Zh/PjxcocjC6VSidKlS+PNN9/U+XUrWZ927dqhbNmy2Lhxo9yh5OnMmTOoX78+Tp06ZdDJlkSWhnN8iYjykJaWpjXPc8OGDXj06BFat24tT1BU7MyePRtbtmwx+GSuovTZZ5/hrbfeYtJLVo9zfImI8vD3339jzJgx6NatG0qVKoVTp07h66+/Rq1atdCtWze5w6NionHjxsjIyJA7jHx99913codAVCww8SUiykNgYCACAgKwZMkSPHr0CCVLlkTfvn3x2Wefaaz6RkRE5oFzfImIiIjIKnCOLxERERFZBSa+RERERGQVrG6Or1KpxN27d+Hm5sblDomIiIiKISEEnjx5grJly2ot7PQirC7xvXv3LgICAuQOg4iIiIgKEBsbi3Llyhnt9qwu8XVzcwMgPZHu7u4yR0NEREREuSUnJyMgIECVtxmL1SW+2dMb3N3dmfgSERERFWPGnpbKk9uIiIiIyCow8SUiIiIiq8DEl4iIiIisAhNfIiIiIrIKTHyJiIiIyCow8SUiIiIiq8DEl4iIiIisAhNfIiIiIrIKTHyJiIiIyCow8SUiIiIiq8DEl4iIiIisAhNfIiIiIrIKTHyJiIiIyCow8SUiIiIiq8DEl4iIiIisgqyJ759//olOnTqhbNmyUCgU+PHHHws85uDBg6hfvz4cHR1RqVIlrFu3zuRxEhEREZH5kzXxTU1NRZ06dbBs2TK99r9+/TpeffVVtGnTBmfOnMHo0aMxcOBA7Nmzx8SREhEREZG5s5Pzzl955RW88soreu+/YsUKBAUFYf78+QCA6tWr4/Dhw1i4cCHCw8NNFSYRERERmVhaGnDhAnDujBKxv/9rkvuQNfE1VGRkJMLCwjTGwsPDMXr06DyPSU9PR3p6umo7OTnZVOERERERUQGEAG7fBs6dU/+cPQtcvgyUzrqHtRiADjiEaSa4b7NKfOPi4uDr66sx5uvri+TkZDx79gzOzs5ax8yZMwczZ84sqhCJiIiI6D+pqcD585pJ7rlzwOPH2vu+jp/wFQaiNBJgqjKlWSW+hTFx4kSMHTtWtZ2cnIyAgAAZIyIiIiKyLEolcP26doJ77ZpU4c2PC1Kx0GYcBitXqsbSvXyAxAdGj9OsEt8yZcrg/v37GmP379+Hu7u7zmovADg6OsLR0bEowiMiIiKyeI8fA1FRmgluVJRU3dWHvz9Qu7b008rtJNp+1QuON6LVO3TpAscFC4DgYKPHblaJ70svvYRdu3ZpjO3duxcvvfSSTBERERERWabMTODKFe0q7q1b+h3v7AzUqqVOcmvXBkJCgFKlAGRlAf/7HzBlinRHAODiAixaBAwcCDx5YpLHJGvim5KSgqtXr6q2r1+/jjNnzqBkyZIoX748Jk6ciDt37mDDhg0AgKFDh+KLL77Ahx9+iHfeeQd//PEHtm7dil9//VWuh0BERERk9uLjpart2bPqBPfff4Ec/QHyFRSkmeDWrg1UrAjY2uZxQFoa8NVX6qQ3NBTYvBmoUsUojycvsia+J06cQJs2bVTb2XNx+/Xrh3Xr1uHevXu4lePPiqCgIPz6668YM2YMFi9ejHLlyuGrr75iKzMiIiIiPWRkAJcuaVdx793T73g3N+0Et1YtwN3dwEBcXaVEt3lzYNw4YMYMwMHB0IdjMIUQBU05tizJycnw8PBAUlIS3A1+lYiIiIiKPyGkZDZ3gnvxorrImh+FQiq+5k5yK1SQrjPYkydAcrI0wTenO3e0x2C6fM2s5vgSERERkaZnz6RpCbmT3IcP9Tu+ZEntBLdmTWnKrVFERgK9ewNlygCHDgF2OdJPHUmvKTHxJSIiIjIDQgA3b2onuFeuSO3ECmJnB1Srpp3kli1byCpuQTIzgVmzgE8+kU5mi4kBPv8cmDzZBHemHya+RERERMXMkye6W4bpuwBtmTLaCW61akCRdXiNiZGqvJGR6rGmTYGePYsoAN2Y+BIRERHJJLsQmr1sb3aSe/26fsc7OkrTEnK3DPPxMW3ceRIC2LgRGDFC3ZLM1haYPh2YOFFzmoMMmPgSERERFYFHj7SruOfPA0+f6nd8+fLaVdzKlWXPJdUSE4GhQ4GtW9VjwcHApk1AkybyxZVDcXmqiIiIiCzC8+fA5cvac3Fv39bveFdXqWqbu2WYl5dp434hyclA3bqaq1v07w8sWSL1QCsmmPgSERERFdL9+9oJ7oULUr9cfVSsqF3FDQ4GbGxMG7fRubsDb7wBLF4sZegrVwLduskdlRYmvkREREQFSEuTeuDmTnIfPNDveA8P3Qs/lChh2riL1GefSU/U5MlAQIDc0ejExJeIiIjoP0JIUxJyJ7jR0dKJaAWxsQGqVtVOcgMCTNQyTA5CAKtXSyetvfuuetzJCVixQr649MDEl4iIiKxSaqrmwg/ZXRUeP9bveG9voE4dzQS3enXA2dmkYcsrPh4YNAj46SfpgTZtKj1oM8HEl4iIiCyaUgncuKFdxb16VSpeFsTeHqhRQ7uK6+trQVVcffz+O9CvHxAXJ20/ewb88gsTXyIiIiI5JCXpXvghJUW/48uWVSe22dXcKlUABwfTxl2spaVJPXgXLVKPeXsDa9YAnTrJFlZhMPElIiIis5OZKVVsc1dxb97U73gnJ+nkstwLP3h7mzZusxMVBfTqJf2brUMHYO1aaXk4M8PEl4iIiIq1hATtBPfff6VCpD4CA7WnKVSqJJ2bRXkQAli6FPjwQyA9XRpzdATmzZNWZTPTOR5MfImIiKhYyMgALl3STnLv3dPv+BIldLcM8/AwbdwWKSUFmD9fnfTWri2twFarlrxxvSAmvkRERFSkhJDOj8qd4F68KK16VhCFQlqqN3eSW6GCGS78UFy5uQHffAO0aQOMGgXMni3NDzFzTHyJiIjIZJ49k1Yyy53kJiTod7yXl3bLsBo1pGV9yYhSU6UfHx/1WIsW0trLwcHyxWVkTHyJiIjohQkB3LqlneBeviy1EyuIrS1QrZp2R4WyZc12Oqn5OHlSOoHN3x/Yu1ezbG5BSS/AxJeIiIgM9OQJcP68dpKbnKzf8b6+2tMUqleXzp2iIpSVBfzvf8CUKVKbjOhoYOFCYNw4uSMzGSa+REREpJNSCVy7pp3gxsTod7yDA1CzpnbLMF9f08ZNeoiNBfr2BQ4eVI+FhppdX15DMfElIiIiJCZqJ7jnzwNPn+p3fECAdhW3cmVp1TMqZrZuBYYMUa/NrFAAEyYAM2ZY/EodTHyJiIisSGamNO82d5IbG6vf8S4uUtU2dxXXy8u0cZMRJCdLHRrWr1ePBQQAGzcCrVrJF1cRYuJLRERkoR480E5wL1xQt2YtSMWK2lXc4GC2DDNLSUlA/fqa81QiIoDly63qrxYmvkRERGYuPV3qgZs7yb1/X7/j3d11L/zg5mbauKkIeXgAbdtKia+bG7BsGdC7t9W1zGDiS0REZCaEAO7c0U5wL12STtAviI0NUKWKdpJbvrzV5T/WaeFCqbHyxx9bXJsyfTHxJSIiKoZSU4F//9VOchMT9Tu+VCndCz84O5s2bioGhJDm7drbA2+/rR4vUUJajc2KMfElIiKSkVIJ3LypneBeuSLlLwWxt5d64Oau4pYpwyquVUpMBIYOlTo3lCgBNGokTdYmAEx8iYiIikxyMhAVpZngRkVJC0Loo2xZ7QS3alWL70BF+jp4EOjTB7h9W9pOSQG2bQM++kjWsIoTJr5ERERGlpUFXL2qXcW9cUO/452cpIUfck5VCAkBvL1NGjaZq4wMYNo0YO5c9dcEnp7AqlVAt26yhlbcMPElIiJ6AQ8f6l74IS1Nv+MrVNCu4laqBNjxf2jSR3Q00LMncOqUeqx1a2DDBqlHL2ngx4qIiEgPGRlSjpE7yb17V7/jS5TQvfCDh4dp4yYLJYRU0R0zRurUAEgTvmfNAsaNY7PlPDDxJSIiykEIIC5OO8G9eBF4/rzg4xUKqWKbu4obGMhchIwoKUlaYjg76a1aFdi8WVqkgvLExJeIiKxWWpq0kll2cnv2rPRvQoJ+x3t6arcMq1kTcHU1adhE0ptv3TqgQwepi8P8+dJ60pQvJr5ERGTxhABiY7WruNHRUjuxgtjaAtWqaVdx/f3ZMoyKSFoa8PQpULKkeiw8XJpQXrOmfHGZGSa+RERkUVJSpFwgd5KblKTf8T4+2lXcatWkTgtEsoiKkk5gq1AB+Plnzb+2mPQahIkvERGZJaUSiInRTnCvXdPveAcHaSWz3FVcX1/Txk2kN6USWLpU6sObni79RbdiBTBsmNyRmS0mvkREVOwlJmov/HD+vLSsrz7KldNOcKtUkU6CJyqW7t0DBgwA9uxRj9WuDbRoIV9MFoCJLxERFRuZmdJSvdknmWX/xMbqd7yzs+6WYTmnRRIVez/9BAwcqHmW5ZgxwOzZnHPzgpj4EhGRLOLjtacp/Puv9I2uPoKDtau4wcHSiWhEZik1VerBu3KleszPD1i/Hnj5ZfnisiBMfImIyKTS04FLl7ST3Lg4/Y53d9dOcGvVAtzcTBs3UZFKTAReeklqNZKtSxdg9WquVW1ETHyJiMgohJBWMcud4F66JE1hKIiNDVC5snaSW6ECW4aRFfDyAkJDpcTXxQVYvBh4912++Y2MiS8RERns6VNpWkLuJPfRI/2OL1lSu2VYjRrsv09WbtkyaSW2zz6Tzr4ko2PiS0REeRICuHFDO8G9ckW6riB2dkD16tpVXD8/FrLIym3dCjg6Ap07q8c8PYEdO2QLyRow8SUiIgBAcrLUIixnR4WoKODJE/2O9/PTTnCrVZP65RLRf5KTgVGjpBPWvLykD1q5cnJHZTWY+BIRWZmsLGmRh9xV3OvX9Tve0VE6uSx3y7DSpU0bN5HZi4wEevVSf9gSE4FvvgEmTJA3LivCxJeIyII9fKh74Ydnz/Q7vkIF7SpupUrSFAYi0lNmJvDpp9JPVpY05uYmzent3Vve2KwMf3UREVmA58+lk8FzV3Hv3NHveFdX3Qs/eHqaNGwiyxcTIyW3kZHqsaZNpUpvUJB8cVkpJr5ERGZECOD+fe0E98IFKfktiEIBVKyoXcUNCpLaiRGRkQgBbNgAjBgBpKRIY7a2wLRpwKRJ/NpEJnzWiYiKqbQ0KaHNneTGx+t3vKendoJbsyZQooRJwyYiQJq/O26cOukNDgY2bQKaNJE3LivHxJeISGZCALdvqxPb7K4Kly+rpwPmx9YWqFpVO8ktV44tw4hkU7Ik8NVXwBtvAP37A0uWcLnBYoCJLxFREUpNlU4uy13FffxYv+NLl9Ze+KF6dcDJyaRhE1FBMjKk9blzJrddugAnTkgrslGxwMSXiMgElEqpY1HuBPfaNf0WfrC3l1Yyy53k+vqaPnYiMlB0NNCzp9Ty5LvvNL9qYdJbrDDxJSJ6QY8fa7cMi4qSqrv68PfXnqZQtaqU/BJRMSYEsGoVMGaM1CPw1Cng1VeBvn3ljozywMSXiEhPmZnSUr25q7i3bul3vLOz7oUfSpUybdxEZALx8cDAgcDOneqxqlWlDzkVW0x8iYh0iI/XTnD//VeawqePoCDtKm7FitKJaERk5vbskU5Yi4tTjw0dCsyfD7i4yBYWFYyJLxFZtYwM4NIl7ST33j39jndz005wa9UC3N1NGzcRySAtDZg4EVi0SD3m7Q2sWQN06iRbWKQ/Jr5EZBWEkJLZ3AnuxYvSFIaCKBRAlSraSW6FCmwZRmQVHj0CWreWJvBn69ABWLsWKFNGtrDIMEx8icjiPHsmTUvIneQ+fKjf8SVLqhPb7K4KNWrwG0wiq+blJS1CERUFODoC8+ZJq7LxL1+zwsSXiMyWEMDNm9oJ7pUrUjuxgtjZAdWqaVdxy5bl/2VElItCIS1I8eyZNJeXJ7GZJSa+RGQWnjzR3TIsOVm/48uU0U5wq1WTCjdERFp27pR+QYSHq8e8vaUT28hsMfElomIlK0ta5CF3Fff6df2Od3QEatbUbhnm42PauInIQqSmAuPGAStXSr84oqL4C8SCMPElItk8eqRdxT1/Hnj6VL/jy5fXruJWrixNYSAiMtjJk9IKbJcvS9sPHkgdGyZMkDcuMhr+90BEJvf8ufT/SO4q7u3b+h3v6ipVbXO3DPPyMm3cRGQlsrKA//0PmDJF3ebFxUVqWzZwoKyhkXEx8SUio7p/XzvBvXBB6perj4oVtTsqBAUBNjamjZuIrFRsLNCnD3DokHosNBTYvFnqYUgWhYkvERVKWprUAzd3kvvggX7He3joXvihRAnTxk1EpLJ1KzBkCPD4sbStUEjTGmbMABwc5IyMTISJLxHlSwhpSkLuBDc6Wvp2sCA2NtLy9bmT3IAAtgwjIhklJACDBqlbwwQEABs3Aq1ayRsXmRQTXyJSSU3VXPjh7Fnp3+xiSEG8vdXTE7J/qlcHnJ1NGjYRkeG8vYHly4FevYCICOkyTxyweEx8iayQUgncuKFdxb16VarwFsTeXlrJLHcV19eXVVwiKqYyM6WTDXIuwdizJ1CuHNCiBX95WQkmvkQWLilJ98IPKSn6HV+2rPbJZlWqcPobEZmRmBigd29p1Zo1azSva9lSnphIFkx8iSxEZqZUsc1dxb15U7/jnZykk8tyL/zg7W3auImITEYIad7u8OHSX/uRkcArrwDduskdGcmEiS+RGUpI0E5w//1X6rSgj8BA7WkKlSoBtrYmDZuIqOgkJgJDh0qdG7IFB0snsZHVYuJLVIxlZACXLmknuffu6Xd8iRK6W4Z5eJg2biIiWR08KPXmzblKTv/+wJIlgJubXFFRMcDEl6gYEAKIi9PupnDxonoRofwoFNJSvbmT3AoVuPADEVmRjAxg2jRg7lz1mbpeXsDKlZzeQACY+BIVuWfPpJXMcldxExL0O97LS7tlWI0a0rK+RERW6+FDoH174NQp9VibNsCGDVLnBiIw8SUyGSGAW7e0E9zLl6V2YgWxs5NOQM5dxS1bll13iIi0eHmpz8a1twdmzQLGjePXXqSBiS+RETx5Apw/r53kZi8IVBBfX+0Et3p1wNHRtHETEVkMGxtg3Tqge3dg8WKgfn25I6JiiIkvkQGUSuDaNe0ENyZGv+MdHICaNbVbhvn6mjZuIiKL8/vvUh/GnH14/fyAv/6SLyYq9mRPfJctW4Z58+YhLi4OderUwdKlS9GoUaM891+0aBGWL1+OW7duwdvbG2+99RbmzJkDJyenIoyarEFionaCe/488PSpfscHBGhXcStXlr6BIyKiQkpLAyZOBBYtkubunjvHpYZJb7Imvlu2bMHYsWOxYsUKNG7cGIsWLUJ4eDiio6Ph4+Ojtf/mzZsxYcIErFmzBk2bNsXly5fRv39/KBQKLFiwQIZHQJYgM1Oad5s7yY2N1e94Fxepapu7isvfw0RERhYVBfTqJf0LSO3KVq0CPvpI3rjIbCiEyO73UfQaN26Mhg0b4osvvgAAKJVKBAQEYOTIkZgwYYLW/iNGjMDFixexf/9+1di4ceNw7NgxHD58WK/7TE5OhoeHB5KSkuDu7m6cB0Jm48ED3Qs/ZGTod3zFitpV3OBgnjtBRGRSSiWwdKmU4KanS2OOjsC8ecCIETzj1wKZKl+TreKbkZGBkydPYuLEiaoxGxsbhIWFITIyUucxTZs2xTfffIPjx4+jUaNGiImJwa5du9CnT5887yc9PR3p2R8SSE8kWb70dKkHbu4k9/59/Y53d9e98AP7nhMRFbF794ABA4A9e9RjISHA5s3SL2YiA8iW+CYkJCArKwu+uc7q8fX1xaVLl3Qe07NnTyQkJKB58+YQQiAzMxNDhw7FpEmT8ryfOXPmYObMmUaNnYoPIYA7d7QT3EuXgKysgo+3sQGqVNFOcsuXZwGBiEh2P/0EDByo2eh8zBhg9mzpxDYiA8l+cpshDh48iNmzZ+PLL79E48aNcfXqVbz//vv45JNPMHXqVJ3HTJw4EWPHjlVtJycnI4DrdJul1FRpWkLuJDcxUb/jS5XSvfCDs7Np4yYiokKIj5fm86amStt+flK7svbtZQ2LzJtsia+3tzdsbW1xP9d3z/fv30eZMmV0HjN16lT06dMHAwcOBACEhIQgNTUVgwcPxuTJk2GjY6Klo6MjHNkM1awolcDNm+ple7N/rl5Vr0CZH3t7qQdu7ipumTKs4hIRmY3SpaXODYMGAZ07A199pV6ggqiQZEt8HRwcEBoaiv3796NLly4ApJPb9u/fjxEjRug85unTp1rJra2tLQBAxnP06AUkJ0sn5+ZMcKOipAUh9FG2rHaCW7Wq1C+XiIjMSFaW1GYnZ7Hq3XellmXh4axckFHIOtVh7Nix6NevHxo0aIBGjRph0aJFSE1NxYABAwAAffv2hb+/P+bMmQMA6NSpExYsWIB69eqppjpMnToVnTp1UiXAVDxlZUkV29zTFG7c0O94Jydp4YecUxVCQvjHPxGRRYiNBfr2lU5WW7pUPa5QAB06yBcXWRxZE9+IiAjEx8dj2rRpiIuLQ926dbF7927VCW+3bt3SqPBOmTIFCoUCU6ZMwZ07d1C6dGl06tQJs2bNkushkA4PH+pe+CEtTb/jK1TQruJWqgTYmdWMdCIi0svWrcCQIcDjx8DBg8ArrwAdO8odFVkoWfv4yoF9fI0nIwOIjtZOcu/e1e/4EiV0L/zg4WHauImIqBhITgZGjQLWr1ePBQQAmzYBLVrIFxcVCxbXx5fMhxBAXJx2gnvxIvD8ecHHKxRSxTZ3FTcwkAs/EBFZpchIoHdvICZGPRYRASxfzmUvyaSY+JKGtDTgwgXtjgo5Wyjmx9NTu2VYzZqAq6tJwyYiInOQmQnMmgV88om62bqbG7BsmZQI8wQ2MjEmvlZKCOlcgtxV3OhoqZ1YQWxtgWrVtKu4/v78vUVERDo8fAh06iRVe7M1bQp88w0QFCRfXGRVmPhagZQU6eSy3EluUpJ+x/v4aFdxq1XjojlERGQAT0/1Wcq2tsC0acCkSTxzmYoU320W5vlzYNcu4PRpdYJ77Zp+xzo4SCuZ5a7i5lpVmoiIyHC2tsDGjcCbb0pTG5o0kTsiskJMfC3M228D27cXvF+5ctoJbpUq0qpnREREL+zQIWlN+EaN1GMVKgAnTnBOHMmGia8FycoCfvlFc8zZWXfLsJIl5YmRiIgsXEYGMH068Pnn0tzdM2ekE9iyMeklGTHxtSAxMUB6unS5dWtg1SogOFj6domIiMjkoqOBnj2BU6ek7ZgYqUXZhx/KGxfRf9hF1YL8+6/6cosWQOXKTHqJiKgICCFVW+rVUye99vbA3LnA+PHyxkaUAyu+FuTCBfXlGjXki4OIiKxIfDwwaBDw00/qsapVgc2bgfr15YuLSAdWfC1IzopvzZryxUFERFZizx7p5JGcSe/QoVLVl0kvFUOs+FqQ7Iqvra3UoYGIiMhk7t8HunSRlvwEAG9vYM0aaZEKomKKFV8LkZUFXLokXa5UCXB0lDceIiKycL6+wGefSZfDw4GoKCa9VOyx4mshrl9X/9HN+b1ERGR0SqVUZcnZ8H3kSKkx/BtvADaspVHxx3epheD8XiIiMpl794BXXgGmTNEct7EBunZl0ktmg+9UC8GODkREZBI//SStfPT778C8ecAff8gdEVGhMfG1EKz4EhGRUaWmSh0aunQBHj6Uxnx9ZQ2J6EVxjq+FyK742tiwowMREb2gkyelFdguX1aPde4MfPWV1L2ByEyx4msBsrKAixely5UqAU5O8sZDRERmKisL+PxzoEkTddLr4iKtyvbDD0x6yeyx4msBbtxgRwciInpBCQlAt27AwYPqsdBQaQU2fpVIFoIVXwvA+b1ERPTCPDyAlBTpskIBTJwIHD3KpJcsChNfC8CODkRE9MLs7YFNm4Dq1YEDB4DZswEHB7mjIjIqTnWwAKz4EhGRwSIjpfm7deqox6pUAc6fZ19eslh8Z1uAnB0dqlaVNxYiIirmMjOBmTOBFi2At98Gnj7VvJ5JL1kwvrvNnFKp7uhQsSI7OhARUT5iYoCWLYEZM9Qtgb78Uu6oiIoME18zd+MG8OyZdJnze4mISCchgA0bgLp1pSkOAGBrC3z8MTB6tJyRERUpzvE1c5zfS0RE+UpMlFZg27pVPVaxIvDNN1K/XiIrwoqvmWNHByIiytPBg0Dt2ppJ74ABwOnTTHrJKrHia+ZY8SUiIp3u3QPCw4GMDGnbywtYuVJapILISrHia+bY0YGIiHTy8wOmT5cut2kDnDvHpJesHiu+ZixnR4fgYMDZWd54iIhIRkJI/zHY2qrHPvoICAgAevVimzIisOJr1m7eVLdf5PxeIiIrFh8PvPEG8OmnmuO2tkCfPkx6if7DT4IZ4/xeIiLCnj3SCWw//QR88om6XRkRaWHia8bY0YGIyIqlpQFjxgAdOgBxcdKYlxfw5Im8cREVY5zja8ZY8SUislJRUdK83ago9Vh4OLBuHVCmjGxhERV3rPiaseyKr0LBjg5ERFZBqQQWLwYaNlQnvY6O0tiuXUx6iQrAiq+ZUirViW9wMODiIm88RERkYg8fSlXePXvUYyEhwObNQK1a8sVFZEZY8TVTt26xowMRkVVxdQXu3FFvjxkDHD/OpJfIAEx8zRTn9xIRWRknJ6m6GxQkVX0XLJDGiEhvnOpgptjRgYjIwp08KVV5q1VTj4WEAJcvA3b875uoMFjxNVOs+BIRWaisLODzz4EmTYC33wbS0zWvZ9JLVGhMfM1Uzo4OOYsBRERkxmJjgXbtgAkTgMxM4MwZ4Msv5Y6KyGIw8TVDOTs6BAWxowMRkUXYulVage3QIWlboQAmTgSGD5c3LiILwu9LzFBsLJCaKl3m/F4iIjOXnAyMGgWsX68eCwgANm4EWrWSLy4iC8TE1wxxfi8RkYWIjAR69wZiYtRjERHA8uXS8sNEZFRMfM0QOzoQEVmAO3eA1q2BjAxp280NWLZMSoQVCllDI7JUnONrhljxJSKyAP7+wPjx0uWmTYGzZ4E+fZj0EpkQK75mKGfFlx0diIjMhBDSvzkT2xkzgPLlgXffZZsyoiLAiq+ZEUKzo4Orq7zxEBGRHhITgR49gPnzNcft7YEhQ5j0EhURJr5mJjYWSEmRLnN+LxGRGTh4UGpTtnUrMGkScPq03BERWS0mvmaG83uJiMxERoa0EEXbtsDt29JYiRJAXJy8cRFZMX63YmbY0YGIyAxERwM9ewKnTqnH2rQBNmwAypWTLy4iK8eKr5lhxZeIqBgTAli5EqhXT5302tsDc+cC+/Yx6SWS2QtVfNPS0uDk5GSsWEgP7OhARFRMPXoEDBgA7NypHqtaFdi8GahfX764iEjF4IqvUqnEJ598An9/f5QoUQIx/602M3XqVHz99ddGD5DUcnZ0CAyUpooREVEx4egIXLqk3h42TKr6MuklKjYMTnw//fRTrFu3DnPnzoWDg4NqvFatWvjqq6+MGhxpun0bePJEusz5vURExYyrK7BpE1C2rFT1/fJLwMVF7qiIKAeDE98NGzZg1apV6NWrF2xtbVXjderUwaWcf+mS0XF+LxFRMRIVBfz3radKgwbSWKdO8sRERPkyOPG9c+cOKlWqpDWuVCrx/PlzowRFurGjAxFRMaBUAosXAw0bAr16AZmZmtc7OsoTFxEVyODEt0aNGvjrr7+0xrdt24Z69eoZJSjSjRVfIiKZ3bsHvPIKMHo0kJ4O/P03sHy53FERkZ4M7uowbdo09OvXD3fu3IFSqcSOHTsQHR2NDRs24JdffjFFjPSfnBXf6tXli4OIyCr99BPw7rvAw4fqsTFjgEGD5IuJiAxicMW3c+fO+Pnnn7Fv3z64urpi2rRpuHjxIn7++We8/PLLpoiRoNnRoUIFdnQgIioyqanA0KFAly7qpNfPD9izB1iwAGBbTyKzUag+vi1atMDevXuNHQvl484dIDlZusz5vUREReTkSWkFtsuX1WNdugCrVwPe3rKFRUSFY3DFNzg4GA9zfs3zn8ePHyM4ONgoQZE2zu8lIipisbFA06bqpNfFRUp4d+xg0ktkpgxOfG/cuIGsrCyt8fT0dNy5c8coQZE2dnQgIipiAQHAe+9Jl0NDgdOngYEDAYVC3riIqND0nuqwM8cSjHv27IGHh4dqOysrC/v370dgYKBRgyM1VnyJiIqAEJqJ7Zw5QPnywPDhQI5Fm4jIPCmEEEKfHW1spOKwQqFA7kPs7e0RGBiI+fPn47XXXjN+lEaUnJwMDw8PJCUlwd3dXe5w9Na0KRAZKV1OTgbc3OSNh4jIoiQnA6NGAY0aqau8RCQbU+Vreld8lUolACAoKAj//PMPvDm/qcgIoa74li/PpJeIyKgiI6WFKK5fB7ZsAdq0Yc9IIgtl8Bzf69evM+ktYnfvsqMDEZHRZWYCM2YALVpISS8A2NsD167JGhYRmU6h2pmlpqbi0KFDuHXrFjIyMjSuGzVqlFECIzXO7yUiMrKYGKB3b/UcMkCaU/bNN0BQkHxxEZFJGZz4nj59Gh07dsTTp0+RmpqKkiVLIiEhAS4uLvDx8WHiawLs6EBEZCRCABs2ACNGACkp0pitLTBtGjBpEmBXqHoQEZkJg6c6jBkzBp06dUJiYiKcnZ3x999/4+bNmwgNDcX//vc/U8Ro9VjxJSIygsePgR49gP791UlvcDBw+LCU+DLpJbJ4Bie+Z86cwbhx42BjYwNbW1ukp6cjICAAc+fOxaRJk0wRo9XLWfHl+RZERIWkUADHjqm3+/cHzpwBmjSRKyIiKmIGJ7729vaq1mY+Pj64desWAMDDwwOxsbHGjY40OjoEBABm1IGNiKh48fAANm6UVl3buhVYu5ZtcoisjMHf69SrVw///PMPKleujFatWmHatGlISEjAxo0bUatWLVPEaNXu3QOSkqTLnN9LRGSA6GjA1RUoV0491qIFcOOGNE5EVsfgiu/s2bPh5+cHAJg1axa8vLwwbNgwxMfHY+XKlUYP0Npxfi8RkYGEAFauBOrVA/r2Bf7rQ6/CpJfIahlc8W3QoIHqso+PD3bv3m3UgEgTOzoQERkgPh4YOBDYuVPaPnAAWLUKGDpU3riIqFgwuOKbl1OnThX75YrNESu+RER62rMHqF1bnfQCUsLbt698MRFRsWJQ4rtnzx6MHz8ekyZNQkxMDADg0qVL6NKlCxo2bKha1tgQy5YtQ2BgIJycnNC4cWMcP3483/0fP36M4cOHw8/PD46OjqhSpQp27dpl8P2aC3Z0ICIqQFoaMGYM0KEDEBcnjXl7Swnw8uWAi4u88RFRsaH3VIevv/4agwYNQsmSJZGYmIivvvoKCxYswMiRIxEREYHz58+juoGZ2ZYtWzB27FisWLECjRs3xqJFixAeHo7o6Gj4+Pho7Z+RkYGXX34ZPj4+2LZtG/z9/XHz5k14enoadL/mImdHh3LlpBOSiYgoh6gooFcv6d9s4eHAunVAmTKyhUVExZNCCCH02bF27dro06cPPvjgA2zfvh3dunVDkyZNsHXrVpTLecasARo3boyGDRviiy++AAAolUoEBARg5MiRmDBhgtb+K1aswLx583Dp0iXY29sX6j6Tk5Ph4eGBpKQkuBfz3mD37gFly0qX27eXvsUjIqL/3LwJVK0KpKdL246OwNy50qpsNkabyUdEMjBVvqb3b4Zr166hW7duAIA333wTdnZ2mDdvXqGT3oyMDJw8eRJhYWHqYGxsEBYWhsica6fnsHPnTrz00ksYPnw4fH19UatWLcyePRtZWVl53k96ejqSk5M1fswF5/cSEeWjQgX1/N2QEODECWDUKCa9RJQnvX87PHv2DC7/zZNSKBRwdHRUtTUrjISEBGRlZcHX11dj3NfXF3HZc7RyiYmJwbZt25CVlYVdu3Zh6tSpmD9/Pj799NM872fOnDnw8PBQ/QQEBBQ65qLGjg5ERAVYuBD49FPg+HGAveSJqAAGtTP76quvUKJECQBAZmYm1q1bB29vb419Ro0aZbzoclEqlfDx8cGqVatga2uL0NBQ3LlzB/PmzcP06dN1HjNx4kSMHTtWtZ2cnGw2yS8rvkRE/0lNBcaNk5YX7t9fPe7qCkyeLFtYRGRe9E58y5cvj9WrV6u2y5Qpg40bN2rso1Ao9E58vb29YWtri/v372uM379/H2XyOCHBz88P9vb2sLW1VY1Vr14dcXFxyMjIgIODg9Yxjo6OcHR01Cum4oYVXyIiACdPSiewRUcDmzZJq69VrCh3VERkhvROfG/cuGHUO3ZwcEBoaCj279+PLl26AJAquvv378eIESN0HtOsWTNs3rwZSqUSNv/N4bp8+TL8/Px0Jr3mLGdHB39/dnQgIiuUlQX873/AlClAZqY0plQC588z8SWiQpH1DICxY8di9erVWL9+PS5evIhhw4YhNTUVAwYMAAD07dsXEydOVO0/bNgwPHr0CO+//z4uX76MX3/9FbNnz8bw4cPleggmc/8+kJgoXeY0ByKyOrGxQLt2wIQJ6qQ3NBQ4fRro3Fne2IjIbBm8ZLExRUREID4+HtOmTUNcXBzq1q2L3bt3q054u3XrlqqyCwABAQHYs2cPxowZg9q1a8Pf3x/vv/8+PvroI7kegsnknN/LaQ5EZFW2bgWGDAEeP5a2FQopAZ4xA7Cwb/eIqGjp3cfXUphLH9+lS6WuPACwerW09DwRkUV78gQYORJYv149FhAAbNwItGolX1xEVORk7+NLRYsVXyKyOunpwO+/q7cjIoCzZ5n0EpHRMPEtptjRgYisjre3VO11dwc2bAC+/Rbw8pI7KiKyIIVKfK9du4YpU6bg7bffxoMHDwAAv/32G/7NWaakQsvZ0aFsWcDTU9ZwiIhMIyZGOpM3p5dflpYi7tNHmttLRGREBie+hw4dQkhICI4dO4YdO3YgJSUFAHD27Nk8F5Egwzx4ADx6JF1mRwcisjhCSJXdOnWAd96RtnPiX/tEZCIGJ74TJkzAp59+ir1792r0zm3bti3+/vtvowZnrTi/l4gsVmIi0KOHtPpaSgqwaxewdq3cURGRlTA48Y2KisIbb7yhNe7j44OEhASjBGXtcs7vZcWXiCzGwYNA7dpSu7Js/fsD3brJFRERWRmDE19PT0/cu3dPa/z06dPw9/c3SlDWjhVfIrIoGRlSH962bYHbt6UxLy8pAV67FnBzkzc+IrIaBie+PXr0wEcffYS4uDgoFAoolUocOXIE48ePR9++fU0Ro9VhRwcishiXLgEvvQR8/rl6Lm+bNsC5c6z0ElGRMzjxnT17NqpVq4aAgACkpKSgRo0aaNmyJZo2bYopU6aYIkarkrOjg58fO/kQkRmLiQHq1wdOnZK27e2BuXOBffuAcuXkjY2IrFKhV267desWzp8/j5SUFNSrVw+VK1c2dmwmUdxXbnvwAPhvxWaEhQF798obDxHRC+ndG9i0CahaFdi8WUqEiYgKYKp8zc7QAw4fPozmzZujfPnyKF++vNECIQnn9xKRRVm2DKhQAZg8GXBxkTsaIrJyBk91aNu2LYKCgjBp0iRcyDkZlYyCHR2IyCylpQFjxgDff6857uEBzJrFpJeIigWDE9+7d+9i3LhxOHToEGrVqoW6deti3rx5uJ19pi69EFZ8icjsREUBjRoBixYBgwcDsbFyR0REpJPBia+3tzdGjBiBI0eO4Nq1a+jWrRvWr1+PwMBAtG3b1hQxWhV2dCAis6FUAosXAw0bSskvADx7Bpw4IW9cRER5KPTJbdmysrLw22+/YerUqTh37hyysrKMFZtJFPeT20qXBhISgDJlAB3tkomIiod794ABA4A9e9RjISHSCWy1askXFxFZBFPlawZXfLMdOXIE7733Hvz8/NCzZ0/UqlULv/76q9ECs0bx8VLSC3B+LxEVYz/9JK3AljPpHTMGOH6cSS8RFWsGd3WYOHEivvvuO9y9excvv/wyFi9ejM6dO8OFJy68MM7vJaJiLTUVGDcOWLlSPebnB6xbB7RvL1tYRET6Mjjx/fPPP/HBBx+ge/fu8Pb2NkVMVosdHYioWEtOBrZvV2936QKsXg3w/wIiMhMGJ75HjhwxRRwEVnyJqJjz8wO++gro2VM6qe3ddwGFQu6oiIj0plfiu3PnTrzyyiuwt7fHzp0789339ddfN0pg1ogdHYioWImNBVxdgZIl1WOdOwPXrwM+PvLFRURUSHp1dbCxsUFcXBx8fHxgY5P3+XAKhYJdHV6Aj490gpuvLxAXJ3c0RGTVtm4FhgyR1k7fupWVXSIqUrJ2dVAqlfD57697pVKZ509xT3qLs/h46Qfg/F4iklFyMtC/PxARATx+DGzbJrUoIyKyAAa3M9uwYQPS09O1xjMyMrBhwwajBGWNOM2BiGQXGQnUrQusX68ei4gAOnaULSQiImMyOPEdMGAAkpKStMafPHmCAQMGGCUoa8SODkQkm8xMYOZMoEULaf4uALi5ARs2AN9+C3h5yRsfEZGRGNzVQQgBhY65Xrdv34aHh4dRgrJG7OhARLKIiQF695aqvdmaNgW++QYICpIvLiIiE9A78a1Xrx4UCgUUCgXatWsHOzv1oVlZWbh+/To6dOhgkiCtASu+RFTkrl4F6tcHnjyRtm1tgWnTgEmTADuD6yJERMWe3r/ZunTpAgA4c+YMwsPDUaJECdV1Dg4OCAwMRNeuXY0eoLXIrvj6+AClSskbCxFZiYoVgXbtgB9/BIKDgU2bgCZN5I6KiMhk9E58p0+fDgAIDAxEREQEnJycTBaUtUlIAB48kC6z2ktERUahkFZeq1AB+OQTaV4vEZEFM/jktn79+jHpNTJ2dCAik8vIACZMAH79VXPc2xtYtIhJLxFZBb0qviVLlsTly5fh7e0NLy8vnSe3ZXv06JHRgrMWnN9LRCYVHS0tM3zqFLB2LXDunLRSDhGRldEr8V24cCHc/qsGLFy4MN/ElwzHjg5EZBJCAKtWAWPGAM+eSWOJicCRI8Cbb8obGxGRDPRastiSFMcli9u1A/74Q7ocHy9980hE9ELi44GBA4GdO9VjVatKq7DVry9fXEREepB1yeKcTp06haioKNX2Tz/9hC5dumDSpEnIyMgwWmDWJLviW7o0k14iMoI9e4DatTWT3mHDpKkOTHqJyIoZnPgOGTIEly9fBgDExMQgIiICLi4u+P777/Hhhx8aPUBL9/AhcP++dJnze4nohaSlSdMaOnQA4uKkMW9vKQH+8kvAxUXe+IiIZGZw4nv58mXUrVsXAPD999+jVatW2Lx5M9atW4ft27cbOz6Lx44ORGQ0Dx5IJ69l69ABiIoCOnWSLyYiomLE4MRXCAGlUgkA2LdvHzp27AgACAgIQEJCgnGjswI5T2xjxZeIXkj58sDy5YCjI7BkCbBrF1CmjNxREREVGwavSdmgQQN8+umnCAsLw6FDh7B8+XIAwPXr1+HL9jgGY8WXiArt3j3A1RXIeeLH228DzZsDAQHyxUVEVEwZXPFdtGgRTp06hREjRmDy5MmoVKkSAGDbtm1o2rSp0QO0dKz4ElGh/PSTdALbqFHa1zHpJSLSyWjtzNLS0mBrawt7e3tj3JzJFLd2Zn5+0jko3t5S9yEionylpgLjxgErV6rHtm0DunaVLyYiIiMzVb5m8FSHbCdPnsTFixcBADVq1EB9tsgx2KNH6hOvWe0logKdPCmtwPZfZx0AQJcuQKtWsoVERGRODE58Hzx4gIiICBw6dAienp4AgMePH6NNmzb47rvvULp0aWPHaLE4v5eI9JKVBfzvf8CUKUBmpjTm4gIsXgy8+y7A1TSJiPRi8BzfkSNHIiUlBf/++y8ePXqER48e4fz580hOTsYoXXPNKE+c30tEBYqNlZZ3nDBBnfSGhgKnT0srszHpJSLSm8EV3927d2Pfvn2oXr26aqxGjRpYtmwZ2rdvb9TgLB0rvkSUr8uXgcaNgcePpW2FQkqAZ8wAHBzkjIyIyCwZXPFVKpU6T2Czt7dX9fcl/bDiS0T5qlRJSnwBqVPDgQPA7NlMeomICsngxLdt27Z4//33cffuXdXYnTt3MGbMGLRr186owVm67IpvqVIAp0YTkRYbG2kltsGDgbNneRIbEdELMjjx/eKLL5CcnIzAwEBUrFgRFStWRFBQEJKTk7F06VJTxGiREhOl3vOAVO3lND0iK5eZCcycCfzxh+a4n5/UuszLS564iIgsiMFzfAMCAnDq1Cns379f1c6sevXqCAsLM3pwlozze4lIJSYG6N0biIwE/P2Bc+eAkiXljoqIyOIYlPhu2bIFO3fuREZGBtq1a4eRI0eaKi6Lx/m9RAQhgI0bgREjgCdPpLG4OGkuLxekICIyOr0T3+XLl2P48OGoXLkynJ2dsWPHDly7dg3z5s0zZXwWixVfIiuXmAgMHQps3aoeCw4GNm0CmjSRLy4iIgum9xzfL774AtOnT0d0dDTOnDmD9evX48svvzRlbBaNFV8iK3bwIFC7tmbS278/cOYMk14iIhPSO/GNiYlBv379VNs9e/ZEZmYm7mWfoUUGya74liwJ+PjIGwsRFZGMDGDiRKBtW+D2bWnM01NKgNeuBdzcZA2PiMjS6T3VIT09Ha6urqptGxsbODg44NmzZyYJzJI9fgxkd4NjRwciK3L7NrB0qTS3FwBatwY2bJB69BIRkckZdHLb1KlT4eLiotrOyMjArFmz4OHhoRpbsGCB8aKzUJzfS2SlgoOBxYuBYcOAWbOAceOkXr1ERFQk9E58W7ZsiejoaI2xpk2bIiYmRrWtYOlSL5zfS2QlEhIAFxfpJ9s770gLUVSqJF9cRERWSu/E9+DBgyYMw7qw4ktkBfbskU5Ye/NNYNky9bhCwaSXiEgm/I5NBqz4ElmwtDRgzBigQwepJ++XXwK//ip3VEREhEKs3EYvLrvi6+UF+PrKGwsRGVFUFNCrl/Rvtg4dgNBQ+WIiIiIVVnyL2OPHwJ070mV2dCCyEEqldNJaw4bqpNfREViyBNi1CyhTRt74iIgIACu+Re7iRfVlzu8lsgD37gEDBkhzerOFhACbNwO1askXFxERaWHiW8Q4v5fIgkRHA82bS90bso0ZA8yeDTg5yRcXERHpVKipDn/99Rd69+6Nl156CXf++95+48aNOHz4sFGDs0Ts6EBkQSpVUn+Q/fykqu+CBUx6iYiKKYMT3+3btyM8PBzOzs44ffo00tPTAQBJSUmYPXu20QO0NKz4ElkQW1tg40agTx/g3DmgfXu5IyIionwYnPh++umnWLFiBVavXg17e3vVeLNmzXDq1CmjBmeJsiu+np4834XIrGRlAZ9/Dhw9qjlevry07LC3tzxxERGR3gye4xsdHY2WLVtqjXt4eODx48fGiMliJSUBt29Ll9nRgciMxMZKVd1Dh4CgIODMGcDdXe6oiIjIQAZXfMuUKYOrV69qjR8+fBjBwcFGCcpSsaMDkRnauhWoXVtKegHgxg3g999lDYmIiArH4MR30KBBeP/993Hs2DEoFArcvXsXmzZtwvjx4zFs2DBTxGgxOL+XyIwkJ0tLDkdESA24ASAgADhwAHjrLTkjIyKiQjJ4qsOECROgVCrRrl07PH36FC1btoSjoyPGjx+PkSNHmiJGi8GODkRmIjIS6N0biIlRj0VEAMuXS0suEhGRWVIIIURhDszIyMDVq1eRkpKCGjVqoESJEsaOzSSSk5Ph4eGBpKQkuBfxHL0OHdQ97u/cAcqWLdK7J6KCZGYCs2YBn3wincwGAG5uwLJlUiLMiflEREXCVPlaoRewcHBwQA2WLQ2SXfH18JBafhJRMXPtGjBnjjrpbdoU+OYb6YQ2IiIyewYnvm3atIEin6rHH3/88UIBWarkZOnEcIAdHYiKrapVgblzgbFjgWnTgEmTADsucElEZCkM/o1et25dje3nz5/jzJkzOH/+PPr162esuCwOOzoQFUOJiYCLC+DoqB4bORJo2xaoVUu+uIiIyCQMTnwXLlyoc3zGjBlISUl54YAsFTs6EBUzBw9KvXl79ADmzVOPKxRMeomILJTB7czy0rt3b6xZs8ZYN2dx2NGBqJjIyAAmTpSqurdvA//7H7B/v9xRERFRETDa5LXIyEg4OTkZ6+YsDiu+RMVAdDTQsyeQc3n1Nm2kub1ERGTxDE5833zzTY1tIQTu3buHEydOYOrUqUYLzNJkV3zd3dnGjKjICQGsWgWMGQM8eyaN2dtLrcvGjQNsjPblFxERFWMGJ74eHh4a2zY2NqhatSo+/vhjtG/f3miBWZInT4Bbt6TL7OhAVMTi44GBA4GdO9VjVasCmzcD9evLFxcRERU5gxLfrKwsDBgwACEhIfDi6kV6Y0cHIplERwOtWwNxceqxYcOkeb0uLrKFRURE8jDo+z1bW1u0b98ej7PXrTeSZcuWITAwEE5OTmjcuDGOHz+u13HfffcdFAoFunTpYtR4jI3ze4lkEhwMBARIl729parvl18y6SUislIGT2yrVasWYnKuX/+CtmzZgrFjx2L69Ok4deoU6tSpg/DwcDx48CDf427cuIHx48ejRYsWRovFVNjRgUgm9vbApk3Am28CUVFAp05yR0RERDIyOPH99NNPMX78ePzyyy+4d+8ekpOTNX4MtWDBAgwaNAgDBgxAjRo1sGLFCri4uOTbGi0rKwu9evXCzJkzERwcbPB9FjVWfImKgFIJLFkCnD6tOV65MrB9O1CmjDxxERFRsaF34vvxxx8jNTUVHTt2xNmzZ/H666+jXLly8PLygpeXFzw9PQ2e95uRkYGTJ08iLCxMHZCNDcLCwhAZGZlvLD4+Pnj33XcLvI/09PQXTs5fVM6ODv7+RX73RJbv3j2gY0fg/feldmVPn8odERERFUN6n9w2c+ZMDB06FAcOHDDanSckJCArKwu+vr4a476+vrh06ZLOYw4fPoyvv/4aZ86c0es+5syZg5kzZ75oqIWWkgLcvCldrlGDHR2IjO6nn6SuDQkJ0valS8BvvwFdu8obFxERFTt6J75CCABAq1atTBZMQZ48eYI+ffpg9erV8Pb21uuYiRMnYuzYsart5ORkBGSf7FIE2NGByERSU6UevCtXqsf8/IB16wC2ViQiIh0MamemMHK50tvbG7a2trh//77G+P3791FGx3y8a9eu4caNG+iU4wQVpVIJALCzs0N0dDQqVqyocYyjoyMcHR2NGrchOL+XyAROnpSmNFy+rB7r0gVYvVrq3kBERKSDQYlvlSpVCkx+Hz16pPftOTg4IDQ0FPv371e1JFMqldi/fz9GjBihtX+1atUQFRWlMTZlyhQ8efIEixcvLtJKrr7Y0YHIiLKygHnzgKlTgcxMaczFBVi0SJruwLlERESUD4MS35kzZ2qt3Paixo4di379+qFBgwZo1KgRFi1ahNTUVAwYMAAA0LdvX/j7+2POnDlwcnJCrVq1NI739PQEAK3x4oIVXyIjunRJM+kNDZVWYKtSRd64iIjILBiU+Pbo0QM+Pj5GDSAiIgLx8fGYNm0a4uLiULduXezevVt1wtutW7dgY2Nw17ViI7vi6+YGlCsnbyxEZq9mTeCTT4BJk4AJE4AZMwAHB7mjIiIiM6EQ2WetFcDW1hb37t0zeuJb1JKTk+Hh4YGkpCS4u7ub9L5SUqSEFwAaNwb+/tukd0dkeZ48AZydAbscf6NnZUm9ehs0kC8uIiIyKVPla3qXUvXMjymHnB3ZOL+XyECRkUDdusCnn2qO29oy6SUiokLRO/FVKpVmX+0tapzfS1QImZnAzJlAixZATIw0teHoUbmjIiIiC2DQHF8yDDs6EBkoJgbo3Vuq9mZr0kTqz0tERPSCzPesMTPAii+RnoQANmyQpjZkJ722tlLl99AhIChI1vCIiMgysOJrQtkV3xIlgGLYYpioeEhMBIYNA7ZsUY8FBwObNknVXiIiIiNh4msiqanA9evS5Ro12FefSKfoaODll4HYWPVY//7AkiXqlihERERGwqkOJsKODkR6qFAB+G8RGnh5AVu3AmvXMuklIiKTYOJrIpzfS6QHJydp5bWOHYFz54Bu3eSOiIiILBgTXxNhRweiXIQAVq3S/HAAQK1awK+/cmlDIiIyOSa+JsKKL1EO8fFAly7AkCFAz55AerrcERERkRVi4msi2UUtV1d2dCArt2cPULs2sHOntH32LPDLL/LGREREVomJrwk8farZ0cGGzzJZo7Q0YPRooEMHIC5OGvP2lhLgrl1lDY2IiKwT25mZwKVL0nRGgPN7yUpFRUlTGs6fV4+FhwPr1gFlysgWFhERWTfWIk2A83vJaimVwOLFQMOG6qTX0VEa27WLSS8REcmKFV8TYEcHslpRUcDYsVICDAAhIVK7slq15I2LiIgIrPiaBCu+ZLXq1AEmTZIujxkDHD/OpJeIiIoNVnxNILvi6+IClC8vbyxEJvX0qbQIRc4zOKdNA9q3B1q0kC8uIiIiHVjxNbKnT4GYGOkyOzqQRTt5EqhXD5g/X3Pc3p5JLxERFUtMy4wsOpodHcjCZWUBn38ONGkCXL4MTJ4MnDold1REREQF4lQHI+P8XrJosbFAnz7AoUPqsdq1gRIl5IuJiIhIT6z4Ghk7OpDF2rpVSnKzk16FApg4ETh6FKhSRd7YiIiI9MCKr5Gx4ksWJzkZGDUKWL9ePRYQAGzcCLRqJV9cREREBmLia2Q5OzpUqCBvLEQvLDoa6NhRfcYmAEREACtWAJ6esoVFRERUGJzqYETPngHXrkmXq1dnRweyAOXKAXb//X3s5gZs2AB8+y2TXiIiMktMzYyIHR3I4ri6SiuvtW4NnD0rndimUMgdFRERUaEw8TUizu8lsyaEVNHN/toiW2go8McfQFCQPHEREREZCRNfI2JHBzJbiYlAjx5Av35Ar17A8+ea17PKS0REFoCJrxGx4ktm6eBBqU3Z1q3S9rFjwC+/yBoSERGRKTDxNaLsiq+zMxAYKGsoRAXLyAAmTADatgVu35bGvLyA778H3nhD3tiIiIhMgO3MjCQtjR0dyIxERwM9e2ouNdymjTTHt1w5+eIiIiIyIaZnRhIdDSiV0mXO76ViSwhg5UqgXj110mtvD8ydC+zbx6SXiIgsGiu+RsL5vWQWTp8Ghg5Vb1etKrUrq19fvpiIiIiKCCu+RsKODmQW6tcHxo6VLg8bJlV9mfQSEZGVYMXXSFjxpWIpPR1wcNBsRzZ7NtChA/Dyy/LFRUREJANWfI0ku+Lr5MSODlRMREUBDRoAy5drjjs6MuklIiKrxMTXCNLSgKtXpcvVqwO2tvLGQ1ZOqQQWLwYaNgTOnwfGjdOci0NERGSlONXBCC5fZkcHKibu3QMGDAD27FGPVa4sXzxERETFCCu+RsD5vVQs/PSTtAJbzqR3zBjg+HH+RUZERARWfI0i57fITHypyKWmStMZVq5Uj/n5AevWAe3byxYWERFRccPE1whyVnxZWKMidfky0KmT9G+2Ll2A1asBb2/ZwiIiIiqOONXBCHJ2dAgKkjcWsjK+vkBGhnTZxUVKeHfsYNJLRESkAxPfF5Seru7oUK0aOzpQEfPwAL75BmjcWFqVbeBAzZ69REREpMLE9wVdvgxkZUmXOb+XTO7774HYWM2xZs2AyEigShV5YiIiIjITTHxfEOf3UpFITgb69we6dwf69lX/tZWNVV4iIqICMfF9QezoQCYXGQnUqwesXy9tHzwI/PKLrCERERGZIya+L4gVXzKZzExg5kygRQsgJkYac3MDNmwAXn9d3tiIiIjMENuZvaDsiq+jIxAcLG8sZEFiYoDevaVqb7amTaUT2dg6hIiIqFBY8X0B6enAlSvSZXZ0IKMQQqro1q2rTnptbaXK76FDTHqJiIheACu+L+DKFXZ0ICM7cQLo10+9HRwMbNoENGkiX0xEREQWghXfF8D5vWR0DRsCQ4ZIl/v3B86cYdJLRERkJKz4vgB2dKAX9vw5YGen2Y5s/nygY0eewEZERGRkrPi+AFZ86YVER0vV3Ow2ZdlcXZn0EhERmQAT3xfAjg5UKEIAK1dKvXlPnQJGjlSve01EREQmw6kOhZSRoe7oULWq9G01UYHi44GBA4GdO9Vj/v7As2fyxURERGQlWPEtpCtXpPUFAM7vJT3t2QPUrq2Z9A4dKlV9Q0Lki4uIiMhKMPEtJM7vJb2lpQFjxgAdOgBxcdKYt7eUAC9fDri4yBsfERGRleAX9IXEjg6kl6tXgTffBKKi1GMdOgBr1wJlysgXFxERkRVixbeQWPElvXh5AQ8fSpcdHYElS4Bdu5j0EhERyYCJbyFlV3wdHICKFeWNhYqxUqWAdeuAOnWkVdlGjtTs2UtERERFholvIWRkAJcvS5fZ0YE0/Pyzeh5vtpdfBk6eBGrVkicmIiIiAsDEt1CuXmVHB8olNVXq0PD668A770i9enOytZUnLiIiIlJh4lsInN9LGk6eBOrXlxalAIDffgN++UXemIiIiEgLE99CYEcHAgBkZQGffy4tO5w998XFBVi9GnjtNXljIyIiIi2cnVoIrPgSYmOBPn2AQ4fUY6GhwObNQJUq8sVFREREeWLFtxCyK7729kClSvLGQjLYskVagS076VUogIkTgaNHmfQSEREVY6z4Guj5c3Z0sGp//w306KHeDggANm4EWrWSLyYiIiLSCyu+Brp6VUp+Ac7vtUpNmkhTHAAgIgI4e5ZJLxERkZlgvdJAnN9rZZRKwCbX34dffAG8+irQvTsXoyAiIjIjrPgaiB0drEhMDNC8ObB1q+a4u7tU7WXSS0REZFaY+BqIFV8rIASwYQNQty4QGQkMGSJ1cSAiIiKzxsTXQOzoYOESE6WT1/r1A548kcZKlgQePpQ3LiIiInphTHwN8Pw5EB0tXa5SRUp+yYIcPCi1Kcs5taF/f+DMGan6S0RERGaNia8Brl1jRweLlJEBTJgAtG0L3L4tjXl6Sgnw2rWAm5us4REREZFxsKuDATi/1wLFxADdugGnTqnHWreW5vgGBMgWFhERERkfK74GYEcHC+TsDNy6JV22twfmzgX272fSS0REZIGY+BqAFV8L5OcHfP01UK2atCrbBx9o9+0lIiIii8D/4Q2QXfG1swMqV5Y3Fiqkffu0OzS8/jpw7hxQv748MREREVGRKBaJ77JlyxAYGAgnJyc0btwYx48fz3Pf1atXo0WLFvDy8oKXlxfCwsLy3d9YMjPZ0cGspaUBY8YAL78s9eUVQvN6vqBEREQWT/bEd8uWLRg7diymT5+OU6dOoU6dOggPD8eDBw907n/w4EG8/fbbOHDgACIjIxEQEID27dvjzp07Jo3z2jXp5H+A83vNTlQU0KgRsGiRtL19O7B7t6whERERUdGTPfFdsGABBg0ahAEDBqBGjRpYsWIFXFxcsGbNGp37b9q0Ce+99x7q1q2LatWq4auvvoJSqcT+/ftNGifn95ohpRJYvBho2FBKfgHA0RFYsgTo0EHe2IiIiKjIydrOLCMjAydPnsTEiRNVYzY2NggLC0NkZKRet/H06VM8f/4cJUuW1Hl9eno60tPTVdvJycmFipUdHczMvXvAgAHAnj3qsZAQYPNmoFYt+eIiIiIi2cha8U1ISEBWVhZ8fX01xn19fREXF6fXbXz00UcoW7YswsLCdF4/Z84ceHh4qH4CCtmmihVfM7Jzp7QCW86kd8wY4PhxJr1ERERWTPapDi/is88+w3fffYcffvgBTk5OOveZOHEikpKSVD+xsbGFui92dDATR44AnTsDCQnSdpkyUgK8YAGQx3uEiIiIrIOsia+3tzdsbW1x//59jfH79++jTJky+R77v//9D5999hl+//131K5dO8/9HB0d4e7urvFjqMxM4NIl6XLlyoCDg8E3QUWlaVPgjTeky507S3N727eXNyYiIiIqFmRNfB0cHBAaGqpxYlr2iWovvfRSnsfNnTsXn3zyCXbv3o0GDRqYPM6YGHZ0KLZytyVTKIDVq4G1a4EffgC8veWJi4iIiIod2ac6jB07FqtXr8b69etx8eJFDBs2DKmpqRgwYAAAoG/fvhonv33++eeYOnUq1qxZg8DAQMTFxSEuLg4pKSkmi5Hze4up2FigbVvgl180x0uVAvr3l5JgIiIiov/I2tUBACIiIhAfH49p06YhLi4OdevWxe7du1UnvN26dQs2OZaQXb58OTIyMvDWW29p3M706dMxY8YMk8TIjg7F0Nat0kIUjx9Lf5mcOyfN5yUiIiLKg0KI3N8VW7bk5GR4eHggKSlJ7/m+PXsC334rXY6KYmMAWSUnA6NGAevXq8cCAoAff+SSw0RERBaiMPmaPmSf6mAOsiu+trbScsUkk8hIoG5dzaQ3IgI4e5ZJLxERERWIiW8BsrLY0UF2mZnAjBlAixbA9evSmJsbsGGDVIr38pI1PCIiIjIPss/xLe5iYoDshd84v1cGN25Ic01yruTXtCnwzTdAUJBsYREREZH5YcW3AOzoIDMbG825JjNnAocOMeklIiIigzHxLQA7OsisfHlgxQogOBg4fBiYNk1aPo+IiIjIQEx8C8CKbxH76y+pc0NOPXpIL0STJvLERERERBaBiW8B2NGhiGRkABMmAK1aASNHal/v5FT0MREREZFFYeKbj5wdHSpVAhwd5Y3HYkVHAy+9BHz+ubQE8YYNwO+/yx0VERERWRgmvvm4fh1IS5Muc36vCQgBrFwJ1KsHnDoljdnbA3PnAmFh8sZGREREFodnCeWD83tNKD4eGDgQ2LlTPVa1KrB5MxejICIiIpNgxTcf7OhgInv2ALVraya9w4ZJVV8mvURERGQirPjmgxVfE/jrL6BDB/W2tzewZg3QqZN8MREREZFVYMU3H9kVXxsb6Vt4MoLmzdWJb4cOQFQUk14iIiIqEqz45iErC7h4UbrMjg5GpFAAa9cCP/wADB0qbRMREREVAVZ883DjBjs6vLC4OODVV4H9+zXHy5SR5vQy6SUiIqIixIpvHji/9wXt3Am8+y6QkACcPSv9lCold1RERERkxVjxzQM7OhRSaqo0haFzZynpBQClUiqhExEREcmIiW8eWPEthJMngdBQaVGKbF26AOfOSeNEREREMmLimwd2dDBAVpa03HCTJtLywwDg4gKsXg3s2CG1LCMiIiKSGef46qBUqjs6VKwIODnJG0+xdvs20KcPcPCgeiw0VFqBrUoV2cIiIiIiyo0VXx1u3ACePZMuc35vAZ49A/75R7qsUAATJwJHjzLpJSIiomKHia8OnN9rgMqVgSVLgIAA4MABYPZswMFB7qiIiIiItDDx1YEdHfJx/Djw9Knm2IAB0pPWqpU8MRERERHpgYmvDqz46pCZCcycCTRtCowfr3mdQgGUKCFPXERERER6YuKrQ3biy44O/4mJAVq2BGbMkDo4LF8uTWsgIiIiMiNMfHPJ2dEhOBhwdpY3HlkJAWzYANStC0RGSmO2tlLlt0ULWUMjIiIiMhTbmeXCjg7/SUwEhg0DtmxRjwUHA5s2Sf16iYiIiMwME99ccp7YZrXzew8dknrzxsaqx/r3l7o3uLnJFhYRUVHJysrC8+fP5Q6DyKI5ODjAxqZoJx8w8c0l54ltVlnxPXQIaNNGmuYAAF5e0hLE3brJGxcRUREQQiAuLg6PHz+WOxQii2djY4OgoCA4FGEbVCa+uVh9xbd5c+lEtuwEeMMGoFw5uaMiIioS2Umvj48PXFxcoFAo5A6JyCIplUrcvXsX9+7dQ/ny5Yvss8bEN5fsiq9CAVSrJm8ssrC1BTZuBL7/Hhg9WmptQURkBbKyslRJb6lSpeQOh8jilS5dGnfv3kVmZibs7e2L5D6Z1eRgdR0d4uOBrl2BI0c0xwMCgLFjmfQSkVXJntPr4uIicyRE1iF7ikNWVlaR3ScrvjncvKlelMzi5/fu2SOdsBYXB5w6BZw9C7i7yx0VEZHsOL2BqGjI8VljSS8Hq5jfm5YmTWHo0EFKegEgJQW4fFnWsIiIiIhMjYlvDhbf0SEqCmjYEFi8WD3WoYM03qCBfHERERHJJDo6GmXKlMGTJ0/kDsWiZGRkIDAwECdOnJA7FA1MfHOw2IqvUikluw0bAufPS2OOjlJf3l27gDJl5I2PiIheSP/+/aFQKKBQKGBvb4+goCB8+OGHSEtL09r3l19+QatWreDm5gYXFxc0bNgQ69at03m727dvR+vWreHh4YESJUqgdu3a+Pjjj/Ho0SMTP6KiM3HiRIwcORJuFtynftmyZQgMDISTkxMaN26M48ePF3jMokWLULVqVTg7OyMgIABjxozR+X4CgM8++wwKhQKjR49WjTk4OGD8+PH46KOPjPUwjIKJbw4W2dHh3j2gY0dpekN6ujQWEgKcOAGMHCk9WCIiMnsdOnTAvXv3EBMTg4ULF2LlypWYPn26xj5Lly5F586d0axZMxw7dgznzp1Djx49MHToUIwfP15j38mTJyMiIgINGzbEb7/9hvPnz2P+/Pk4e/YsNm7cWGSPKyMjw2S3fevWLfzyyy/o37//C92OKWN8UVu2bMHYsWMxffp0nDp1CnXq1EF4eDgePHiQ5zGbN2/GhAkTMH36dFy8eBFff/01tmzZgkmTJmnt+88//2DlypWoXbu21nW9evXC4cOH8W/Or9TlJqxMUlKSACCSkpI0xrOyhHB1FQIQIjhYpuBM4fx5IRwdpQcGCDFmjBDPnskdFRFRsfPs2TNx4cIF8cwMf0f269dPdO7cWWPszTffFPXq1VNt37p1S9jb24uxY8dqHb9kyRIBQPz9999CCCGOHTsmAIhFixbpvL/ExMQ8Y4mNjRU9evQQXl5ewsXFRYSGhqpuV1ec77//vmjVqpVqu1WrVmL48OHi/fffF6VKlRKtW7cWb7/9tujevbvGcRkZGaJUqVJi/fr1QgghsrKyxOzZs0VgYKBwcnIStWvXFt9//32ecQohxLx580SDBg00xhISEkSPHj1E2bJlhbOzs6hVq5bYvHmzxj66YhRCiKioKNGhQwfh6uoqfHx8RO/evUV8fLzquN9++000a9ZMeHh4iJIlS4pXX31VXL16Nd8YX1SjRo3E8OHDVdtZWVmibNmyYs6cOXkeM3z4cNG2bVuNsbFjx4pmzZppjD158kRUrlxZ7N27V7Rq1Uq8//77WrfVpk0bMWXKFJ33k99nLq987UWx4vufW7eA1FTpskXN761ZE5g3T5rOsGcPsGAB4OQkd1RERGajQQNpHZ+i/nmRUy/Onz+Po0ePaqyItW3bNjx//lyrsgsAQ4YMQYkSJfDtt98CADZt2oQSJUrgvffe03n7np6eOsdTUlLQqlUr3LlzBzt37sTZs2fx4YcfQqlUGhT/+vXr4eDggCNHjmDFihXo1asXfv75Z6SkpKj22bNnD54+fYo33ngDADBnzhxs2LABK1aswL///osxY8agd+/eOHToUJ7389dff6FBric6LS0NoaGh+PXXX3H+/HkMHjwYffr00ZoekDvGx48fo23btqhXrx5OnDiB3bt34/79++jevbvqmNTUVIwdOxYnTpzA/v37YWNjgzfeeCPf52f27NkoUaJEvj+3bt3SeWxGRgZOnjyJsLAw1ZiNjQ3CwsIQGRmZ5302bdoUJ0+eVD3mmJgY7Nq1Cx07dtTYb/jw4Xj11Vc1bj+3Ro0a4a+//srz+qLGdmb/sZj5vWfPSvM0HB3VYyNGAL17S8sPExGRQeLigDt35I6iYL/88gtKlCiBzMxMpKenw8bGBl988YXq+suXL8PDwwN+fn5axzo4OCA4OBiX/+vwc+XKFQQHBxu8qMDmzZsRHx+Pf/75ByVLlgQAVKpUyeDHUrlyZcydO1e1XbFiRbi6uuKHH35Anz59VPf1+uuvw83NDenp6Zg9ezb27duHl156CQAQHByMw4cPY+XKlWjVqpXO+7l586ZW4uvv76/xx8HIkSOxZ88ebN26FY0aNcozxk8//RT16tXD7NmzVWNr1qxBQEAALl++jCpVqqBr164a97VmzRqULl0aFy5cQK1atXTGOHToUI3kWZeyZcvqHE9ISEBWVhZ8fX01xn19fXHp0qU8b69nz55ISEhA8+bNIYRAZmYmhg4dqjHV4bvvvsOpU6fwzz//FBjbzZs3892nKDHx/Y/Zd3TIygL+9z9gyhTg/fely9kUCia9RESFJNf5v4beb5s2bbB8+XKkpqZi4cKFsLOz00q09CWEKNRxZ86cQb169VRJb2GFhoZqbNvZ2aF79+7YtGkT+vTpg9TUVPz000/47rvvAABXr17F06dP8fLLL2scl5GRgXr16uV5P8+ePYNTrm9Bs7KyMHv2bGzduhV37txBRkYG0tPTtRY2yR3j2bNnceDAAZQoUULrfq5du4YqVargypUrmDZtGo4dO4aEhARVpffWrVt5Jr4lS5Z84efTUAcPHsTs2bPx5ZdfonHjxrh69Sref/99fPLJJ5g6dSpiY2Px/vvvY+/evVrPX27Ozs54mr1IQjHAxPc/Zl3xjY0F+vQBsr/OmT8f6NIFaN5c1rCIiCxBMevGlCdXV1dVdXXNmjWoU6cOvv76a7z77rsAgCpVqiApKQl3797VqhBmZGTg2rVraNOmjWrfw4cP4/nz5wZVfZ0LWPLUxsZGK6nOXjEv92PJrVevXmjVqhUePHiAvXv3wtnZGR06dAAA1RSIX3/9Ff7+/hrHOeb8BjQXb29vJCYmaozNmzcPixcvxqJFixASEgJXV1eMHj1a6wS23DGmpKSgU6dO+Pzzz7XuJ7vK3qlTJ1SoUAGrV69G2bJloVQqUatWrXxPjps9e7ZGFVmXCxcuoHz58jofn62tLe7fv68xfv/+fZTJ5y+rqVOnok+fPhg4cCAAICQkBKmpqRg8eDAmT56MkydP4sGDB6hfv77qmKysLPz555/44osvkJ6eDltbWwDAo0ePULp06XzjL0qc4/ufnB0dqleXNxaDbN0K1K6tTnoVCmDiRCDH1zFERGRdbGxsMGnSJEyZMgXPnj0DAHTt2hX29vaYP3++1v4rVqxAamoq3n77bQDSV90pKSn48ssvdd7+48ePdY7Xrl0bZ86cybPdWenSpXHv3j2NsTNnzuj1mJo2bYqAgABs2bIFmzZtQrdu3VRJeY0aNeDo6Ihbt26hUqVKGj8BAQF53ma9evVwIWflC8CRI0fQuXNn9O7dG3Xq1NGYApKf+vXr499//0VgYKBWDK6urnj48CGio6MxZcoUtGvXDtWrV9dKunUZOnQozpw5k+9PXlMdHBwcEBoaiv3796vGlEol9u/fr5oSosvTp09hY6OZImYnskIItGvXDlFRURoxNGjQAL169cKZM2dU+wLSfPP8qu5FzqinypkBXWcJKpXqjg5BQTIGZ4ikJCH69VN3awCECAgQ4uBBuSMjIjJLltbV4fnz58Lf31/MmzdPNbZw4UJhY2MjJk2aJC5evCiuXr0q5s+fLxwdHcW4ceM0jv/www+Fra2t+OCDD8TRo0fFjRs3xL59+8Rbb72VZ7eH9PR0UaVKFdGiRQtx+PBhce3aNbFt2zZx9OhRIYQQu3fvFgqFQqxfv15cvnxZTJs2Tbi7u2t1ddDVHUAIISZPnixq1Kgh7OzsxF9//aV1XalSpcS6devE1atXxcmTJ8WSJUvEunXr8nzedu7cKXx8fERmZqZqbMyYMSIgIEAcOXJEXLhwQQwcOFC4u7trPL+6Yrxz544oXbq0eOutt8Tx48fF1atXxe7du0X//v1FZmamyMrKEqVKlRK9e/cWV65cEfv37xcNGzYUAMQPP/yQZ4wv6rvvvhOOjo5i3bp14sKFC2Lw4MHC09NTxMXFqfbp06ePmDBhgmp7+vTpws3NTXz77bciJiZG/P7776JixYpanTVyyut1q1ChgtiwYYPOY+To6sDEVwhx44Y6d3ztNRmD09fRo1LPtZxJb0SEEI8eyR0ZEZHZsrTEVwgh5syZI0qXLi1SUlJUYz/99JNo0aKFcHV1FU5OTiI0NFSsWbNG5+1u2bJFtGzZUri5uQlXV1dRu3Zt8fHHH+fbzuzGjRuia9euwt3dXbi4uIgGDRqIY8eOqa6fNm2a8PX1FR4eHmLMmDFixIgReie+Fy5cEABEhQoVhFKp1LhOqVSKRYsWiapVqwp7e3tRunRpER4eLg4dOpRnrM+fPxdly5YVu3fvVo09fPhQdO7cWZQoUUL4+PiIKVOmiL59+xaY+AohxOXLl8Ubb7whPD09hbOzs6hWrZoYPXq0Kta9e/eK6tWrC0dHR1G7dm1x8OBBkye+QgixdOlSUb58eeHg4CAaNWqkai+X8/H069dPtf38+XMxY8YMUbFiReHk5CQCAgLEe++9l+/rrus5OXr0qPD09BRPnz7VeYwcia9CiELOYDdTycnJ8PDwQFJSEtzd3QEAv/0mrfEAAB9+COiYnlN8HDwIhIVJJ7MBgJsbsGyZ1LWBi1EQERVaWloarl+/jqCgoAJP2CHLsWzZMuzcuRN79uyROxSLExERgTp16uhc+ALI/zOnK18zBp7cBjPr6NCsGRAaChw/DjRtCnzzDRAUJHdUREREZmnIkCF4/Pgxnjx5YtHLFhe1jIwMhISEYMyYMXKHooGJL8yso4O9PbBpE7BlC/DRR4AdX0IiIqLCsrOzw+TJk+UOw+I4ODhgypQpcoehhV0doFnxLVYdHRITgV69gJMnNccrVQImT2bSS0RERGQAq8+chFBXfAMDAR2tA+Vx8KDUm/f2bSnxPXUKyNU8m4iIiIj0Z/UV39hYIHvp72IxvzcjA5gwAWjbVkp6AeDBA82yNBEREREZzOorvsVqfm90NNCzp1TdzdamDbBhA1CunHxxEREREVkAq6/4FouODkIAK1cC9eqpk157e2DuXGDfPia9REREREbAiq/cFd/4eGDgQGDnTvVY1arA5s1AjjWwiYiIiOjFsOIrd0eH2Fhg1y719rBhUtWXSS8RERGRUVl14puzo0OFCkCJEjIEUb8+8OmngLe3VPX98kt2byAiIrOiUCjw448/yh1GsTVjxgzUrVtX7jAIVp743r4NPHkiXS6y+b2XLgHPn2uOjR8vlZ47dSqiIIiIyJL0798fCoUCCoUC9vb2CAoKwocffoi0tDS5QzO5uLg4vP/++6hUqRKcnJzg6+uLZs2aYfny5Xj69Knc4QEAxo8fj/3798sdBsHK5/gW6fxepRJYulRabe2jj4CZM9XX2doCPj4mDoCIiCxZhw4dsHbtWjx//hwnT55Ev379oFAo8Pnnn8sdmsnExMSgWbNm8PT0xOzZsxESEgJHR0dERUVh1apV8Pf3x+uvvy53mChRogRKyPK1MuVm1RXfIuvocO8e0LEjMHo0kJ4uTW04ftyEd0hERNbG0dERZcqUQUBAALp06YKwsDDs3btXdf3Dhw/x9ttvw9/fHy4uLggJCcG3336rcRutW7fGqFGj8OGHH6JkyZIoU6YMZsyYobHPlStX0LJlSzg5OaFGjRoa95EtKioKbdu2hbOzM0qVKoXBgwcjJbtpPqQKdZcuXTB79mz4+vrC09MTH3/8MTIzM/HBBx+gZMmSKFeuHNauXZvvY37vvfdgZ2eHEydOoHv37qhevTqCg4PRuXNn/Prrr+j03zepN27cgEKhwJkzZ1THPn78GAqFAgcPHlSNnT9/Hq+88gpKlCgBX19f9OnTBwkJCarrt23bhpCQENXjCgsLQ2pqKgDg4MGDaNSoEVxdXeHp6YlmzZrh5s2bALSnOmQ//v/973/w8/NDqVKlMHz4cDzP8Y3wvXv38Oqrr8LZ2RlBQUHYvHkzAgMDsWjRonyfE8qfVSe+RVLx/eknoHZtYM8e9dioUdIYERGZhwULpNaSBf3oqi6+/rp+xy5YYLRwz58/j6NHj8LBwUE1lpaWhtDQUPz66684f/48Bg8ejD59+uB4rkLM+vXr4erqimPHjmHu3Ln4+OOPVcmtUqnEm2++CQcHBxw7dgwrVqzARx99pHF8amoqwsPD4eXlhX/++Qfff/899u3bhxEjRmjs98cff+Du3bv4888/sWDBAkyfPh2vvfYavLy8cOzYMQwdOhRDhgzB7ezFnHJ5+PAhfv/9dwwfPhyueSy7qlAo9H7OHj9+jLZt26JevXo4ceIEdu/ejfv376N79+4ApET07bffxjvvvIOLFy/i4MGDePPNNyGEQGZmJrp06YJWrVrh3LlziIyMxODBg/O9/wMHDuDatWs4cOAA1q9fj3Xr1mHdunWq6/v27Yu7d+/i4MGD2L59O1atWoUHDx7o/XgoD8LKJCUlCQAiKSlJNGkihHSKmxDJyUa+o5QUIYYMUd8BIESZMkLs2WPkOyIiImN49uyZuHDhgnj27Jn2ldOna/4+z+unSRPtY3P+Z5Pfz/TphY69X79+wtbWVri6ugpHR0cBQNjY2Iht27ble9yrr74qxo0bp9pu1aqVaN68ucY+DRs2FB999JEQQog9e/YIOzs7cefOHdX1v/32mwAgfvjhByGEEKtWrRJeXl4iJSVFtc+vv/4qbGxsRFxcnCreChUqiKysLNU+VatWFS1atFBtZ2ZmCldXV/Htt9/qjP3vv/8WAMSOHTs0xkuVKiVcXV2Fq6ur+PDDD4UQQly/fl0AEKdPn1btl5iYKACIAwcOCCGE+OSTT0T79u01bis2NlYAENHR0eLkyZMCgLhx44ZWLA8fPhQAxMGDB3XGOn36dFGnTh3Vdvbjz8zMVI1169ZNRERECCGEuHjxogAg/vnnH9X1V65cEQDEwoULdd6HOcrvM5czXzMmq53jm7OjQ/nygJubEW/85ElpBbbLl9VjnTsDX30ldW8gIiLz4u4O+PsXvF/p0rrH9DnW3d3wuHJo06YNli9fjtTUVCxcuBB2dnbo2rWr6vqsrCzMnj0bW7duxZ07d5CRkYH09HS45OokVDvXN5J+fn6qSuPFixcREBCAsmXLqq5/6aWXNPa/ePEi6tSpo1GFbdasGZRKJaKjo+Hr6wsAqFmzJmxs1F88+/r6olatWqptW1tblCpVyuAq5/Hjx6FUKtGrVy+kp6frfdzZs2dx4MABnXNxr127hvbt26Ndu3YICQlBeHg42rdvj7feegteXl4oWbIk+vfvj/DwcLz88ssICwtD9+7d4efnl+f91axZE7a2tqptPz8/REVFAQCio6NhZ2eH+jlam1aqVAleXl56Px7SzWoT37t3geRk6bJR5/f+8QcQHg5kZkrbLi7AokXSIhUGfOVCRETFyNix0k9h5FygyIRcXV1RqVIlAMCaNWtQp04dfP3113j33XcBAPPmzcPixYuxaNEihISEwNXVFaNHj0ZGRobG7djb22tsKxQKKJVKo8er634Mue9KlSpBoVAgOjpaYzw4OBgA4OzsrBrLTrCFEKqx57k6LKWkpKBTp046Twb08/ODra0t9u7di6NHj+L333/H0qVLMXnyZBw7dgxBQUFYu3YtRo0ahd27d2PLli2YMmUK9u7diyZNmuj9+E3xPJMmq53je+mS+rJR5/c2a6a+wdBQ4PRpYNAgJr1ERFRkbGxsMGnSJEyZMgXPnj0DABw5cgSdO3dG7969UadOHQQHB+Nyzm8m9VC9enXExsbi3r17qrG///5ba5+zZ8+qTvrKvm8bGxtUrVr1BR6VplKlSuHll1/GF198oXFfupT+rxKfM+6cJ7oBQP369fHvv/8iMDAQlSpV0vjJrl4rFAo0a9YMM2fOxOnTp+Hg4IAffvhBdRv16tXDxIkTcfToUdSqVQubN28u1GOrWrUqMjMzcfr0adXY1atXkZiYWKjbIzUmvjByxdfRUVpuePJk4OhRoEoVI944ERGRfrp16wZbW1ssW7YMAFC5cmVVxfLixYsYMmQI7t+/b9BthoWFoUqVKujXrx/Onj2Lv/76C5MnT9bYp1evXnByckK/fv1w/vx5HDhwACNHjkSfPn1U0xyM5csvv0RmZiYaNGiALVu24OLFi4iOjsY333yDS5cuqaYSODs7o0mTJvjss89w8eJFHDp0CFOmTNG4reHDh+PRo0d4++238c8//+DatWvYs2cPBgwYgKysLBw7dgyzZ8/GiRMncOvWLezYsQPx8fGoXr06rl+/jokTJyIyMhI3b97E77//jitXrqB6IZeErVatGsLCwjB48GAcP34cp0+fxuDBg+Hs7GzQCXukjYkvXqDim5wsVXNz9kUDpEz600+BHGfTEhERFSU7OzuMGDECc+fORWpqKqZMmYL69esjPDwcrVu3RpkyZdClSxeDbtPGxgY//PADnj17hkaNGmHgwIGYNWuWxj4uLi7Ys2cPHj16hIYNG+Ktt95Cu3bt8MUXXxjx0UkqVqyI06dPIywsDBMnTkSdOnXQoEEDLF26FOPHj8cnn3yi2nfNmjXIzMxEaGgoRo8ejU8//VTjtsqWLYsjR44gKysL7du3R0hICEaPHg1PT0/Y2NjA3d0df/75Jzp27IgqVapgypQpmD9/Pl555RW4uLjg0qVL6Nq1K6pUqYLBgwdj+PDhGDJkSKEf24YNG+Dr64uWLVvijTfewKBBg+Dm5gYnJ6dC3yYBCpFzwosVSE5OhoeHBxo2TMI//7j/N1aIk9siI4HevYGYGKk12fHjUrWXiIjMUlpaGq5fv46goCAmF1Ts3L59GwEBAdi3bx/atWsndzhGkd9nLjtfS0pKgvsLnviZk9We3JY9Fz4gwMCkNzMTmDUL+OQTICtLGrt+HTh3DmjY0OhxEhERkfX5448/kJKSgpCQENy7dw8ffvghAgMD0bJlS7lDM2tWm/gWqqNDTIxU5Y2MVI81bQp88w0QFGTU+IiIiMh6PX/+HJMmTUJMTAzc3NzQtGlTbNq0SasbBBnGahPfbHrN7xUC2LgRGDECePJEGrO1BaZNAyZNAuys/mkkIiIiIwoPD0d4eLjcYVgcq8/YCqz4JiYCw4YBW7aox4KDgU2bgDx68xERERFR8WO1XR2yFVjxvXgR+P579Xb//sCZM0x6iYgslJWd800kGzk+a0x8C0p8mzaVevJ6egJbtwJr1xp5fWMiIioOsudOPn36VOZIiKxD9qqBOZduNjWrnupQrpyOpdGvXwfKl5fm8GabOhUYMkS/tdaJiMgs2drawtPTEw8ePAAg9aPlYgFEpqFUKhEfHw8XFxfYFeG5Ulad+GrM7xUCWLUKGDMGmD4d+Ogj9XX29kx6iYisQJkyZQBAlfwSkenY2NigfPnyRfoHplUnvqppDvHxwMCBwM6d0vaUKUD79kC9erLFRkRERU+hUMDPzw8+Pj54/vy53OEQWTQHBwfY2BTtrFurTnxr1gSwZ490wlpcnPqKgQOBqlXlCouIiGRma2tbpPMOiahoFIuT25YtW4bAwEA4OTmhcePGOH78eL77f//996hWrRqcnJwQEhKCXbt2GXyfDkhDx99HAx06qJNeb2+p6rt8OeDiUohHQkRERETFleyJ75YtWzB27FhMnz4dp06dQp06dRAeHp7n/KqjR4/i7bffxrvvvovTp0+jS5cu6NKlC86fP2/Q/R5Ea/htXawe6NABiIoCOnV6kYdDRERERMWUQsjcsLBx48Zo2LAhvvjiCwDSWX4BAQEYOXIkJkyYoLV/REQEUlNT8csvv6jGmjRpgrp162LFihUF3l9ycjI8PDyQBMAdABwdgXnzpFXZePYuERERkexU+VpSEty1WnAVnqxzfDMyMnDy5ElMnDhRNWZjY4OwsDBERkbqPCYyMhJjx47VGAsPD8ePP/6oc//09HSkp6ertpOSkgAAyYB0dtvXX0v/Zi9FTERERESySk5OBmD8RS5kTXwTEhKQlZUFX19fjXFfX19cunRJ5zFxcXE694/LeXJaDnPmzMHMmTO1xgMA4MIF4KWXChU7EREREZnWw4cP4eHhYbTbs/iuDhMnTtSoED9+/BgVKlTArVu3jPpEUvGUnJyMgIAAxMbGGvWrEiqe+HpbF77e1oWvt3VJSkpC+fLlUbJkSaPerqyJr7e3N2xtbXH//n2N8fv376uaiOdWpkwZg/Z3dHSEo6Oj1riHhwc/OFbE3d2dr7cV4ettXfh6Wxe+3tbF2H1+Ze3q4ODggNDQUOzfv181plQqsX//fryUxxSEl156SWN/ANi7d2+e+xMRERERAcVgqsPYsWPRr18/NGjQAI0aNcKiRYuQmpqKAQMGAAD69u0Lf39/zJkzBwDw/vvvo1WrVpg/fz5effVVfPfddzhx4gRWrVol58MgIiIiomJO9sQ3IiIC8fHxmDZtGuLi4lC3bl3s3r1bdQLbrVu3NMrcTZs2xebNmzFlyhRMmjQJlStXxo8//ohatWrpdX+Ojo6YPn26zukPZHn4elsXvt7Wha+3deHrbV1M9XrL3seXiIiIiKgoyL5yGxERERFRUWDiS0RERERWgYkvEREREVkFJr5EREREZBUsMvFdtmwZAgMD4eTkhMaNG+P48eP57v/999+jWrVqcHJyQkhICHbt2lVEkZIxGPJ6r169Gi1atICXlxe8vLwQFhZW4PuDihdDP9/ZvvvuOygUCnTp0sW0AZJRGfp6P378GMOHD4efnx8cHR1RpUoV/k43I4a+3osWLULVqlXh7OyMgIAAjBkzBmlpaUUULb2IP//8E506dULZsmWhUCjw448/FnjMwYMHUb9+fTg6OqJSpUpYt26d4XcsLMx3330nHBwcxJo1a8S///4rBg0aJDw9PcX9+/d17n/kyBFha2sr5s6dKy5cuCCmTJki7O3tRVRUVBFHToVh6Ovds2dPsWzZMnH69Glx8eJF0b9/f+Hh4SFu375dxJFTYRj6eme7fv268Pf3Fy1atBCdO3cummDphRn6eqenp4sGDRqIjh07isOHD4vr16+LgwcPijNnzhRx5FQYhr7emzZtEo6OjmLTpk3i+vXrYs+ePcLPz0+MGTOmiCOnwti1a5eYPHmy2LFjhwAgfvjhh3z3j4mJES4uLmLs2LHiwoULYunSpcLW1lbs3r3boPu1uMS3UaNGYvjw4artrKwsUbZsWTFnzhyd+3fv3l28+uqrGmONGzcWQ4YMMWmcZByGvt65ZWZmCjc3N7F+/XpThUhGVJjXOzMzUzRt2lR89dVXol+/fkx8zcj/27vTmKiuNg7gfwYcQBw0VBGm4AIKNS5VFi2isVJasFWpqNBKEBXFiojRuhA3QF8QrWLUuNYK1hJBjVYiCopKC2hbRZZGcBABtRFs1EZEoSxz3g8Nk46AdaYIlvn/kvvhnnvOuc+dJxOeOdw7o2m+9+zZI2xsbERdXV17hUhtSNN8L1y4ULi5uam1LV26VLi6ur7WOKntvUrhu2LFCjF48GC1Nl9fX+Hh4aHRuTrVrQ51dXXIycmBu7u7qk0ikcDd3R1XrlxpccyVK1fU+gOAh4dHq/3pzaFNvl/0/Plz1NfXw8zM7HWFSW1E23yvX78e5ubmCAwMbI8wqY1ok+/k5GS4uLhg4cKF6N27N4YMGYLo6Gg0Nja2V9ikJW3yPXr0aOTk5KhuhygtLcWZM2fw8ccft0vM1L7aql7r8F9ua0sPHz5EY2Oj6lffmvTu3Rs3b95scUxlZWWL/SsrK19bnNQ2tMn3i1auXAm5XN7szURvHm3ynZWVhW+++QZ5eXntECG1JW3yXVpaiosXL8LPzw9nzpxBSUkJgoODUV9fj/Dw8PYIm7SkTb5nzJiBhw8fYsyYMRBCoKGhAV988QVWrVrVHiFTO2utXquqqkJNTQ2MjY1faZ5OteJLpImYmBgkJibi5MmTMDIy6uhwqI09ffoU/v7++Prrr9GzZ8+ODofagVKphLm5Ofbv3w9HR0f4+vpi9erV2Lt3b0eHRq9BRkYGoqOjsXv3bly/fh0nTpxASkoKNmzY0NGh0RusU6349uzZE/r6+njw4IFa+4MHD2BhYdHiGAsLC43605tDm3w32bJlC2JiYpCeno5hw4a9zjCpjWia79u3b6O8vByTJk1StSmVSgCAgYEBFAoFbG1tX2/QpDVt3t+Wlpbo0qUL9PX1VW2DBg1CZWUl6urqIJVKX2vMpD1t8r127Vr4+/tj7ty5AIChQ4fi2bNnCAoKwurVqyGRcG2vM2mtXjM1NX3l1V6gk634SqVSODo64sKFC6o2pVKJCxcuwMXFpcUxLi4uav0B4Pz58632pzeHNvkGgM2bN2PDhg1ITU2Fk5NTe4RKbUDTfL/zzjv49ddfkZeXp9omT56M8ePHIy8vD9bW1u0ZPmlIm/e3q6srSkpKVB9wAKC4uBiWlpYset9w2uT7+fPnzYrbpg89fz0vRZ1Jm9Vrmj139+ZLTEwUhoaGIj4+XhQWFoqgoCDRo0cPUVlZKYQQwt/fX4SFhan6Z2dnCwMDA7FlyxZRVFQkwsPD+XVm/yGa5jsmJkZIpVJx/PhxUVFRodqePn3aUZdAGtA03y/itzr8t2ia77t37wqZTCZCQkKEQqEQp0+fFubm5uJ///tfR10CaUDTfIeHhwuZTCaOHDkiSktLxblz54Stra3w8fHpqEsgDTx9+lTk5uaK3NxcAUDExsaK3NxccefOHSGEEGFhYcLf31/Vv+nrzJYvXy6KiorErl27+HVmTXbu3Cn69OkjpFKpGDlypPjpp59Ux8aNGycCAgLU+h89elTY2dkJqVQqBg8eLFJSUto5Yvo3NMl33759BYBmW3h4ePsHTlrR9P39dyx8/3s0zffly5fFqFGjhKGhobCxsRFRUVGioaGhnaMmbWmS7/r6ehERESFsbW2FkZGRsLa2FsHBweKPP/5o/8BJY5cuXWrx73FTjgMCAsS4ceOajRk+fLiQSqXCxsZGxMXFaXxePSH4/wAiIiIi6vw61T2+REREREStYeFLRERERDqBhS8RERER6QQWvkRERESkE1j4EhEREZFOYOFLRERERDqBhS8RERER6QQWvkRERESkE1j4EhEBiI+PR48ePTo6DK3p6enh+++/f2mfWbNm4dNPP22XeIiI3kQsfImo05g1axb09PSabSUlJR0dGuLj41XxSCQSWFlZYfbs2fj999/bZP6KigpMmDABAFBeXg49PT3k5eWp9dm+fTvi4+Pb5HytiYiIUF2nvr4+rK2tERQUhMePH2s0D4t0InodDDo6ACKituTp6Ym4uDi1tl69enVQNOpMTU2hUCigVCqRn5+P2bNn4/79+0hLS/vXc1tYWPxjn+7du//r87yKwYMHIz09HY2NjSgqKsKcOXPw5MkTJCUltcv5iYhawxVfIupUDA0NYWFhobbp6+sjNjYWQ4cOhYmJCaytrREcHIzq6upW58nPz8f48eMhk8lgamoKR0dHXLt2TXU8KysLY8eOhbGxMaytrREaGopnz569NDY9PT1YWFhALpdjwoQJCA0NRXp6OmpqaqBUKrF+/XpYWVnB0NAQw4cPR2pqqmpsXV0dQkJCYGlpCSMjI/Tt2xcbN25Um7vpVof+/fsDAEaMGAE9PT28//77ANRXUffv3w+5XA6lUqkWo5eXF+bMmaPaP3XqFBwcHGBkZAQbGxtERkaioaHhpddpYGAACwsLvP3223B3d8f06dNx/vx51fHGxkYEBgaif//+MDY2hr29PbZv3646HhERgUOHDuHUqVOq1eOMjAwAwL179+Dj44MePXrAzMwMXl5eKC8vf2k8RERNWPgSkU6QSCTYsWMHbty4gUOHDuHixYtYsWJFq/39/PxgZWWFq1evIicnB2FhYejSpQsA4Pbt2/D09MTUqVNRUFCApKQkZGVlISQkRKOYjI2NoVQq0dDQgO3bt2Pr1q3YsmULCgoK4OHhgcmTJ+PWrVsAgB07diA5ORlHjx6FQqFAQkIC+vXr1+K8v/zyCwAgPT0dFRUVOHHiRLM+06dPx6NHj3Dp0iVV2+PHj5Gamgo/Pz8AQGZmJmbOnInFixejsLAQ+/btQ3x8PKKiol75GsvLy5GWlgapVKpqUyqVsLKywrFjx1BYWIh169Zh1apVOHr0KABg2bJl8PHxgaenJyoqKlBRUYHRo0ejvr4eHh4ekMlkyMzMRHZ2Nrp16wZPT0/U1dW9ckxEpMMEEVEnERAQIPT19YWJiYlqmzZtWot9jx07Jt566y3VflxcnOjevbtqXyaTifj4+BbHBgYGiqCgILW2zMxMIZFIRE1NTYtjXpy/uLhY2NnZCScnJyGEEHK5XERFRamNcXZ2FsHBwUIIIRYtWiTc3NyEUqlscX4A4uTJk0IIIcrKygQAkZubq9YnICBAeHl5qfa9vLzEnDlzVPv79u0TcrlcNDY2CiGE+OCDD0R0dLTaHIcPHxaWlpYtxiCEEOHh4UIikQgTExNhZGQkAAgAIjY2ttUxQgixcOFCMXXq1FZjbTq3vb292mvw559/CmNjY5GWlvbS+YmIhBCC9/gSUacyfvx47NmzR7VvYmIC4K/Vz40bN+LmzZuoqqpCQ0MDamtr8fz5c3Tt2rXZPEuXLsXcuXNx+PBh1b/rbW1tAfx1G0RBQQESEhJU/YUQUCqVKCsrw6BBg1qM7cmTJ+jWrRuUSiVqa2sxZswYHDhwAFVVVbh//z5cXV3V+ru6uiI/Px/AX7cpfPjhh7C3t4enpycmTpyIjz766F+9Vn5+fpg3bx52794NQ0NDJCQk4LPPPoNEIlFdZ3Z2ttoKb2Nj40tfNwCwt7dHcnIyamtr8d133yEvLw+LFi1S67Nr1y4cPHgQd+/eRU1NDerq6jB8+PCXxpufn4+SkhLIZDK19traWty+fVuLV4CIdA0LXyLqVExMTDBgwAC1tvLyckycOBELFixAVFQUzMzMkJWVhcDAQNTV1bVYwEVERGDGjBlISUnB2bNnER4ejsTEREyZMgXV1dWYP38+QkNDm43r06dPq7HJZDJcv34dEokElpaWMDY2BgBUVVX943U5ODigrKwMZ8+eRXp6Onx8fODu7o7jx4//49jWTJo0CUIIpKSkwNnZGZmZmdi2bZvqeHV1NSIjI+Ht7d1srJGRUavzSqVSVQ5iYmLwySefIDIyEhs2bAAAJCYmYtmyZdi6dStcXFwgk8nw1Vdf4eeff35pvNXV1XB0dFT7wNHkTXmAkYjebCx8iajTy8nJgVKpxNatW1WrmU33k76MnZ0d7OzssGTJEnz++eeIi4vDlClT4ODggMLCwmYF9j+RSCQtjjE1NYVcLkd2djbGjRunas/OzsbIkSPV+vn6+sLX1xfTpk2Dp6cnHj9+DDMzM7X5mu6nbWxsfGk8RkZG8Pb2RkJCAkpKSmBvbw8HBwfVcQcHBygUCo2v80Vr1qyBm5sbFixYoLrO0aNHIzg4WNXnxRVbqVTaLH4HBwckJSXB3Nwcpqam/yomItJNfLiNiDq9AQMGoL6+Hjt37kRpaSkOHz6MvXv3ttq/pqYGISEhyMjIwJ07d5CdnY2rV6+qbmFYuXIlLl++jJCQEOTl5eHWrVs4deqUxg+3/d3y5cuxadMmJCUlQaFQICwsDHl5eVi8eDEAIDY2FkeOHMHNmzdRXFyMY8eOwcLCosUf3TA3N4exsTFSU1Px4MEDPHnypNXz+vn5ISUlBQcPHlQ91NZk3bp1+PbbbxEZGYkbN26gqKgIiYmJWLNmjUbX5uLigmHDhiE6OhoAMHDgQFy7dg1paWkoLi7G2rVrcfXqVbUx/fr1Q0FBARQKBR4+fIj6+nr4+fmhZ8+e8PLyQmZmJsrKypCRkYHQ0FD89ttvGsVERLqJhS8RdXrvvvsuYmNjsWnTJgwZMgQJCQlqXwX2In19fTx69AgzZ86EnZ0dfHx8MGHCBERGRgIAhg0bhh9++AHFxcUYO3YsRowYgXXr1kEul2sdY2hoKJYuXYovv/wSQ4cORWpqKpKTkzFw4EAAf90msXnzZjg5OcHZ2Rnl5eU4c+aMagX77wwMDLBjxw7s27cPcrkcXl5erZ7Xzc0NZmZmUCgUmDFjhtoxDw8PnD59GufOnYOzszPee+89bNu2DX379tX4+pYsWYIDBw7g3r17mD9/Pry9veHr64tRo0bh0aNHaqu/ADBv3jzY29vDyckJvXr1QnZ2Nrp27Yoff/wRffr0gbe3NwYNGoTAwEDU1tZyBZiIXomeEEJ0dBBERERERK8bV3yJiIiISCew8CUiIiIincDCl4iIiIh0AgtfIiIiItIJLHyJiIiISCew8CUiIiIincDCl4iIiIh0AgtfIiIiItIJLHyJiIiISCew8CUiIiIincDCl4iIiIh0wv8BheYmOKXWxzYAAAAASUVORK5CYII=", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "plot_roc_curve(y_test, y_pred)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "#### Standardized data" + ] + }, + { + "cell_type": "code", + "execution_count": 59, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Time taken for GridSearchCV: 70.49 seconds\n", + "Best Hyperparameters:\n", + "{'learning_rate': 1.0, 'n_estimators': 50}\n", + "\n", + "Time taken for training with best hyperparameters: 1.45 seconds\n", + "\n", + "Mean Accuracy: 0.8725518672199171\n", + "Standard Deviation of Accuracy: 0.01505564468446939\n", + "Mean Precision: 0.8250753635467897\n", + "Standard Deviation of Precision: 0.034854579117856006\n", + "Mean Recall: 0.7993682045254188\n", + "Standard Deviation of Recall: 0.03559043605914592\n", + "Mean F1-score: 0.8110587433534212\n", + "Standard Deviation of F1-score: 0.02163467149022446\n", + "Mean ROC AUC: 0.8550436926843814\n", + "Standard Deviation of ROC AUC: 0.01703657894997193\n", + "\n", + "Total time taken: 71.94 seconds\n" + ] + } + ], + "source": [ + "from sklearn.model_selection import StratifiedKFold, GridSearchCV\n", + "from sklearn.metrics import accuracy_score, precision_score, recall_score, f1_score, roc_auc_score, confusion_matrix\n", + "from sklearn.ensemble import AdaBoostClassifier\n", + "import numpy as np\n", + "import time\n", + "\n", + "start_total_time = time.time()\n", + "\n", + "kf = StratifiedKFold(n_splits=10, shuffle=True, random_state=42)\n", + "\n", + "model = AdaBoostClassifier(random_state=42)\n", + "\n", + "param_grid = {\n", + " 'n_estimators': [50, 100, 200, 300],\n", + " 'learning_rate': [0.001, 0.01, 0.1, 1.0],\n", + "}\n", + "\n", + "grid_search = GridSearchCV(estimator=model, param_grid=param_grid, cv=kf, scoring='accuracy')\n", + "\n", + "start_time = time.time()\n", + "\n", + "grid_search.fit(standard(x), y)\n", + "\n", + "grid_search_time = time.time() - start_time\n", + "print(f\"Time taken for GridSearchCV: {grid_search_time:.2f} seconds\")\n", + "\n", + "best_params = grid_search.best_params_\n", + "\n", + "print(\"Best Hyperparameters:\")\n", + "print(best_params)\n", + "\n", + "print()\n", + "\n", + "best_model = grid_search.best_estimator_\n", + "\n", + "start_time = time.time()\n", + "\n", + "accuracy_scores = []\n", + "precision_scores = []\n", + "recall_scores = []\n", + "f1_scores = []\n", + "roc_auc_scores = []\n", + "confusion_matrices = []\n", + "\n", + "for train_index, test_index in kf.split(standard(x), y):\n", + " X_train, X_test = x.iloc[train_index], x.iloc[test_index]\n", + " y_train, y_test = y.iloc[train_index], y.iloc[test_index]\n", + "\n", + " best_model.fit(X_train, y_train)\n", + "\n", + " y_pred = best_model.predict(X_test)\n", + "\n", + " accuracy = accuracy_score(y_test, y_pred)\n", + " accuracy_scores.append(accuracy)\n", + " \n", + " precision = precision_score(y_test, y_pred)\n", + " precision_scores.append(precision)\n", + " \n", + " recall = recall_score(y_test, y_pred)\n", + " recall_scores.append(recall)\n", + " \n", + " f1 = f1_score(y_test, y_pred)\n", + " f1_scores.append(f1)\n", + " \n", + " roc_auc = roc_auc_score(y_test, y_pred)\n", + " roc_auc_scores.append(roc_auc)\n", + " \n", + " confusion = confusion_matrix(y_test, y_pred)\n", + " confusion_matrices.append(confusion)\n", + "\n", + "training_time = time.time() - start_time\n", + "print(f\"Time taken for training with best hyperparameters: {training_time:.2f} seconds\")\n", + "\n", + "print()\n", + "\n", + "mean_accuracy = np.mean(accuracy_scores)\n", + "std_accuracy = np.std(accuracy_scores)\n", + "\n", + "mean_precision = np.mean(precision_scores)\n", + "std_precision = np.std(precision_scores)\n", + "\n", + "mean_recall = np.mean(recall_scores)\n", + "std_recall = np.std(recall_scores)\n", + "\n", + "mean_f1 = np.mean(f1_scores)\n", + "std_f1 = np.std(f1_scores)\n", + "\n", + "mean_roc_auc = np.mean(roc_auc_scores)\n", + "std_roc_auc = np.std(roc_auc_scores)\n", + "\n", + "print(f\"Mean Accuracy: {mean_accuracy}\")\n", + "print(f\"Standard Deviation of Accuracy: {std_accuracy}\")\n", + "\n", + "print(f\"Mean Precision: {mean_precision}\")\n", + "print(f\"Standard Deviation of Precision: {std_precision}\")\n", + "\n", + "print(f\"Mean Recall: {mean_recall}\")\n", + "print(f\"Standard Deviation of Recall: {std_recall}\")\n", + "\n", + "print(f\"Mean F1-score: {mean_f1}\")\n", + "print(f\"Standard Deviation of F1-score: {std_f1}\")\n", + "\n", + "print(f\"Mean ROC AUC: {mean_roc_auc}\")\n", + "print(f\"Standard Deviation of ROC AUC: {std_roc_auc}\")\n", + "\n", + "print()\n", + "\n", + "total_time = time.time() - start_total_time\n", + "print(f\"Total time taken: {total_time:.2f} seconds\")" + ] + }, + { + "cell_type": "code", + "execution_count": 60, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "x_train: (1800, 13)\n", + "y_train: (1800,)\n", + "x_test: (601, 13)\n", + "y_test: (601,)\n" + ] + } + ], + "source": [ + "from sklearn.model_selection import train_test_split\n", + "\n", + "x_train, x_test, y_train, y_test = train_test_split(x,y,test_size=0.25,random_state=42)\n", + "\n", + "print(\"x_train:\",x_train.shape)\n", + "print(\"y_train:\",y_train.shape)\n", + "print(\"x_test:\",x_test.shape)\n", + "print(\"y_test:\",y_test.shape)" + ] + }, + { + "cell_type": "code", + "execution_count": 61, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Accuracy: 0.8618968386023295\n", + "Precision: 0.8134715025906736\n", + "Recall: 0.7696078431372549\n", + "F1 Score: 0.7909319899244333\n", + "ROC AUC Score: 0.8394638711907938\n", + "Confusion Matrix:\n", + "[[361 36]\n", + " [ 47 157]]\n" + ] + } + ], + "source": [ + "model = grid_search.best_estimator_\n", + "\n", + "model.fit(x_train, y_train)\n", + "\n", + "y_pred = model.predict(x_test)\n", + "\n", + "y_pred = (y_pred >= 0.5).astype(int)\n", + "\n", + "print(\"Accuracy:\", accuracy_score(y_test, y_pred))\n", + "print(\"Precision:\", precision_score(y_test, y_pred))\n", + "print(\"Recall:\", recall_score(y_test, y_pred))\n", + "print(\"F1 Score:\", f1_score(y_test, y_pred))\n", + "print(\"ROC AUC Score:\", roc_auc_score(y_test, y_pred))\n", + "print(\"Confusion Matrix:\")\n", + "print(confusion_matrix(y_test, y_pred))" + ] + }, + { + "cell_type": "code", + "execution_count": 62, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAokAAAIjCAYAAABvUIGpAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8pXeV/AAAACXBIWXMAAA9hAAAPYQGoP6dpAABHS0lEQVR4nO3deXiM9/7/8dckZCSRRZCtiD2k1qqmqf1YYqly6FGlFWo5bUNbQTU9pZa26dFFq4quqNK9KK1qULRHaquQ2ipoURJKJRUSkdy/P/oz347bkiFjEvN8nOu+LnPfn7nnPXOqfV+vz2c+YzEMwxAAAADwNx6uLgAAAAAlD00iAAAATGgSAQAAYEKTCAAAABOaRAAAAJjQJAIAAMCEJhEAAAAmNIkAAAAwoUkEAACACU0igMvas2ePOnXqpICAAFksFi1atKhY7//LL7/IYrFozpw5xXrf0qxt27Zq27atq8sA4OZoEoFSYO/evfr3v/+tmjVrqly5cvL391eLFi306quv6syZM0597bi4OKWlpenZZ5/VvHnzdOuttzr19a6ngQMHymKxyN/f/6Kf4549e2SxWGSxWPTiiy86fP/Dhw9rwoQJSk1NLYZqAeD6KuPqAgBc3pdffql//etfslqtGjBggBo0aKCzZ8/q+++/15gxY7R9+3a9+eabTnntM2fOKCUlRf/5z380fPhwp7xGRESEzpw5o7Jlyzrl/ldSpkwZnT59WkuWLFGfPn3srs2fP1/lypVTbm7uVd378OHDmjhxoqpXr64mTZoU+XnffPPNVb0eABQnmkSgBNu/f7/69u2riIgIrVq1SmFhYbZr8fHxSk9P15dffum01z927JgkKTAw0GmvYbFYVK5cOafd/0qsVqtatGihDz74wNQkLliwQN26ddNnn312XWo5ffq0fHx85OXldV1eDwAuh+lmoASbMmWKTp06pXfeeceuQTyvdu3aevTRR22Pz507p8mTJ6tWrVqyWq2qXr26nnzySeXl5dk9r3r16rrzzjv1/fff67bbblO5cuVUs2ZNvffee7YxEyZMUEREhCRpzJgxslgsql69uqS/pmnP//nvJkyYIIvFYncuOTlZLVu2VGBgoMqXL6/IyEg9+eSTtuuXWpO4atUqtWrVSr6+vgoMDFSPHj20c+fOi75eenq6Bg4cqMDAQAUEBGjQoEE6ffr0pT/YC/Tr10/Lli3TyZMnbec2btyoPXv2qF+/fqbxJ06c0OjRo9WwYUOVL19e/v7+6tKli7Zu3Wobs3r1ajVv3lySNGjQINu09fn32bZtWzVo0ECbN29W69at5ePjY/tcLlyTGBcXp3Llypnef2xsrCpUqKDDhw8X+b0CQFHRJAIl2JIlS1SzZk3dcccdRRo/ZMgQjR8/XrfccoumTp2qNm3aKCkpSX379jWNTU9P1913362OHTvqpZdeUoUKFTRw4EBt375dktSrVy9NnTpVknTvvfdq3rx5euWVVxyqf/v27brzzjuVl5enSZMm6aWXXtJdd92l//3vf5d93ooVKxQbG6ujR49qwoQJSkhI0Lp169SiRQv98ssvpvF9+vTRn3/+qaSkJPXp00dz5szRxIkTi1xnr169ZLFY9Pnnn9vOLViwQPXq1dMtt9xiGr9v3z4tWrRId955p15++WWNGTNGaWlpatOmja1hq1+/viZNmiRJGjZsmObNm6d58+apdevWtvscP35cXbp0UZMmTfTKK6+oXbt2F63v1VdfVeXKlRUXF6eCggJJ0htvvKFvvvlGr732msLDw4v8XgGgyAwAJVJWVpYhyejRo0eRxqemphqSjCFDhtidHz16tCHJWLVqle1cRESEIclYu3at7dzRo0cNq9VqjBo1ynZu//79hiTjhRdesLtnXFycERERYarh6aefNv7+r5WpU6cakoxjx45dsu7zrzF79mzbuSZNmhjBwcHG8ePHbee2bt1qeHh4GAMGDDC93gMPPGB3z3/+859GxYoVL/maf38fvr6+hmEYxt133220b9/eMAzDKCgoMEJDQ42JEyde9DPIzc01CgoKTO/DarUakyZNsp3buHGj6b2d16ZNG0OSMWvWrItea9Omjd255cuXG5KMZ555xti3b59Rvnx5o2fPnld8jwBwtUgSgRIqOztbkuTn51ek8V999ZUkKSEhwe78qFGjJMm0djEqKkqtWrWyPa5cubIiIyO1b9++q675QufXMi5evFiFhYVFes6RI0eUmpqqgQMHKigoyHa+UaNG6tixo+19/t2DDz5o97hVq1Y6fvy47TMsin79+mn16tXKyMjQqlWrlJGRcdGpZumvdYweHn/967OgoEDHjx+3TaX/+OOPRX5Nq9WqQYMGFWlsp06d9O9//1uTJk1Sr169VK5cOb3xxhtFfi0AcBRNIlBC+fv7S5L+/PPPIo3/9ddf5eHhodq1a9udDw0NVWBgoH799Ve789WqVTPdo0KFCvrjjz+usmKze+65Ry1atNCQIUMUEhKivn376uOPP75sw3i+zsjISNO1+vXr6/fff1dOTo7d+QvfS4UKFSTJoffStWtX+fn56aOPPtL8+fPVvHlz02d5XmFhoaZOnao6derIarWqUqVKqly5srZt26asrKwiv+ZNN93k0JdUXnzxRQUFBSk1NVXTpk1TcHBwkZ8LAI6iSQRKKH9/f4WHh+unn35y6HkXfnHkUjw9PS963jCMq36N8+vlzvP29tbatWu1YsUK3X///dq2bZvuuecedezY0TT2WlzLeznParWqV69emjt3rhYuXHjJFFGSnnvuOSUkJKh169Z6//33tXz5ciUnJ+vmm28ucmIq/fX5OGLLli06evSoJCktLc2h5wKAo2gSgRLszjvv1N69e5WSknLFsRERESosLNSePXvszmdmZurkyZO2byoXhwoVKth9E/i8C9NKSfLw8FD79u318ssva8eOHXr22We1atUqffvttxe99/k6d+/ebbq2a9cuVapUSb6+vtf2Bi6hX79+2rJli/7888+LftnnvE8//VTt2rXTO++8o759+6pTp07q0KGD6TMpasNeFDk5ORo0aJCioqI0bNgwTZkyRRs3biy2+wPAhWgSgRLs8ccfl6+vr4YMGaLMzEzT9b179+rVV1+V9Nd0qSTTN5BffvllSVK3bt2Kra5atWopKytL27Zts507cuSIFi5caDfuxIkTpuee31T6wm15zgsLC1OTJk00d+5cu6brp59+0jfffGN7n87Qrl07TZ48WdOnT1doaOglx3l6eppSyk8++US//fab3bnzzezFGmpHjR07VgcOHNDcuXP18ssvq3r16oqLi7vk5wgA14rNtIESrFatWlqwYIHuuece1a9f3+4XV9atW6dPPvlEAwcOlCQ1btxYcXFxevPNN3Xy5Em1adNGGzZs0Ny5c9WzZ89Lbq9yNfr27auxY8fqn//8px555BGdPn1aM2fOVN26de2+uDFp0iStXbtW3bp1U0REhI4ePaoZM2aoSpUqatmy5SXv/8ILL6hLly6KiYnR4MGDdebMGb322msKCAjQhAkTiu19XMjDw0NPPfXUFcfdeeedmjRpkgYNGqQ77rhDaWlpmj9/vmrWrGk3rlatWgoMDNSsWbPk5+cnX19fRUdHq0aNGg7VtWrVKs2YMUNPP/20bUue2bNnq23btho3bpymTJni0P0AoEhc/O1qAEXw888/G0OHDjWqV69ueHl5GX5+fkaLFi2M1157zcjNzbWNy8/PNyZOnGjUqFHDKFu2rFG1alUjMTHRboxh/LUFTrdu3Uyvc+HWK5faAscwDOObb74xGjRoYHh5eRmRkZHG+++/b9oCZ+XKlUaPHj2M8PBww8vLywgPDzfuvfde4+effza9xoXbxKxYscJo0aKF4e3tbfj7+xvdu3c3duzYYTfm/OtduMXO7NmzDUnG/v37L/mZGob9FjiXcqktcEaNGmWEhYUZ3t7eRosWLYyUlJSLbl2zePFiIyoqyihTpozd+2zTpo1x8803X/Q1/36f7OxsIyIiwrjllluM/Px8u3EjR440PDw8jJSUlMu+BwC4GhbDcGBlNwAAANwCaxIBAABgQpMIAAAAE5pEAAAAmNAkAgAAwIQmEQAAACY0iQAAADChSQQAAIDJDfmLK95Nh7u6BABO8sfG6a4uAYCTlHNhV+LM3uHMltL57y2SRAAAAJjckEkiAACAQyzkZheiSQQAALBYXF1BiUPbDAAAABOSRAAAAKabTfhEAAAAYEKSCAAAwJpEE5JEAAAAmJAkAgAAsCbRhE8EAAAAJjSJAAAAFovzDgfMnDlTjRo1kr+/v/z9/RUTE6Nly5bZrrdt21YWi8XuePDBB+3uceDAAXXr1k0+Pj4KDg7WmDFjdO7cOYc/EqabAQAASsh0c5UqVfT888+rTp06MgxDc+fOVY8ePbRlyxbdfPPNkqShQ4dq0qRJtuf4+PjY/lxQUKBu3bopNDRU69at05EjRzRgwACVLVtWzz33nEO10CQCAACUEN27d7d7/Oyzz2rmzJn64YcfbE2ij4+PQkNDL/r8b775Rjt27NCKFSsUEhKiJk2aaPLkyRo7dqwmTJggLy+vItdSMtpmAAAAV3LidHNeXp6ys7Ptjry8vCuWVFBQoA8//FA5OTmKiYmxnZ8/f74qVaqkBg0aKDExUadPn7ZdS0lJUcOGDRUSEmI7Fxsbq+zsbG3fvt2hj4QmEQAAwImSkpIUEBBgdyQlJV1yfFpamsqXLy+r1aoHH3xQCxcuVFRUlCSpX79+ev/99/Xtt98qMTFR8+bN03333Wd7bkZGhl2DKMn2OCMjw6G6mW4GAABw4prExMREJSQk2J2zWq2XHB8ZGanU1FRlZWXp008/VVxcnNasWaOoqCgNGzbMNq5hw4YKCwtT+/bttXfvXtWqVatY66ZJBAAAcCKr1XrZpvBCXl5eql27tiSpWbNm2rhxo1599VW98cYbprHR0dGSpPT0dNWqVUuhoaHasGGD3ZjMzExJuuQ6xkthuhkAAKCEbIFzMYWFhZdcw5iamipJCgsLkyTFxMQoLS1NR48etY1JTk6Wv7+/bcq6qEgSAQAASojExER16dJF1apV059//qkFCxZo9erVWr58ufbu3asFCxaoa9euqlixorZt26aRI0eqdevWatSokSSpU6dOioqK0v33368pU6YoIyNDTz31lOLj4x1KMyWaRAAAgBKzT+LRo0c1YMAAHTlyRAEBAWrUqJGWL1+ujh076uDBg1qxYoVeeeUV5eTkqGrVqurdu7eeeuop2/M9PT21dOlSPfTQQ4qJiZGvr6/i4uLs9lUsKothGEZxvrmSwLvpcFeXAMBJ/tg43dUlAHCSci6MrrxbjXfavc9853iDVhKUjLYZAAAAJQrTzQAAACVkurkk4RMBAACACUkiAAAASaIJnwgAAABMSBIBAAA8rn3T6xsNSSIAAABMSBIBAABYk2hCkwgAAFAMv7F8o6FtBgAAgAlJIgAAANPNJnwiAAAAMCFJBAAAYE2iCUkiAAAATEgSAQAAWJNowicCAAAAE5JEAAAA1iSa0CQCAAAw3WzCJwIAAAATkkQAAACmm01IEgEAAGBCkggAAMCaRBM+EQAAAJiQJAIAALAm0YQkEQAAACYkiQAAAKxJNKFJBAAAoEk04RMBAACACUkiAAAAX1wxIUkEAACACUkiAAAAaxJN+EQAAABgQpIIAADAmkQTkkQAAACYkCQCAACwJtGEJhEAAIDpZhPaZgAAAJiQJAIAALdnIUk0IUkEAACACUkiAABweySJZiSJAAAAMCFJBAAAIEg0IUkEAACACUkiAABwe6xJNKNJBAAAbo8m0YzpZgAAAJiQJAIAALdHkmhGkggAAAATkkQAAOD2SBLNSBIBAABgQpIIAABAkGhCkggAAAATkkQAAOD2WJNoRpIIAAAAE5JEAADg9kgSzWgSAQCA26NJNGO6GQAAACYkiQAAwO2RJJqRJAIAAMCEJBEAAIAg0YQkEQAAACY0iQAAwO1ZLBanHY6YOXOmGjVqJH9/f/n7+ysmJkbLli2zXc/NzVV8fLwqVqyo8uXLq3fv3srMzLS7x4EDB9StWzf5+PgoODhYY8aM0blz5xz+TGgSAQAASogqVaro+eef1+bNm7Vp0yb94x//UI8ePbR9+3ZJ0siRI7VkyRJ98sknWrNmjQ4fPqxevXrZnl9QUKBu3brp7NmzWrdunebOnas5c+Zo/PjxDtdiMQzDKLZ3VkJ4Nx3u6hIAOMkfG6e7ugQATlLOhd+UqDzoI6fd+9CsnsrLy7M7Z7VaZbVai/T8oKAgvfDCC7r77rtVuXJlLViwQHfffbckadeuXapfv75SUlJ0++23a9myZbrzzjt1+PBhhYSESJJmzZqlsWPH6tixY/Ly8ipy3SSJAADA7TlzujkpKUkBAQF2R1JS0hVrKigo0IcffqicnBzFxMRo8+bNys/PV4cOHWxj6tWrp2rVqiklJUWSlJKSooYNG9oaREmKjY1Vdna2LY0sKr7dDAAA4ESJiYlKSEiwO3e5FDEtLU0xMTHKzc1V+fLltXDhQkVFRSk1NVVeXl4KDAy0Gx8SEqKMjAxJUkZGhl2DeP76+WuOoEkEAABw4hY4jkwtS1JkZKRSU1OVlZWlTz/9VHFxcVqzZo3zCrwEmkQAAIASxMvLS7Vr15YkNWvWTBs3btSrr76qe+65R2fPntXJkyft0sTMzEyFhoZKkkJDQ7Vhwwa7+53/9vP5MUXFmkQAAOD2SsoWOBdTWFiovLw8NWvWTGXLltXKlStt13bv3q0DBw4oJiZGkhQTE6O0tDQdPXrUNiY5OVn+/v6Kiopy6HVJEgEAAEqIxMREdenSRdWqVdOff/6pBQsWaPXq1Vq+fLkCAgI0ePBgJSQkKCgoSP7+/hoxYoRiYmJ0++23S5I6deqkqKgo3X///ZoyZYoyMjL01FNPKT4+3qEpb4kmEQAAoFgSv+Jw9OhRDRgwQEeOHFFAQIAaNWqk5cuXq2PHjpKkqVOnysPDQ71791ZeXp5iY2M1Y8YM2/M9PT21dOlSPfTQQ4qJiZGvr6/i4uI0adIkh2thn0QApQr7JAI3Llfukxg69FOn3Tvjrbuddm9nIkkEAABur6QkiSUJTSIAAHB7NIlmfLsZAAAAJiSJAAAABIkmJIkAAAAwIUkEAABujzWJZiSJAAAAMCFJBAAAbo8k0YwkEQAAACYkiQAAwO2RJJrRJAIAANAjmjDdDAAAABOSRAAA4PaYbjYjSQQAAIAJSSIAAHB7JIlmJIkAAAAwIUlEiTP0Xy019O5WiggPkiTt3Jeh595cpm/+t8M2JrpRDU2Iv1PNG1ZXQUGhtv38m7o//Lpy8/IlSY8PjlWXVjerUd0qOnvunMJaP+6S9wLgyj7+cIE+/ugDHf7tN0lSrdp19O+HHlbLVm1sY7ambtFrr05VWto2eXp4KLJefc188x2VK1fOVWXjBkOSaEaTiBLnt8yTGvfaYqUfOCaLLLqve7Q+mTpMt/d9Xjv3ZSi6UQ0tnv6wXpz9jRL++4nOFRSqUd2bVFho2O7hVdZTnydv0fpt+xXXM8aF7wbAlQSHhOrRkaNVLSJChmFoyeJFenR4vD76bKFq166jralb9PC/h+iBIf/WE/8ZpzKentq9e5c8PJgMA5yJJhElzldrf7J7POH1JRr6r5a6rVEN7dyXoSmjemnGh6v14uxk25g9vx61e84zs76SJN3XPdr5BQO4Jm3b/cPu8YhHR+rjDz/Qtq2pql27jl74b5Lu7X+/Bg8dZhtTvUbN610mbnAkiWYubRJ///13vfvuu0pJSVFGRoYkKTQ0VHfccYcGDhyoypUru7I8lAAeHhb17niLfL29tH7bflWuUF63NaqhD5dt0rdzElSjSiX9/EumJkxfonWp+1xdLoBrVFBQoG+Wf60zZ06rceOmOn78uNK2bVXXO7trQP++OnjwgGrUqKnhjzymW5rd6upycSOhRzRxWZO4ceNGxcbGysfHRx06dFDdunUlSZmZmZo2bZqef/55LV++XLfeevl/CeTl5SkvL8/unFFYIIuHp9Nqh/PdXDtcq+eOUjmvMjp1Jk/3jHpLu/Zl6LaG1SVJ//l3VyVOXahtuw+p/5236as3RqjZv57T3gPHXFs4gKuy5+fdur9fX509mycfHx9Nnfa6atWurW1bUyVJs16froQxjyuyXn0tXbxIwwYP1GeLlyoiorpL6wZuZC5rEkeMGKF//etfmjVrliniNQxDDz74oEaMGKGUlJTL3icpKUkTJ060O+cZ0lxlw24r9ppx/fz8S6ai+yYpoLy3/tmhqd6adL86DXlVHh5//bPyzmffa94XP0iStu4+pLa3RSquR4zGv/aFK8sGcJWqV6+hjz9bpFOn/lTyN8s17smxemfO+yosLJQk3d3nHvX8Z29JUv36UVq/PkWLPv9Mj44c5cqycQNhutnMZat+t27dqpEjR170/xSLxaKRI0cqNTX1ivdJTExUVlaW3VEmpJkTKsb1lH+uQPsO/q4tOw9q/GtfKO3n3xR/b1sdOZYt6a9vPP/d7v0ZqhpawRWlAigGZb28VC0iQlE3N9CjI0epbmQ9zX//PVX6/8uOataqZTe+Rs1ayjhy2BWlAm7DZU1iaGioNmzYcMnrGzZsUEhIyBXvY7Va5e/vb3cw1Xzj8bBYZPUqo18PH9fhoydVt3qw3fXaEcE6cOSEi6oDUNwKCwuVf/asbrqpiioHB+uX/fvtrv/6yy8KC7/JRdXhRmSxWJx2lFYum24ePXq0hg0bps2bN6t9+/a2hjAzM1MrV67UW2+9pRdffNFV5cGFJo24S8v/t10Hj/whP99yuqfLrWp9ax11f3iGJGnq3BV66sFuSvv5N23dfUj3dY9WZPUQ9Rvzju0eVUMrqIK/j6qGVZCnh4ca1f3rPyZ7Dx5TzpmzLnlfAC7u1akvqWWr1goNC9PpnBx99eVSbdq4QTPffEcWi0UDBw3WzNdfU2RkPUXWq68vFi/UL/v36aWp01xdOnBDc1mTGB8fr0qVKmnq1KmaMWOGCgoKJEmenp5q1qyZ5syZoz59+riqPLhQ5aDyemfyAIVW8lfWqVz9tOc3dX94hlat3yVJmr5gtcpZy2rKqN6qEOCjtJ9/050PTdf+Q7/b7jHuoW66/67bbY/Xf5QoSeo05FV9t3nP9X1DAC7rxInjeipxrI4dO6ryfn6qWzdSM998RzF3tJAk3TdgoPLyzuqFKUnKyspSZGQ9zXrrXVWtVs3FleNGUooDP6exGIZhXHmYc+Xn5+v33//6D3ylSpVUtmzZa7qfd9PhxVEWgBLoj43TXV0CACcp58KN+WqPXua0e6e/2MVp93amErGZdtmyZRUWFubqMgAAgJsqzWsHnaVENIkAAACuRI9oxg9fAgAAwIQkEQAAuD2mm81IEgEAAGBCkggAANweQaIZSSIAAABMSBIBAIDb8/AgSrwQSSIAAABMSBIBAIDbY02iGU0iAABwe2yBY8Z0MwAAAExIEgEAgNsjSDQjSQQAAIAJSSIAAHB7rEk0I0kEAACACUkiAABweySJZiSJAAAAMCFJBAAAbo8g0YwmEQAAuD2mm82YbgYAAIAJSSIAAHB7BIlmJIkAAAAwIUkEAABujzWJZiSJAAAAMCFJBAAAbo8g0YwkEQAAACYkiQAAwO2xJtGMJBEAAAAmJIkAAMDtESSa0SQCAAC3x3SzGdPNAAAAMCFJBAAAbo8g0YwkEQAAoIRISkpS8+bN5efnp+DgYPXs2VO7d++2G9O2bVtZLBa748EHH7Qbc+DAAXXr1k0+Pj4KDg7WmDFjdO7cOYdqIUkEAABur6SsSVyzZo3i4+PVvHlznTt3Tk8++aQ6deqkHTt2yNfX1zZu6NChmjRpku2xj4+P7c8FBQXq1q2bQkNDtW7dOh05ckQDBgxQ2bJl9dxzzxW5FppEAACAEuLrr7+2ezxnzhwFBwdr8+bNat26te28j4+PQkNDL3qPb775Rjt27NCKFSsUEhKiJk2aaPLkyRo7dqwmTJggLy+vItXCdDMAAHB7Fovzjry8PGVnZ9sdeXl5RaorKytLkhQUFGR3fv78+apUqZIaNGigxMREnT592nYtJSVFDRs2VEhIiO1cbGyssrOztX379iJ/JjSJAAAATpSUlKSAgAC7Iykp6YrPKyws1GOPPaYWLVqoQYMGtvP9+vXT+++/r2+//VaJiYmaN2+e7rvvPtv1jIwMuwZRku1xRkZGketmuhkAALg9Z65JTExMVEJCgt05q9V6xefFx8frp59+0vfff293ftiwYbY/N2zYUGFhYWrfvr327t2rWrVqFU/RokkEAABw6hY4Vqu1SE3h3w0fPlxLly7V2rVrVaVKlcuOjY6OliSlp6erVq1aCg0N1YYNG+zGZGZmStIl1zFeDNPNAAAAJYRhGBo+fLgWLlyoVatWqUaNGld8TmpqqiQpLCxMkhQTE6O0tDQdPXrUNiY5OVn+/v6Kiooqci0kiQAAwO2VlC1w4uPjtWDBAi1evFh+fn62NYQBAQHy9vbW3r17tWDBAnXt2lUVK1bUtm3bNHLkSLVu3VqNGjWSJHXq1ElRUVG6//77NWXKFGVkZOipp55SfHy8Q4kmSSIAAEAJMXPmTGVlZalt27YKCwuzHR999JEkycvLSytWrFCnTp1Ur149jRo1Sr1799aSJUts9/D09NTSpUvl6empmJgY3XfffRowYIDdvopFQZIIAADcXklJEg3DuOz1qlWras2aNVe8T0REhL766qtrqoUkEQAAACYkiQAAwO2VkCCxRCFJBAAAgAlJIgAAcHslZU1iSUKTCAAA3B49ohnTzQAAADAhSQQAAG6P6WYzkkQAAACYkCQCAAC3R5BoRpIIAAAAE5JEAADg9jyIEk1IEgEAAGBCkggAANweQaIZTSIAAHB7bIFjxnQzAAAATEgSAQCA2/MgSDQhSQQAAIAJSSIAAHB7rEk0I0kEAACACUkiAABwewSJZiSJAAAAMCFJBAAAbs8iosQL0SQCAAC3xxY4Zkw3AwAAwIQkEQAAuD22wDEjSQQAAIAJSSIAAHB7BIlmJIkAAAAwIUkEAABuz4Mo0YQkEQAAACbF0iSePHmyOG4DAADgEhaL847SyuEm8b///a8++ugj2+M+ffqoYsWKuummm7R169ZiLQ4AAOB6sFgsTjtKK4ebxFmzZqlq1aqSpOTkZCUnJ2vZsmXq0qWLxowZU+wFAgAA4Ppz+IsrGRkZtiZx6dKl6tOnjzp16qTq1asrOjq62AsEAABwtlIc+DmNw0lihQoVdPDgQUnS119/rQ4dOkiSDMNQQUFB8VYHAAAAl3A4SezVq5f69eunOnXq6Pjx4+rSpYskacuWLapdu3axFwgAAOBsbIFj5nCTOHXqVFWvXl0HDx7UlClTVL58eUnSkSNH9PDDDxd7gQAAALj+HG4Sy5Ytq9GjR5vOjxw5slgKAgAAuN7IEc2K1CR+8cUXRb7hXXfdddXFAAAAoGQoUpPYs2fPIt3MYrHw5RUAAFDqlOb9DJ2lSE1iYWGhs+sAAABwGQ96RJNr+lm+3Nzc4qoDAAAAJYjDTWJBQYEmT56sm266SeXLl9e+ffskSePGjdM777xT7AUCAAA4Gz/LZ+Zwk/jss89qzpw5mjJliry8vGznGzRooLfffrtYiwMAAIBrONwkvvfee3rzzTfVv39/eXp62s43btxYu3btKtbiAAAArgeLxXlHaeVwk/jbb79d9JdVCgsLlZ+fXyxFAQAAwLUcbhKjoqL03Xffmc5/+umnatq0abEUBQAAcD2xJtHM4V9cGT9+vOLi4vTbb7+psLBQn3/+uXbv3q333ntPS5cudUaNAAAAuM4cThJ79OihJUuWaMWKFfL19dX48eO1c+dOLVmyRB07dnRGjQAAAE7lYXHeUVo5nCRKUqtWrZScnFzctQAAALhEaZ4WdparahIladOmTdq5c6ekv9YpNmvWrNiKAgAAgGs53CQeOnRI9957r/73v/8pMDBQknTy5Endcccd+vDDD1WlSpXirhEAAMCpyBHNHF6TOGTIEOXn52vnzp06ceKETpw4oZ07d6qwsFBDhgxxRo0AAAC4zhxOEtesWaN169YpMjLSdi4yMlKvvfaaWrVqVazFAQAAXA8erEk0cThJrFq16kU3zS4oKFB4eHixFAUAAADXcrhJfOGFFzRixAht2rTJdm7Tpk169NFH9eKLLxZrcQAAANcDP8tnVqTp5goVKth9NTwnJ0fR0dEqU+avp587d05lypTRAw88oJ49ezqlUAAAAFw/RWoSX3nlFSeXAQAA4Drsk2hWpCYxLi7O2XUAAACgBLnqzbQlKTc3V2fPnrU75+/vf00FAQAAXG8EiWYOf3ElJydHw4cPV3BwsHx9fVWhQgW7AwAAoLTxsFicdjgiKSlJzZs3l5+fn4KDg9WzZ0/t3r3bbkxubq7i4+NVsWJFlS9fXr1791ZmZqbdmAMHDqhbt27y8fFRcHCwxowZo3Pnzjn2mTg0WtLjjz+uVatWaebMmbJarXr77bc1ceJEhYeH67333nP0dgAAAPj/1qxZo/j4eP3www9KTk5Wfn6+OnXqpJycHNuYkSNHasmSJfrkk0+0Zs0aHT58WL169bJdLygoULdu3XT27FmtW7dOc+fO1Zw5czR+/HiHarEYhmE48oRq1arpvffeU9u2beXv768ff/xRtWvX1rx58/TBBx/oq6++cqgAZ/BuOtzVJQBwkj82Tnd1CQCcpNw1LYK7Ng9/vsNp957RK+qqn3vs2DEFBwdrzZo1at26tbKyslS5cmUtWLBAd999tyRp165dql+/vlJSUnT77bdr2bJluvPOO3X48GGFhIRIkmbNmqWxY8fq2LFj8vLyKtJrO5wknjhxQjVr1pT01/rDEydOSJJatmyptWvXOno7AACAG1peXp6ys7Ptjry8vCI9NysrS5IUFBQkSdq8ebPy8/PVoUMH25h69eqpWrVqSklJkSSlpKSoYcOGtgZRkmJjY5Wdna3t27cXuW6Hm8SaNWtq//79tqI+/vhjSdKSJUsUGBjo6O0AAABczmKxOO1ISkpSQECA3ZGUlHTFmgoLC/XYY4+pRYsWatCggSQpIyNDXl5epp4rJCREGRkZtjF/bxDPXz9/ragcDnYHDRqkrVu3qk2bNnriiSfUvXt3TZ8+Xfn5+Xr55ZcdvR0AAMANLTExUQkJCXbnrFbrFZ8XHx+vn376Sd9//72zSrssh5vEkSNH2v7coUMH7dq1S5s3b1bt2rXVqFGjYi3uamWmTHN1CQCc5MMtB1xdAgAnGdi8mste2+GpVQdYrdYiNYV/N3z4cC1dulRr165VlSpVbOdDQ0N19uxZnTx50i5NzMzMVGhoqG3Mhg0b7O53/tvP58cUxTV/JhEREerVq1eJaRABAABKK8MwNHz4cC1cuFCrVq1SjRo17K43a9ZMZcuW1cqVK23ndu/erQMHDigmJkaSFBMTo7S0NB09etQ2Jjk5Wf7+/oqKKvqXaIqUJE6bVvRk7pFHHinyWAAAgJKgpPwsX3x8vBYsWKDFixfLz8/PtoYwICBA3t7eCggI0ODBg5WQkKCgoCD5+/trxIgRiomJ0e233y5J6tSpk6KionT//fdrypQpysjI0FNPPaX4+HiHEs0ibYFzYRd7yZtZLNq3b1+RX9xZsnMLXV0CACf5PO2Qq0sA4CSunG5+bPEup937lR71ijz2Us3q7NmzNXDgQEl/baY9atQoffDBB8rLy1NsbKxmzJhhN5X866+/6qGHHtLq1avl6+uruLg4Pf/88ypTpugrDR3eJ7E0oEkEblw0icCNiyaxZHHhtpUAAAAlg0fJmG0uUZz5ZR4AAACUUiSJAADA7ZWUL66UJCSJAAAAMCFJBAAAbo81iWZXlSR+9913uu+++xQTE6PffvtNkjRv3jyX/WwMAAAAipfDTeJnn32m2NhYeXt7a8uWLcrLy5MkZWVl6bnnniv2AgEAAJzNYnHeUVo53CQ+88wzmjVrlt566y2VLVvWdr5Fixb68ccfi7U4AACA68HDYnHaUVo53CTu3r1brVu3Np0PCAjQyZMni6MmAAAAuJjDTWJoaKjS09NN57///nvVrFmzWIoCAAC4njyceJRWDtc+dOhQPfroo1q/fr0sFosOHz6s+fPna/To0XrooYecUSMAAACuM4e3wHniiSdUWFio9u3b6/Tp02rdurWsVqtGjx6tESNGOKNGAAAApyrFSwedxuEm0WKx6D//+Y/GjBmj9PR0nTp1SlFRUSpfvrwz6gMAAIALXPVm2l5eXoqKiirOWgAAAFyiNH8L2VkcbhLbtWt32d83XLVq1TUVBAAAANdzuEls0qSJ3eP8/Hylpqbqp59+UlxcXHHVBQAAcN0QJJo53CROnTr1oucnTJigU6dOXXNBAAAA1xu/3WxWbNv33HfffXr33XeL63YAAABwoav+4sqFUlJSVK5cueK6HQAAwHXDF1fMHG4Se/XqZffYMAwdOXJEmzZt0rhx44qtMAAAALiOw01iQECA3WMPDw9FRkZq0qRJ6tSpU7EVBgAAcL0QJJo51CQWFBRo0KBBatiwoSpUqOCsmgAAAOBiDn1xxdPTU506ddLJkyedVA4AAMD152Fx3lFaOfzt5gYNGmjfvn3OqAUAAAAlhMNN4jPPPKPRo0dr6dKlOnLkiLKzs+0OAACA0sbixP+VVkVekzhp0iSNGjVKXbt2lSTddddddj/PZxiGLBaLCgoKir9KAAAAJyrN08LOUuQmceLEiXrwwQf17bffOrMeAAAAlABFbhINw5AktWnTxmnFAAAAuAJJoplDaxItbCIEAADgFhzaJ7Fu3bpXbBRPnDhxTQUBAABcbwRhZg41iRMnTjT94goAAABuPA41iX379lVwcLCzagEAAHAJ1iSaFXlNIjEsAACA+3D4280AAAA3GrIwsyI3iYWFhc6sAwAAwGU86BJNHP5ZPgAAANz4HPriCgAAwI2IL66YkSQCAADAhCQRAAC4PZYkmpEkAgAAwIQkEQAAuD0PESVeiCQRAAAAJiSJAADA7bEm0YwmEQAAuD22wDFjuhkAAAAmJIkAAMDt8bN8ZiSJAAAAMCFJBAAAbo8g0YwkEQAAACYkiQAAwO2xJtGMJBEAAAAmJIkAAMDtESSa0SQCAAC3x9SqGZ8JAAAATEgSAQCA27Mw32xCkggAAAATkkQAAOD2yBHNSBIBAABgQpIIAADcHptpm5EkAgAAwIQmEQAAuD2LEw9HrV27Vt27d1d4eLgsFosWLVpkd33gwIGyWCx2R+fOne3GnDhxQv3795e/v78CAwM1ePBgnTp1yqE6aBIBAIDbs1icdzgqJydHjRs31uuvv37JMZ07d9aRI0dsxwcffGB3vX///tq+fbuSk5O1dOlSrV27VsOGDXOoDtYkAgAAlCBdunRRly5dLjvGarUqNDT0otd27typr7/+Whs3btStt94qSXrttdfUtWtXvfjiiwoPDy9SHSSJAADA7V04fVucR15enrKzs+2OvLy8a6p39erVCg4OVmRkpB566CEdP37cdi0lJUWBgYG2BlGSOnToIA8PD61fv77Ir0GTCAAA4ERJSUkKCAiwO5KSkq76fp07d9Z7772nlStX6r///a/WrFmjLl26qKCgQJKUkZGh4OBgu+eUKVNGQUFBysjIKPLrMN0MAADcnjNTs8TERCUkJNids1qtV32/vn372v7csGFDNWrUSLVq1dLq1avVvn37q77vhUgSAQAAnMhqtcrf39/uuJYm8UI1a9ZUpUqVlJ6eLkkKDQ3V0aNH7cacO3dOJ06cuOQ6xouhSQQAAG7PmWsSne3QoUM6fvy4wsLCJEkxMTE6efKkNm/ebBuzatUqFRYWKjo6usj3ZboZAACgBDl16pQtFZSk/fv3KzU1VUFBQQoKCtLEiRPVu3dvhYaGau/evXr88cdVu3ZtxcbGSpLq16+vzp07a+jQoZo1a5by8/M1fPhw9e3bt8jfbJZIEgEAAErUZtqbNm1S06ZN1bRpU0lSQkKCmjZtqvHjx8vT01Pbtm3TXXfdpbp162rw4MFq1qyZvvvuO7sp7Pnz56tevXpq3769unbtqpYtW+rNN9907DMxDMO4ivpLtOzcQleXAMBJPk875OoSADjJwObVXPban6Qedtq9/9Wk6OldScJ0MwAAcHvXY+1gaUOTCAAA3B7r78z4TAAAAGBCkggAANwe081mJIkAAAAwIUkEAABujxzRjCQRAAAAJiSJAADA7bEk0YwkEQAAACYkiQAAwO15sCrRhCYRAAC4PaabzZhuBgAAgAlJIgAAcHsWpptNSBIBAABgQpIIAADcHmsSzUgSAQAAYEKSCAAA3B5b4JiRJAIAAMCEJBEAALg91iSa0SQCAAC3R5NoxnQzAAAATEgSAQCA22MzbTOSRAAAAJiQJAIAALfnQZBoQpIIAAAAE5JEAADg9liTaEaSCAAAABOSRAAA4PbYJ9GMJhEAALg9ppvNmG4GAACACUkiAABwe2yBY0aSCAAAABOSRAAA4PZYk2hGkggAAAATkkSUOnPeeUuvT3tZffvfr1GPP6nDv/2mHl07XHRs0gtT1aFT5+tcIYDLObBrm9Z/+Yky9v+sUydPqPdjE1T31ha260vfmKK075LtnlOj4a3qOzZJkvTrjq1a8Nzoi947buJ0hdeKdF7xuGGxBY4ZTSJKle0/pWnhpx+pTt3/+49ASGiolq1cazdu4acf6/257+qOlq2ud4kAriA/L1fB1WqqUetYff7qxIuOqdmouboN+79G0LNsWdufq9SN0ojpH9mNX/vpHP26fYvCatZ1TtGAG6JJRKlx+nSOxieO0ZNPT9K7b82ynff09FSlSpXtxq5etVIdOnWWj4/v9S4TwBXUanybajW+7bJjPMuWVfnAoItfK2N/reDcOe35MUXNOvaQhTgIV4l/csxYk4hSY8pzk9WidRtF337HZcft3LFdP+/eqbv+efd1qgxAcTuwc6teffhfemP0IH09+1Wd/jP7kmP3/JiiM39mq1Hr2OtYIW40HhaL047SqkQ3iQcPHtQDDzxw2TF5eXnKzs62O/Ly8q5Thbhevln2pXbt3KH4RxKuOHbxwk9Vo2YtNW7S9DpUBqC41WzUXN3//bjuTZyidn2H6MDObfr4hSdVWFhw0fFb1yxTjUbN5F+x8kWvA7g6JbpJPHHihObOnXvZMUlJSQoICLA7Xn7h+etUIa6HjIwjemlKkiYnvSCr1XrZsbm5uVq+7Evd1bP3daoOQHGLimmnOs3uUHDVGqp7awv9a/QzOrJvtw7s2Goam338mPZv26zGbbq4oFLcSCxOPEorl65J/OKLLy57fd++fVe8R2JiohIS7NOlPKPsJUajNNq1Y7tOnDiu+/v+X+NXUFCgLZs36ZMPF+h/G7fK09NTkrQqeblyz+SqW/cerioXQDGrEBwmb78A/ZF5WNUb3GJ3bdva5fL281edW2JcVB1w43Jpk9izZ09ZLBYZhnHJMVdahGy1Wk3pUnZuYbHUh5KheXSMPvh0sd25SU//R9Wr19CAQUNsDaIkLV70mVq3bacKQRdf8A6g9Mk+fkxnTmWbvshiGIbS1i5Xg5Yd5FmG72HiGpXmyM9JXPq3KiwsTDNmzFCPHhdPfVJTU9WsWbPrXBVKGl9fX9WuY7+thbe3twICA+3OHzzwq7Zs3qRXXn/jepcIwAFnc8/oj8zfbI9PHstQ5q/pKufrL+/yfvr+83mKvK2lfAOCdDLzsL798G1VCAlXjUa32t3n1+1bdPJYhpq0ZaoZcAaXNonNmjXT5s2bL9kkXillBP7ui0WfKzgkVLfHtLjyYAAuc2Tfz3abYa+c/9eWVg1bdVTsoEd19OA+pX2frNycU/KrUFE1GjZT67sHqkxZL7v7bF3ztW6qE6WK4dWua/24MfGzfGYWw4Vd2HfffaecnBx17nzxX8TIycnRpk2b1KZNG4fuy3QzcOP6PO2Qq0sA4CQDm7uu4V+/N8tp946uFeC0ezuTS5PEVq0u/2sYvr6+DjeIAAAAjirF2xk6DSt9AQCA26NHNCvR+yQCAADANUgSAQAAiBJNSBIBAABgQpIIAADcHlvgmJEkAgAAwIQkEQAAuD22wDEjSQQAAIAJSSIAAHB7BIlmNIkAAAB0iSZMNwMAAMCEJBEAALg9tsAxI0kEAACACUkiAABwe2yBY0aSCAAAUIKsXbtW3bt3V3h4uCwWixYtWmR33TAMjR8/XmFhYfL29laHDh20Z88euzEnTpxQ//795e/vr8DAQA0ePFinTp1yqA6aRAAA4PYsTjwclZOTo8aNG+v111+/6PUpU6Zo2rRpmjVrltavXy9fX1/FxsYqNzfXNqZ///7avn27kpOTtXTpUq1du1bDhg1zqA6LYRjGVdRfomXnFrq6BABO8nnaIVeXAMBJBjav5rLX3nrgT6fdu3E1v6t+rsVi0cKFC9WzZ09Jf6WI4eHhGjVqlEaPHi1JysrKUkhIiObMmaO+fftq586dioqK0saNG3XrrbdKkr7++mt17dpVhw4dUnh4eJFemyQRAADAiVFiXl6esrOz7Y68vLyrKnP//v3KyMhQhw4dbOcCAgIUHR2tlJQUSVJKSooCAwNtDaIkdejQQR4eHlq/fn2RX4smEQAAuD2LE/+XlJSkgIAAuyMpKemq6szIyJAkhYSE2J0PCQmxXcvIyFBwcLDd9TJlyigoKMg2pij4djMAAIATJSYmKiEhwe6c1Wp1UTVFR5MIAADcnjO3wLFarcXWFIaGhkqSMjMzFRYWZjufmZmpJk2a2MYcPXrU7nnnzp3TiRMnbM8vCqabAQAASokaNWooNDRUK1eutJ3Lzs7W+vXrFRMTI0mKiYnRyZMntXnzZtuYVatWqbCwUNHR0UV+LZJEAADg9krSXtqnTp1Senq67fH+/fuVmpqqoKAgVatWTY899pieeeYZ1alTRzVq1NC4ceMUHh5u+wZ0/fr11blzZw0dOlSzZs1Sfn6+hg8frr59+xb5m80STSIAAECJsmnTJrVr1872+Px6xri4OM2ZM0ePP/64cnJyNGzYMJ08eVItW7bU119/rXLlytmeM3/+fA0fPlzt27eXh4eHevfurWnTpjlUB/skAihV2CcRuHG5cp/En35z7NdIHNHgpvJOu7czsSYRAAAAJkw3AwAAt2cpUasSSwaSRAAAAJiQJAIAALfnzH0SSyuaRAAA4PboEc2YbgYAAIAJSSIAAABRoglJIgAAAExIEgEAgNtjCxwzkkQAAACYkCQCAAC3xxY4ZiSJAAAAMCFJBAAAbo8g0YwmEQAAgC7RhOlmAAAAmJAkAgAAt8cWOGYkiQAAADAhSQQAAG6PLXDMSBIBAABgQpIIAADcHkGiGUkiAAAATEgSAQAAiBJNaBIBAIDbYwscM6abAQAAYEKSCAAA3B5b4JiRJAIAAMCEJBEAALg9gkQzkkQAAACYkCQCAAAQJZqQJAIAAMCEJBEAALg99kk0o0kEAABujy1wzJhuBgAAgAlJIgAAcHsEiWYkiQAAADAhSQQAAG6PNYlmJIkAAAAwIUkEAABgVaIJSSIAAABMSBIBAIDbY02iGU0iAABwe/SIZkw3AwAAwIQkEQAAuD2mm81IEgEAAGBCkggAANyehVWJJiSJAAAAMCFJBAAAIEg0IUkEAACACUkiAABwewSJZjSJAADA7bEFjhnTzQAAADAhSQQAAG6PLXDMSBIBAABgQpIIAABAkGhCkggAAAATkkQAAOD2CBLNSBIBAABgQpIIAADcHvskmtEkAgAAt8cWOGZMNwMAAMCEJhEAALg9i8V5hyMmTJggi8Vid9SrV892PTc3V/Hx8apYsaLKly+v3r17KzMzs5g/jb/QJAIAAJQgN998s44cOWI7vv/+e9u1kSNHasmSJfrkk0+0Zs0aHT58WL169XJKHaxJBAAAKEHKlCmj0NBQ0/msrCy98847WrBggf7xj39IkmbPnq369evrhx9+0O23316sdZAkAgAAOFFeXp6ys7Ptjry8vEuO37Nnj8LDw1WzZk31799fBw4ckCRt3rxZ+fn56tChg21svXr1VK1aNaWkpBR73TSJAADA7TlzTWJSUpICAgLsjqSkpIvWER0drTlz5ujrr7/WzJkztX//frVq1Up//vmnMjIy5OXlpcDAQLvnhISEKCMjo9g/E6abAQAAnCgxMVEJCQl256xW60XHdunSxfbnRo0aKTo6WhEREfr444/l7e3t1DovRJMIAADcnjP3SbRarZdsCq8kMDBQdevWVXp6ujp27KizZ8/q5MmTdmliZmbmRdcwXiummwEAgNsrKVvgXOjUqVPau3evwsLC1KxZM5UtW1YrV660Xd+9e7cOHDigmJiYa/wEzEgSAQAASojRo0ere/fuioiI0OHDh/X000/L09NT9957rwICAjR48GAlJCQoKChI/v7+GjFihGJiYor9m80STSIAAECJ+VG+Q4cO6d5779Xx48dVuXJltWzZUj/88IMqV64sSZo6dao8PDzUu3dv5eXlKTY2VjNmzHBKLRbDMAyn3NmFsnMLXV0CACf5PO2Qq0sA4CQDm1dz2Wv/6cTewa9c6VzdR5IIAABQUqLEEqR0trYAAABwKpJEAADg9py5BU5pRZIIAAAAE5JEAADg9q51P8MbEUkiAAAATEgSAQCA2yNINKNJBAAAoEs0YboZAAAAJiSJAADA7bEFjhlJIgAAAExIEgEAgNtjCxwzkkQAAACYWAzDMFxdBHC18vLylJSUpMTERFmtVleXA6AY8fcbcC2aRJRq2dnZCggIUFZWlvz9/V1dDoBixN9vwLWYbgYAAIAJTSIAAABMaBIBAABgQpOIUs1qterpp59mUTtwA+LvN+BafHEFAAAAJiSJAAAAMKFJBAAAgAlNIgAAAExoEgEAAGBCk4hS7fXXX1f16tVVrlw5RUdHa8OGDa4uCcA1Wrt2rbp3767w8HBZLBYtWrTI1SUBbokmEaXWRx99pISEBD399NP68ccf1bhxY8XGxuro0aOuLg3ANcjJyVHjxo31+uuvu7oUwK2xBQ5KrejoaDVv3lzTp0+XJBUWFqpq1aoaMWKEnnjiCRdXB6A4WCwWLVy4UD179nR1KYDbIUlEqXT27Flt3rxZHTp0sJ3z8PBQhw4dlJKS4sLKAAC4MdAkolT6/fffVVBQoJCQELvzISEhysjIcFFVAADcOGgSAQAAYEKTiFKpUqVK8vT0VGZmpt35zMxMhYaGuqgqAABuHDSJKJW8vLzUrFkzrVy50nausLBQK1euVExMjAsrAwDgxlDG1QUAVyshIUFxcXG69dZbddttt+mVV15RTk6OBg0a5OrSAFyDU6dOKT093fZ4//79Sk1NVVBQkKpVq+bCygD3whY4KNWmT5+uF154QRkZGWrSpImmTZum6OhoV5cF4BqsXr1a7dq1M52Pi4vTnDlzrn9BgJuiSQQAAIAJaxIBAABgQpMIAAAAE5pEAAAAmNAkAgAAwIQmEQAAACY0iQAAADChSQQAAIAJTSIAAABMaBIBXLOBAweqZ8+etsdt27bVY489dt3rWL16tSwWi06ePHnJMRaLRYsWLSryPSdMmKAmTZpcU12//PKLLBaLUlNTr+k+AHA90SQCN6iBAwfKYrHIYrHIy8tLtWvX1qRJk3Tu3Dmnv/bnn3+uyZMnF2lsURo7AMD1V8bVBQBwns6dO2v27NnKy8vTV199pfj4eJUtW1aJiYmmsWfPnpWXl1exvG5QUFCx3AcA4DokicANzGq1KjQ0VBEREXrooYfUoUMHffHFF5L+b4r42WefVXh4uCIjIyVJBw8eVJ8+fRQYGKigoCD16NFDv/zyi+2eBQUFSkhIUGBgoCpWrKjHH39cF/4E/IXTzXl5eRo7dqyqVq0qq9Wq2rVr65133tEvv/yidu3aSZIqVKggi8WigQMHSpIKCwuVlJSkGjVqyNvbW40bN9ann35q9zpfffWV6tatK29vb7Vr186uzqIaO3as6tatKx8fH9WsWVPjxo1Tfn6+adwbb7yhqlWrysfHR3369FFWVpbd9bffflv169dXuXLlVK9ePc2YMeOSr/nHH3+of//+qly5sry9vVWnTh3Nnj3b4doBwJlIEgE34u3trePHj9ser1y5Uv7+/kpOTpYk5efnKzY2VjExMfruu+9UpkwZPfPMM+rcubO2bdsmLy8vvfTSS5ozZ47effdd1a9fXy+99JIWLlyof/zjH5d83QEDBiglJUXTpk1T48aNtX//fv3++++qWrWqPvvsM/Xu3Vu7d++Wv7+/vL29JUlJSUl6//33NWvWLNWpU0dr167Vfffdp8qVK6tNmzY6ePCgevXqpfj4eA0bNkybNm3SqFGjHP5M/Pz8NGfOHIWHhystLU1Dhw6Vn5+fHn/8cduY9PR0ffzxx1qyZImys7M1ePBgPfzww5o/f74kaf78+Ro/frymT5+upk2basuWLRo6dKh8fX0VFxdnes1x48Zpx44dWrZsmSpVqqT09HSdOXPG4doBwKkMADekuLg4o0ePHoZhGEZhYaGRnJxsWK1WY/To0bbrISEhRl5enu058+bNMyIjI43CwkLbuby8PMPb29tYvny5YRiGERYWZkyZMsV2PT8/36hSpYrttQzDMNq0aWM8+uijhmEYxu7duw1JRnJy8kXr/Pbbbw1Jxh9//GE7l5uba/j4+Bjr1q2zGzt48GDj3nvvNQzDMBITE42oqCi762PHjjXd60KSjIULF17y+gsvvGA0a9bM9vjpp582PD09jUOHDtnOLVu2zPDw8DCOHDliGIZh1KpVy1iwYIHdfSZPnmzExMQYhmEY+/fvNyQZW7ZsMQzDMLp3724MGjTokjUAQElAkgjcwJYuXary5csrPz9fhYWF6tevnyZMmGC73rBhQ7t1iFu3blV6err8/Pzs7pObm6u9e/cqKytLR44cUXR0tO1amTJldOutt5qmnM9LTU2Vp6en2rRpU+S609PTdfr0aXXs2NHu/NmzZ9W0aVNJ0s6dO+3qkKSYmJgiv8Z5H330kaZNm6a9e/fq1KlTOnfunPz9/e3GVKtWTTfddJPd6xQWFmr37t3y8/PT3r17NXjwYA0dOtQ25ty5cwoICLjoaz700EPq3bu3fvzxR3Xq1Ek9e/bUHXfc4XDtAOBMNInADaxdu3aaOXOmvLy8FB4erjJl7P/K+/r62j0+deqUmjVrZptG/bvKlStfVQ3np48dcerUKUnSl19+adecSX+tsywuKSkp6t+/vyZOnKjY2FgFBAToww8/1EsvveRwrW+99ZapafX09Lzoc7p06aJff/1VX331lZKTk9W+fXvFx8frxRdfvPo3AwDFjCYRuIH5+vqqdu3aRR5/yy236KOPPlJwcLApTTsvLCxM69evV+vWrSX9lZht3rxZt9xyy0XHN2zYUIWFhVqzZo06dOhgun4+ySwoKLCdi4qKktVq1YEDBy6ZQNavX9/2JZzzfvjhhyu/yb9Zt26dIiIi9J///Md27tdffzWNO3DggA4fPqzw8HDb63h4eCgyMlIhISEKDw/Xvn371L9//yK/duXKlRUXF6e4uDi1atVKY8aMoUkEUKLw7WYANv3791elSpXUo0cPfffdd9q/f79Wr16tRx55RIcOHZIkPfroo3r++ee1aNEi7dq1Sw8//PBl9zisXr264uLi9MADD2jRokW2e3788ceSpIiICFksFi1dulTHjh3TqVOn5Ofnp9GjR2vkyJGaO3eu9u7dqx9//FGvvfaa5s6dK0l68MEHtWfPHo0ZM0a7d+/WggULNGfOHIfeb506dXTgwAF9+OGH2rt3r6ZNm6aFCxeaxpUrV05xcXHaunWrvvvuOz3yyCPq06ePQkNDJUkTJ05UUlKSpk2bpp9//llpaWmaPXu2Xn755Yu+7vjx47V48WKlp6dr+/btWrp0qerXr+9Q7QDgbDSJAGx8fHy0du1aVatWTb169VL9+vU1ePBg5ebm2pLFUaNG6f7771dcXJxiYmLk5+enf/7zn5e978yZM3X33Xfr4YcfVr169TR06FDl5ORIkm666SZNnDhRTzzxhEJCQjR8+HBJ0uTJkzVu3DglJSWpfv366ty5s7788kvVqFFD0l/rBD/77DMtWrRIjRs31qxZs/Tcc8859H7vuusujRw5UsOHD1eTJk20bt06jRs3zjSudu3a6tWrl7p27apOnTqpUaNGdlvcDBkyRG+//bZmz56thg0bqk2bNpozZ46t1gt5eXkpMTFRjRo1UuvWreXp6akPP/zQodoBwNksxqVWmwMAAMBtkSQCAADAhCYRAAAAJjSJAAAAMKFJBAAAgAlNIgAAAExoEgEAAGBCkwgAAAATmkQAAACY0CQCAADAhCYRAAAAJjSJAAAAMPl/t0Ss8Aocc1kAAAAASUVORK5CYII=", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "plot_confusion_matrix(y_test, y_pred,(0,1))" + ] + }, + { + "cell_type": "code", + "execution_count": 63, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAr4AAAIjCAYAAADlfxjoAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8pXeV/AAAACXBIWXMAAA9hAAAPYQGoP6dpAACbA0lEQVR4nOzdeVhUZRsG8HvYF9kUQUQUcF9wwy33hcQs0zLF3C3XXHKr3JdKLf3cM7dyTUtTKyvT1NRSSXPHVFxwwQUFRRAUEOb9/jgxwzADzOAMh5m5f9fF5Zx3zpl5ZsOHZ97zvAohhAARERERkYWzkTsAIiIiIqKiwMSXiIiIiKwCE18iIiIisgpMfImIiIjIKjDxJSIiIiKrwMSXiIiIiKwCE18iIiIisgpMfImIiIjIKjDxJSIiIiKrwMSXqIgEBgaif//+codhdVq3bo3WrVvLHUaBZsyYAYVCgYSEBLlDKXYUCgVmzJhhlNu6ceMGFAoF1q1bZ5TbA4Djx4/DwcEBN2/eNNptGluPHj3QvXt3ucMgkh0TX7II69atg0KhUP3Y2dnB398f/fv3x507d+QOr1hLTU3FJ598gtq1a8PFxQUeHh5o0aIFNmzYAHNZ0fzChQuYMWMGbty4IXcoWrKysrB27Vq0bt0aJUuWhKOjIwIDAzFgwACcOHFC7vCMYvPmzVi0aJHcYWgoypgmT56Mt99+GxUqVFCNtW7dWuN3krOzM2rXro1FixZBqVTqvJ2HDx/igw8+QNWqVeHk5ISSJUsiPDwcv/zyS573nZycjJkzZ6JOnTooUaIEnJ2dUatWLXz00Ue4e/euar+PPvoI27dvx9mzZ/V+XNbw3iXroxDm8j8bUT7WrVuHAQMG4OOPP0ZQUBDS0tLw999/Y926dQgMDMT58+fh5OQka4zp6emwsbGBvb29rHHkdP/+fbRr1w4XL15Ejx490KpVK6SlpWH79u34888/ERERgU2bNsHW1lbuUPO1bds2dOvWDQcOHNCq7mZkZAAAHBwcijyuZ8+e4c0338Tu3bvRsmVLdOrUCSVLlsSNGzewdetWXL58Gbdu3UK5cuUwY8YMzJw5E/Hx8fD29i7yWF/Ea6+9hvPnz5vsD4+0tDTY2dnBzs7uhWMSQiA9PR329vZGeV+fOXMG9erVw9GjR/HSSy+pxlu3bo1r165hzpw5AICEhARs3rwZ//zzDyZNmoRZs2Zp3E50dDTatWuH+Ph4DBgwAA0aNMDjx4+xadMmnDlzBuPHj8e8efM0jomJiUFYWBhu3bqFbt26oXnz5nBwcMC5c+fw7bffomTJkrh8+bJq/8aNG6Nq1arYsGFDgY/LkPcukVkRRBZg7dq1AoD4559/NMY/+ugjAUBs2bJFpsjk9ezZM5GVlZXn9eHh4cLGxkb89NNPWteNHz9eABCfffaZKUPUKSUlxaD9v//+ewFAHDhwwDQBFdLw4cMFALFw4UKt6zIzM8W8efNEbGysEEKI6dOnCwAiPj7eZPEolUrx9OlTo9/uq6++KipUqGDU28zKyhLPnj0r9PGmiEmXUaNGifLlywulUqkx3qpVK1GzZk2NsWfPnokKFSoINzc3kZmZqRrPyMgQtWrVEi4uLuLvv//WOCYzM1NEREQIAOK7775TjT9//lzUqVNHuLi4iL/++ksrrqSkJDFp0iSNsf/973/C1dVVPHnypMDHZch790W86OtMZCgmvmQR8kp8f/nlFwFAzJ49W2P84sWLomvXrsLLy0s4OjqK0NBQnclfYmKiGD16tKhQoYJwcHAQ/v7+ok+fPhrJSVpampg2bZqoWLGicHBwEOXKlRMffPCBSEtL07itChUqiH79+gkhhPjnn38EALFu3Tqt+9y9e7cAIH7++WfV2O3bt8WAAQOEj4+PcHBwEDVq1BBff/21xnEHDhwQAMS3334rJk+eLMqWLSsUCoVITEzU+ZxFRkYKAOKdd97Ref3z589F5cqVhZeXlypZun79ugAg5s2bJxYsWCDKly8vnJycRMuWLUVUVJTWbejzPGe/dgcPHhTDhg0TpUuXFp6enkIIIW7cuCGGDRsmqlSpIpycnETJkiXFW2+9Ja5fv651fO6f7CS4VatWolWrVlrP05YtW8Snn34q/P39haOjo2jbtq24cuWK1mP44osvRFBQkHBychINGzYUf/75p9Zt6hIbGyvs7OzEyy+/nO9+2bIT3ytXroh+/foJDw8P4e7uLvr37y9SU1M19l2zZo1o06aNKF26tHBwcBDVq1cXX375pdZtVqhQQbz66qti9+7dIjQ0VDg6OqoSGX1vQwghdu3aJVq2bClKlCgh3NzcRIMGDcSmTZuEENLzm/u5z5lw6vv5ACCGDx8uvvnmG1GjRg1hZ2cnfvjhB9V106dPV+2bnJws3n//fdXnsnTp0iIsLEycPHmywJiy38Nr167VuP+LFy+Kbt26CW9vb+Hk5CSqVKmilTjqUr58edG/f3+tcV2JrxBCvPXWWwKAuHv3rmrs22+/FQDExx9/rPM+Hj9+LDw9PUW1atVUY999950AIGbNmlVgjNnOnj0rAIgdO3bku5+h791+/frp/CMj+z2dk67XeevWrcLLy0vn85iUlCQcHR3FuHHjVGP6vqeIdNH/eyMiM5T9NaeXl5dq7N9//0WzZs3g7++PCRMmwNXVFVu3bkWXLl2wfft2vPHGGwCAlJQUtGjRAhcvXsQ777yD+vXrIyEhATt37sTt27fh7e0NpVKJ119/HYcPH8bgwYNRvXp1REVFYeHChbh8+TJ+/PFHnXE1aNAAwcHB2Lp1K/r166dx3ZYtW+Dl5YXw8HAA0nSEJk2aQKFQYMSIEShdujR+++03vPvuu0hOTsbo0aM1jv/kk0/g4OCA8ePHIz09Pc+v+H/++WcAQN++fXVeb2dnh549e2LmzJk4cuQIwsLCVNdt2LABT548wfDhw5GWlobFixejbdu2iIqKgq+vr0HPc7b33nsPpUuXxrRp05CamgoA+Oeff3D06FH06NED5cqVw40bN7B8+XK0bt0aFy5cgIuLC1q2bIlRo0ZhyZIlmDRpEqpXrw4Aqn/z8tlnn8HGxgbjx49HUlIS5s6di169euHYsWOqfZYvX44RI0agRYsWGDNmDG7cuIEuXbrAy8urwK94f/vtN2RmZqJPnz757pdb9+7dERQUhDlz5uDUqVP46quv4OPjg88//1wjrpo1a+L111+HnZ0dfv75Z7z33ntQKpUYPny4xu1FR0fj7bffxpAhQzBo0CBUrVrVoNtYt24d3nnnHdSsWRMTJ06Ep6cnTp8+jd27d6Nnz56YPHkykpKScPv2bSxcuBAAUKJECQAw+PPxxx9/YOvWrRgxYgS8vb0RGBio8zkaOnQotm3bhhEjRqBGjRp4+PAhDh8+jIsXL6J+/fr5xqTLuXPn0KJFC9jb22Pw4MEIDAzEtWvX8PPPP2tNScjpzp07uHXrFurXr5/nPrlln1zn6empGivos+jh4YHOnTtj/fr1uHr1KipVqoSdO3cCgEHvrxo1asDZ2RlHjhzR+vzlVNj3rr5yv86VK1fGG2+8gR07dmDlypUav7N+/PFHpKeno0ePHgAMf08RaZE78yYyhuyq3759+0R8fLyIjY0V27ZtE6VLlxaOjo4aX8m1a9dOhISEaFQHlEqlaNq0qahcubJqbNq0aXlWR7K/1ty4caOwsbHR+qpxxYoVAoA4cuSIaixnxVcIISZOnCjs7e3Fo0ePVGPp6enC09NTowr77rvvCj8/P5GQkKBxHz169BAeHh6qamx2JTM4OFivr7O7dOkiAORZERZCiB07dggAYsmSJUIIdbXM2dlZ3L59W7XfsWPHBAAxZswY1Zi+z3P2a9e8eXONr3+FEDofR3alesOGDaqx/KY65FXxrV69ukhPT1eNL168WABQVa7T09NFqVKlRMOGDcXz589V+61bt04AKLDiO2bMGAFAnD59Ot/9smVXx3JX4N944w1RqlQpjTFdz0t4eLgIDg7WGKtQoYIAIHbv3q21vz638fjxY+Hm5iYaN26s9XV0zq/285pWYMjnA4CwsbER//77r9btIFfF18PDQwwfPlxrv5zyiklXxbdly5bCzc1N3Lx5M8/HqMu+ffu0vp3J1qpVK1GtWjURHx8v4uPjxaVLl8QHH3wgAIhXX31VY9+6desKDw+PfO9rwYIFAoDYuXOnEEKIevXqFXiMLlWqVBGvvPJKvvsY+t41tOKr63Xes2ePzueyY8eOGu9JQ95TRLqwqwNZlLCwMJQuXRoBAQF466234Orqip07d6qqc48ePcIff/yB7t2748mTJ0hISEBCQgIePnyI8PBwXLlyRdUFYvv27ahTp47OyohCoQAAfP/996hevTqqVaumuq2EhAS0bdsWAHDgwIE8Y42IiMDz58+xY8cO1djvv/+Ox48fIyIiAoB0Is727dvRqVMnCCE07iM8PBxJSUk4deqUxu3269cPzs7OBT5XT548AQC4ubnluU/2dcnJyRrjXbp0gb+/v2q7UaNGaNy4MXbt2gXAsOc526BBg7RONsr5OJ4/f46HDx+iUqVK8PT01HrchhowYIBGZalFixYApBOGAODEiRN4+PAhBg0apHFSVa9evTS+QchL9nOW3/Ory9ChQzW2W7RogYcPH2q8Bjmfl6SkJCQkJKBVq1aIiYlBUlKSxvFBQUGqbw9y0uc29u7diydPnmDChAlaJ4dmfwbyY+jno1WrVqhRo0aBt+vp6Yljx45pdC0orPj4ePz555945513UL58eY3rCnqMDx8+BIA83w+XLl1C6dKlUbp0aVSrVg3z5s3D66+/rtVK7cmTJwW+T3J/FpOTkw1+b2XHWlDLvMK+d/Wl63Vu27YtvL29sWXLFtVYYmIi9u7dq/p9CLzY71wiAOBUB7Ioy5YtQ5UqVZCUlIQ1a9bgzz//hKOjo+r6q1evQgiBqVOnYurUqTpv48GDB/D398e1a9fQtWvXfO/vypUruHjxIkqXLp3nbeWlTp06qFatGrZs2YJ3330XgDTNwdvbW/VLPD4+Ho8fP8aqVauwatUqve4jKCgo35izZf+n9uTJE42vXXPKKzmuXLmy1r5VqlTB1q1bARj2POcX97NnzzBnzhysXbsWd+7c0WivljvBM1TuJCc7eUlMTAQAVU/WSpUqaexnZ2eX51fwObm7uwNQP4fGiCv7No8cOYLp06cjMjIST58+1dg/KSkJHh4equ283g/63Ma1a9cAALVq1TLoMWQz9POh73t37ty56NevHwICAhAaGoqOHTuib9++CA4ONjjG7D90CvsYAeTZ9i8wMBCrV6+GUqnEtWvXMGvWLMTHx2v9EeHm5lZgMpr7s+ju7q6K3dBYC0roC/ve1Zeu19nOzg5du3bF5s2bkZ6eDkdHR+zYsQPPnz/XSHxf5HcuEcDElyxMo0aN0KBBAwBSVbJ58+bo2bMnoqOjUaJECVX/zPHjx+usggHaiU5+lEolQkJCsGDBAp3XBwQE5Ht8REQEZs2ahYSEBLi5uWHnzp14++23VRXG7Hh79+6tNRc4W+3atTW29an2AtIc2B9//BHnzp1Dy5Ytde5z7tw5ANCrCpdTYZ5nXXGPHDkSa9euxejRo/HSSy/Bw8MDCoUCPXr0yLMXqr7yamWVVxJjqGrVqgEAoqKiULduXb2PKyiua9euoV27dqhWrRoWLFiAgIAAODg4YNeuXVi4cKHW86LreTX0NgrL0M+Hvu/d7t27o0WLFvjhhx/w+++/Y968efj888+xY8cOvPLKKy8ct75KlSoFQP3HUm6urq4ac+ObNWuG+vXrY9KkSViyZIlqvHr16jhz5gxu3bql9YdPttyfxWrVquH06dOIjY0t8PdMTomJiTr/cM3J0PduXol0VlaWzvG8XucePXpg5cqV+O2339ClSxds3boV1apVQ506dVT7vOjvXCImvmSxbG1tMWfOHLRp0wZffPEFJkyYoKoI2dvba/yHpEvFihVx/vz5Avc5e/Ys2rVrp9dXv7lFRERg5syZ2L59O3x9fZGcnKw6iQMASpcuDTc3N2RlZRUYr6Fee+01zJkzBxs2bNCZ+GZlZWHz5s3w8vJCs2bNNK67cuWK1v6XL19WVUINeZ7zs23bNvTr1w/z589XjaWlpeHx48ca+xXmuS9I9mIEV69eRZs2bVTjmZmZuHHjhtYfHLm98sorsLW1xTfffGPUk4R+/vlnpKenY+fOnRpJkiFf8ep7GxUrVgQAnD9/Pt8/CPN6/l/085EfPz8/vPfee3jvvffw4MED1K9fH7NmzVIlvvreX/Z7taDPui7ZCeL169f12r927dro3bs3Vq5cifHjx6ue+9deew3ffvstNmzYgClTpmgdl5ycjJ9++gnVqlVTvQ6dOnXCt99+i2+++QYTJ07U6/4zMzMRGxuL119/Pd/9DH3venl5aX0mARi8kl3Lli3h5+eHLVu2oHnz5vjjjz8wefJkjX1M+Z4i68A5vmTRWrdujUaNGmHRokVIS0uDj48PWrdujZUrV+LevXta+8fHx6sud+3aFWfPnsUPP/ygtV929a179+64c+cOVq9erbXPs2fPVN0J8lK9enWEhIRgy5Yt2LJlC/z8/DSSUFtbW3Tt2hXbt2/X+R9zzngN1bRpU4SFhWHt2rU6V4aaPHkyLl++jA8//FCrQvPjjz9qzNE9fvw4jh07pko6DHme82Nra6tVgV26dKlWJcnV1RUAdP7nW1gNGjRAqVKlsHr1amRmZqrGN23alGeFL6eAgAAMGjQIv//+O5YuXap1vVKpxPz583H79m2D4squCOee9rF27Vqj30b79u3h5uaGOXPmIC0tTeO6nMe6urrqnHryop8PXbKysrTuy8fHB2XLlkV6enqBMeVWunRptGzZEmvWrMGtW7c0riuo+u/v74+AgACDVjH78MMP8fz5c42K5VtvvYUaNWrgs88+07otpVKJYcOGITExEdOnT9c4JiQkBLNmzUJkZKTW/Tx58kQrabxw4QLS0tLQtGnTfGM09L1bsWJFJCUlqarSAHDv3j2dvzvzY2Njg7feegs///wzNm7ciMzMTI1pDoBp3lNkXVjxJYv3wQcfoFu3bli3bh2GDh2KZcuWoXnz5ggJCcGgQYMQHByM+/fvIzIyErdv31Yt6fnBBx+oVgR75513EBoaikePHmHnzp1YsWIF6tSpgz59+mDr1q0YOnQoDhw4gGbNmiErKwuXLl3C1q1bsWfPHtXUi7xERERg2rRpcHJywrvvvgsbG82/Rz/77DMcOHAAjRs3xqBBg1CjRg08evQIp06dwr59+/Do0aNCPzcbNmxAu3bt0LlzZ/Ts2RMtWrRAeno6duzYgYMHDyIiIgIffPCB1nGVKlVC8+bNMWzYMKSnp2PRokUoVaoUPvzwQ9U++j7P+XnttdewceNGeHh4oEaNGoiMjMS+fftUXzFnq1u3LmxtbfH5558jKSkJjo6OaNu2LXx8fAr93Dg4OGDGjBkYOXIk2rZti+7du+PGjRtYt24dKlasqFe1af78+bh27RpGjRqFHTt24LXXXoOXlxdu3bqF77//HpcuXdKo8Oujffv2cHBwQKdOnTBkyBCkpKRg9erV8PHx0flHxovchru7OxYuXIiBAweiYcOG6NmzJ7y8vHD27Fk8ffoU69evBwCEhoZiy5YtGDt2LBo2bIgSJUqgU6dORvl85PbkyROUK1cOb731lmqZ3n379uGff/7R+GYgr5h0WbJkCZo3b4769etj8ODBCAoKwo0bN/Drr7/izJkz+cbTuXNn/PDDD3rNnQWkqQodO3bEV199halTp6JUqVJwcHDAtm3b0K5dOzRv3lxj5bbNmzfj1KlTGDdunMZ7xd7eHjt27EBYWBhatmyJ7t27o1mzZrC3t8e///6r+rYmZzu2vXv3wsXFBS+//HKBcRry3u3Rowc++ugjvPHGGxg1ahSePn2K5cuXo0qVKgafhBoREYGlS5di+vTpCAkJ0WpLaIr3FFmZom8kQWR8eS1gIYS0MlDFihVFxYoVVe2yrl27Jvr27SvKlCkj7O3thb+/v3jttdfEtm3bNI59+PChGDFihPD391c1Su/Xr59Ga7GMjAzx+eefi5o1awpHR0fh5eUlQkNDxcyZM0VSUpJqv9ztzLJduXJF1WT/8OHDOh/f/fv3xfDhw0VAQICwt7cXZcqUEe3atROrVq1S7ZPdpuv777836Ll78uSJmDFjhqhZs6ZwdnYWbm5uolmzZmLdunVa7ZxyLmAxf/58ERAQIBwdHUWLFi3E2bNntW5bn+c5v9cuMTFRDBgwQHh7e4sSJUqI8PBwcenSJZ3P5erVq0VwcLCwtbXVawGL3M9TXgsbLFmyRFSoUEE4OjqKRo0aiSNHjojQ0FDRoUMHPZ5daZWrr776SrRo0UJ4eHgIe3t7UaFCBTFgwACNdlF5rdyW/fzkXLRj586donbt2sLJyUkEBgaKzz//XKxZs0Zrv+wFLHTR9zay923atKlwdnYW7u7uolGjRuLbb79VXZ+SkiJ69uwpPD09tRaw0Pfzgf8WNtAFOdqZpaeniw8++EDUqVNHuLm5CVdXV1GnTh2txTfyiimv1/n8+fPijTfeEJ6ensLJyUlUrVpVTJ06VWc8OZ06dUoA0GqvldcCFkIIcfDgQa0WbUII8eDBAzF27FhRqVIl4ejoKDw9PUVYWJiqhZkuiYmJYtq0aSIkJES4uLgIJycnUatWLTFx4kRx7949jX0bN24sevfuXeBjyqbve1cIIX7//XdRq1Yt4eDgIKpWrSq++eabfBewyItSqRQBAQECgPj000917qPve4pIF4UQRjqTg4gs3o0bNxAUFIR58+Zh/PjxcocjC6VSidKlS+PNN9/U+XUrWZ927dqhbNmy2Lhxo9yh5OnMmTOoX78+Tp06ZdDJlkSWhnN8iYjykJaWpjXPc8OGDXj06BFat24tT1BU7MyePRtbtmwx+GSuovTZZ5/hrbfeYtJLVo9zfImI8vD3339jzJgx6NatG0qVKoVTp07h66+/Rq1atdCtWze5w6NionHjxsjIyJA7jHx99913codAVCww8SUiykNgYCACAgKwZMkSPHr0CCVLlkTfvn3x2Wefaaz6RkRE5oFzfImIiIjIKnCOLxERERFZBSa+RERERGQVrG6Or1KpxN27d+Hm5sblDomIiIiKISEEnjx5grJly2ot7PQirC7xvXv3LgICAuQOg4iIiIgKEBsbi3Llyhnt9qwu8XVzcwMgPZHu7u4yR0NEREREuSUnJyMgIECVtxmL1SW+2dMb3N3dmfgSERERFWPGnpbKk9uIiIiIyCow8SUiIiIiq8DEl4iIiIisAhNfIiIiIrIKTHyJiIiIyCow8SUiIiIiq8DEl4iIiIisAhNfIiIiIrIKTHyJiIiIyCow8SUiIiIiq8DEl4iIiIisAhNfIiIiIrIKTHyJiIiIyCow8SUiIiIiq8DEl4iIiIisgqyJ759//olOnTqhbNmyUCgU+PHHHws85uDBg6hfvz4cHR1RqVIlrFu3zuRxEhEREZH5kzXxTU1NRZ06dbBs2TK99r9+/TpeffVVtGnTBmfOnMHo0aMxcOBA7Nmzx8SREhEREZG5s5Pzzl955RW88soreu+/YsUKBAUFYf78+QCA6tWr4/Dhw1i4cCHCw8NNFSYRERERmVhaGnDhAnDujBKxv/9rkvuQNfE1VGRkJMLCwjTGwsPDMXr06DyPSU9PR3p6umo7OTnZVOERERERUQGEAG7fBs6dU/+cPQtcvgyUzrqHtRiADjiEaSa4b7NKfOPi4uDr66sx5uvri+TkZDx79gzOzs5ax8yZMwczZ84sqhCJiIiI6D+pqcD585pJ7rlzwOPH2vu+jp/wFQaiNBJgqjKlWSW+hTFx4kSMHTtWtZ2cnIyAgAAZIyIiIiKyLEolcP26doJ77ZpU4c2PC1Kx0GYcBitXqsbSvXyAxAdGj9OsEt8yZcrg/v37GmP379+Hu7u7zmovADg6OsLR0bEowiMiIiKyeI8fA1FRmgluVJRU3dWHvz9Qu7b008rtJNp+1QuON6LVO3TpAscFC4DgYKPHblaJ70svvYRdu3ZpjO3duxcvvfSSTBERERERWabMTODKFe0q7q1b+h3v7AzUqqVOcmvXBkJCgFKlAGRlAf/7HzBlinRHAODiAixaBAwcCDx5YpLHJGvim5KSgqtXr6q2r1+/jjNnzqBkyZIoX748Jk6ciDt37mDDhg0AgKFDh+KLL77Ahx9+iHfeeQd//PEHtm7dil9//VWuh0BERERk9uLjpart2bPqBPfff4Ec/QHyFRSkmeDWrg1UrAjY2uZxQFoa8NVX6qQ3NBTYvBmoUsUojycvsia+J06cQJs2bVTb2XNx+/Xrh3Xr1uHevXu4lePPiqCgIPz6668YM2YMFi9ejHLlyuGrr75iKzMiIiIiPWRkAJcuaVdx793T73g3N+0Et1YtwN3dwEBcXaVEt3lzYNw4YMYMwMHB0IdjMIUQBU05tizJycnw8PBAUlIS3A1+lYiIiIiKPyGkZDZ3gnvxorrImh+FQiq+5k5yK1SQrjPYkydAcrI0wTenO3e0x2C6fM2s5vgSERERkaZnz6RpCbmT3IcP9Tu+ZEntBLdmTWnKrVFERgK9ewNlygCHDgF2OdJPHUmvKTHxJSIiIjIDQgA3b2onuFeuSO3ECmJnB1Srpp3kli1byCpuQTIzgVmzgE8+kU5mi4kBPv8cmDzZBHemHya+RERERMXMkye6W4bpuwBtmTLaCW61akCRdXiNiZGqvJGR6rGmTYGePYsoAN2Y+BIRERHJJLsQmr1sb3aSe/26fsc7OkrTEnK3DPPxMW3ceRIC2LgRGDFC3ZLM1haYPh2YOFFzmoMMmPgSERERFYFHj7SruOfPA0+f6nd8+fLaVdzKlWXPJdUSE4GhQ4GtW9VjwcHApk1AkybyxZVDcXmqiIiIiCzC8+fA5cvac3Fv39bveFdXqWqbu2WYl5dp434hyclA3bqaq1v07w8sWSL1QCsmmPgSERERFdL9+9oJ7oULUr9cfVSsqF3FDQ4GbGxMG7fRubsDb7wBLF4sZegrVwLduskdlRYmvkREREQFSEuTeuDmTnIfPNDveA8P3Qs/lChh2riL1GefSU/U5MlAQIDc0ejExJeIiIjoP0JIUxJyJ7jR0dKJaAWxsQGqVtVOcgMCTNQyTA5CAKtXSyetvfuuetzJCVixQr649MDEl4iIiKxSaqrmwg/ZXRUeP9bveG9voE4dzQS3enXA2dmkYcsrPh4YNAj46SfpgTZtKj1oM8HEl4iIiCyaUgncuKFdxb16VSpeFsTeHqhRQ7uK6+trQVVcffz+O9CvHxAXJ20/ewb88gsTXyIiIiI5JCXpXvghJUW/48uWVSe22dXcKlUABwfTxl2spaVJPXgXLVKPeXsDa9YAnTrJFlZhMPElIiIis5OZKVVsc1dxb97U73gnJ+nkstwLP3h7mzZusxMVBfTqJf2brUMHYO1aaXk4M8PEl4iIiIq1hATtBPfff6VCpD4CA7WnKVSqJJ2bRXkQAli6FPjwQyA9XRpzdATmzZNWZTPTOR5MfImIiKhYyMgALl3STnLv3dPv+BIldLcM8/AwbdwWKSUFmD9fnfTWri2twFarlrxxvSAmvkRERFSkhJDOj8qd4F68KK16VhCFQlqqN3eSW6GCGS78UFy5uQHffAO0aQOMGgXMni3NDzFzTHyJiIjIZJ49k1Yyy53kJiTod7yXl3bLsBo1pGV9yYhSU6UfHx/1WIsW0trLwcHyxWVkTHyJiIjohQkB3LqlneBeviy1EyuIrS1QrZp2R4WyZc12Oqn5OHlSOoHN3x/Yu1ezbG5BSS/AxJeIiIgM9OQJcP68dpKbnKzf8b6+2tMUqleXzp2iIpSVBfzvf8CUKVKbjOhoYOFCYNw4uSMzGSa+REREpJNSCVy7pp3gxsTod7yDA1CzpnbLMF9f08ZNeoiNBfr2BQ4eVI+FhppdX15DMfElIiIiJCZqJ7jnzwNPn+p3fECAdhW3cmVp1TMqZrZuBYYMUa/NrFAAEyYAM2ZY/EodTHyJiIisSGamNO82d5IbG6vf8S4uUtU2dxXXy8u0cZMRJCdLHRrWr1ePBQQAGzcCrVrJF1cRYuJLRERkoR480E5wL1xQt2YtSMWK2lXc4GC2DDNLSUlA/fqa81QiIoDly63qrxYmvkRERGYuPV3qgZs7yb1/X7/j3d11L/zg5mbauKkIeXgAbdtKia+bG7BsGdC7t9W1zGDiS0REZCaEAO7c0U5wL12STtAviI0NUKWKdpJbvrzV5T/WaeFCqbHyxx9bXJsyfTHxJSIiKoZSU4F//9VOchMT9Tu+VCndCz84O5s2bioGhJDm7drbA2+/rR4vUUJajc2KMfElIiKSkVIJ3LypneBeuSLlLwWxt5d64Oau4pYpwyquVUpMBIYOlTo3lCgBNGokTdYmAEx8iYiIikxyMhAVpZngRkVJC0Loo2xZ7QS3alWL70BF+jp4EOjTB7h9W9pOSQG2bQM++kjWsIoTJr5ERERGlpUFXL2qXcW9cUO/452cpIUfck5VCAkBvL1NGjaZq4wMYNo0YO5c9dcEnp7AqlVAt26yhlbcMPElIiJ6AQ8f6l74IS1Nv+MrVNCu4laqBNjxf2jSR3Q00LMncOqUeqx1a2DDBqlHL2ngx4qIiEgPGRlSjpE7yb17V7/jS5TQvfCDh4dp4yYLJYRU0R0zRurUAEgTvmfNAsaNY7PlPDDxJSIiykEIIC5OO8G9eBF4/rzg4xUKqWKbu4obGMhchIwoKUlaYjg76a1aFdi8WVqkgvLExJeIiKxWWpq0kll2cnv2rPRvQoJ+x3t6arcMq1kTcHU1adhE0ptv3TqgQwepi8P8+dJ60pQvJr5ERGTxhABiY7WruNHRUjuxgtjaAtWqaVdx/f3ZMoyKSFoa8PQpULKkeiw8XJpQXrOmfHGZGSa+RERkUVJSpFwgd5KblKTf8T4+2lXcatWkTgtEsoiKkk5gq1AB+Plnzb+2mPQahIkvERGZJaUSiInRTnCvXdPveAcHaSWz3FVcX1/Txk2kN6USWLpU6sObni79RbdiBTBsmNyRmS0mvkREVOwlJmov/HD+vLSsrz7KldNOcKtUkU6CJyqW7t0DBgwA9uxRj9WuDbRoIV9MFoCJLxERFRuZmdJSvdknmWX/xMbqd7yzs+6WYTmnRRIVez/9BAwcqHmW5ZgxwOzZnHPzgpj4EhGRLOLjtacp/Puv9I2uPoKDtau4wcHSiWhEZik1VerBu3KleszPD1i/Hnj5ZfnisiBMfImIyKTS04FLl7ST3Lg4/Y53d9dOcGvVAtzcTBs3UZFKTAReeklqNZKtSxdg9WquVW1ETHyJiMgohJBWMcud4F66JE1hKIiNDVC5snaSW6ECW4aRFfDyAkJDpcTXxQVYvBh4912++Y2MiS8RERns6VNpWkLuJPfRI/2OL1lSu2VYjRrsv09WbtkyaSW2zz6Tzr4ko2PiS0REeRICuHFDO8G9ckW6riB2dkD16tpVXD8/FrLIym3dCjg6Ap07q8c8PYEdO2QLyRow8SUiIgBAcrLUIixnR4WoKODJE/2O9/PTTnCrVZP65RLRf5KTgVGjpBPWvLykD1q5cnJHZTWY+BIRWZmsLGmRh9xV3OvX9Tve0VE6uSx3y7DSpU0bN5HZi4wEevVSf9gSE4FvvgEmTJA3LivCxJeIyII9fKh74Ydnz/Q7vkIF7SpupUrSFAYi0lNmJvDpp9JPVpY05uYmzent3Vve2KwMf3UREVmA58+lk8FzV3Hv3NHveFdX3Qs/eHqaNGwiyxcTIyW3kZHqsaZNpUpvUJB8cVkpJr5ERGZECOD+fe0E98IFKfktiEIBVKyoXcUNCpLaiRGRkQgBbNgAjBgBpKRIY7a2wLRpwKRJ/NpEJnzWiYiKqbQ0KaHNneTGx+t3vKendoJbsyZQooRJwyYiQJq/O26cOukNDgY2bQKaNJE3LivHxJeISGZCALdvqxPb7K4Kly+rpwPmx9YWqFpVO8ktV44tw4hkU7Ik8NVXwBtvAP37A0uWcLnBYoCJLxFREUpNlU4uy13FffxYv+NLl9Ze+KF6dcDJyaRhE1FBMjKk9blzJrddugAnTkgrslGxwMSXiMgElEqpY1HuBPfaNf0WfrC3l1Yyy53k+vqaPnYiMlB0NNCzp9Ty5LvvNL9qYdJbrDDxJSJ6QY8fa7cMi4qSqrv68PfXnqZQtaqU/BJRMSYEsGoVMGaM1CPw1Cng1VeBvn3ljozywMSXiEhPmZnSUr25q7i3bul3vLOz7oUfSpUybdxEZALx8cDAgcDOneqxqlWlDzkVW0x8iYh0iI/XTnD//VeawqePoCDtKm7FitKJaERk5vbskU5Yi4tTjw0dCsyfD7i4yBYWFYyJLxFZtYwM4NIl7ST33j39jndz005wa9UC3N1NGzcRySAtDZg4EVi0SD3m7Q2sWQN06iRbWKQ/Jr5EZBWEkJLZ3AnuxYvSFIaCKBRAlSraSW6FCmwZRmQVHj0CWreWJvBn69ABWLsWKFNGtrDIMEx8icjiPHsmTUvIneQ+fKjf8SVLqhPb7K4KNWrwG0wiq+blJS1CERUFODoC8+ZJq7LxL1+zwsSXiMyWEMDNm9oJ7pUrUjuxgtjZAdWqaVdxy5bl/2VElItCIS1I8eyZNJeXJ7GZJSa+RGQWnjzR3TIsOVm/48uU0U5wq1WTCjdERFp27pR+QYSHq8e8vaUT28hsMfElomIlK0ta5CF3Fff6df2Od3QEatbUbhnm42PauInIQqSmAuPGAStXSr84oqL4C8SCMPElItk8eqRdxT1/Hnj6VL/jy5fXruJWrixNYSAiMtjJk9IKbJcvS9sPHkgdGyZMkDcuMhr+90BEJvf8ufT/SO4q7u3b+h3v6ipVbXO3DPPyMm3cRGQlsrKA//0PmDJF3ebFxUVqWzZwoKyhkXEx8SUio7p/XzvBvXBB6perj4oVtTsqBAUBNjamjZuIrFRsLNCnD3DokHosNBTYvFnqYUgWhYkvERVKWprUAzd3kvvggX7He3joXvihRAnTxk1EpLJ1KzBkCPD4sbStUEjTGmbMABwc5IyMTISJLxHlSwhpSkLuBDc6Wvp2sCA2NtLy9bmT3IAAtgwjIhklJACDBqlbwwQEABs3Aq1ayRsXmRQTXyJSSU3VXPjh7Fnp3+xiSEG8vdXTE7J/qlcHnJ1NGjYRkeG8vYHly4FevYCICOkyTxyweEx8iayQUgncuKFdxb16VarwFsTeXlrJLHcV19eXVVwiKqYyM6WTDXIuwdizJ1CuHNCiBX95WQkmvkQWLilJ98IPKSn6HV+2rPbJZlWqcPobEZmRmBigd29p1Zo1azSva9lSnphIFkx8iSxEZqZUsc1dxb15U7/jnZykk8tyL/zg7W3auImITEYIad7u8OHSX/uRkcArrwDduskdGcmEiS+RGUpI0E5w//1X6rSgj8BA7WkKlSoBtrYmDZuIqOgkJgJDh0qdG7IFB0snsZHVYuJLVIxlZACXLmknuffu6Xd8iRK6W4Z5eJg2biIiWR08KPXmzblKTv/+wJIlgJubXFFRMcDEl6gYEAKIi9PupnDxonoRofwoFNJSvbmT3AoVuPADEVmRjAxg2jRg7lz1mbpeXsDKlZzeQACY+BIVuWfPpJXMcldxExL0O97LS7tlWI0a0rK+RERW6+FDoH174NQp9VibNsCGDVLnBiIw8SUyGSGAW7e0E9zLl6V2YgWxs5NOQM5dxS1bll13iIi0eHmpz8a1twdmzQLGjePXXqSBiS+RETx5Apw/r53kZi8IVBBfX+0Et3p1wNHRtHETEVkMGxtg3Tqge3dg8WKgfn25I6JiiIkvkQGUSuDaNe0ENyZGv+MdHICaNbVbhvn6mjZuIiKL8/vvUh/GnH14/fyAv/6SLyYq9mRPfJctW4Z58+YhLi4OderUwdKlS9GoUaM891+0aBGWL1+OW7duwdvbG2+99RbmzJkDJyenIoyarEFionaCe/488PSpfscHBGhXcStXlr6BIyKiQkpLAyZOBBYtkubunjvHpYZJb7Imvlu2bMHYsWOxYsUKNG7cGIsWLUJ4eDiio6Ph4+Ojtf/mzZsxYcIErFmzBk2bNsXly5fRv39/KBQKLFiwQIZHQJYgM1Oad5s7yY2N1e94Fxepapu7isvfw0RERhYVBfTqJf0LSO3KVq0CPvpI3rjIbCiEyO73UfQaN26Mhg0b4osvvgAAKJVKBAQEYOTIkZgwYYLW/iNGjMDFixexf/9+1di4ceNw7NgxHD58WK/7TE5OhoeHB5KSkuDu7m6cB0Jm48ED3Qs/ZGTod3zFitpV3OBgnjtBRGRSSiWwdKmU4KanS2OOjsC8ecCIETzj1wKZKl+TreKbkZGBkydPYuLEiaoxGxsbhIWFITIyUucxTZs2xTfffIPjx4+jUaNGiImJwa5du9CnT5887yc9PR3p2R8SSE8kWb70dKkHbu4k9/59/Y53d9e98AP7nhMRFbF794ABA4A9e9RjISHA5s3SL2YiA8iW+CYkJCArKwu+uc7q8fX1xaVLl3Qe07NnTyQkJKB58+YQQiAzMxNDhw7FpEmT8ryfOXPmYObMmUaNnYoPIYA7d7QT3EuXgKysgo+3sQGqVNFOcsuXZwGBiEh2P/0EDByo2eh8zBhg9mzpxDYiA8l+cpshDh48iNmzZ+PLL79E48aNcfXqVbz//vv45JNPMHXqVJ3HTJw4EWPHjlVtJycnI4DrdJul1FRpWkLuJDcxUb/jS5XSvfCDs7Np4yYiokKIj5fm86amStt+flK7svbtZQ2LzJtsia+3tzdsbW1xP9d3z/fv30eZMmV0HjN16lT06dMHAwcOBACEhIQgNTUVgwcPxuTJk2GjY6Klo6MjHNkM1awolcDNm+ple7N/rl5Vr0CZH3t7qQdu7ipumTKs4hIRmY3SpaXODYMGAZ07A199pV6ggqiQZEt8HRwcEBoaiv3796NLly4ApJPb9u/fjxEjRug85unTp1rJra2tLQBAxnP06AUkJ0sn5+ZMcKOipAUh9FG2rHaCW7Wq1C+XiIjMSFaW1GYnZ7Hq3XellmXh4axckFHIOtVh7Nix6NevHxo0aIBGjRph0aJFSE1NxYABAwAAffv2hb+/P+bMmQMA6NSpExYsWIB69eqppjpMnToVnTp1UiXAVDxlZUkV29zTFG7c0O94Jydp4YecUxVCQvjHPxGRRYiNBfr2lU5WW7pUPa5QAB06yBcXWRxZE9+IiAjEx8dj2rRpiIuLQ926dbF7927VCW+3bt3SqPBOmTIFCoUCU6ZMwZ07d1C6dGl06tQJs2bNkushkA4PH+pe+CEtTb/jK1TQruJWqgTYmdWMdCIi0svWrcCQIcDjx8DBg8ArrwAdO8odFVkoWfv4yoF9fI0nIwOIjtZOcu/e1e/4EiV0L/zg4WHauImIqBhITgZGjQLWr1ePBQQAmzYBLVrIFxcVCxbXx5fMhxBAXJx2gnvxIvD8ecHHKxRSxTZ3FTcwkAs/EBFZpchIoHdvICZGPRYRASxfzmUvyaSY+JKGtDTgwgXtjgo5Wyjmx9NTu2VYzZqAq6tJwyYiInOQmQnMmgV88om62bqbG7BsmZQI8wQ2MjEmvlZKCOlcgtxV3OhoqZ1YQWxtgWrVtKu4/v78vUVERDo8fAh06iRVe7M1bQp88w0QFCRfXGRVmPhagZQU6eSy3EluUpJ+x/v4aFdxq1XjojlERGQAT0/1Wcq2tsC0acCkSTxzmYoU320W5vlzYNcu4PRpdYJ77Zp+xzo4SCuZ5a7i5lpVmoiIyHC2tsDGjcCbb0pTG5o0kTsiskJMfC3M228D27cXvF+5ctoJbpUq0qpnREREL+zQIWlN+EaN1GMVKgAnTnBOHMmGia8FycoCfvlFc8zZWXfLsJIl5YmRiIgsXEYGMH068Pnn0tzdM2ekE9iyMeklGTHxtSAxMUB6unS5dWtg1SogOFj6domIiMjkoqOBnj2BU6ek7ZgYqUXZhx/KGxfRf9hF1YL8+6/6cosWQOXKTHqJiKgICCFVW+rVUye99vbA3LnA+PHyxkaUAyu+FuTCBfXlGjXki4OIiKxIfDwwaBDw00/qsapVgc2bgfr15YuLSAdWfC1IzopvzZryxUFERFZizx7p5JGcSe/QoVLVl0kvFUOs+FqQ7Iqvra3UoYGIiMhk7t8HunSRlvwEAG9vYM0aaZEKomKKFV8LkZUFXLokXa5UCXB0lDceIiKycL6+wGefSZfDw4GoKCa9VOyx4mshrl9X/9HN+b1ERGR0SqVUZcnZ8H3kSKkx/BtvADaspVHxx3epheD8XiIiMpl794BXXgGmTNEct7EBunZl0ktmg+9UC8GODkREZBI//SStfPT778C8ecAff8gdEVGhMfG1EKz4EhGRUaWmSh0aunQBHj6Uxnx9ZQ2J6EVxjq+FyK742tiwowMREb2gkyelFdguX1aPde4MfPWV1L2ByEyx4msBsrKAixely5UqAU5O8sZDRERmKisL+PxzoEkTddLr4iKtyvbDD0x6yeyx4msBbtxgRwciInpBCQlAt27AwYPqsdBQaQU2fpVIFoIVXwvA+b1ERPTCPDyAlBTpskIBTJwIHD3KpJcsChNfC8CODkRE9MLs7YFNm4Dq1YEDB4DZswEHB7mjIjIqTnWwAKz4EhGRwSIjpfm7deqox6pUAc6fZ19eslh8Z1uAnB0dqlaVNxYiIirmMjOBmTOBFi2At98Gnj7VvJ5JL1kwvrvNnFKp7uhQsSI7OhARUT5iYoCWLYEZM9Qtgb78Uu6oiIoME18zd+MG8OyZdJnze4mISCchgA0bgLp1pSkOAGBrC3z8MTB6tJyRERUpzvE1c5zfS0RE+UpMlFZg27pVPVaxIvDNN1K/XiIrwoqvmWNHByIiytPBg0Dt2ppJ74ABwOnTTHrJKrHia+ZY8SUiIp3u3QPCw4GMDGnbywtYuVJapILISrHia+bY0YGIiHTy8wOmT5cut2kDnDvHpJesHiu+ZixnR4fgYMDZWd54iIhIRkJI/zHY2qrHPvoICAgAevVimzIisOJr1m7eVLdf5PxeIiIrFh8PvPEG8OmnmuO2tkCfPkx6if7DT4IZ4/xeIiLCnj3SCWw//QR88om6XRkRaWHia8bY0YGIyIqlpQFjxgAdOgBxcdKYlxfw5Im8cREVY5zja8ZY8SUislJRUdK83ago9Vh4OLBuHVCmjGxhERV3rPiaseyKr0LBjg5ERFZBqQQWLwYaNlQnvY6O0tiuXUx6iQrAiq+ZUirViW9wMODiIm88RERkYg8fSlXePXvUYyEhwObNQK1a8sVFZEZY8TVTt26xowMRkVVxdQXu3FFvjxkDHD/OpJfIAEx8zRTn9xIRWRknJ6m6GxQkVX0XLJDGiEhvnOpgptjRgYjIwp08KVV5q1VTj4WEAJcvA3b875uoMFjxNVOs+BIRWaisLODzz4EmTYC33wbS0zWvZ9JLVGhMfM1Uzo4OOYsBRERkxmJjgXbtgAkTgMxM4MwZ4Msv5Y6KyGIw8TVDOTs6BAWxowMRkUXYulVage3QIWlboQAmTgSGD5c3LiILwu9LzFBsLJCaKl3m/F4iIjOXnAyMGgWsX68eCwgANm4EWrWSLy4iC8TE1wxxfi8RkYWIjAR69wZiYtRjERHA8uXS8sNEZFRMfM0QOzoQEVmAO3eA1q2BjAxp280NWLZMSoQVCllDI7JUnONrhljxJSKyAP7+wPjx0uWmTYGzZ4E+fZj0EpkQK75mKGfFlx0diIjMhBDSvzkT2xkzgPLlgXffZZsyoiLAiq+ZEUKzo4Orq7zxEBGRHhITgR49gPnzNcft7YEhQ5j0EhURJr5mJjYWSEmRLnN+LxGRGTh4UGpTtnUrMGkScPq03BERWS0mvmaG83uJiMxERoa0EEXbtsDt29JYiRJAXJy8cRFZMX63YmbY0YGIyAxERwM9ewKnTqnH2rQBNmwAypWTLy4iK8eKr5lhxZeIqBgTAli5EqhXT5302tsDc+cC+/Yx6SWS2QtVfNPS0uDk5GSsWEgP7OhARFRMPXoEDBgA7NypHqtaFdi8GahfX764iEjF4IqvUqnEJ598An9/f5QoUQIx/602M3XqVHz99ddGD5DUcnZ0CAyUpooREVEx4egIXLqk3h42TKr6MuklKjYMTnw//fRTrFu3DnPnzoWDg4NqvFatWvjqq6+MGhxpun0bePJEusz5vURExYyrK7BpE1C2rFT1/fJLwMVF7qiIKAeDE98NGzZg1apV6NWrF2xtbVXjderUwaWcf+mS0XF+LxFRMRIVBfz3radKgwbSWKdO8sRERPkyOPG9c+cOKlWqpDWuVCrx/PlzowRFurGjAxFRMaBUAosXAw0bAr16AZmZmtc7OsoTFxEVyODEt0aNGvjrr7+0xrdt24Z69eoZJSjSjRVfIiKZ3bsHvPIKMHo0kJ4O/P03sHy53FERkZ4M7uowbdo09OvXD3fu3IFSqcSOHTsQHR2NDRs24JdffjFFjPSfnBXf6tXli4OIyCr99BPw7rvAw4fqsTFjgEGD5IuJiAxicMW3c+fO+Pnnn7Fv3z64urpi2rRpuHjxIn7++We8/PLLpoiRoNnRoUIFdnQgIioyqanA0KFAly7qpNfPD9izB1iwAGBbTyKzUag+vi1atMDevXuNHQvl484dIDlZusz5vUREReTkSWkFtsuX1WNdugCrVwPe3rKFRUSFY3DFNzg4GA9zfs3zn8ePHyM4ONgoQZE2zu8lIipisbFA06bqpNfFRUp4d+xg0ktkpgxOfG/cuIGsrCyt8fT0dNy5c8coQZE2dnQgIipiAQHAe+9Jl0NDgdOngYEDAYVC3riIqND0nuqwM8cSjHv27IGHh4dqOysrC/v370dgYKBRgyM1VnyJiIqAEJqJ7Zw5QPnywPDhQI5Fm4jIPCmEEEKfHW1spOKwQqFA7kPs7e0RGBiI+fPn47XXXjN+lEaUnJwMDw8PJCUlwd3dXe5w9Na0KRAZKV1OTgbc3OSNh4jIoiQnA6NGAY0aqau8RCQbU+Vreld8lUolACAoKAj//PMPvDm/qcgIoa74li/PpJeIyKgiI6WFKK5fB7ZsAdq0Yc9IIgtl8Bzf69evM+ktYnfvsqMDEZHRZWYCM2YALVpISS8A2NsD167JGhYRmU6h2pmlpqbi0KFDuHXrFjIyMjSuGzVqlFECIzXO7yUiMrKYGKB3b/UcMkCaU/bNN0BQkHxxEZFJGZz4nj59Gh07dsTTp0+RmpqKkiVLIiEhAS4uLvDx8WHiawLs6EBEZCRCABs2ACNGACkp0pitLTBtGjBpEmBXqHoQEZkJg6c6jBkzBp06dUJiYiKcnZ3x999/4+bNmwgNDcX//vc/U8Ro9VjxJSIygsePgR49gP791UlvcDBw+LCU+DLpJbJ4Bie+Z86cwbhx42BjYwNbW1ukp6cjICAAc+fOxaRJk0wRo9XLWfHl+RZERIWkUADHjqm3+/cHzpwBmjSRKyIiKmIGJ7729vaq1mY+Pj64desWAMDDwwOxsbHGjY40OjoEBABm1IGNiKh48fAANm6UVl3buhVYu5ZtcoisjMHf69SrVw///PMPKleujFatWmHatGlISEjAxo0bUatWLVPEaNXu3QOSkqTLnN9LRGSA6GjA1RUoV0491qIFcOOGNE5EVsfgiu/s2bPh5+cHAJg1axa8vLwwbNgwxMfHY+XKlUYP0Npxfi8RkYGEAFauBOrVA/r2Bf7rQ6/CpJfIahlc8W3QoIHqso+PD3bv3m3UgEgTOzoQERkgPh4YOBDYuVPaPnAAWLUKGDpU3riIqFgwuOKbl1OnThX75YrNESu+RER62rMHqF1bnfQCUsLbt698MRFRsWJQ4rtnzx6MHz8ekyZNQkxMDADg0qVL6NKlCxo2bKha1tgQy5YtQ2BgIJycnNC4cWMcP3483/0fP36M4cOHw8/PD46OjqhSpQp27dpl8P2aC3Z0ICIqQFoaMGYM0KEDEBcnjXl7Swnw8uWAi4u88RFRsaH3VIevv/4agwYNQsmSJZGYmIivvvoKCxYswMiRIxEREYHz58+juoGZ2ZYtWzB27FisWLECjRs3xqJFixAeHo7o6Gj4+Pho7Z+RkYGXX34ZPj4+2LZtG/z9/XHz5k14enoadL/mImdHh3LlpBOSiYgoh6gooFcv6d9s4eHAunVAmTKyhUVExZNCCCH02bF27dro06cPPvjgA2zfvh3dunVDkyZNsHXrVpTLecasARo3boyGDRviiy++AAAolUoEBARg5MiRmDBhgtb+K1aswLx583Dp0iXY29sX6j6Tk5Ph4eGBpKQkuBfz3mD37gFly0qX27eXvsUjIqL/3LwJVK0KpKdL246OwNy50qpsNkabyUdEMjBVvqb3b4Zr166hW7duAIA333wTdnZ2mDdvXqGT3oyMDJw8eRJhYWHqYGxsEBYWhsica6fnsHPnTrz00ksYPnw4fH19UatWLcyePRtZWVl53k96ejqSk5M1fswF5/cSEeWjQgX1/N2QEODECWDUKCa9RJQnvX87PHv2DC7/zZNSKBRwdHRUtTUrjISEBGRlZcHX11dj3NfXF3HZc7RyiYmJwbZt25CVlYVdu3Zh6tSpmD9/Pj799NM872fOnDnw8PBQ/QQEBBQ65qLGjg5ERAVYuBD49FPg+HGAveSJqAAGtTP76quvUKJECQBAZmYm1q1bB29vb419Ro0aZbzoclEqlfDx8cGqVatga2uL0NBQ3LlzB/PmzcP06dN1HjNx4kSMHTtWtZ2cnGw2yS8rvkRE/0lNBcaNk5YX7t9fPe7qCkyeLFtYRGRe9E58y5cvj9WrV6u2y5Qpg40bN2rso1Ao9E58vb29YWtri/v372uM379/H2XyOCHBz88P9vb2sLW1VY1Vr14dcXFxyMjIgIODg9Yxjo6OcHR01Cum4oYVXyIiACdPSiewRUcDmzZJq69VrCh3VERkhvROfG/cuGHUO3ZwcEBoaCj279+PLl26AJAquvv378eIESN0HtOsWTNs3rwZSqUSNv/N4bp8+TL8/Px0Jr3mLGdHB39/dnQgIiuUlQX873/AlClAZqY0plQC588z8SWiQpH1DICxY8di9erVWL9+PS5evIhhw4YhNTUVAwYMAAD07dsXEydOVO0/bNgwPHr0CO+//z4uX76MX3/9FbNnz8bw4cPleggmc/8+kJgoXeY0ByKyOrGxQLt2wIQJ6qQ3NBQ4fRro3Fne2IjIbBm8ZLExRUREID4+HtOmTUNcXBzq1q2L3bt3q054u3XrlqqyCwABAQHYs2cPxowZg9q1a8Pf3x/vv/8+PvroI7kegsnknN/LaQ5EZFW2bgWGDAEeP5a2FQopAZ4xA7Cwb/eIqGjp3cfXUphLH9+lS6WuPACwerW09DwRkUV78gQYORJYv149FhAAbNwItGolX1xEVORk7+NLRYsVXyKyOunpwO+/q7cjIoCzZ5n0EpHRMPEtptjRgYisjre3VO11dwc2bAC+/Rbw8pI7KiKyIIVKfK9du4YpU6bg7bffxoMHDwAAv/32G/7NWaakQsvZ0aFsWcDTU9ZwiIhMIyZGOpM3p5dflpYi7tNHmttLRGREBie+hw4dQkhICI4dO4YdO3YgJSUFAHD27Nk8F5Egwzx4ADx6JF1mRwcisjhCSJXdOnWAd96RtnPiX/tEZCIGJ74TJkzAp59+ir1792r0zm3bti3+/vtvowZnrTi/l4gsVmIi0KOHtPpaSgqwaxewdq3cURGRlTA48Y2KisIbb7yhNe7j44OEhASjBGXtcs7vZcWXiCzGwYNA7dpSu7Js/fsD3brJFRERWRmDE19PT0/cu3dPa/z06dPw9/c3SlDWjhVfIrIoGRlSH962bYHbt6UxLy8pAV67FnBzkzc+IrIaBie+PXr0wEcffYS4uDgoFAoolUocOXIE48ePR9++fU0Ro9VhRwcishiXLgEvvQR8/rl6Lm+bNsC5c6z0ElGRMzjxnT17NqpVq4aAgACkpKSgRo0aaNmyJZo2bYopU6aYIkarkrOjg58fO/kQkRmLiQHq1wdOnZK27e2BuXOBffuAcuXkjY2IrFKhV267desWzp8/j5SUFNSrVw+VK1c2dmwmUdxXbnvwAPhvxWaEhQF798obDxHRC+ndG9i0CahaFdi8WUqEiYgKYKp8zc7QAw4fPozmzZujfPnyKF++vNECIQnn9xKRRVm2DKhQAZg8GXBxkTsaIrJyBk91aNu2LYKCgjBp0iRcyDkZlYyCHR2IyCylpQFjxgDff6857uEBzJrFpJeIigWDE9+7d+9i3LhxOHToEGrVqoW6deti3rx5uJ19pi69EFZ8icjsREUBjRoBixYBgwcDsbFyR0REpJPBia+3tzdGjBiBI0eO4Nq1a+jWrRvWr1+PwMBAtG3b1hQxWhV2dCAis6FUAosXAw0bSskvADx7Bpw4IW9cRER5KPTJbdmysrLw22+/YerUqTh37hyysrKMFZtJFPeT20qXBhISgDJlAB3tkomIiod794ABA4A9e9RjISHSCWy1askXFxFZBFPlawZXfLMdOXIE7733Hvz8/NCzZ0/UqlULv/76q9ECs0bx8VLSC3B+LxEVYz/9JK3AljPpHTMGOH6cSS8RFWsGd3WYOHEivvvuO9y9excvv/wyFi9ejM6dO8OFJy68MM7vJaJiLTUVGDcOWLlSPebnB6xbB7RvL1tYRET6Mjjx/fPPP/HBBx+ge/fu8Pb2NkVMVosdHYioWEtOBrZvV2936QKsXg3w/wIiMhMGJ75HjhwxRRwEVnyJqJjz8wO++gro2VM6qe3ddwGFQu6oiIj0plfiu3PnTrzyyiuwt7fHzp0789339ddfN0pg1ogdHYioWImNBVxdgZIl1WOdOwPXrwM+PvLFRURUSHp1dbCxsUFcXBx8fHxgY5P3+XAKhYJdHV6Aj490gpuvLxAXJ3c0RGTVtm4FhgyR1k7fupWVXSIqUrJ2dVAqlfD57697pVKZ509xT3qLs/h46Qfg/F4iklFyMtC/PxARATx+DGzbJrUoIyKyAAa3M9uwYQPS09O1xjMyMrBhwwajBGWNOM2BiGQXGQnUrQusX68ei4gAOnaULSQiImMyOPEdMGAAkpKStMafPHmCAQMGGCUoa8SODkQkm8xMYOZMoEULaf4uALi5ARs2AN9+C3h5yRsfEZGRGNzVQQgBhY65Xrdv34aHh4dRgrJG7OhARLKIiQF695aqvdmaNgW++QYICpIvLiIiE9A78a1Xrx4UCgUUCgXatWsHOzv1oVlZWbh+/To6dOhgkiCtASu+RFTkrl4F6tcHnjyRtm1tgWnTgEmTADuD6yJERMWe3r/ZunTpAgA4c+YMwsPDUaJECdV1Dg4OCAwMRNeuXY0eoLXIrvj6+AClSskbCxFZiYoVgXbtgB9/BIKDgU2bgCZN5I6KiMhk9E58p0+fDgAIDAxEREQEnJycTBaUtUlIAB48kC6z2ktERUahkFZeq1AB+OQTaV4vEZEFM/jktn79+jHpNTJ2dCAik8vIACZMAH79VXPc2xtYtIhJLxFZBb0qviVLlsTly5fh7e0NLy8vnSe3ZXv06JHRgrMWnN9LRCYVHS0tM3zqFLB2LXDunLRSDhGRldEr8V24cCHc/qsGLFy4MN/ElwzHjg5EZBJCAKtWAWPGAM+eSWOJicCRI8Cbb8obGxGRDPRastiSFMcli9u1A/74Q7ocHy9980hE9ELi44GBA4GdO9VjVatKq7DVry9fXEREepB1yeKcTp06haioKNX2Tz/9hC5dumDSpEnIyMgwWmDWJLviW7o0k14iMoI9e4DatTWT3mHDpKkOTHqJyIoZnPgOGTIEly9fBgDExMQgIiICLi4u+P777/Hhhx8aPUBL9/AhcP++dJnze4nohaSlSdMaOnQA4uKkMW9vKQH+8kvAxUXe+IiIZGZw4nv58mXUrVsXAPD999+jVatW2Lx5M9atW4ft27cbOz6Lx44ORGQ0Dx5IJ69l69ABiIoCOnWSLyYiomLE4MRXCAGlUgkA2LdvHzp27AgACAgIQEJCgnGjswI5T2xjxZeIXkj58sDy5YCjI7BkCbBrF1CmjNxREREVGwavSdmgQQN8+umnCAsLw6FDh7B8+XIAwPXr1+HL9jgGY8WXiArt3j3A1RXIeeLH228DzZsDAQHyxUVEVEwZXPFdtGgRTp06hREjRmDy5MmoVKkSAGDbtm1o2rSp0QO0dKz4ElGh/PSTdALbqFHa1zHpJSLSyWjtzNLS0mBrawt7e3tj3JzJFLd2Zn5+0jko3t5S9yEionylpgLjxgErV6rHtm0DunaVLyYiIiMzVb5m8FSHbCdPnsTFixcBADVq1EB9tsgx2KNH6hOvWe0logKdPCmtwPZfZx0AQJcuQKtWsoVERGRODE58Hzx4gIiICBw6dAienp4AgMePH6NNmzb47rvvULp0aWPHaLE4v5eI9JKVBfzvf8CUKUBmpjTm4gIsXgy8+y7A1TSJiPRi8BzfkSNHIiUlBf/++y8ePXqER48e4fz580hOTsYoXXPNKE+c30tEBYqNlZZ3nDBBnfSGhgKnT0srszHpJSLSm8EV3927d2Pfvn2oXr26aqxGjRpYtmwZ2rdvb9TgLB0rvkSUr8uXgcaNgcePpW2FQkqAZ8wAHBzkjIyIyCwZXPFVKpU6T2Czt7dX9fcl/bDiS0T5qlRJSnwBqVPDgQPA7NlMeomICsngxLdt27Z4//33cffuXdXYnTt3MGbMGLRr186owVm67IpvqVIAp0YTkRYbG2kltsGDgbNneRIbEdELMjjx/eKLL5CcnIzAwEBUrFgRFStWRFBQEJKTk7F06VJTxGiREhOl3vOAVO3lND0iK5eZCcycCfzxh+a4n5/UuszLS564iIgsiMFzfAMCAnDq1Cns379f1c6sevXqCAsLM3pwlozze4lIJSYG6N0biIwE/P2Bc+eAkiXljoqIyOIYlPhu2bIFO3fuREZGBtq1a4eRI0eaKi6Lx/m9RAQhgI0bgREjgCdPpLG4OGkuLxekICIyOr0T3+XLl2P48OGoXLkynJ2dsWPHDly7dg3z5s0zZXwWixVfIiuXmAgMHQps3aoeCw4GNm0CmjSRLy4iIgum9xzfL774AtOnT0d0dDTOnDmD9evX48svvzRlbBaNFV8iK3bwIFC7tmbS278/cOYMk14iIhPSO/GNiYlBv379VNs9e/ZEZmYm7mWfoUUGya74liwJ+PjIGwsRFZGMDGDiRKBtW+D2bWnM01NKgNeuBdzcZA2PiMjS6T3VIT09Ha6urqptGxsbODg44NmzZyYJzJI9fgxkd4NjRwciK3L7NrB0qTS3FwBatwY2bJB69BIRkckZdHLb1KlT4eLiotrOyMjArFmz4OHhoRpbsGCB8aKzUJzfS2SlgoOBxYuBYcOAWbOAceOkXr1ERFQk9E58W7ZsiejoaI2xpk2bIiYmRrWtYOlSL5zfS2QlEhIAFxfpJ9s770gLUVSqJF9cRERWSu/E9+DBgyYMw7qw4ktkBfbskU5Ye/NNYNky9bhCwaSXiEgm/I5NBqz4ElmwtDRgzBigQwepJ++XXwK//ip3VEREhEKs3EYvLrvi6+UF+PrKGwsRGVFUFNCrl/Rvtg4dgNBQ+WIiIiIVVnyL2OPHwJ070mV2dCCyEEqldNJaw4bqpNfREViyBNi1CyhTRt74iIgIACu+Re7iRfVlzu8lsgD37gEDBkhzerOFhACbNwO1askXFxERaWHiW8Q4v5fIgkRHA82bS90bso0ZA8yeDTg5yRcXERHpVKipDn/99Rd69+6Nl156CXf++95+48aNOHz4sFGDs0Ts6EBkQSpVUn+Q/fykqu+CBUx6iYiKKYMT3+3btyM8PBzOzs44ffo00tPTAQBJSUmYPXu20QO0NKz4ElkQW1tg40agTx/g3DmgfXu5IyIionwYnPh++umnWLFiBVavXg17e3vVeLNmzXDq1CmjBmeJsiu+np4834XIrGRlAZ9/Dhw9qjlevry07LC3tzxxERGR3gye4xsdHY2WLVtqjXt4eODx48fGiMliJSUBt29Ll9nRgciMxMZKVd1Dh4CgIODMGcDdXe6oiIjIQAZXfMuUKYOrV69qjR8+fBjBwcFGCcpSsaMDkRnauhWoXVtKegHgxg3g999lDYmIiArH4MR30KBBeP/993Hs2DEoFArcvXsXmzZtwvjx4zFs2DBTxGgxOL+XyIwkJ0tLDkdESA24ASAgADhwAHjrLTkjIyKiQjJ4qsOECROgVCrRrl07PH36FC1btoSjoyPGjx+PkSNHmiJGi8GODkRmIjIS6N0biIlRj0VEAMuXS0suEhGRWVIIIURhDszIyMDVq1eRkpKCGjVqoESJEsaOzSSSk5Ph4eGBpKQkuBfxHL0OHdQ97u/cAcqWLdK7J6KCZGYCs2YBn3wincwGAG5uwLJlUiLMiflEREXCVPlaoRewcHBwQA2WLQ2SXfH18JBafhJRMXPtGjBnjjrpbdoU+OYb6YQ2IiIyewYnvm3atIEin6rHH3/88UIBWarkZOnEcIAdHYiKrapVgblzgbFjgWnTgEmTADsucElEZCkM/o1et25dje3nz5/jzJkzOH/+PPr162esuCwOOzoQFUOJiYCLC+DoqB4bORJo2xaoVUu+uIiIyCQMTnwXLlyoc3zGjBlISUl54YAsFTs6EBUzBw9KvXl79ADmzVOPKxRMeomILJTB7czy0rt3b6xZs8ZYN2dx2NGBqJjIyAAmTpSqurdvA//7H7B/v9xRERFRETDa5LXIyEg4OTkZ6+YsDiu+RMVAdDTQsyeQc3n1Nm2kub1ERGTxDE5833zzTY1tIQTu3buHEydOYOrUqUYLzNJkV3zd3dnGjKjICQGsWgWMGQM8eyaN2dtLrcvGjQNsjPblFxERFWMGJ74eHh4a2zY2NqhatSo+/vhjtG/f3miBWZInT4Bbt6TL7OhAVMTi44GBA4GdO9VjVasCmzcD9evLFxcRERU5gxLfrKwsDBgwACEhIfDi6kV6Y0cHIplERwOtWwNxceqxYcOkeb0uLrKFRURE8jDo+z1bW1u0b98ej7PXrTeSZcuWITAwEE5OTmjcuDGOHz+u13HfffcdFAoFunTpYtR4jI3ze4lkEhwMBARIl729parvl18y6SUislIGT2yrVasWYnKuX/+CtmzZgrFjx2L69Ok4deoU6tSpg/DwcDx48CDf427cuIHx48ejRYsWRovFVNjRgUgm9vbApk3Am28CUVFAp05yR0RERDIyOPH99NNPMX78ePzyyy+4d+8ekpOTNX4MtWDBAgwaNAgDBgxAjRo1sGLFCri4uOTbGi0rKwu9evXCzJkzERwcbPB9FjVWfImKgFIJLFkCnD6tOV65MrB9O1CmjDxxERFRsaF34vvxxx8jNTUVHTt2xNmzZ/H666+jXLly8PLygpeXFzw9PQ2e95uRkYGTJ08iLCxMHZCNDcLCwhAZGZlvLD4+Pnj33XcLvI/09PQXTs5fVM6ODv7+RX73RJbv3j2gY0fg/feldmVPn8odERERFUN6n9w2c+ZMDB06FAcOHDDanSckJCArKwu+vr4a476+vrh06ZLOYw4fPoyvv/4aZ86c0es+5syZg5kzZ75oqIWWkgLcvCldrlGDHR2IjO6nn6SuDQkJ0valS8BvvwFdu8obFxERFTt6J75CCABAq1atTBZMQZ48eYI+ffpg9erV8Pb21uuYiRMnYuzYsart5ORkBGSf7FIE2NGByERSU6UevCtXqsf8/IB16wC2ViQiIh0MamemMHK50tvbG7a2trh//77G+P3791FGx3y8a9eu4caNG+iU4wQVpVIJALCzs0N0dDQqVqyocYyjoyMcHR2NGrchOL+XyAROnpSmNFy+rB7r0gVYvVrq3kBERKSDQYlvlSpVCkx+Hz16pPftOTg4IDQ0FPv371e1JFMqldi/fz9GjBihtX+1atUQFRWlMTZlyhQ8efIEixcvLtJKrr7Y0YHIiLKygHnzgKlTgcxMaczFBVi0SJruwLlERESUD4MS35kzZ2qt3Paixo4di379+qFBgwZo1KgRFi1ahNTUVAwYMAAA0LdvX/j7+2POnDlwcnJCrVq1NI739PQEAK3x4oIVXyIjunRJM+kNDZVWYKtSRd64iIjILBiU+Pbo0QM+Pj5GDSAiIgLx8fGYNm0a4uLiULduXezevVt1wtutW7dgY2Nw17ViI7vi6+YGlCsnbyxEZq9mTeCTT4BJk4AJE4AZMwAHB7mjIiIiM6EQ2WetFcDW1hb37t0zeuJb1JKTk+Hh4YGkpCS4u7ub9L5SUqSEFwAaNwb+/tukd0dkeZ48AZydAbscf6NnZUm9ehs0kC8uIiIyKVPla3qXUvXMjymHnB3ZOL+XyECRkUDdusCnn2qO29oy6SUiokLRO/FVKpVmX+0tapzfS1QImZnAzJlAixZATIw0teHoUbmjIiIiC2DQHF8yDDs6EBkoJgbo3Vuq9mZr0kTqz0tERPSCzPesMTPAii+RnoQANmyQpjZkJ722tlLl99AhIChI1vCIiMgysOJrQtkV3xIlgGLYYpioeEhMBIYNA7ZsUY8FBwObNknVXiIiIiNh4msiqanA9evS5Ro12FefSKfoaODll4HYWPVY//7AkiXqlihERERGwqkOJsKODkR6qFAB+G8RGnh5AVu3AmvXMuklIiKTYOJrIpzfS6QHJydp5bWOHYFz54Bu3eSOiIiILBgTXxNhRweiXIQAVq3S/HAAQK1awK+/cmlDIiIyOSa+JsKKL1EO8fFAly7AkCFAz55AerrcERERkRVi4msi2UUtV1d2dCArt2cPULs2sHOntH32LPDLL/LGREREVomJrwk8farZ0cGGzzJZo7Q0YPRooEMHIC5OGvP2lhLgrl1lDY2IiKwT25mZwKVL0nRGgPN7yUpFRUlTGs6fV4+FhwPr1gFlysgWFhERWTfWIk2A83vJaimVwOLFQMOG6qTX0VEa27WLSS8REcmKFV8TYEcHslpRUcDYsVICDAAhIVK7slq15I2LiIgIrPiaBCu+ZLXq1AEmTZIujxkDHD/OpJeIiIoNVnxNILvi6+IClC8vbyxEJvX0qbQIRc4zOKdNA9q3B1q0kC8uIiIiHVjxNbKnT4GYGOkyOzqQRTt5EqhXD5g/X3Pc3p5JLxERFUtMy4wsOpodHcjCZWUBn38ONGkCXL4MTJ4MnDold1REREQF4lQHI+P8XrJosbFAnz7AoUPqsdq1gRIl5IuJiIhIT6z4Ghk7OpDF2rpVSnKzk16FApg4ETh6FKhSRd7YiIiI9MCKr5Gx4ksWJzkZGDUKWL9ePRYQAGzcCLRqJV9cREREBmLia2Q5OzpUqCBvLEQvLDoa6NhRfcYmAEREACtWAJ6esoVFRERUGJzqYETPngHXrkmXq1dnRweyAOXKAXb//X3s5gZs2AB8+y2TXiIiMktMzYyIHR3I4ri6SiuvtW4NnD0rndimUMgdFRERUaEw8TUizu8lsyaEVNHN/toiW2go8McfQFCQPHEREREZCRNfI2JHBzJbiYlAjx5Av35Ar17A8+ea17PKS0REFoCJrxGx4ktm6eBBqU3Z1q3S9rFjwC+/yBoSERGRKTDxNaLsiq+zMxAYKGsoRAXLyAAmTADatgVu35bGvLyA778H3nhD3tiIiIhMgO3MjCQtjR0dyIxERwM9e2ouNdymjTTHt1w5+eIiIiIyIaZnRhIdDSiV0mXO76ViSwhg5UqgXj110mtvD8ydC+zbx6SXiIgsGiu+RsL5vWQWTp8Ghg5Vb1etKrUrq19fvpiIiIiKCCu+RsKODmQW6tcHxo6VLg8bJlV9mfQSEZGVYMXXSFjxpWIpPR1wcNBsRzZ7NtChA/Dyy/LFRUREJANWfI0ku+Lr5MSODlRMREUBDRoAy5drjjs6MuklIiKrxMTXCNLSgKtXpcvVqwO2tvLGQ1ZOqQQWLwYaNgTOnwfGjdOci0NERGSlONXBCC5fZkcHKibu3QMGDAD27FGPVa4sXzxERETFCCu+RsD5vVQs/PSTtAJbzqR3zBjg+HH+RUZERARWfI0i57fITHypyKWmStMZVq5Uj/n5AevWAe3byxYWERFRccPE1whyVnxZWKMidfky0KmT9G+2Ll2A1asBb2/ZwiIiIiqOONXBCHJ2dAgKkjcWsjK+vkBGhnTZxUVKeHfsYNJLRESkAxPfF5Seru7oUK0aOzpQEfPwAL75BmjcWFqVbeBAzZ69REREpMLE9wVdvgxkZUmXOb+XTO7774HYWM2xZs2AyEigShV5YiIiIjITTHxfEOf3UpFITgb69we6dwf69lX/tZWNVV4iIqICMfF9QezoQCYXGQnUqwesXy9tHzwI/PKLrCERERGZIya+L4gVXzKZzExg5kygRQsgJkYac3MDNmwAXn9d3tiIiIjMENuZvaDsiq+jIxAcLG8sZEFiYoDevaVqb7amTaUT2dg6hIiIqFBY8X0B6enAlSvSZXZ0IKMQQqro1q2rTnptbaXK76FDTHqJiIheACu+L+DKFXZ0ICM7cQLo10+9HRwMbNoENGkiX0xEREQWghXfF8D5vWR0DRsCQ4ZIl/v3B86cYdJLRERkJKz4vgB2dKAX9vw5YGen2Y5s/nygY0eewEZERGRkrPi+AFZ86YVER0vV3Ow2ZdlcXZn0EhERmQAT3xfAjg5UKEIAK1dKvXlPnQJGjlSve01EREQmw6kOhZSRoe7oULWq9G01UYHi44GBA4GdO9Vj/v7As2fyxURERGQlWPEtpCtXpPUFAM7vJT3t2QPUrq2Z9A4dKlV9Q0Lki4uIiMhKMPEtJM7vJb2lpQFjxgAdOgBxcdKYt7eUAC9fDri4yBsfERGRleAX9IXEjg6kl6tXgTffBKKi1GMdOgBr1wJlysgXFxERkRVixbeQWPElvXh5AQ8fSpcdHYElS4Bdu5j0EhERyYCJbyFlV3wdHICKFeWNhYqxUqWAdeuAOnWkVdlGjtTs2UtERERFholvIWRkAJcvS5fZ0YE0/Pyzeh5vtpdfBk6eBGrVkicmIiIiAsDEt1CuXmVHB8olNVXq0PD668A770i9enOytZUnLiIiIlJh4lsInN9LGk6eBOrXlxalAIDffgN++UXemIiIiEgLE99CYEcHAgBkZQGffy4tO5w998XFBVi9GnjtNXljIyIiIi2cnVoIrPgSYmOBPn2AQ4fUY6GhwObNQJUq8sVFREREeWLFtxCyK7729kClSvLGQjLYskVagS076VUogIkTgaNHmfQSEREVY6z4Guj5c3Z0sGp//w306KHeDggANm4EWrWSLyYiIiLSCyu+Brp6VUp+Ac7vtUpNmkhTHAAgIgI4e5ZJLxERkZlgvdJAnN9rZZRKwCbX34dffAG8+irQvTsXoyAiIjIjrPgaiB0drEhMDNC8ObB1q+a4u7tU7WXSS0REZFaY+BqIFV8rIASwYQNQty4QGQkMGSJ1cSAiIiKzxsTXQOzoYOESE6WT1/r1A548kcZKlgQePpQ3LiIiInphTHwN8Pw5EB0tXa5SRUp+yYIcPCi1Kcs5taF/f+DMGan6S0RERGaNia8Brl1jRweLlJEBTJgAtG0L3L4tjXl6Sgnw2rWAm5us4REREZFxsKuDATi/1wLFxADdugGnTqnHWreW5vgGBMgWFhERERkfK74GYEcHC+TsDNy6JV22twfmzgX272fSS0REZIGY+BqAFV8L5OcHfP01UK2atCrbBx9o9+0lIiIii8D/4Q2QXfG1swMqV5Y3Fiqkffu0OzS8/jpw7hxQv748MREREVGRKBaJ77JlyxAYGAgnJyc0btwYx48fz3Pf1atXo0WLFvDy8oKXlxfCwsLy3d9YMjPZ0cGspaUBY8YAL78s9eUVQvN6vqBEREQWT/bEd8uWLRg7diymT5+OU6dOoU6dOggPD8eDBw907n/w4EG8/fbbOHDgACIjIxEQEID27dvjzp07Jo3z2jXp5H+A83vNTlQU0KgRsGiRtL19O7B7t6whERERUdGTPfFdsGABBg0ahAEDBqBGjRpYsWIFXFxcsGbNGp37b9q0Ce+99x7q1q2LatWq4auvvoJSqcT+/ftNGifn95ohpRJYvBho2FBKfgHA0RFYsgTo0EHe2IiIiKjIydrOLCMjAydPnsTEiRNVYzY2NggLC0NkZKRet/H06VM8f/4cJUuW1Hl9eno60tPTVdvJycmFipUdHczMvXvAgAHAnj3qsZAQYPNmoFYt+eIiIiIi2cha8U1ISEBWVhZ8fX01xn19fREXF6fXbXz00UcoW7YswsLCdF4/Z84ceHh4qH4CCtmmihVfM7Jzp7QCW86kd8wY4PhxJr1ERERWTPapDi/is88+w3fffYcffvgBTk5OOveZOHEikpKSVD+xsbGFui92dDATR44AnTsDCQnSdpkyUgK8YAGQx3uEiIiIrIOsia+3tzdsbW1x//59jfH79++jTJky+R77v//9D5999hl+//131K5dO8/9HB0d4e7urvFjqMxM4NIl6XLlyoCDg8E3QUWlaVPgjTeky507S3N727eXNyYiIiIqFmRNfB0cHBAaGqpxYlr2iWovvfRSnsfNnTsXn3zyCXbv3o0GDRqYPM6YGHZ0KLZytyVTKIDVq4G1a4EffgC8veWJi4iIiIod2ac6jB07FqtXr8b69etx8eJFDBs2DKmpqRgwYAAAoG/fvhonv33++eeYOnUq1qxZg8DAQMTFxSEuLg4pKSkmi5Hze4up2FigbVvgl180x0uVAvr3l5JgIiIiov/I2tUBACIiIhAfH49p06YhLi4OdevWxe7du1UnvN26dQs2OZaQXb58OTIyMvDWW29p3M706dMxY8YMk8TIjg7F0Nat0kIUjx9Lf5mcOyfN5yUiIiLKg0KI3N8VW7bk5GR4eHggKSlJ7/m+PXsC334rXY6KYmMAWSUnA6NGAevXq8cCAoAff+SSw0RERBaiMPmaPmSf6mAOsiu+trbScsUkk8hIoG5dzaQ3IgI4e5ZJLxERERWIiW8BsrLY0UF2mZnAjBlAixbA9evSmJsbsGGDVIr38pI1PCIiIjIPss/xLe5iYoDshd84v1cGN25Ic01yruTXtCnwzTdAUJBsYREREZH5YcW3AOzoIDMbG825JjNnAocOMeklIiIigzHxLQA7OsisfHlgxQogOBg4fBiYNk1aPo+IiIjIQEx8C8CKbxH76y+pc0NOPXpIL0STJvLERERERBaBiW8B2NGhiGRkABMmAK1aASNHal/v5FT0MREREZFFYeKbj5wdHSpVAhwd5Y3HYkVHAy+9BHz+ubQE8YYNwO+/yx0VERERWRgmvvm4fh1IS5Muc36vCQgBrFwJ1KsHnDoljdnbA3PnAmFh8sZGREREFodnCeWD83tNKD4eGDgQ2LlTPVa1KrB5MxejICIiIpNgxTcf7OhgInv2ALVraya9w4ZJVV8mvURERGQirPjmgxVfE/jrL6BDB/W2tzewZg3QqZN8MREREZFVYMU3H9kVXxsb6Vt4MoLmzdWJb4cOQFQUk14iIiIqEqz45iErC7h4UbrMjg5GpFAAa9cCP/wADB0qbRMREREVAVZ883DjBjs6vLC4OODVV4H9+zXHy5SR5vQy6SUiIqIixIpvHji/9wXt3Am8+y6QkACcPSv9lCold1RERERkxVjxzQM7OhRSaqo0haFzZynpBQClUiqhExEREcmIiW8eWPEthJMngdBQaVGKbF26AOfOSeNEREREMmLimwd2dDBAVpa03HCTJtLywwDg4gKsXg3s2CG1LCMiIiKSGef46qBUqjs6VKwIODnJG0+xdvs20KcPcPCgeiw0VFqBrUoV2cIiIiIiyo0VXx1u3ACePZMuc35vAZ49A/75R7qsUAATJwJHjzLpJSIiomKHia8OnN9rgMqVgSVLgIAA4MABYPZswMFB7qiIiIiItDDx1YEdHfJx/Djw9Knm2IAB0pPWqpU8MRERERHpgYmvDqz46pCZCcycCTRtCowfr3mdQgGUKCFPXERERER6YuKrQ3biy44O/4mJAVq2BGbMkDo4LF8uTWsgIiIiMiNMfHPJ2dEhOBhwdpY3HlkJAWzYANStC0RGSmO2tlLlt0ULWUMjIiIiMhTbmeXCjg7/SUwEhg0DtmxRjwUHA5s2Sf16iYiIiMwME99ccp7YZrXzew8dknrzxsaqx/r3l7o3uLnJFhYRUVHJysrC8+fP5Q6DyKI5ODjAxqZoJx8w8c0l54ltVlnxPXQIaNNGmuYAAF5e0hLE3brJGxcRUREQQiAuLg6PHz+WOxQii2djY4OgoCA4FGEbVCa+uVh9xbd5c+lEtuwEeMMGoFw5uaMiIioS2Umvj48PXFxcoFAo5A6JyCIplUrcvXsX9+7dQ/ny5Yvss8bEN5fsiq9CAVSrJm8ssrC1BTZuBL7/Hhg9WmptQURkBbKyslRJb6lSpeQOh8jilS5dGnfv3kVmZibs7e2L5D6Z1eRgdR0d4uOBrl2BI0c0xwMCgLFjmfQSkVXJntPr4uIicyRE1iF7ikNWVlaR3ScrvjncvKlelMzi5/fu2SOdsBYXB5w6BZw9C7i7yx0VEZHsOL2BqGjI8VljSS8Hq5jfm5YmTWHo0EFKegEgJQW4fFnWsIiIiIhMjYlvDhbf0SEqCmjYEFi8WD3WoYM03qCBfHERERHJJDo6GmXKlMGTJ0/kDsWiZGRkIDAwECdOnJA7FA1MfHOw2IqvUikluw0bAufPS2OOjlJf3l27gDJl5I2PiIheSP/+/aFQKKBQKGBvb4+goCB8+OGHSEtL09r3l19+QatWreDm5gYXFxc0bNgQ69at03m727dvR+vWreHh4YESJUqgdu3a+Pjjj/Ho0SMTP6KiM3HiRIwcORJuFtynftmyZQgMDISTkxMaN26M48ePF3jMokWLULVqVTg7OyMgIABjxozR+X4CgM8++wwKhQKjR49WjTk4OGD8+PH46KOPjPUwjIKJbw4W2dHh3j2gY0dpekN6ujQWEgKcOAGMHCk9WCIiMnsdOnTAvXv3EBMTg4ULF2LlypWYPn26xj5Lly5F586d0axZMxw7dgznzp1Djx49MHToUIwfP15j38mTJyMiIgINGzbEb7/9hvPnz2P+/Pk4e/YsNm7cWGSPKyMjw2S3fevWLfzyyy/o37//C92OKWN8UVu2bMHYsWMxffp0nDp1CnXq1EF4eDgePHiQ5zGbN2/GhAkTMH36dFy8eBFff/01tmzZgkmTJmnt+88//2DlypWoXbu21nW9evXC4cOH8W/Or9TlJqxMUlKSACCSkpI0xrOyhHB1FQIQIjhYpuBM4fx5IRwdpQcGCDFmjBDPnskdFRFRsfPs2TNx4cIF8cwMf0f269dPdO7cWWPszTffFPXq1VNt37p1S9jb24uxY8dqHb9kyRIBQPz9999CCCGOHTsmAIhFixbpvL/ExMQ8Y4mNjRU9evQQXl5ewsXFRYSGhqpuV1ec77//vmjVqpVqu1WrVmL48OHi/fffF6VKlRKtW7cWb7/9tujevbvGcRkZGaJUqVJi/fr1QgghsrKyxOzZs0VgYKBwcnIStWvXFt9//32ecQohxLx580SDBg00xhISEkSPHj1E2bJlhbOzs6hVq5bYvHmzxj66YhRCiKioKNGhQwfh6uoqfHx8RO/evUV8fLzquN9++000a9ZMeHh4iJIlS4pXX31VXL16Nd8YX1SjRo3E8OHDVdtZWVmibNmyYs6cOXkeM3z4cNG2bVuNsbFjx4pmzZppjD158kRUrlxZ7N27V7Rq1Uq8//77WrfVpk0bMWXKFJ33k99nLq987UWx4vufW7eA1FTpskXN761ZE5g3T5rOsGcPsGAB4OQkd1RERGajQQNpHZ+i/nmRUy/Onz+Po0ePaqyItW3bNjx//lyrsgsAQ4YMQYkSJfDtt98CADZt2oQSJUrgvffe03n7np6eOsdTUlLQqlUr3LlzBzt37sTZs2fx4YcfQqlUGhT/+vXr4eDggCNHjmDFihXo1asXfv75Z6SkpKj22bNnD54+fYo33ngDADBnzhxs2LABK1aswL///osxY8agd+/eOHToUJ7389dff6FBric6LS0NoaGh+PXXX3H+/HkMHjwYffr00ZoekDvGx48fo23btqhXrx5OnDiB3bt34/79++jevbvqmNTUVIwdOxYnTpzA/v37YWNjgzfeeCPf52f27NkoUaJEvj+3bt3SeWxGRgZOnjyJsLAw1ZiNjQ3CwsIQGRmZ5302bdoUJ0+eVD3mmJgY7Nq1Cx07dtTYb/jw4Xj11Vc1bj+3Ro0a4a+//srz+qLGdmb/sZj5vWfPSvM0HB3VYyNGAL17S8sPExGRQeLigDt35I6iYL/88gtKlCiBzMxMpKenw8bGBl988YXq+suXL8PDwwN+fn5axzo4OCA4OBiX/+vwc+XKFQQHBxu8qMDmzZsRHx+Pf/75ByVLlgQAVKpUyeDHUrlyZcydO1e1XbFiRbi6uuKHH35Anz59VPf1+uuvw83NDenp6Zg9ezb27duHl156CQAQHByMw4cPY+XKlWjVqpXO+7l586ZW4uvv76/xx8HIkSOxZ88ebN26FY0aNcozxk8//RT16tXD7NmzVWNr1qxBQEAALl++jCpVqqBr164a97VmzRqULl0aFy5cQK1atXTGOHToUI3kWZeyZcvqHE9ISEBWVhZ8fX01xn19fXHp0qU8b69nz55ISEhA8+bNIYRAZmYmhg4dqjHV4bvvvsOpU6fwzz//FBjbzZs3892nKDHx/Y/Zd3TIygL+9z9gyhTg/fely9kUCia9RESFJNf5v4beb5s2bbB8+XKkpqZi4cKFsLOz00q09CWEKNRxZ86cQb169VRJb2GFhoZqbNvZ2aF79+7YtGkT+vTpg9TUVPz000/47rvvAABXr17F06dP8fLLL2scl5GRgXr16uV5P8+ePYNTrm9Bs7KyMHv2bGzduhV37txBRkYG0tPTtRY2yR3j2bNnceDAAZQoUULrfq5du4YqVargypUrmDZtGo4dO4aEhARVpffWrVt5Jr4lS5Z84efTUAcPHsTs2bPx5ZdfonHjxrh69Sref/99fPLJJ5g6dSpiY2Px/vvvY+/evVrPX27Ozs54mr1IQjHAxPc/Zl3xjY0F+vQBsr/OmT8f6NIFaN5c1rCIiCxBMevGlCdXV1dVdXXNmjWoU6cOvv76a7z77rsAgCpVqiApKQl3797VqhBmZGTg2rVraNOmjWrfw4cP4/nz5wZVfZ0LWPLUxsZGK6nOXjEv92PJrVevXmjVqhUePHiAvXv3wtnZGR06dAAA1RSIX3/9Ff7+/hrHOeb8BjQXb29vJCYmaozNmzcPixcvxqJFixASEgJXV1eMHj1a6wS23DGmpKSgU6dO+Pzzz7XuJ7vK3qlTJ1SoUAGrV69G2bJloVQqUatWrXxPjps9e7ZGFVmXCxcuoHz58jofn62tLe7fv68xfv/+fZTJ5y+rqVOnok+fPhg4cCAAICQkBKmpqRg8eDAmT56MkydP4sGDB6hfv77qmKysLPz555/44osvkJ6eDltbWwDAo0ePULp06XzjL0qc4/ufnB0dqleXNxaDbN0K1K6tTnoVCmDiRCDH1zFERGRdbGxsMGnSJEyZMgXPnj0DAHTt2hX29vaYP3++1v4rVqxAamoq3n77bQDSV90pKSn48ssvdd7+48ePdY7Xrl0bZ86cybPdWenSpXHv3j2NsTNnzuj1mJo2bYqAgABs2bIFmzZtQrdu3VRJeY0aNeDo6Ihbt26hUqVKGj8BAQF53ma9evVwIWflC8CRI0fQuXNn9O7dG3Xq1NGYApKf+vXr499//0VgYKBWDK6urnj48CGio6MxZcoUtGvXDtWrV9dKunUZOnQozpw5k+9PXlMdHBwcEBoaiv3796vGlEol9u/fr5oSosvTp09hY6OZImYnskIItGvXDlFRURoxNGjQAL169cKZM2dU+wLSfPP8qu5FzqinypkBXWcJKpXqjg5BQTIGZ4ikJCH69VN3awCECAgQ4uBBuSMjIjJLltbV4fnz58Lf31/MmzdPNbZw4UJhY2MjJk2aJC5evCiuXr0q5s+fLxwdHcW4ceM0jv/www+Fra2t+OCDD8TRo0fFjRs3xL59+8Rbb72VZ7eH9PR0UaVKFdGiRQtx+PBhce3aNbFt2zZx9OhRIYQQu3fvFgqFQqxfv15cvnxZTJs2Tbi7u2t1ddDVHUAIISZPnixq1Kgh7OzsxF9//aV1XalSpcS6devE1atXxcmTJ8WSJUvEunXr8nzedu7cKXx8fERmZqZqbMyYMSIgIEAcOXJEXLhwQQwcOFC4u7trPL+6Yrxz544oXbq0eOutt8Tx48fF1atXxe7du0X//v1FZmamyMrKEqVKlRK9e/cWV65cEfv37xcNGzYUAMQPP/yQZ4wv6rvvvhOOjo5i3bp14sKFC2Lw4MHC09NTxMXFqfbp06ePmDBhgmp7+vTpws3NTXz77bciJiZG/P7776JixYpanTVyyut1q1ChgtiwYYPOY+To6sDEVwhx44Y6d3ztNRmD09fRo1LPtZxJb0SEEI8eyR0ZEZHZsrTEVwgh5syZI0qXLi1SUlJUYz/99JNo0aKFcHV1FU5OTiI0NFSsWbNG5+1u2bJFtGzZUri5uQlXV1dRu3Zt8fHHH+fbzuzGjRuia9euwt3dXbi4uIgGDRqIY8eOqa6fNm2a8PX1FR4eHmLMmDFixIgReie+Fy5cEABEhQoVhFKp1LhOqVSKRYsWiapVqwp7e3tRunRpER4eLg4dOpRnrM+fPxdly5YVu3fvVo09fPhQdO7cWZQoUUL4+PiIKVOmiL59+xaY+AohxOXLl8Ubb7whPD09hbOzs6hWrZoYPXq0Kta9e/eK6tWrC0dHR1G7dm1x8OBBkye+QgixdOlSUb58eeHg4CAaNWqkai+X8/H069dPtf38+XMxY8YMUbFiReHk5CQCAgLEe++9l+/rrus5OXr0qPD09BRPnz7VeYwcia9CiELOYDdTycnJ8PDwQFJSEtzd3QEAv/0mrfEAAB9+COiYnlN8HDwIhIVJJ7MBgJsbsGyZ1LWBi1EQERVaWloarl+/jqCgoAJP2CHLsWzZMuzcuRN79uyROxSLExERgTp16uhc+ALI/zOnK18zBp7cBjPr6NCsGRAaChw/DjRtCnzzDRAUJHdUREREZmnIkCF4/Pgxnjx5YtHLFhe1jIwMhISEYMyYMXKHooGJL8yso4O9PbBpE7BlC/DRR4AdX0IiIqLCsrOzw+TJk+UOw+I4ODhgypQpcoehhV0doFnxLVYdHRITgV69gJMnNccrVQImT2bSS0RERGQAq8+chFBXfAMDAR2tA+Vx8KDUm/f2bSnxPXUKyNU8m4iIiIj0Z/UV39hYIHvp72IxvzcjA5gwAWjbVkp6AeDBA82yNBEREREZzOorvsVqfm90NNCzp1TdzdamDbBhA1CunHxxEREREVkAq6/4FouODkIAK1cC9eqpk157e2DuXGDfPia9REREREbAiq/cFd/4eGDgQGDnTvVY1arA5s1AjjWwiYiIiOjFsOIrd0eH2Fhg1y719rBhUtWXSS8RERGRUVl14puzo0OFCkCJEjIEUb8+8OmngLe3VPX98kt2byAiIrOiUCjw448/yh1GsTVjxgzUrVtX7jAIVp743r4NPHkiXS6y+b2XLgHPn2uOjR8vlZ47dSqiIIiIyJL0798fCoUCCoUC9vb2CAoKwocffoi0tDS5QzO5uLg4vP/++6hUqRKcnJzg6+uLZs2aYfny5Xj69Knc4QEAxo8fj/3798sdBsHK5/gW6fxepRJYulRabe2jj4CZM9XX2doCPj4mDoCIiCxZhw4dsHbtWjx//hwnT55Ev379oFAo8Pnnn8sdmsnExMSgWbNm8PT0xOzZsxESEgJHR0dERUVh1apV8Pf3x+uvvy53mChRogRKyPK1MuVm1RXfIuvocO8e0LEjMHo0kJ4uTW04ftyEd0hERNbG0dERZcqUQUBAALp06YKwsDDs3btXdf3Dhw/x9ttvw9/fHy4uLggJCcG3336rcRutW7fGqFGj8OGHH6JkyZIoU6YMZsyYobHPlStX0LJlSzg5OaFGjRoa95EtKioKbdu2hbOzM0qVKoXBgwcjJbtpPqQKdZcuXTB79mz4+vrC09MTH3/8MTIzM/HBBx+gZMmSKFeuHNauXZvvY37vvfdgZ2eHEydOoHv37qhevTqCg4PRuXNn/Prrr+j03zepN27cgEKhwJkzZ1THPn78GAqFAgcPHlSNnT9/Hq+88gpKlCgBX19f9OnTBwkJCarrt23bhpCQENXjCgsLQ2pqKgDg4MGDaNSoEVxdXeHp6YlmzZrh5s2bALSnOmQ//v/973/w8/NDqVKlMHz4cDzP8Y3wvXv38Oqrr8LZ2RlBQUHYvHkzAgMDsWjRonyfE8qfVSe+RVLx/eknoHZtYM8e9dioUdIYERGZhwULpNaSBf3oqi6+/rp+xy5YYLRwz58/j6NHj8LBwUE1lpaWhtDQUPz66684f/48Bg8ejD59+uB4rkLM+vXr4erqimPHjmHu3Ln4+OOPVcmtUqnEm2++CQcHBxw7dgwrVqzARx99pHF8amoqwsPD4eXlhX/++Qfff/899u3bhxEjRmjs98cff+Du3bv4888/sWDBAkyfPh2vvfYavLy8cOzYMQwdOhRDhgzB7ezFnHJ5+PAhfv/9dwwfPhyueSy7qlAo9H7OHj9+jLZt26JevXo4ceIEdu/ejfv376N79+4ApET07bffxjvvvIOLFy/i4MGDePPNNyGEQGZmJrp06YJWrVrh3LlziIyMxODBg/O9/wMHDuDatWs4cOAA1q9fj3Xr1mHdunWq6/v27Yu7d+/i4MGD2L59O1atWoUHDx7o/XgoD8LKJCUlCQAiKSlJNGkihHSKmxDJyUa+o5QUIYYMUd8BIESZMkLs2WPkOyIiImN49uyZuHDhgnj27Jn2ldOna/4+z+unSRPtY3P+Z5Pfz/TphY69X79+wtbWVri6ugpHR0cBQNjY2Iht27ble9yrr74qxo0bp9pu1aqVaN68ucY+DRs2FB999JEQQog9e/YIOzs7cefOHdX1v/32mwAgfvjhByGEEKtWrRJeXl4iJSVFtc+vv/4qbGxsRFxcnCreChUqiKysLNU+VatWFS1atFBtZ2ZmCldXV/Htt9/qjP3vv/8WAMSOHTs0xkuVKiVcXV2Fq6ur+PDDD4UQQly/fl0AEKdPn1btl5iYKACIAwcOCCGE+OSTT0T79u01bis2NlYAENHR0eLkyZMCgLhx44ZWLA8fPhQAxMGDB3XGOn36dFGnTh3Vdvbjz8zMVI1169ZNRERECCGEuHjxogAg/vnnH9X1V65cEQDEwoULdd6HOcrvM5czXzMmq53jm7OjQ/nygJubEW/85ElpBbbLl9VjnTsDX30ldW8gIiLz4u4O+PsXvF/p0rrH9DnW3d3wuHJo06YNli9fjtTUVCxcuBB2dnbo2rWr6vqsrCzMnj0bW7duxZ07d5CRkYH09HS45OokVDvXN5J+fn6qSuPFixcREBCAsmXLqq5/6aWXNPa/ePEi6tSpo1GFbdasGZRKJaKjo+Hr6wsAqFmzJmxs1F88+/r6olatWqptW1tblCpVyuAq5/Hjx6FUKtGrVy+kp6frfdzZs2dx4MABnXNxr127hvbt26Ndu3YICQlBeHg42rdvj7feegteXl4oWbIk+vfvj/DwcLz88ssICwtD9+7d4efnl+f91axZE7a2tqptPz8/REVFAQCio6NhZ2eH+jlam1aqVAleXl56Px7SzWoT37t3geRk6bJR5/f+8QcQHg5kZkrbLi7AokXSIhUGfOVCRETFyNix0k9h5FygyIRcXV1RqVIlAMCaNWtQp04dfP3113j33XcBAPPmzcPixYuxaNEihISEwNXVFaNHj0ZGRobG7djb22tsKxQKKJVKo8er634Mue9KlSpBoVAgOjpaYzw4OBgA4OzsrBrLTrCFEKqx57k6LKWkpKBTp046Twb08/ODra0t9u7di6NHj+L333/H0qVLMXnyZBw7dgxBQUFYu3YtRo0ahd27d2PLli2YMmUK9u7diyZNmuj9+E3xPJMmq53je+mS+rJR5/c2a6a+wdBQ4PRpYNAgJr1ERFRkbGxsMGnSJEyZMgXPnj0DABw5cgSdO3dG7969UadOHQQHB+Nyzm8m9VC9enXExsbi3r17qrG///5ba5+zZ8+qTvrKvm8bGxtUrVr1BR6VplKlSuHll1/GF198oXFfupT+rxKfM+6cJ7oBQP369fHvv/8iMDAQlSpV0vjJrl4rFAo0a9YMM2fOxOnTp+Hg4IAffvhBdRv16tXDxIkTcfToUdSqVQubN28u1GOrWrUqMjMzcfr0adXY1atXkZiYWKjbIzUmvjByxdfRUVpuePJk4OhRoEoVI944ERGRfrp16wZbW1ssW7YMAFC5cmVVxfLixYsYMmQI7t+/b9BthoWFoUqVKujXrx/Onj2Lv/76C5MnT9bYp1evXnByckK/fv1w/vx5HDhwACNHjkSfPn1U0xyM5csvv0RmZiYaNGiALVu24OLFi4iOjsY333yDS5cuqaYSODs7o0mTJvjss89w8eJFHDp0CFOmTNG4reHDh+PRo0d4++238c8//+DatWvYs2cPBgwYgKysLBw7dgyzZ8/GiRMncOvWLezYsQPx8fGoXr06rl+/jokTJyIyMhI3b97E77//jitXrqB6IZeErVatGsLCwjB48GAcP34cp0+fxuDBg+Hs7GzQCXukjYkvXqDim5wsVXNz9kUDpEz600+BHGfTEhERFSU7OzuMGDECc+fORWpqKqZMmYL69esjPDwcrVu3RpkyZdClSxeDbtPGxgY//PADnj17hkaNGmHgwIGYNWuWxj4uLi7Ys2cPHj16hIYNG+Ktt95Cu3bt8MUXXxjx0UkqVqyI06dPIywsDBMnTkSdOnXQoEEDLF26FOPHj8cnn3yi2nfNmjXIzMxEaGgoRo8ejU8//VTjtsqWLYsjR44gKysL7du3R0hICEaPHg1PT0/Y2NjA3d0df/75Jzp27IgqVapgypQpmD9/Pl555RW4uLjg0qVL6Nq1K6pUqYLBgwdj+PDhGDJkSKEf24YNG+Dr64uWLVvijTfewKBBg+Dm5gYnJ6dC3yYBCpFzwosVSE5OhoeHBxo2TMI//7j/N1aIk9siI4HevYGYGKk12fHjUrWXiIjMUlpaGq5fv46goCAmF1Ts3L59GwEBAdi3bx/atWsndzhGkd9nLjtfS0pKgvsLnviZk9We3JY9Fz4gwMCkNzMTmDUL+OQTICtLGrt+HTh3DmjY0OhxEhERkfX5448/kJKSgpCQENy7dw8ffvghAgMD0bJlS7lDM2tWm/gWqqNDTIxU5Y2MVI81bQp88w0QFGTU+IiIiMh6PX/+HJMmTUJMTAzc3NzQtGlTbNq0SasbBBnGahPfbHrN7xUC2LgRGDECePJEGrO1BaZNAyZNAuys/mkkIiIiIwoPD0d4eLjcYVgcq8/YCqz4JiYCw4YBW7aox4KDgU2bgDx68xERERFR8WO1XR2yFVjxvXgR+P579Xb//sCZM0x6iYgslJWd800kGzk+a0x8C0p8mzaVevJ6egJbtwJr1xp5fWMiIioOsudOPn36VOZIiKxD9qqBOZduNjWrnupQrpyOpdGvXwfKl5fm8GabOhUYMkS/tdaJiMgs2drawtPTEw8ePAAg9aPlYgFEpqFUKhEfHw8XFxfYFeG5Ulad+GrM7xUCWLUKGDMGmD4d+Ogj9XX29kx6iYisQJkyZQBAlfwSkenY2NigfPnyRfoHplUnvqppDvHxwMCBwM6d0vaUKUD79kC9erLFRkRERU+hUMDPzw8+Pj54/vy53OEQWTQHBwfY2BTtrFurTnxr1gSwZ490wlpcnPqKgQOBqlXlCouIiGRma2tbpPMOiahoFIuT25YtW4bAwEA4OTmhcePGOH78eL77f//996hWrRqcnJwQEhKCXbt2GXyfDkhDx99HAx06qJNeb2+p6rt8OeDiUohHQkRERETFleyJ75YtWzB27FhMnz4dp06dQp06dRAeHp7n/KqjR4/i7bffxrvvvovTp0+jS5cu6NKlC86fP2/Q/R5Ea/htXawe6NABiIoCOnV6kYdDRERERMWUQsjcsLBx48Zo2LAhvvjiCwDSWX4BAQEYOXIkJkyYoLV/REQEUlNT8csvv6jGmjRpgrp162LFihUF3l9ycjI8PDyQBMAdABwdgXnzpFXZePYuERERkexU+VpSEty1WnAVnqxzfDMyMnDy5ElMnDhRNWZjY4OwsDBERkbqPCYyMhJjx47VGAsPD8ePP/6oc//09HSkp6ertpOSkgAAyYB0dtvXX0v/Zi9FTERERESySk5OBmD8RS5kTXwTEhKQlZUFX19fjXFfX19cunRJ5zFxcXE694/LeXJaDnPmzMHMmTO1xgMA4MIF4KWXChU7EREREZnWw4cP4eHhYbTbs/iuDhMnTtSoED9+/BgVKlTArVu3jPpEUvGUnJyMgIAAxMbGGvWrEiqe+HpbF77e1oWvt3VJSkpC+fLlUbJkSaPerqyJr7e3N2xtbXH//n2N8fv376uaiOdWpkwZg/Z3dHSEo6Oj1riHhwc/OFbE3d2dr7cV4ettXfh6Wxe+3tbF2H1+Ze3q4ODggNDQUOzfv181plQqsX//fryUxxSEl156SWN/ANi7d2+e+xMRERERAcVgqsPYsWPRr18/NGjQAI0aNcKiRYuQmpqKAQMGAAD69u0Lf39/zJkzBwDw/vvvo1WrVpg/fz5effVVfPfddzhx4gRWrVol58MgIiIiomJO9sQ3IiIC8fHxmDZtGuLi4lC3bl3s3r1bdQLbrVu3NMrcTZs2xebNmzFlyhRMmjQJlStXxo8//ohatWrpdX+Ojo6YPn26zukPZHn4elsXvt7Wha+3deHrbV1M9XrL3seXiIiIiKgoyL5yGxERERFRUWDiS0RERERWgYkvEREREVkFJr5EREREZBUsMvFdtmwZAgMD4eTkhMaNG+P48eP57v/999+jWrVqcHJyQkhICHbt2lVEkZIxGPJ6r169Gi1atICXlxe8vLwQFhZW4PuDihdDP9/ZvvvuOygUCnTp0sW0AZJRGfp6P378GMOHD4efnx8cHR1RpUoV/k43I4a+3osWLULVqlXh7OyMgIAAjBkzBmlpaUUULb2IP//8E506dULZsmWhUCjw448/FnjMwYMHUb9+fTg6OqJSpUpYt26d4XcsLMx3330nHBwcxJo1a8S///4rBg0aJDw9PcX9+/d17n/kyBFha2sr5s6dKy5cuCCmTJki7O3tRVRUVBFHToVh6Ovds2dPsWzZMnH69Glx8eJF0b9/f+Hh4SFu375dxJFTYRj6eme7fv268Pf3Fy1atBCdO3cummDphRn6eqenp4sGDRqIjh07isOHD4vr16+LgwcPijNnzhRx5FQYhr7emzZtEo6OjmLTpk3i+vXrYs+ePcLPz0+MGTOmiCOnwti1a5eYPHmy2LFjhwAgfvjhh3z3j4mJES4uLmLs2LHiwoULYunSpcLW1lbs3r3boPu1uMS3UaNGYvjw4artrKwsUbZsWTFnzhyd+3fv3l28+uqrGmONGzcWQ4YMMWmcZByGvt65ZWZmCjc3N7F+/XpThUhGVJjXOzMzUzRt2lR89dVXol+/fkx8zcj/27vTmKiuNg7gfwYcQBw0VBGm4AIKNS5VFi2isVJasFWpqNBKEBXFiojRuhA3QF8QrWLUuNYK1hJBjVYiCopKC2hbRZZGcBABtRFs1EZEoSxz3g8Nk46AdaYIlvn/kvvhnnvOuc+dJxOeOdw7o2m+9+zZI2xsbERdXV17hUhtSNN8L1y4ULi5uam1LV26VLi6ur7WOKntvUrhu2LFCjF48GC1Nl9fX+Hh4aHRuTrVrQ51dXXIycmBu7u7qk0ikcDd3R1XrlxpccyVK1fU+gOAh4dHq/3pzaFNvl/0/Plz1NfXw8zM7HWFSW1E23yvX78e5ubmCAwMbI8wqY1ok+/k5GS4uLhg4cKF6N27N4YMGYLo6Gg0Nja2V9ikJW3yPXr0aOTk5KhuhygtLcWZM2fw8ccft0vM1L7aql7r8F9ua0sPHz5EY2Oj6lffmvTu3Rs3b95scUxlZWWL/SsrK19bnNQ2tMn3i1auXAm5XN7szURvHm3ynZWVhW+++QZ5eXntECG1JW3yXVpaiosXL8LPzw9nzpxBSUkJgoODUV9fj/Dw8PYIm7SkTb5nzJiBhw8fYsyYMRBCoKGhAV988QVWrVrVHiFTO2utXquqqkJNTQ2MjY1faZ5OteJLpImYmBgkJibi5MmTMDIy6uhwqI09ffoU/v7++Prrr9GzZ8+ODofagVKphLm5Ofbv3w9HR0f4+vpi9erV2Lt3b0eHRq9BRkYGoqOjsXv3bly/fh0nTpxASkoKNmzY0NGh0RusU6349uzZE/r6+njw4IFa+4MHD2BhYdHiGAsLC43605tDm3w32bJlC2JiYpCeno5hw4a9zjCpjWia79u3b6O8vByTJk1StSmVSgCAgYEBFAoFbG1tX2/QpDVt3t+Wlpbo0qUL9PX1VW2DBg1CZWUl6urqIJVKX2vMpD1t8r127Vr4+/tj7ty5AIChQ4fi2bNnCAoKwurVqyGRcG2vM2mtXjM1NX3l1V6gk634SqVSODo64sKFC6o2pVKJCxcuwMXFpcUxLi4uav0B4Pz58632pzeHNvkGgM2bN2PDhg1ITU2Fk5NTe4RKbUDTfL/zzjv49ddfkZeXp9omT56M8ePHIy8vD9bW1u0ZPmlIm/e3q6srSkpKVB9wAKC4uBiWlpYset9w2uT7+fPnzYrbpg89fz0vRZ1Jm9Vrmj139+ZLTEwUhoaGIj4+XhQWFoqgoCDRo0cPUVlZKYQQwt/fX4SFhan6Z2dnCwMDA7FlyxZRVFQkwsPD+XVm/yGa5jsmJkZIpVJx/PhxUVFRodqePn3aUZdAGtA03y/itzr8t2ia77t37wqZTCZCQkKEQqEQp0+fFubm5uJ///tfR10CaUDTfIeHhwuZTCaOHDkiSktLxblz54Stra3w8fHpqEsgDTx9+lTk5uaK3NxcAUDExsaK3NxccefOHSGEEGFhYcLf31/Vv+nrzJYvXy6KiorErl27+HVmTXbu3Cn69OkjpFKpGDlypPjpp59Ux8aNGycCAgLU+h89elTY2dkJqVQqBg8eLFJSUto5Yvo3NMl33759BYBmW3h4ePsHTlrR9P39dyx8/3s0zffly5fFqFGjhKGhobCxsRFRUVGioaGhnaMmbWmS7/r6ehERESFsbW2FkZGRsLa2FsHBweKPP/5o/8BJY5cuXWrx73FTjgMCAsS4ceOajRk+fLiQSqXCxsZGxMXFaXxePSH4/wAiIiIi6vw61T2+REREREStYeFLRERERDqBhS8RERER6QQWvkRERESkE1j4EhEREZFOYOFLRERERDqBhS8RERER6QQWvkRERESkE1j4EhEBiI+PR48ePTo6DK3p6enh+++/f2mfWbNm4dNPP22XeIiI3kQsfImo05g1axb09PSabSUlJR0dGuLj41XxSCQSWFlZYfbs2fj999/bZP6KigpMmDABAFBeXg49PT3k5eWp9dm+fTvi4+Pb5HytiYiIUF2nvr4+rK2tERQUhMePH2s0D4t0InodDDo6ACKituTp6Ym4uDi1tl69enVQNOpMTU2hUCigVCqRn5+P2bNn4/79+0hLS/vXc1tYWPxjn+7du//r87yKwYMHIz09HY2NjSgqKsKcOXPw5MkTJCUltcv5iYhawxVfIupUDA0NYWFhobbp6+sjNjYWQ4cOhYmJCaytrREcHIzq6upW58nPz8f48eMhk8lgamoKR0dHXLt2TXU8KysLY8eOhbGxMaytrREaGopnz569NDY9PT1YWFhALpdjwoQJCA0NRXp6OmpqaqBUKrF+/XpYWVnB0NAQw4cPR2pqqmpsXV0dQkJCYGlpCSMjI/Tt2xcbN25Um7vpVof+/fsDAEaMGAE9PT28//77ANRXUffv3w+5XA6lUqkWo5eXF+bMmaPaP3XqFBwcHGBkZAQbGxtERkaioaHhpddpYGAACwsLvP3223B3d8f06dNx/vx51fHGxkYEBgaif//+MDY2hr29PbZv3646HhERgUOHDuHUqVOq1eOMjAwAwL179+Dj44MePXrAzMwMXl5eKC8vf2k8RERNWPgSkU6QSCTYsWMHbty4gUOHDuHixYtYsWJFq/39/PxgZWWFq1evIicnB2FhYejSpQsA4Pbt2/D09MTUqVNRUFCApKQkZGVlISQkRKOYjI2NoVQq0dDQgO3bt2Pr1q3YsmULCgoK4OHhgcmTJ+PWrVsAgB07diA5ORlHjx6FQqFAQkIC+vXr1+K8v/zyCwAgPT0dFRUVOHHiRLM+06dPx6NHj3Dp0iVV2+PHj5Gamgo/Pz8AQGZmJmbOnInFixejsLAQ+/btQ3x8PKKiol75GsvLy5GWlgapVKpqUyqVsLKywrFjx1BYWIh169Zh1apVOHr0KABg2bJl8PHxgaenJyoqKlBRUYHRo0ejvr4eHh4ekMlkyMzMRHZ2Nrp16wZPT0/U1dW9ckxEpMMEEVEnERAQIPT19YWJiYlqmzZtWot9jx07Jt566y3VflxcnOjevbtqXyaTifj4+BbHBgYGiqCgILW2zMxMIZFIRE1NTYtjXpy/uLhY2NnZCScnJyGEEHK5XERFRamNcXZ2FsHBwUIIIRYtWiTc3NyEUqlscX4A4uTJk0IIIcrKygQAkZubq9YnICBAeHl5qfa9vLzEnDlzVPv79u0TcrlcNDY2CiGE+OCDD0R0dLTaHIcPHxaWlpYtxiCEEOHh4UIikQgTExNhZGQkAAgAIjY2ttUxQgixcOFCMXXq1FZjbTq3vb292mvw559/CmNjY5GWlvbS+YmIhBCC9/gSUacyfvx47NmzR7VvYmIC4K/Vz40bN+LmzZuoqqpCQ0MDamtr8fz5c3Tt2rXZPEuXLsXcuXNx+PBh1b/rbW1tAfx1G0RBQQESEhJU/YUQUCqVKCsrw6BBg1qM7cmTJ+jWrRuUSiVqa2sxZswYHDhwAFVVVbh//z5cXV3V+ru6uiI/Px/AX7cpfPjhh7C3t4enpycmTpyIjz766F+9Vn5+fpg3bx52794NQ0NDJCQk4LPPPoNEIlFdZ3Z2ttoKb2Nj40tfNwCwt7dHcnIyamtr8d133yEvLw+LFi1S67Nr1y4cPHgQd+/eRU1NDerq6jB8+PCXxpufn4+SkhLIZDK19traWty+fVuLV4CIdA0LXyLqVExMTDBgwAC1tvLyckycOBELFixAVFQUzMzMkJWVhcDAQNTV1bVYwEVERGDGjBlISUnB2bNnER4ejsTEREyZMgXV1dWYP38+QkNDm43r06dPq7HJZDJcv34dEokElpaWMDY2BgBUVVX943U5ODigrKwMZ8+eRXp6Onx8fODu7o7jx4//49jWTJo0CUIIpKSkwNnZGZmZmdi2bZvqeHV1NSIjI+Ht7d1srJGRUavzSqVSVQ5iYmLwySefIDIyEhs2bAAAJCYmYtmyZdi6dStcXFwgk8nw1Vdf4eeff35pvNXV1XB0dFT7wNHkTXmAkYjebCx8iajTy8nJgVKpxNatW1WrmU33k76MnZ0d7OzssGTJEnz++eeIi4vDlClT4ODggMLCwmYF9j+RSCQtjjE1NYVcLkd2djbGjRunas/OzsbIkSPV+vn6+sLX1xfTpk2Dp6cnHj9+DDMzM7X5mu6nbWxsfGk8RkZG8Pb2RkJCAkpKSmBvbw8HBwfVcQcHBygUCo2v80Vr1qyBm5sbFixYoLrO0aNHIzg4WNXnxRVbqVTaLH4HBwckJSXB3Nwcpqam/yomItJNfLiNiDq9AQMGoL6+Hjt37kRpaSkOHz6MvXv3ttq/pqYGISEhyMjIwJ07d5CdnY2rV6+qbmFYuXIlLl++jJCQEOTl5eHWrVs4deqUxg+3/d3y5cuxadMmJCUlQaFQICwsDHl5eVi8eDEAIDY2FkeOHMHNmzdRXFyMY8eOwcLCosUf3TA3N4exsTFSU1Px4MEDPHnypNXz+vn5ISUlBQcPHlQ91NZk3bp1+PbbbxEZGYkbN26gqKgIiYmJWLNmjUbX5uLigmHDhiE6OhoAMHDgQFy7dg1paWkoLi7G2rVrcfXqVbUx/fr1Q0FBARQKBR4+fIj6+nr4+fmhZ8+e8PLyQmZmJsrKypCRkYHQ0FD89ttvGsVERLqJhS8RdXrvvvsuYmNjsWnTJgwZMgQJCQlqXwX2In19fTx69AgzZ86EnZ0dfHx8MGHCBERGRgIAhg0bhh9++AHFxcUYO3YsRowYgXXr1kEul2sdY2hoKJYuXYovv/wSQ4cORWpqKpKTkzFw4EAAf90msXnzZjg5OcHZ2Rnl5eU4c+aMagX77wwMDLBjxw7s27cPcrkcXl5erZ7Xzc0NZmZmUCgUmDFjhtoxDw8PnD59GufOnYOzszPee+89bNu2DX379tX4+pYsWYIDBw7g3r17mD9/Pry9veHr64tRo0bh0aNHaqu/ADBv3jzY29vDyckJvXr1QnZ2Nrp27Yoff/wRffr0gbe3NwYNGoTAwEDU1tZyBZiIXomeEEJ0dBBERERERK8bV3yJiIiISCew8CUiIiIincDCl4iIiIh0AgtfIiIiItIJLHyJiIiISCew8CUiIiIincDCl4iIiIh0AgtfIiIiItIJLHyJiIiISCew8CUiIiIincDCl4iIiIh0wv8BheYmOKXWxzYAAAAASUVORK5CYII=", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "plot_roc_curve(y_test, y_pred)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### LGBM Classifier" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "#### Normalized data" + ] + }, + { + "cell_type": "code", + "execution_count": 64, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000358 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000160 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000130 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000152 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000126 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000105 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000116 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000155 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000138 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000129 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000133 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000162 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000121 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000123 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000134 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000146 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000149 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000151 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000138 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000115 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000106 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000119 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000121 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000120 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000130 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000114 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000139 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000120 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000128 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000120 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000102 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000110 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000127 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000186 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000169 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000140 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000107 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000127 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000140 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000117 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000175 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000138 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000127 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000219 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000117 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000159 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000184 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000139 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000113 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000103 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000107 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000137 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000137 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000112 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000134 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000112 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000161 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000132 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000191 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000218 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000138 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000131 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000178 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000136 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000138 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000125 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000152 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000149 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000140 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000111 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000120 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000136 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000119 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000154 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000122 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000139 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000127 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000117 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000155 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000163 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000115 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000137 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000177 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000128 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000111 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000142 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000136 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000135 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000196 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000202 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000178 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000167 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000172 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000148 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000163 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000138 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000172 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000149 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000173 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000393 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000104 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000108 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000146 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000142 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000118 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000178 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000153 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000121 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000114 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000109 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000152 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000148 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000142 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000121 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000112 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000170 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000110 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000146 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000129 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000167 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000117 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000111 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000131 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000130 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000119 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000160 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000161 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000168 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000156 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000205 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000145 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000133 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000113 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000143 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000122 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000127 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000157 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000143 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000130 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000144 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000125 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000160 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000140 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000144 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000151 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000146 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000111 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000115 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000283 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000111 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000125 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000152 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000321 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000140 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000135 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000124 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000118 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000153 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000109 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000108 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000106 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000157 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000140 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing row-wise multi-threading, the overhead of testing was 0.000199 seconds.\n", + "You can set `force_row_wise=true` to remove the overhead.\n", + "And if memory is not enough, you can set `force_col_wise=true`.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000111 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000231 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000133 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000134 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000131 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000127 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000138 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000134 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000142 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000140 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000109 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000341 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000108 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000113 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000347 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000130 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000163 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000114 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000158 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000111 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000135 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000128 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000222 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000128 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000154 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000109 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000126 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000114 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000154 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000111 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000117 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000130 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000162 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000113 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000112 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000124 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000123 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000144 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000156 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000110 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000121 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000121 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000226 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000184 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000133 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000115 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000114 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000112 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000114 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000140 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000295 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000110 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000108 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000126 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000302 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000152 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000174 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000148 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000122 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000109 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000155 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000110 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000114 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000113 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000179 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000145 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000129 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000113 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000111 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000136 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000126 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000116 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000179 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000138 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000134 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000116 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000145 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000121 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000116 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000117 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000134 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000116 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000107 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000105 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000103 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000116 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000142 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000142 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000120 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000157 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000130 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000111 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000107 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000121 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000152 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000127 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000149 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000145 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000114 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000114 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000124 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000127 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000142 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000125 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000126 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000108 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000109 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000137 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000210 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000163 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000161 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000144 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000122 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000112 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000127 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000166 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000112 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000199 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000135 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000119 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000150 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000244 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000213 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000155 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000158 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000105 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000171 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000139 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000148 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000138 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000162 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000153 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000152 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000116 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000151 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000149 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000143 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000140 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000130 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000126 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000136 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000130 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000176 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000141 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000165 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000138 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000231 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000132 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000134 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000165 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000172 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000186 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000153 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000132 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000138 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000273 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000178 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000141 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000158 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000157 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000125 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000185 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000136 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000141 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000185 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000125 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000152 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000124 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000165 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000142 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000124 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000150 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000128 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000146 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000178 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000132 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000140 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000131 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000121 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000222 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000146 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000134 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000187 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000129 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000232 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000144 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000142 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000121 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000196 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000149 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000175 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000194 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000127 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000128 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000125 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000213 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000163 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000163 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000193 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000183 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000147 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000139 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000143 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000186 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000188 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000170 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000178 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000192 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000145 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000138 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000173 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000151 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000130 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000188 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000152 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000199 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000190 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000156 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000161 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000133 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000174 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000121 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000193 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000126 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000131 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000144 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000134 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000118 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000121 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000167 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000146 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000170 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000162 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000360 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000174 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000143 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000149 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000168 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000195 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000179 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000207 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000170 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000159 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000197 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000168 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000207 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000165 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000123 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000164 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000197 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000213 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000205 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000186 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000170 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000155 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000141 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000242 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000189 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000171 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000157 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000163 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000164 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000177 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000347 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000174 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000162 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000176 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000167 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000345 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000200 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000205 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000189 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000149 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000165 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000178 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000168 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000193 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000158 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000165 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000159 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000141 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000170 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000151 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000139 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000192 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000143 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000131 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000374 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000140 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000178 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000167 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000195 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000149 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000135 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000167 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000165 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000154 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000133 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000134 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000200 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000186 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000176 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000140 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000143 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000228 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000180 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000134 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000143 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000136 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000172 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000149 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000130 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000169 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000121 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000158 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000158 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000129 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000190 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000214 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000563 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000205 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000157 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000174 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000158 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000148 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000120 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000125 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000144 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000152 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000155 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000128 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000162 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000123 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000146 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000151 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000116 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000115 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000120 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000145 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000123 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000121 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000117 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000135 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000136 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000181 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000129 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000129 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000167 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000144 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000194 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000176 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000151 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000270 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000196 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000139 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000164 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000212 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000143 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000215 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000123 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000150 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000136 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000180 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000137 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000149 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000178 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000123 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000119 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000140 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000191 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000120 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000165 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000135 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000128 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000169 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000141 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000128 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000117 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000156 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000140 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000192 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000119 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000133 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000165 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000353 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000137 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000145 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000225 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000121 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000117 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000158 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000135 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000189 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000154 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000126 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000172 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000149 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000134 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000125 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000171 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000124 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000126 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000127 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000122 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000146 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000126 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000154 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000136 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000123 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000185 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000146 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000142 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000299 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000133 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000175 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000241 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000280 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000188 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000148 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000191 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000179 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000144 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000142 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000199 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000196 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000150 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000150 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000134 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000196 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000130 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000163 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000164 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000166 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000219 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000144 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000155 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000160 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000196 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000189 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000183 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000220 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000169 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000180 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000143 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000155 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000141 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000153 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000187 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000240 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000159 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000199 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000204 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000205 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000185 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000198 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000154 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000194 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000186 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000169 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000133 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000158 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000190 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000174 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000201 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000119 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000130 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000158 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000289 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000143 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000130 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000135 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000148 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000162 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000263 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000173 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000151 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000151 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000191 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000186 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000163 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000150 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000137 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000124 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000150 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000122 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000160 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000164 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000364 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000120 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000207 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000118 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000123 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000126 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000201 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000150 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000185 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000224 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000202 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing row-wise multi-threading, the overhead of testing was 0.000101 seconds.\n", + "You can set `force_row_wise=true` to remove the overhead.\n", + "And if memory is not enough, you can set `force_col_wise=true`.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000168 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000184 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000148 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000193 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000170 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000158 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000139 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000123 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000181 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000126 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000142 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000168 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000171 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000155 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000132 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000162 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000141 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000345 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000165 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000167 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000161 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000296 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000182 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000181 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000215 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000151 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000218 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000168 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000165 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000188 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000177 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000182 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000170 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000170 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000150 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000155 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000137 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000158 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000159 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000187 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000185 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000161 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000136 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000124 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000144 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000202 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000145 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000140 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000181 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000222 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000122 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000127 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000175 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000179 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000125 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000158 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000215 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000131 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000125 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000119 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000190 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000208 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000174 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000152 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000185 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000185 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000171 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000148 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000168 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000167 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000235 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000142 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000142 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000150 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000152 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000173 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000178 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000138 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000162 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000186 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000158 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000175 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000177 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000158 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000130 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000121 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000177 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000203 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000191 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000200 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000143 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000195 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000151 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000145 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000169 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000171 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000194 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000180 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000179 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000265 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000163 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000176 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000165 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000191 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000171 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000223 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000166 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000164 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000170 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000246 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000165 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000146 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000202 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000163 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000250 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000187 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000157 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000135 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000122 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000172 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000150 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000129 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000170 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000133 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000198 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000122 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000155 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000118 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000152 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000144 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000129 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000140 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000180 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000178 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000179 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000156 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000123 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000121 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000143 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000130 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000130 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000144 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000186 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000183 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000134 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000154 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000130 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000183 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000156 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000189 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000200 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000163 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000354 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000166 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000160 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000157 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000167 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000164 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000165 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000154 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000150 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000233 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000191 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000208 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000122 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000160 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000173 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000120 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000163 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000168 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing row-wise multi-threading, the overhead of testing was 0.000203 seconds.\n", + "You can set `force_row_wise=true` to remove the overhead.\n", + "And if memory is not enough, you can set `force_col_wise=true`.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000122 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000179 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000205 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000187 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000147 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000173 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000153 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000175 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000175 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000164 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000186 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000253 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000153 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000135 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000144 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000140 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000150 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000151 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000152 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000150 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000183 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000155 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000139 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000154 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000152 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000151 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000196 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000152 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000138 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000119 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000175 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000163 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000124 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000120 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000117 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000194 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000167 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000113 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000237 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000115 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000130 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000151 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000134 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000111 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000150 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000121 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000137 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000113 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000153 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000137 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000138 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000130 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000127 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000148 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000225 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000116 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000155 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000122 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000152 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000121 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000169 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000165 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000138 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000119 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000122 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000131 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000120 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000175 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000208 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000163 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000139 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000123 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000118 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000119 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000116 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000122 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000125 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000122 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000127 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000119 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000119 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000127 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000122 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000184 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000121 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000119 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000146 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000121 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000293 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000127 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000122 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000121 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000121 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000118 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000122 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000141 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000143 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000135 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000123 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing row-wise multi-threading, the overhead of testing was 0.000100 seconds.\n", + "You can set `force_row_wise=true` to remove the overhead.\n", + "And if memory is not enough, you can set `force_col_wise=true`.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000159 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000125 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000170 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000132 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000198 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000135 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000137 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000127 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000128 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000118 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000140 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000136 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000128 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000169 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000120 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000120 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000138 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000182 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000131 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000118 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000120 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000126 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000125 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000121 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000123 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000130 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000134 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000140 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000113 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000162 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000180 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000167 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000145 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000112 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000111 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000113 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000185 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000175 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000114 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000124 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000111 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000125 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000175 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000121 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000114 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000155 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000168 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000299 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000144 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000199 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000158 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000112 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000116 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000148 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000113 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000120 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000180 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000118 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000118 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000113 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000117 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000215 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000204 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000166 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000139 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000128 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000121 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000149 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000116 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000130 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000112 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000163 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000117 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000155 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000175 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000138 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000199 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000113 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000173 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000126 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000128 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000179 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000118 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000121 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000206 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000116 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000160 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000173 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000146 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000119 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000147 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000115 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000117 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000117 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000123 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000141 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000117 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000125 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000174 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000185 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000114 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000235 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000118 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000137 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000119 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000117 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000147 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000142 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000121 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000163 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000198 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000126 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000120 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000177 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000119 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000180 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000124 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000128 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000169 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000159 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000125 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000123 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000202 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000159 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000155 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000187 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000214 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000160 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000133 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000143 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000124 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000143 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000124 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000140 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000138 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000153 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000172 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000135 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000138 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000119 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000116 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000169 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000178 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000181 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000121 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000119 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000129 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000182 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000176 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000147 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000169 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000144 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000165 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000155 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000143 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000157 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000173 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000143 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000146 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000118 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000122 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000158 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000153 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000179 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000148 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000140 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000134 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000155 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000172 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000157 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000168 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000127 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000145 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000132 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000143 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000141 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000152 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000120 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000143 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000181 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000130 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000160 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000151 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000141 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000138 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000131 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000150 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000166 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000139 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000164 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000151 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000124 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000144 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000143 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000143 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000148 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000130 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000150 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000165 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000200 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000146 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000191 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000167 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000131 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000249 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000161 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000180 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000136 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000155 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000262 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000150 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000145 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000130 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000166 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000163 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000156 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000135 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000181 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000147 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000161 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000143 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000197 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000133 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000148 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000161 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000157 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000129 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000139 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000134 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000155 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000168 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000294 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000151 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000145 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000180 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000166 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000141 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000163 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000131 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000154 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000132 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000150 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000144 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000149 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000173 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000153 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000155 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000133 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000145 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000165 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000174 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000147 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000233 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing row-wise multi-threading, the overhead of testing was 0.000148 seconds.\n", + "You can set `force_row_wise=true` to remove the overhead.\n", + "And if memory is not enough, you can set `force_col_wise=true`.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000189 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000210 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000156 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000206 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000147 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000177 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000201 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000135 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000309 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000136 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000134 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000202 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000180 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000145 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000156 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000174 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000193 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000148 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000128 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000180 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000319 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000197 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000192 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000147 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000120 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000145 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000139 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000182 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000126 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000134 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000142 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000138 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000146 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000142 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000145 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000164 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000162 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000146 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000174 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000160 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000159 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000167 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000147 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000146 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000138 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000122 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000143 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000143 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000157 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000126 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000114 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000167 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000144 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000164 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000174 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000140 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000173 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000176 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000119 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000163 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000161 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000125 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000144 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000223 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000137 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000141 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000147 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000169 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000137 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000178 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000160 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000123 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000143 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000175 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000117 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000170 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000126 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000149 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000132 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000160 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000226 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000159 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000142 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000176 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000171 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000180 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000192 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000195 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000162 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000159 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000181 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000159 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000136 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000172 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000131 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000126 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000176 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000138 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000135 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000149 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000173 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000151 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000152 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000121 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000172 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000176 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000126 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000162 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000181 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000200 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000177 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000152 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000156 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000242 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000131 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000204 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000181 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000315 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000181 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000167 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000178 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000223 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000214 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000231 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000173 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000232 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000147 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000183 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000151 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000152 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000186 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000186 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000136 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000182 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000150 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000125 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000171 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000149 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000184 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000121 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000141 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000110 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000132 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000203 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000183 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000140 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000162 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000124 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000158 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000192 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000196 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000167 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000120 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000177 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000155 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000136 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000155 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000165 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000154 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000157 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000156 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000193 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000195 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000176 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000188 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000142 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000154 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000206 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000157 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000136 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000156 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000199 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000129 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000110 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000115 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000182 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000155 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000127 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000151 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000154 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000185 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000175 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000113 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000141 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000270 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000158 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000168 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000157 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000172 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000118 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000150 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000121 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000186 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000148 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000120 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000175 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000199 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000134 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000123 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000212 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000132 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000290 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000133 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000150 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000117 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000145 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000191 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000158 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000224 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000146 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000189 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000197 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000184 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000145 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000182 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000198 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000297 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000197 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000217 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000168 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000125 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000124 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000167 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000191 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000142 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000187 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000186 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000201 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000162 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000136 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000191 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000157 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000217 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000135 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000137 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000165 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000216 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000187 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000156 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000137 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000196 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000153 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000173 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000179 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000203 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000168 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000153 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000161 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000165 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000207 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000172 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000136 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 822, number of negative: 1579\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000136 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1406\n", + "[LightGBM] [Info] Number of data points in the train set: 2401, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342357 -> initscore=-0.652807\n", + "[LightGBM] [Info] Start training from score -0.652807\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "Time taken for GridSearchCV: 183.23 seconds\n", + "Best Hyperparameters:\n", + "{'boosting_type': 'goss', 'learning_rate': 0.1, 'n_estimators': 50, 'num_leaves': 31, 'objective': 'binary'}\n", + "\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000132 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1391\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000119 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1391\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000129 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1390\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000180 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000171 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000182 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000155 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000114 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000150 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000160 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1389\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "Time taken for training with best hyperparameters: 0.34 seconds\n", + "\n", + "Mean Accuracy: 0.8850535961272475\n", + "Standard Deviation of Accuracy: 0.014285056930953319\n", + "Mean Precision: 0.8412698300694241\n", + "Standard Deviation of Precision: 0.02992118198937404\n", + "Mean Recall: 0.8213341169556273\n", + "Standard Deviation of Recall: 0.04792783912268737\n", + "Mean F1-score: 0.8298603267408696\n", + "Standard Deviation of F1-score: 0.02352425278813161\n", + "Mean ROC AUC: 0.8698261328952933\n", + "Standard Deviation of ROC AUC: 0.020043142348853824\n", + "\n", + "Total time taken: 183.57 seconds\n" + ] + } + ], + "source": [ + "import lightgbm as lgb\n", + "from sklearn.model_selection import StratifiedKFold, GridSearchCV\n", + "from sklearn.metrics import accuracy_score, precision_score, recall_score, f1_score, roc_auc_score, confusion_matrix\n", + "import numpy as np\n", + "import time\n", + "\n", + "start_total_time = time.time()\n", + "\n", + "kf = StratifiedKFold(n_splits=10, shuffle=True, random_state=42)\n", + "\n", + "model = lgb.LGBMClassifier(random_state=42)\n", + "\n", + "param_grid = {\n", + " 'n_estimators': [50, 100, 200, 300],\n", + " 'learning_rate': [0.001, 0.01, 0.1, 1.0],\n", + " 'num_leaves': [31, 50, 100],\n", + " 'boosting_type': ['gbdt', 'dart', 'goss'],\n", + " 'objective': ['binary']\n", + "}\n", + "\n", + "grid_search = GridSearchCV(estimator=model, param_grid=param_grid, cv=kf, scoring='accuracy')\n", + "\n", + "start_time = time.time()\n", + "\n", + "grid_search.fit(standard(x), y)\n", + "\n", + "grid_search_time = time.time() - start_time\n", + "print(f\"Time taken for GridSearchCV: {grid_search_time:.2f} seconds\")\n", + "\n", + "best_params = grid_search.best_params_\n", + "\n", + "print(\"Best Hyperparameters:\")\n", + "print(best_params)\n", + "print()\n", + "\n", + "best_model = grid_search.best_estimator_\n", + "\n", + "start_time = time.time()\n", + "\n", + "accuracy_scores = []\n", + "precision_scores = []\n", + "recall_scores = []\n", + "f1_scores = []\n", + "roc_auc_scores = []\n", + "confusion_matrices = []\n", + "\n", + "for train_index, test_index in kf.split(normal(x), y):\n", + " X_train, X_test = x.iloc[train_index], x.iloc[test_index]\n", + " y_train, y_test = y.iloc[train_index], y.iloc[test_index]\n", + "\n", + " best_model.fit(X_train, y_train)\n", + "\n", + " y_pred = best_model.predict(X_test)\n", + "\n", + " accuracy = accuracy_score(y_test, y_pred)\n", + " accuracy_scores.append(accuracy)\n", + " \n", + " precision = precision_score(y_test, y_pred)\n", + " precision_scores.append(precision)\n", + " \n", + " recall = recall_score(y_test, y_pred)\n", + " recall_scores.append(recall)\n", + " \n", + " f1 = f1_score(y_test, y_pred)\n", + " f1_scores.append(f1)\n", + " \n", + " roc_auc = roc_auc_score(y_test, y_pred)\n", + " roc_auc_scores.append(roc_auc)\n", + " \n", + " confusion = confusion_matrix(y_test, y_pred)\n", + " confusion_matrices.append(confusion)\n", + "\n", + "training_time = time.time() - start_time\n", + "print(f\"Time taken for training with best hyperparameters: {training_time:.2f} seconds\")\n", + "print()\n", + "\n", + "mean_accuracy = np.mean(accuracy_scores)\n", + "std_accuracy = np.std(accuracy_scores)\n", + "\n", + "mean_precision = np.mean(precision_scores)\n", + "std_precision = np.std(precision_scores)\n", + "\n", + "mean_recall = np.mean(recall_scores)\n", + "std_recall = np.std(recall_scores)\n", + "\n", + "mean_f1 = np.mean(f1_scores)\n", + "std_f1 = np.std(f1_scores)\n", + "\n", + "mean_roc_auc = np.mean(roc_auc_scores)\n", + "std_roc_auc = np.std(roc_auc_scores)\n", + "\n", + "print(f\"Mean Accuracy: {mean_accuracy}\")\n", + "print(f\"Standard Deviation of Accuracy: {std_accuracy}\")\n", + "\n", + "print(f\"Mean Precision: {mean_precision}\")\n", + "print(f\"Standard Deviation of Precision: {std_precision}\")\n", + "\n", + "print(f\"Mean Recall: {mean_recall}\")\n", + "print(f\"Standard Deviation of Recall: {std_recall}\")\n", + "\n", + "print(f\"Mean F1-score: {mean_f1}\")\n", + "print(f\"Standard Deviation of F1-score: {std_f1}\")\n", + "\n", + "print(f\"Mean ROC AUC: {mean_roc_auc}\")\n", + "print(f\"Standard Deviation of ROC AUC: {std_roc_auc}\")\n", + "print()\n", + "\n", + "total_time = time.time() - start_total_time\n", + "print(f\"Total time taken: {total_time:.2f} seconds\")" + ] + }, + { + "cell_type": "code", + "execution_count": 65, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "x_train: (1800, 13)\n", + "y_train: (1800,)\n", + "x_test: (601, 13)\n", + "y_test: (601,)\n" + ] + } + ], + "source": [ + "from sklearn.model_selection import train_test_split\n", + "\n", + "x_train, x_test, y_train, y_test = train_test_split(x,y,test_size=0.25,random_state=42)\n", + "\n", + "print(\"x_train:\",x_train.shape)\n", + "print(\"y_train:\",y_train.shape)\n", + "print(\"x_test:\",x_test.shape)\n", + "print(\"y_test:\",y_test.shape)" + ] + }, + { + "cell_type": "code", + "execution_count": 66, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 618, number of negative: 1182\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000195 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1379\n", + "[LightGBM] [Info] Number of data points in the train set: 1800, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.343333 -> initscore=-0.648475\n", + "[LightGBM] [Info] Start training from score -0.648475\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "Accuracy: 0.891846921797005\n", + "Precision: 0.8638743455497382\n", + "Recall: 0.8088235294117647\n", + "F1 Score: 0.8354430379746836\n", + "ROC AUC Score: 0.8716661727663356\n", + "Confusion Matrix:\n", + "[[371 26]\n", + " [ 39 165]]\n" + ] + } + ], + "source": [ + "model = grid_search.best_estimator_\n", + "\n", + "model.fit(x_train, y_train)\n", + "\n", + "y_pred = model.predict(x_test)\n", + "\n", + "y_pred = (y_pred >= 0.5).astype(int)\n", + "\n", + "print(\"Accuracy:\", accuracy_score(y_test, y_pred))\n", + "print(\"Precision:\", precision_score(y_test, y_pred))\n", + "print(\"Recall:\", recall_score(y_test, y_pred))\n", + "print(\"F1 Score:\", f1_score(y_test, y_pred))\n", + "print(\"ROC AUC Score:\", roc_auc_score(y_test, y_pred))\n", + "print(\"Confusion Matrix:\")\n", + "print(confusion_matrix(y_test, y_pred))" + ] + }, + { + "cell_type": "code", + "execution_count": 67, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAokAAAIjCAYAAABvUIGpAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8pXeV/AAAACXBIWXMAAA9hAAAPYQGoP6dpAABH20lEQVR4nO3de5zMdf//8efssrMHdtdiT2Gd2c0xubTJKXJMRJdEWS6HSy2VRdrrihyq7dJBUeiIROcoSlqEumw5LpJkHSLsEtnNaa3dz++PvuZ3jTe1w47ZNY97t8/tZj7zns/nNXPd1Ot6vt/zHptlWZYAAACA/+Hj6QIAAABQ/NAkAgAAwECTCAAAAANNIgAAAAw0iQAAADDQJAIAAMBAkwgAAAADTSIAAAAMNIkAAAAw0CQC+FM7d+5U+/btFRISIpvNpoULFxbp9ffu3SubzabZs2cX6XVLstatW6t169aeLgOAl6NJBEqAXbt26Z///KeqV68uf39/BQcHq3nz5nrxxRd1+vRpt947ISFBW7du1ZNPPqm5c+fqxhtvdOv9rqb+/fvLZrMpODj4op/jzp07ZbPZZLPZ9Oyzz7p8/YMHD2r8+PFKT08vgmoB4Ooq5ekCAPy5zz77TH//+99lt9vVr18/1atXT2fPntU333yj0aNHa9u2bXr11Vfdcu/Tp08rLS1N//73vzVs2DC33CMmJkanT59W6dKl3XL9v1KqVCmdOnVKixYtUq9evZyemzdvnvz9/XXmzJnLuvbBgwc1YcIEVa1aVY0aNSr067788svLuh8AFCWaRKAY27Nnj3r37q2YmBitWLFCUVFRjucSExOVkZGhzz77zG33P3LkiCQpNDTUbfew2Wzy9/d32/X/it1uV/PmzfXOO+8YTeL8+fPVpUsXffTRR1elllOnTikwMFB+fn5X5X4A8GeYbgaKscmTJ+vEiRN64403nBrE82rWrKmHHnrI8fjcuXOaNGmSatSoIbvdrqpVq+pf//qXcnNznV5XtWpV3X777frmm2/0t7/9Tf7+/qpevbreeustx5jx48crJiZGkjR69GjZbDZVrVpV0h/TtOf//L/Gjx8vm83mdC41NVW33HKLQkNDVaZMGdWpU0f/+te/HM9fak3iihUr1KJFCwUFBSk0NFTdunXT9u3bL3q/jIwM9e/fX6GhoQoJCdGAAQN06tSpS3+wF+jTp4+WLFmi48ePO86tW7dOO3fuVJ8+fYzxx44d06hRo1S/fn2VKVNGwcHB6tSpkzZv3uwYs3LlSjVt2lSSNGDAAMe09fn32bp1a9WrV08bNmxQy5YtFRgY6PhcLlyTmJCQIH9/f+P9d+jQQeXKldPBgwcL/V4BoLBoEoFibNGiRapevbpuvvnmQo0fNGiQxo0bpxtuuEFTpkxRq1atlJKSot69extjMzIydNddd+m2227Tc889p3Llyql///7atm2bJKlHjx6aMmWKJOmee+7R3Llz9cILL7hU/7Zt23T77bcrNzdXEydO1HPPPac77rhD//3vf//0dcuWLVOHDh10+PBhjR8/XklJSVqzZo2aN2+uvXv3GuN79eql33//XSkpKerVq5dmz56tCRMmFLrOHj16yGaz6eOPP3acmz9/vurWrasbbrjBGL97924tXLhQt99+u55//nmNHj1aW7duVatWrRwNW2xsrCZOnChJGjJkiObOnau5c+eqZcuWjuscPXpUnTp1UqNGjfTCCy+oTZs2F63vxRdfVMWKFZWQkKD8/HxJ0iuvvKIvv/xS06ZNU3R0dKHfKwAUmgWgWMrOzrYkWd26dSvU+PT0dEuSNWjQIKfzo0aNsiRZK1ascJyLiYmxJFmrV692nDt8+LBlt9utkSNHOs7t2bPHkmQ988wzTtdMSEiwYmJijBoef/xx63//tTJlyhRLknXkyJFL1n3+HrNmzXKca9SokRUeHm4dPXrUcW7z5s2Wj4+P1a9fP+N+//jHP5yueeedd1rly5e/5D3/930EBQVZlmVZd911l9W2bVvLsiwrPz/fioyMtCZMmHDRz+DMmTNWfn6+8T7sdrs1ceJEx7l169YZ7+28Vq1aWZKsmTNnXvS5Vq1aOZ1bunSpJcl64oknrN27d1tlypSxunfv/pfvEQAuF0kiUEzl5ORIksqWLVuo8Z9//rkkKSkpyen8yJEjJclYuxgXF6cWLVo4HlesWFF16tTR7t27L7vmC51fy/jJJ5+ooKCgUK85dOiQ0tPT1b9/f4WFhTnON2jQQLfddpvjff6voUOHOj1u0aKFjh496vgMC6NPnz5auXKlMjMztWLFCmVmZl50qln6Yx2jj88f//rMz8/X0aNHHVPpGzduLPQ97Xa7BgwYUKix7du31z//+U9NnDhRPXr0kL+/v1555ZVC3wsAXEWTCBRTwcHBkqTff/+9UON//vln+fj4qGbNmk7nIyMjFRoaqp9//tnpfJUqVYxrlCtXTr/99ttlVmy6++671bx5cw0aNEgRERHq3bu33n///T9tGM/XWadOHeO52NhY/frrrzp58qTT+QvfS7ly5STJpffSuXNnlS1bVu+9957mzZunpk2bGp/leQUFBZoyZYpq1aolu92uChUqqGLFitqyZYuys7MLfc/rrrvOpS+pPPvsswoLC1N6erqmTp2q8PDwQr8WAFxFkwgUU8HBwYqOjtb333/v0usu/OLIpfj6+l70vGVZl32P8+vlzgsICNDq1au1bNky3XfffdqyZYvuvvtu3XbbbcbYK3El7+U8u92uHj16aM6cOVqwYMElU0RJeuqpp5SUlKSWLVvq7bff1tKlS5Wamqrrr7++0Imp9Mfn44pNmzbp8OHDkqStW7e69FoAcBVNIlCM3X777dq1a5fS0tL+cmxMTIwKCgq0c+dOp/NZWVk6fvy445vKRaFcuXJO3wQ+78K0UpJ8fHzUtm1bPf/88/rhhx/05JNPasWKFfrqq68ueu3zde7YscN47scff1SFChUUFBR0ZW/gEvr06aNNmzbp999/v+iXfc778MMP1aZNG73xxhvq3bu32rdvr3bt2hmfSWEb9sI4efKkBgwYoLi4OA0ZMkSTJ0/WunXriuz6AHAhmkSgGHvkkUcUFBSkQYMGKSsry3h+165devHFFyX9MV0qyfgG8vPPPy9J6tKlS5HVVaNGDWVnZ2vLli2Oc4cOHdKCBQucxh07dsx47flNpS/clue8qKgoNWrUSHPmzHFqur7//nt9+eWXjvfpDm3atNGkSZP00ksvKTIy8pLjfH19jZTygw8+0IEDB5zOnW9mL9ZQu2rMmDHat2+f5syZo+eff15Vq1ZVQkLCJT9HALhSbKYNFGM1atTQ/Pnzdffddys2NtbpF1fWrFmjDz74QP3795ckNWzYUAkJCXr11Vd1/PhxtWrVSmvXrtWcOXPUvXv3S26vcjl69+6tMWPG6M4779SDDz6oU6dOacaMGapdu7bTFzcmTpyo1atXq0uXLoqJidHhw4c1ffp0VapUSbfccsslr//MM8+oU6dOio+P18CBA3X69GlNmzZNISEhGj9+fJG9jwv5+Pjoscce+8txt99+uyZOnKgBAwbo5ptv1tatWzVv3jxVr17daVyNGjUUGhqqmTNnqmzZsgoKClKzZs1UrVo1l+pasWKFpk+frscff9yxJc+sWbPUunVrjR07VpMnT3bpegBQKB7+djWAQvjpp5+swYMHW1WrVrX8/PyssmXLWs2bN7emTZtmnTlzxjEuLy/PmjBhglWtWjWrdOnSVuXKla3k5GSnMZb1xxY4Xbp0Me5z4dYrl9oCx7Is68svv7Tq1atn+fn5WXXq1LHefvttYwuc5cuXW926dbOio6MtPz8/Kzo62rrnnnusn376ybjHhdvELFu2zGrevLkVEBBgBQcHW127drV++OEHpzHn73fhFjuzZs2yJFl79uy55GdqWc5b4FzKpbbAGTlypBUVFWUFBARYzZs3t9LS0i66dc0nn3xixcXFWaVKlXJ6n61atbKuv/76i97zf6+Tk5NjxcTEWDfccIOVl5fnNG7EiBGWj4+PlZaW9qfvAQAuh82yXFjZDQAAAK/AmkQAAAAYaBIBAABgoEkEAACAgSYRAAAABppEAAAAGGgSAQAAYKBJBAAAgOGa/MWVgMbDPF0CADf5bd1Lni4BgJv4e7ArcWfvcHpTyfz3FkkiAAAADNdkkggAAOASG7nZhWgSAQAAbDZPV1Ds0DYDAADAQJIIAADAdLOBTwQAAAAGkkQAAADWJBpIEgEAAGAgSQQAAGBNooFPBAAAAAaSRAAAANYkGmgSAQAAmG428IkAAADAQJIIAADAdLOBJBEAAAAGkkQAAADWJBr4RAAAAGAgSQQAAGBNooEkEQAAAAaSRAAAANYkGmgSAQAAmG420DYDAADAQJIIAADAdLOBTwQAAKCYmDFjhho0aKDg4GAFBwcrPj5eS5YscTzfunVr2Ww2p2Po0KFO19i3b5+6dOmiwMBAhYeHa/To0Tp37pzLtZAkAgAAFJMksVKlSnr66adVq1YtWZalOXPmqFu3btq0aZOuv/56SdLgwYM1ceJEx2sCAwMdf87Pz1eXLl0UGRmpNWvW6NChQ+rXr59Kly6tp556yqVaaBIBAACKia5duzo9fvLJJzVjxgx9++23jiYxMDBQkZGRF339l19+qR9++EHLli1TRESEGjVqpEmTJmnMmDEaP368/Pz8Cl1L8WibAQAAPMnH5rYjNzdXOTk5Tkdubu5flpSfn693331XJ0+eVHx8vOP8vHnzVKFCBdWrV0/Jyck6deqU47m0tDTVr19fERERjnMdOnRQTk6Otm3b5tpH4tJoAAAAuCQlJUUhISFOR0pKyiXHb926VWXKlJHdbtfQoUO1YMECxcXFSZL69Omjt99+W1999ZWSk5M1d+5c3XvvvY7XZmZmOjWIkhyPMzMzXaqb6WYAAAA3rklMTn5ESUlJTufsdvslx9epU0fp6enKzs7Whx9+qISEBK1atUpxcXEaMmSIY1z9+vUVFRWltm3bateuXapRo0aR1k2TCAAA4MbNtO12+582hRfy8/NTzZo1JUlNmjTRunXr9OKLL+qVV14xxjZr1kySlJGRoRo1aigyMlJr1651GpOVlSVJl1zHeClMNwMAABRjBQUFl1zDmJ6eLkmKioqSJMXHx2vr1q06fPiwY0xqaqqCg4MdU9aFRZIIAABQTLbASU5OVqdOnVSlShX9/vvvmj9/vlauXKmlS5dq165dmj9/vjp37qzy5ctry5YtGjFihFq2bKkGDRpIktq3b6+4uDjdd999mjx5sjIzM/XYY48pMTHRpTRTokkEAAAoNg4fPqx+/frp0KFDCgkJUYMGDbR06VLddttt2r9/v5YtW6YXXnhBJ0+eVOXKldWzZ0899thjjtf7+vpq8eLFuv/++xUfH6+goCAlJCQ47atYWDbLsqyifHPFQUDjYZ4uAYCb/LbuJU+XAMBN/D0YXQXc9h+3Xft06hi3Xdudike2CgAAgGKF6WYAAIBisiaxOOETAQAAgIEkEQAAwI37JJZUNIkAAABMNxv4RAAAAGAgSQQAAGC62UCSCAAAAANJIgAAAGsSDXwiAAAAMJAkAgAAsCbRQJIIAAAAA0kiAAAAaxINNIkAAAA0iQY+EQAAABhIEgEAAPjiioEkEQAAAAaSRAAAANYkGvhEAAAAYCBJBAAAYE2igSQRAAAABpJEAAAA1iQaaBIBAACYbjbQNgMAAMBAkggAALyejSTRQJIIAAAAA0kiAADweiSJJpJEAAAAGEgSAQAACBINJIkAAAAwkCQCAACvx5pEE00iAADwejSJJqabAQAAYCBJBAAAXo8k0USSCAAAAANJIgAA8HokiSaSRAAAABhIEgEAAAgSDSSJAAAAMJAkAgAAr8eaRBNJIgAAAAwkiQAAwOuRJJpoEgEAgNejSTQx3QwAAAADSSIAAPB6JIkmkkQAAAAYSBIBAAAIEg0kiQAAADCQJAIAAK/HmkQTSSIAAAAMJIkAAMDrkSSaaBIBAIDXo0k0Md0MAAAAA0kiAAAAQaKBJBEAAAAGkkQAAOD1WJNoIkkEAAAoJmbMmKEGDRooODhYwcHBio+P15IlSxzPnzlzRomJiSpfvrzKlCmjnj17Kisry+ka+/btU5cuXRQYGKjw8HCNHj1a586dc7kWmkQAAOD1bDab2w5XVKpUSU8//bQ2bNig9evX69Zbb1W3bt20bds2SdKIESO0aNEiffDBB1q1apUOHjyoHj16OF6fn5+vLl266OzZs1qzZo3mzJmj2bNna9y4ca5/JpZlWS6/qpgLaDzM0yUAcJPf1r3k6RIAuIm/BxfBRQ7+0G3Xznztrit6fVhYmJ555hndddddqlixoubPn6+77vrjmj/++KNiY2OVlpamm266SUuWLNHtt9+ugwcPKiIiQpI0c+ZMjRkzRkeOHJGfn1+h70uSCAAAvJ47k8Tc3Fzl5OQ4Hbm5uX9ZU35+vt59912dPHlS8fHx2rBhg/Ly8tSuXTvHmLp166pKlSpKS0uTJKWlpal+/fqOBlGSOnTooJycHEcaWVg0iQAAwOu5s0lMSUlRSEiI05GSknLJWrZu3aoyZcrIbrdr6NChWrBggeLi4pSZmSk/Pz+FhoY6jY+IiFBmZqYkKTMz06lBPP/8+edcwbebAQAA3Cg5OVlJSUlO5+x2+yXH16lTR+np6crOztaHH36ohIQErVq1yt1lGmgSAQAA3LgDjt1u/9Om8EJ+fn6qWbOmJKlJkyZat26dXnzxRd199906e/asjh8/7pQmZmVlKTIyUpIUGRmptWvXOl3v/Lefz48pLKabAQAAirGCggLl5uaqSZMmKl26tJYvX+54bseOHdq3b5/i4+MlSfHx8dq6dasOHz7sGJOamqrg4GDFxcW5dF+SRAAA4PWKy2baycnJ6tSpk6pUqaLff/9d8+fP18qVK7V06VKFhIRo4MCBSkpKUlhYmIKDgzV8+HDFx8frpptukiS1b99ecXFxuu+++zR58mRlZmbqscceU2JioktppkSTCAAAUGwcPnxY/fr106FDhxQSEqIGDRpo6dKluu222yRJU6ZMkY+Pj3r27Knc3Fx16NBB06dPd7ze19dXixcv1v3336/4+HgFBQUpISFBEydOdLkW9kkEUKKwTyJw7fLkPomVHljotmv/Mr27267tTqxJBAAAgIHpZgAA4PWKy5rE4oQmEQAAgB7RwHQzAAAADCSJAADA6zHdbCJJBAAAgIEkEQAAeD2SRBNJIgAAAAwkiSh2Bv/9Fg2+q4ViosMkSdt3Z+qpV5foy//+oCpRYdrx+cV3je87+g19vGyTJOm5R+7STQ2r6/qaUfpxT5Zu6v30VasfQOG98dorWp76pfbs2S27v78aNWqsh5NGqWq16k7jNqdv0rQXp2jr1i3y9fFRnbqxmvHqG/L39/dQ5bjWkCSaaBJR7BzIOq6x0z5Rxr4jssmme7s20wdThuim3k9rx94sVW2X7DT+Hz2ba0S/dlr6321O59/65Fs1rR+jerWuu5rlA3DB+nVrdfc9fXV9/frKP5evaS8+r6GDB+rjTz9TYGCgpD8axAf+OUj/GPRPPfrvsSrl66sdO36Ujw+TYYA70SSi2Pl89fdOj8e/vEiD/36L/tagmrbvzlTW0d+dnr+jTUN9lLpRJ0+fdZwbOflDSVKFcp1pEoFibMarbzg9nvjk02rTIl7bf9imJjc2lSQ9858U3dP3Pg0cPMQx7sKkEbhSJIkmjzaJv/76q958802lpaUpMzNTkhQZGambb75Z/fv3V8WKFT1ZHooBHx+bet52g4IC/PTdlj3G841jK6tR3coa8fT7HqgOQFE78fsf/ycwOCREknT06FFt3bJZnW/vqn59e2v//n2qVq26hj34sG5ocqMnS8W1hh7R4LEmcd26derQoYMCAwPVrl071a5dW5KUlZWlqVOn6umnn9bSpUt1441//i+B3Nxc5ebmOp2zCvJl8/F1W+1wv+trRmvlnJHy9yulE6dzdffI1/Tj7kxjXEL3eG3ffUjfbjYbSAAlS0FBgSb/5yk1anyDatX6478JB37ZL0ma+fJLShr9iOrUjdXiTxZqyMD++uiTxYqJqerBioFrm8eaxOHDh+vvf/+7Zs6caUS8lmVp6NChGj58uNLS0v70OikpKZowYYLTOd+Ipiod9bcirxlXz097s9Ssd4pCygToznaN9drE+9R+0ItOjaK/vbTu7nSjnn7tCw9WCqCoPPXEBO3auVOz5853nCsoKJAk3dXrbnW/s6ckKTY2Tt99l6aFH3+kh0aM9EituPYw3Wzy2KrfzZs3a8SIERf9H8Vms2nEiBFKT0//y+skJycrOzvb6SgV0cQNFeNqyjuXr937f9Wm7fs1btqn2vrTASXe09ppzJ3tGinQ30/zFq/1TJEAisxTT0zU6lUr9dqsOYqIjHScr/B/y46q16jhNL5a9RrKPHTwqtYIeBuPNYmRkZFau/bS/3Ffu3atIiIi/vI6drtdwcHBTgdTzdceH5tNdj/n4Lt/95v12aqt+vW3Ex6qCsCVsixLTz0xUSuWp+q1N+eoUqXKTs9fd10lVQwP1949zktKft67V1HRfCkNRcdms7ntKKk8Nt08atQoDRkyRBs2bFDbtm0dDWFWVpaWL1+u1157Tc8++6ynyoMHTRx+h5b+d5v2H/pNZYP8dXenG9Xyxlrq+sB0x5jqlSvolhtqqPvwGRe9RvXKFVQmwK6ICsEKsJdWg9p//Mdk++5M5Z3LvyrvA8Bfe2rSBC35fLFemDZdQYFB+vXIEUlSmbJl5e/vL5vNpv4DBmrGy9NUp05d1akbq08/WaC9e3bruSlTPVw9cG3zWJOYmJioChUqaMqUKZo+fbry8//4D7evr6+aNGmi2bNnq1evXp4qDx5UMayM3pjUT5EVgpV94oy+33lAXR+YrhXf/egYk9AtXgeyjmtZ2o8XvcaMcX3V8sZajsffvffH3op1Oo/TvkPH3PsGABTa+++9I0ka2P8+p/MTn0hRtzt7SJLu7ddfubln9czkFGVnZ6tOnbqa+dqbqlylylWvF9euEhz4uY3NsizL00Xk5eXp119/lSRVqFBBpUuXvqLrBTQeVhRlASiGflv3kqdLAOAm/h7cmK/mqCVuu3bGs53cdm13KhabaZcuXVpRUVGeLgMAAHipkrx20F2KRZMIAADgSfSIJn74EgAAAAaSRAAA4PWYbjaRJAIAAMBAkggAALweQaKJJBEAAAAGkkQAAOD1fHyIEi9EkggAAAADSSIAAPB6rEk00SQCAACvxxY4JqabAQAAYCBJBAAAXo8g0USSCAAAAANJIgAA8HqsSTSRJAIAAMBAkggAALweSaKJJBEAAAAGkkQAAOD1CBJNNIkAAMDrMd1sYroZAAAABpJEAADg9QgSTSSJAAAAMJAkAgAAr8eaRBNJIgAAAAwkiQAAwOsRJJpIEgEAAGAgSQQAAF6PNYkmkkQAAAAYSBIBAIDXI0g00SQCAACvx3SzielmAAAAGEgSAQCA1yNINJEkAgAAwECSCAAAvB5rEk0kiQAAADCQJAIAAK9HkGgiSQQAACgmUlJS1LRpU5UtW1bh4eHq3r27duzY4TSmdevWstlsTsfQoUOdxuzbt09dunRRYGCgwsPDNXr0aJ07d86lWkgSAQCA1ysuaxJXrVqlxMRENW3aVOfOndO//vUvtW/fXj/88IOCgoIc4wYPHqyJEyc6HgcGBjr+nJ+fry5duigyMlJr1qzRoUOH1K9fP5UuXVpPPfVUoWuhSQQAAF6vmPSI+uKLL5wez549W+Hh4dqwYYNatmzpOB8YGKjIyMiLXuPLL7/UDz/8oGXLlikiIkKNGjXSpEmTNGbMGI0fP15+fn6FqoXpZgAAADfKzc1VTk6O05Gbm1uo12ZnZ0uSwsLCnM7PmzdPFSpUUL169ZScnKxTp045nktLS1P9+vUVERHhONehQwfl5ORo27Ztha6bJhEAAHi9C9f4FeWRkpKikJAQpyMlJeUvayooKNDDDz+s5s2bq169eo7zffr00dtvv62vvvpKycnJmjt3ru69917H85mZmU4NoiTH48zMzEJ/Jkw3AwAAuFFycrKSkpKcztnt9r98XWJior7//nt98803TueHDBni+HP9+vUVFRWltm3bateuXapRo0bRFC2aRAAAALd+ccVutxeqKfxfw4YN0+LFi7V69WpVqlTpT8c2a9ZMkpSRkaEaNWooMjJSa9eudRqTlZUlSZdcx3gxTDcDAAAUE5ZladiwYVqwYIFWrFihatWq/eVr0tPTJUlRUVGSpPj4eG3dulWHDx92jElNTVVwcLDi4uIKXQtJIgAA8HrF5dvNiYmJmj9/vj755BOVLVvWsYYwJCREAQEB2rVrl+bPn6/OnTurfPny2rJli0aMGKGWLVuqQYMGkqT27dsrLi5O9913nyZPnqzMzEw99thjSkxMdCnRJEkEAAAoJmbMmKHs7Gy1bt1aUVFRjuO9996TJPn5+WnZsmVq37696tatq5EjR6pnz55atGiR4xq+vr5avHixfH19FR8fr3vvvVf9+vVz2lexMEgSAQCA1ysum2lblvWnz1euXFmrVq36y+vExMTo888/v6JaaBIBAIDXKyY9YrHCdDMAAAAMJIkAAMDrFZfp5uKEJBEAAAAGkkQAAOD1CBJNJIkAAAAwkCQCAACv50OUaCBJBAAAgIEkEQAAeD2CRBNNIgAA8HpsgWNiuhkAAAAGkkQAAOD1fAgSDSSJAAAAMJAkAgAAr8eaRBNJIgAAAAwkiQAAwOsRJJpIEgEAAGAgSQQAAF7PJqLEC9EkAgAAr8cWOCammwEAAGAgSQQAAF6PLXBMJIkAAAAwkCQCAACvR5BoIkkEAACAgSQRAAB4PR+iRANJIgAAAAxF0iQeP368KC4DAADgETab+46SyuUm8T//+Y/ee+89x+NevXqpfPnyuu6667R58+YiLQ4AAOBqsNlsbjtKKpebxJkzZ6py5cqSpNTUVKWmpmrJkiXq1KmTRo8eXeQFAgAA4Opz+YsrmZmZjiZx8eLF6tWrl9q3b6+qVauqWbNmRV4gAACAu5XgwM9tXE4Sy5Urp/3790uSvvjiC7Vr106SZFmW8vPzi7Y6AAAAeITLSWKPHj3Up08f1apVS0ePHlWnTp0kSZs2bVLNmjWLvEAAAAB3Ywsck8tN4pQpU1S1alXt379fkydPVpkyZSRJhw4d0gMPPFDkBQIAAODqc7lJLF26tEaNGmWcHzFiRJEUBAAAcLWRI5oK1SR++umnhb7gHXfccdnFAAAAoHgoVJPYvXv3Ql3MZrPx5RUAAFDilOT9DN2lUE1iQUGBu+sAAADwGB96RMMV/SzfmTNniqoOAAAAFCMuN4n5+fmaNGmSrrvuOpUpU0a7d++WJI0dO1ZvvPFGkRcIAADgbvwsn8nlJvHJJ5/U7NmzNXnyZPn5+TnO16tXT6+//nqRFgcAAADPcLlJfOutt/Tqq6+qb9++8vX1dZxv2LChfvzxxyItDgAA4Gqw2dx3lFQuN4kHDhy46C+rFBQUKC8vr0iKAgAAgGe53CTGxcXp66+/Ns5/+OGHaty4cZEUBQAAcDWxJtHk8i+ujBs3TgkJCTpw4IAKCgr08ccfa8eOHXrrrbe0ePFid9QIAACAq8zlJLFbt25atGiRli1bpqCgII0bN07bt2/XokWLdNttt7mjRgAAALfysbnvKKlcThIlqUWLFkpNTS3qWgAAADyiJE8Lu8tlNYmStH79em3fvl3SH+sUmzRpUmRFAQAAwLNcbhJ/+eUX3XPPPfrvf/+r0NBQSdLx48d18803691331WlSpWKukYAAAC3Ikc0ubwmcdCgQcrLy9P27dt17NgxHTt2TNu3b1dBQYEGDRrkjhoBAABwlbmcJK5atUpr1qxRnTp1HOfq1KmjadOmqUWLFkVaHAAAwNXgw5pEg8tJYuXKlS+6aXZ+fr6io6OLpCgAAAB4lstN4jPPPKPhw4dr/fr1jnPr16/XQw89pGeffbZIiwMAALga+Fk+U6Gmm8uVK+f01fCTJ0+qWbNmKlXqj5efO3dOpUqV0j/+8Q91797dLYUCAADg6ilUk/jCCy+4uQwAAADPYZ9EU6GaxISEBHfXAQAAgGLksjfTlqQzZ87o7NmzTueCg4OvqCAAAICrjSDR5PIXV06ePKlhw4YpPDxcQUFBKleunNMBAABQ0vjYbG47XJGSkqKmTZuqbNmyCg8PV/fu3bVjxw6nMWfOnFFiYqLKly+vMmXKqGfPnsrKynIas2/fPnXp0kWBgYEKDw/X6NGjde7cOdc+E5dGS3rkkUe0YsUKzZgxQ3a7Xa+//romTJig6OhovfXWW65eDgAAAP9n1apVSkxM1LfffqvU1FTl5eWpffv2OnnypGPMiBEjtGjRIn3wwQdatWqVDh48qB49ejiez8/PV5cuXXT27FmtWbNGc+bM0ezZszVu3DiXarFZlmW58oIqVarorbfeUuvWrRUcHKyNGzeqZs2amjt3rt555x19/vnnLhXgDgGNh3m6BABu8tu6lzxdAgA38b+iRXBX5oGPf3Dbtaf3iLvs1x45ckTh4eFatWqVWrZsqezsbFWsWFHz58/XXXfdJUn68ccfFRsbq7S0NN10001asmSJbr/9dh08eFARERGSpJkzZ2rMmDE6cuSI/Pz8CnVvl5PEY8eOqXr16pL+WH947NgxSdItt9yi1atXu3o5AACAa1pubq5ycnKcjtzc3EK9Njs7W5IUFhYmSdqwYYPy8vLUrl07x5i6deuqSpUqSktLkySlpaWpfv36jgZRkjp06KCcnBxt27at0HW73CRWr15de/bscRT1/vvvS5IWLVqk0NBQVy8HAADgcTabzW1HSkqKQkJCnI6UlJS/rKmgoEAPP/ywmjdvrnr16kmSMjMz5efnZ/RcERERyszMdIz53wbx/PPnnyssl4PdAQMGaPPmzWrVqpUeffRRde3aVS+99JLy8vL0/PPPu3o5AACAa1pycrKSkpKcztnt9r98XWJior7//nt988037irtT7ncJI4YMcLx53bt2unHH3/Uhg0bVLNmTTVo0KBIi7tcmWumeroEAG7y2nd7PF0CADcZ3ryax+7t8tSqC+x2e6Gawv81bNgwLV68WKtXr1alSpUc5yMjI3X27FkdP37cKU3MyspSZGSkY8zatWudrnf+28/nxxTGFX8mMTEx6tGjR7FpEAEAAEoqy7I0bNgwLViwQCtWrFC1as6Nc5MmTVS6dGktX77ccW7Hjh3at2+f4uPjJUnx8fHaunWrDh8+7BiTmpqq4OBgxcUV/ks0hUoSp04tfDL34IMPFnosAABAcVBcfpYvMTFR8+fP1yeffKKyZcs61hCGhIQoICBAISEhGjhwoJKSkhQWFqbg4GANHz5c8fHxuummmyRJ7du3V1xcnO677z5NnjxZmZmZeuyxx5SYmOhSolmoLXAu7GIveTGbTbt37y70zd0l+3SBp0sA4CZvbfzZ0yUAcBNPTjc//MmPbrv2C93qFnrspZrVWbNmqX///pL+2Ex75MiReuedd5Sbm6sOHTpo+vTpTlPJP//8s+6//36tXLlSQUFBSkhI0NNPP61SpQq/0tDlfRJLAppE4NpFkwhcu2gSixcPblsJAABQPPgUj9nmYsWdX+YBAABACUWSCAAAvF5x+eJKcUKSCAAAAANJIgAA8HqsSTRdVpL49ddf695771V8fLwOHDggSZo7d67HfjYGAAAARcvlJvGjjz5Shw4dFBAQoE2bNik3N1eSlJ2draeeeqrICwQAAHA3m819R0nlcpP4xBNPaObMmXrttddUunRpx/nmzZtr48aNRVocAADA1eBjs7ntKKlcbhJ37Nihli1bGudDQkJ0/PjxoqgJAAAAHuZykxgZGamMjAzj/DfffKPq1asXSVEAAABXk48bj5LK5doHDx6shx56SN99951sNpsOHjyoefPmadSoUbr//vvdUSMAAACuMpe3wHn00UdVUFCgtm3b6tSpU2rZsqXsdrtGjRql4cOHu6NGAAAAtyrBSwfdxuUm0Waz6d///rdGjx6tjIwMnThxQnFxcSpTpow76gMAAIAHXPZm2n5+foqLiyvKWgAAADyiJH8L2V1cbhLbtGnzp79vuGLFiisqCAAAAJ7ncpPYqFEjp8d5eXlKT0/X999/r4SEhKKqCwAA4KohSDS53CROmTLloufHjx+vEydOXHFBAAAAVxu/3Wwqsu177r33Xr355ptFdTkAAAB40GV/ceVCaWlp8vf3L6rLAQAAXDV8ccXkcpPYo0cPp8eWZenQoUNav369xo4dW2SFAQAAwHNcbhJDQkKcHvv4+KhOnTqaOHGi2rdvX2SFAQAAXC0EiSaXmsT8/HwNGDBA9evXV7ly5dxVEwAAADzMpS+u+Pr6qn379jp+/LibygEAALj6fGzuO0oql7/dXK9ePe3evdsdtQAAAKCYcLlJfOKJJzRq1CgtXrxYhw4dUk5OjtMBAABQ0tjc+E9JVeg1iRMnTtTIkSPVuXNnSdIdd9zh9PN8lmXJZrMpPz+/6KsEAABwo5I8LewuhW4SJ0yYoKFDh+qrr75yZz0AAAAoBgrdJFqWJUlq1aqV24oBAADwBJJEk0trEm1sIgQAAOAVXNonsXbt2n/ZKB47duyKCgIAALjaCMJMLjWJEyZMMH5xBQAAANcel5rE3r17Kzw83F21AAAAeARrEk2FXpNIDAsAAOA9XP52MwAAwLWGLMxU6CaxoKDAnXUAAAB4jA9dosHln+UDAADAtc+lL64AAABci/jiiokkEQAAAAaSRAAA4PVYkmgiSQQAAICBJBEAAHg9HxElXogkEQAAAAaSRAAA4PVYk2iiSQQAAF6PLXBMTDcDAADAQJIIAAC8Hj/LZyJJBAAAgIEkEQAAeD2CRBNJIgAAAAwkiQAAwOuxJtFEkggAAAADSSIAAPB6BIkmmkQAAOD1mFo18ZkAAADAQJIIAAC8no35ZgNJIgAAAAw0iQAAwOvZ3Hi4avXq1eratauio6Nls9m0cOFCp+f79+8vm83mdHTs2NFpzLFjx9S3b18FBwcrNDRUAwcO1IkTJ1yqgyYRAACgGDl58qQaNmyol19++ZJjOnbsqEOHDjmOd955x+n5vn37atu2bUpNTdXixYu1evVqDRkyxKU6WJMIAAC8XnHaTLtTp07q1KnTn46x2+2KjIy86HPbt2/XF198oXXr1unGG2+UJE2bNk2dO3fWs88+q+jo6ELVQZIIAADgRrm5ucrJyXE6cnNzr+iaK1euVHh4uOrUqaP7779fR48edTyXlpam0NBQR4MoSe3atZOPj4++++67Qt+DJhEAAHg9d65JTElJUUhIiNORkpJy2bV27NhRb731lpYvX67//Oc/WrVqlTp16qT8/HxJUmZmpsLDw51eU6pUKYWFhSkzM7PQ92G6GQAAeD13zjYnJycrKSnJ6Zzdbr/s6/Xu3dvx5/r166tBgwaqUaOGVq5cqbZt2172dS9EkggAAOBGdrtdwcHBTseVNIkXql69uipUqKCMjAxJUmRkpA4fPuw05ty5czp27Ngl1zFeDE0iAADwehduKVOUh7v98ssvOnr0qKKioiRJ8fHxOn78uDZs2OAYs2LFChUUFKhZs2aFvi7TzQAAAMXIiRMnHKmgJO3Zs0fp6ekKCwtTWFiYJkyYoJ49eyoyMlK7du3SI488opo1a6pDhw6SpNjYWHXs2FGDBw/WzJkzlZeXp2HDhql3796F/mazRJIIAAAgHzcerlq/fr0aN26sxo0bS5KSkpLUuHFjjRs3Tr6+vtqyZYvuuOMO1a5dWwMHDlSTJk309ddfO01hz5s3T3Xr1lXbtm3VuXNn3XLLLXr11VddqsNmWZZ1GfUXa9mnCzxdAgA3eWvjz54uAYCbDG9ezWP3fm/TAbdd++7G17nt2u7EdDMAAPB6V2PtYEnDdDMAAAAMJIkAAMDrkSOaSBIBAABgIEkEAABejzWJJppEAADg9ZhaNfGZAAAAwECSCAAAvB7TzSaSRAAAABhIEgEAgNcjRzSRJAIAAMBAkggAALweSxJNJIkAAAAwkCQCAACv58OqRANNIgAA8HpMN5uYbgYAAICBJBEAAHg9G9PNBpJEAAAAGEgSAQCA12NNookkEQAAAAaSRAAA4PXYAsdEkggAAAADSSIAAPB6rEk00SQCAACvR5NoYroZAAAABpJEAADg9dhM20SSCAAAAANJIgAA8Ho+BIkGkkQAAAAYSBIBAIDXY02iiSQRAAAABpJEAADg9dgn0USTCAAAvB7TzSammwEAAGAgSQQAAF6PLXBMJIkAAAAwkCQCAACvx5pEE0kiAAAADCSJKBE+fP8dffzBuzp08IAkqVqNmho05AHdfEtLSdIv+/fpxecna3P6RuWdPaubbm6hUY/+W+XLV/Bk2QAu4sCOrdr0xYc6vHenTmUfU+dh41T9hpudxhw7uE9rPnxDB3dsVUF+vsKiq6hT4liVLR8uSfr4P6N1cMdWp9dc37qz2vR78Kq9D1xb2ALHRJOIEiEiIlKJDyapcpUYWbL02aefaNTDwzT33Y8Ufd11Gn7/INWqXUfTX50tSZr58lSNfPABvTn3Xfn4EJgDxcm53DOqULmaYm9pryUvTzKezz58UB+ljFRciw5q1u0++QUE6tiBn+Vb2s9pXFzLTmp2532Ox6X97G6vHfAmNIkoEVq0auP0+IHhD+vjD97V91s368jhwzp08IDmvvuxypQpI0kaPylFbVs20/q13+pvN918sUsC8JCYBk0V06DpJZ//9uM5qtqgqZr3GuQ4FxIebYwr7WdXUEiYW2qE9yFINNEkosTJz8/X8tQvdPr0KdVv0EgHftkvm80mP7//nzL42e3y8fFR+qaNNIlACWIVFGjv5rW6odNd+uS5f+nXfbsUXCFSTbrcbUxJ7/j2K+34doUCQ8qpasNmatq1j0rb/T1UOUo6H+abDcW6Sdy/f78ef/xxvfnmm5cck5ubq9zcXOdzBaVltzPtcK3J2PmTBva7R2fP5iogIFCTn5+m6jVqqly5MPkHBOilF57VA8NHyJKll158Xvn5+Tr66xFPlw3ABad+P6683NPa8Pn7uqlHgm7++0Dt27pen788SXc+8h9dV6eBJKl2szYqWyFcQaHldXT/Hq358E0dz/xFnYeN8/A7AK4dxXqx1rFjxzRnzpw/HZOSkqKQkBCn4/lnnr5KFeJqiqlaVW+/97HenPueevbqrQnjkrV7V4bKhYUpZfIL+nr1SrW6uYluveVvOvF7jurGxsnG7qhAiWIVWJKkao3j1ah9D1WsUkNNutytqg3/pu+/+swxrl7rzoqpd6MqVKqmOvG36rZBo7R74xplHz7oqdJRwtnceJRUHk0SP/300z99fvfu3X95jeTkZCUlJTmdO1NQ+orqQvFUurSfKleJkSTFxl2vH7Zt1Xvz5yp57ATddHNzLVj8pY7/9pt8fX1VNjhYHdu20G3XVfZw1QBcEVA2WD6+vgqLruJ0Piyqig7u3HbJ10VUrytJOn744EXXLwJwnUebxO7du8tms8myrEuOsf3FGgG73W5MLVunC4qkPhRvBQWWzp4963QutFw5SdK6td/qt2NH1bL1rZ4oDcBl8i1VWuFVa+t45i9O549nHnBsf3Mxv+7bJUl8kQWXryRHfm7i0enmqKgoffzxxyooKLjosXHjRk+Wh2Lk5anPa+OGdTp44IAydv70x+P1a9Wx8+2SpEULP9bWLen6Zf8+LfnsUyWPflj33JugmKrVPFw5gAudPXNaR/bt0pH/a+xyfs3UkX279PvRw5Kkxh3v0s61q7Vt1RIdzzqoLcs/1Z7N36p+mz/+vmcfPqh1n87T4b07lfNrpvZsSlPq688qunZ9Vahc3WPvC7jWeDRJbNKkiTZs2KBu3bpd9Pm/ShnhPY4dO6oJjz2qX389ojJlyqpm7dqaOv01NYtvLkn6+ec9ennaFOVkZysqOloDBg1Vn3sTPFw1gIs5vPcnLZw8xvH4m3dflSTVbd5O7QaOUo0mzdW633Bt+Ow9rZ4/Q+UiK6lT4lhF164nSfIpVVr7f0hXeupCncs9ozJhFVWjSXM17XqPR94Prg38LJ/JZnmwC/v666918uRJdezY8aLPnzx5UuvXr1erVq1cum42083ANeutjT97ugQAbjK8uedmf77ble22azerEeK2a7uTR5PEFi1a/OnzQUFBLjeIAAAArmKbRFOx3icRAADgaqBHNBXrfRIBAADgGSSJAAAARIkGkkQAAAAYSBIBAIDXYwscE0kiAAAADDSJAADA69ls7jtctXr1anXt2lXR0dGy2WxauHCh0/OWZWncuHGKiopSQECA2rVrp507dzqNOXbsmPr27avg4GCFhoZq4MCBOnHihEt10CQCAAAUIydPnlTDhg318ssvX/T5yZMna+rUqZo5c6a+++47BQUFqUOHDjpz5oxjTN++fbVt2zalpqZq8eLFWr16tYYMGeJSHR79xRV34RdXgGsXv7gCXLs8+YsrG/fmuO3aN1QNvuzX2mw2LViwQN27d5f0R4oYHR2tkSNHatSoUZKk7OxsRUREaPbs2erdu7e2b9+uuLg4rVu3TjfeeKMk6YsvvlDnzp31yy+/KDo6ulD3JkkEAACwue/Izc1VTk6O05Gbm3tZZe7Zs0eZmZlq166d41xISIiaNWumtLQ0SVJaWppCQ0MdDaIktWvXTj4+Pvruu+8KfS+aRAAAADdKSUlRSEiI05GSknJZ18rMzJQkRUREOJ2PiIhwPJeZmanw8HCn50uVKqWwsDDHmMJgCxwAAOD13LkFTnJyspKSkpzO2e12t92vqNAkAgAAuJHdbi+ypjAyMlKSlJWVpaioKMf5rKwsNWrUyDHm8OHDTq87d+6cjh075nh9YTDdDAAAvF5x2gLnz1SrVk2RkZFavny541xOTo6+++47xcfHS5Li4+N1/PhxbdiwwTFmxYoVKigoULNmzQp9L5JEAACAYuTEiRPKyMhwPN6zZ4/S09MVFhamKlWq6OGHH9YTTzyhWrVqqVq1aho7dqyio6Md34COjY1Vx44dNXjwYM2cOVN5eXkaNmyYevfuXehvNks0iQAAAMXqR/nWr1+vNm3aOB6fX8+YkJCg2bNn65FHHtHJkyc1ZMgQHT9+XLfccou++OIL+fv7O14zb948DRs2TG3btpWPj4969uypqVOnulQH+yQCKFHYJxG4dnlyn8TN+35327UbVinrtmu7E0kiAABAcYoSiwmaRAAA4PXcuQVOScW3mwEAAGAgSQQAAF6vqLequRaQJAIAAMBAkggAALweQaKJJBEAAAAGkkQAAACiRANJIgAAAAwkiQAAwOuxT6KJJBEAAAAGkkQAAOD12CfRRJMIAAC8Hj2iielmAAAAGEgSAQAAiBINJIkAAAAwkCQCAACvxxY4JpJEAAAAGEgSAQCA12MLHBNJIgAAAAwkiQAAwOsRJJpoEgEAAOgSDUw3AwAAwECSCAAAvB5b4JhIEgEAAGAgSQQAAF6PLXBMJIkAAAAwkCQCAACvR5BoIkkEAACAgSQRAACAKNFAkwgAALweW+CYmG4GAACAgSQRAAB4PbbAMZEkAgAAwECSCAAAvB5BookkEQAAAAaSRAAAAKJEA0kiAAAADCSJAADA67FPookmEQAAeD22wDEx3QwAAAADSSIAAPB6BIkmkkQAAAAYSBIBAIDXY02iiSQRAAAABpJEAAAAViUaSBIBAABgIEkEAABejzWJJppEAADg9egRTUw3AwAAwECSCAAAvB7TzSaSRAAAABhIEgEAgNezsSrRQJIIAAAAA0kiAAAAQaKBJBEAAAAGmkQAAOD1bG48XDF+/HjZbDano27duo7nz5w5o8TERJUvX15lypRRz549lZWVdblv+0/RJAIAAK9ns7nvcNX111+vQ4cOOY5vvvnG8dyIESO0aNEiffDBB1q1apUOHjyoHj16FOEn8f+xJhEAAKAYKVWqlCIjI43z2dnZeuONNzR//nzdeuutkqRZs2YpNjZW3377rW666aYirYMkEQAAeD2bG//Jzc1VTk6O05Gbm3vJWnbu3Kno6GhVr15dffv21b59+yRJGzZsUF5entq1a+cYW7duXVWpUkVpaWlF/pnQJAIAALhRSkqKQkJCnI6UlJSLjm3WrJlmz56tL774QjNmzNCePXvUokUL/f7778rMzJSfn59CQ0OdXhMREaHMzMwir5vpZgAAADdugZOcnKykpCSnc3a7/aJjO3Xq5PhzgwYN1KxZM8XExOj9999XQECA+4q8CJJEAAAAN7Lb7QoODnY6LtUkXig0NFS1a9dWRkaGIiMjdfbsWR0/ftxpTFZW1kXXMF4pmkQAAOD1issWOBc6ceKEdu3apaioKDVp0kSlS5fW8uXLHc/v2LFD+/btU3x8/BXeycR0MwAAQDExatQode3aVTExMTp48KAef/xx+fr66p577lFISIgGDhyopKQkhYWFKTg4WMOHD1d8fHyRf7NZokkEAAC4rP0M3eGXX37RPffco6NHj6pixYq65ZZb9O2336pixYqSpClTpsjHx0c9e/ZUbm6uOnTooOnTp7ulFptlWZZbruxB2acLPF0CADd5a+PPni4BgJsMb17NY/c+djLfbdcOC/J127XdiTWJAAAAMDDdDAAAvF5xmW4uTkgSAQAAYKBJBAAAgIEmEQAAAAbWJAIAAK/HmkQTSSIAAAAMJIkAAMDr2a74B/SuPTSJAADA6zHdbGK6GQAAAAaSRAAA4PUIEk0kiQAAADCQJAIAABAlGkgSAQAAYCBJBAAAXo8tcEwkiQAAADCQJAIAAK/HPokmkkQAAAAYSBIBAIDXI0g00SQCAADQJRqYbgYAAICBJBEAAHg9tsAxkSQCAADAQJIIAAC8HlvgmEgSAQAAYLBZlmV5ugjgcuXm5iolJUXJycmy2+2eLgdAEeLvN+BZNIko0XJychQSEqLs7GwFBwd7uhwARYi/34BnMd0MAAAAA00iAAAADDSJAAAAMNAkokSz2+16/PHHWdQOXIP4+w14Fl9cAQAAgIEkEQAAAAaaRAAAABhoEgEAAGCgSQQAAICBJhEl2ssvv6yqVavK399fzZo109q1az1dEoArtHr1anXt2lXR0dGy2WxauHChp0sCvBJNIkqs9957T0lJSXr88ce1ceNGNWzYUB06dNDhw4c9XRqAK3Dy5Ek1bNhQL7/8sqdLAbwaW+CgxGrWrJmaNm2ql156SZJUUFCgypUra/jw4Xr00Uc9XB2AomCz2bRgwQJ1797d06UAXockESXS2bNntWHDBrVr185xzsfHR+3atVNaWpoHKwMA4NpAk4gS6ddff1V+fr4iIiKczkdERCgzM9NDVQEAcO2gSQQAAICBJhElUoUKFeTr66usrCyn81lZWYqMjPRQVQAAXDtoElEi+fn5qUmTJlq+fLnjXEFBgZYvX674+HgPVgYAwLWhlKcLAC5XUlKSEhISdOONN+pvf/ubXnjhBZ08eVIDBgzwdGkArsCJEyeUkZHheLxnzx6lp6crLCxMVapU8WBlgHdhCxyUaC+99JKeeeYZZWZmqlGjRpo6daqaNWvm6bIAXIGVK1eqTZs2xvmEhATNnj376hcEeCmaRAAAABhYkwgAAAADTSIAAAAMNIkAAAAw0CQCAADAQJMIAAAAA00iAAAADDSJAAAAMNAkAgAAwECTCOCK9e/fX927d3c8bt26tR5++OGrXsfKlStls9l0/PjxS46x2WxauHBhoa85fvx4NWrU6Irq2rt3r2w2m9LT06/oOgBwNdEkAteo/v37y2azyWazyc/PTzVr1tTEiRN17tw5t9/7448/1qRJkwo1tjCNHQDg6ivl6QIAuE/Hjh01a9Ys5ebm6vPPP1diYqJKly6t5ORkY+zZs2fl5+dXJPcNCwsrkusAADyHJBG4htntdkVGRiomJkb333+/2rVrp08//VTS/58ifvLJJxUdHa06depIkvbv369evXopNDRUYWFh6tatm/bu3eu4Zn5+vpKSkhQaGqry5cvrkUce0YU/AX/hdHNubq7GjBmjypUry263q2bNmnrjjTe0d+9etWnTRpJUrlw52Ww29e/fX5JUUFCglJQUVatWTQEBAWrYsKE+/PBDp/t8/vnnql27tgICAtSmTRunOgtrzJgxql27tgIDA1W9enWNHTtWeXl5xrhXXnlFlStXVmBgoHr16qXs7Gyn519//XXFxsbK399fdevW1fTp0y95z99++019+/ZVxYoVFRAQoFq1amnWrFku1w4A7kSSCHiRgIAAHT161PF4+fLlCg4OVmpqqiQpLy9PHTp0UHx8vL7++muVKlVKTzzxhDp27KgtW7bIz89Pzz33nGbPnq0333xTsbGxeu6557RgwQLdeuutl7xvv379lJaWpqlTp6phw4bas2ePfv31V1WuXFkfffSRevbsqR07dig4OFgBAQGSpJSUFL399tuaOXOmatWqpdWrV+vee+9VxYoV1apVK+3fv189evRQYmKihgwZovXr12vkyJEufyZly5bV7NmzFR0dra1bt2rw4MEqW7asHnnkEceYjIwMvf/++1q0aJFycnI0cOBAPfDAA5o3b54kad68eRo3bpxeeuklNW7cWJs2bdLgwYMVFBSkhIQE455jx47VDz/8oCVLlqhChQrKyMjQ6dOnXa4dANzKAnBNSkhIsLp162ZZlmUVFBRYqamplt1ut0aNGuV4PiIiwsrNzXW8Zu7cuVadOnWsgoICx7nc3FwrICDAWrp0qWVZlhUVFWVNnjzZ8XxeXp5VqVIlx70sy7JatWplPfTQQ5ZlWdaOHTssSVZqaupF6/zqq68sSdZvv/3mOHfmzBkrMDDQWrNmjdPYgQMHWvfcc49lWZaVnJxsxcXFOT0/ZswY41oXkmQtWLDgks8/88wzVpMmTRyPH3/8ccvX19f65ZdfHOeWLFli+fj4WIcOHbIsy7Jq1KhhzZ8/3+k6kyZNsuLj4y3Lsqw9e/ZYkqxNmzZZlmVZXbt2tQYMGHDJGgCgOCBJBK5hixcvVpkyZZSXl6eCggL16dNH48ePdzxfv359p3WImzdvVkZGhsqWLet0nTNnzmjXrl3Kzs7WoUOH1KxZM8dzpUqV0o033mhMOZ+Xnp4uX19ftWrVqtB1Z2Rk6NSpU7rtttuczp89e1aNGzeWJG3fvt2pDkmKj48v9D3Oe++99zR16lTt2rVLJ06c0Llz5xQcHOw0pkqVKrruuuuc7lNQUKAdO3aobNmy2rVrlwYOHKjBgwc7xpw7d04hISEXvef999+vnj17auPGjWrfvr26d++um2++2eXaAcCdaBKBa1ibNm00Y8YM+fn5KTo6WqVKOf+VDwoKcnp84sQJNWnSxDGN+r8qVqx4WTWcnz52xYkTJyRJn332mVNzJv2xzrKopKWlqW/fvpowYYI6dOigkJAQvfvuu3ruuedcrvW1114zmlZfX9+LvqZTp076+eef9fnnnys1NVVt27ZVYmKinn322ct/MwBQxGgSgWtYUFCQatasWejxN9xwg9577z2Fh4cbadp5UVFR+u6779SyZUtJfyRmGzZs0A033HDR8fXr11dBQYFWrVqldu3aGc+fTzLz8/Md5+Li4mS327Vv375LJpCxsbGOL+Gc9+233/71m/wfa9asUUxMjP797387zv3888/GuH379ungwYOKjo523MfHx0d16tRRRESEoqOjtXv3bvXt27fQ965YsaISEhKUkJCgFi1aaPTo0TSJAIoVvt0MwKFv376qUKGCunXrpq+//lp79uzRypUr9eCDD+qXX36RJD300EN6+umntXDhQv3444964IEH/nSPw6pVqyohIUH/+Mc/tHDhQsc133//fUlSTEyMbDabFi9erCNHjujEiRMqW7asRo0apREjRmjOnDnatWuXNm7cqGnTpmnOnDmSpKFDh2rnzp0aPXq0duzYofnz52v27Nkuvd9atWpp3759evfdd7Vr1y5NnTpVCxYsMMb5+/srISFBmzdv1tdff60HH3xQvXr1UmRkpCRpwoQJSklJ0dSpU/XTTz9p69atmjVrlp5//vmL3nfcuHH65JNPlJGRoW3btmnx4sWKjY11qXYAcDeaRAAOgYGBWr16tapUqaIePXooNjZWAwcO1JkzZxzJ4siRI3XfffcpISFB8fHxKlu2rO68884/ve6MGTN011136YEHHlDdunU1ePBgnTx5UpJ03XXXacKECXr00UcVERGhYcOGSZImTZqksWPHKiUlRbGxserYsaM+++wzVatWTdIf6wQ/+ugjLVy4UA0bNtTMmTP11FNPufR+77jjDo0YMULDhg1To0aNtGbNGo0dO9YYV7NmTfXo0UOdO3dW+/bt1aBBA6ctbgYNGqTXX39ds2bNUv369dWqVSvNnj3bUeuF/Pz8lJycrAYNGqhly5by9fXVu+++61LtAOBuNutSq80BAADgtUgSAQAAYKBJBAAAgIEmEQAAAAaaRAAAABhoEgEAAGCgSQQAAICBJhEAAAAGmkQAAAAYaBIBAABgoEkEAACAgSYRAAAAhv8HZ2jzGrLWLlsAAAAASUVORK5CYII=", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "plot_confusion_matrix(y_test, y_pred,(0,1))" + ] + }, + { + "cell_type": "code", + "execution_count": 68, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAr4AAAIjCAYAAADlfxjoAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8pXeV/AAAACXBIWXMAAA9hAAAPYQGoP6dpAACX80lEQVR4nOzdd1zU9R8H8NexhyxFEBEF3CYu3HuQmGVaprhH7hyJmXtmammuzFyliGlqpmVlmpr6SyXNmabiQHOBgiIgCgj3+f3x7e44OJDDg++N1/PxuId3H2687w7wxec+389bIYQQICIiIiIyc1ZyF0BEREREVBwYfImIiIjIIjD4EhEREZFFYPAlIiIiIovA4EtEREREFoHBl4iIiIgsAoMvEREREVkEBl8iIiIisggMvkRERERkERh8iYqJv78/BgwYIHcZFqd169Zo3bq13GW80KxZs6BQKJCQkCB3KUZHoVBg1qxZBrmvmzdvQqFQICIiwiD3BwAnTpyAnZ0d/v33X4Pdp6H16NED3bt3l7sMItkx+JJZiIiIgEKhUJ9sbGzg6+uLAQMG4O7du3KXZ9RSU1MxZ84c1KpVC05OTnBzc0OLFi0QGRkJU+lofvHiRcyaNQs3b96Uu5RcsrKysH79erRu3RolS5aEvb09/P39MXDgQJw8eVLu8gxi8+bNWLp0qdxlaCnOmqZOnYqePXuiQoUK6rHWrVtr/U5ydHRErVq1sHTpUiiVSp338/DhQ3z44YeoWrUqHBwcULJkSYSGhuLnn3/O87GTk5Mxe/Zs1K5dGyVKlICjoyNq1qyJiRMn4t69e+rrTZw4Ed9//z3OnTtX4OdlCd+7ZHkUwlT+ZyPKR0REBAYOHIiPPvoIAQEBSEtLw59//omIiAj4+/vjwoULcHBwkLXG9PR0WFlZwdbWVtY6srt//z7atWuHS5cuoUePHmjVqhXS0tLw/fff43//+x/CwsKwadMmWFtby11qvrZv345u3brh4MGDuWZ3MzIyAAB2dnbFXtezZ8/w9ttvY8+ePWjZsiU6deqEkiVL4ubNm9i2bRuuXLmCW7duoVy5cpg1axZmz56N+Ph4eHp6FnutL+ONN97AhQsXiuwPj7S0NNjY2MDGxualaxJCID09Hba2tgb5vj579izq1q2LY8eOoUmTJurx1q1b4/r165g/fz4AICEhAZs3b8Zff/2FKVOmYO7cuVr3Ex0djXbt2iE+Ph4DBw5E/fr18fjxY2zatAlnz57F+PHjsXDhQq3bxMTEICQkBLdu3UK3bt3QvHlz2NnZ4e+//8a3336LkiVL4sqVK+rrN2rUCFWrVkVkZOQLn5c+37tEJkUQmYH169cLAOKvv/7SGp84caIAILZu3SpTZfJ69uyZyMrKyvProaGhwsrKSvz444+5vjZ+/HgBQHzyySdFWaJOT5480ev63333nQAgDh48WDQFFdLIkSMFALFkyZJcX8vMzBQLFy4Ut2/fFkIIMXPmTAFAxMfHF1k9SqVSPH361OD3+/rrr4sKFSoY9D6zsrLEs2fPCn37oqhJlzFjxojy5csLpVKpNd6qVSvxyiuvaI09e/ZMVKhQQbi4uIjMzEz1eEZGhqhZs6ZwcnISf/75p9ZtMjMzRVhYmAAgtmzZoh5//vy5qF27tnBychJ//PFHrrqSkpLElClTtMY+++wz4ezsLFJSUl74vPT53n0ZL/s+E+mLwZfMQl7B9+effxYAxLx587TGL126JLp27So8PDyEvb29CA4O1hn+EhMTxdixY0WFChWEnZ2d8PX1FX379tUKJ2lpaWLGjBmiYsWKws7OTpQrV058+OGHIi0tTeu+KlSoIPr37y+EEOKvv/4SAERERESux9yzZ48AIH766Sf12J07d8TAgQOFl5eXsLOzEzVq1BBff/211u0OHjwoAIhvv/1WTJ06VZQtW1YoFAqRmJio8zWLiooSAMS7776r8+vPnz8XlStXFh4eHuqwdOPGDQFALFy4UCxevFiUL19eODg4iJYtW4rz58/nuo+CvM6q9+7QoUNixIgRonTp0sLd3V0IIcTNmzfFiBEjRJUqVYSDg4MoWbKkeOedd8SNGzdy3T7nSRWCW7VqJVq1apXrddq6dav4+OOPha+vr7C3txdt27YVV69ezfUcvvjiCxEQECAcHBxEgwYNxP/+979c96nL7du3hY2NjXj11VfzvZ6KKvhevXpV9O/fX7i5uQlXV1cxYMAAkZqaqnXddevWiTZt2ojSpUsLOzs7Ub16dfHll1/mus8KFSqI119/XezZs0cEBwcLe3t7dZAp6H0IIcTu3btFy5YtRYkSJYSLi4uoX7++2LRpkxBCen1zvvbZA2dBfz4AiJEjR4pvvvlG1KhRQ9jY2IidO3eqvzZz5kz1dZOTk8X777+v/rksXbq0CAkJEadOnXphTarv4fXr12s9/qVLl0S3bt2Ep6encHBwEFWqVMkVHHUpX768GDBgQK5xXcFXCCHeeecdAUDcu3dPPfbtt98KAOKjjz7S+RiPHz8W7u7uolq1auqxLVu2CABi7ty5L6xR5dy5cwKA2LFjR77X0/d7t3///jr/yFB9T2en633etm2b8PDw0Pk6JiUlCXt7e/HBBx+oxwr6PUWkS8E/NyIyQaqPOT08PNRj//zzD5o1awZfX19MmjQJzs7O2LZtG7p06YLvv/8eb731FgDgyZMnaNGiBS5duoR3330X9erVQ0JCAnbt2oU7d+7A09MTSqUSb775Jo4cOYKhQ4eievXqOH/+PJYsWYIrV67ghx9+0FlX/fr1ERgYiG3btqF///5aX9u6dSs8PDwQGhoKQFqO0LhxYygUCowaNQqlS5fGr7/+ikGDBiE5ORljx47Vuv2cOXNgZ2eH8ePHIz09Pc+P+H/66ScAQL9+/XR+3cbGBr169cLs2bNx9OhRhISEqL8WGRmJlJQUjBw5EmlpaVi2bBnatm2L8+fPw9vbW6/XWeW9995D6dKlMWPGDKSmpgIA/vrrLxw7dgw9evRAuXLlcPPmTaxcuRKtW7fGxYsX4eTkhJYtW2LMmDH4/PPPMWXKFFSvXh0A1P/m5ZNPPoGVlRXGjx+PpKQkLFiwAL1798bx48fV11m5ciVGjRqFFi1aIDw8HDdv3kSXLl3g4eHxwo94f/31V2RmZqJv3775Xi+n7t27IyAgAPPnz8fp06fx1VdfwcvLC59++qlWXa+88grefPNN2NjY4KeffsJ7770HpVKJkSNHat1fdHQ0evbsiWHDhmHIkCGoWrWqXvcRERGBd999F6+88gomT54Md3d3nDlzBnv27EGvXr0wdepUJCUl4c6dO1iyZAkAoESJEgCg98/H77//jm3btmHUqFHw9PSEv7+/ztdo+PDh2L59O0aNGoUaNWrg4cOHOHLkCC5duoR69erlW5Muf//9N1q0aAFbW1sMHToU/v7+uH79On766adcSxKyu3v3Lm7duoV69erleZ2cVAfXubu7q8de9LPo5uaGzp07Y8OGDbh27RoqVaqEXbt2AYBe3181atSAo6Mjjh49muvnL7vCfu8WVM73uXLlynjrrbewY8cOrF69Wut31g8//ID09HT06NEDgP7fU0S5yJ28iQxBNeu3f/9+ER8fL27fvi22b98uSpcuLezt7bU+kmvXrp0ICgrSmh1QKpWiadOmonLlyuqxGTNm5Dk7ovpYc+PGjcLKyirXR42rVq0SAMTRo0fVY9lnfIUQYvLkycLW1lY8evRIPZaeni7c3d21ZmEHDRokfHx8REJCgtZj9OjRQ7i5ualnY1UzmYGBgQX6OLtLly4CQJ4zwkIIsWPHDgFAfP7550IIzWyZo6OjuHPnjvp6x48fFwBEeHi4eqygr7PqvWvevLnWx79CCJ3PQzVTHRkZqR7Lb6lDXjO+1atXF+np6erxZcuWCQDqmev09HRRqlQp0aBBA/H8+XP19SIiIgSAF874hoeHCwDizJkz+V5PRTU7lnMG/q233hKlSpXSGtP1uoSGhorAwECtsQoVKggAYs+ePbmuX5D7ePz4sXBxcRGNGjXK9XF09o/281pWoM/PBwBhZWUl/vnnn1z3gxwzvm5ubmLkyJG5rpddXjXpmvFt2bKlcHFxEf/++2+ez1GX/fv35/p0RqVVq1aiWrVqIj4+XsTHx4vLly+LDz/8UAAQr7/+utZ169SpI9zc3PJ9rMWLFwsAYteuXUIIIerWrfvC2+hSpUoV8dprr+V7HX2/d/Wd8dX1Pu/du1fna9mxY0et70l9vqeIdOGuDmRWQkJCULp0afj5+eGdd96Bs7Mzdu3apZ6de/ToEX7//Xd0794dKSkpSEhIQEJCAh4+fIjQ0FBcvXpVvQvE999/j9q1a+ucGVEoFACA7777DtWrV0e1atXU95WQkIC2bdsCAA4ePJhnrWFhYXj+/Dl27NihHvvtt9/w+PFjhIWFAZAOxPn+++/RqVMnCCG0HiM0NBRJSUk4ffq01v32798fjo6OL3ytUlJSAAAuLi55Xkf1teTkZK3xLl26wNfXV325YcOGaNSoEXbv3g1Av9dZZciQIbkONsr+PJ4/f46HDx+iUqVKcHd3z/W89TVw4ECtmaUWLVoAkA4YAoCTJ0/i4cOHGDJkiNZBVb1799b6BCEvqtcsv9dXl+HDh2tdbtGiBR4+fKj1HmR/XZKSkpCQkIBWrVohJiYGSUlJWrcPCAhQf3qQXUHuY9++fUhJScGkSZNyHRyq+hnIj74/H61atUKNGjVeeL/u7u44fvy41q4FhRUfH4///e9/ePfdd1G+fHmtr73oOT58+BAA8vx+uHz5MkqXLo3SpUujWrVqWLhwId58881cW6mlpKS88Psk589icnKy3t9bqlpftGVeYb93C0rX+9y2bVt4enpi69at6rHExETs27dP/fsQeLnfuUQAwKUOZFZWrFiBKlWqICkpCevWrcP//vc/2Nvbq79+7do1CCEwffp0TJ8+Xed9PHjwAL6+vrh+/Tq6du2a7+NdvXoVly5dQunSpfO8r7zUrl0b1apVw9atWzFo0CAA0jIHT09P9S/x+Ph4PH78GGvWrMGaNWsK9BgBAQH51qyi+k8tJSVF62PX7PIKx5UrV8513SpVqmDbtm0A9Hud86v72bNnmD9/PtavX4+7d+9qba+WM+DpK2fIUYWXxMREAFDvyVqpUiWt69nY2OT5EXx2rq6uADSvoSHqUt3n0aNHMXPmTERFReHp06da109KSoKbm5v6cl7fDwW5j+vXrwMAatasqddzUNH356Og37sLFixA//794efnh+DgYHTs2BH9+vVDYGCg3jWq/tAp7HMEkOe2f/7+/li7di2USiWuX7+OuXPnIj4+PtcfES4uLi8Mozl/Fl1dXdW161vriwJ9Yb93C0rX+2xjY4OuXbti8+bNSE9Ph729PXbs2IHnz59rBd+X+Z1LBDD4kplp2LAh6tevD0CalWzevDl69eqF6OholChRQr1/5vjx43XOggG5g05+lEolgoKCsHjxYp1f9/Pzy/f2YWFhmDt3LhISEuDi4oJdu3ahZ8+e6hlGVb19+vTJtRZYpVatWlqXCzLbC0hrYH/44Qf8/fffaNmypc7r/P333wBQoFm47ArzOuuqe/To0Vi/fj3Gjh2LJk2awM3NDQqFAj169MhzL9SCymsrq7xCjL6qVasGADh//jzq1KlT4Nu9qK7r16+jXbt2qFatGhYvXgw/Pz/Y2dlh9+7dWLJkSa7XRdfrqu99FJa+Px8F/d7t3r07WrRogZ07d+K3337DwoUL8emnn2LHjh147bXXXrrugipVqhQAzR9LOTk7O2utjW/WrBnq1auHKVOm4PPPP1ePV69eHWfPnsWtW7dy/eGjkvNnsVq1ajhz5gxu3779wt8z2SUmJur8wzU7fb938wrSWVlZOsfzep979OiB1atX49dff0WXLl2wbds2VKtWDbVr11Zf52V/5xIx+JLZsra2xvz589GmTRt88cUXmDRpknpGyNbWVus/JF0qVqyICxcuvPA6586dQ7t27Qr00W9OYWFhmD17Nr7//nt4e3sjOTlZfRAHAJQuXRouLi7Iysp6Yb36euONNzB//nxERkbqDL5ZWVnYvHkzPDw80KxZM62vXb16Ndf1r1y5op4J1ed1zs/27dvRv39/LFq0SD2WlpaGx48fa12vMK/9i6iaEVy7dg1t2rRRj2dmZuLmzZu5/uDI6bXXXoO1tTW++eYbgx4k9NNPPyE9PR27du3SCkn6fMRb0PuoWLEiAODChQv5/kGY1+v/sj8f+fHx8cF7772H9957Dw8ePEC9evUwd+5cdfAt6OOpvldf9LOuiyog3rhxo0DXr1WrFvr06YPVq1dj/Pjx6tf+jTfewLfffovIyEhMmzYt1+2Sk5Px448/olq1aur3oVOnTvj222/xzTffYPLkyQV6/MzMTNy+fRtvvvlmvtfT93vXw8Mj188kAL072bVs2RI+Pj7YunUrmjdvjt9//x1Tp07Vuk5Rfk+RZeAaXzJrrVu3RsOGDbF06VKkpaXBy8sLrVu3xurVqxEbG5vr+vHx8erzXbt2xblz57Bz585c11PNvnXv3h13797F2rVrc13n2bNn6t0J8lK9enUEBQVh69at2Lp1K3x8fLRCqLW1Nbp27Yrvv/9e53/M2evVV9OmTRESEoL169fr7Aw1depUXLlyBRMmTMg1Q/PDDz9ordE9ceIEjh8/rg4d+rzO+bG2ts41A7t8+fJcM0nOzs4AoPM/38KqX78+SpUqhbVr1yIzM1M9vmnTpjxn+LLz8/PDkCFD8Ntvv2H58uW5vq5UKrFo0SLcuXNHr7pUM8I5l32sX7/e4PfRvn17uLi4YP78+UhLS9P6WvbbOjs761x68rI/H7pkZWXleiwvLy+ULVsW6enpL6wpp9KlS6Nly5ZYt24dbt26pfW1F83++/r6ws/PT68uZhMmTMDz58+1Zizfeecd1KhRA5988kmu+1IqlRgxYgQSExMxc+ZMrdsEBQVh7ty5iIqKyvU4KSkpuULjxYsXkZaWhqZNm+Zbo77fuxUrVkRSUpJ6VhoAYmNjdf7uzI+VlRXeeecd/PTTT9i4cSMyMzO1ljkARfM9RZaFM75k9j788EN069YNERERGD58OFasWIHmzZsjKCgIQ4YMQWBgIO7fv4+oqCjcuXNH3dLzww8/VHcEe/fddxEcHIxHjx5h165dWLVqFWrXro2+ffti27ZtGD58OA4ePIhmzZohKysLly9fxrZt27B371710ou8hIWFYcaMGXBwcMCgQYNgZaX99+gnn3yCgwcPolGjRhgyZAhq1KiBR48e4fTp09i/fz8ePXpU6NcmMjIS7dq1Q+fOndGrVy+0aNEC6enp2LFjBw4dOoSwsDB8+OGHuW5XqVIlNG/eHCNGjEB6ejqWLl2KUqVKYcKECerrFPR1zs8bb7yBjRs3ws3NDTVq1EBUVBT279+v/ohZpU6dOrC2tsann36KpKQk2Nvbo23btvDy8ir0a2NnZ4dZs2Zh9OjRaNu2Lbp3746bN28iIiICFStWLNBs06JFi3D9+nWMGTMGO3bswBtvvAEPDw/cunUL3333HS5fvqw1w18Q7du3h52dHTp16oRhw4bhyZMnWLt2Lby8vHT+kfEy9+Hq6oolS5Zg8ODBaNCgAXr16gUPDw+cO3cOT58+xYYNGwAAwcHB2Lp1K8aNG4cGDRqgRIkS6NSpk0F+PnJKSUlBuXLl8M4776jb9O7fvx9//fWX1icDedWky+eff47mzZujXr16GDp0KAICAnDz5k388ssvOHv2bL71dO7cGTt37izQ2llAWqrQsWNHfPXVV5g+fTpKlSoFOzs7bN++He3atUPz5s21Ordt3rwZp0+fxgcffKD1vWJra4sdO3YgJCQELVu2RPfu3dGsWTPY2trin3/+UX9ak307tn379sHJyQmvvvrqC+vU53u3R48emDhxIt566y2MGTMGT58+xcqVK1GlShW9D0INCwvD8uXLMXPmTAQFBeXalrAovqfIwhT/RhJEhpdXAwshpM5AFStWFBUrVlRvl3X9+nXRr18/UaZMGWFrayt8fX3FG2+8IbZv365124cPH4pRo0YJX19f9Ubp/fv319paLCMjQ3z66afilVdeEfb29sLDw0MEBweL2bNni6SkJPX1cm5npnL16lX1JvtHjhzR+fzu378vRo4cKfz8/IStra0oU6aMaNeunVizZo36Oqptur777ju9XruUlBQxa9Ys8corrwhHR0fh4uIimjVrJiIiInJt55S9gcWiRYuEn5+fsLe3Fy1atBDnzp3Ldd8FeZ3ze+8SExPFwIEDhaenpyhRooQIDQ0Vly9f1vlarl27VgQGBgpra+sCNbDI+Trl1djg888/FxUqVBD29vaiYcOG4ujRoyI4OFh06NChAK+u1OXqq6++Ei1atBBubm7C1tZWVKhQQQwcOFBru6i8OrepXp/sTTt27dolatWqJRwcHIS/v7/49NNPxbp163JdT9XAQpeC3ofquk2bNhWOjo7C1dVVNGzYUHz77bfqrz958kT06tVLuLu752pgUdCfD/zX2EAXZNvOLD09XXz44Yeidu3awsXFRTg7O4vatWvnar6RV015vc8XLlwQb731lnB3dxcODg6iatWqYvr06Trrye706dMCQK7ttfJqYCGEEIcOHcq1RZsQQjx48ECMGzdOVKpUSdjb2wt3d3cREhKi3sJMl8TERDFjxgwRFBQknJychIODg6hZs6aYPHmyiI2N1bpuo0aNRJ8+fV74nFQK+r0rhBC//fabqFmzprCzsxNVq1YV33zzTb4NLPKiVCqFn5+fACA+/vhjndcp6PcUkS4KIQx0JAcRmb2bN28iICAACxcuxPjx4+UuRxZKpRKlS5fG22+/rfPjVrI87dq1Q9myZbFx40a5S8nT2bNnUa9ePZw+fVqvgy2JzA3X+BIR5SEtLS3XOs/IyEg8evQIrVu3lqcoMjrz5s3D1q1b9T6Yqzh98skneOeddxh6yeJxjS8RUR7+/PNPhIeHo1u3bihVqhROnz6Nr7/+GjVr1kS3bt3kLo+MRKNGjZCRkSF3GfnasmWL3CUQGQUGXyKiPPj7+8PPzw+ff/45Hj16hJIlS6Jfv3745JNPtLq+ERGRaeAaXyIiIiKyCFzjS0REREQWgcGXiIiIiCyCxa3xVSqVuHfvHlxcXNjukIiIiMgICSGQkpKCsmXL5mrs9DIsLvjeu3cPfn5+cpdBRERERC9w+/ZtlCtXzmD3Z3HB18XFBYD0Qrq6uspcDRERERHllJycDD8/P3VuMxSLC76q5Q2urq4MvkRERERGzNDLUnlwGxERERFZBAZfIiIiIrIIDL5EREREZBEYfImIiIjIIjD4EhEREZFFYPAlIiIiIovA4EtEREREFoHBl4iIiIgsAoMvEREREVkEBl8iIiIisggMvkRERERkERh8iYiIiMgiMPgSERERkUVg8CUiIiIii8DgS0REREQWQdbg+7///Q+dOnVC2bJloVAo8MMPP7zwNocOHUK9evVgb2+PSpUqISIiosjrJCIiIiLTJ2vwTU1NRe3atbFixYoCXf/GjRt4/fXX0aZNG5w9exZjx47F4MGDsXfv3iKulIiIiIhMnY2cD/7aa6/htddeK/D1V61ahYCAACxatAgAUL16dRw5cgRLlixBaGhoUZVJREREREUoMxP491/g6lXgarQSCUf+KZLHkTX46isqKgohISFaY6GhoRg7dmyet0lPT0d6err6cnJyclGVR0RERER5UCqB27f/C7fZTleuADduAM+fA2UQi/UYiG44jI+KoAaTCr5xcXHw9vbWGvP29kZycjKePXsGR0fHXLeZP38+Zs+eXVwlEhEREVksIYB793KH26tXgWvXgGxzkbm8iR/xFQajNBJQVNOUJhV8C2Py5MkYN26c+nJycjL8/PxkrIiIiIjIdAkBxMdLM7W6wm1qqn73V8ohFSudPkC3R6vVYxkeXkDiAwNXbmLBt0yZMrh//77W2P379+Hq6qpzthcA7O3tYW9vXxzlEREREZmNR480SxFyBlx9V47a2wMVKwKVK2ufXkk7hdLhvaGIjtZcuUsX2C1eDAQGGvYJwcSCb5MmTbB7926tsX379qFJkyYyVURERERkupKTtdfaZg+3jx7pd182NlJWzRluK1cG/PwAa+tsV87KAj77DJg2TTqyDQCcnIClS4HBg4GUFEM9Re0ai+ReC+jJkye4du2a+vKNGzdw9uxZlCxZEuXLl8fkyZNx9+5dREZGAgCGDx+OL774AhMmTMC7776L33//Hdu2bcMvv/wi11MgIiIiMmqpqdISBF0B94GeqwmsrIAKFYAqVXKHW39/KfwWSFoa8NVXmtAbHAxs3izdcRGSNfiePHkSbdq0UV9WrcXt378/IiIiEBsbi1u3bqm/HhAQgF9++QXh4eFYtmwZypUrh6+++opbmREREZFFS0sDrl/PvVvC1avSwWb68vPTBNrsITcgQFq28NKcnaWg27w58MEHwKxZgJ2dAe44fwohhCjyRzEiycnJcHNzQ1JSElxdXeUuh4iIiKhAMjKkbb90bQd2+7Z00Jk+fHx0h9uKFYE8Dp0qvJQUaV2Fr6/2+N27ucdQdHnNpNb4EhEREZkzrUYOOU43b0pLY/VRurT2cgRVwK1UCShRokieQm5RUUCfPkCZMsDhw9rrIXSE3qLE4EtERERUjJRK4M4d3bslxMRIjRz04e6ee81tlSpSuHV3L4pnUECZmcDcucCcOVJij4kBPv0UmDpVtpIYfImIiIgMTAggNlb3bgnXr0trcvVRooTuA8oqVwZKlQIUiqJ5HoUWEyPN8kZFacaaNgV69ZKvJjD4EhERERWKqpGDrt0SCtPIwdFRmqXVFXC9vY0w3OoiBLBxIzBqlGZLMmtrYOZMYPJkPbZ9KBoMvkRERET5UDVy0BVw9W3kYGenaeSQM+CWLSttF2ayEhOB4cOBbds0Y4GBwKZNQOPG8tWVDYMvERERWbzsjRxyBtzCNHIICNC9Y0KuRg7mIjkZqFMHyLYNLQYMAD7/HHBxkauqXBh8iYiIyCLkbOSQPeAWtpGDrh0TKlQAbG2L5jkYLVdX4K23gGXLAA8PYPVqoFs3uavKhcGXiIiIzIauRg6q0927+t9f9kYO2QOuwRo5mJNPPpHegKlTpRfOCDH4EhERkUnJq5HD1avSJ+0v08gh+6liRcDJqWieg0kTAli7VlqzMWiQZtzBAVi1Sr66CoDBl4iIiIxOVpamkUPO7cAK08jB01P3bgmVKhnVElTjFx8PDBkC/PijtA1F06ZA9epyV1VgDL5EREQkC1UjB127JRS2kYOu3RIqV5a5kYO5+O03oH9/IC5OuvzsGfDzzwy+RERERIB2I4ecAbewjRx07ZZgtI0czEFamrQH79KlmjFPT2DdOqBTJ9nKKgwGXyIiInopORs5ZA+3L9PIQVfANZlGDubi/Hmgd2/pX5UOHYD164EyZeSrq5AYfImIiKhAcjZyyB5yX6aRQ86Aa/KNHMyBEMDy5cCECUB6ujRmbw8sXCh1ZTPRvz4YfImIiEhNVyMH1enhQ/3uK2cjh+wB12wbOZiLJ0+ARYs0obdWLakDW82a8tb1khh8iYiILExejRyuXgXu39fvvhQKqWGDrgPK/P0tsJGDuXBxAb75BmjTBhgzBpg3T9quzMQx+BIREZmhtDRpZwRd24EVppFDuXK6DygLDGQjB7OQmiqdvLw0Yy1aSN88gYHy1WVgDL5EREQm6vlz7UYO2QNuYRo5lCmj+4AyNnIwc6dOSQew+foC+/ZpL7A2o9ALMPgSEREZteyNHHIG3MI2ctAVbtnIwQJlZQGffQZMmwZkZgLR0cCSJcAHH8hdWZFh8CUiIpJZzkYO2cPtyzRy0LVjAhs5EADg9m2gXz/g0CHNWHCwye3Lqy8GXyIiomKgq5GD6nTt2ss1csgZcNnIgfK1bRswbBjw+LF0WaEAJk0CZs2S9pkzYwy+REREBqKrkUP2k76NHBwcdIfbypWl9bgMt6SX5GRph4YNGzRjfn7Axo1Aq1by1VWMGHyJiIj0lJioe7eEq1eBpCT97svOTjp+SNd2YL6+bORABpKUBNSrJ62dUQkLA1auBDw85KurmDH4EhER6ZCSonu3hMI0crC21jRyyBlwy5dnIwcqBm5uQNu2UvB1cQFWrAD69LG4jw0YfImIyGI9fapp5JAz3Ba2kYOuHRPYyIGMwpIlwLNnwEcfmd02ZQXF4EtERGYtPR24fl337O3LNHLIGXDZyIGMhhDSul1bW6BnT814iRJSNzYLxuBLREQmL2cjh+wh92UbOWQPuGzkQEYvMREYPlzauaFECaBhQ+kblwAw+BIRkYnQ1chBdbpx4+UaOeQ8sZEDmaRDh4C+faVNoQHgyRNg+3Zg4kRZyzImDL5ERGQ0dDVyUJ2uX9e/kYObm+7dEipXtqgD2cncZWQAM2YACxZoPt5wdwfWrAG6dZO1NGPD4EtERMVKCCAuTvcBZYVp5ODsrPuAssqVpVldCztonSxNdDTQqxdw+rRmrHVrIDJS2qOXtDD4EhGRwQkBJCTkHW6fPNHv/hwcgEqVdIdbNnIgiySENKMbHi7t1ABIB7PNnQt88AE3gM4Dgy8RERWaqpGDroCrbyMHW1vpGBxds7ds5ECUQ1KS1GJYFXqrVgU2b5aaVFCeGHyJiChf2Rs55Ay4L9PIIWfAZSMHIj24uwMREUCHDtIuDosWccuRAmDwJSIirUYOOQPuyzZyyH4KCGAjB6JCSUuTflBLltSMhYYCFy4Ar7wiX10mhsGXiMhC5GzkkD3gGqKRg+oUGCitySUiAzl/XjqArUIF4KeftBe1M/TqhcGXiMiM5NXI4epVaQ9cfRs5eHvr3g6sUiV+qkpU5JRKYPlyaR/e9HRpdnfVKmDECLkrM1kMvkREJiYrS+pGlvNgssI2cihVSvcBZZUqAa6uRfMciOgFYmOBgQOBvXs1Y7VqAS1ayFeTGWDwJSIyQkqltPxA124JMTHSfvX6cHPTfUAZGzkQGaEffwQGD5b2BFQJDwfmzeM6opfE4EtEJJPsjRxyBtyXbeSQM+CykQORCUhNlfbgXb1aM+bjA2zYALz6qnx1mREGXyKiIpS9kUPOgPuyjRxyBlw2ciAyYYmJQJMmUic2lS5dgLVrpb9cySAYfImIDCB7I4ecAfdlGzlkP5Urx0YORGbJwwMIDpaCr5MTsGwZMGgQ/5o1MAZfIqICytnIIXvALUwjB39/3TsmlC8P2PC3M5HlWbFC6sT2ySfSLwcyOP5qJSLKRlcjB9UpLk6/+1IopBCb82AyNnIgImzbBtjbA507a8bc3YEdO2QryRIw+BKRxUlPl3ZG0LUd2J07+t+fr6/u3RLYyIGIcklOBsaMkQ5Y8/AA/v5bWsNExYLBl4jM0vPnwM2burcDu3VL2i5MH97eundLqFhR2k2BiOiFoqKA3r2lDbcB6eCAb74BJk2Sty4LwuBLRCZL1chB13ZgL9vIIXvAZSMHInopmZnAxx9LJ9UvJhcXaU1vnz7y1mZhGHyJyKhlb+SQM+AWppGDq6vuA8oqVwZKliya50BEFiwmRgq3UVGasaZNpZnegAD56rJQDL5EJLucjRyyB9zr16WDnPXh7CzN0uoKuKVLc3cgIioGQgCRkcCoUZoNu62tgRkzgClTuHWLTPiqE1Gx0NXIIftJ30YO9vaaRg45A66PD8MtEcksMVHqwqb65RYYCGzaBDRuLG9dFo7Bl4gMSlcjB9Xp8WP97svWVvq/Qle4ZSMHIjJqJUsCX30FvPUWMGAA8Pnn0rpekhWDLxHpLSVF2utW13ZgCQn63ZeqkYOuHRPYyIGITEZGhrRXYvZw26ULcPKk1JGNjAL/SyEinZ490zRyyBlwX6aRQ86A6+8P2NkVyVMgIioe0dFAr17S+qstW7TXWjH0GhUGXyILpmrkoGs7sJdt5JD9VLEiGzkQkRkSAlizBggPl2YLTp8GXn8d6NdP7sooDwy+RGYueyOHnAG3MI0cvLx075ZQqRIbORCRBYmPBwYPBnbt0oxVrQrUrClfTfRCDL5EZiBnI4fsAffmTWnvdH2ULKn7gLLKldnIgYgIe/dKB6xlX/c1fDiwaBHg5CRbWfRiDL5EJkJXIwfV6fr1wjVyyHkwGRs5EBHlIy0NmDwZWLpUM+bpCaxbB3TqJFtZVHAMvkRGRAjg/n3duyVcu6Z/IwcnJ927JbCRAxGRnh49Alq3Bs6f14x16ACsXw+UKSNbWaQfBl+iYiYE8PCh7t0SXraRQ86Ay0YOREQG4uEhbSx+/rz0i3fhQqkrG3/JmhQGX6Ii8vix7t0SXraRQ86Ay0YORETFQKGQGlI8eyat5eVBbCaJwZfoJTx5onu3hMI0crCyAgICdG8HVqECGzkQERWrXbukmd3QUM2Yp6d0YBuZLP5XSvQC2Rs55Ay4hWnk4Oen+4CygAA2ciAikl1qKvDBB8Dq1dL+jefPS/+SWWDwJULuRg7ZA25hGjmULas73LKRAxGRETt1SurAduWKdPnBA2nHhkmT5K2LDIbBlyyGrkYOqtO//xaukYOu3RLYyIGIyMRkZQGffQZMm6bZ+NzJSdq2bPBgWUsjw2LwJbOSlQXcvq17t4QbNwrfyCFnwK1UCXBzK5rnQERExej2baBvX+DwYc1YcDCwebP0S5/MCoMvmRylErh3T3e4fdlGDjlPpUoVzXMgIiIjsG0bMGyYZqsdhUJa1jBrFg+6MFMMvmSUVI0cdO2WYIhGDtlPXl7chpGIyOIkJABDhgDJydJlPz9g40agVSt566IixeBLssneyCFnwL12DUhJ0e/+dDVyUJ3KlmW4JSKibDw9gZUrgd69gbAw6byHh9xVURFj8KUil72RQ86Aq28jBxsbTSOHnDsm+PmxkQMREeUhM1NaC+fkpBnr1UvqAtSiBWdHLASDLxlEzkYO2cNtYRo5+Pvr3jGBjRyIiEhvMTFAnz5AtWrS9mTZtWwpT00kC0YIKjBdjRxUp9hY/e4reyOHnAGXjRyIiMgghJDW7Y4cKc3QREUBr70GdOsmd2UkEwZf0pJXI4erV6UdX/SlauSQM+AGBgKOjoavn4iICACQmAgMHy7t3KASGCjNupDFYvC1QJmZUiMHXduBvWwjh+ynSpWAEiWK5CkQERHl7dAhaW/e7K03BwwAPv8ccHGRqyoyAgy+ZkrVyEHXdmCFaeTg4ZH7YDLViY0ciIjIKGRkADNmAAsWSMscAOk/sNWrubyBADD4mjRVIwdd4bYwjRxcXHTvlsBGDkREZPQePgTatwdOn9aMtWkDREZKOzcQgcHX6OVs5JBzr9vCNHJQ7XWbM+CykQMREZksDw9pb14AsLUF5s4FPviA+1ySFgZfI5ORIX0ic/SoJugWppFDxYq6twNjIwciIjJLVlZARATQvTuwbBlQr57cFZERYvA1Mhs2AGPGvPh62Rs55Ay45coB1tZFXysREZFsfvsNcHDQ3ofXxwf44w/5aiKjJ3vwXbFiBRYuXIi4uDjUrl0by5cvR8OGDfO8/tKlS7Fy5UrcunULnp6eeOeddzB//nw4ODgUY9VF59QpzfmcjRyyB1w2ciAiIouUlgZMngwsXSrN9Pz9N1sNU4HJGp22bt2KcePGYdWqVWjUqBGWLl2K0NBQREdHw8vLK9f1N2/ejEmTJmHdunVo2rQprly5ggEDBkChUGDx4sUyPAPDy75X7q1bgK+vfLUQEREZlfPngd69pX8BabuyNWuAiRPlrYtMhqwrvhcvXowhQ4Zg4MCBqFGjBlatWgUnJyesy9lO8D/Hjh1Ds2bN0KtXL/j7+6N9+/bo2bMnTpw4UcyVFx1V8LWzkz6xISIisnhKpbRut0EDTei1t5f25Z0wQd7ayKTIFnwzMjJw6tQphISEaIqxskJISAiioqJ03qZp06Y4deqUOujGxMRg9+7d6NixY56Pk56ejuTkZK2TMVMF33LleCAqERERYmOBjh2BsWOl9qIAEBQEnDwJjB7NI7ZJL7ItdUhISEBWVha8vb21xr29vXH58mWdt+nVqxcSEhLQvHlzCCGQmZmJ4cOHY8qUKXk+zvz58zF79myD1l5UUlKAx4+l8+XLy1oKERGR/H78ERg8GEhI0IyFhwPz5kkHthHpyaTmFA8dOoR58+bhyy+/xOnTp7Fjxw788ssvmDNnTp63mTx5MpKSktSn29kX0RqZ7KWxlTgREVm0+HhpPa8q9Pr4AHv3AosXM/RSock24+vp6Qlra2vcv39fa/z+/fsoU6aMzttMnz4dffv2xeDBgwEAQUFBSE1NxdChQzF16lRY6VgbYG9vD3t7e8M/gSLA4EtERPSf0qWlnRuGDAE6dwa++krToIKokGSb8bWzs0NwcDAOHDigHlMqlThw4ACaNGmi8zZPnz7NFW6t/9uwVqh6cpswBl8iIrJYWVmaNbwqgwYBv/4K7NzJ0EsGIet2ZuPGjUP//v1Rv359NGzYEEuXLkVqaioGDhwIAOjXrx98fX0xf/58AECnTp2wePFi1K1bF40aNcK1a9cwffp0dOrUSR2ATRmDLxERWaTbt4F+/YCaNYHlyzXjCgXQoYN8dZHZkTX4hoWFIT4+HjNmzEBcXBzq1KmDPXv2qA94u3XrltYM77Rp06BQKDBt2jTcvXsXpUuXRqdOnTB37ly5noJB3bqlOc+D24iIyCJs2wYMGyYd3X3oEPDaa9IuDkRFQCHMYY2AHpKTk+Hm5oakpCS4urrKXY6WkBBAtfIjMRFwd5e1HCIioqKTnAyMGQNs2KAZ8/MDNm0CWrSQry4yCkWV19j01oioljqUKAG4uclbCxERUZGJigL69AFiYjRjYWHAypVsP0xFyqS2MzNnQmiCr58f9+MmIiIzlJkJzJ4tzeiqQq+LCxAZCXz7LUMvFTnO+BqJR4+AZ8+k8zywjYiIzM7Dh0CnTtJsr0rTpsA33wABAfLVRRaFM75Ggge2ERGRWXN3B2z+m2+ztpZmfg8fZuilYsXgayS4lRkREZk1a2tg40agXj3gyBFgxgxNECYqJvyOMxIMvkREZFYOHwYcHYGGDTVjFSoAJ0/yQBaSDWd8jQSDLxERmYWMDGDyZKBNG6BnTyAlRfvrDL0kIwZfI5F9jS+DLxERmaToaKBJE+CTT6TtimJipC3KiIwEg6+R4IwvERGZLCGANWuAunWB06elMVtbYMECYPx4eWsjyoZrfI2EKviWKgU4OclbCxERUYHFxwNDhgA//qgZq1oV2LxZOpCNyIhwxtcIZGUBd+9K5znbS0REJmPvXqBWLe3QO3y4NOvL0EtGiDO+RuD+famZDcDgS0REJuL+faBLFyAtTbrs6QmsWyc1qSAyUpzxNQI8sI2IiEyOt7d0EBsAhIYC588z9JLR44yvEch+YBu7thERkVFSKqW1eba2mrHRo4Fy5YC33gKsOJdGxo/fpUaAOzoQEZFRi40FXnsNmDZNe9zKCujalaGXTAa/U40Agy8RERmtH38EgoKA334DFi4Efv9d7oqICo3B1wgw+BIRkdFJTZV2aOjSBXj4UBrz9pa1JKKXxTW+RkB1cJtCAfj6ylsLERERTp0CevUCrlzRjHXuDHz1lbR7A5GJ4oyvEVDN+Pr4aB8zQEREVKyysoBPPwUaN9aEXicnqSvbzp0MvWTyOOMrs4wMaStEgMsciIhIRgkJQLduwKFDmrHgYKkDW5UqspVFZEic8ZXZ3btSi3OAwZeIiGTk5gY8eSKdVyiAyZOBY8cYesmsMPjKjAe2ERGRUbC1BTZtAqpXBw4eBObNA+zs5K6KyKC41EFm2bu2sXkFEREVm6goaf1u7dqasSpVgAsXuC8vmS1+Z8uMM75ERFSsMjOB2bOBFi2Anj2Bp0+1v87QS2aM390yY/AlIqJiExMDtGwJzJol7eBw6RLw5ZdyV0VUbBh8ZcbgS0RERU4IIDISqFNHWuIAANbWwEcfAWPHylkZUbHiGl+ZqYKvrS0b4hARURFITJQ6sG3bphmrWBH45htpv14iC8IZX5mpDm4rV47LqoiIyMAOHQJq1dIOvQMHAmfOMPSSReKMr4xSU6U/xAEucyAiIgOLjQVCQ6VOSQDg4QGsXi01qSCyUJxjlBHX9xIRUZHx8QFmzpTOt2kD/P03Qy9ZPM74yojBl4iIDEYIQKmUDlpTmThR+g+md2+upyMCZ3xllb15BYMvEREVWnw88NZbwMcfa49bWwN9+zL0Ev2HPwkyyj7jy65tRERUKHv3Sgew/fgjMGeOZrsyIsqFwVdGXOpARESFlpYGhIcDHToAcXHSmIcHkJIib11ERoxrfGXE4EtERIVy/ry0bvf8ec1YaCgQEQGUKSNbWUTGjjO+MlIFXycn6Y90IiKifCmVwLJlQIMGmtBrby+N7d7N0Ev0ApzxlYkQmoPb/PwAhULeeoiIyMg9fCjN8u7dqxkLCgI2bwZq1pSvLiITwhlfmSQmAk+fSud5YBsREb2QszNw967mcng4cOIEQy+RHhh8ZcL1vUREpBcHB2l2NyBAmvVdvFgaI6IC41IHmTD4EhFRvk6dkmZ5q1XTjAUFAVeuADb875uoMDjjKxMGXyIi0ikrC/j0U6BxY6BnTyA9XfvrDL1EhcbgKxN2bSMiolxu3wbatQMmTQIyM4GzZ4Evv5S7KiKzweArE3ZtIyIiLdu2SR3YDh+WLisUwOTJwMiR8tZFZEb4eYlMuNSBiIgAAMnJwJgxwIYNmjE/P2DjRqBVK/nqIjJDDL4yUQVfDw/p2AUiIrJAUVFAnz5ATIxmLCwMWLmSnY2IigCDrwyUSuDOHek8Z3uJiCzU3btA69ZARoZ02cUFWLFCCsLsakRUJLjGVwb37wPPn0vnub6XiMhC+foC48dL55s2Bc6dA/r2ZeglKkKc8ZUB1/cSEVkgIaR/swfbWbOkGZBBg7hNGVEx4IyvDBh8iYgsTGIi0KMHsGiR9ritLTBsGEMvUTFh8JUBgy8RkQU5dEjapmzbNmDKFODMGbkrIrJYDL4yYPMKIiILkJEhNaJo21ZzRHOJEkBcnLx1EVkwfrYiAzavICIyc9HRQK9ewOnTmrE2bYDISKBcOfnqIrJwnPGVgSr4KhTSQb1ERGQmhABWrwbq1tWEXltbYMECYP9+hl4imb3UjG9aWhocHBwMVYvFUAVfb2/Azk7eWoiIyEAePQIGDgR27dKMVa0KbN4M1KsnX11EpKb3jK9SqcScOXPg6+uLEiVKIOa/bjPTp0/H119/bfACzc3z50BsrHSe63uJiMyIvT1w+bLm8ogR0qwvQy+R0dA7+H788ceIiIjAggULYJdturJmzZr46quvDFqcObp7V7OVI4MvEZEZcXYGNm0CypaVZn2//BJwcpK7KiLKRu/gGxkZiTVr1qB3796wtrZWj9euXRuXs/+lSzrxwDYiIjNx/jzw36eeavXrS2OdOslTExHlS+/ge/fuXVSqVCnXuFKpxHNVH17KE/fwJSIycUolsGwZ0KAB0Ls3kJmp/XV7e3nqIqIX0jv41qhRA3/88Ueu8e3bt6Nu3boGKcqcMfgSEZmw2FjgtdeAsWOB9HTgzz+BlSvlroqICkjvXR1mzJiB/v374+7du1AqldixYweio6MRGRmJn3/+uShqNCsMvkREJurHH4FBg4CHDzVj4eHAkCHy1UREetF7xrdz58746aefsH//fjg7O2PGjBm4dOkSfvrpJ7z66qtFUaNZYdc2IiITk5oKDB8OdOmiCb0+PsDevcDixQC39SQyGYXax7dFixbYt2+foWuxCKoZXxsboEwZeWshIqIXOHVK6sB25YpmrEsXYO1awNNTtrKIqHD0nvENDAzEw+wf8/zn8ePHCAwMNEhR5kwVfH19gWybYhARkbG5fRto2lQTep2cpMC7YwdDL5GJ0jv43rx5E1lZWbnG09PTcffuXYMUZa6ePtV8SsZlDkRERs7PD3jvPel8cDBw5gwweLDUb56ITFKBlzrsytaCce/evXBzc1NfzsrKwoEDB+Dv72/Q4szNnTua8wy+RERGSAjtYDt/vrTp+siR7DFPZAYKHHy7dOkCAFAoFOjfv7/W12xtbeHv749FixYZtDhzwwPbiIiMVHIyMGYM0LChZpYXkA5cCw+Xry4iMqgCB1+lUgkACAgIwF9//QVPrm/SG7u2EREZoagoqRHFjRvA1q1AmzZA9epyV0VERUDvNb43btxg6C0k7uFLRGREMjOBWbOAFi2k0AsAtrbA9euylkVERadQ25mlpqbi8OHDuHXrFjIyMrS+NmbMGIMUZo4YfImIjERMDNCnjzTbq9K0KfDNN0BAgHx1EVGR0jv4njlzBh07dsTTp0+RmpqKkiVLIiEhAU5OTvDy8mLwzQfX+BIRyUwIIDISGDUKePJEGrO2BmbMAKZMkTZZJyKzpfdSh/DwcHTq1AmJiYlwdHTEn3/+iX///RfBwcH47LPPiqJGs6Ga8XV0BEqVkrcWIiKL8/gx0KMHMGCAJvQGBgJHjkjBl6GXyOzpHXzPnj2LDz74AFZWVrC2tkZ6ejr8/PywYMECTJkypShqNAtCaIKvnx+3gSQiKnYKBXD8uObygAHA2bNA48ZyVURExUzv4GtrawsrK+lmXl5euPXf5/dubm64nX0RK2lJStJMMHCZAxGRDNzcgI0bpa5r27YB69cDLi5yV0VExUjvz3Xq1q2Lv/76C5UrV0arVq0wY8YMJCQkYOPGjahZs2ZR1GgWeGAbEVExi44GnJ2BcuU0Yy1aADdvSuNEZHH0nvGdN28efHx8AABz586Fh4cHRowYgfj4eKxevdrgBZoLHthGRFRMhABWrwbq1gX69QP+24dejaGXyGLpPeNbv3599XkvLy/s2bPHoAWZKzavICIqBvHxwODBwK5d0uWDB4E1a4Dhw+Wti4iMgt4zvnk5ffo03njjDUPdndnhUgcioiK2dy9Qq5Ym9AJS4O3XT76aiMio6BV89+7di/Hjx2PKlCmIiYkBAFy+fBldunRBgwYN1G2N9bFixQr4+/vDwcEBjRo1wokTJ/K9/uPHjzFy5Ej4+PjA3t4eVapUwe7du/V+3OLG4EtEVETS0oDwcKBDByAuThrz9JQC8MqVgJOTvPURkdEo8FKHr7/+GkOGDEHJkiWRmJiIr776CosXL8bo0aMRFhaGCxcuoLqevc23bt2KcePGYdWqVWjUqBGWLl2K0NBQREdHw8vLK9f1MzIy8Oqrr8LLywvbt2+Hr68v/v33X7i7u+v1uHJg8CUiKgLnzwO9e0v/qoSGAhERQJkyspVFRMZJIYQQBblirVq10LdvX3z44Yf4/vvv0a1bNzRu3Bjbtm1DuexHzOqhUaNGaNCgAb744gsAgFKphJ+fH0aPHo1Jkybluv6qVauwcOFCXL58Gba2toV6zOTkZLi5uSEpKQmurq6Fuo/CqFhR6pDp5ibtoU5ERC/p33+BqlWB9HTpsr09sGCB1JXNymAr+YhIBkWV1wr8m+H69evo1q0bAODtt9+GjY0NFi5cWOjQm5GRgVOnTiEkJERTjJUVQkJCEJW9d3o2u3btQpMmTTBy5Eh4e3ujZs2amDdvHrKysvJ8nPT0dCQnJ2udiptSCdy5I53ngW1ERAZSoYJm/W5QEHDyJDBmDEMvEeWpwL8dnj17Bqf/1kkpFArY29urtzUrjISEBGRlZcHb21tr3NvbG3GqNVo5xMTEYPv27cjKysLu3bsxffp0LFq0CB9//HGejzN//ny4ubmpT34yrDOIjwcyMqTzXOZARGRAS5YAH38MnDgBcC95InoBvbYz++qrr1CiRAkAQGZmJiIiIuDp6al1nTFjxhiuuhyUSiW8vLywZs0aWFtbIzg4GHfv3sXChQsxc+ZMnbeZPHkyxo0bp76cnJxc7OGX63uJiF5SairwwQdSe+EBAzTjzs7A1KmylUVEpqXAwbd8+fJYu3at+nKZMmWwceNGresoFIoCB19PT09YW1vj/v37WuP3799HmTwOSPDx8YGtrS2sra3VY9WrV0dcXBwyMjJgZ2eX6zb29vawt7cvUE1FhcGXiOglnDolHcAWHQ1s2iR1X6tYUe6qiMgEFTj43rx506APbGdnh+DgYBw4cABdunQBIM3oHjhwAKNGjdJ5m2bNmmHz5s1QKpWw+m8N15UrV+Dj46Mz9BoLdm0jIiqErCzgs8+AadOAzExpTKkELlxg8CWiQpH1CIBx48Zh7dq12LBhAy5duoQRI0YgNTUVAwcOBAD069cPkydPVl9/xIgRePToEd5//31cuXIFv/zyC+bNm4eRI0fK9RQKhF3biIj0dPs20K4dMGmSJvQGBwNnzgCdO8tbGxGZLL1bFhtSWFgY4uPjMWPGDMTFxaFOnTrYs2eP+oC3W7duqWd2AcDPzw979+5FeHg4atWqBV9fX7z//vuYOHGiXE+hQLjUgYhID9u2AcOGafZ+VCikADxrFmDEn+4RkfEr8D6+5kKOfXybNgVUO7SlpUlbTRIRUQ4pKcDo0cCGDZoxPz9g40agVSv56iKiYif7Pr5UeKoZXy8vhl4iojylpwO//aa5HBYGnDvH0EtEBsPgW8QyM4F796TzXOZARJQPT09pttfVFYiMBL79FvDwkLsqIjIjhQq+169fx7Rp09CzZ088ePAAAPDrr7/in3/+MWhx5uDePekgZIAHthERaYmJAXJsaYlXX5VaEfftK63tJSIyIL2D7+HDhxEUFITjx49jx44dePLkCQDg3LlzeTaRsGQ8sI2IKAchpJnd2rWBd9+VLmfn7i5LWURk/vQOvpMmTcLHH3+Mffv2ae2d27ZtW/z5558GLc4cMPgSEWWTmAj06CF1X3vyBNi9G1i/Xu6qiMhC6B18z58/j7feeivXuJeXFxISEgxSlDlh8woiov8cOgTUqiVtV6YyYADQrZtcFRGRhdE7+Lq7uyM2NjbX+JkzZ+Dr62uQoswJm1cQkcXLyJD24W3bFrhzRxrz8JAC8Pr1gIuLvPURkcXQO/j26NEDEydORFxcHBQKBZRKJY4ePYrx48ejX79+RVGjSeNSByKyaJcvA02aAJ9+qlnL26YN8PffnOklomKnd/CdN28eqlWrBj8/Pzx58gQ1atRAy5Yt0bRpU0ybNq0oajRpquBrbQ34+MhbCxFRsYqJAerVA06fli7b2gILFgD79wPlyslbGxFZpEJ3brt16xYuXLiAJ0+eoG7duqhcubKhaysSxd25zcsLiI+XZnuzr/clIrIIffoAmzYBVasCmzdLQZiI6AWKKq/Z6HuDI0eOoHnz5ihfvjzKc9Fqvp49k0IvwGUORGShVqwAKlQApk4FnJzkroaILJzeSx3atm2LgIAATJkyBRcvXiyKmsyG6hgOgAe2EZGZS0sDwsOB777THndzA+bOZeglIqOgd/C9d+8ePvjgAxw+fBg1a9ZEnTp1sHDhQtzJnvIIAA9sIyILcf480LAhsHQpMHSo9i8/IiIjonfw9fT0xKhRo3D06FFcv34d3bp1w4YNG+Dv74+2bdsWRY0mi8GXiMyaUgksWwY0aCCFX0Ba43XypLx1ERHlQe81vtkFBARg0qRJqF27NqZPn47Dhw8bqi6zwOBLRGYrNhYYOBDYu1czFhQkHcBWs6Z8dRER5UPvGV+Vo0eP4r333oOPjw969eqFmjVr4pdffjFkbSaPXduIyCz9+KPUgS176A0PB06cYOglIqOm94zv5MmTsWXLFty7dw+vvvoqli1bhs6dO8OJBy7kwq5tRGRWUlOBDz4AVq/WjPn4ABERQPv2spVFRFRQegff//3vf/jwww/RvXt3eHp6FkVNZkMVfB0cAL5URGTykpOB77/XXO7SBVi7lr/giMhk6B18jx49WhR1mCVV8C1XDlAo5K2FiOil+fgAX30F9OolHdQ2aBB/uRGRSSlQ8N21axdee+012NraYteuXfle98033zRIYaYuKUmaHAG4vpeITNTt24CzM1CypGasc2fgxg2pLSURkYkpUPDt0qUL4uLi4OXlhS5duuR5PYVCgaysLEPVZtK4owMRmbRt24Bhw4CQEOl89pldhl4iMlEF2tVBqVTC679fdEqlMs8TQ68GD2wjIpOUnAwMGACEhQGPHwPbt0tblBERmQG9tzOLjIxEenp6rvGMjAxERkYapChzwBlfIjI5UVFAnTrAhg2asbAwoGNH2UoiIjIkvYPvwIEDkZSUlGs8JSUFAwcONEhR5oDBl4hMRmYmMHs20KKFtH4XAFxcgMhI4NtvAQ8PeesjIjIQvXd1EEJAoeMo3jt37sDNzc0gRZkDNq8gIpMQEwP06SPN9qo0bQp88w0QECBfXURERaDAwbdu3bpQKBRQKBRo164dbGw0N83KysKNGzfQoUOHIinSFHHGl4iM3rVrQL16QEqKdNnaGpgxA5gyBbB5qY72RERGqcC/2VS7OZw9exahoaEoUaKE+mt2dnbw9/dH165dDV6gqVIFX1dXgBPhRGSUKlYE2rUDfvgBCAwENm0CGjeWuyoioiJT4OA7c+ZMAIC/vz/CwsLg4OBQZEWZOiGAO3ek85ztJSKjpVBIndcqVADmzJHW9RIRmTG9D27r378/Q+8LJCQAaWnSeQZfIjIKGRnApEnAL79oj3t6AkuXMvQSkUUo0IxvyZIlceXKFXh6esLDw0PnwW0qjx49MlhxpooHthGRUYmOltoMnz4NrF8P/P034O0td1VERMWuQMF3yZIlcPlvNmDJkiX5Bl9i8woiMhJCAGvWAOHhwLNn0lhiInD0KPD22/LWRkQkgwIF3/79+6vPDxgwoKhqMRvc0YGIZBcfDwweDOzapRmrWlXqwlavnnx1ERHJSO81vqdPn8b58+fVl3/88Ud06dIFU6ZMQUZGhkGLM1UMvkQkq717gVq1tEPviBHSUgeGXiKyYHoH32HDhuHKlSsAgJiYGISFhcHJyQnfffcdJkyYYPACTRGDLxHJIi1NWtbQoQMQFyeNeXpKAfjLLwEnJ3nrIyKSmd7B98qVK6hTpw4A4LvvvkOrVq2wefNmRERE4Pvvvzd0fSYp+8Ft5crJVwcRWZgHD6SD11Q6dADOnwc6dZKvJiIiI6J38BVCQKlUAgD279+Pjh07AgD8/PyQkJBg2OpMlGrGt3RpwNFR3lqIyIKULw+sXAnY2wOffw7s3g2UKSN3VURERkPvnpT169fHxx9/jJCQEBw+fBgrV64EANy4cQPe3B4HWVnAvXvSeS5zIKIiFRsLODtLLSJVevYEmjfnLyAiIh30nvFdunQpTp8+jVGjRmHq1KmoVKkSAGD79u1o2rSpwQs0NbGxUvgF+P8OERWhH3+UDmAbMyb31/jLh4hIJ71nfGvVqqW1q4PKwoULYW1tbZCiTBkPbCOiIpWaCnzwAbB6tXR5wwZpDW/XrvLWRURkAvQOviqnTp3CpUuXAAA1atRAPW6RA4Bd24ioCJ06JXVg+29nHQBAly5Aq1aylUREZEr0Dr4PHjxAWFgYDh8+DHd3dwDA48eP0aZNG2zZsgWlS5c2dI0mhV3biMjgsrKAzz4Dpk0DMjOlMScnYNkyYNAggN00iYgKRO81vqNHj8aTJ0/wzz//4NGjR3j06BEuXLiA5ORkjNG11szCcKkDERnU7dtAu3bApEma0BscDJw5I3VmY+glIiowvWd89+zZg/3796N69erqsRo1amDFihVo3769QYszRQy+RGQwV64AjRoBjx9LlxUKKQDPmgXY2clZGRGRSdJ7xlepVMLW1jbXuK2trXp/X0umCr5WVkDZsvLWQkQmrlIlKfgC0l/SBw8C8+Yx9BIRFZLewbdt27Z4//33cU+1WS2Au3fvIjw8HO3atTNocaZIdXCbjw9gU+hDB4mIIP0FvX49MHQocO4cD2IjInpJegffL774AsnJyfD390fFihVRsWJFBAQEIDk5GcuXLy+KGk1GerrUMRTggW1EpKfMTGD2bOD337XHfXykrcs8POSpi4jIjOg9J+nn54fTp0/jwIED6u3MqlevjpCQEIMXZ2ru3NGc5/peIiqwmBigTx8gKgrw9QX+/hsoWVLuqoiIzI5ewXfr1q3YtWsXMjIy0K5dO4wePbqo6jJJPLCNiPQiBLBxIzBqFJCSIo3FxUlredmQgojI4AocfFeuXImRI0eicuXKcHR0xI4dO3D9+nUsXLiwKOszKWxeQUQFlpgIDB8ObNumGQsMBDZtAho3lq8uIiIzVuA1vl988QVmzpyJ6OhonD17Fhs2bMCXX35ZlLWZHM74ElGBHDoE1KqlHXoHDADOnmXoJSIqQgUOvjExMejfv7/6cq9evZCZmYnY2NgiKcwUsWsbEeUrIwOYPBlo21ZzUIC7uxSA168HXFxkLY+IyNwVeKlDeno6nJ2d1ZetrKxgZ2eHZ8+eFUlhpogzvkSUrzt3gOXLpbW9ANC6NRAZyV8YRETFRK+D26ZPnw4nJyf15YyMDMydOxdubm7qscWLFxuuOhOjCr52dkDp0vLWQkRGKDAQWLYMGDECmDsX+OADaa9eIiIqFgohVFMP+WvdujUUL+gJr1Ao8HvOPSiNTHJyMtzc3JCUlARXV1eD3re7O5CUJP3fdv26Qe+aiExRQgLg5CSdVISQfkFUqiRfXURERq6o8lqBZ3wPHTpksAc1RykpUugF+KklEQHYu1c6YO3tt4EVKzTjCgVDLxGRTPgZm4HwwDYiAgCkpQHh4UCHDtKevF9+Cfzyi9xVERERCtG5jXTjgW1EhPPngd69pX9VOnQAgoPlq4mIiNQ442sgDL5EFkyplA5aa9BAE3rt7YHPPwd27wbKlJG3PiIiAsAZX4Nh1zYiCxUbCwwcKK3pVQkKAjZvBmrWlK8uIiLKhcHXQLjGl8gCRUcDzZtLuzeohIcD8+YBDg7y1UVERDoVaqnDH3/8gT59+qBJkya4e/cuAGDjxo04cuSIQYszJVzqQGSBKlUCatSQzvv4SLO+ixcz9BIRGSm9g+/333+P0NBQODo64syZM0hPTwcAJCUlYd68eQYv0FSogm+JEkC2fh5EZM6srYGNG4G+fYG//wbat5e7IiIiyofewffjjz/GqlWrsHbtWtja2qrHmzVrhtOnTxu0OFMhhCb4+vlJ23QSkZnJygI+/RQ4dkx7vHx5qe2wp6c8dRERUYHpvcY3OjoaLVu2zDXu5uaGx48fG6Imk/PwIfDsmXSeyxyIzNDt29Ks7uHDQEAAcPYsYODOj0REVPT0nvEtU6YMrl27lmv8yJEjCAwMNEhRpoYHthGZsW3bgFq1pNALADdvAr/9JmtJRERUOHoH3yFDhuD999/H8ePHoVAocO/ePWzatAnjx4/HiBEjiqJGo8cD24jMUHKy1HI4LAxQfZrl5wccPAi8846clRERUSHpvdRh0qRJUCqVaNeuHZ4+fYqWLVvC3t4e48ePx+jRo4uiRqPH4EtkZqKigD59gJgYzVhYGLByJeDhIV9dRET0UvQOvgqFAlOnTsWHH36Ia9eu4cmTJ6hRowZKlChRFPWZBDavIDITmZnA3LnAnDnSwWwA4OICrFghBWEeuUpEZNIK3cDCzs4ONVT7V1o4zvgSmYnr14H58zWht2lT4JtvpAPaiIjI5OkdfNu0aQNFPrMev//++0sVZIoYfInMRNWqwIIFwLhxwIwZwJQpgA0bXBIRmQu9f6PXqVNH6/Lz589x9uxZXLhwAf379zdUXSZFFXxLlQKcnOSthYj0kJgo/dDa22vGRo8G2rYFataUry4iIioSegffJUuW6ByfNWsWnjx58tIFmZqsLOC/rs2c7SUyJYcOSXvz9ugBLFyoGVcoGHqJiMyU3tuZ5aVPnz5Yt26doe7OZMTFScfDAAy+RCYhIwOYPFma1b1zB/jsM+DAAbmrIiKiYmCwxWtRUVFwcHAw1N2ZDK7vJTIh0dFAr15A9vbqbdpIa3uJiMjs6R183377ba3LQgjExsbi5MmTmD59usEKMxXs2kZkAoQA1qwBwsM1/cVtbaWtyz74ALAy2IdfRERkxPQOvm5ublqXraysULVqVXz00Udo3769wQozFZzxJTJy8fHA4MHArl2asapVgc2bgXr15KuLiIiKnV7BNysrCwMHDkRQUBA82L0IAIMvkVGLjgZat5YW46uMGCGt6+UWLEREFkevz/esra3Rvn17PFb1rTeQFStWwN/fHw4ODmjUqBFOnDhRoNtt2bIFCoUCXbp0MWg9+mDXNiIjFhio+cH09JRmfb/8kqGXiMhC6b2wrWbNmojJ3r/+JW3duhXjxo3DzJkzcfr0adSuXRuhoaF48OBBvre7efMmxo8fjxYtWhislsJQzfgqFICvr6ylEFFOtrbApk3A228D588DnTrJXREREclI7+D78ccfY/z48fj5558RGxuL5ORkrZO+Fi9ejCFDhmDgwIGoUaMGVq1aBScnp3y3RsvKykLv3r0xe/ZsBAYG6v2YhqQKvj4+0v+xRCQTpRL4/HPgzBnt8cqVge+/B8qUkacuIiIyGgUOvh999BFSU1PRsWNHnDt3Dm+++SbKlSsHDw8PeHh4wN3dXe91vxkZGTh16hRCQkI0BVlZISQkBFFRUfnW4uXlhUGDBr3wMdLT0186nOclIwO4f186z2UORDKKjQU6dgTef1/aruzpU7krIiIiI1Tgg9tmz56N4cOH4+DBgwZ78ISEBGRlZcHb21tr3NvbG5cvX9Z5myNHjuDrr7/G2bNnC/QY8+fPx+zZs1+2VJ3u3pV2SQIYfIlk8+OP0q4NCQnS5cuXgV9/Bbp2lbcuIiIyOgUOvuK/hNeqVasiK+ZFUlJS0LdvX6xduxaenp4Fus3kyZMxbtw49eXk5GT4GSil8sA2Ihmlpkp78K5erRnz8QEiIgAL3FqRiIheTK/tzBQKhUEf3NPTE9bW1rivWi/wn/v376OMjvV4169fx82bN9Ep2wEqSqUSAGBjY4Po6GhUrFhR6zb29vawt7c3aN0qbF5BJJNTp6QlDVeuaMa6dAHWrpV2byAiItJBr+BbpUqVF4bfR48eFfj+7OzsEBwcjAMHDqi3JFMqlThw4ABGjRqV6/rVqlXD+fPntcamTZuGlJQULFu2zGAzuQXFPXyJillWFrBwITB9OpCZKY05OQFLl0rLHQz8xzkREZkXvYLv7Nmzc3Vue1njxo1D//79Ub9+fTRs2BBLly5FamoqBg4cCADo168ffH19MX/+fDg4OKBmzZpat3d3dweAXOPFgcGXqJhdvqwdeoODpQ5sVarIWxcREZkEvYJvjx494OXlZdACwsLCEB8fjxkzZiAuLg516tTBnj171Ae83bp1C1ZWeu+6Viy4xpeomL3yCjBnDjBlCjBpEjBrFmBnJ3dVRERkIhRCddTaC1hbWyM2Ntbgwbe4JScnw83NDUlJSXB1dX2p+6pdG/j7b2n/3rQ0wEjzOZHpSkkBHB0Bm2x/o2dlSXv11q8vX11ERFSkDJnXsitwVCtgPrYoqqUO5cox9BIZXFQUUKcO8PHH2uPW1gy9RERUKAWOa0ql0uRnew0pNRVITJTOc5kDkQFlZgKzZwMtWgAxMdLShmPH5K6KiIjMgF5rfEmDB7YRFYGYGKBPH2m2V6VxY2l/XiIiopfED+gLiQe2ERmQEEBkpLS0QRV6ra2lmd/Dh4GAAFnLIyIi88AZ30LijC+RgSQmAiNGAFu3asYCA4FNm6TZXiIiIgNh8C0kdm0jMoDoaODVV7V/oAYMAD7/HHBxka0sIiIyT1zqUEic8SUygAoVgP+a0MDDA9i2DVi/nqGXiIiKBINvITH4EhmAg4PUea1jR2lT7G7d5K6IiIjMGINvIakObnNykiaqiOgFhADWrAEuXtQer1kT+OUXaUNsIiKiIsTgWwhCaGZ8/fwAhULeeoiMXnw80KULMGwY0KsXkJ4ud0VERGSBGHwLITERePpUOs8D24heYO9eoFYtYNcu6fK5c8DPP8tbExERWSQG30Lg+l6iAkhLA8aOBTp0AOLipDFPTykAd+0qa2lERGSZuJ1ZITD4Er3A+fPSkoYLFzRjoaFARARQpoxsZRERkWXjjG8hsGsbUR6USmDZMqBBA03otbeXxnbvZuglIiJZcca3EDjjS5SH8+eBceOkAAwAQUHSdmU1a8pbFxERETjjWyjs2kaUh9q1gSlTpPPh4cCJEwy9RERkNDjjWwic8SX6z9OnUhMKq2x/Q8+YAbRvD7RoIV9dREREOnDGtxBUwdfDA3B2lrcWItmcOgXUrQssWqQ9bmvL0EtEREaJwVdPSiVw5450nrO9ZJGysoBPPwUaNwauXAGmTgVOn5a7KiIiohfiUgc93b8PPH8unef6XrI4t28DffsChw9rxmrVAkqUkK8mIiKiAuKMr564vpcs1rZtUshVhV6FApg8GTh2DKhSRd7aiIiICoAzvnpi8CWLk5wMjBkDbNigGfPzAzZuBFq1kq8uIiIiPTH46onNK8iiREcDHTsCMTGasbAwYNUqwN1dtrKIiIgKg0sd9MQZX7Io5coBNv/9feziAkRGAt9+y9BLREQmicFXT2xeQRbF2VnqvNa6NXDunHRgm0Ihd1VERESFwuCrJ1XwVSgAX195ayEyKCGkGd3r17XHg4OB338HAgLkqYuIiMhAGHz1pAq+3t6AnZ28tRAZTGIi0KMH0L8/0Lu3Zs8+Fc7yEhGRGWDw1UNGBhAbK53n+l4yG4cOSduUbdsmXT5+HPj5Z1lLIiIiKgoMvnq4d0/6NBhg8CUzkJEBTJoEtG2raUfo4QF89x3w1lvy1kZERFQEuJ2ZHnhgG5mN6GigVy/tVsNt2khrfMuVk68uIiKiIsQZXz1wKzMyeUIAq1cDdetqQq+tLbBgAbB/P0MvERGZNc746oHBl0zemTPA8OGay1WrStuV1asnX01ERETFhDO+emDXNjJ59eoB48ZJ50eMkGZ9GXqJiMhCcMZXD5zxJZOTni7tu5d9O7J584AOHYBXX5WvLiIiIhlwxlcPquBrYwOUKSNvLUQvdP48UL8+sHKl9ri9PUMvERFZJAZfPaiCr68vYG0tby1EeVIqgWXLgAYNgAsXgA8+AC5elLsqIiIi2XGpQwE9fQo8fCid5zIHMlqxscDAgcDevZqxypXlq4eIiMiIcMa3gLi+l4zejz9KHdiyh97wcODECaBGDfnqIiIiMhKc8S0gBl8yWqmp0nKG1as1Yz4+QEQE0L69bGUREREZGwbfAmLXNjJKV64AnTpJ/6p06QKsXQt4espWFhERkTHiUocC4owvGSVvbyAjQzrv5CQF3h07GHqJiIh0YPAtIDavIKPk5gZ88w3QqJHUlW3wYO09e4mIiEiNwbeAOONLRuG777S/GQGgWTMgKgqoUkWemoiIiEwEg28BqbKGoyNQqpS8tZAFSk4GBgwAuncH+vUDsrK0v85ZXiIiohdi8C0AITTB18+PGYOKWVQUULcusGGDdPnQIeDnn2UtiYiIyBQx+BZAUhLw5Il0nsscqNhkZgKzZwMtWgAxMdKYiwsQGQm8+aa8tREREZkgbmdWADywjYpdTAzQp48026vStKl0IFtAgHx1ERERmTDO+BYAD2yjYiOENKNbp44m9FpbSzO/hw8z9BIREb0EzvgWAJtXULE5eRLo319zOTAQ2LQJaNxYvpqIiIjMBGd8C4AzvlRsGjQAhg2Tzg8YAJw9y9BLRERkIJzxLQAGXyoyz58DNjbaW4UsWgR07MgD2IiIiAyMM74FwIPbqEhER0uzuaptylScnRl6iYiIigCDbwGoZnzd3KTdpIheihDA6tXS3rynTwOjRwPXrsldFRERkdnjUocXUCqBO3ek8zywjV5afDwweDCwa5dmzNcXePZMvpqIiIgsBGd8XyA+HsjIkM5zmQO9lL17gVq1tEPv8OHSrG9QkHx1ERERWQgG3xfggW300tLSgPBwoEMHIC5OGvP0lALwypWAk5O89REREVkILnV4AR7YRi/l2jXg7beB8+c1Yx06AOvXA2XKyFcXERGRBeKM7wtwxpdeiocH8PChdN7eHvj8c2D3boZeIiIiGTD4vgC7ttFLKVUKiIgAateWurKNHq29Zy8REREVGwbfF+CML+nlp58063hVXn0VOHUKqFlTnpqIiIgIAIPvC2UPvuXKyVcHGbnUVGmHhjffBN59V9qrNztra3nqIiIiIjUG3xdQHdzm5SUt0STK5dQpoF49qSkFAPz6K/Dzz/LWRERERLkw+OYjMxOIjZXOc5kD5ZKVBXz6qdR2+MoVaczJCVi7FnjjDXlrIyIioly4nVk+7t2TOrcBPLCNcrh9G+jbFzh8WDMWHAxs3gxUqSJfXURERJQnzvjmgwe2kU5bt0od2FShV6EAJk8Gjh1j6CUiIjJinPHNB5tXUC5//gn06KG57OcHbNwItGolX01ERERUIJzxzQdnfCmXxo2lJQ4AEBYGnDvH0EtERGQiOOObDwZfglIJWOX4+/CLL4DXXwe6d2czCiIiIhPCGd98sGubhYuJAZo3B7Zt0x53dZVmexl6iYiITAqDbz5UwdfaGvDxkbcWKkZCAJGRQJ06QFQUMGyY9l9BREREZJIYfPOhOritbFk23rIYiYnSwWv9+wMpKdJYyZLAw4fy1kVEREQvjcE3D8+eAQkJ0nmu77UQhw5J25RlX9owYABw9qw0+0tEREQmjcE3D3fuaM5zfa+Zy8gAJk0C2rbVvPHu7lIAXr8ecHGRtTwiIiIyDO7qkAfu6GAhYmKAbt2A06c1Y61bS2t8+cYTERGZFc745oHB10I4OmoWc9vaAgsWAAcO8E0nIiIyQwy+eWDXNgvh4wN8/TVQrZrUle3DD3Pv20tERERmgf/D54EzvmZq//7cOzS8+Sbw999AvXry1ERERETFwiiC74oVK+Dv7w8HBwc0atQIJ06cyPO6a9euRYsWLeDh4QEPDw+EhITke/3CYvMKM5OWBoSHA6++Ku3LK4T2121t5amLiIiIio3swXfr1q0YN24cZs6cidOnT6N27doIDQ3FgwcPdF7/0KFD6NmzJw4ePIioqCj4+fmhffv2uHv3rkHrUgVfBwfA09Ogd03F7fx5oGFDYOlS6fL33wN79shaEhERERU/hRA5p76KV6NGjdCgQQN88cUXAAClUgk/Pz+MHj0akyZNeuHts7Ky4OHhgS+++AL9+vV74fWTk5Ph5uaGpKQkuLq65nk9NzcgORmoVAm4erXgz4eMiFIJLF8OTJwIpKdLY/b2wMKFwKhRbDlMRERkpAqa1/Ql63ZmGRkZOHXqFCZPnqwes7KyQkhICKKiogp0H0+fPsXz589RsmRJnV9PT09Huir0QHohXyQpSQq9ANf3mqzYWGDgQGDvXs1YUBCweTNQs6Z8dREREZFsZF3qkJCQgKysLHh7e2uNe3t7Iy4urkD3MXHiRJQtWxYhISE6vz5//ny4ubmpT34FSLI8sM3E7doldWDLHnrDw4ETJxh6iYiILJjsa3xfxieffIItW7Zg586dcHBw0HmdyZMnIykpSX26nT3V5oEHtpmwo0eBzp01/abLlJEC8OLF0oJtIiIisliyBl9PT09YW1vj/v37WuP3799HmTJl8r3tZ599hk8++QS//fYbatWqlef17O3t4erqqnV6Ec74mrCmTYG33pLOd+4sHdjWvr28NREREZFRkDX42tnZITg4GAcOHFCPKZVKHDhwAE2aNMnzdgsWLMCcOXOwZ88e1K9f3+B1sXmFCcl5bKZCAaxdC6xfD+zcyS05iIiISE32pQ7jxo3D2rVrsWHDBly6dAkjRoxAamoqBg4cCADo16+f1sFvn376KaZPn45169bB398fcXFxiIuLw5MnTwxWE2d8TcTt20DbtsDPP2uPlyoFDBjAXRuIiIhIi6y7OgBAWFgY4uPjMWPGDMTFxaFOnTrYs2eP+oC3W7duwSpbC9mVK1ciIyMD77zzjtb9zJw5E7NmzTJITQy+JmDbNqkRxePHwD//SJ3XXrA8hoiIiCyb7Pv4FreC7AtXuTJw7Rrg6iptbUZGJDkZGDMG2LBBM+bnB/zwA1sOExERmYmi2sdX9qUOxkYIzYwvZ3uNTFQUUKeOdugNCwPOnWPoJSIiohdi8M0hPl7T5IvB10hkZgKzZgEtWgA3bkhjLi5AZCTw7beAh4es5REREZFpkH2Nr7Hh+l4jc/Mm0KuXNNur0rQp8M03QECAbGURERGR6eGMbw4MvkbGygq4eFE6b20NzJ4NHD7M0EtERER6Y/DNgV3bjEz58sCqVUBgIHDkCDBjBmDDDyqIiIhIfwy+OXDGV2Z//CHt3JBdjx7SlmWNG8tTExEREZkFBt8c2LVNJhkZwKRJQKtWwOjRub/u4FD8NREREZFZYfDNIfuMb7ly8tVhUaKjgSZNgE8/lfaTi4wEfvtN7qqIiIjIzDD45qAKvqVLA46O8tZi9oQAVq8G6tYFTp+WxmxtgQULgJAQeWsjIiIis8OjhLLJygLu3ZPOc5lDEYuPBwYPBnbt0oxVrQps3sxmFERERFQkOOObTWysFH4BBt8itXcvUKuWdugdMUKa9WXoJSIioiLCGd9seGBbMfjjD6BDB81lT09g3TqgUyf5aiIiIiKLwBnfbLiVWTFo3lwTfDt0AM6fZ+glIiKiYsEZ32zYvKIYKBTA+vXAzp3A8OHSZSIiIqJiwBnfbDjja2BxccDrrwMHDmiPlykjrell6CUiIqJixBnfbLjG14B27QIGDQISEoBz56RTqVJyV0VEREQWjDO+2ahmfK2sgLJl5a3FZKWmSksYOneWQi8AKJXAzZuylkVERETE4JuNKvj6+AA2nAvX36lTQHCw1JRCpUsX4O+/pXEiIiIiGTH4/ic9HXjwQDrPA9v0lJUltRtu3FhqPwwATk7A2rXAjh3SlmVEREREMuO85n/u3NGc5/pePdy5A/TtCxw6pBkLDpY6sFWpIltZRERERDlxxvc/PLCtkJ49A/76SzqvUACTJwPHjjH0EhERkdFh8P0PtzIrpMqVgc8/l160gweBefMAOzu5qyIiIiLKhcH3Pwy+BXTiBPD0qfbYwIHAxYtAq1by1ERERERUAAy+/2HXthfIzARmzwaaNgXGj9f+mkIBlCghT11EREREBcTg+x/O+OYjJgZo2RKYNUvawWHlSmlZAxEREZEJYfD9j+rgNjs7oHRpeWsxGkIAkZFAnTpAVJQ0Zm0tzfy2aCFraURERET64nZm/1HN+JYrJ3Vus3iJicCIEcDWrZqxwEBg0yZpv14iIiIiE8PgCyAlBUhKks5zmQOAw4elvXmzr/8YMEDavcHFRbayiIiKS1ZWFp4/fy53GURmzc7ODlbFPNvI4Ase2Kbl8GGgTRtpmQMAeHhILYi7dZO3LiKiYiCEQFxcHB4/fix3KURmz8rKCgEBAbArxm1QGXzBA9u0NG8uHcimCsCRkdL6DyIiC6AKvV5eXnBycoJCoZC7JCKzpFQqce/ePcTGxqJ8+fLF9rPG4At2bdNibQ1s3Ah89x0wdiwXPBORxcjKylKH3lKlSsldDpHZK126NO7du4fMzEzY2toWy2My1cCCZ3zj44GuXYGjR7XH/fyAceMYeonIoqjW9Do5OclcCZFlUC1xyMrKKrbH5IwvLHSN79690gFrcXHA6dPAuXOAq6vcVRERyY7LG4iKhxw/a5zSg4XN+KalSUsYOnSQQi8APHkCXLkia1lERERERY3BF5rgW6IE4OYmby1F6vx5oEEDYNkyzViHDtJ4/fry1UVERCST6OholClTBikpKXKXYlYyMjLg7++PkydPyl2KFosPvkJoDm7z8wPM8hMupVIKuw0aABcuSGP29tK+vLt3A2XKyFsfERG9lAEDBkChUEChUMDW1hYBAQGYMGEC0tLScl33559/RqtWreDi4gInJyc0aNAAEREROu/3+++/R+vWreHm5oYSJUqgVq1a+Oijj/Do0aMifkbFZ/LkyRg9ejRczHif+hUrVsDf3x8ODg5o1KgRTpw48cLbLF26FFWrVoWjoyP8/PwQHh6u9f3k7++v/p7Lfho5ciQAaf3u+PHjMXHixCJ7XoVh8cH34UPp03/ATJc5xMYCHTtKyxvS06WxoCDg5Elg9GgzTfpERJanQ4cOiI2NRUxMDJYsWYLVq1dj5syZWtdZvnw5OnfujGbNmuH48eP4+++/0aNHDwwfPhzjx4/Xuu7UqVMRFhaGBg0a4Ndff8WFCxewaNEinDt3Dhs3biy255WRkVFk933r1i38/PPPGDBgwEvdT1HW+LK2bt2KcePGYebMmTh9+jRq166N0NBQPHjwIM/bbN68GZMmTcLMmTNx6dIlfP3119i6dSumTJmivs5ff/2F2NhY9Wnfvn0AgG7Z9v3v3bs3jhw5gn/++afonqC+hIVJSkoSAERSUpIQQojTp4WQ5n2FGDxY5uKKwoULQtjba55keLgQz57JXRURkdF59uyZuHjxonhmgr8j+/fvLzp37qw19vbbb4u6deuqL9+6dUvY2tqKcePG5br9559/LgCIP//8UwghxPHjxwUAsXTpUp2Pl5iYmGctt2/fFj169BAeHh7CyclJBAcHq+9XV53vv/++aNWqlfpyq1atxMiRI8X7778vSpUqJVq3bi169uwpunfvrnW7jIwMUapUKbFhwwYhhBBZWVli3rx5wt/fXzg4OIhatWqJ7777Ls86hRBi4cKFon79+lpjCQkJokePHqJs2bLC0dFR1KxZU2zevFnrOrpqFEKI8+fPiw4dOghnZ2fh5eUl+vTpI+Lj49W3+/XXX0WzZs2Em5ubKFmypHj99dfFtWvX8q3xZTVs2FCMHDlSfTkrK0uULVtWzJ8/P8/bjBw5UrRt21ZrbNy4caJZs2Z53ub9998XFStWFEqlUmu8TZs2Ytq0aTpvk9/PXM68ZigWP+Nr9ge2vfIKsHChtJxh715g8WLAwUHuqoiITEb9+lIfn+I+vcyhFxcuXMCxY8e0OmJt374dz58/zzWzCwDDhg1DiRIl8O233wIANm3ahBIlSuC9997Tef/u7u46x588eYJWrVrh7t272LVrF86dO4cJEyZAqVTqVf+GDRtgZ2eHo0ePYtWqVejduzd++uknPHnyRH2dvXv34unTp3jrrbcAAPPnz0dkZCRWrVqFf/75B+Hh4ejTpw8OHz6c5+P88ccfqJ/jhU5LS0NwcDB++eUXXLhwAUOHDkXfvn1zLQ/IWePjx4/Rtm1b1K1bFydPnsSePXtw//59dO/eXX2b1NRUjBs3DidPnsSBAwdgZWWFt956K9/XZ968eShRokS+p1vZGxJkk5GRgVOnTiEkJEQ9ZmVlhZCQEERFReX5mE2bNsWpU6fUzzkmJga7d+9Gx44d83ycb775Bu+++26unRoaNmyIP/74I8/HKm4Wv52Z2TWvOHcOqFZNWsOrMmoU0KeP1H6YiIj0EhcH3L0rdxUv9vPPP6NEiRLIzMxEeno6rKys8MUXX6i/fuXKFbi5ucHHxyfXbe3s7BAYGIgr/+3wc/XqVQQGBurdVGDz5s2Ij4/HX3/9hZIlSwIAKlWqpPdzqVy5MhYsWKC+XLFiRTg7O2Pnzp3o27ev+rHefPNNuLi4ID09HfPmzcP+/fvRpEkTAEBgYCCOHDmC1atXo1WrVjof599//80VfH19fbX+OBg9ejT27t2Lbdu2oWHDhnnW+PHHH6Nu3bqYN2+eemzdunXw8/PDlStXUKVKFXTt2lXrsdatW4fSpUvj4sWLqFmzps4ahw8frhWedSlbtqzO8YSEBGRlZcHb21tr3NvbG5cvX87z/nr16oWEhAQ0b94cQghkZmZi+PDhWksdsvvhhx/w+PFjnUtGypYti3///Tff+ouTxQdfs5nxzcoCPvsMmDYNeP996byKQsHQS0RUSHId/6vv47Zp0wYrV65EamoqlixZAhsbm1xBq6CEEIW63dmzZ1G3bl116C2s4OBgrcs2Njbo3r07Nm3ahL59+yI1NRU//vgjtmzZAgC4du0anj59ildffVXrdhkZGahbt26ej/Ps2TM45PgUNCsrC/PmzcO2bdtw9+5dZGRkID09PVdjk5w1njt3DgcPHkSJEiVyPc7169dRpUoVXL16FTNmzMDx48eRkJCgnum9detWnsG3ZMmSL/166uvQoUOYN28evvzySzRq1AjXrl3D+++/jzlz5mD69Om5rv/111/jtdde0xnAHR0d8fTp0+Iou0AYfM0h+N6+DfTtC6g+zlm0COjSBWjeXNayiIjMgZHtxpQnZ2dn9ezqunXrULt2bXz99dcYNGgQAKBKlSpISkrCvXv3cgWUjIwMXL9+HW3atFFf98iRI3j+/Lles76Ojo75ft3KyipXqFZ1zMv5XHLq3bs3WrVqhQcPHmDfvn1wdHREhw4dAEC9BOKXX36Br6+v1u3ss38CmoOnpycSExO1xhYuXIhly5Zh6dKlCAoKgrOzM8aOHZvrALacNT558gSdOnXCp59+mutxVLPsnTp1QoUKFbB27VqULVsWSqUSNWvWzPfguHnz5mnNIuty8eJFlNfRgcvT0xPW1ta4f/++1vj9+/dRJp+/rKZPn46+ffti8ODBAICgoCCkpqZi6NChmDp1KqyydXb9999/sX//fuzYsUPnfT169AilS5fOt/7ixDW+ph58t20DatXShF6FApg8Gcj2cQwREVkWKysrTJkyBdOmTcOzZ88AAF27doWtrS0WLVqU6/qrVq1CamoqevbsCUD6qPvJkyf48ssvdd7/48ePdY7XqlULZ8+ezXO7s9KlSyM2NlZr7OzZswV6Tk2bNoWfnx+2bt2KTZs2oVu3bupQXqNGDdjb2+PWrVuoVKmS1skvn//c69ati4sXL2qNHT16FJ07d0afPn1Qu3ZtrSUg+alXrx7++ecf+Pv756rB2dkZDx8+RHR0NKZNm4Z27dqhevXquUK3LsOHD8fZs2fzPeW11MHOzg7BwcE4cOCAekypVOLAgQPqJSG6PH36VCvcAoC1tTWA3J8GrF+/Hl5eXnj99dd13teFCxfynXUvdgY9VM4E5DxKsEIFabODUqXkrUtvSUlC9O+v2a0BEMLPT4hDh+SujIjIJJnbrg7Pnz8Xvr6+YuHCheqxJUuWCCsrKzFlyhRx6dIlce3aNbFo0SJhb28vPvjgA63bT5gwQVhbW4sPP/xQHDt2TNy8eVPs379fvPPOO3nu9pCeni6qVKkiWrRoIY4cOSKuX78utm/fLo4dOyaEEGLPnj1CoVCIDRs2iCtXrogZM2YIV1fXXLs6vP/++zrvf+rUqaJGjRrCxsZG/PHHH7m+VqpUKRERESGuXbsmTp06JT7//HMRERGR5+u2a9cu4eXlJTIzM9Vj4eHhws/PTxw9elRcvHhRDB48WLi6umq9vrpqvHv3rihdurR45513xIkTJ8S1a9fEnj17xIABA0RmZqbIysoSpUqVEn369BFXr14VBw4cEA0aNBAAxM6dO/Os8WVt2bJF2Nvbi4iICHHx4kUxdOhQ4e7uLuLi4tTX6du3r5g0aZL68syZM4WLi4v49ttvRUxMjPjtt99ExYoVc+2skZWVJcqXLy8mTpyY5+NXqFBBREZG6vyaHLs6WHTwzcwUwtpayox16shdmR6OHRMiMFA79IaFCfHokdyVERGZLHMLvkIIMX/+fFG6dGnx5MkT9diPP/4oWrRoIZydnYWDg4MIDg4W69at03m/W7duFS1bthQuLi7C2dlZ1KpVS3z00Uf5bmd28+ZN0bVrV+Hq6iqcnJxE/fr1xfHjx9VfnzFjhvD29hZubm4iPDxcjBo1qsDB9+LFiwKAqFChQq5ts5RKpVi6dKmoWrWqsLW1FaVLlxahoaHi8OHDedb6/PlzUbZsWbFnzx712MOHD0Xnzp1FiRIlhJeXl5g2bZro16/fC4OvEEJcuXJFvPXWW8Ld3V04OjqKatWqibFjx6pr3bdvn6hevbqwt7cXtWrVEocOHSry4CuEEMuXLxfly5cXdnZ2omHDhurt5bI/n/79+6svP3/+XMyaNUtUrFhRODg4CD8/P/Hee+/let/37t0rAIjo6Gidj3vs2DHh7u4unj59qvPrcgRfhRCFXMFuopKTk+Hm5oakpCSkpLiiXDlpvFMnYNcueWsrkEOHgJAQ6WA2AHBxAVaskHZtYDMKIqJCS0tLw40bNxAQEJDrgCcyXytWrMCuXbuwd+9euUsxO2FhYahdu3aeu0Hk9zOXPa+5uroarCaLPrjNJNf3NmsGBAcDJ04ATZsC33wDBATIXRUREZFJGjZsGB4/foyUlBSzbltc3DIyMhAUFITw8HC5S9HC4PsfHQdDGidbW2DTJmDrVmDiRMDGot9CIiKil2JjY4OpU6fKXYbZsbOzw7Rp0+QuIxeL3tXB6Gd8ExOB3r2BU6e0xytVAqZOZeglIiIi0oNFJyej7tp26JC0N++dO1LwPX0ayLF5NhEREREVHGd8/2M0wTcjA5g0CWjbVgq9APDgAfDPP/LWRURERGTiLHrGVxV8FQogR6MXeURHA716SbO7Km3aAJGRUG8/QURERESFwhlfAD4+0jFjshECWL0aqFtXE3ptbYEFC4D9+xl6iYiIiAzAYmd809OBuDjpvKzLHOLjgcGDtTcRrloV2LwZqFdPvrqIiIiIzIzFzvjeu6c5L2vwvX0b2L1bc3nECGnWl6GXiIiIyKAsNvjevas5L2vwrVcP+PhjwNNTmvX98kvu3kBERCZFoVDghx9+kLsMozVr1izUqVNH7jIIDL4Airl5xeXLwPPn2mPjx0u7NnTqVIyFEBGRuRgwYAAUCgUUCgVsbW0REBCACRMmIC0tTe7SilxcXBzef/99VKpUCQ4ODvD29kazZs2wcuVKPH36VO7yAADjx4/HgQMH5C6DYMFrfFU7hQHFNOOrVALLl0vd1iZOBGbP1nzN2hrw8iqGIoiIyFx16NAB69evx/Pnz3Hq1Cn0798fCoUCn376qdylFZmYmBg0a9YM7u7umDdvHoKCgmBvb4/z589jzZo18PX1xZtvvil3mShRogRKlCghdxkEC57xLdbgGxsLdOwIjB0rHVX38cfAiRNF/KBERGRJ7O3tUaZMGfj5+aFLly4ICQnBvn371F9/+PAhevbsCV9fXzg5OSEoKAjffvut1n20bt0aY8aMwYQJE1CyZEmUKVMGs2bN0rrO1atX0bJlSzg4OKBGjRpaj6Fy/vx5tG3bFo6OjihVqhSGDh2KJ0+eqL8+YMAAdOnSBfPmzYO3tzfc3d3x0UcfITMzEx9++CFKliyJcuXKYf369fk+5/feew82NjY4efIkunfvjurVqyMwMBCdO3fGL7/8gk7/fZJ68+ZNKBQKnD17Vn3bx48fQ6FQ4NChQ+qxCxcu4LXXXkOJEiXg7e2Nvn37IiEhQf317du3IygoSP28QkJCkJqaCgA4dOgQGjZsCGdnZ7i7u6NZs2b4999/AeRe6qB6/p999hl8fHxQqlQpjBw5Es+zfSIcGxuL119/HY6OjggICMDmzZvh7++PpUuX5vuaUP4YfFHEwffHH4FatYC9ezVjY8ZIY0REZBoWL5a2lnzRSdfs4ptvFuy2ixcbrNwLFy7g2LFjsLOzU4+lpaUhODgYv/zyCy5cuIChQ4eib9++OJFjImbDhg1wdnbG8ePHsWDBAnz00UfqcKtUKvH222/Dzs4Ox48fx6pVqzBx4kSt26empiI0NBQeHh7466+/8N1332H//v0YNWqU1vV+//133Lt3D//73/+wePFizJw5E2+88QY8PDxw/PhxDB8+HMOGDcOd7P9hZ/Pw4UP89ttvGDlyJJydnXVeR6FQFPg1e/z4Mdq2bYu6devi5MmT2LNnD+7fv4/u3bsDkIJoz5498e677+LSpUs4dOgQ3n77bQghkJmZiS5duqBVq1b4+++/ERUVhaFDh+b7+AcPHsT169dx8OBBbNiwAREREYiIiFB/vV+/frh37x4OHTqE77//HmvWrMGDBw8K/HwoD8LCJCUlCQDilVeSBCCEra0QWVlF8EBPnggxbJgQ0i690qlMGSH27i2CByMiopf17NkzcfHiRfHs2bPcX5w5U/v3eV6nxo1z37Zx44LddubMQtfev39/YW1tLZydnYW9vb0AIKysrMT27dvzvd3rr78uPvjgA/XlVq1aiebNm2tdp0GDBmLixIlCCCH27t0rbGxsxN27d9Vf//XXXwUAsXPnTiGEEGvWrBEeHh7iyZMn6uv88ssvwsrKSsTFxanrrVChgsjK9h9w1apVRYsWLdSXMzMzhbOzs/j222911v7nn38KAGLHjh1a46VKlRLOzs7C2dlZTJgwQQghxI0bNwQAcebMGfX1EhMTBQBx8OBBIYQQc+bMEe3bt9e6r9u3bwsAIjo6Wpw6dUoAEDdv3sxVy8OHDwUAcejQIZ21zpw5U9SuXVt9WfX8MzMz1WPdunUTYWFhQgghLl26JACIv/76S/31q1evCgBiyZIlOh/DFOX3M6fKa0lJSQZ9TItd46s6uK1cOcDK0PPep05JHdiuXNGMde4MfPWVtHsDERGZFlfXgrX4LF1a91hBbuvqqn9d2bRp0wYrV65EamoqlixZAhsbG3Tt2lX99aysLMybNw/btm3D3bt3kZGRgfT0dDjl2EmoVo5PJH18fNQzjZcuXYKfnx/Kli2r/nqTJk20rn/p0iXUrl1baxa2WbNmUCqViI6Ohre3NwDglVdegVW2/4C9vb1Rs2ZN9WVra2uUKlVK71nOEydOQKlUonfv3khPTy/w7c6dO4eDBw/qXIt7/fp1tG/fHu3atUNQUBBCQ0PRvn17vPPOO/Dw8EDJkiUxYMAAhIaG4tVXX0VISAi6d+8OHx+fPB/vlVdegbW1tfqyj48Pzp8/DwCIjo6GjY0N6mXb2rRSpUrw8PAo8PMh3Sw2+D5+LP1r8GUOv/8OhIYCmZnSZScnYOlSqUmFHh+5EBGRERk3TjoVRvYGRUXI2dkZlSpVAgCsW7cOtWvXxtdff41BgwYBABYuXIhly5Zh6dKlCAoKgrOzM8aOHYuMjAyt+7HN0cpUoVBAqVQavF5dj6PPY1eqVAkKhQLR0dFa44GBgQAAR0dH9ZgqYAsh1GPPc+yw9OTJE3Tq1EnnwYA+Pj6wtrbGvn37cOzYMfz2229Yvnw5pk6diuPHjyMgIADr16/HmDFjsGfPHmzduhXTpk3Dvn370Lhx4wI//6J4nUmbxa7xVTF48G3WDKhRQzofHAycOQMMGcLQS0RExcbKygpTpkzBtGnT8OzZMwDA0aNH0blzZ/Tp0we1a9dGYGAgrmT/ZLIAqlevjtu3byM2NlY99ueff+a6zrlz59QHfake28rKClWrVn2JZ6WtVKlSePXVV/HFF19oPZYupf+bic9ed/YD3QCgXr16+Oeff+Dv749KlSppnVSz1wqFAs2aNcPs2bNx5swZ2NnZYefOner7qFu3LiZPnoxjx46hZs2a2Lx5c6GeW9WqVZGZmYkzZ86ox65du4bExMRC3R9pMPgaOvja20vthqdOBY4dA6pUMfADEBERvVi3bt1gbW2NFStWAAAqV66snrG8dOkShg0bhvv37+t1nyEhIahSpQr69++Pc+fO4Y8//sDUqVO1rtO7d284ODigf//+uHDhAg4ePIjRo0ejb9++6mUOhvLll18iMzMT9evXx9atW3Hp0iVER0fjm2++weXLl9VLCRwdHdG4cWN88sknuHTpEg4fPoxp06Zp3dfIkSPx6NEj9OzZE3/99ReuX7+OvXv3YuDAgcjKysLx48cxb948nDx5Erdu3cKOHTsQHx+P6tWr48aNG5g8eTKioqLw77//4rfffsPVq1dRvXr1Qj2vatWqISQkBEOHDsWJEydw5swZDB06FI6OjnodsEe5Mfi+TPBNTpZmc//5R3v8lVekLcuyHU1LRERUnGxsbDBq1CgsWLAAqampmDZtGurVq4fQ0FC0bt0aZcqUQZcuXfS6TysrK+zcuRPPnj1Dw4YNMXjwYMydO1frOk5OTti7dy8ePXqEBg0a4J133kG7du3wxRdfGPDZSSpWrIgzZ84gJCQEkydPRu3atVG/fn0sX74c48ePx5w5c9TXXbduHTIzMxEcHIyxY8fi448/1rqvsmXL4ujRo8jKykL79u0RFBSEsWPHwt3dHVZWVnB1dcX//vc/dOzYEVWqVMG0adOwaNEivPbaa3BycsLly5fRtWtXVKlSBUOHDsXIkSMxbNiwQj+3yMhIeHt7o2XLlnjrrbcwZMgQuLi4wMHBodD3SYBCZF/wYgGSk5Ph5uYGIAmAK376CXjjjULcUVQU0KcPEBMjbU124oQ020tERCYpLS0NN27cQEBAAMMFGZ07d+7Az88P+/fvR7t27eQuxyDy+5lT5bWkpCS4vuSBn9lZ7MFtKnrP+GZmAnPnAnPmAFlZ0tiNG8DffwMNGhi8PiIiIrI8v//+O548eYKgoCDExsZiwoQJ8Pf3R8uWLeUuzaQx+OoTfGNipFneqCjNWNOmwDffAAEBBq+NiIiILNPz588xZcoUxMTEwMXFBU2bNsWmTZty7QZB+rHo4OvkBBRoSzwhgI0bgVGjgJQUaczaGpgxA5gyBbCx6JeRiIiIDCw0NBShoaFyl2F2LDqx+fkVYJexxERgxAhg61bNWGAgsGkTkMfefERERERkfCx6V4fy5QtwpUuXgO++01weMAA4e5ahl4jITFnYMd9EspHjZ82ig2+B1vc2bSrtyevuDmzbBqxfD7i4FHVpRERUzFRrJ58+fSpzJUSWQdU1MHvr5qJm8UsdcrlxQ5oKzv4mTJ8ODBtWsF7rRERkkqytreHu7o4HDx4AkPajZbMAoqKhVCoRHx8PJycn2BTjsVIMvipCAGvWAOHhwMyZwMSJmq/Z2jL0EhFZgDJlygCAOvwSUdGxsrJC+fLli/UPTAZfAIiPBwYPBnbtki5Pmwa0bw/UrStbbUREVPwUCgV8fHzg5eWF58+fy10OkVmzs7ODlVXxrrq16OBbvjyAvXulA9bi4jRfGDwYqFpVrrKIiEhm1tbWxbrukIiKh1Ec3LZixQr4+/vDwcEBjRo1wokTJ/K9/nfffYdq1arBwcEBQUFB2L17t96PaYc0VFw+FujQQRN6PT2lWd+VK6VNfomIiIjIbMgefLdu3Ypx48Zh5syZOH36NGrXro3Q0NA811cdO3YMPXv2xKBBg3DmzBl06dIFXbp0wYULF/R63D8UrWH75TLNQIcOwPnzQKdOL/FsiIiIiMhYKYTMGxY2atQIDRo0wBdffAFAOsrPz88Po0ePxqRJk3JdPywsDKmpqfj555/VY40bN0adOnWwatWqFz5ecnIy3NzckATAFQDs7YGFC6WubDx6l4iIiEh26ryWlARXV1eD3a+sa3wzMjJw6tQpTJ48WT1mZWWFkJAQREVF6bxNVFQUxo0bpzUWGhqKH374Qef109PTkZ6err6clJQEAEgGgBo1gK+/lv5VtSImIiIiIlklJycDMHyTC1mDb0JCArKysuDt7a017u3tjcuXL+u8TVxcnM7rx2U/OC2b+fPnY/bs2bnG/QDg4kWgSZNC1U5ERERERevhw4dwc3Mz2P2Z/a4OkydP1pohfvz4MSpUqIBbt24Z9IUk45ScnAw/Pz/cvn3boB+VkHHi+21Z+H5bFr7fliUpKQnly5dHyZIlDXq/sgZfT09PWFtb4/79+1rj9+/fV28inlOZMmX0ur69vT3s7e1zjbu5ufEHx4K4urry/bYgfL8tC99vy8L327IYep9fWXd1sLOzQ3BwMA4cOKAeUyqVOHDgAJrksQShSZMmWtcHgH379uV5fSIiIiIiwAiWOowbNw79+/dH/fr10bBhQyxduhSpqakYOHAgAKBfv37w9fXF/PnzAQDvv/8+WrVqhUWLFuH111/Hli1bcPLkSaxZs0bOp0FERERERk724BsWFob4+HjMmDEDcXFxqFOnDvbs2aM+gO3WrVta09xNmzbF5s2bMW3aNEyZMgWVK1fGDz/8gJo1axbo8ezt7TFz5kydyx/I/PD9tix8vy0L32/LwvfbshTV+y37Pr5ERERERMVB9s5tRERERETFgcGXiIiIiCwCgy8RERERWQQGXyIiIiKyCGYZfFesWAF/f384ODigUaNGOHHiRL7X/+6771CtWjU4ODggKCgIu3fvLqZKyRD0eb/Xrl2LFi1awMPDAx4eHggJCXnh9wcZF31/vlW2bNkChUKBLl26FG2BZFD6vt+PHz/GyJEj4ePjA3t7e1SpUoW/002Ivu/30qVLUbVqVTg6OsLPzw/h4eFIS0srpmrpZfzvf/9Dp06dULZsWSgUCvzwww8vvM2hQ4dQr1492Nvbo1KlSoiIiND/gYWZ2bJli7CzsxPr1q0T//zzjxgyZIhwd3cX9+/f13n9o0ePCmtra7FgwQJx8eJFMW3aNGFrayvOnz9fzJVTYej7fvfq1UusWLFCnDlzRly6dEkMGDBAuLm5iTt37hRz5VQY+r7fKjdu3BC+vr6iRYsWonPnzsVTLL00fd/v9PR0Ub9+fdGxY0dx5MgRcePGDXHo0CFx9uzZYq6cCkPf93vTpk3C3t5ebNq0Sdy4cUPs3btX+Pj4iPDw8GKunApj9+7dYurUqWLHjh0CgNi5c2e+14+JiRFOTk5i3Lhx4uLFi2L58uXC2tpa7NmzR6/HNbvg27BhQzFy5Ej15aysLFG2bFkxf/58ndfv3r27eP3117XGGjVqJIYNG1akdZJh6Pt+55SZmSlcXFzEhg0biqpEMqDCvN+ZmZmiadOm4quvvhL9+/dn8DUh+r7fK1euFIGBgSIjI6O4SiQD0vf9HjlypGjbtq3W2Lhx40SzZs2KtE4yvIIE3wkTJohXXnlFaywsLEyEhobq9VhmtdQhIyMDp06dQkhIiHrMysoKISEhiIqK0nmbqKgoresDQGhoaJ7XJ+NRmPc7p6dPn+L58+coWbJkUZVJBlLY9/ujjz6Cl5cXBg0aVBxlkoEU5v3etWsXmjRpgpEjR8Lb2xs1a9bEvHnzkJWVVVxlUyEV5v1u2rQpTp06pV4OERMTg927d6Njx47FUjMVL0PlNdk7txlSQkICsrKy1F3fVLy9vXH58mWdt4mLi9N5/bi4uCKrkwyjMO93ThMnTkTZsmVz/TCR8SnM+33kyBF8/fXXOHv2bDFUSIZUmPc7JiYGv//+O3r37o3du3fj2rVreO+99/D8+XPMnDmzOMqmQirM+92rVy8kJCSgefPmEEIgMzMTw4cPx5QpU4qjZCpmeeW15ORkPHv2DI6OjgW6H7Oa8SXSxyeffIItW7Zg586dcHBwkLscMrCUlBT07dsXa9euhaenp9zlUDFQKpXw8vLCmjVrEBwcjLCwMEydOhWrVq2SuzQqAocOHcK8efPw5Zdf4vTp09ixYwd++eUXzJkzR+7SyIiZ1Yyvp6cnrK2tcf/+fa3x+/fvo0yZMjpvU6ZMGb2uT8ajMO+3ymeffYZPPvkE+/fvR61atYqyTDIQfd/v69ev4+bNm+jUqZN6TKlUAgBsbGwQHR2NihUrFm3RVGiF+fn28fGBra0trK2t1WPVq1dHXFwcMjIyYGdnV6Q1U+EV5v2ePn06+vbti8GDBwMAgoKCkJqaiqFDh2Lq1KmwsuLcnjnJK6+5uroWeLYXMLMZXzs7OwQHB+PAgQPqMaVSiQMHDqBJkyY6b9OkSROt6wPAvn378rw+GY/CvN8AsGDBAsyZMwd79uxB/fr1i6NUMgB93+9q1arh/PnzOHv2rPr05ptvok2bNjh79iz8/PyKs3zSU2F+vps1a4Zr166p/8ABgCtXrsDHx4eh18gV5v1++vRprnCr+qNHOl6KzInB8pp+x90Zvy1btgh7e3sREREhLl68KIYOHSrc3d3/397dx1RZvnEA/3KgA4gHHSWDEy8KypkzDRE0NUeSBSyLRIWSKQqpkxCnabFmvFT4UoIDZ0VzghGTF1fBJMFYUnBchcbLJngQBbVJtaCBFMTLuX5/OM468lJH+2lxvp/t+eN5nuu+n+s+9xiXN/d5lB9//FFERNauXSvx8fGGeK1WK1ZWVnLgwAFpbGyUxMREvs7sP8TU+d63b58olUo5ceKEtLW1GY6bN2/eryGQCUyd79vxrQ7/LabO97Vr10SlUklsbKzodDo5efKkODo6yttvv32/hkAmMHW+ExMTRaVSyfHjx+XKlSty+vRp8fT0lLCwsPs1BDLBzZs3paamRmpqagSApKWlSU1NjVy9elVEROLj42Xt2rWG+KHXme3atUsaGxvl8OHDfJ3ZkEOHDombm5solUqZP3++fPPNN4Z7/v7+EhkZaRRfUFAgXl5eolQqZdasWVJSUnKPM6a7Ycp8u7u7C4BhR2Ji4r1PnO6IqT/ff8bC97/H1Pk+e/asLFiwQKytrcXDw0NSUlJkYGDgHmdNd8qU+e7v75ekpCTx9PQUGxsbcXV1lZiYGPn111/vfeJksjNnzoz4+3hojiMjI8Xf339YG29vb1EqleLh4SFZWVkmP9dChH8PICIiIqLxb1zt8SUiIiIiGg0LXyIiIiIyCyx8iYiIiMgssPAlIiIiIrPAwpeIiIiIzAILXyIiIiIyCyx8iYiIiMgssPAlIiIiIrPAwpeICEB2djYmT558v9O4YxYWFvjss8/GjFm/fj2ef/75e5IPEdG/EQtfIho31q9fDwsLi2FHc3Pz/U4N2dnZhnwUCgVcXFywYcMG/Pzzz/9I/21tbQgODgYAtLa2wsLCArW1tUYx6enpyM7O/keeN5qkpCTDOC0tLeHq6opNmzaho6PDpH5YpBPR/4PV/U6AiOifFBQUhKysLKNrU6ZMuU/ZGLO3t4dOp4Ner0ddXR02bNiAGzduoKys7K77dnJy+suYSZMm3fVz/o5Zs2ahvLwcg4ODaGxsRFRUFDo7O5Gfn39Pnk9ENBqu+BLRuGJtbQ0nJyejw9LSEmlpaZg9ezbs7Ozg6uqKmJgYdHd3j9pPXV0dli5dCpVKBXt7e8ybNw/nzp0z3K+qqsKSJUtga2sLV1dXxMXF4bfffhszNwsLCzg5OUGtViM4OBhxcXEoLy9HT08P9Ho93nzzTbi4uMDa2hre3t4oLS01tO3r60NsbCycnZ1hY2MDd3d37N2716jvoa0O06ZNAwDMnTsXFhYWeOKJJwAYr6J++OGHUKvV0Ov1RjmGhIQgKirKcF5UVAQfHx/Y2NjAw8MDycnJGBgYGHOcVlZWcHJywsMPP4xly5Zh9erV+OKLLwz3BwcHER0djWnTpsHW1hYajQbp6emG+0lJSTh27BiKiooMq8cVFRUAgOvXryMsLAyTJ0+Gg4MDQkJC0NraOmY+RERDWPgSkVlQKBTIyMjAhQsXcOzYMXz55Zd49dVXR42PiIiAi4sLqqurcf78ecTHx+OBBx4AAFy+fBlBQUFYuXIl6uvrkZ+fj6qqKsTGxpqUk62tLfR6PQYGBpCeno7U1FQcOHAA9fX1CAwMxHPPPYdLly4BADIyMlBcXIyCggLodDrk5uZi6tSpI/b73XffAQDKy8vR1taGTz75ZFjM6tWr0d7ejjNnzhiudXR0oLS0FBEREQCAyspKrFu3Dtu2bUNDQwMyMzORnZ2NlJSUvz3G1tZWlJWVQalUGq7p9Xq4uLigsLAQDQ0NSEhIwOuvv46CggIAwM6dOxEWFoagoCC0tbWhra0NixYtQn9/PwIDA6FSqVBZWQmtVouJEyciKCgIfX19fzsnIjJjQkQ0TkRGRoqlpaXY2dkZjlWrVo0YW1hYKA8++KDhPCsrSyZNmmQ4V6lUkp2dPWLb6Oho2bRpk9G1yspKUSgU0tPTM2Kb2/tvamoSLy8v8fX1FRERtVotKSkpRm38/PwkJiZGRES2bt0qAQEBotfrR+wfgHz66aciItLS0iIApKamxigmMjJSQkJCDOchISESFRVlOM/MzBS1Wi2Dg4MiIvLkk0/Knj17jPrIyckRZ2fnEXMQEUlMTBSFQiF2dnZiY2MjAASApKWljdpGROTll1+WlStXjprr0LM1Go3RZ/DHH3+Ira2tlJWVjdk/EZGICPf4EtG4snTpUrz//vuGczs7OwC3Vj/37t2LixcvoqurCwMDA+jt7cXvv/+OCRMmDOtnx44deOmll5CTk2P4c72npyeAW9sg6uvrkZuba4gXEej1erS0tGDmzJkj5tbZ2YmJEydCr9ejt7cXjz/+OI4cOYKuri7cuHEDixcvNopfvHgx6urqANzapvDUU09Bo9EgKCgIy5cvx9NPP31Xn1VERAQ2btyI9957D9bW1sjNzcULL7wAhUJhGKdWqzVa4R0cHBzzcwMAjUaD4uJi9Pb24uOPP0ZtbS22bt1qFHP48GEcPXoU165dQ09PD/r6+uDt7T1mvnV1dWhuboZKpTK63tvbi8uXL9/BJ0BE5oaFLxGNK3Z2dpg+fbrRtdbWVixfvhxbtmxBSkoKHBwcUFVVhejoaPT19Y1YwCUlJWHNmjUoKSnBqVOnkJiYiLy8PKxYsQLd3d3YvHkz4uLihrVzc3MbNTeVSoXvv/8eCoUCzs7OsLW1BQB0dXX95bh8fHzQ0tKCU6dOoby8HGFhYVi2bBlOnDjxl21H8+yzz0JEUFJSAj8/P1RWVuLgwYOG+93d3UhOTkZoaOiwtjY2NqP2q1QqDXOwb98+PPPMM0hOTsZbb70FAMjLy8POnTuRmpqKhQsXQqVS4d1338W33347Zr7d3d2YN2+e0T84hvxbvsBIRP9uLHyJaNw7f/489Ho9UlNTDauZQ/tJx+Ll5QUvLy9s374dL774IrKysrBixQr4+PigoaFhWIH9VxQKxYht7O3toVarodVq4e/vb7iu1Woxf/58o7jw8HCEh4dj1apVCAoKQkdHBxwcHIz6G9pPOzg4OGY+NjY2CA0NRW5uLpqbm6HRaODj42O47+PjA51OZ/I4b7d7924EBARgy5YthnEuWrQIMTExhpjbV2yVSuWw/H18fJCfnw9HR0fY29vfVU5EZJ745TYiGvemT5+O/v5+HDp0CFeuXEFOTg4++OCDUeN7enoQGxuLiooKXL16FVqtFtXV1YYtDK+99hrOnj2L2NhY1NbW4tKlSygqKjL5y21/tmvXLuzfvx/5+fnQ6XSIj49HbW0ttm3bBgBIS0vD8ePHcfHiRTQ1NaGwsBBOTk4j/qcbjo6OsLW1RWlpKX766Sd0dnaO+tyIiAiUlJTg6NGjhi+1DUlISMBHH32E5ORkXLhwAY2NjcjLy8Pu3btNGtvChQsxZ84c7NmzBwAwY8YMnDt3DmVlZWhqasIbb7yB6upqozZTp05FfX09dDodfvnlF/T39yMiIgIPPfQQQkJCUFlZiZaWFlRUVCAuLg4//PCDSTkRkXli4UtE496jjz6KtLQ07N+/H4888ghyc3ONXgV2O0tLS7S3t2PdunXw8vJCWFgYgoODkZycDACYM2cOvvrqKzQ1NWHJkiWYO3cuEhISoFar7zjHuLg47NixA6+88gpmz56N0tJSFBcXY8aMGQBubZN455134OvrCz8/P7S2tuLzzz83rGD/mZWVFTIyMpCZmQm1Wo2QkJBRnxsQEAAHBwfodDqsWbPG6F5gYCBOnjyJ06dPw8/PD4899hgOHjwId3d3k8e3fft2HDlyBNevX8fmzZsRGhqK8PBwLFiwAO3t7UarvwCwceNGaDQa+Pr6YsqUKdBqtZgwYQK+/vpruLm5ITQ0FDNnzkR0dDR6e3u5AkxEf4uFiMj9ToKIiIiI6P+NK75EREREZBZY+BIRERGRWWDhS0RERERmgYUvEREREZkFFr5EREREZBZY+BIRERGRWWDhS0RERERmgYUvEREREZkFFr5EREREZBZY+BIRERGRWWDhS0RERERm4X9HgI4vjR0HfQAAAABJRU5ErkJggg==", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "plot_roc_curve(y_test, y_pred)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "#### Standardized data" + ] + }, + { + "cell_type": "code", + "execution_count": 69, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000135 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000110 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000122 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000117 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000144 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000164 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000129 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000108 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000168 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000250 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000127 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000160 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000130 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000165 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000122 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000130 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000196 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000119 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000164 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000133 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000126 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000143 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000188 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000181 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000206 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000136 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000175 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000159 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000167 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing row-wise multi-threading, the overhead of testing was 0.000210 seconds.\n", + "You can set `force_row_wise=true` to remove the overhead.\n", + "And if memory is not enough, you can set `force_col_wise=true`.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000183 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000156 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000143 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000173 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000175 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000162 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000220 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000236 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000195 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000225 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000169 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000184 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000236 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000226 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000136 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000224 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000191 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000179 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000136 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000196 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000168 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000153 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000146 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000250 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000150 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000193 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000188 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000164 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000161 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000141 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000145 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing row-wise multi-threading, the overhead of testing was 0.000208 seconds.\n", + "You can set `force_row_wise=true` to remove the overhead.\n", + "And if memory is not enough, you can set `force_col_wise=true`.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000132 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000162 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000123 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000194 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000126 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000157 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000189 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000161 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000219 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000212 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000184 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000212 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000186 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000218 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000187 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000183 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000161 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000213 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000213 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000128 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000145 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000154 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000211 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000184 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000129 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000192 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000355 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000132 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000162 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000154 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000188 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000147 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000177 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000174 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000139 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000150 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000192 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000162 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000162 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000166 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000120 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000153 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000138 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000151 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000159 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000113 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000165 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000122 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000112 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000140 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000117 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000139 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000148 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing row-wise multi-threading, the overhead of testing was 0.000160 seconds.\n", + "You can set `force_row_wise=true` to remove the overhead.\n", + "And if memory is not enough, you can set `force_col_wise=true`.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000125 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000140 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000111 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000114 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000140 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000127 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000130 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000113 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000166 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000127 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000134 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000114 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000174 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000129 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000132 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000128 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000116 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000118 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000122 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000130 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000148 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000111 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000117 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000138 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000117 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000110 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000112 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000196 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000209 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000160 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000251 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000179 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000176 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000199 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000182 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000137 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000171 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000148 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000181 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000145 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000169 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000177 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000179 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000187 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000175 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000151 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000123 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000158 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000151 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000162 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000161 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000171 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000216 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000139 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000146 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing row-wise multi-threading, the overhead of testing was 0.000121 seconds.\n", + "You can set `force_row_wise=true` to remove the overhead.\n", + "And if memory is not enough, you can set `force_col_wise=true`.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000112 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000130 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000173 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000156 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000192 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000188 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000192 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000150 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000172 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000152 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000159 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000116 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000126 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000134 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000111 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000137 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000121 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000117 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000151 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000160 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000147 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000169 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000126 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000150 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000154 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000111 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000132 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000111 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000171 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000113 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000110 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000291 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000198 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000161 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000186 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000158 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000149 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000164 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000162 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000198 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000158 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000145 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000111 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000120 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000141 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000139 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000142 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000129 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000109 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000114 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000170 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000124 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000143 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000152 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000141 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000137 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000152 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000139 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000166 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000160 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000124 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000147 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000120 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000149 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000152 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000122 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000240 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000139 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000159 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000145 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000175 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000146 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000124 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000173 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000147 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000134 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000171 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000185 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000119 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000142 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000155 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000136 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000159 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000161 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000136 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000169 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000206 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000147 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000161 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000181 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000146 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000174 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000110 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000167 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000133 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000112 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000184 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000199 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000185 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000218 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000201 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000171 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000124 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000150 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000152 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000139 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000166 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000183 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000188 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000169 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000192 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000120 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000158 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000117 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000137 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000147 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000136 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000187 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000145 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000188 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000165 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000158 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000224 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000163 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000143 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000189 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000160 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000179 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000237 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000159 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000144 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000191 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000165 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000134 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000117 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000135 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000122 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000122 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000141 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000139 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000137 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000130 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000125 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000195 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000160 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000113 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000127 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000159 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000169 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000157 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000112 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000155 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000165 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000150 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000120 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000129 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000178 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000143 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000135 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000339 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000138 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000158 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000156 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000123 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000148 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000134 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000139 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000146 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000141 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000162 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000152 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000121 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000112 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000163 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000167 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000138 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000161 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000137 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000172 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000141 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000144 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000155 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000147 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000146 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000165 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000130 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000195 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000115 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000132 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000121 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000180 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000213 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000131 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000196 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000163 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000129 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000142 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000111 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000112 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000157 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000127 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000117 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000112 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000194 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000134 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000148 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000140 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000134 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000170 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000172 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000137 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000124 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000172 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000156 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000179 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000115 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000139 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000111 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000174 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000164 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000189 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000204 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000139 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000183 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000251 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000142 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000122 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000133 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000117 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000128 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000110 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000147 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000130 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000159 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000137 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000117 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000167 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000234 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000220 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000184 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000212 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000149 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000217 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000149 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000178 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000208 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000196 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000178 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000146 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000190 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000192 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000218 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000132 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000139 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000178 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000198 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000152 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000185 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000154 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000160 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000188 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000162 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing row-wise multi-threading, the overhead of testing was 0.000296 seconds.\n", + "You can set `force_row_wise=true` to remove the overhead.\n", + "And if memory is not enough, you can set `force_col_wise=true`.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000176 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000112 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000129 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000157 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000115 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000121 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000138 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000160 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000143 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000141 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000148 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000150 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000221 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000151 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000152 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000131 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000145 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000138 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000195 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000194 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000144 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000117 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000143 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000127 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000150 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000172 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000142 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000111 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000141 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000116 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000111 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000122 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000131 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000115 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000129 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000136 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000184 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000181 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000160 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000159 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000169 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000156 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000139 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000183 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000154 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000155 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000176 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000152 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000170 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000136 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000129 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000144 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000110 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000151 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000171 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000170 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000114 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000110 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000124 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000176 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000182 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000139 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000194 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000192 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000169 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000588 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000170 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000307 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000143 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000129 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000157 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000196 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000142 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000127 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000132 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000138 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000137 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000123 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000113 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000127 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000152 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000149 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000130 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000137 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000113 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000138 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000141 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000132 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000195 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000168 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000165 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000164 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000183 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000124 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000131 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000160 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000146 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000175 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000115 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000166 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000174 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000131 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000141 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000190 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000133 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000154 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000127 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000144 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000113 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000265 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000191 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000164 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000171 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000193 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000184 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000131 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000237 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000148 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000136 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000127 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000144 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000125 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000177 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000157 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000137 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000180 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000152 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000183 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000161 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000111 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000146 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000160 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000198 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000216 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000137 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000165 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000170 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000148 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000302 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000146 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000217 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000805 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000146 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000147 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000153 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000164 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000179 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000175 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000188 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000139 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000287 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000128 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000114 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000189 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000113 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000134 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000192 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000112 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000155 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000154 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000133 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000184 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000115 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000145 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000139 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000155 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000210 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000142 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000138 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000142 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000139 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000186 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000174 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing row-wise multi-threading, the overhead of testing was 0.000305 seconds.\n", + "You can set `force_row_wise=true` to remove the overhead.\n", + "And if memory is not enough, you can set `force_col_wise=true`.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000192 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000167 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000188 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000181 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000174 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000245 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000149 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000126 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000198 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000164 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000190 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000138 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000147 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000155 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000127 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000144 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000141 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000161 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000150 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000138 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000174 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000158 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000176 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000161 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000224 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000148 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000131 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000135 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000184 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000189 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000163 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000140 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000191 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000177 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000189 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000181 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000149 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000249 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000148 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000184 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000141 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000145 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000135 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000163 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000152 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000121 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000120 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000140 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000149 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000117 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000147 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000123 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000128 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000142 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000152 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000167 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000187 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000136 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000152 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000135 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000141 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000116 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000145 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000135 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000173 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000132 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000177 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000118 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000141 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000143 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000163 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing row-wise multi-threading, the overhead of testing was 0.000178 seconds.\n", + "You can set `force_row_wise=true` to remove the overhead.\n", + "And if memory is not enough, you can set `force_col_wise=true`.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000134 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000329 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000157 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000118 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000121 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000117 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000118 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000117 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000176 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000145 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000156 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000134 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000188 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000744 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000121 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000170 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000124 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000203 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000140 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000177 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000159 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000160 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000126 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000163 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000153 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000158 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000142 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000124 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000148 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000172 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000176 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000118 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000119 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000164 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000158 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000162 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000134 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000120 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000119 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000148 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000144 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000147 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000140 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000148 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing row-wise multi-threading, the overhead of testing was 0.000520 seconds.\n", + "You can set `force_row_wise=true` to remove the overhead.\n", + "And if memory is not enough, you can set `force_col_wise=true`.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000183 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000178 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000141 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000164 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000173 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000195 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000167 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000166 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000159 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000156 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000160 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000185 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000245 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000185 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000139 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000161 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000177 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000167 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000154 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000147 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000125 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000119 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000169 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000140 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000165 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000183 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000164 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000168 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000201 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000185 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000153 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000162 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000154 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000136 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000115 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000140 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000146 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000233 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000135 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000161 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000183 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000161 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000166 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000257 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000126 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000204 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000133 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000169 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000203 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000167 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000226 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000162 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000119 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000160 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000145 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000209 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000127 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000140 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000166 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000165 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000181 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000190 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000131 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000178 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000168 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000140 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000152 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000124 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000118 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000138 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000170 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000168 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000151 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000150 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000179 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000177 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000166 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000153 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000233 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000330 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000150 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000172 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000171 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000139 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000122 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000149 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000150 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000147 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000140 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000124 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000136 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000249 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000218 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000134 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000186 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000194 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000121 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000136 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000154 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000189 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing row-wise multi-threading, the overhead of testing was 0.000182 seconds.\n", + "You can set `force_row_wise=true` to remove the overhead.\n", + "And if memory is not enough, you can set `force_col_wise=true`.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000145 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000142 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000120 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000140 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000251 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000186 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000286 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000153 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000197 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000118 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000136 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000175 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000258 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000145 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000130 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000170 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000168 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000145 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000148 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000129 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000126 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000572 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000163 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000150 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000140 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000181 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000147 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000163 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000145 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000167 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000187 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000164 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000159 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000147 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000162 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000234 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000126 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000174 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000144 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000156 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000149 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000140 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000165 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000180 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000242 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000138 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000216 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000134 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000153 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000143 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000168 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000161 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000131 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000254 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000157 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000128 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000183 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000140 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000150 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000192 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000150 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000139 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000173 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000118 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing row-wise multi-threading, the overhead of testing was 0.000121 seconds.\n", + "You can set `force_row_wise=true` to remove the overhead.\n", + "And if memory is not enough, you can set `force_col_wise=true`.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000138 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000156 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000205 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000121 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000130 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000151 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000116 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000117 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000123 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000125 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000123 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000147 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000183 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000195 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing row-wise multi-threading, the overhead of testing was 0.000315 seconds.\n", + "You can set `force_row_wise=true` to remove the overhead.\n", + "And if memory is not enough, you can set `force_col_wise=true`.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000141 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000233 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000214 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000123 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000190 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000162 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000162 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000165 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000196 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000169 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000151 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000192 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000178 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000146 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000165 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing row-wise multi-threading, the overhead of testing was 0.000102 seconds.\n", + "You can set `force_row_wise=true` to remove the overhead.\n", + "And if memory is not enough, you can set `force_col_wise=true`.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000182 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000169 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000120 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000143 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000167 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000207 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000124 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000119 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000119 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000119 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000178 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000128 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000198 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000154 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing row-wise multi-threading, the overhead of testing was 0.000092 seconds.\n", + "You can set `force_row_wise=true` to remove the overhead.\n", + "And if memory is not enough, you can set `force_col_wise=true`.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000182 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing row-wise multi-threading, the overhead of testing was 0.000121 seconds.\n", + "You can set `force_row_wise=true` to remove the overhead.\n", + "And if memory is not enough, you can set `force_col_wise=true`.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000115 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000131 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000124 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000177 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000133 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000165 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000141 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000164 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000133 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000141 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000136 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000124 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000118 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000121 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000114 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000135 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000157 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000123 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000190 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000140 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000119 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000171 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing row-wise multi-threading, the overhead of testing was 0.000121 seconds.\n", + "You can set `force_row_wise=true` to remove the overhead.\n", + "And if memory is not enough, you can set `force_col_wise=true`.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000134 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000130 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000131 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000146 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000145 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000150 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000123 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000182 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000150 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000118 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000148 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000138 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000120 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000237 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000138 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000182 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000116 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000136 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000136 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000136 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000198 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000233 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000191 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000190 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000141 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000186 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000137 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000146 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000182 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000157 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000160 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000124 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000173 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000147 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000117 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000146 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000119 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000114 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000372 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000119 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000133 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000170 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000159 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000149 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000147 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000121 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000146 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000116 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000120 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000135 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000168 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000121 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000132 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000159 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000116 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000155 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000137 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000133 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000142 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000251 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000133 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000123 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000147 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000246 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000174 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000155 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000118 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000194 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000138 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000114 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000116 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000132 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000136 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000151 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000117 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000167 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000121 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000116 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000180 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000187 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000183 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000190 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000147 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000147 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000151 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000142 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000135 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000144 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000128 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000119 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000132 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000179 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000151 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000380 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000122 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000127 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000151 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000133 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000117 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000128 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000122 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000172 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000122 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000122 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000140 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000142 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000253 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000129 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000116 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000120 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000146 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000142 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000118 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000117 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000152 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000118 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000128 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000120 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000160 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000117 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000123 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000180 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000196 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000187 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000223 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000166 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000135 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000130 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000114 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000113 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000120 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000130 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000169 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000148 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000117 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000118 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000118 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000113 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000132 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000223 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000130 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000128 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000113 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000114 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000112 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000142 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000130 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000139 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000189 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000155 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000143 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000190 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000119 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000113 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000304 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000163 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000212 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000152 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000159 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000136 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000175 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000154 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000164 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000118 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000128 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000150 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000179 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000135 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000113 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000216 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000209 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000213 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000176 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000131 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000126 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000155 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000143 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000127 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000260 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000153 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000142 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000129 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000128 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000167 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000139 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000113 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000163 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000136 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000137 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000147 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000158 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000140 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000488 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000182 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000169 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000230 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000152 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000153 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000268 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000187 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000179 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000149 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000128 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000130 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000116 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000136 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000160 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000112 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000144 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000144 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000131 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000460 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000184 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000139 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000234 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000136 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000136 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000184 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000176 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000133 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000140 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000115 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000142 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000119 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000197 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000177 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000137 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000175 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000172 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000141 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000167 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000131 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000137 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000134 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000173 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000394 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000196 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000149 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000163 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000151 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000147 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000142 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000161 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000158 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000126 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000196 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000182 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000214 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000132 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000154 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000159 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000135 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000224 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000181 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000152 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000143 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000164 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000123 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000165 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000169 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000158 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000140 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000126 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000174 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000153 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing row-wise multi-threading, the overhead of testing was 0.000108 seconds.\n", + "You can set `force_row_wise=true` to remove the overhead.\n", + "And if memory is not enough, you can set `force_col_wise=true`.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000190 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000139 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000166 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000132 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000171 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000144 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000167 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000173 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000177 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000189 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000184 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000185 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000149 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000192 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000207 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000153 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000160 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000231 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000186 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000172 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000255 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000237 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000176 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000178 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000224 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000160 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000237 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000165 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000203 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000300 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000167 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000137 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000143 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000175 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000184 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000168 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000216 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000221 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000193 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000165 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000207 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000133 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000133 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000136 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000137 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000182 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000154 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000147 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000206 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000270 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000131 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000175 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000785 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000178 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000185 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000133 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000139 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000187 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000175 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000148 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000164 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000157 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000141 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000126 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000192 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000182 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000146 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000137 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000134 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000127 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000143 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000175 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000176 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000136 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000160 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000147 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000177 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000180 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000187 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000175 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000127 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000142 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000160 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000178 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000339 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000153 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000144 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000154 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000128 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000158 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000128 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000129 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000163 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000157 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000156 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000131 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000218 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000166 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000137 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000168 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000152 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000162 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000124 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000142 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000161 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000153 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000206 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000156 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000238 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000151 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000158 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000139 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000135 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000128 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000183 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000139 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000182 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000213 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000189 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000153 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000146 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000161 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000167 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000141 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000151 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000184 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000168 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000271 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000172 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000160 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000128 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000137 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000162 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000185 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000456 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000178 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000159 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000175 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000413 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000129 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000139 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000149 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000196 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000151 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000167 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000179 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000142 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000177 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000123 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000140 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000178 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000158 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000156 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000177 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000137 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000147 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000158 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000169 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000154 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000205 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000178 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000189 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000178 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000155 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000447 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000153 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000143 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000200 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000162 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000209 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000138 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000141 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000180 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000182 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000291 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000195 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000213 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000179 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.002297 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000137 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000225 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000144 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000157 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000144 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000131 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000189 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000216 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000167 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000202 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000175 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000144 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000192 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000156 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000178 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000170 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000214 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000362 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000178 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000255 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000305 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000215 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000178 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000119 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1395\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000166 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000147 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000154 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000178 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000146 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1398\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000235 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000184 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1401\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000309 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 822, number of negative: 1579\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000185 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1406\n", + "[LightGBM] [Info] Number of data points in the train set: 2401, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342357 -> initscore=-0.652807\n", + "[LightGBM] [Info] Start training from score -0.652807\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "Time taken for GridSearchCV: 194.35 seconds\n", + "Best Hyperparameters:\n", + "{'boosting_type': 'goss', 'learning_rate': 0.1, 'n_estimators': 50, 'num_leaves': 31, 'objective': 'binary'}\n", + "\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000187 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1391\n", + "[LightGBM] [Info] Number of data points in the train set: 2160, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342130 -> initscore=-0.653818\n", + "[LightGBM] [Info] Start training from score -0.653818\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000202 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1391\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000192 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1390\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000249 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000183 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000181 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000162 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1394\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000190 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1393\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 740, number of negative: 1421\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000233 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1397\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.342434 -> initscore=-0.652466\n", + "[LightGBM] [Info] Start training from score -0.652466\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 739, number of negative: 1422\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000200 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1389\n", + "[LightGBM] [Info] Number of data points in the train set: 2161, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.341971 -> initscore=-0.654522\n", + "[LightGBM] [Info] Start training from score -0.654522\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "Time taken for training with best hyperparameters: 0.49 seconds\n", + "\n", + "Mean Accuracy: 0.8850535961272475\n", + "Standard Deviation of Accuracy: 0.014285056930953319\n", + "Mean Precision: 0.8412698300694241\n", + "Standard Deviation of Precision: 0.02992118198937404\n", + "Mean Recall: 0.8213341169556273\n", + "Standard Deviation of Recall: 0.04792783912268737\n", + "Mean F1-score: 0.8298603267408696\n", + "Standard Deviation of F1-score: 0.02352425278813161\n", + "Mean ROC AUC: 0.8698261328952933\n", + "Standard Deviation of ROC AUC: 0.020043142348853824\n", + "\n", + "Total time taken: 194.84 seconds\n" + ] + } + ], + "source": [ + "import lightgbm as lgb\n", + "from sklearn.model_selection import StratifiedKFold, GridSearchCV\n", + "from sklearn.metrics import accuracy_score, precision_score, recall_score, f1_score, roc_auc_score, confusion_matrix\n", + "import numpy as np\n", + "import time\n", + "\n", + "start_total_time = time.time()\n", + "\n", + "kf = StratifiedKFold(n_splits=10, shuffle=True, random_state=42)\n", + "\n", + "model = lgb.LGBMClassifier(random_state=42)\n", + "\n", + "param_grid = {\n", + " 'n_estimators': [50, 100, 200, 300],\n", + " 'learning_rate': [0.001, 0.01, 0.1, 1.0],\n", + " 'num_leaves': [31, 50, 100],\n", + " 'boosting_type': ['gbdt', 'dart', 'goss'],\n", + " 'objective': ['binary']\n", + "}\n", + "\n", + "grid_search = GridSearchCV(estimator=model, param_grid=param_grid, cv=kf, scoring='accuracy')\n", + "\n", + "start_time = time.time()\n", + "\n", + "grid_search.fit(standard(x), y)\n", + "\n", + "grid_search_time = time.time() - start_time\n", + "print(f\"Time taken for GridSearchCV: {grid_search_time:.2f} seconds\")\n", + "\n", + "best_params = grid_search.best_params_\n", + "\n", + "print(\"Best Hyperparameters:\")\n", + "print(best_params)\n", + "print()\n", + "\n", + "best_model = grid_search.best_estimator_\n", + "\n", + "start_time = time.time()\n", + "\n", + "accuracy_scores = []\n", + "precision_scores = []\n", + "recall_scores = []\n", + "f1_scores = []\n", + "roc_auc_scores = []\n", + "confusion_matrices = []\n", + "\n", + "for train_index, test_index in kf.split(standard(x), y):\n", + " X_train, X_test = x.iloc[train_index], x.iloc[test_index]\n", + " y_train, y_test = y.iloc[train_index], y.iloc[test_index]\n", + "\n", + " best_model.fit(X_train, y_train)\n", + "\n", + " y_pred = best_model.predict(X_test)\n", + "\n", + " accuracy = accuracy_score(y_test, y_pred)\n", + " accuracy_scores.append(accuracy)\n", + " \n", + " precision = precision_score(y_test, y_pred)\n", + " precision_scores.append(precision)\n", + " \n", + " recall = recall_score(y_test, y_pred)\n", + " recall_scores.append(recall)\n", + " \n", + " f1 = f1_score(y_test, y_pred)\n", + " f1_scores.append(f1)\n", + " \n", + " roc_auc = roc_auc_score(y_test, y_pred)\n", + " roc_auc_scores.append(roc_auc)\n", + " \n", + " confusion = confusion_matrix(y_test, y_pred)\n", + " confusion_matrices.append(confusion)\n", + "\n", + "training_time = time.time() - start_time\n", + "print(f\"Time taken for training with best hyperparameters: {training_time:.2f} seconds\")\n", + "print()\n", + "\n", + "mean_accuracy = np.mean(accuracy_scores)\n", + "std_accuracy = np.std(accuracy_scores)\n", + "\n", + "mean_precision = np.mean(precision_scores)\n", + "std_precision = np.std(precision_scores)\n", + "\n", + "mean_recall = np.mean(recall_scores)\n", + "std_recall = np.std(recall_scores)\n", + "\n", + "mean_f1 = np.mean(f1_scores)\n", + "std_f1 = np.std(f1_scores)\n", + "\n", + "mean_roc_auc = np.mean(roc_auc_scores)\n", + "std_roc_auc = np.std(roc_auc_scores)\n", + "\n", + "print(f\"Mean Accuracy: {mean_accuracy}\")\n", + "print(f\"Standard Deviation of Accuracy: {std_accuracy}\")\n", + "\n", + "print(f\"Mean Precision: {mean_precision}\")\n", + "print(f\"Standard Deviation of Precision: {std_precision}\")\n", + "\n", + "print(f\"Mean Recall: {mean_recall}\")\n", + "print(f\"Standard Deviation of Recall: {std_recall}\")\n", + "\n", + "print(f\"Mean F1-score: {mean_f1}\")\n", + "print(f\"Standard Deviation of F1-score: {std_f1}\")\n", + "\n", + "print(f\"Mean ROC AUC: {mean_roc_auc}\")\n", + "print(f\"Standard Deviation of ROC AUC: {std_roc_auc}\")\n", + "print()\n", + "\n", + "total_time = time.time() - start_total_time\n", + "print(f\"Total time taken: {total_time:.2f} seconds\")" + ] + }, + { + "cell_type": "code", + "execution_count": 70, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "x_train: (1800, 13)\n", + "y_train: (1800,)\n", + "x_test: (601, 13)\n", + "y_test: (601,)\n" + ] + } + ], + "source": [ + "from sklearn.model_selection import train_test_split\n", + "\n", + "x_train, x_test, y_train, y_test = train_test_split(x,y,test_size=0.25,random_state=42)\n", + "\n", + "print(\"x_train:\",x_train.shape)\n", + "print(\"y_train:\",y_train.shape)\n", + "print(\"x_test:\",x_test.shape)\n", + "print(\"y_test:\",y_test.shape)" + ] + }, + { + "cell_type": "code", + "execution_count": 71, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "[LightGBM] [Info] Number of positive: 618, number of negative: 1182\n", + "[LightGBM] [Warning] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000159 seconds.\n", + "You can set `force_col_wise=true` to remove the overhead.\n", + "[LightGBM] [Info] Total Bins 1379\n", + "[LightGBM] [Info] Number of data points in the train set: 1800, number of used features: 13\n", + "[LightGBM] [Info] Using GOSS\n", + "[LightGBM] [Info] [binary:BoostFromScore]: pavg=0.343333 -> initscore=-0.648475\n", + "[LightGBM] [Info] Start training from score -0.648475\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n", + "[LightGBM] [Warning] Found boosting=goss. For backwards compatibility reasons, LightGBM interprets this as boosting=gbdt, data_sample_strategy=goss.To suppress this warning, set data_sample_strategy=goss instead.\n", + "Accuracy: 0.891846921797005\n", + "Precision: 0.8638743455497382\n", + "Recall: 0.8088235294117647\n", + "F1 Score: 0.8354430379746836\n", + "ROC AUC Score: 0.8716661727663356\n", + "Confusion Matrix:\n", + "[[371 26]\n", + " [ 39 165]]\n" + ] + } + ], + "source": [ + "model = grid_search.best_estimator_\n", + "\n", + "model.fit(x_train, y_train)\n", + "\n", + "y_pred = model.predict(x_test)\n", + "\n", + "y_pred = (y_pred >= 0.5).astype(int)\n", + "\n", + "print(\"Accuracy:\", accuracy_score(y_test, y_pred))\n", + "print(\"Precision:\", precision_score(y_test, y_pred))\n", + "print(\"Recall:\", recall_score(y_test, y_pred))\n", + "print(\"F1 Score:\", f1_score(y_test, y_pred))\n", + "print(\"ROC AUC Score:\", roc_auc_score(y_test, y_pred))\n", + "print(\"Confusion Matrix:\")\n", + "print(confusion_matrix(y_test, y_pred))" + ] + }, + { + "cell_type": "code", + "execution_count": 72, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAokAAAIjCAYAAABvUIGpAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8pXeV/AAAACXBIWXMAAA9hAAAPYQGoP6dpAABH20lEQVR4nO3de5zMdf//8efssrMHdtdiT2Gd2c0xubTJKXJMRJdEWS6HSy2VRdrrihyq7dJBUeiIROcoSlqEumw5LpJkHSLsEtnNaa3dz++PvuZ3jTe1w47ZNY97t8/tZj7zns/nNXPd1Ot6vt/zHptlWZYAAACA/+Hj6QIAAABQ/NAkAgAAwECTCAAAAANNIgAAAAw0iQAAADDQJAIAAMBAkwgAAAADTSIAAAAMNIkAAAAw0CQC+FM7d+5U+/btFRISIpvNpoULFxbp9ffu3SubzabZs2cX6XVLstatW6t169aeLgOAl6NJBEqAXbt26Z///KeqV68uf39/BQcHq3nz5nrxxRd1+vRpt947ISFBW7du1ZNPPqm5c+fqxhtvdOv9rqb+/fvLZrMpODj4op/jzp07ZbPZZLPZ9Oyzz7p8/YMHD2r8+PFKT08vgmoB4Ooq5ekCAPy5zz77TH//+99lt9vVr18/1atXT2fPntU333yj0aNHa9u2bXr11Vfdcu/Tp08rLS1N//73vzVs2DC33CMmJkanT59W6dKl3XL9v1KqVCmdOnVKixYtUq9evZyemzdvnvz9/XXmzJnLuvbBgwc1YcIEVa1aVY0aNSr067788svLuh8AFCWaRKAY27Nnj3r37q2YmBitWLFCUVFRjucSExOVkZGhzz77zG33P3LkiCQpNDTUbfew2Wzy9/d32/X/it1uV/PmzfXOO+8YTeL8+fPVpUsXffTRR1elllOnTikwMFB+fn5X5X4A8GeYbgaKscmTJ+vEiRN64403nBrE82rWrKmHHnrI8fjcuXOaNGmSatSoIbvdrqpVq+pf//qXcnNznV5XtWpV3X777frmm2/0t7/9Tf7+/qpevbreeustx5jx48crJiZGkjR69GjZbDZVrVpV0h/TtOf//L/Gjx8vm83mdC41NVW33HKLQkNDVaZMGdWpU0f/+te/HM9fak3iihUr1KJFCwUFBSk0NFTdunXT9u3bL3q/jIwM9e/fX6GhoQoJCdGAAQN06tSpS3+wF+jTp4+WLFmi48ePO86tW7dOO3fuVJ8+fYzxx44d06hRo1S/fn2VKVNGwcHB6tSpkzZv3uwYs3LlSjVt2lSSNGDAAMe09fn32bp1a9WrV08bNmxQy5YtFRgY6PhcLlyTmJCQIH9/f+P9d+jQQeXKldPBgwcL/V4BoLBoEoFibNGiRapevbpuvvnmQo0fNGiQxo0bpxtuuEFTpkxRq1atlJKSot69extjMzIydNddd+m2227Tc889p3Llyql///7atm2bJKlHjx6aMmWKJOmee+7R3Llz9cILL7hU/7Zt23T77bcrNzdXEydO1HPPPac77rhD//3vf//0dcuWLVOHDh10+PBhjR8/XklJSVqzZo2aN2+uvXv3GuN79eql33//XSkpKerVq5dmz56tCRMmFLrOHj16yGaz6eOPP3acmz9/vurWrasbbrjBGL97924tXLhQt99+u55//nmNHj1aW7duVatWrRwNW2xsrCZOnChJGjJkiObOnau5c+eqZcuWjuscPXpUnTp1UqNGjfTCCy+oTZs2F63vxRdfVMWKFZWQkKD8/HxJ0iuvvKIvv/xS06ZNU3R0dKHfKwAUmgWgWMrOzrYkWd26dSvU+PT0dEuSNWjQIKfzo0aNsiRZK1ascJyLiYmxJFmrV692nDt8+LBlt9utkSNHOs7t2bPHkmQ988wzTtdMSEiwYmJijBoef/xx63//tTJlyhRLknXkyJFL1n3+HrNmzXKca9SokRUeHm4dPXrUcW7z5s2Wj4+P1a9fP+N+//jHP5yueeedd1rly5e/5D3/930EBQVZlmVZd911l9W2bVvLsiwrPz/fioyMtCZMmHDRz+DMmTNWfn6+8T7sdrs1ceJEx7l169YZ7+28Vq1aWZKsmTNnXvS5Vq1aOZ1bunSpJcl64oknrN27d1tlypSxunfv/pfvEQAuF0kiUEzl5ORIksqWLVuo8Z9//rkkKSkpyen8yJEjJclYuxgXF6cWLVo4HlesWFF16tTR7t27L7vmC51fy/jJJ5+ooKCgUK85dOiQ0tPT1b9/f4WFhTnON2jQQLfddpvjff6voUOHOj1u0aKFjh496vgMC6NPnz5auXKlMjMztWLFCmVmZl50qln6Yx2jj88f//rMz8/X0aNHHVPpGzduLPQ97Xa7BgwYUKix7du31z//+U9NnDhRPXr0kL+/v1555ZVC3wsAXEWTCBRTwcHBkqTff/+9UON//vln+fj4qGbNmk7nIyMjFRoaqp9//tnpfJUqVYxrlCtXTr/99ttlVmy6++671bx5cw0aNEgRERHq3bu33n///T9tGM/XWadOHeO52NhY/frrrzp58qTT+QvfS7ly5STJpffSuXNnlS1bVu+9957mzZunpk2bGp/leQUFBZoyZYpq1aolu92uChUqqGLFitqyZYuys7MLfc/rrrvOpS+pPPvsswoLC1N6erqmTp2q8PDwQr8WAFxFkwgUU8HBwYqOjtb333/v0usu/OLIpfj6+l70vGVZl32P8+vlzgsICNDq1au1bNky3XfffdqyZYvuvvtu3XbbbcbYK3El7+U8u92uHj16aM6cOVqwYMElU0RJeuqpp5SUlKSWLVvq7bff1tKlS5Wamqrrr7++0Imp9Mfn44pNmzbp8OHDkqStW7e69FoAcBVNIlCM3X777dq1a5fS0tL+cmxMTIwKCgq0c+dOp/NZWVk6fvy445vKRaFcuXJO3wQ+78K0UpJ8fHzUtm1bPf/88/rhhx/05JNPasWKFfrqq68ueu3zde7YscN47scff1SFChUUFBR0ZW/gEvr06aNNmzbp999/v+iXfc778MMP1aZNG73xxhvq3bu32rdvr3bt2hmfSWEb9sI4efKkBgwYoLi4OA0ZMkSTJ0/WunXriuz6AHAhmkSgGHvkkUcUFBSkQYMGKSsry3h+165devHFFyX9MV0qyfgG8vPPPy9J6tKlS5HVVaNGDWVnZ2vLli2Oc4cOHdKCBQucxh07dsx47flNpS/clue8qKgoNWrUSHPmzHFqur7//nt9+eWXjvfpDm3atNGkSZP00ksvKTIy8pLjfH19jZTygw8+0IEDB5zOnW9mL9ZQu2rMmDHat2+f5syZo+eff15Vq1ZVQkLCJT9HALhSbKYNFGM1atTQ/Pnzdffddys2NtbpF1fWrFmjDz74QP3795ckNWzYUAkJCXr11Vd1/PhxtWrVSmvXrtWcOXPUvXv3S26vcjl69+6tMWPG6M4779SDDz6oU6dOacaMGapdu7bTFzcmTpyo1atXq0uXLoqJidHhw4c1ffp0VapUSbfccsslr//MM8+oU6dOio+P18CBA3X69GlNmzZNISEhGj9+fJG9jwv5+Pjoscce+8txt99+uyZOnKgBAwbo5ptv1tatWzVv3jxVr17daVyNGjUUGhqqmTNnqmzZsgoKClKzZs1UrVo1l+pasWKFpk+frscff9yxJc+sWbPUunVrjR07VpMnT3bpegBQKB7+djWAQvjpp5+swYMHW1WrVrX8/PyssmXLWs2bN7emTZtmnTlzxjEuLy/PmjBhglWtWjWrdOnSVuXKla3k5GSnMZb1xxY4Xbp0Me5z4dYrl9oCx7Is68svv7Tq1atn+fn5WXXq1LHefvttYwuc5cuXW926dbOio6MtPz8/Kzo62rrnnnusn376ybjHhdvELFu2zGrevLkVEBBgBQcHW127drV++OEHpzHn73fhFjuzZs2yJFl79uy55GdqWc5b4FzKpbbAGTlypBUVFWUFBARYzZs3t9LS0i66dc0nn3xixcXFWaVKlXJ6n61atbKuv/76i97zf6+Tk5NjxcTEWDfccIOVl5fnNG7EiBGWj4+PlZaW9qfvAQAuh82yXFjZDQAAAK/AmkQAAAAYaBIBAABgoEkEAACAgSYRAAAABppEAAAAGGgSAQAAYKBJBAAAgOGa/MWVgMbDPF0CADf5bd1Lni4BgJv4e7ArcWfvcHpTyfz3FkkiAAAADNdkkggAAOASG7nZhWgSAQAAbDZPV1Ds0DYDAADAQJIIAADAdLOBTwQAAAAGkkQAAADWJBpIEgEAAGAgSQQAAGBNooFPBAAAAAaSRAAAANYkGmgSAQAAmG428IkAAADAQJIIAADAdLOBJBEAAAAGkkQAAADWJBr4RAAAAGAgSQQAAGBNooEkEQAAAAaSRAAAANYkGmgSAQAAmG420DYDAADAQJIIAADAdLOBTwQAAKCYmDFjhho0aKDg4GAFBwcrPj5eS5YscTzfunVr2Ww2p2Po0KFO19i3b5+6dOmiwMBAhYeHa/To0Tp37pzLtZAkAgAAFJMksVKlSnr66adVq1YtWZalOXPmqFu3btq0aZOuv/56SdLgwYM1ceJEx2sCAwMdf87Pz1eXLl0UGRmpNWvW6NChQ+rXr59Kly6tp556yqVaaBIBAACKia5duzo9fvLJJzVjxgx9++23jiYxMDBQkZGRF339l19+qR9++EHLli1TRESEGjVqpEmTJmnMmDEaP368/Pz8Cl1L8WibAQAAPMnH5rYjNzdXOTk5Tkdubu5flpSfn693331XJ0+eVHx8vOP8vHnzVKFCBdWrV0/Jyck6deqU47m0tDTVr19fERERjnMdOnRQTk6Otm3b5tpH4tJoAAAAuCQlJUUhISFOR0pKyiXHb926VWXKlJHdbtfQoUO1YMECxcXFSZL69Omjt99+W1999ZWSk5M1d+5c3XvvvY7XZmZmOjWIkhyPMzMzXaqb6WYAAAA3rklMTn5ESUlJTufsdvslx9epU0fp6enKzs7Whx9+qISEBK1atUpxcXEaMmSIY1z9+vUVFRWltm3bateuXapRo0aR1k2TCAAA4MbNtO12+582hRfy8/NTzZo1JUlNmjTRunXr9OKLL+qVV14xxjZr1kySlJGRoRo1aigyMlJr1651GpOVlSVJl1zHeClMNwMAABRjBQUFl1zDmJ6eLkmKioqSJMXHx2vr1q06fPiwY0xqaqqCg4MdU9aFRZIIAABQTLbASU5OVqdOnVSlShX9/vvvmj9/vlauXKmlS5dq165dmj9/vjp37qzy5ctry5YtGjFihFq2bKkGDRpIktq3b6+4uDjdd999mjx5sjIzM/XYY48pMTHRpTRTokkEAAAoNg4fPqx+/frp0KFDCgkJUYMGDbR06VLddttt2r9/v5YtW6YXXnhBJ0+eVOXKldWzZ0899thjjtf7+vpq8eLFuv/++xUfH6+goCAlJCQ47atYWDbLsqyifHPFQUDjYZ4uAYCb/LbuJU+XAMBN/D0YXQXc9h+3Xft06hi3Xdudike2CgAAgGKF6WYAAIBisiaxOOETAQAAgIEkEQAAwI37JJZUNIkAAABMNxv4RAAAAGAgSQQAAGC62UCSCAAAAANJIgAAAGsSDXwiAAAAMJAkAgAAsCbRQJIIAAAAA0kiAAAAaxINNIkAAAA0iQY+EQAAABhIEgEAAPjiioEkEQAAAAaSRAAAANYkGvhEAAAAYCBJBAAAYE2igSQRAAAABpJEAAAA1iQaaBIBAACYbjbQNgMAAMBAkggAALyejSTRQJIIAAAAA0kiAADweiSJJpJEAAAAGEgSAQAACBINJIkAAAAwkCQCAACvx5pEE00iAADwejSJJqabAQAAYCBJBAAAXo8k0USSCAAAAANJIgAA8HokiSaSRAAAABhIEgEAAAgSDSSJAAAAMJAkAgAAr8eaRBNJIgAAAAwkiQAAwOuRJJpoEgEAgNejSTQx3QwAAAADSSIAAPB6JIkmkkQAAAAYSBIBAAAIEg0kiQAAADCQJAIAAK/HmkQTSSIAAAAMJIkAAMDrkSSaaBIBAIDXo0k0Md0MAAAAA0kiAAAAQaKBJBEAAAAGkkQAAOD1WJNoIkkEAAAoJmbMmKEGDRooODhYwcHBio+P15IlSxzPnzlzRomJiSpfvrzKlCmjnj17Kisry+ka+/btU5cuXRQYGKjw8HCNHj1a586dc7kWmkQAAOD1bDab2w5XVKpUSU8//bQ2bNig9evX69Zbb1W3bt20bds2SdKIESO0aNEiffDBB1q1apUOHjyoHj16OF6fn5+vLl266OzZs1qzZo3mzJmj2bNna9y4ca5/JpZlWS6/qpgLaDzM0yUAcJPf1r3k6RIAuIm/BxfBRQ7+0G3Xznztrit6fVhYmJ555hndddddqlixoubPn6+77vrjmj/++KNiY2OVlpamm266SUuWLNHtt9+ugwcPKiIiQpI0c+ZMjRkzRkeOHJGfn1+h70uSCAAAvJ47k8Tc3Fzl5OQ4Hbm5uX9ZU35+vt59912dPHlS8fHx2rBhg/Ly8tSuXTvHmLp166pKlSpKS0uTJKWlpal+/fqOBlGSOnTooJycHEcaWVg0iQAAwOu5s0lMSUlRSEiI05GSknLJWrZu3aoyZcrIbrdr6NChWrBggeLi4pSZmSk/Pz+FhoY6jY+IiFBmZqYkKTMz06lBPP/8+edcwbebAQAA3Cg5OVlJSUlO5+x2+yXH16lTR+np6crOztaHH36ohIQErVq1yt1lGmgSAQAA3LgDjt1u/9Om8EJ+fn6qWbOmJKlJkyZat26dXnzxRd199906e/asjh8/7pQmZmVlKTIyUpIUGRmptWvXOl3v/Lefz48pLKabAQAAirGCggLl5uaqSZMmKl26tJYvX+54bseOHdq3b5/i4+MlSfHx8dq6dasOHz7sGJOamqrg4GDFxcW5dF+SRAAA4PWKy2baycnJ6tSpk6pUqaLff/9d8+fP18qVK7V06VKFhIRo4MCBSkpKUlhYmIKDgzV8+HDFx8frpptukiS1b99ecXFxuu+++zR58mRlZmbqscceU2JioktppkSTCAAAUGwcPnxY/fr106FDhxQSEqIGDRpo6dKluu222yRJU6ZMkY+Pj3r27Knc3Fx16NBB06dPd7ze19dXixcv1v3336/4+HgFBQUpISFBEydOdLkW9kkEUKKwTyJw7fLkPomVHljotmv/Mr27267tTqxJBAAAgIHpZgAA4PWKy5rE4oQmEQAAgB7RwHQzAAAADCSJAADA6zHdbCJJBAAAgIEkEQAAeD2SRBNJIgAAAAwkiSh2Bv/9Fg2+q4ViosMkSdt3Z+qpV5foy//+oCpRYdrx+cV3je87+g19vGyTJOm5R+7STQ2r6/qaUfpxT5Zu6v30VasfQOG98dorWp76pfbs2S27v78aNWqsh5NGqWq16k7jNqdv0rQXp2jr1i3y9fFRnbqxmvHqG/L39/dQ5bjWkCSaaBJR7BzIOq6x0z5Rxr4jssmme7s20wdThuim3k9rx94sVW2X7DT+Hz2ba0S/dlr6321O59/65Fs1rR+jerWuu5rlA3DB+nVrdfc9fXV9/frKP5evaS8+r6GDB+rjTz9TYGCgpD8axAf+OUj/GPRPPfrvsSrl66sdO36Ujw+TYYA70SSi2Pl89fdOj8e/vEiD/36L/tagmrbvzlTW0d+dnr+jTUN9lLpRJ0+fdZwbOflDSVKFcp1pEoFibMarbzg9nvjk02rTIl7bf9imJjc2lSQ9858U3dP3Pg0cPMQx7sKkEbhSJIkmjzaJv/76q958802lpaUpMzNTkhQZGambb75Z/fv3V8WKFT1ZHooBHx+bet52g4IC/PTdlj3G841jK6tR3coa8fT7HqgOQFE78fsf/ycwOCREknT06FFt3bJZnW/vqn59e2v//n2qVq26hj34sG5ocqMnS8W1hh7R4LEmcd26derQoYMCAwPVrl071a5dW5KUlZWlqVOn6umnn9bSpUt1441//i+B3Nxc5ebmOp2zCvJl8/F1W+1wv+trRmvlnJHy9yulE6dzdffI1/Tj7kxjXEL3eG3ffUjfbjYbSAAlS0FBgSb/5yk1anyDatX6478JB37ZL0ma+fJLShr9iOrUjdXiTxZqyMD++uiTxYqJqerBioFrm8eaxOHDh+vvf/+7Zs6caUS8lmVp6NChGj58uNLS0v70OikpKZowYYLTOd+Ipiod9bcirxlXz097s9Ssd4pCygToznaN9drE+9R+0ItOjaK/vbTu7nSjnn7tCw9WCqCoPPXEBO3auVOz5853nCsoKJAk3dXrbnW/s6ckKTY2Tt99l6aFH3+kh0aM9EituPYw3Wzy2KrfzZs3a8SIERf9H8Vms2nEiBFKT0//y+skJycrOzvb6SgV0cQNFeNqyjuXr937f9Wm7fs1btqn2vrTASXe09ppzJ3tGinQ30/zFq/1TJEAisxTT0zU6lUr9dqsOYqIjHScr/B/y46q16jhNL5a9RrKPHTwqtYIeBuPNYmRkZFau/bS/3Ffu3atIiIi/vI6drtdwcHBTgdTzdceH5tNdj/n4Lt/95v12aqt+vW3Ex6qCsCVsixLTz0xUSuWp+q1N+eoUqXKTs9fd10lVQwP1949zktKft67V1HRfCkNRcdms7ntKKk8Nt08atQoDRkyRBs2bFDbtm0dDWFWVpaWL1+u1157Tc8++6ynyoMHTRx+h5b+d5v2H/pNZYP8dXenG9Xyxlrq+sB0x5jqlSvolhtqqPvwGRe9RvXKFVQmwK6ICsEKsJdWg9p//Mdk++5M5Z3LvyrvA8Bfe2rSBC35fLFemDZdQYFB+vXIEUlSmbJl5e/vL5vNpv4DBmrGy9NUp05d1akbq08/WaC9e3bruSlTPVw9cG3zWJOYmJioChUqaMqUKZo+fbry8//4D7evr6+aNGmi2bNnq1evXp4qDx5UMayM3pjUT5EVgpV94oy+33lAXR+YrhXf/egYk9AtXgeyjmtZ2o8XvcaMcX3V8sZajsffvffH3op1Oo/TvkPH3PsGABTa+++9I0ka2P8+p/MTn0hRtzt7SJLu7ddfubln9czkFGVnZ6tOnbqa+dqbqlylylWvF9euEhz4uY3NsizL00Xk5eXp119/lSRVqFBBpUuXvqLrBTQeVhRlASiGflv3kqdLAOAm/h7cmK/mqCVuu3bGs53cdm13KhabaZcuXVpRUVGeLgMAAHipkrx20F2KRZMIAADgSfSIJn74EgAAAAaSRAAA4PWYbjaRJAIAAMBAkggAALweQaKJJBEAAAAGkkQAAOD1fHyIEi9EkggAAAADSSIAAPB6rEk00SQCAACvxxY4JqabAQAAYCBJBAAAXo8g0USSCAAAAANJIgAA8HqsSTSRJAIAAMBAkggAALweSaKJJBEAAAAGkkQAAOD1CBJNNIkAAMDrMd1sYroZAAAABpJEAADg9QgSTSSJAAAAMJAkAgAAr8eaRBNJIgAAAAwkiQAAwOsRJJpIEgEAAGAgSQQAAF6PNYkmkkQAAAAYSBIBAIDXI0g00SQCAACvx3SzielmAAAAGEgSAQCA1yNINJEkAgAAwECSCAAAvB5rEk0kiQAAADCQJAIAAK9HkGgiSQQAACgmUlJS1LRpU5UtW1bh4eHq3r27duzY4TSmdevWstlsTsfQoUOdxuzbt09dunRRYGCgwsPDNXr0aJ07d86lWkgSAQCA1ysuaxJXrVqlxMRENW3aVOfOndO//vUvtW/fXj/88IOCgoIc4wYPHqyJEyc6HgcGBjr+nJ+fry5duigyMlJr1qzRoUOH1K9fP5UuXVpPPfVUoWuhSQQAAF6vmPSI+uKLL5wez549W+Hh4dqwYYNatmzpOB8YGKjIyMiLXuPLL7/UDz/8oGXLlikiIkKNGjXSpEmTNGbMGI0fP15+fn6FqoXpZgAAADfKzc1VTk6O05Gbm1uo12ZnZ0uSwsLCnM7PmzdPFSpUUL169ZScnKxTp045nktLS1P9+vUVERHhONehQwfl5ORo27Ztha6bJhEAAHi9C9f4FeWRkpKikJAQpyMlJeUvayooKNDDDz+s5s2bq169eo7zffr00dtvv62vvvpKycnJmjt3ru69917H85mZmU4NoiTH48zMzEJ/Jkw3AwAAuFFycrKSkpKcztnt9r98XWJior7//nt98803TueHDBni+HP9+vUVFRWltm3bateuXapRo0bRFC2aRAAAALd+ccVutxeqKfxfw4YN0+LFi7V69WpVqlTpT8c2a9ZMkpSRkaEaNWooMjJSa9eudRqTlZUlSZdcx3gxTDcDAAAUE5ZladiwYVqwYIFWrFihatWq/eVr0tPTJUlRUVGSpPj4eG3dulWHDx92jElNTVVwcLDi4uIKXQtJIgAA8HrF5dvNiYmJmj9/vj755BOVLVvWsYYwJCREAQEB2rVrl+bPn6/OnTurfPny2rJli0aMGKGWLVuqQYMGkqT27dsrLi5O9913nyZPnqzMzEw99thjSkxMdCnRJEkEAAAoJmbMmKHs7Gy1bt1aUVFRjuO9996TJPn5+WnZsmVq37696tatq5EjR6pnz55atGiR4xq+vr5avHixfH19FR8fr3vvvVf9+vVz2lexMEgSAQCA1ysum2lblvWnz1euXFmrVq36y+vExMTo888/v6JaaBIBAIDXKyY9YrHCdDMAAAAMJIkAAMDrFZfp5uKEJBEAAAAGkkQAAOD1CBJNJIkAAAAwkCQCAACv50OUaCBJBAAAgIEkEQAAeD2CRBNNIgAA8HpsgWNiuhkAAAAGkkQAAOD1fAgSDSSJAAAAMJAkAgAAr8eaRBNJIgAAAAwkiQAAwOsRJJpIEgEAAGAgSQQAAF7PJqLEC9EkAgAAr8cWOCammwEAAGAgSQQAAF6PLXBMJIkAAAAwkCQCAACvR5BoIkkEAACAgSQRAAB4PR+iRANJIgAAAAxF0iQeP368KC4DAADgETab+46SyuUm8T//+Y/ee+89x+NevXqpfPnyuu6667R58+YiLQ4AAOBqsNlsbjtKKpebxJkzZ6py5cqSpNTUVKWmpmrJkiXq1KmTRo8eXeQFAgAA4Opz+YsrmZmZjiZx8eLF6tWrl9q3b6+qVauqWbNmRV4gAACAu5XgwM9tXE4Sy5Urp/3790uSvvjiC7Vr106SZFmW8vPzi7Y6AAAAeITLSWKPHj3Up08f1apVS0ePHlWnTp0kSZs2bVLNmjWLvEAAAAB3Ywsck8tN4pQpU1S1alXt379fkydPVpkyZSRJhw4d0gMPPFDkBQIAAODqc7lJLF26tEaNGmWcHzFiRJEUBAAAcLWRI5oK1SR++umnhb7gHXfccdnFAAAAoHgoVJPYvXv3Ql3MZrPx5RUAAFDilOT9DN2lUE1iQUGBu+sAAADwGB96RMMV/SzfmTNniqoOAAAAFCMuN4n5+fmaNGmSrrvuOpUpU0a7d++WJI0dO1ZvvPFGkRcIAADgbvwsn8nlJvHJJ5/U7NmzNXnyZPn5+TnO16tXT6+//nqRFgcAAADPcLlJfOutt/Tqq6+qb9++8vX1dZxv2LChfvzxxyItDgAA4Gqw2dx3lFQuN4kHDhy46C+rFBQUKC8vr0iKAgAAgGe53CTGxcXp66+/Ns5/+OGHaty4cZEUBQAAcDWxJtHk8i+ujBs3TgkJCTpw4IAKCgr08ccfa8eOHXrrrbe0ePFid9QIAACAq8zlJLFbt25atGiRli1bpqCgII0bN07bt2/XokWLdNttt7mjRgAAALfysbnvKKlcThIlqUWLFkpNTS3qWgAAADyiJE8Lu8tlNYmStH79em3fvl3SH+sUmzRpUmRFAQAAwLNcbhJ/+eUX3XPPPfrvf/+r0NBQSdLx48d18803691331WlSpWKukYAAAC3Ikc0ubwmcdCgQcrLy9P27dt17NgxHTt2TNu3b1dBQYEGDRrkjhoBAABwlbmcJK5atUpr1qxRnTp1HOfq1KmjadOmqUWLFkVaHAAAwNXgw5pEg8tJYuXKlS+6aXZ+fr6io6OLpCgAAAB4lstN4jPPPKPhw4dr/fr1jnPr16/XQw89pGeffbZIiwMAALga+Fk+U6Gmm8uVK+f01fCTJ0+qWbNmKlXqj5efO3dOpUqV0j/+8Q91797dLYUCAADg6ilUk/jCCy+4uQwAAADPYZ9EU6GaxISEBHfXAQAAgGLksjfTlqQzZ87o7NmzTueCg4OvqCAAAICrjSDR5PIXV06ePKlhw4YpPDxcQUFBKleunNMBAABQ0vjYbG47XJGSkqKmTZuqbNmyCg8PV/fu3bVjxw6nMWfOnFFiYqLKly+vMmXKqGfPnsrKynIas2/fPnXp0kWBgYEKDw/X6NGjde7cOdc+E5dGS3rkkUe0YsUKzZgxQ3a7Xa+//romTJig6OhovfXWW65eDgAAAP9n1apVSkxM1LfffqvU1FTl5eWpffv2OnnypGPMiBEjtGjRIn3wwQdatWqVDh48qB49ejiez8/PV5cuXXT27FmtWbNGc+bM0ezZszVu3DiXarFZlmW58oIqVarorbfeUuvWrRUcHKyNGzeqZs2amjt3rt555x19/vnnLhXgDgGNh3m6BABu8tu6lzxdAgA38b+iRXBX5oGPf3Dbtaf3iLvs1x45ckTh4eFatWqVWrZsqezsbFWsWFHz58/XXXfdJUn68ccfFRsbq7S0NN10001asmSJbr/9dh08eFARERGSpJkzZ2rMmDE6cuSI/Pz8CnVvl5PEY8eOqXr16pL+WH947NgxSdItt9yi1atXu3o5AACAa1pubq5ycnKcjtzc3EK9Njs7W5IUFhYmSdqwYYPy8vLUrl07x5i6deuqSpUqSktLkySlpaWpfv36jgZRkjp06KCcnBxt27at0HW73CRWr15de/bscRT1/vvvS5IWLVqk0NBQVy8HAADgcTabzW1HSkqKQkJCnI6UlJS/rKmgoEAPP/ywmjdvrnr16kmSMjMz5efnZ/RcERERyszMdIz53wbx/PPnnyssl4PdAQMGaPPmzWrVqpUeffRRde3aVS+99JLy8vL0/PPPu3o5AACAa1pycrKSkpKcztnt9r98XWJior7//nt988037irtT7ncJI4YMcLx53bt2unHH3/Uhg0bVLNmTTVo0KBIi7tcmWumeroEAG7y2nd7PF0CADcZ3ryax+7t8tSqC+x2e6Gawv81bNgwLV68WKtXr1alSpUc5yMjI3X27FkdP37cKU3MyspSZGSkY8zatWudrnf+28/nxxTGFX8mMTEx6tGjR7FpEAEAAEoqy7I0bNgwLViwQCtWrFC1as6Nc5MmTVS6dGktX77ccW7Hjh3at2+f4uPjJUnx8fHaunWrDh8+7BiTmpqq4OBgxcUV/ks0hUoSp04tfDL34IMPFnosAABAcVBcfpYvMTFR8+fP1yeffKKyZcs61hCGhIQoICBAISEhGjhwoJKSkhQWFqbg4GANHz5c8fHxuummmyRJ7du3V1xcnO677z5NnjxZmZmZeuyxx5SYmOhSolmoLXAu7GIveTGbTbt37y70zd0l+3SBp0sA4CZvbfzZ0yUAcBNPTjc//MmPbrv2C93qFnrspZrVWbNmqX///pL+2Ex75MiReuedd5Sbm6sOHTpo+vTpTlPJP//8s+6//36tXLlSQUFBSkhI0NNPP61SpQq/0tDlfRJLAppE4NpFkwhcu2gSixcPblsJAABQPPgUj9nmYsWdX+YBAABACUWSCAAAvF5x+eJKcUKSCAAAAANJIgAA8HqsSTRdVpL49ddf695771V8fLwOHDggSZo7d67HfjYGAAAARcvlJvGjjz5Shw4dFBAQoE2bNik3N1eSlJ2draeeeqrICwQAAHA3m819R0nlcpP4xBNPaObMmXrttddUunRpx/nmzZtr48aNRVocAADA1eBjs7ntKKlcbhJ37Nihli1bGudDQkJ0/PjxoqgJAAAAHuZykxgZGamMjAzj/DfffKPq1asXSVEAAABXk48bj5LK5doHDx6shx56SN99951sNpsOHjyoefPmadSoUbr//vvdUSMAAACuMpe3wHn00UdVUFCgtm3b6tSpU2rZsqXsdrtGjRql4cOHu6NGAAAAtyrBSwfdxuUm0Waz6d///rdGjx6tjIwMnThxQnFxcSpTpow76gMAAIAHXPZm2n5+foqLiyvKWgAAADyiJH8L2V1cbhLbtGnzp79vuGLFiisqCAAAAJ7ncpPYqFEjp8d5eXlKT0/X999/r4SEhKKqCwAA4KohSDS53CROmTLloufHjx+vEydOXHFBAAAAVxu/3Wwqsu177r33Xr355ptFdTkAAAB40GV/ceVCaWlp8vf3L6rLAQAAXDV8ccXkcpPYo0cPp8eWZenQoUNav369xo4dW2SFAQAAwHNcbhJDQkKcHvv4+KhOnTqaOHGi2rdvX2SFAQAAXC0EiSaXmsT8/HwNGDBA9evXV7ly5dxVEwAAADzMpS+u+Pr6qn379jp+/LibygEAALj6fGzuO0oql7/dXK9ePe3evdsdtQAAAKCYcLlJfOKJJzRq1CgtXrxYhw4dUk5OjtMBAABQ0tjc+E9JVeg1iRMnTtTIkSPVuXNnSdIdd9zh9PN8lmXJZrMpPz+/6KsEAABwo5I8LewuhW4SJ0yYoKFDh+qrr75yZz0AAAAoBgrdJFqWJUlq1aqV24oBAADwBJJEk0trEm1sIgQAAOAVXNonsXbt2n/ZKB47duyKCgIAALjaCMJMLjWJEyZMMH5xBQAAANcel5rE3r17Kzw83F21AAAAeARrEk2FXpNIDAsAAOA9XP52MwAAwLWGLMxU6CaxoKDAnXUAAAB4jA9dosHln+UDAADAtc+lL64AAABci/jiiokkEQAAAAaSRAAA4PVYkmgiSQQAAICBJBEAAHg9HxElXogkEQAAAAaSRAAA4PVYk2iiSQQAAF6PLXBMTDcDAADAQJIIAAC8Hj/LZyJJBAAAgIEkEQAAeD2CRBNJIgAAAAwkiQAAwOuxJtFEkggAAAADSSIAAPB6BIkmmkQAAOD1mFo18ZkAAADAQJIIAAC8no35ZgNJIgAAAAw0iQAAwOvZ3Hi4avXq1eratauio6Nls9m0cOFCp+f79+8vm83mdHTs2NFpzLFjx9S3b18FBwcrNDRUAwcO1IkTJ1yqgyYRAACgGDl58qQaNmyol19++ZJjOnbsqEOHDjmOd955x+n5vn37atu2bUpNTdXixYu1evVqDRkyxKU6WJMIAAC8XnHaTLtTp07q1KnTn46x2+2KjIy86HPbt2/XF198oXXr1unGG2+UJE2bNk2dO3fWs88+q+jo6ELVQZIIAADgRrm5ucrJyXE6cnNzr+iaK1euVHh4uOrUqaP7779fR48edTyXlpam0NBQR4MoSe3atZOPj4++++67Qt+DJhEAAHg9d65JTElJUUhIiNORkpJy2bV27NhRb731lpYvX67//Oc/WrVqlTp16qT8/HxJUmZmpsLDw51eU6pUKYWFhSkzM7PQ92G6GQAAeD13zjYnJycrKSnJ6Zzdbr/s6/Xu3dvx5/r166tBgwaqUaOGVq5cqbZt2172dS9EkggAAOBGdrtdwcHBTseVNIkXql69uipUqKCMjAxJUmRkpA4fPuw05ty5czp27Ngl1zFeDE0iAADwehduKVOUh7v98ssvOnr0qKKioiRJ8fHxOn78uDZs2OAYs2LFChUUFKhZs2aFvi7TzQAAAMXIiRMnHKmgJO3Zs0fp6ekKCwtTWFiYJkyYoJ49eyoyMlK7du3SI488opo1a6pDhw6SpNjYWHXs2FGDBw/WzJkzlZeXp2HDhql3796F/mazRJIIAAAgHzcerlq/fr0aN26sxo0bS5KSkpLUuHFjjRs3Tr6+vtqyZYvuuOMO1a5dWwMHDlSTJk309ddfO01hz5s3T3Xr1lXbtm3VuXNn3XLLLXr11VddqsNmWZZ1GfUXa9mnCzxdAgA3eWvjz54uAYCbDG9ezWP3fm/TAbdd++7G17nt2u7EdDMAAPB6V2PtYEnDdDMAAAAMJIkAAMDrkSOaSBIBAABgIEkEAABejzWJJppEAADg9ZhaNfGZAAAAwECSCAAAvB7TzSaSRAAAABhIEgEAgNcjRzSRJAIAAMBAkggAALweSxJNJIkAAAAwkCQCAACv58OqRANNIgAA8HpMN5uYbgYAAICBJBEAAHg9G9PNBpJEAAAAGEgSAQCA12NNookkEQAAAAaSRAAA4PXYAsdEkggAAAADSSIAAPB6rEk00SQCAACvR5NoYroZAAAABpJEAADg9dhM20SSCAAAAANJIgAA8Ho+BIkGkkQAAAAYSBIBAIDXY02iiSQRAAAABpJEAADg9dgn0USTCAAAvB7TzSammwEAAGAgSQQAAF6PLXBMJIkAAAAwkCQCAACvx5pEE0kiAAAADCSJKBE+fP8dffzBuzp08IAkqVqNmho05AHdfEtLSdIv+/fpxecna3P6RuWdPaubbm6hUY/+W+XLV/Bk2QAu4sCOrdr0xYc6vHenTmUfU+dh41T9hpudxhw7uE9rPnxDB3dsVUF+vsKiq6hT4liVLR8uSfr4P6N1cMdWp9dc37qz2vR78Kq9D1xb2ALHRJOIEiEiIlKJDyapcpUYWbL02aefaNTDwzT33Y8Ufd11Gn7/INWqXUfTX50tSZr58lSNfPABvTn3Xfn4EJgDxcm53DOqULmaYm9pryUvTzKezz58UB+ljFRciw5q1u0++QUE6tiBn+Vb2s9pXFzLTmp2532Ox6X97G6vHfAmNIkoEVq0auP0+IHhD+vjD97V91s368jhwzp08IDmvvuxypQpI0kaPylFbVs20/q13+pvN918sUsC8JCYBk0V06DpJZ//9uM5qtqgqZr3GuQ4FxIebYwr7WdXUEiYW2qE9yFINNEkosTJz8/X8tQvdPr0KdVv0EgHftkvm80mP7//nzL42e3y8fFR+qaNNIlACWIVFGjv5rW6odNd+uS5f+nXfbsUXCFSTbrcbUxJ7/j2K+34doUCQ8qpasNmatq1j0rb/T1UOUo6H+abDcW6Sdy/f78ef/xxvfnmm5cck5ubq9zcXOdzBaVltzPtcK3J2PmTBva7R2fP5iogIFCTn5+m6jVqqly5MPkHBOilF57VA8NHyJKll158Xvn5+Tr66xFPlw3ABad+P6683NPa8Pn7uqlHgm7++0Dt27pen788SXc+8h9dV6eBJKl2szYqWyFcQaHldXT/Hq358E0dz/xFnYeN8/A7AK4dxXqx1rFjxzRnzpw/HZOSkqKQkBCn4/lnnr5KFeJqiqlaVW+/97HenPueevbqrQnjkrV7V4bKhYUpZfIL+nr1SrW6uYluveVvOvF7jurGxsnG7qhAiWIVWJKkao3j1ah9D1WsUkNNutytqg3/pu+/+swxrl7rzoqpd6MqVKqmOvG36rZBo7R74xplHz7oqdJRwtnceJRUHk0SP/300z99fvfu3X95jeTkZCUlJTmdO1NQ+orqQvFUurSfKleJkSTFxl2vH7Zt1Xvz5yp57ATddHNzLVj8pY7/9pt8fX1VNjhYHdu20G3XVfZw1QBcEVA2WD6+vgqLruJ0Piyqig7u3HbJ10VUrytJOn744EXXLwJwnUebxO7du8tms8myrEuOsf3FGgG73W5MLVunC4qkPhRvBQWWzp4963QutFw5SdK6td/qt2NH1bL1rZ4oDcBl8i1VWuFVa+t45i9O549nHnBsf3Mxv+7bJUl8kQWXryRHfm7i0enmqKgoffzxxyooKLjosXHjRk+Wh2Lk5anPa+OGdTp44IAydv70x+P1a9Wx8+2SpEULP9bWLen6Zf8+LfnsUyWPflj33JugmKrVPFw5gAudPXNaR/bt0pH/a+xyfs3UkX279PvRw5Kkxh3v0s61q7Vt1RIdzzqoLcs/1Z7N36p+mz/+vmcfPqh1n87T4b07lfNrpvZsSlPq688qunZ9Vahc3WPvC7jWeDRJbNKkiTZs2KBu3bpd9Pm/ShnhPY4dO6oJjz2qX389ojJlyqpm7dqaOv01NYtvLkn6+ec9ennaFOVkZysqOloDBg1Vn3sTPFw1gIs5vPcnLZw8xvH4m3dflSTVbd5O7QaOUo0mzdW633Bt+Ow9rZ4/Q+UiK6lT4lhF164nSfIpVVr7f0hXeupCncs9ozJhFVWjSXM17XqPR94Prg38LJ/JZnmwC/v666918uRJdezY8aLPnzx5UuvXr1erVq1cum42083ANeutjT97ugQAbjK8uedmf77ble22azerEeK2a7uTR5PEFi1a/OnzQUFBLjeIAAAArmKbRFOx3icRAADgaqBHNBXrfRIBAADgGSSJAAAARIkGkkQAAAAYSBIBAIDXYwscE0kiAAAADDSJAADA69ls7jtctXr1anXt2lXR0dGy2WxauHCh0/OWZWncuHGKiopSQECA2rVrp507dzqNOXbsmPr27avg4GCFhoZq4MCBOnHihEt10CQCAAAUIydPnlTDhg318ssvX/T5yZMna+rUqZo5c6a+++47BQUFqUOHDjpz5oxjTN++fbVt2zalpqZq8eLFWr16tYYMGeJSHR79xRV34RdXgGsXv7gCXLs8+YsrG/fmuO3aN1QNvuzX2mw2LViwQN27d5f0R4oYHR2tkSNHatSoUZKk7OxsRUREaPbs2erdu7e2b9+uuLg4rVu3TjfeeKMk6YsvvlDnzp31yy+/KDo6ulD3JkkEAACwue/Izc1VTk6O05Gbm3tZZe7Zs0eZmZlq166d41xISIiaNWumtLQ0SVJaWppCQ0MdDaIktWvXTj4+Pvruu+8KfS+aRAAAADdKSUlRSEiI05GSknJZ18rMzJQkRUREOJ2PiIhwPJeZmanw8HCn50uVKqWwsDDHmMJgCxwAAOD13LkFTnJyspKSkpzO2e12t92vqNAkAgAAuJHdbi+ypjAyMlKSlJWVpaioKMf5rKwsNWrUyDHm8OHDTq87d+6cjh075nh9YTDdDAAAvF5x2gLnz1SrVk2RkZFavny541xOTo6+++47xcfHS5Li4+N1/PhxbdiwwTFmxYoVKigoULNmzQp9L5JEAACAYuTEiRPKyMhwPN6zZ4/S09MVFhamKlWq6OGHH9YTTzyhWrVqqVq1aho7dqyio6Md34COjY1Vx44dNXjwYM2cOVN5eXkaNmyYevfuXehvNks0iQAAAMXqR/nWr1+vNm3aOB6fX8+YkJCg2bNn65FHHtHJkyc1ZMgQHT9+XLfccou++OIL+fv7O14zb948DRs2TG3btpWPj4969uypqVOnulQH+yQCKFHYJxG4dnlyn8TN+35327UbVinrtmu7E0kiAABAcYoSiwmaRAAA4PXcuQVOScW3mwEAAGAgSQQAAF6vqLequRaQJAIAAMBAkggAALweQaKJJBEAAAAGkkQAAACiRANJIgAAAAwkiQAAwOuxT6KJJBEAAAAGkkQAAOD12CfRRJMIAAC8Hj2iielmAAAAGEgSAQAAiBINJIkAAAAwkCQCAACvxxY4JpJEAAAAGEgSAQCA12MLHBNJIgAAAAwkiQAAwOsRJJpoEgEAAOgSDUw3AwAAwECSCAAAvB5b4JhIEgEAAGAgSQQAAF6PLXBMJIkAAAAwkCQCAACvR5BoIkkEAACAgSQRAACAKNFAkwgAALweW+CYmG4GAACAgSQRAAB4PbbAMZEkAgAAwECSCAAAvB5BookkEQAAAAaSRAAAAKJEA0kiAAAADCSJAADA67FPookmEQAAeD22wDEx3QwAAAADSSIAAPB6BIkmkkQAAAAYSBIBAIDXY02iiSQRAAAABpJEAAAAViUaSBIBAABgIEkEAABejzWJJppEAADg9egRTUw3AwAAwECSCAAAvB7TzSaSRAAAABhIEgEAgNezsSrRQJIIAAAAA0kiAAAAQaKBJBEAAAAGmkQAAOD1bG48XDF+/HjZbDano27duo7nz5w5o8TERJUvX15lypRRz549lZWVdblv+0/RJAIAAK9ns7nvcNX111+vQ4cOOY5vvvnG8dyIESO0aNEiffDBB1q1apUOHjyoHj16FOEn8f+xJhEAAKAYKVWqlCIjI43z2dnZeuONNzR//nzdeuutkqRZs2YpNjZW3377rW666aYirYMkEQAAeD2bG//Jzc1VTk6O05Gbm3vJWnbu3Kno6GhVr15dffv21b59+yRJGzZsUF5entq1a+cYW7duXVWpUkVpaWlF/pnQJAIAALhRSkqKQkJCnI6UlJSLjm3WrJlmz56tL774QjNmzNCePXvUokUL/f7778rMzJSfn59CQ0OdXhMREaHMzMwir5vpZgAAADdugZOcnKykpCSnc3a7/aJjO3Xq5PhzgwYN1KxZM8XExOj9999XQECA+4q8CJJEAAAAN7Lb7QoODnY6LtUkXig0NFS1a9dWRkaGIiMjdfbsWR0/ftxpTFZW1kXXMF4pmkQAAOD1issWOBc6ceKEdu3apaioKDVp0kSlS5fW8uXLHc/v2LFD+/btU3x8/BXeycR0MwAAQDExatQode3aVTExMTp48KAef/xx+fr66p577lFISIgGDhyopKQkhYWFKTg4WMOHD1d8fHyRf7NZokkEAAC4rP0M3eGXX37RPffco6NHj6pixYq65ZZb9O2336pixYqSpClTpsjHx0c9e/ZUbm6uOnTooOnTp7ulFptlWZZbruxB2acLPF0CADd5a+PPni4BgJsMb17NY/c+djLfbdcOC/J127XdiTWJAAAAMDDdDAAAvF5xmW4uTkgSAQAAYKBJBAAAgIEmEQAAAAbWJAIAAK/HmkQTSSIAAAAMJIkAAMDr2a74B/SuPTSJAADA6zHdbGK6GQAAAAaSRAAA4PUIEk0kiQAAADCQJAIAABAlGkgSAQAAYCBJBAAAXo8tcEwkiQAAADCQJAIAAK/HPokmkkQAAAAYSBIBAIDXI0g00SQCAADQJRqYbgYAAICBJBEAAHg9tsAxkSQCAADAQJIIAAC8HlvgmEgSAQAAYLBZlmV5ugjgcuXm5iolJUXJycmy2+2eLgdAEeLvN+BZNIko0XJychQSEqLs7GwFBwd7uhwARYi/34BnMd0MAAAAA00iAAAADDSJAAAAMNAkokSz2+16/PHHWdQOXIP4+w14Fl9cAQAAgIEkEQAAAAaaRAAAABhoEgEAAGCgSQQAAICBJhEl2ssvv6yqVavK399fzZo109q1az1dEoArtHr1anXt2lXR0dGy2WxauHChp0sCvBJNIkqs9957T0lJSXr88ce1ceNGNWzYUB06dNDhw4c9XRqAK3Dy5Ek1bNhQL7/8sqdLAbwaW+CgxGrWrJmaNm2ql156SZJUUFCgypUra/jw4Xr00Uc9XB2AomCz2bRgwQJ1797d06UAXockESXS2bNntWHDBrVr185xzsfHR+3atVNaWpoHKwMA4NpAk4gS6ddff1V+fr4iIiKczkdERCgzM9NDVQEAcO2gSQQAAICBJhElUoUKFeTr66usrCyn81lZWYqMjPRQVQAAXDtoElEi+fn5qUmTJlq+fLnjXEFBgZYvX674+HgPVgYAwLWhlKcLAC5XUlKSEhISdOONN+pvf/ubXnjhBZ08eVIDBgzwdGkArsCJEyeUkZHheLxnzx6lp6crLCxMVapU8WBlgHdhCxyUaC+99JKeeeYZZWZmqlGjRpo6daqaNWvm6bIAXIGVK1eqTZs2xvmEhATNnj376hcEeCmaRAAAABhYkwgAAAADTSIAAAAMNIkAAAAw0CQCAADAQJMIAAAAA00iAAAADDSJAAAAMNAkAgAAwECTCOCK9e/fX927d3c8bt26tR5++OGrXsfKlStls9l0/PjxS46x2WxauHBhoa85fvx4NWrU6Irq2rt3r2w2m9LT06/oOgBwNdEkAteo/v37y2azyWazyc/PTzVr1tTEiRN17tw5t9/7448/1qRJkwo1tjCNHQDg6ivl6QIAuE/Hjh01a9Ys5ebm6vPPP1diYqJKly6t5ORkY+zZs2fl5+dXJPcNCwsrkusAADyHJBG4htntdkVGRiomJkb333+/2rVrp08//VTS/58ifvLJJxUdHa06depIkvbv369evXopNDRUYWFh6tatm/bu3eu4Zn5+vpKSkhQaGqry5cvrkUce0YU/AX/hdHNubq7GjBmjypUry263q2bNmnrjjTe0d+9etWnTRpJUrlw52Ww29e/fX5JUUFCglJQUVatWTQEBAWrYsKE+/PBDp/t8/vnnql27tgICAtSmTRunOgtrzJgxql27tgIDA1W9enWNHTtWeXl5xrhXXnlFlStXVmBgoHr16qXs7Gyn519//XXFxsbK399fdevW1fTp0y95z99++019+/ZVxYoVFRAQoFq1amnWrFku1w4A7kSSCHiRgIAAHT161PF4+fLlCg4OVmpqqiQpLy9PHTp0UHx8vL7++muVKlVKTzzxhDp27KgtW7bIz89Pzz33nGbPnq0333xTsbGxeu6557RgwQLdeuutl7xvv379lJaWpqlTp6phw4bas2ePfv31V1WuXFkfffSRevbsqR07dig4OFgBAQGSpJSUFL399tuaOXOmatWqpdWrV+vee+9VxYoV1apVK+3fv189evRQYmKihgwZovXr12vkyJEufyZly5bV7NmzFR0dra1bt2rw4MEqW7asHnnkEceYjIwMvf/++1q0aJFycnI0cOBAPfDAA5o3b54kad68eRo3bpxeeuklNW7cWJs2bdLgwYMVFBSkhIQE455jx47VDz/8oCVLlqhChQrKyMjQ6dOnXa4dANzKAnBNSkhIsLp162ZZlmUVFBRYqamplt1ut0aNGuV4PiIiwsrNzXW8Zu7cuVadOnWsgoICx7nc3FwrICDAWrp0qWVZlhUVFWVNnjzZ8XxeXp5VqVIlx70sy7JatWplPfTQQ5ZlWdaOHTssSVZqaupF6/zqq68sSdZvv/3mOHfmzBkrMDDQWrNmjdPYgQMHWvfcc49lWZaVnJxsxcXFOT0/ZswY41oXkmQtWLDgks8/88wzVpMmTRyPH3/8ccvX19f65ZdfHOeWLFli+fj4WIcOHbIsy7Jq1KhhzZ8/3+k6kyZNsuLj4y3Lsqw9e/ZYkqxNmzZZlmVZXbt2tQYMGHDJGgCgOCBJBK5hixcvVpkyZZSXl6eCggL16dNH48ePdzxfv359p3WImzdvVkZGhsqWLet0nTNnzmjXrl3Kzs7WoUOH1KxZM8dzpUqV0o033mhMOZ+Xnp4uX19ftWrVqtB1Z2Rk6NSpU7rtttuczp89e1aNGzeWJG3fvt2pDkmKj48v9D3Oe++99zR16lTt2rVLJ06c0Llz5xQcHOw0pkqVKrruuuuc7lNQUKAdO3aobNmy2rVrlwYOHKjBgwc7xpw7d04hISEXvef999+vnj17auPGjWrfvr26d++um2++2eXaAcCdaBKBa1ibNm00Y8YM+fn5KTo6WqVKOf+VDwoKcnp84sQJNWnSxDGN+r8qVqx4WTWcnz52xYkTJyRJn332mVNzJv2xzrKopKWlqW/fvpowYYI6dOigkJAQvfvuu3ruuedcrvW1114zmlZfX9+LvqZTp076+eef9fnnnys1NVVt27ZVYmKinn322ct/MwBQxGgSgWtYUFCQatasWejxN9xwg9577z2Fh4cbadp5UVFR+u6779SyZUtJfyRmGzZs0A033HDR8fXr11dBQYFWrVqldu3aGc+fTzLz8/Md5+Li4mS327Vv375LJpCxsbGOL+Gc9+233/71m/wfa9asUUxMjP797387zv3888/GuH379ungwYOKjo523MfHx0d16tRRRESEoqOjtXv3bvXt27fQ965YsaISEhKUkJCgFi1aaPTo0TSJAIoVvt0MwKFv376qUKGCunXrpq+//lp79uzRypUr9eCDD+qXX36RJD300EN6+umntXDhQv3444964IEH/nSPw6pVqyohIUH/+Mc/tHDhQsc133//fUlSTEyMbDabFi9erCNHjujEiRMqW7asRo0apREjRmjOnDnatWuXNm7cqGnTpmnOnDmSpKFDh2rnzp0aPXq0duzYofnz52v27Nkuvd9atWpp3759evfdd7Vr1y5NnTpVCxYsMMb5+/srISFBmzdv1tdff60HH3xQvXr1UmRkpCRpwoQJSklJ0dSpU/XTTz9p69atmjVrlp5//vmL3nfcuHH65JNPlJGRoW3btmnx4sWKjY11qXYAcDeaRAAOgYGBWr16tapUqaIePXooNjZWAwcO1JkzZxzJ4siRI3XfffcpISFB8fHxKlu2rO68884/ve6MGTN011136YEHHlDdunU1ePBgnTx5UpJ03XXXacKECXr00UcVERGhYcOGSZImTZqksWPHKiUlRbGxserYsaM+++wzVatWTdIf6wQ/+ugjLVy4UA0bNtTMmTP11FNPufR+77jjDo0YMULDhg1To0aNtGbNGo0dO9YYV7NmTfXo0UOdO3dW+/bt1aBBA6ctbgYNGqTXX39ds2bNUv369dWqVSvNnj3bUeuF/Pz8lJycrAYNGqhly5by9fXVu+++61LtAOBuNutSq80BAADgtUgSAQAAYKBJBAAAgIEmEQAAAAaaRAAAABhoEgEAAGCgSQQAAICBJhEAAAAGmkQAAAAYaBIBAABgoEkEAACAgSYRAAAAhv8HZ2jzGrLWLlsAAAAASUVORK5CYII=", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "plot_confusion_matrix(y_test, y_pred,(0,1))" + ] + }, + { + "cell_type": "code", + "execution_count": 73, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAr4AAAIjCAYAAADlfxjoAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8pXeV/AAAACXBIWXMAAA9hAAAPYQGoP6dpAACX80lEQVR4nOzdd1zU9R8H8NexhyxFEBEF3CYu3HuQmGVaprhH7hyJmXtmammuzFyliGlqpmVlmpr6SyXNmabiQHOBgiIgCgj3+f3x7e44OJDDg++N1/PxuId3H2687w7wxec+389bIYQQICIiIiIyc1ZyF0BEREREVBwYfImIiIjIIjD4EhEREZFFYPAlIiIiIovA4EtEREREFoHBl4iIiIgsAoMvEREREVkEBl8iIiIisggMvkRERERkERh8iYqJv78/BgwYIHcZFqd169Zo3bq13GW80KxZs6BQKJCQkCB3KUZHoVBg1qxZBrmvmzdvQqFQICIiwiD3BwAnTpyAnZ0d/v33X4Pdp6H16NED3bt3l7sMItkx+JJZiIiIgEKhUJ9sbGzg6+uLAQMG4O7du3KXZ9RSU1MxZ84c1KpVC05OTnBzc0OLFi0QGRkJU+lofvHiRcyaNQs3b96Uu5RcsrKysH79erRu3RolS5aEvb09/P39MXDgQJw8eVLu8gxi8+bNWLp0qdxlaCnOmqZOnYqePXuiQoUK6rHWrVtr/U5ydHRErVq1sHTpUiiVSp338/DhQ3z44YeoWrUqHBwcULJkSYSGhuLnn3/O87GTk5Mxe/Zs1K5dGyVKlICjoyNq1qyJiRMn4t69e+rrTZw4Ed9//z3OnTtX4OdlCd+7ZHkUwlT+ZyPKR0REBAYOHIiPPvoIAQEBSEtLw59//omIiAj4+/vjwoULcHBwkLXG9PR0WFlZwdbWVtY6srt//z7atWuHS5cuoUePHmjVqhXS0tLw/fff43//+x/CwsKwadMmWFtby11qvrZv345u3brh4MGDuWZ3MzIyAAB2dnbFXtezZ8/w9ttvY8+ePWjZsiU6deqEkiVL4ubNm9i2bRuuXLmCW7duoVy5cpg1axZmz56N+Ph4eHp6FnutL+ONN97AhQsXiuwPj7S0NNjY2MDGxualaxJCID09Hba2tgb5vj579izq1q2LY8eOoUmTJurx1q1b4/r165g/fz4AICEhAZs3b8Zff/2FKVOmYO7cuVr3Ex0djXbt2iE+Ph4DBw5E/fr18fjxY2zatAlnz57F+PHjsXDhQq3bxMTEICQkBLdu3UK3bt3QvHlz2NnZ4e+//8a3336LkiVL4sqVK+rrN2rUCFWrVkVkZOQLn5c+37tEJkUQmYH169cLAOKvv/7SGp84caIAILZu3SpTZfJ69uyZyMrKyvProaGhwsrKSvz444+5vjZ+/HgBQHzyySdFWaJOT5480ev63333nQAgDh48WDQFFdLIkSMFALFkyZJcX8vMzBQLFy4Ut2/fFkIIMXPmTAFAxMfHF1k9SqVSPH361OD3+/rrr4sKFSoY9D6zsrLEs2fPCn37oqhJlzFjxojy5csLpVKpNd6qVSvxyiuvaI09e/ZMVKhQQbi4uIjMzEz1eEZGhqhZs6ZwcnISf/75p9ZtMjMzRVhYmAAgtmzZoh5//vy5qF27tnBychJ//PFHrrqSkpLElClTtMY+++wz4ezsLFJSUl74vPT53n0ZL/s+E+mLwZfMQl7B9+effxYAxLx587TGL126JLp27So8PDyEvb29CA4O1hn+EhMTxdixY0WFChWEnZ2d8PX1FX379tUKJ2lpaWLGjBmiYsWKws7OTpQrV058+OGHIi0tTeu+KlSoIPr37y+EEOKvv/4SAERERESux9yzZ48AIH766Sf12J07d8TAgQOFl5eXsLOzEzVq1BBff/211u0OHjwoAIhvv/1WTJ06VZQtW1YoFAqRmJio8zWLiooSAMS7776r8+vPnz8XlStXFh4eHuqwdOPGDQFALFy4UCxevFiUL19eODg4iJYtW4rz58/nuo+CvM6q9+7QoUNixIgRonTp0sLd3V0IIcTNmzfFiBEjRJUqVYSDg4MoWbKkeOedd8SNGzdy3T7nSRWCW7VqJVq1apXrddq6dav4+OOPha+vr7C3txdt27YVV69ezfUcvvjiCxEQECAcHBxEgwYNxP/+979c96nL7du3hY2NjXj11VfzvZ6KKvhevXpV9O/fX7i5uQlXV1cxYMAAkZqaqnXddevWiTZt2ojSpUsLOzs7Ub16dfHll1/mus8KFSqI119/XezZs0cEBwcLe3t7dZAp6H0IIcTu3btFy5YtRYkSJYSLi4uoX7++2LRpkxBCen1zvvbZA2dBfz4AiJEjR4pvvvlG1KhRQ9jY2IidO3eqvzZz5kz1dZOTk8X777+v/rksXbq0CAkJEadOnXphTarv4fXr12s9/qVLl0S3bt2Ep6encHBwEFWqVMkVHHUpX768GDBgQK5xXcFXCCHeeecdAUDcu3dPPfbtt98KAOKjjz7S+RiPHz8W7u7uolq1auqxLVu2CABi7ty5L6xR5dy5cwKA2LFjR77X0/d7t3///jr/yFB9T2en633etm2b8PDw0Pk6JiUlCXt7e/HBBx+oxwr6PUWkS8E/NyIyQaqPOT08PNRj//zzD5o1awZfX19MmjQJzs7O2LZtG7p06YLvv/8eb731FgDgyZMnaNGiBS5duoR3330X9erVQ0JCAnbt2oU7d+7A09MTSqUSb775Jo4cOYKhQ4eievXqOH/+PJYsWYIrV67ghx9+0FlX/fr1ERgYiG3btqF///5aX9u6dSs8PDwQGhoKQFqO0LhxYygUCowaNQqlS5fGr7/+ikGDBiE5ORljx47Vuv2cOXNgZ2eH8ePHIz09Pc+P+H/66ScAQL9+/XR+3cbGBr169cLs2bNx9OhRhISEqL8WGRmJlJQUjBw5EmlpaVi2bBnatm2L8+fPw9vbW6/XWeW9995D6dKlMWPGDKSmpgIA/vrrLxw7dgw9evRAuXLlcPPmTaxcuRKtW7fGxYsX4eTkhJYtW2LMmDH4/PPPMWXKFFSvXh0A1P/m5ZNPPoGVlRXGjx+PpKQkLFiwAL1798bx48fV11m5ciVGjRqFFi1aIDw8HDdv3kSXLl3g4eHxwo94f/31V2RmZqJv3775Xi+n7t27IyAgAPPnz8fp06fx1VdfwcvLC59++qlWXa+88grefPNN2NjY4KeffsJ7770HpVKJkSNHat1fdHQ0evbsiWHDhmHIkCGoWrWqXvcRERGBd999F6+88gomT54Md3d3nDlzBnv27EGvXr0wdepUJCUl4c6dO1iyZAkAoESJEgCg98/H77//jm3btmHUqFHw9PSEv7+/ztdo+PDh2L59O0aNGoUaNWrg4cOHOHLkCC5duoR69erlW5Muf//9N1q0aAFbW1sMHToU/v7+uH79On766adcSxKyu3v3Lm7duoV69erleZ2cVAfXubu7q8de9LPo5uaGzp07Y8OGDbh27RoqVaqEXbt2AYBe3181atSAo6Mjjh49muvnL7vCfu8WVM73uXLlynjrrbewY8cOrF69Wut31g8//ID09HT06NEDgP7fU0S5yJ28iQxBNeu3f/9+ER8fL27fvi22b98uSpcuLezt7bU+kmvXrp0ICgrSmh1QKpWiadOmonLlyuqxGTNm5Dk7ovpYc+PGjcLKyirXR42rVq0SAMTRo0fVY9lnfIUQYvLkycLW1lY8evRIPZaeni7c3d21ZmEHDRokfHx8REJCgtZj9OjRQ7i5ualnY1UzmYGBgQX6OLtLly4CQJ4zwkIIsWPHDgFAfP7550IIzWyZo6OjuHPnjvp6x48fFwBEeHi4eqygr7PqvWvevLnWx79CCJ3PQzVTHRkZqR7Lb6lDXjO+1atXF+np6erxZcuWCQDqmev09HRRqlQp0aBBA/H8+XP19SIiIgSAF874hoeHCwDizJkz+V5PRTU7lnMG/q233hKlSpXSGtP1uoSGhorAwECtsQoVKggAYs+ePbmuX5D7ePz4sXBxcRGNGjXK9XF09o/281pWoM/PBwBhZWUl/vnnn1z3gxwzvm5ubmLkyJG5rpddXjXpmvFt2bKlcHFxEf/++2+ez1GX/fv35/p0RqVVq1aiWrVqIj4+XsTHx4vLly+LDz/8UAAQr7/+utZ169SpI9zc3PJ9rMWLFwsAYteuXUIIIerWrfvC2+hSpUoV8dprr+V7HX2/d/Wd8dX1Pu/du1fna9mxY0et70l9vqeIdOGuDmRWQkJCULp0afj5+eGdd96Bs7Mzdu3apZ6de/ToEX7//Xd0794dKSkpSEhIQEJCAh4+fIjQ0FBcvXpVvQvE999/j9q1a+ucGVEoFACA7777DtWrV0e1atXU95WQkIC2bdsCAA4ePJhnrWFhYXj+/Dl27NihHvvtt9/w+PFjhIWFAZAOxPn+++/RqVMnCCG0HiM0NBRJSUk4ffq01v32798fjo6OL3ytUlJSAAAuLi55Xkf1teTkZK3xLl26wNfXV325YcOGaNSoEXbv3g1Av9dZZciQIbkONsr+PJ4/f46HDx+iUqVKcHd3z/W89TVw4ECtmaUWLVoAkA4YAoCTJ0/i4cOHGDJkiNZBVb1799b6BCEvqtcsv9dXl+HDh2tdbtGiBR4+fKj1HmR/XZKSkpCQkIBWrVohJiYGSUlJWrcPCAhQf3qQXUHuY9++fUhJScGkSZNyHRyq+hnIj74/H61atUKNGjVeeL/u7u44fvy41q4FhRUfH4///e9/ePfdd1G+fHmtr73oOT58+BAA8vx+uHz5MkqXLo3SpUujWrVqWLhwId58881cW6mlpKS88Psk589icnKy3t9bqlpftGVeYb93C0rX+9y2bVt4enpi69at6rHExETs27dP/fsQeLnfuUQAwKUOZFZWrFiBKlWqICkpCevWrcP//vc/2Nvbq79+7do1CCEwffp0TJ8+Xed9PHjwAL6+vrh+/Tq6du2a7+NdvXoVly5dQunSpfO8r7zUrl0b1apVw9atWzFo0CAA0jIHT09P9S/x+Ph4PH78GGvWrMGaNWsK9BgBAQH51qyi+k8tJSVF62PX7PIKx5UrV8513SpVqmDbtm0A9Hud86v72bNnmD9/PtavX4+7d+9qba+WM+DpK2fIUYWXxMREAFDvyVqpUiWt69nY2OT5EXx2rq6uADSvoSHqUt3n0aNHMXPmTERFReHp06da109KSoKbm5v6cl7fDwW5j+vXrwMAatasqddzUNH356Og37sLFixA//794efnh+DgYHTs2BH9+vVDYGCg3jWq/tAp7HMEkOe2f/7+/li7di2USiWuX7+OuXPnIj4+PtcfES4uLi8Mozl/Fl1dXdW161vriwJ9Yb93C0rX+2xjY4OuXbti8+bNSE9Ph729PXbs2IHnz59rBd+X+Z1LBDD4kplp2LAh6tevD0CalWzevDl69eqF6OholChRQr1/5vjx43XOggG5g05+lEolgoKCsHjxYp1f9/Pzy/f2YWFhmDt3LhISEuDi4oJdu3ahZ8+e6hlGVb19+vTJtRZYpVatWlqXCzLbC0hrYH/44Qf8/fffaNmypc7r/P333wBQoFm47ArzOuuqe/To0Vi/fj3Gjh2LJk2awM3NDQqFAj169MhzL9SCymsrq7xCjL6qVasGADh//jzq1KlT4Nu9qK7r16+jXbt2qFatGhYvXgw/Pz/Y2dlh9+7dWLJkSa7XRdfrqu99FJa+Px8F/d7t3r07WrRogZ07d+K3337DwoUL8emnn2LHjh147bXXXrrugipVqhQAzR9LOTk7O2utjW/WrBnq1auHKVOm4PPPP1ePV69eHWfPnsWtW7dy/eGjkvNnsVq1ajhz5gxu3779wt8z2SUmJur8wzU7fb938wrSWVlZOsfzep979OiB1atX49dff0WXLl2wbds2VKtWDbVr11Zf52V/5xIx+JLZsra2xvz589GmTRt88cUXmDRpknpGyNbWVus/JF0qVqyICxcuvPA6586dQ7t27Qr00W9OYWFhmD17Nr7//nt4e3sjOTlZfRAHAJQuXRouLi7Iysp6Yb36euONNzB//nxERkbqDL5ZWVnYvHkzPDw80KxZM62vXb16Ndf1r1y5op4J1ed1zs/27dvRv39/LFq0SD2WlpaGx48fa12vMK/9i6iaEVy7dg1t2rRRj2dmZuLmzZu5/uDI6bXXXoO1tTW++eYbgx4k9NNPPyE9PR27du3SCkn6fMRb0PuoWLEiAODChQv5/kGY1+v/sj8f+fHx8cF7772H9957Dw8ePEC9evUwd+5cdfAt6OOpvldf9LOuiyog3rhxo0DXr1WrFvr06YPVq1dj/Pjx6tf+jTfewLfffovIyEhMmzYt1+2Sk5Px448/olq1aur3oVOnTvj222/xzTffYPLkyQV6/MzMTNy+fRtvvvlmvtfT93vXw8Mj188kAL072bVs2RI+Pj7YunUrmjdvjt9//x1Tp07Vuk5Rfk+RZeAaXzJrrVu3RsOGDbF06VKkpaXBy8sLrVu3xurVqxEbG5vr+vHx8erzXbt2xblz57Bz585c11PNvnXv3h13797F2rVrc13n2bNn6t0J8lK9enUEBQVh69at2Lp1K3x8fLRCqLW1Nbp27Yrvv/9e53/M2evVV9OmTRESEoL169fr7Aw1depUXLlyBRMmTMg1Q/PDDz9ordE9ceIEjh8/rg4d+rzO+bG2ts41A7t8+fJcM0nOzs4AoPM/38KqX78+SpUqhbVr1yIzM1M9vmnTpjxn+LLz8/PDkCFD8Ntvv2H58uW5vq5UKrFo0SLcuXNHr7pUM8I5l32sX7/e4PfRvn17uLi4YP78+UhLS9P6WvbbOjs761x68rI/H7pkZWXleiwvLy+ULVsW6enpL6wpp9KlS6Nly5ZYt24dbt26pfW1F83++/r6ws/PT68uZhMmTMDz58+1Zizfeecd1KhRA5988kmu+1IqlRgxYgQSExMxc+ZMrdsEBQVh7ty5iIqKyvU4KSkpuULjxYsXkZaWhqZNm+Zbo77fuxUrVkRSUpJ6VhoAYmNjdf7uzI+VlRXeeecd/PTTT9i4cSMyMzO1ljkARfM9RZaFM75k9j788EN069YNERERGD58OFasWIHmzZsjKCgIQ4YMQWBgIO7fv4+oqCjcuXNH3dLzww8/VHcEe/fddxEcHIxHjx5h165dWLVqFWrXro2+ffti27ZtGD58OA4ePIhmzZohKysLly9fxrZt27B371710ou8hIWFYcaMGXBwcMCgQYNgZaX99+gnn3yCgwcPolGjRhgyZAhq1KiBR48e4fTp09i/fz8ePXpU6NcmMjIS7dq1Q+fOndGrVy+0aNEC6enp2LFjBw4dOoSwsDB8+OGHuW5XqVIlNG/eHCNGjEB6ejqWLl2KUqVKYcKECerrFPR1zs8bb7yBjRs3ws3NDTVq1EBUVBT279+v/ohZpU6dOrC2tsann36KpKQk2Nvbo23btvDy8ir0a2NnZ4dZs2Zh9OjRaNu2Lbp3746bN28iIiICFStWLNBs06JFi3D9+nWMGTMGO3bswBtvvAEPDw/cunUL3333HS5fvqw1w18Q7du3h52dHTp16oRhw4bhyZMnWLt2Lby8vHT+kfEy9+Hq6oolS5Zg8ODBaNCgAXr16gUPDw+cO3cOT58+xYYNGwAAwcHB2Lp1K8aNG4cGDRqgRIkS6NSpk0F+PnJKSUlBuXLl8M4776jb9O7fvx9//fWX1icDedWky+eff47mzZujXr16GDp0KAICAnDz5k388ssvOHv2bL71dO7cGTt37izQ2llAWqrQsWNHfPXVV5g+fTpKlSoFOzs7bN++He3atUPz5s21Ordt3rwZp0+fxgcffKD1vWJra4sdO3YgJCQELVu2RPfu3dGsWTPY2trin3/+UX9ak307tn379sHJyQmvvvrqC+vU53u3R48emDhxIt566y2MGTMGT58+xcqVK1GlShW9D0INCwvD8uXLMXPmTAQFBeXalrAovqfIwhT/RhJEhpdXAwshpM5AFStWFBUrVlRvl3X9+nXRr18/UaZMGWFrayt8fX3FG2+8IbZv365124cPH4pRo0YJX19f9Ubp/fv319paLCMjQ3z66afilVdeEfb29sLDw0MEBweL2bNni6SkJPX1cm5npnL16lX1JvtHjhzR+fzu378vRo4cKfz8/IStra0oU6aMaNeunVizZo36Oqptur777ju9XruUlBQxa9Ys8corrwhHR0fh4uIimjVrJiIiInJt55S9gcWiRYuEn5+fsLe3Fy1atBDnzp3Ldd8FeZ3ze+8SExPFwIEDhaenpyhRooQIDQ0Vly9f1vlarl27VgQGBgpra+sCNbDI+Trl1djg888/FxUqVBD29vaiYcOG4ujRoyI4OFh06NChAK+u1OXqq6++Ei1atBBubm7C1tZWVKhQQQwcOFBru6i8OrepXp/sTTt27dolatWqJRwcHIS/v7/49NNPxbp163JdT9XAQpeC3ofquk2bNhWOjo7C1dVVNGzYUHz77bfqrz958kT06tVLuLu752pgUdCfD/zX2EAXZNvOLD09XXz44Yeidu3awsXFRTg7O4vatWvnar6RV015vc8XLlwQb731lnB3dxcODg6iatWqYvr06Trrye706dMCQK7ttfJqYCGEEIcOHcq1RZsQQjx48ECMGzdOVKpUSdjb2wt3d3cREhKi3sJMl8TERDFjxgwRFBQknJychIODg6hZs6aYPHmyiI2N1bpuo0aNRJ8+fV74nFQK+r0rhBC//fabqFmzprCzsxNVq1YV33zzTb4NLPKiVCqFn5+fACA+/vhjndcp6PcUkS4KIQx0JAcRmb2bN28iICAACxcuxPjx4+UuRxZKpRKlS5fG22+/rfPjVrI87dq1Q9myZbFx40a5S8nT2bNnUa9ePZw+fVqvgy2JzA3X+BIR5SEtLS3XOs/IyEg8evQIrVu3lqcoMjrz5s3D1q1b9T6Yqzh98skneOeddxh6yeJxjS8RUR7+/PNPhIeHo1u3bihVqhROnz6Nr7/+GjVr1kS3bt3kLo+MRKNGjZCRkSF3GfnasmWL3CUQGQUGXyKiPPj7+8PPzw+ff/45Hj16hJIlS6Jfv3745JNPtLq+ERGRaeAaXyIiIiKyCFzjS0REREQWgcGXiIiIiCyCxa3xVSqVuHfvHlxcXNjukIiIiMgICSGQkpKCsmXL5mrs9DIsLvjeu3cPfn5+cpdBRERERC9w+/ZtlCtXzmD3Z3HB18XFBYD0Qrq6uspcDRERERHllJycDD8/P3VuMxSLC76q5Q2urq4MvkRERERGzNDLUnlwGxERERFZBAZfIiIiIrIIDL5EREREZBEYfImIiIjIIjD4EhEREZFFYPAlIiIiIovA4EtEREREFoHBl4iIiIgsAoMvEREREVkEBl8iIiIisggMvkRERERkERh8iYiIiMgiMPgSERERkUVg8CUiIiIii8DgS0REREQWQdbg+7///Q+dOnVC2bJloVAo8MMPP7zwNocOHUK9evVgb2+PSpUqISIiosjrJCIiIiLTJ2vwTU1NRe3atbFixYoCXf/GjRt4/fXX0aZNG5w9exZjx47F4MGDsXfv3iKulIiIiIhMnY2cD/7aa6/htddeK/D1V61ahYCAACxatAgAUL16dRw5cgRLlixBaGhoUZVJREREREUoMxP491/g6lXgarQSCUf+KZLHkTX46isqKgohISFaY6GhoRg7dmyet0lPT0d6err6cnJyclGVR0RERER5UCqB27f/C7fZTleuADduAM+fA2UQi/UYiG44jI+KoAaTCr5xcXHw9vbWGvP29kZycjKePXsGR0fHXLeZP38+Zs+eXVwlEhEREVksIYB793KH26tXgWvXgGxzkbm8iR/xFQajNBJQVNOUJhV8C2Py5MkYN26c+nJycjL8/PxkrIiIiIjIdAkBxMdLM7W6wm1qqn73V8ohFSudPkC3R6vVYxkeXkDiAwNXbmLBt0yZMrh//77W2P379+Hq6qpzthcA7O3tYW9vXxzlEREREZmNR480SxFyBlx9V47a2wMVKwKVK2ufXkk7hdLhvaGIjtZcuUsX2C1eDAQGGvYJwcSCb5MmTbB7926tsX379qFJkyYyVURERERkupKTtdfaZg+3jx7pd182NlJWzRluK1cG/PwAa+tsV87KAj77DJg2TTqyDQCcnIClS4HBg4GUFEM9Re0ai+ReC+jJkye4du2a+vKNGzdw9uxZlCxZEuXLl8fkyZNx9+5dREZGAgCGDx+OL774AhMmTMC7776L33//Hdu2bcMvv/wi11MgIiIiMmqpqdISBF0B94GeqwmsrIAKFYAqVXKHW39/KfwWSFoa8NVXmtAbHAxs3izdcRGSNfiePHkSbdq0UV9WrcXt378/IiIiEBsbi1u3bqm/HhAQgF9++QXh4eFYtmwZypUrh6+++opbmREREZFFS0sDrl/PvVvC1avSwWb68vPTBNrsITcgQFq28NKcnaWg27w58MEHwKxZgJ2dAe44fwohhCjyRzEiycnJcHNzQ1JSElxdXeUuh4iIiKhAMjKkbb90bQd2+7Z00Jk+fHx0h9uKFYE8Dp0qvJQUaV2Fr6/2+N27ucdQdHnNpNb4EhEREZkzrUYOOU43b0pLY/VRurT2cgRVwK1UCShRokieQm5RUUCfPkCZMsDhw9rrIXSE3qLE4EtERERUjJRK4M4d3bslxMRIjRz04e6ee81tlSpSuHV3L4pnUECZmcDcucCcOVJij4kBPv0UmDpVtpIYfImIiIgMTAggNlb3bgnXr0trcvVRooTuA8oqVwZKlQIUiqJ5HoUWEyPN8kZFacaaNgV69ZKvJjD4EhERERWKqpGDrt0SCtPIwdFRmqXVFXC9vY0w3OoiBLBxIzBqlGZLMmtrYOZMYPJkPbZ9KBoMvkRERET5UDVy0BVw9W3kYGenaeSQM+CWLSttF2ayEhOB4cOBbds0Y4GBwKZNQOPG8tWVDYMvERERWbzsjRxyBtzCNHIICNC9Y0KuRg7mIjkZqFMHyLYNLQYMAD7/HHBxkauqXBh8iYiIyCLkbOSQPeAWtpGDrh0TKlQAbG2L5jkYLVdX4K23gGXLAA8PYPVqoFs3uavKhcGXiIiIzIauRg6q0927+t9f9kYO2QOuwRo5mJNPPpHegKlTpRfOCDH4EhERkUnJq5HD1avSJ+0v08gh+6liRcDJqWieg0kTAli7VlqzMWiQZtzBAVi1Sr66CoDBl4iIiIxOVpamkUPO7cAK08jB01P3bgmVKhnVElTjFx8PDBkC/PijtA1F06ZA9epyV1VgDL5EREQkC1UjB127JRS2kYOu3RIqV5a5kYO5+O03oH9/IC5OuvzsGfDzzwy+RERERIB2I4ecAbewjRx07ZZgtI0czEFamrQH79KlmjFPT2DdOqBTJ9nKKgwGXyIiInopORs5ZA+3L9PIQVfANZlGDubi/Hmgd2/pX5UOHYD164EyZeSrq5AYfImIiKhAcjZyyB5yX6aRQ86Aa/KNHMyBEMDy5cCECUB6ujRmbw8sXCh1ZTPRvz4YfImIiEhNVyMH1enhQ/3uK2cjh+wB12wbOZiLJ0+ARYs0obdWLakDW82a8tb1khh8iYiILExejRyuXgXu39fvvhQKqWGDrgPK/P0tsJGDuXBxAb75BmjTBhgzBpg3T9quzMQx+BIREZmhtDRpZwRd24EVppFDuXK6DygLDGQjB7OQmiqdvLw0Yy1aSN88gYHy1WVgDL5EREQm6vlz7UYO2QNuYRo5lCmj+4AyNnIwc6dOSQew+foC+/ZpL7A2o9ALMPgSEREZteyNHHIG3MI2ctAVbtnIwQJlZQGffQZMmwZkZgLR0cCSJcAHH8hdWZFh8CUiIpJZzkYO2cPtyzRy0LVjAhs5EADg9m2gXz/g0CHNWHCwye3Lqy8GXyIiomKgq5GD6nTt2ss1csgZcNnIgfK1bRswbBjw+LF0WaEAJk0CZs2S9pkzYwy+REREBqKrkUP2k76NHBwcdIfbypWl9bgMt6SX5GRph4YNGzRjfn7Axo1Aq1by1VWMGHyJiIj0lJioe7eEq1eBpCT97svOTjp+SNd2YL6+bORABpKUBNSrJ62dUQkLA1auBDw85KurmDH4EhER6ZCSonu3hMI0crC21jRyyBlwy5dnIwcqBm5uQNu2UvB1cQFWrAD69LG4jw0YfImIyGI9fapp5JAz3Ba2kYOuHRPYyIGMwpIlwLNnwEcfmd02ZQXF4EtERGYtPR24fl337O3LNHLIGXDZyIGMhhDSul1bW6BnT814iRJSNzYLxuBLREQmL2cjh+wh92UbOWQPuGzkQEYvMREYPlzauaFECaBhQ+kblwAw+BIRkYnQ1chBdbpx4+UaOeQ8sZEDmaRDh4C+faVNoQHgyRNg+3Zg4kRZyzImDL5ERGQ0dDVyUJ2uX9e/kYObm+7dEipXtqgD2cncZWQAM2YACxZoPt5wdwfWrAG6dZO1NGPD4EtERMVKCCAuTvcBZYVp5ODsrPuAssqVpVldCztonSxNdDTQqxdw+rRmrHVrIDJS2qOXtDD4EhGRwQkBJCTkHW6fPNHv/hwcgEqVdIdbNnIgiySENKMbHi7t1ABIB7PNnQt88AE3gM4Dgy8RERWaqpGDroCrbyMHW1vpGBxds7ds5ECUQ1KS1GJYFXqrVgU2b5aaVFCeGHyJiChf2Rs55Ay4L9PIIWfAZSMHIj24uwMREUCHDtIuDosWccuRAmDwJSIirUYOOQPuyzZyyH4KCGAjB6JCSUuTflBLltSMhYYCFy4Ar7wiX10mhsGXiMhC5GzkkD3gGqKRg+oUGCitySUiAzl/XjqArUIF4KeftBe1M/TqhcGXiMiM5NXI4epVaQ9cfRs5eHvr3g6sUiV+qkpU5JRKYPlyaR/e9HRpdnfVKmDECLkrM1kMvkREJiYrS+pGlvNgssI2cihVSvcBZZUqAa6uRfMciOgFYmOBgQOBvXs1Y7VqAS1ayFeTGWDwJSIyQkqltPxA124JMTHSfvX6cHPTfUAZGzkQGaEffwQGD5b2BFQJDwfmzeM6opfE4EtEJJPsjRxyBtyXbeSQM+CykQORCUhNlfbgXb1aM+bjA2zYALz6qnx1mREGXyKiIpS9kUPOgPuyjRxyBlw2ciAyYYmJQJMmUic2lS5dgLVrpb9cySAYfImIDCB7I4ecAfdlGzlkP5Urx0YORGbJwwMIDpaCr5MTsGwZMGgQ/5o1MAZfIqICytnIIXvALUwjB39/3TsmlC8P2PC3M5HlWbFC6sT2ySfSLwcyOP5qJSLKRlcjB9UpLk6/+1IopBCb82AyNnIgImzbBtjbA507a8bc3YEdO2QryRIw+BKRxUlPl3ZG0LUd2J07+t+fr6/u3RLYyIGIcklOBsaMkQ5Y8/AA/v5bWsNExYLBl4jM0vPnwM2burcDu3VL2i5MH97eundLqFhR2k2BiOiFoqKA3r2lDbcB6eCAb74BJk2Sty4LwuBLRCZL1chB13ZgL9vIIXvAZSMHInopmZnAxx9LJ9UvJhcXaU1vnz7y1mZhGHyJyKhlb+SQM+AWppGDq6vuA8oqVwZKliya50BEFiwmRgq3UVGasaZNpZnegAD56rJQDL5EJLucjRyyB9zr16WDnPXh7CzN0uoKuKVLc3cgIioGQgCRkcCoUZoNu62tgRkzgClTuHWLTPiqE1Gx0NXIIftJ30YO9vaaRg45A66PD8MtEcksMVHqwqb65RYYCGzaBDRuLG9dFo7Bl4gMSlcjB9Xp8WP97svWVvq/Qle4ZSMHIjJqJUsCX30FvPUWMGAA8Pnn0rpekhWDLxHpLSVF2utW13ZgCQn63ZeqkYOuHRPYyIGITEZGhrRXYvZw26ULcPKk1JGNjAL/SyEinZ490zRyyBlwX6aRQ86A6+8P2NkVyVMgIioe0dFAr17S+qstW7TXWjH0GhUGXyILpmrkoGs7sJdt5JD9VLEiGzkQkRkSAlizBggPl2YLTp8GXn8d6NdP7sooDwy+RGYueyOHnAG3MI0cvLx075ZQqRIbORCRBYmPBwYPBnbt0oxVrQrUrClfTfRCDL5EZiBnI4fsAffmTWnvdH2ULKn7gLLKldnIgYgIe/dKB6xlX/c1fDiwaBHg5CRbWfRiDL5EJkJXIwfV6fr1wjVyyHkwGRs5EBHlIy0NmDwZWLpUM+bpCaxbB3TqJFtZVHAMvkRGRAjg/n3duyVcu6Z/IwcnJ927JbCRAxGRnh49Alq3Bs6f14x16ACsXw+UKSNbWaQfBl+iYiYE8PCh7t0SXraRQ86Ay0YOREQG4uEhbSx+/rz0i3fhQqkrG3/JmhQGX6Ii8vix7t0SXraRQ86Ay0YORETFQKGQGlI8eyat5eVBbCaJwZfoJTx5onu3hMI0crCyAgICdG8HVqECGzkQERWrXbukmd3QUM2Yp6d0YBuZLP5XSvQC2Rs55Ay4hWnk4Oen+4CygAA2ciAikl1qKvDBB8Dq1dL+jefPS/+SWWDwJULuRg7ZA25hGjmULas73LKRAxGRETt1SurAduWKdPnBA2nHhkmT5K2LDIbBlyyGrkYOqtO//xaukYOu3RLYyIGIyMRkZQGffQZMm6bZ+NzJSdq2bPBgWUsjw2LwJbOSlQXcvq17t4QbNwrfyCFnwK1UCXBzK5rnQERExej2baBvX+DwYc1YcDCwebP0S5/MCoMvmRylErh3T3e4fdlGDjlPpUoVzXMgIiIjsG0bMGyYZqsdhUJa1jBrFg+6MFMMvmSUVI0cdO2WYIhGDtlPXl7chpGIyOIkJABDhgDJydJlPz9g40agVSt566IixeBLssneyCFnwL12DUhJ0e/+dDVyUJ3KlmW4JSKibDw9gZUrgd69gbAw6byHh9xVURFj8KUil72RQ86Aq28jBxsbTSOHnDsm+PmxkQMREeUhM1NaC+fkpBnr1UvqAtSiBWdHLASDLxlEzkYO2cNtYRo5+Pvr3jGBjRyIiEhvMTFAnz5AtWrS9mTZtWwpT00kC0YIKjBdjRxUp9hY/e4reyOHnAGXjRyIiMgghJDW7Y4cKc3QREUBr70GdOsmd2UkEwZf0pJXI4erV6UdX/SlauSQM+AGBgKOjoavn4iICACQmAgMHy7t3KASGCjNupDFYvC1QJmZUiMHXduBvWwjh+ynSpWAEiWK5CkQERHl7dAhaW/e7K03BwwAPv8ccHGRqyoyAgy+ZkrVyEHXdmCFaeTg4ZH7YDLViY0ciIjIKGRkADNmAAsWSMscAOk/sNWrubyBADD4mjRVIwdd4bYwjRxcXHTvlsBGDkREZPQePgTatwdOn9aMtWkDREZKOzcQgcHX6OVs5JBzr9vCNHJQ7XWbM+CykQMREZksDw9pb14AsLUF5s4FPviA+1ySFgZfI5ORIX0ic/SoJugWppFDxYq6twNjIwciIjJLVlZARATQvTuwbBlQr57cFZERYvA1Mhs2AGPGvPh62Rs55Ay45coB1tZFXysREZFsfvsNcHDQ3ofXxwf44w/5aiKjJ3vwXbFiBRYuXIi4uDjUrl0by5cvR8OGDfO8/tKlS7Fy5UrcunULnp6eeOeddzB//nw4ODgUY9VF59QpzfmcjRyyB1w2ciAiIouUlgZMngwsXSrN9Pz9N1sNU4HJGp22bt2KcePGYdWqVWjUqBGWLl2K0NBQREdHw8vLK9f1N2/ejEmTJmHdunVo2rQprly5ggEDBkChUGDx4sUyPAPDy75X7q1bgK+vfLUQEREZlfPngd69pX8BabuyNWuAiRPlrYtMhqwrvhcvXowhQ4Zg4MCBqFGjBlatWgUnJyesy9lO8D/Hjh1Ds2bN0KtXL/j7+6N9+/bo2bMnTpw4UcyVFx1V8LWzkz6xISIisnhKpbRut0EDTei1t5f25Z0wQd7ayKTIFnwzMjJw6tQphISEaIqxskJISAiioqJ03qZp06Y4deqUOujGxMRg9+7d6NixY56Pk56ejuTkZK2TMVMF33LleCAqERERYmOBjh2BsWOl9qIAEBQEnDwJjB7NI7ZJL7ItdUhISEBWVha8vb21xr29vXH58mWdt+nVqxcSEhLQvHlzCCGQmZmJ4cOHY8qUKXk+zvz58zF79myD1l5UUlKAx4+l8+XLy1oKERGR/H78ERg8GEhI0IyFhwPz5kkHthHpyaTmFA8dOoR58+bhyy+/xOnTp7Fjxw788ssvmDNnTp63mTx5MpKSktSn29kX0RqZ7KWxlTgREVm0+HhpPa8q9Pr4AHv3AosXM/RSock24+vp6Qlra2vcv39fa/z+/fsoU6aMzttMnz4dffv2xeDBgwEAQUFBSE1NxdChQzF16lRY6VgbYG9vD3t7e8M/gSLA4EtERPSf0qWlnRuGDAE6dwa++krToIKokGSb8bWzs0NwcDAOHDigHlMqlThw4ACaNGmi8zZPnz7NFW6t/9uwVqh6cpswBl8iIrJYWVmaNbwqgwYBv/4K7NzJ0EsGIet2ZuPGjUP//v1Rv359NGzYEEuXLkVqaioGDhwIAOjXrx98fX0xf/58AECnTp2wePFi1K1bF40aNcK1a9cwffp0dOrUSR2ATRmDLxERWaTbt4F+/YCaNYHlyzXjCgXQoYN8dZHZkTX4hoWFIT4+HjNmzEBcXBzq1KmDPXv2qA94u3XrltYM77Rp06BQKDBt2jTcvXsXpUuXRqdOnTB37ly5noJB3bqlOc+D24iIyCJs2wYMGyYd3X3oEPDaa9IuDkRFQCHMYY2AHpKTk+Hm5oakpCS4urrKXY6WkBBAtfIjMRFwd5e1HCIioqKTnAyMGQNs2KAZ8/MDNm0CWrSQry4yCkWV19j01oioljqUKAG4uclbCxERUZGJigL69AFiYjRjYWHAypVsP0xFyqS2MzNnQmiCr58f9+MmIiIzlJkJzJ4tzeiqQq+LCxAZCXz7LUMvFTnO+BqJR4+AZ8+k8zywjYiIzM7Dh0CnTtJsr0rTpsA33wABAfLVRRaFM75Ggge2ERGRWXN3B2z+m2+ztpZmfg8fZuilYsXgayS4lRkREZk1a2tg40agXj3gyBFgxgxNECYqJvyOMxIMvkREZFYOHwYcHYGGDTVjFSoAJ0/yQBaSDWd8jQSDLxERmYWMDGDyZKBNG6BnTyAlRfvrDL0kIwZfI5F9jS+DLxERmaToaKBJE+CTT6TtimJipC3KiIwEg6+R4IwvERGZLCGANWuAunWB06elMVtbYMECYPx4eWsjyoZrfI2EKviWKgU4OclbCxERUYHFxwNDhgA//qgZq1oV2LxZOpCNyIhwxtcIZGUBd+9K5znbS0REJmPvXqBWLe3QO3y4NOvL0EtGiDO+RuD+famZDcDgS0REJuL+faBLFyAtTbrs6QmsWyc1qSAyUpzxNQI8sI2IiEyOt7d0EBsAhIYC588z9JLR44yvEch+YBu7thERkVFSKqW1eba2mrHRo4Fy5YC33gKsOJdGxo/fpUaAOzoQEZFRi40FXnsNmDZNe9zKCujalaGXTAa/U40Agy8RERmtH38EgoKA334DFi4Efv9d7oqICo3B1wgw+BIRkdFJTZV2aOjSBXj4UBrz9pa1JKKXxTW+RkB1cJtCAfj6ylsLERERTp0CevUCrlzRjHXuDHz1lbR7A5GJ4oyvEVDN+Pr4aB8zQEREVKyysoBPPwUaN9aEXicnqSvbzp0MvWTyOOMrs4wMaStEgMsciIhIRgkJQLduwKFDmrHgYKkDW5UqspVFZEic8ZXZ3btSi3OAwZeIiGTk5gY8eSKdVyiAyZOBY8cYesmsMPjKjAe2ERGRUbC1BTZtAqpXBw4eBObNA+zs5K6KyKC41EFm2bu2sXkFEREVm6goaf1u7dqasSpVgAsXuC8vmS1+Z8uMM75ERFSsMjOB2bOBFi2Anj2Bp0+1v87QS2aM390yY/AlIqJiExMDtGwJzJol7eBw6RLw5ZdyV0VUbBh8ZcbgS0RERU4IIDISqFNHWuIAANbWwEcfAWPHylkZUbHiGl+ZqYKvrS0b4hARURFITJQ6sG3bphmrWBH45htpv14iC8IZX5mpDm4rV47LqoiIyMAOHQJq1dIOvQMHAmfOMPSSReKMr4xSU6U/xAEucyAiIgOLjQVCQ6VOSQDg4QGsXi01qSCyUJxjlBHX9xIRUZHx8QFmzpTOt2kD/P03Qy9ZPM74yojBl4iIDEYIQKmUDlpTmThR+g+md2+upyMCZ3xllb15BYMvEREVWnw88NZbwMcfa49bWwN9+zL0Ev2HPwkyyj7jy65tRERUKHv3Sgew/fgjMGeOZrsyIsqFwVdGXOpARESFlpYGhIcDHToAcXHSmIcHkJIib11ERoxrfGXE4EtERIVy/ry0bvf8ec1YaCgQEQGUKSNbWUTGjjO+MlIFXycn6Y90IiKifCmVwLJlQIMGmtBrby+N7d7N0Ev0ApzxlYkQmoPb/PwAhULeeoiIyMg9fCjN8u7dqxkLCgI2bwZq1pSvLiITwhlfmSQmAk+fSud5YBsREb2QszNw967mcng4cOIEQy+RHhh8ZcL1vUREpBcHB2l2NyBAmvVdvFgaI6IC41IHmTD4EhFRvk6dkmZ5q1XTjAUFAVeuADb875uoMDjjKxMGXyIi0ikrC/j0U6BxY6BnTyA9XfvrDL1EhcbgKxN2bSMiolxu3wbatQMmTQIyM4GzZ4Evv5S7KiKzweArE3ZtIyIiLdu2SR3YDh+WLisUwOTJwMiR8tZFZEb4eYlMuNSBiIgAAMnJwJgxwIYNmjE/P2DjRqBVK/nqIjJDDL4yUQVfDw/p2AUiIrJAUVFAnz5ATIxmLCwMWLmSnY2IigCDrwyUSuDOHek8Z3uJiCzU3btA69ZARoZ02cUFWLFCCsLsakRUJLjGVwb37wPPn0vnub6XiMhC+foC48dL55s2Bc6dA/r2ZeglKkKc8ZUB1/cSEVkgIaR/swfbWbOkGZBBg7hNGVEx4IyvDBh8iYgsTGIi0KMHsGiR9ritLTBsGEMvUTFh8JUBgy8RkQU5dEjapmzbNmDKFODMGbkrIrJYDL4yYPMKIiILkJEhNaJo21ZzRHOJEkBcnLx1EVkwfrYiAzavICIyc9HRQK9ewOnTmrE2bYDISKBcOfnqIrJwnPGVgSr4KhTSQb1ERGQmhABWrwbq1tWEXltbYMECYP9+hl4imb3UjG9aWhocHBwMVYvFUAVfb2/Azk7eWoiIyEAePQIGDgR27dKMVa0KbN4M1KsnX11EpKb3jK9SqcScOXPg6+uLEiVKIOa/bjPTp0/H119/bfACzc3z50BsrHSe63uJiMyIvT1w+bLm8ogR0qwvQy+R0dA7+H788ceIiIjAggULYJdturJmzZr46quvDFqcObp7V7OVI4MvEZEZcXYGNm0CypaVZn2//BJwcpK7KiLKRu/gGxkZiTVr1qB3796wtrZWj9euXRuXs/+lSzrxwDYiIjNx/jzw36eeavXrS2OdOslTExHlS+/ge/fuXVSqVCnXuFKpxHNVH17KE/fwJSIycUolsGwZ0KAB0Ls3kJmp/XV7e3nqIqIX0jv41qhRA3/88Ueu8e3bt6Nu3boGKcqcMfgSEZmw2FjgtdeAsWOB9HTgzz+BlSvlroqICkjvXR1mzJiB/v374+7du1AqldixYweio6MRGRmJn3/+uShqNCsMvkREJurHH4FBg4CHDzVj4eHAkCHy1UREetF7xrdz58746aefsH//fjg7O2PGjBm4dOkSfvrpJ7z66qtFUaNZYdc2IiITk5oKDB8OdOmiCb0+PsDevcDixQC39SQyGYXax7dFixbYt2+foWuxCKoZXxsboEwZeWshIqIXOHVK6sB25YpmrEsXYO1awNNTtrKIqHD0nvENDAzEw+wf8/zn8ePHCAwMNEhR5kwVfH19gWybYhARkbG5fRto2lQTep2cpMC7YwdDL5GJ0jv43rx5E1lZWbnG09PTcffuXYMUZa6ePtV8SsZlDkRERs7PD3jvPel8cDBw5gwweLDUb56ITFKBlzrsytaCce/evXBzc1NfzsrKwoEDB+Dv72/Q4szNnTua8wy+RERGSAjtYDt/vrTp+siR7DFPZAYKHHy7dOkCAFAoFOjfv7/W12xtbeHv749FixYZtDhzwwPbiIiMVHIyMGYM0LChZpYXkA5cCw+Xry4iMqgCB1+lUgkACAgIwF9//QVPrm/SG7u2EREZoagoqRHFjRvA1q1AmzZA9epyV0VERUDvNb43btxg6C0k7uFLRGREMjOBWbOAFi2k0AsAtrbA9euylkVERadQ25mlpqbi8OHDuHXrFjIyMrS+NmbMGIMUZo4YfImIjERMDNCnjzTbq9K0KfDNN0BAgHx1EVGR0jv4njlzBh07dsTTp0+RmpqKkiVLIiEhAU5OTvDy8mLwzQfX+BIRyUwIIDISGDUKePJEGrO2BmbMAKZMkTZZJyKzpfdSh/DwcHTq1AmJiYlwdHTEn3/+iX///RfBwcH47LPPiqJGs6Ga8XV0BEqVkrcWIiKL8/gx0KMHMGCAJvQGBgJHjkjBl6GXyOzpHXzPnj2LDz74AFZWVrC2tkZ6ejr8/PywYMECTJkypShqNAtCaIKvnx+3gSQiKnYKBXD8uObygAHA2bNA48ZyVURExUzv4GtrawsrK+lmXl5euPXf5/dubm64nX0RK2lJStJMMHCZAxGRDNzcgI0bpa5r27YB69cDLi5yV0VExUjvz3Xq1q2Lv/76C5UrV0arVq0wY8YMJCQkYOPGjahZs2ZR1GgWeGAbEVExi44GnJ2BcuU0Yy1aADdvSuNEZHH0nvGdN28efHx8AABz586Fh4cHRowYgfj4eKxevdrgBZoLHthGRFRMhABWrwbq1gX69QP+24dejaGXyGLpPeNbv3599XkvLy/s2bPHoAWZKzavICIqBvHxwODBwK5d0uWDB4E1a4Dhw+Wti4iMgt4zvnk5ffo03njjDUPdndnhUgcioiK2dy9Qq5Ym9AJS4O3XT76aiMio6BV89+7di/Hjx2PKlCmIiYkBAFy+fBldunRBgwYN1G2N9bFixQr4+/vDwcEBjRo1wokTJ/K9/uPHjzFy5Ej4+PjA3t4eVapUwe7du/V+3OLG4EtEVETS0oDwcKBDByAuThrz9JQC8MqVgJOTvPURkdEo8FKHr7/+GkOGDEHJkiWRmJiIr776CosXL8bo0aMRFhaGCxcuoLqevc23bt2KcePGYdWqVWjUqBGWLl2K0NBQREdHw8vLK9f1MzIy8Oqrr8LLywvbt2+Hr68v/v33X7i7u+v1uHJg8CUiKgLnzwO9e0v/qoSGAhERQJkyspVFRMZJIYQQBblirVq10LdvX3z44Yf4/vvv0a1bNzRu3Bjbtm1DuexHzOqhUaNGaNCgAb744gsAgFKphJ+fH0aPHo1Jkybluv6qVauwcOFCXL58Gba2toV6zOTkZLi5uSEpKQmurq6Fuo/CqFhR6pDp5ibtoU5ERC/p33+BqlWB9HTpsr09sGCB1JXNymAr+YhIBkWV1wr8m+H69evo1q0bAODtt9+GjY0NFi5cWOjQm5GRgVOnTiEkJERTjJUVQkJCEJW9d3o2u3btQpMmTTBy5Eh4e3ujZs2amDdvHrKysvJ8nPT0dCQnJ2udiptSCdy5I53ngW1ERAZSoYJm/W5QEHDyJDBmDEMvEeWpwL8dnj17Bqf/1kkpFArY29urtzUrjISEBGRlZcHb21tr3NvbG3GqNVo5xMTEYPv27cjKysLu3bsxffp0LFq0CB9//HGejzN//ny4ubmpT34yrDOIjwcyMqTzXOZARGRAS5YAH38MnDgBcC95InoBvbYz++qrr1CiRAkAQGZmJiIiIuDp6al1nTFjxhiuuhyUSiW8vLywZs0aWFtbIzg4GHfv3sXChQsxc+ZMnbeZPHkyxo0bp76cnJxc7OGX63uJiF5SairwwQdSe+EBAzTjzs7A1KmylUVEpqXAwbd8+fJYu3at+nKZMmWwceNGresoFIoCB19PT09YW1vj/v37WuP3799HmTwOSPDx8YGtrS2sra3VY9WrV0dcXBwyMjJgZ2eX6zb29vawt7cvUE1FhcGXiOglnDolHcAWHQ1s2iR1X6tYUe6qiMgEFTj43rx506APbGdnh+DgYBw4cABdunQBIM3oHjhwAKNGjdJ5m2bNmmHz5s1QKpWw+m8N15UrV+Dj46Mz9BoLdm0jIiqErCzgs8+AadOAzExpTKkELlxg8CWiQpH1CIBx48Zh7dq12LBhAy5duoQRI0YgNTUVAwcOBAD069cPkydPVl9/xIgRePToEd5//31cuXIFv/zyC+bNm4eRI0fK9RQKhF3biIj0dPs20K4dMGmSJvQGBwNnzgCdO8tbGxGZLL1bFhtSWFgY4uPjMWPGDMTFxaFOnTrYs2eP+oC3W7duqWd2AcDPzw979+5FeHg4atWqBV9fX7z//vuYOHGiXE+hQLjUgYhID9u2AcOGafZ+VCikADxrFmDEn+4RkfEr8D6+5kKOfXybNgVUO7SlpUlbTRIRUQ4pKcDo0cCGDZoxPz9g40agVSv56iKiYif7Pr5UeKoZXy8vhl4iojylpwO//aa5HBYGnDvH0EtEBsPgW8QyM4F796TzXOZARJQPT09pttfVFYiMBL79FvDwkLsqIjIjhQq+169fx7Rp09CzZ088ePAAAPDrr7/in3/+MWhx5uDePekgZIAHthERaYmJAXJsaYlXX5VaEfftK63tJSIyIL2D7+HDhxEUFITjx49jx44dePLkCQDg3LlzeTaRsGQ8sI2IKAchpJnd2rWBd9+VLmfn7i5LWURk/vQOvpMmTcLHH3+Mffv2ae2d27ZtW/z5558GLc4cMPgSEWWTmAj06CF1X3vyBNi9G1i/Xu6qiMhC6B18z58/j7feeivXuJeXFxISEgxSlDlh8woiov8cOgTUqiVtV6YyYADQrZtcFRGRhdE7+Lq7uyM2NjbX+JkzZ+Dr62uQoswJm1cQkcXLyJD24W3bFrhzRxrz8JAC8Pr1gIuLvPURkcXQO/j26NEDEydORFxcHBQKBZRKJY4ePYrx48ejX79+RVGjSeNSByKyaJcvA02aAJ9+qlnL26YN8PffnOklomKnd/CdN28eqlWrBj8/Pzx58gQ1atRAy5Yt0bRpU0ybNq0oajRpquBrbQ34+MhbCxFRsYqJAerVA06fli7b2gILFgD79wPlyslbGxFZpEJ3brt16xYuXLiAJ0+eoG7duqhcubKhaysSxd25zcsLiI+XZnuzr/clIrIIffoAmzYBVasCmzdLQZiI6AWKKq/Z6HuDI0eOoHnz5ihfvjzKc9Fqvp49k0IvwGUORGShVqwAKlQApk4FnJzkroaILJzeSx3atm2LgIAATJkyBRcvXiyKmsyG6hgOgAe2EZGZS0sDwsOB777THndzA+bOZeglIqOgd/C9d+8ePvjgAxw+fBg1a9ZEnTp1sHDhQtzJnvIIAA9sIyILcf480LAhsHQpMHSo9i8/IiIjonfw9fT0xKhRo3D06FFcv34d3bp1w4YNG+Dv74+2bdsWRY0mi8GXiMyaUgksWwY0aCCFX0Ba43XypLx1ERHlQe81vtkFBARg0qRJqF27NqZPn47Dhw8bqi6zwOBLRGYrNhYYOBDYu1czFhQkHcBWs6Z8dRER5UPvGV+Vo0eP4r333oOPjw969eqFmjVr4pdffjFkbSaPXduIyCz9+KPUgS176A0PB06cYOglIqOm94zv5MmTsWXLFty7dw+vvvoqli1bhs6dO8OJBy7kwq5tRGRWUlOBDz4AVq/WjPn4ABERQPv2spVFRFRQegff//3vf/jwww/RvXt3eHp6FkVNZkMVfB0cAL5URGTykpOB77/XXO7SBVi7lr/giMhk6B18jx49WhR1mCVV8C1XDlAo5K2FiOil+fgAX30F9OolHdQ2aBB/uRGRSSlQ8N21axdee+012NraYteuXfle98033zRIYaYuKUmaHAG4vpeITNTt24CzM1CypGasc2fgxg2pLSURkYkpUPDt0qUL4uLi4OXlhS5duuR5PYVCgaysLEPVZtK4owMRmbRt24Bhw4CQEOl89pldhl4iMlEF2tVBqVTC679fdEqlMs8TQ68GD2wjIpOUnAwMGACEhQGPHwPbt0tblBERmQG9tzOLjIxEenp6rvGMjAxERkYapChzwBlfIjI5UVFAnTrAhg2asbAwoGNH2UoiIjIkvYPvwIEDkZSUlGs8JSUFAwcONEhR5oDBl4hMRmYmMHs20KKFtH4XAFxcgMhI4NtvAQ8PeesjIjIQvXd1EEJAoeMo3jt37sDNzc0gRZkDNq8gIpMQEwP06SPN9qo0bQp88w0QECBfXURERaDAwbdu3bpQKBRQKBRo164dbGw0N83KysKNGzfQoUOHIinSFHHGl4iM3rVrQL16QEqKdNnaGpgxA5gyBbB5qY72RERGqcC/2VS7OZw9exahoaEoUaKE+mt2dnbw9/dH165dDV6gqVIFX1dXgBPhRGSUKlYE2rUDfvgBCAwENm0CGjeWuyoioiJT4OA7c+ZMAIC/vz/CwsLg4OBQZEWZOiGAO3ek85ztJSKjpVBIndcqVADmzJHW9RIRmTG9D27r378/Q+8LJCQAaWnSeQZfIjIKGRnApEnAL79oj3t6AkuXMvQSkUUo0IxvyZIlceXKFXh6esLDw0PnwW0qjx49MlhxpooHthGRUYmOltoMnz4NrF8P/P034O0td1VERMWuQMF3yZIlcPlvNmDJkiX5Bl9i8woiMhJCAGvWAOHhwLNn0lhiInD0KPD22/LWRkQkgwIF3/79+6vPDxgwoKhqMRvc0YGIZBcfDwweDOzapRmrWlXqwlavnnx1ERHJSO81vqdPn8b58+fVl3/88Ud06dIFU6ZMQUZGhkGLM1UMvkQkq717gVq1tEPviBHSUgeGXiKyYHoH32HDhuHKlSsAgJiYGISFhcHJyQnfffcdJkyYYPACTRGDLxHJIi1NWtbQoQMQFyeNeXpKAfjLLwEnJ3nrIyKSmd7B98qVK6hTpw4A4LvvvkOrVq2wefNmRERE4Pvvvzd0fSYp+8Ft5crJVwcRWZgHD6SD11Q6dADOnwc6dZKvJiIiI6J38BVCQKlUAgD279+Pjh07AgD8/PyQkJBg2OpMlGrGt3RpwNFR3lqIyIKULw+sXAnY2wOffw7s3g2UKSN3VURERkPvnpT169fHxx9/jJCQEBw+fBgrV64EANy4cQPe3B4HWVnAvXvSeS5zIKIiFRsLODtLLSJVevYEmjfnLyAiIh30nvFdunQpTp8+jVGjRmHq1KmoVKkSAGD79u1o2rSpwQs0NbGxUvgF+P8OERWhH3+UDmAbMyb31/jLh4hIJ71nfGvVqqW1q4PKwoULYW1tbZCiTBkPbCOiIpWaCnzwAbB6tXR5wwZpDW/XrvLWRURkAvQOviqnTp3CpUuXAAA1atRAPW6RA4Bd24ioCJ06JXVg+29nHQBAly5Aq1aylUREZEr0Dr4PHjxAWFgYDh8+DHd3dwDA48eP0aZNG2zZsgWlS5c2dI0mhV3biMjgsrKAzz4Dpk0DMjOlMScnYNkyYNAggN00iYgKRO81vqNHj8aTJ0/wzz//4NGjR3j06BEuXLiA5ORkjNG11szCcKkDERnU7dtAu3bApEma0BscDJw5I3VmY+glIiowvWd89+zZg/3796N69erqsRo1amDFihVo3769QYszRQy+RGQwV64AjRoBjx9LlxUKKQDPmgXY2clZGRGRSdJ7xlepVMLW1jbXuK2trXp/X0umCr5WVkDZsvLWQkQmrlIlKfgC0l/SBw8C8+Yx9BIRFZLewbdt27Z4//33cU+1WS2Au3fvIjw8HO3atTNocaZIdXCbjw9gU+hDB4mIIP0FvX49MHQocO4cD2IjInpJegffL774AsnJyfD390fFihVRsWJFBAQEIDk5GcuXLy+KGk1GerrUMRTggW1EpKfMTGD2bOD337XHfXykrcs8POSpi4jIjOg9J+nn54fTp0/jwIED6u3MqlevjpCQEIMXZ2ru3NGc5/peIiqwmBigTx8gKgrw9QX+/hsoWVLuqoiIzI5ewXfr1q3YtWsXMjIy0K5dO4wePbqo6jJJPLCNiPQiBLBxIzBqFJCSIo3FxUlredmQgojI4AocfFeuXImRI0eicuXKcHR0xI4dO3D9+nUsXLiwKOszKWxeQUQFlpgIDB8ObNumGQsMBDZtAho3lq8uIiIzVuA1vl988QVmzpyJ6OhonD17Fhs2bMCXX35ZlLWZHM74ElGBHDoE1KqlHXoHDADOnmXoJSIqQgUOvjExMejfv7/6cq9evZCZmYnY2NgiKcwUsWsbEeUrIwOYPBlo21ZzUIC7uxSA168HXFxkLY+IyNwVeKlDeno6nJ2d1ZetrKxgZ2eHZ8+eFUlhpogzvkSUrzt3gOXLpbW9ANC6NRAZyV8YRETFRK+D26ZPnw4nJyf15YyMDMydOxdubm7qscWLFxuuOhOjCr52dkDp0vLWQkRGKDAQWLYMGDECmDsX+OADaa9eIiIqFgohVFMP+WvdujUUL+gJr1Ao8HvOPSiNTHJyMtzc3JCUlARXV1eD3re7O5CUJP3fdv26Qe+aiExRQgLg5CSdVISQfkFUqiRfXURERq6o8lqBZ3wPHTpksAc1RykpUugF+KklEQHYu1c6YO3tt4EVKzTjCgVDLxGRTPgZm4HwwDYiAgCkpQHh4UCHDtKevF9+Cfzyi9xVERERCtG5jXTjgW1EhPPngd69pX9VOnQAgoPlq4mIiNQ442sgDL5EFkyplA5aa9BAE3rt7YHPPwd27wbKlJG3PiIiAsAZX4Nh1zYiCxUbCwwcKK3pVQkKAjZvBmrWlK8uIiLKhcHXQLjGl8gCRUcDzZtLuzeohIcD8+YBDg7y1UVERDoVaqnDH3/8gT59+qBJkya4e/cuAGDjxo04cuSIQYszJVzqQGSBKlUCatSQzvv4SLO+ixcz9BIRGSm9g+/333+P0NBQODo64syZM0hPTwcAJCUlYd68eQYv0FSogm+JEkC2fh5EZM6srYGNG4G+fYG//wbat5e7IiIiyofewffjjz/GqlWrsHbtWtja2qrHmzVrhtOnTxu0OFMhhCb4+vlJ23QSkZnJygI+/RQ4dkx7vHx5qe2wp6c8dRERUYHpvcY3OjoaLVu2zDXu5uaGx48fG6Imk/PwIfDsmXSeyxyIzNDt29Ks7uHDQEAAcPYsYODOj0REVPT0nvEtU6YMrl27lmv8yJEjCAwMNEhRpoYHthGZsW3bgFq1pNALADdvAr/9JmtJRERUOHoH3yFDhuD999/H8ePHoVAocO/ePWzatAnjx4/HiBEjiqJGo8cD24jMUHKy1HI4LAxQfZrl5wccPAi8846clRERUSHpvdRh0qRJUCqVaNeuHZ4+fYqWLVvC3t4e48ePx+jRo4uiRqPH4EtkZqKigD59gJgYzVhYGLByJeDhIV9dRET0UvQOvgqFAlOnTsWHH36Ia9eu4cmTJ6hRowZKlChRFPWZBDavIDITmZnA3LnAnDnSwWwA4OICrFghBWEeuUpEZNIK3cDCzs4ONVT7V1o4zvgSmYnr14H58zWht2lT4JtvpAPaiIjI5OkdfNu0aQNFPrMev//++0sVZIoYfInMRNWqwIIFwLhxwIwZwJQpgA0bXBIRmQu9f6PXqVNH6/Lz589x9uxZXLhwAf379zdUXSZFFXxLlQKcnOSthYj0kJgo/dDa22vGRo8G2rYFataUry4iIioSegffJUuW6ByfNWsWnjx58tIFmZqsLOC/rs2c7SUyJYcOSXvz9ugBLFyoGVcoGHqJiMyU3tuZ5aVPnz5Yt26doe7OZMTFScfDAAy+RCYhIwOYPFma1b1zB/jsM+DAAbmrIiKiYmCwxWtRUVFwcHAw1N2ZDK7vJTIh0dFAr15A9vbqbdpIa3uJiMjs6R183377ba3LQgjExsbi5MmTmD59usEKMxXs2kZkAoQA1qwBwsM1/cVtbaWtyz74ALAy2IdfRERkxPQOvm5ublqXraysULVqVXz00Udo3769wQozFZzxJTJy8fHA4MHArl2asapVgc2bgXr15KuLiIiKnV7BNysrCwMHDkRQUBA82L0IAIMvkVGLjgZat5YW46uMGCGt6+UWLEREFkevz/esra3Rvn17PFb1rTeQFStWwN/fHw4ODmjUqBFOnDhRoNtt2bIFCoUCXbp0MWg9+mDXNiIjFhio+cH09JRmfb/8kqGXiMhC6b2wrWbNmojJ3r/+JW3duhXjxo3DzJkzcfr0adSuXRuhoaF48OBBvre7efMmxo8fjxYtWhislsJQzfgqFICvr6ylEFFOtrbApk3A228D588DnTrJXREREclI7+D78ccfY/z48fj5558RGxuL5ORkrZO+Fi9ejCFDhmDgwIGoUaMGVq1aBScnp3y3RsvKykLv3r0xe/ZsBAYG6v2YhqQKvj4+0v+xRCQTpRL4/HPgzBnt8cqVge+/B8qUkacuIiIyGgUOvh999BFSU1PRsWNHnDt3Dm+++SbKlSsHDw8PeHh4wN3dXe91vxkZGTh16hRCQkI0BVlZISQkBFFRUfnW4uXlhUGDBr3wMdLT0186nOclIwO4f186z2UORDKKjQU6dgTef1/aruzpU7krIiIiI1Tgg9tmz56N4cOH4+DBgwZ78ISEBGRlZcHb21tr3NvbG5cvX9Z5myNHjuDrr7/G2bNnC/QY8+fPx+zZs1+2VJ3u3pV2SQIYfIlk8+OP0q4NCQnS5cuXgV9/Bbp2lbcuIiIyOgUOvuK/hNeqVasiK+ZFUlJS0LdvX6xduxaenp4Fus3kyZMxbtw49eXk5GT4GSil8sA2Ihmlpkp78K5erRnz8QEiIgAL3FqRiIheTK/tzBQKhUEf3NPTE9bW1rivWi/wn/v376OMjvV4169fx82bN9Ep2wEqSqUSAGBjY4Po6GhUrFhR6zb29vawt7c3aN0qbF5BJJNTp6QlDVeuaMa6dAHWrpV2byAiItJBr+BbpUqVF4bfR48eFfj+7OzsEBwcjAMHDqi3JFMqlThw4ABGjRqV6/rVqlXD+fPntcamTZuGlJQULFu2zGAzuQXFPXyJillWFrBwITB9OpCZKY05OQFLl0rLHQz8xzkREZkXvYLv7Nmzc3Vue1njxo1D//79Ub9+fTRs2BBLly5FamoqBg4cCADo168ffH19MX/+fDg4OKBmzZpat3d3dweAXOPFgcGXqJhdvqwdeoODpQ5sVarIWxcREZkEvYJvjx494OXlZdACwsLCEB8fjxkzZiAuLg516tTBnj171Ae83bp1C1ZWeu+6Viy4xpeomL3yCjBnDjBlCjBpEjBrFmBnJ3dVRERkIhRCddTaC1hbWyM2Ntbgwbe4JScnw83NDUlJSXB1dX2p+6pdG/j7b2n/3rQ0wEjzOZHpSkkBHB0Bm2x/o2dlSXv11q8vX11ERFSkDJnXsitwVCtgPrYoqqUO5cox9BIZXFQUUKcO8PHH2uPW1gy9RERUKAWOa0ql0uRnew0pNRVITJTOc5kDkQFlZgKzZwMtWgAxMdLShmPH5K6KiIjMgF5rfEmDB7YRFYGYGKBPH2m2V6VxY2l/XiIiopfED+gLiQe2ERmQEEBkpLS0QRV6ra2lmd/Dh4GAAFnLIyIi88AZ30LijC+RgSQmAiNGAFu3asYCA4FNm6TZXiIiIgNh8C0kdm0jMoDoaODVV7V/oAYMAD7/HHBxka0sIiIyT1zqUEic8SUygAoVgP+a0MDDA9i2DVi/nqGXiIiKBINvITH4EhmAg4PUea1jR2lT7G7d5K6IiIjMGINvIakObnNykiaqiOgFhADWrAEuXtQer1kT+OUXaUNsIiKiIsTgWwhCaGZ8/fwAhULeeoiMXnw80KULMGwY0KsXkJ4ud0VERGSBGHwLITERePpUOs8D24heYO9eoFYtYNcu6fK5c8DPP8tbExERWSQG30Lg+l6iAkhLA8aOBTp0AOLipDFPTykAd+0qa2lERGSZuJ1ZITD4Er3A+fPSkoYLFzRjoaFARARQpoxsZRERkWXjjG8hsGsbUR6USmDZMqBBA03otbeXxnbvZuglIiJZcca3EDjjS5SH8+eBceOkAAwAQUHSdmU1a8pbFxERETjjWyjs2kaUh9q1gSlTpPPh4cCJEwy9RERkNDjjWwic8SX6z9OnUhMKq2x/Q8+YAbRvD7RoIV9dREREOnDGtxBUwdfDA3B2lrcWItmcOgXUrQssWqQ9bmvL0EtEREaJwVdPSiVw5450nrO9ZJGysoBPPwUaNwauXAGmTgVOn5a7KiIiohfiUgc93b8PPH8unef6XrI4t28DffsChw9rxmrVAkqUkK8mIiKiAuKMr564vpcs1rZtUshVhV6FApg8GTh2DKhSRd7aiIiICoAzvnpi8CWLk5wMjBkDbNigGfPzAzZuBFq1kq8uIiIiPTH46onNK8iiREcDHTsCMTGasbAwYNUqwN1dtrKIiIgKg0sd9MQZX7Io5coBNv/9feziAkRGAt9+y9BLREQmicFXT2xeQRbF2VnqvNa6NXDunHRgm0Ihd1VERESFwuCrJ1XwVSgAX195ayEyKCGkGd3r17XHg4OB338HAgLkqYuIiMhAGHz1pAq+3t6AnZ28tRAZTGIi0KMH0L8/0Lu3Zs8+Fc7yEhGRGWDw1UNGBhAbK53n+l4yG4cOSduUbdsmXT5+HPj5Z1lLIiIiKgoMvnq4d0/6NBhg8CUzkJEBTJoEtG2raUfo4QF89x3w1lvy1kZERFQEuJ2ZHnhgG5mN6GigVy/tVsNt2khrfMuVk68uIiKiIsQZXz1wKzMyeUIAq1cDdetqQq+tLbBgAbB/P0MvERGZNc746oHBl0zemTPA8OGay1WrStuV1asnX01ERETFhDO+emDXNjJ59eoB48ZJ50eMkGZ9GXqJiMhCcMZXD5zxJZOTni7tu5d9O7J584AOHYBXX5WvLiIiIhlwxlcPquBrYwOUKSNvLUQvdP48UL8+sHKl9ri9PUMvERFZJAZfPaiCr68vYG0tby1EeVIqgWXLgAYNgAsXgA8+AC5elLsqIiIi2XGpQwE9fQo8fCid5zIHMlqxscDAgcDevZqxypXlq4eIiMiIcMa3gLi+l4zejz9KHdiyh97wcODECaBGDfnqIiIiMhKc8S0gBl8yWqmp0nKG1as1Yz4+QEQE0L69bGUREREZGwbfAmLXNjJKV64AnTpJ/6p06QKsXQt4espWFhERkTHiUocC4owvGSVvbyAjQzrv5CQF3h07GHqJiIh0YPAtIDavIKPk5gZ88w3QqJHUlW3wYO09e4mIiEiNwbeAOONLRuG777S/GQGgWTMgKgqoUkWemoiIiEwEg28BqbKGoyNQqpS8tZAFSk4GBgwAuncH+vUDsrK0v85ZXiIiohdi8C0AITTB18+PGYOKWVQUULcusGGDdPnQIeDnn2UtiYiIyBQx+BZAUhLw5Il0nsscqNhkZgKzZwMtWgAxMdKYiwsQGQm8+aa8tREREZkgbmdWADywjYpdTAzQp48026vStKl0IFtAgHx1ERERmTDO+BYAD2yjYiOENKNbp44m9FpbSzO/hw8z9BIREb0EzvgWAJtXULE5eRLo319zOTAQ2LQJaNxYvpqIiIjMBGd8C4AzvlRsGjQAhg2Tzg8YAJw9y9BLRERkIJzxLQAGXyoyz58DNjbaW4UsWgR07MgD2IiIiAyMM74FwIPbqEhER0uzuaptylScnRl6iYiIigCDbwGoZnzd3KTdpIheihDA6tXS3rynTwOjRwPXrsldFRERkdnjUocXUCqBO3ek8zywjV5afDwweDCwa5dmzNcXePZMvpqIiIgsBGd8XyA+HsjIkM5zmQO9lL17gVq1tEPv8OHSrG9QkHx1ERERWQgG3xfggW300tLSgPBwoEMHIC5OGvP0lALwypWAk5O89REREVkILnV4AR7YRi/l2jXg7beB8+c1Yx06AOvXA2XKyFcXERGRBeKM7wtwxpdeiocH8PChdN7eHvj8c2D3boZeIiIiGTD4vgC7ttFLKVUKiIgAateWurKNHq29Zy8REREVGwbfF+CML+nlp58063hVXn0VOHUKqFlTnpqIiIgIAIPvC2UPvuXKyVcHGbnUVGmHhjffBN59V9qrNztra3nqIiIiIjUG3xdQHdzm5SUt0STK5dQpoF49qSkFAPz6K/Dzz/LWRERERLkw+OYjMxOIjZXOc5kD5ZKVBXz6qdR2+MoVaczJCVi7FnjjDXlrIyIioly4nVk+7t2TOrcBPLCNcrh9G+jbFzh8WDMWHAxs3gxUqSJfXURERJQnzvjmgwe2kU5bt0od2FShV6EAJk8Gjh1j6CUiIjJinPHNB5tXUC5//gn06KG57OcHbNwItGolX01ERERUIJzxzQdnfCmXxo2lJQ4AEBYGnDvH0EtERGQiOOObDwZfglIJWOX4+/CLL4DXXwe6d2czCiIiIhPCGd98sGubhYuJAZo3B7Zt0x53dZVmexl6iYiITAqDbz5UwdfaGvDxkbcWKkZCAJGRQJ06QFQUMGyY9l9BREREZJIYfPOhOritbFk23rIYiYnSwWv9+wMpKdJYyZLAw4fy1kVEREQvjcE3D8+eAQkJ0nmu77UQhw5J25RlX9owYABw9qw0+0tEREQmjcE3D3fuaM5zfa+Zy8gAJk0C2rbVvPHu7lIAXr8ecHGRtTwiIiIyDO7qkAfu6GAhYmKAbt2A06c1Y61bS2t8+cYTERGZFc745oHB10I4OmoWc9vaAgsWAAcO8E0nIiIyQwy+eWDXNgvh4wN8/TVQrZrUle3DD3Pv20tERERmgf/D54EzvmZq//7cOzS8+Sbw999AvXry1ERERETFwiiC74oVK+Dv7w8HBwc0atQIJ06cyPO6a9euRYsWLeDh4QEPDw+EhITke/3CYvMKM5OWBoSHA6++Ku3LK4T2121t5amLiIiIio3swXfr1q0YN24cZs6cidOnT6N27doIDQ3FgwcPdF7/0KFD6NmzJw4ePIioqCj4+fmhffv2uHv3rkHrUgVfBwfA09Ogd03F7fx5oGFDYOlS6fL33wN79shaEhERERU/hRA5p76KV6NGjdCgQQN88cUXAAClUgk/Pz+MHj0akyZNeuHts7Ky4OHhgS+++AL9+vV74fWTk5Ph5uaGpKQkuLq65nk9NzcgORmoVAm4erXgz4eMiFIJLF8OTJwIpKdLY/b2wMKFwKhRbDlMRERkpAqa1/Ql63ZmGRkZOHXqFCZPnqwes7KyQkhICKKiogp0H0+fPsXz589RsmRJnV9PT09Huir0QHohXyQpSQq9ANf3mqzYWGDgQGDvXs1YUBCweTNQs6Z8dREREZFsZF3qkJCQgKysLHh7e2uNe3t7Iy4urkD3MXHiRJQtWxYhISE6vz5//ny4ubmpT34FSLI8sM3E7doldWDLHnrDw4ETJxh6iYiILJjsa3xfxieffIItW7Zg586dcHBw0HmdyZMnIykpSX26nT3V5oEHtpmwo0eBzp01/abLlJEC8OLF0oJtIiIisliyBl9PT09YW1vj/v37WuP3799HmTJl8r3tZ599hk8++QS//fYbatWqlef17O3t4erqqnV6Ec74mrCmTYG33pLOd+4sHdjWvr28NREREZFRkDX42tnZITg4GAcOHFCPKZVKHDhwAE2aNMnzdgsWLMCcOXOwZ88e1K9f3+B1sXmFCcl5bKZCAaxdC6xfD+zcyS05iIiISE32pQ7jxo3D2rVrsWHDBly6dAkjRoxAamoqBg4cCADo16+f1sFvn376KaZPn45169bB398fcXFxiIuLw5MnTwxWE2d8TcTt20DbtsDPP2uPlyoFDBjAXRuIiIhIi6y7OgBAWFgY4uPjMWPGDMTFxaFOnTrYs2eP+oC3W7duwSpbC9mVK1ciIyMD77zzjtb9zJw5E7NmzTJITQy+JmDbNqkRxePHwD//SJ3XXrA8hoiIiCyb7Pv4FreC7AtXuTJw7Rrg6iptbUZGJDkZGDMG2LBBM+bnB/zwA1sOExERmYmi2sdX9qUOxkYIzYwvZ3uNTFQUUKeOdugNCwPOnWPoJSIiohdi8M0hPl7T5IvB10hkZgKzZgEtWgA3bkhjLi5AZCTw7beAh4es5REREZFpkH2Nr7Hh+l4jc/Mm0KuXNNur0rQp8M03QECAbGURERGR6eGMbw4MvkbGygq4eFE6b20NzJ4NHD7M0EtERER6Y/DNgV3bjEz58sCqVUBgIHDkCDBjBmDDDyqIiIhIfwy+OXDGV2Z//CHt3JBdjx7SlmWNG8tTExEREZkFBt8c2LVNJhkZwKRJQKtWwOjRub/u4FD8NREREZFZYfDNIfuMb7ly8tVhUaKjgSZNgE8/lfaTi4wEfvtN7qqIiIjIzDD45qAKvqVLA46O8tZi9oQAVq8G6tYFTp+WxmxtgQULgJAQeWsjIiIis8OjhLLJygLu3ZPOc5lDEYuPBwYPBnbt0oxVrQps3sxmFERERFQkOOObTWysFH4BBt8itXcvUKuWdugdMUKa9WXoJSIioiLCGd9seGBbMfjjD6BDB81lT09g3TqgUyf5aiIiIiKLwBnfbLiVWTFo3lwTfDt0AM6fZ+glIiKiYsEZ32zYvKIYKBTA+vXAzp3A8OHSZSIiIqJiwBnfbDjja2BxccDrrwMHDmiPlykjrell6CUiIqJixBnfbLjG14B27QIGDQISEoBz56RTqVJyV0VEREQWjDO+2ahmfK2sgLJl5a3FZKWmSksYOneWQi8AKJXAzZuylkVERETE4JuNKvj6+AA2nAvX36lTQHCw1JRCpUsX4O+/pXEiIiIiGTH4/ic9HXjwQDrPA9v0lJUltRtu3FhqPwwATk7A2rXAjh3SlmVEREREMuO85n/u3NGc5/pePdy5A/TtCxw6pBkLDpY6sFWpIltZRERERDlxxvc/PLCtkJ49A/76SzqvUACTJwPHjjH0EhERkdFh8P0PtzIrpMqVgc8/l160gweBefMAOzu5qyIiIiLKhcH3Pwy+BXTiBPD0qfbYwIHAxYtAq1by1ERERERUAAy+/2HXthfIzARmzwaaNgXGj9f+mkIBlCghT11EREREBcTg+x/O+OYjJgZo2RKYNUvawWHlSmlZAxEREZEJYfD9j+rgNjs7oHRpeWsxGkIAkZFAnTpAVJQ0Zm0tzfy2aCFraURERET64nZm/1HN+JYrJ3Vus3iJicCIEcDWrZqxwEBg0yZpv14iIiIiE8PgCyAlBUhKks5zmQOAw4elvXmzr/8YMEDavcHFRbayiIiKS1ZWFp4/fy53GURmzc7ODlbFPNvI4Ase2Kbl8GGgTRtpmQMAeHhILYi7dZO3LiKiYiCEQFxcHB4/fix3KURmz8rKCgEBAbArxm1QGXzBA9u0NG8uHcimCsCRkdL6DyIiC6AKvV5eXnBycoJCoZC7JCKzpFQqce/ePcTGxqJ8+fLF9rPG4At2bdNibQ1s3Ah89x0wdiwXPBORxcjKylKH3lKlSsldDpHZK126NO7du4fMzEzY2toWy2My1cCCZ3zj44GuXYGjR7XH/fyAceMYeonIoqjW9Do5OclcCZFlUC1xyMrKKrbH5IwvLHSN79690gFrcXHA6dPAuXOAq6vcVRERyY7LG4iKhxw/a5zSg4XN+KalSUsYOnSQQi8APHkCXLkia1lERERERY3BF5rgW6IE4OYmby1F6vx5oEEDYNkyzViHDtJ4/fry1UVERCST6OholClTBikpKXKXYlYyMjLg7++PkydPyl2KFosPvkJoDm7z8wPM8hMupVIKuw0aABcuSGP29tK+vLt3A2XKyFsfERG9lAEDBkChUEChUMDW1hYBAQGYMGEC0tLScl33559/RqtWreDi4gInJyc0aNAAEREROu/3+++/R+vWreHm5oYSJUqgVq1a+Oijj/Do0aMifkbFZ/LkyRg9ejRczHif+hUrVsDf3x8ODg5o1KgRTpw48cLbLF26FFWrVoWjoyP8/PwQHh6u9f3k7++v/p7Lfho5ciQAaf3u+PHjMXHixCJ7XoVh8cH34UPp03/ATJc5xMYCHTtKyxvS06WxoCDg5Elg9GgzTfpERJanQ4cOiI2NRUxMDJYsWYLVq1dj5syZWtdZvnw5OnfujGbNmuH48eP4+++/0aNHDwwfPhzjx4/Xuu7UqVMRFhaGBg0a4Ndff8WFCxewaNEinDt3Dhs3biy255WRkVFk933r1i38/PPPGDBgwEvdT1HW+LK2bt2KcePGYebMmTh9+jRq166N0NBQPHjwIM/bbN68GZMmTcLMmTNx6dIlfP3119i6dSumTJmivs5ff/2F2NhY9Wnfvn0AgG7Z9v3v3bs3jhw5gn/++afonqC+hIVJSkoSAERSUpIQQojTp4WQ5n2FGDxY5uKKwoULQtjba55keLgQz57JXRURkdF59uyZuHjxonhmgr8j+/fvLzp37qw19vbbb4u6deuqL9+6dUvY2tqKcePG5br9559/LgCIP//8UwghxPHjxwUAsXTpUp2Pl5iYmGctt2/fFj169BAeHh7CyclJBAcHq+9XV53vv/++aNWqlfpyq1atxMiRI8X7778vSpUqJVq3bi169uwpunfvrnW7jIwMUapUKbFhwwYhhBBZWVli3rx5wt/fXzg4OIhatWqJ7777Ls86hRBi4cKFon79+lpjCQkJokePHqJs2bLC0dFR1KxZU2zevFnrOrpqFEKI8+fPiw4dOghnZ2fh5eUl+vTpI+Lj49W3+/XXX0WzZs2Em5ubKFmypHj99dfFtWvX8q3xZTVs2FCMHDlSfTkrK0uULVtWzJ8/P8/bjBw5UrRt21ZrbNy4caJZs2Z53ub9998XFStWFEqlUmu8TZs2Ytq0aTpvk9/PXM68ZigWP+Nr9ge2vfIKsHChtJxh715g8WLAwUHuqoiITEb9+lIfn+I+vcyhFxcuXMCxY8e0OmJt374dz58/zzWzCwDDhg1DiRIl8O233wIANm3ahBIlSuC9997Tef/u7u46x588eYJWrVrh7t272LVrF86dO4cJEyZAqVTqVf+GDRtgZ2eHo0ePYtWqVejduzd++uknPHnyRH2dvXv34unTp3jrrbcAAPPnz0dkZCRWrVqFf/75B+Hh4ejTpw8OHz6c5+P88ccfqJ/jhU5LS0NwcDB++eUXXLhwAUOHDkXfvn1zLQ/IWePjx4/Rtm1b1K1bFydPnsSePXtw//59dO/eXX2b1NRUjBs3DidPnsSBAwdgZWWFt956K9/XZ968eShRokS+p1vZGxJkk5GRgVOnTiEkJEQ9ZmVlhZCQEERFReX5mE2bNsWpU6fUzzkmJga7d+9Gx44d83ycb775Bu+++26unRoaNmyIP/74I8/HKm4Wv52Z2TWvOHcOqFZNWsOrMmoU0KeP1H6YiIj0EhcH3L0rdxUv9vPPP6NEiRLIzMxEeno6rKys8MUXX6i/fuXKFbi5ucHHxyfXbe3s7BAYGIgr/+3wc/XqVQQGBurdVGDz5s2Ij4/HX3/9hZIlSwIAKlWqpPdzqVy5MhYsWKC+XLFiRTg7O2Pnzp3o27ev+rHefPNNuLi4ID09HfPmzcP+/fvRpEkTAEBgYCCOHDmC1atXo1WrVjof599//80VfH19fbX+OBg9ejT27t2Lbdu2oWHDhnnW+PHHH6Nu3bqYN2+eemzdunXw8/PDlStXUKVKFXTt2lXrsdatW4fSpUvj4sWLqFmzps4ahw8frhWedSlbtqzO8YSEBGRlZcHb21tr3NvbG5cvX87z/nr16oWEhAQ0b94cQghkZmZi+PDhWksdsvvhhx/w+PFjnUtGypYti3///Tff+ouTxQdfs5nxzcoCPvsMmDYNeP996byKQsHQS0RUSHId/6vv47Zp0wYrV65EamoqlixZAhsbm1xBq6CEEIW63dmzZ1G3bl116C2s4OBgrcs2Njbo3r07Nm3ahL59+yI1NRU//vgjtmzZAgC4du0anj59ildffVXrdhkZGahbt26ej/Ps2TM45PgUNCsrC/PmzcO2bdtw9+5dZGRkID09PVdjk5w1njt3DgcPHkSJEiVyPc7169dRpUoVXL16FTNmzMDx48eRkJCgnum9detWnsG3ZMmSL/166uvQoUOYN28evvzySzRq1AjXrl3D+++/jzlz5mD69Om5rv/111/jtdde0xnAHR0d8fTp0+Iou0AYfM0h+N6+DfTtC6g+zlm0COjSBWjeXNayiIjMgZHtxpQnZ2dn9ezqunXrULt2bXz99dcYNGgQAKBKlSpISkrCvXv3cgWUjIwMXL9+HW3atFFf98iRI3j+/Lles76Ojo75ft3KyipXqFZ1zMv5XHLq3bs3WrVqhQcPHmDfvn1wdHREhw4dAEC9BOKXX36Br6+v1u3ss38CmoOnpycSExO1xhYuXIhly5Zh6dKlCAoKgrOzM8aOHZvrALacNT558gSdOnXCp59+mutxVLPsnTp1QoUKFbB27VqULVsWSqUSNWvWzPfguHnz5mnNIuty8eJFlNfRgcvT0xPW1ta4f/++1vj9+/dRJp+/rKZPn46+ffti8ODBAICgoCCkpqZi6NChmDp1KqyydXb9999/sX//fuzYsUPnfT169AilS5fOt/7ixDW+ph58t20DatXShF6FApg8Gcj2cQwREVkWKysrTJkyBdOmTcOzZ88AAF27doWtrS0WLVqU6/qrVq1CamoqevbsCUD6qPvJkyf48ssvdd7/48ePdY7XqlULZ8+ezXO7s9KlSyM2NlZr7OzZswV6Tk2bNoWfnx+2bt2KTZs2oVu3bupQXqNGDdjb2+PWrVuoVKmS1skvn//c69ati4sXL2qNHT16FJ07d0afPn1Qu3ZtrSUg+alXrx7++ecf+Pv756rB2dkZDx8+RHR0NKZNm4Z27dqhevXquUK3LsOHD8fZs2fzPeW11MHOzg7BwcE4cOCAekypVOLAgQPqJSG6PH36VCvcAoC1tTWA3J8GrF+/Hl5eXnj99dd13teFCxfynXUvdgY9VM4E5DxKsEIFabODUqXkrUtvSUlC9O+v2a0BEMLPT4hDh+SujIjIJJnbrg7Pnz8Xvr6+YuHCheqxJUuWCCsrKzFlyhRx6dIlce3aNbFo0SJhb28vPvjgA63bT5gwQVhbW4sPP/xQHDt2TNy8eVPs379fvPPOO3nu9pCeni6qVKkiWrRoIY4cOSKuX78utm/fLo4dOyaEEGLPnj1CoVCIDRs2iCtXrogZM2YIV1fXXLs6vP/++zrvf+rUqaJGjRrCxsZG/PHHH7m+VqpUKRERESGuXbsmTp06JT7//HMRERGR5+u2a9cu4eXlJTIzM9Vj4eHhws/PTxw9elRcvHhRDB48WLi6umq9vrpqvHv3rihdurR45513xIkTJ8S1a9fEnj17xIABA0RmZqbIysoSpUqVEn369BFXr14VBw4cEA0aNBAAxM6dO/Os8WVt2bJF2Nvbi4iICHHx4kUxdOhQ4e7uLuLi4tTX6du3r5g0aZL68syZM4WLi4v49ttvRUxMjPjtt99ExYoVc+2skZWVJcqXLy8mTpyY5+NXqFBBREZG6vyaHLs6WHTwzcwUwtpayox16shdmR6OHRMiMFA79IaFCfHokdyVERGZLHMLvkIIMX/+fFG6dGnx5MkT9diPP/4oWrRoIZydnYWDg4MIDg4W69at03m/W7duFS1bthQuLi7C2dlZ1KpVS3z00Uf5bmd28+ZN0bVrV+Hq6iqcnJxE/fr1xfHjx9VfnzFjhvD29hZubm4iPDxcjBo1qsDB9+LFiwKAqFChQq5ts5RKpVi6dKmoWrWqsLW1FaVLlxahoaHi8OHDedb6/PlzUbZsWbFnzx712MOHD0Xnzp1FiRIlhJeXl5g2bZro16/fC4OvEEJcuXJFvPXWW8Ld3V04OjqKatWqibFjx6pr3bdvn6hevbqwt7cXtWrVEocOHSry4CuEEMuXLxfly5cXdnZ2omHDhurt5bI/n/79+6svP3/+XMyaNUtUrFhRODg4CD8/P/Hee+/let/37t0rAIjo6Gidj3vs2DHh7u4unj59qvPrcgRfhRCFXMFuopKTk+Hm5oakpCSkpLiiXDlpvFMnYNcueWsrkEOHgJAQ6WA2AHBxAVaskHZtYDMKIqJCS0tLw40bNxAQEJDrgCcyXytWrMCuXbuwd+9euUsxO2FhYahdu3aeu0Hk9zOXPa+5uroarCaLPrjNJNf3NmsGBAcDJ04ATZsC33wDBATIXRUREZFJGjZsGB4/foyUlBSzbltc3DIyMhAUFITw8HC5S9HC4PsfHQdDGidbW2DTJmDrVmDiRMDGot9CIiKil2JjY4OpU6fKXYbZsbOzw7Rp0+QuIxeL3tXB6Gd8ExOB3r2BU6e0xytVAqZOZeglIiIi0oNFJyej7tp26JC0N++dO1LwPX0ayLF5NhEREREVHGd8/2M0wTcjA5g0CWjbVgq9APDgAfDPP/LWRURERGTiLHrGVxV8FQogR6MXeURHA716SbO7Km3aAJGRUG8/QURERESFwhlfAD4+0jFjshECWL0aqFtXE3ptbYEFC4D9+xl6iYiIiAzAYmd809OBuDjpvKzLHOLjgcGDtTcRrloV2LwZqFdPvrqIiIiIzIzFzvjeu6c5L2vwvX0b2L1bc3nECGnWl6GXiIiIyKAsNvjevas5L2vwrVcP+PhjwNNTmvX98kvu3kBERCZFoVDghx9+kLsMozVr1izUqVNH7jIIDL4Airl5xeXLwPPn2mPjx0u7NnTqVIyFEBGRuRgwYAAUCgUUCgVsbW0REBCACRMmIC0tTe7SilxcXBzef/99VKpUCQ4ODvD29kazZs2wcuVKPH36VO7yAADjx4/HgQMH5C6DYMFrfFU7hQHFNOOrVALLl0vd1iZOBGbP1nzN2hrw8iqGIoiIyFx16NAB69evx/Pnz3Hq1Cn0798fCoUCn376qdylFZmYmBg0a9YM7u7umDdvHoKCgmBvb4/z589jzZo18PX1xZtvvil3mShRogRKlCghdxkEC57xLdbgGxsLdOwIjB0rHVX38cfAiRNF/KBERGRJ7O3tUaZMGfj5+aFLly4ICQnBvn371F9/+PAhevbsCV9fXzg5OSEoKAjffvut1n20bt0aY8aMwYQJE1CyZEmUKVMGs2bN0rrO1atX0bJlSzg4OKBGjRpaj6Fy/vx5tG3bFo6OjihVqhSGDh2KJ0+eqL8+YMAAdOnSBfPmzYO3tzfc3d3x0UcfITMzEx9++CFKliyJcuXKYf369fk+5/feew82NjY4efIkunfvjurVqyMwMBCdO3fGL7/8gk7/fZJ68+ZNKBQKnD17Vn3bx48fQ6FQ4NChQ+qxCxcu4LXXXkOJEiXg7e2Nvn37IiEhQf317du3IygoSP28QkJCkJqaCgA4dOgQGjZsCGdnZ7i7u6NZs2b4999/AeRe6qB6/p999hl8fHxQqlQpjBw5Es+zfSIcGxuL119/HY6OjggICMDmzZvh7++PpUuX5vuaUP4YfFHEwffHH4FatYC9ezVjY8ZIY0REZBoWL5a2lnzRSdfs4ptvFuy2ixcbrNwLFy7g2LFjsLOzU4+lpaUhODgYv/zyCy5cuIChQ4eib9++OJFjImbDhg1wdnbG8ePHsWDBAnz00UfqcKtUKvH222/Dzs4Ox48fx6pVqzBx4kSt26empiI0NBQeHh7466+/8N1332H//v0YNWqU1vV+//133Lt3D//73/+wePFizJw5E2+88QY8PDxw/PhxDB8+HMOGDcOd7P9hZ/Pw4UP89ttvGDlyJJydnXVeR6FQFPg1e/z4Mdq2bYu6devi5MmT2LNnD+7fv4/u3bsDkIJoz5498e677+LSpUs4dOgQ3n77bQghkJmZiS5duqBVq1b4+++/ERUVhaFDh+b7+AcPHsT169dx8OBBbNiwAREREYiIiFB/vV+/frh37x4OHTqE77//HmvWrMGDBw8K/HwoD8LCJCUlCQDilVeSBCCEra0QWVlF8EBPnggxbJgQ0i690qlMGSH27i2CByMiopf17NkzcfHiRfHs2bPcX5w5U/v3eV6nxo1z37Zx44LddubMQtfev39/YW1tLZydnYW9vb0AIKysrMT27dvzvd3rr78uPvjgA/XlVq1aiebNm2tdp0GDBmLixIlCCCH27t0rbGxsxN27d9Vf//XXXwUAsXPnTiGEEGvWrBEeHh7iyZMn6uv88ssvwsrKSsTFxanrrVChgsjK9h9w1apVRYsWLdSXMzMzhbOzs/j222911v7nn38KAGLHjh1a46VKlRLOzs7C2dlZTJgwQQghxI0bNwQAcebMGfX1EhMTBQBx8OBBIYQQc+bMEe3bt9e6r9u3bwsAIjo6Wpw6dUoAEDdv3sxVy8OHDwUAcejQIZ21zpw5U9SuXVt9WfX8MzMz1WPdunUTYWFhQgghLl26JACIv/76S/31q1evCgBiyZIlOh/DFOX3M6fKa0lJSQZ9TItd46s6uK1cOcDK0PPep05JHdiuXNGMde4MfPWVtHsDERGZFlfXgrX4LF1a91hBbuvqqn9d2bRp0wYrV65EamoqlixZAhsbG3Tt2lX99aysLMybNw/btm3D3bt3kZGRgfT0dDjl2EmoVo5PJH18fNQzjZcuXYKfnx/Kli2r/nqTJk20rn/p0iXUrl1baxa2WbNmUCqViI6Ohre3NwDglVdegVW2/4C9vb1Rs2ZN9WVra2uUKlVK71nOEydOQKlUonfv3khPTy/w7c6dO4eDBw/qXIt7/fp1tG/fHu3atUNQUBBCQ0PRvn17vPPOO/Dw8EDJkiUxYMAAhIaG4tVXX0VISAi6d+8OHx+fPB/vlVdegbW1tfqyj48Pzp8/DwCIjo6GjY0N6mXb2rRSpUrw8PAo8PMh3Sw2+D5+LP1r8GUOv/8OhIYCmZnSZScnYOlSqUmFHh+5EBGRERk3TjoVRvYGRUXI2dkZlSpVAgCsW7cOtWvXxtdff41BgwYBABYuXIhly5Zh6dKlCAoKgrOzM8aOHYuMjAyt+7HN0cpUoVBAqVQavF5dj6PPY1eqVAkKhQLR0dFa44GBgQAAR0dH9ZgqYAsh1GPPc+yw9OTJE3Tq1EnnwYA+Pj6wtrbGvn37cOzYMfz2229Yvnw5pk6diuPHjyMgIADr16/HmDFjsGfPHmzduhXTpk3Dvn370Lhx4wI//6J4nUmbxa7xVTF48G3WDKhRQzofHAycOQMMGcLQS0RExcbKygpTpkzBtGnT8OzZMwDA0aNH0blzZ/Tp0we1a9dGYGAgrmT/ZLIAqlevjtu3byM2NlY99ueff+a6zrlz59QHfake28rKClWrVn2JZ6WtVKlSePXVV/HFF19oPZYupf+bic9ed/YD3QCgXr16+Oeff+Dv749KlSppnVSz1wqFAs2aNcPs2bNx5swZ2NnZYefOner7qFu3LiZPnoxjx46hZs2a2Lx5c6GeW9WqVZGZmYkzZ86ox65du4bExMRC3R9pMPgaOvja20vthqdOBY4dA6pUMfADEBERvVi3bt1gbW2NFStWAAAqV66snrG8dOkShg0bhvv37+t1nyEhIahSpQr69++Pc+fO4Y8//sDUqVO1rtO7d284ODigf//+uHDhAg4ePIjRo0ejb9++6mUOhvLll18iMzMT9evXx9atW3Hp0iVER0fjm2++weXLl9VLCRwdHdG4cWN88sknuHTpEg4fPoxp06Zp3dfIkSPx6NEj9OzZE3/99ReuX7+OvXv3YuDAgcjKysLx48cxb948nDx5Erdu3cKOHTsQHx+P6tWr48aNG5g8eTKioqLw77//4rfffsPVq1dRvXr1Qj2vatWqISQkBEOHDsWJEydw5swZDB06FI6OjnodsEe5Mfi+TPBNTpZmc//5R3v8lVekLcuyHU1LRERUnGxsbDBq1CgsWLAAqampmDZtGurVq4fQ0FC0bt0aZcqUQZcuXfS6TysrK+zcuRPPnj1Dw4YNMXjwYMydO1frOk5OTti7dy8ePXqEBg0a4J133kG7du3wxRdfGPDZSSpWrIgzZ84gJCQEkydPRu3atVG/fn0sX74c48ePx5w5c9TXXbduHTIzMxEcHIyxY8fi448/1rqvsmXL4ujRo8jKykL79u0RFBSEsWPHwt3dHVZWVnB1dcX//vc/dOzYEVWqVMG0adOwaNEivPbaa3BycsLly5fRtWtXVKlSBUOHDsXIkSMxbNiwQj+3yMhIeHt7o2XLlnjrrbcwZMgQuLi4wMHBodD3SYBCZF/wYgGSk5Ph5uYGIAmAK376CXjjjULcUVQU0KcPEBMjbU124oQ020tERCYpLS0NN27cQEBAAMMFGZ07d+7Az88P+/fvR7t27eQuxyDy+5lT5bWkpCS4vuSBn9lZ7MFtKnrP+GZmAnPnAnPmAFlZ0tiNG8DffwMNGhi8PiIiIrI8v//+O548eYKgoCDExsZiwoQJ8Pf3R8uWLeUuzaQx+OoTfGNipFneqCjNWNOmwDffAAEBBq+NiIiILNPz588xZcoUxMTEwMXFBU2bNsWmTZty7QZB+rHo4OvkBBRoSzwhgI0bgVGjgJQUaczaGpgxA5gyBbCx6JeRiIiIDCw0NBShoaFyl2F2LDqx+fkVYJexxERgxAhg61bNWGAgsGkTkMfefERERERkfCx6V4fy5QtwpUuXgO++01weMAA4e5ahl4jITFnYMd9EspHjZ82ig2+B1vc2bSrtyevuDmzbBqxfD7i4FHVpRERUzFRrJ58+fSpzJUSWQdU1MHvr5qJm8UsdcrlxQ5oKzv4mTJ8ODBtWsF7rRERkkqytreHu7o4HDx4AkPajZbMAoqKhVCoRHx8PJycn2BTjsVIMvipCAGvWAOHhwMyZwMSJmq/Z2jL0EhFZgDJlygCAOvwSUdGxsrJC+fLli/UPTAZfAIiPBwYPBnbtki5Pmwa0bw/UrStbbUREVPwUCgV8fHzg5eWF58+fy10OkVmzs7ODlVXxrrq16OBbvjyAvXulA9bi4jRfGDwYqFpVrrKIiEhm1tbWxbrukIiKh1Ec3LZixQr4+/vDwcEBjRo1wokTJ/K9/nfffYdq1arBwcEBQUFB2L17t96PaYc0VFw+FujQQRN6PT2lWd+VK6VNfomIiIjIbMgefLdu3Ypx48Zh5syZOH36NGrXro3Q0NA811cdO3YMPXv2xKBBg3DmzBl06dIFXbp0wYULF/R63D8UrWH75TLNQIcOwPnzQKdOL/FsiIiIiMhYKYTMGxY2atQIDRo0wBdffAFAOsrPz88Po0ePxqRJk3JdPywsDKmpqfj555/VY40bN0adOnWwatWqFz5ecnIy3NzckATAFQDs7YGFC6WubDx6l4iIiEh26ryWlARXV1eD3a+sa3wzMjJw6tQpTJ48WT1mZWWFkJAQREVF6bxNVFQUxo0bpzUWGhqKH374Qef109PTkZ6err6clJQEAEgGgBo1gK+/lv5VtSImIiIiIlklJycDMHyTC1mDb0JCArKysuDt7a017u3tjcuXL+u8TVxcnM7rx2U/OC2b+fPnY/bs2bnG/QDg4kWgSZNC1U5ERERERevhw4dwc3Mz2P2Z/a4OkydP1pohfvz4MSpUqIBbt24Z9IUk45ScnAw/Pz/cvn3boB+VkHHi+21Z+H5bFr7fliUpKQnly5dHyZIlDXq/sgZfT09PWFtb4/79+1rj9+/fV28inlOZMmX0ur69vT3s7e1zjbu5ufEHx4K4urry/bYgfL8tC99vy8L327IYep9fWXd1sLOzQ3BwMA4cOKAeUyqVOHDgAJrksQShSZMmWtcHgH379uV5fSIiIiIiwAiWOowbNw79+/dH/fr10bBhQyxduhSpqakYOHAgAKBfv37w9fXF/PnzAQDvv/8+WrVqhUWLFuH111/Hli1bcPLkSaxZs0bOp0FERERERk724BsWFob4+HjMmDEDcXFxqFOnDvbs2aM+gO3WrVta09xNmzbF5s2bMW3aNEyZMgWVK1fGDz/8gJo1axbo8ezt7TFz5kydyx/I/PD9tix8vy0L32/LwvfbshTV+y37Pr5ERERERMVB9s5tRERERETFgcGXiIiIiCwCgy8RERERWQQGXyIiIiKyCGYZfFesWAF/f384ODigUaNGOHHiRL7X/+6771CtWjU4ODggKCgIu3fvLqZKyRD0eb/Xrl2LFi1awMPDAx4eHggJCXnh9wcZF31/vlW2bNkChUKBLl26FG2BZFD6vt+PHz/GyJEj4ePjA3t7e1SpUoW/002Ivu/30qVLUbVqVTg6OsLPzw/h4eFIS0srpmrpZfzvf/9Dp06dULZsWSgUCvzwww8vvM2hQ4dQr1492Nvbo1KlSoiIiND/gYWZ2bJli7CzsxPr1q0T//zzjxgyZIhwd3cX9+/f13n9o0ePCmtra7FgwQJx8eJFMW3aNGFrayvOnz9fzJVTYej7fvfq1UusWLFCnDlzRly6dEkMGDBAuLm5iTt37hRz5VQY+r7fKjdu3BC+vr6iRYsWonPnzsVTLL00fd/v9PR0Ub9+fdGxY0dx5MgRcePGDXHo0CFx9uzZYq6cCkPf93vTpk3C3t5ebNq0Sdy4cUPs3btX+Pj4iPDw8GKunApj9+7dYurUqWLHjh0CgNi5c2e+14+JiRFOTk5i3Lhx4uLFi2L58uXC2tpa7NmzR6/HNbvg27BhQzFy5Ej15aysLFG2bFkxf/58ndfv3r27eP3117XGGjVqJIYNG1akdZJh6Pt+55SZmSlcXFzEhg0biqpEMqDCvN+ZmZmiadOm4quvvhL9+/dn8DUh+r7fK1euFIGBgSIjI6O4SiQD0vf9HjlypGjbtq3W2Lhx40SzZs2KtE4yvIIE3wkTJohXXnlFaywsLEyEhobq9VhmtdQhIyMDp06dQkhIiHrMysoKISEhiIqK0nmbqKgoresDQGhoaJ7XJ+NRmPc7p6dPn+L58+coWbJkUZVJBlLY9/ujjz6Cl5cXBg0aVBxlkoEU5v3etWsXmjRpgpEjR8Lb2xs1a9bEvHnzkJWVVVxlUyEV5v1u2rQpTp06pV4OERMTg927d6Njx47FUjMVL0PlNdk7txlSQkICsrKy1F3fVLy9vXH58mWdt4mLi9N5/bi4uCKrkwyjMO93ThMnTkTZsmVz/TCR8SnM+33kyBF8/fXXOHv2bDFUSIZUmPc7JiYGv//+O3r37o3du3fj2rVreO+99/D8+XPMnDmzOMqmQirM+92rVy8kJCSgefPmEEIgMzMTw4cPx5QpU4qjZCpmeeW15ORkPHv2DI6OjgW6H7Oa8SXSxyeffIItW7Zg586dcHBwkLscMrCUlBT07dsXa9euhaenp9zlUDFQKpXw8vLCmjVrEBwcjLCwMEydOhWrVq2SuzQqAocOHcK8efPw5Zdf4vTp09ixYwd++eUXzJkzR+7SyIiZ1Yyvp6cnrK2tcf/+fa3x+/fvo0yZMjpvU6ZMGb2uT8ajMO+3ymeffYZPPvkE+/fvR61atYqyTDIQfd/v69ev4+bNm+jUqZN6TKlUAgBsbGwQHR2NihUrFm3RVGiF+fn28fGBra0trK2t1WPVq1dHXFwcMjIyYGdnV6Q1U+EV5v2ePn06+vbti8GDBwMAgoKCkJqaiqFDh2Lq1KmwsuLcnjnJK6+5uroWeLYXMLMZXzs7OwQHB+PAgQPqMaVSiQMHDqBJkyY6b9OkSROt6wPAvn378rw+GY/CvN8AsGDBAsyZMwd79uxB/fr1i6NUMgB93+9q1arh/PnzOHv2rPr05ptvok2bNjh79iz8/PyKs3zSU2F+vps1a4Zr166p/8ABgCtXrsDHx4eh18gV5v1++vRprnCr+qNHOl6KzInB8pp+x90Zvy1btgh7e3sREREhLl68KIYOHSrc3d3/397dx1RZvnEA/3KgA4gHHSWDEy8KypkzDRE0NUeSBSyLRIWSKQqpkxCnabFmvFT4UoIDZ0VzghGTF1fBJMFYUnBchcbLJngQBbVJtaCBFMTLuX5/OM468lJH+2lxvp/t+eN5nuu+n+s+9xiXN/d5lB9//FFERNauXSvx8fGGeK1WK1ZWVnLgwAFpbGyUxMREvs7sP8TU+d63b58olUo5ceKEtLW1GY6bN2/eryGQCUyd79vxrQ7/LabO97Vr10SlUklsbKzodDo5efKkODo6yttvv32/hkAmMHW+ExMTRaVSyfHjx+XKlSty+vRp8fT0lLCwsPs1BDLBzZs3paamRmpqagSApKWlSU1NjVy9elVEROLj42Xt2rWG+KHXme3atUsaGxvl8OHDfJ3ZkEOHDombm5solUqZP3++fPPNN4Z7/v7+EhkZaRRfUFAgXl5eolQqZdasWVJSUnKPM6a7Ycp8u7u7C4BhR2Ji4r1PnO6IqT/ff8bC97/H1Pk+e/asLFiwQKytrcXDw0NSUlJkYGDgHmdNd8qU+e7v75ekpCTx9PQUGxsbcXV1lZiYGPn111/vfeJksjNnzoz4+3hojiMjI8Xf339YG29vb1EqleLh4SFZWVkmP9dChH8PICIiIqLxb1zt8SUiIiIiGg0LXyIiIiIyCyx8iYiIiMgssPAlIiIiIrPAwpeIiIiIzAILXyIiIiIyCyx8iYiIiMgssPAlIiIiIrPAwpeICEB2djYmT558v9O4YxYWFvjss8/GjFm/fj2ef/75e5IPEdG/EQtfIho31q9fDwsLi2FHc3Pz/U4N2dnZhnwUCgVcXFywYcMG/Pzzz/9I/21tbQgODgYAtLa2wsLCArW1tUYx6enpyM7O/keeN5qkpCTDOC0tLeHq6opNmzaho6PDpH5YpBPR/4PV/U6AiOifFBQUhKysLKNrU6ZMuU/ZGLO3t4dOp4Ner0ddXR02bNiAGzduoKys7K77dnJy+suYSZMm3fVz/o5Zs2ahvLwcg4ODaGxsRFRUFDo7O5Gfn39Pnk9ENBqu+BLRuGJtbQ0nJyejw9LSEmlpaZg9ezbs7Ozg6uqKmJgYdHd3j9pPXV0dli5dCpVKBXt7e8ybNw/nzp0z3K+qqsKSJUtga2sLV1dXxMXF4bfffhszNwsLCzg5OUGtViM4OBhxcXEoLy9HT08P9Ho93nzzTbi4uMDa2hre3t4oLS01tO3r60NsbCycnZ1hY2MDd3d37N2716jvoa0O06ZNAwDMnTsXFhYWeOKJJwAYr6J++OGHUKvV0Ov1RjmGhIQgKirKcF5UVAQfHx/Y2NjAw8MDycnJGBgYGHOcVlZWcHJywsMPP4xly5Zh9erV+OKLLwz3BwcHER0djWnTpsHW1hYajQbp6emG+0lJSTh27BiKiooMq8cVFRUAgOvXryMsLAyTJ0+Gg4MDQkJC0NraOmY+RERDWPgSkVlQKBTIyMjAhQsXcOzYMXz55Zd49dVXR42PiIiAi4sLqqurcf78ecTHx+OBBx4AAFy+fBlBQUFYuXIl6uvrkZ+fj6qqKsTGxpqUk62tLfR6PQYGBpCeno7U1FQcOHAA9fX1CAwMxHPPPYdLly4BADIyMlBcXIyCggLodDrk5uZi6tSpI/b73XffAQDKy8vR1taGTz75ZFjM6tWr0d7ejjNnzhiudXR0oLS0FBEREQCAyspKrFu3Dtu2bUNDQwMyMzORnZ2NlJSUvz3G1tZWlJWVQalUGq7p9Xq4uLigsLAQDQ0NSEhIwOuvv46CggIAwM6dOxEWFoagoCC0tbWhra0NixYtQn9/PwIDA6FSqVBZWQmtVouJEyciKCgIfX19fzsnIjJjQkQ0TkRGRoqlpaXY2dkZjlWrVo0YW1hYKA8++KDhPCsrSyZNmmQ4V6lUkp2dPWLb6Oho2bRpk9G1yspKUSgU0tPTM2Kb2/tvamoSLy8v8fX1FRERtVotKSkpRm38/PwkJiZGRES2bt0qAQEBotfrR+wfgHz66aciItLS0iIApKamxigmMjJSQkJCDOchISESFRVlOM/MzBS1Wi2Dg4MiIvLkk0/Knj17jPrIyckRZ2fnEXMQEUlMTBSFQiF2dnZiY2MjAASApKWljdpGROTll1+WlStXjprr0LM1Go3RZ/DHH3+Ira2tlJWVjdk/EZGICPf4EtG4snTpUrz//vuGczs7OwC3Vj/37t2LixcvoqurCwMDA+jt7cXvv/+OCRMmDOtnx44deOmll5CTk2P4c72npyeAW9sg6uvrkZuba4gXEej1erS0tGDmzJkj5tbZ2YmJEydCr9ejt7cXjz/+OI4cOYKuri7cuHEDixcvNopfvHgx6urqANzapvDUU09Bo9EgKCgIy5cvx9NPP31Xn1VERAQ2btyI9957D9bW1sjNzcULL7wAhUJhGKdWqzVa4R0cHBzzcwMAjUaD4uJi9Pb24uOPP0ZtbS22bt1qFHP48GEcPXoU165dQ09PD/r6+uDt7T1mvnV1dWhuboZKpTK63tvbi8uXL9/BJ0BE5oaFLxGNK3Z2dpg+fbrRtdbWVixfvhxbtmxBSkoKHBwcUFVVhejoaPT19Y1YwCUlJWHNmjUoKSnBqVOnkJiYiLy8PKxYsQLd3d3YvHkz4uLihrVzc3MbNTeVSoXvv/8eCoUCzs7OsLW1BQB0dXX95bh8fHzQ0tKCU6dOoby8HGFhYVi2bBlOnDjxl21H8+yzz0JEUFJSAj8/P1RWVuLgwYOG+93d3UhOTkZoaOiwtjY2NqP2q1QqDXOwb98+PPPMM0hOTsZbb70FAMjLy8POnTuRmpqKhQsXQqVS4d1338W33347Zr7d3d2YN2+e0T84hvxbvsBIRP9uLHyJaNw7f/489Ho9UlNTDauZQ/tJx+Ll5QUvLy9s374dL774IrKysrBixQr4+PigoaFhWIH9VxQKxYht7O3toVarodVq4e/vb7iu1Woxf/58o7jw8HCEh4dj1apVCAoKQkdHBxwcHIz6G9pPOzg4OGY+NjY2CA0NRW5uLpqbm6HRaODj42O47+PjA51OZ/I4b7d7924EBARgy5YthnEuWrQIMTExhpjbV2yVSuWw/H18fJCfnw9HR0fY29vfVU5EZJ745TYiGvemT5+O/v5+HDp0CFeuXEFOTg4++OCDUeN7enoQGxuLiooKXL16FVqtFtXV1YYtDK+99hrOnj2L2NhY1NbW4tKlSygqKjL5y21/tmvXLuzfvx/5+fnQ6XSIj49HbW0ttm3bBgBIS0vD8ePHcfHiRTQ1NaGwsBBOTk4j/qcbjo6OsLW1RWlpKX766Sd0dnaO+tyIiAiUlJTg6NGjhi+1DUlISMBHH32E5ORkXLhwAY2NjcjLy8Pu3btNGtvChQsxZ84c7NmzBwAwY8YMnDt3DmVlZWhqasIbb7yB6upqozZTp05FfX09dDodfvnlF/T39yMiIgIPPfQQQkJCUFlZiZaWFlRUVCAuLg4//PCDSTkRkXli4UtE496jjz6KtLQ07N+/H4888ghyc3ONXgV2O0tLS7S3t2PdunXw8vJCWFgYgoODkZycDACYM2cOvvrqKzQ1NWHJkiWYO3cuEhISoFar7zjHuLg47NixA6+88gpmz56N0tJSFBcXY8aMGQBubZN455134OvrCz8/P7S2tuLzzz83rGD/mZWVFTIyMpCZmQm1Wo2QkJBRnxsQEAAHBwfodDqsWbPG6F5gYCBOnjyJ06dPw8/PD4899hgOHjwId3d3k8e3fft2HDlyBNevX8fmzZsRGhqK8PBwLFiwAO3t7UarvwCwceNGaDQa+Pr6YsqUKdBqtZgwYQK+/vpruLm5ITQ0FDNnzkR0dDR6e3u5AkxEf4uFiMj9ToKIiIiI6P+NK75EREREZBZY+BIRERGRWWDhS0RERERmgYUvEREREZkFFr5EREREZBZY+BIRERGRWWDhS0RERERmgYUvEREREZkFFr5EREREZBZY+BIRERGRWWDhS0RERERm4X9HgI4vjR0HfQAAAABJRU5ErkJggg==", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "plot_roc_curve(y_test, y_pred)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Logistic Regression" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "#### Normalized data" + ] + }, + { + "cell_type": "code", + "execution_count": 74, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Time taken for GridSearchCV: 8.95 seconds\n", + "Best Hyperparameters:\n", + "{'C': 0.1, 'penalty': 'l1', 'solver': 'liblinear'}\n", + "\n", + "Time taken for training with best hyperparameters: 0.41 seconds\n", + "\n", + "Mean Accuracy: 0.8384128630705394\n", + "Standard Deviation of Accuracy: 0.028894090640005768\n", + "Mean Precision: 0.8072888487396828\n", + "Standard Deviation of Precision: 0.05501713449858519\n", + "Mean Recall: 0.6959006758742285\n", + "Standard Deviation of Recall: 0.044346578351324335\n", + "Mean F1-score: 0.7468449823208363\n", + "Standard Deviation of F1-score: 0.044247964137423254\n", + "Mean ROC AUC: 0.8042572798060169\n", + "Standard Deviation of ROC AUC: 0.03134731656993271\n", + "\n", + "Total time taken: 9.36 seconds\n" + ] + } + ], + "source": [ + "from sklearn.linear_model import LogisticRegression\n", + "from sklearn.model_selection import StratifiedKFold, GridSearchCV\n", + "from sklearn.metrics import accuracy_score, precision_score, recall_score, f1_score, roc_auc_score, confusion_matrix\n", + "import numpy as np\n", + "import time\n", + "\n", + "start_total_time = time.time()\n", + "\n", + "kf = StratifiedKFold(n_splits=10, shuffle=True, random_state=42)\n", + "\n", + "model = LogisticRegression(random_state=42, max_iter=10000)\n", + "\n", + "param_grid = {\n", + " 'C': [0.01, 0.1, 1.0, 10.0, 100.0],\n", + " 'penalty': ['l1', 'l2', 'elasticnet', 'none'],\n", + " 'solver': ['newton-cg', 'lbfgs', 'liblinear', 'sag', 'saga']\n", + "}\n", + "\n", + "grid_search = GridSearchCV(estimator=model, param_grid=param_grid, cv=kf, scoring='accuracy')\n", + "\n", + "start_time = time.time()\n", + "\n", + "grid_search.fit(standard(x), y)\n", + "\n", + "grid_search_time = time.time() - start_time\n", + "print(f\"Time taken for GridSearchCV: {grid_search_time:.2f} seconds\")\n", + "\n", + "best_params = grid_search.best_params_\n", + "\n", + "print(\"Best Hyperparameters:\")\n", + "print(best_params)\n", + "print()\n", + "\n", + "best_model = grid_search.best_estimator_\n", + "\n", + "start_time = time.time()\n", + "\n", + "accuracy_scores = []\n", + "precision_scores = []\n", + "recall_scores = []\n", + "f1_scores = []\n", + "roc_auc_scores = []\n", + "confusion_matrices = []\n", + "\n", + "for train_index, test_index in kf.split(normal(x), y):\n", + " X_train, X_test = x.iloc[train_index], x.iloc[test_index]\n", + " y_train, y_test = y.iloc[train_index], y.iloc[test_index]\n", + "\n", + " best_model.fit(X_train, y_train)\n", + "\n", + " y_pred = best_model.predict(X_test)\n", + "\n", + " accuracy = accuracy_score(y_test, y_pred)\n", + " accuracy_scores.append(accuracy)\n", + " \n", + " precision = precision_score(y_test, y_pred)\n", + " precision_scores.append(precision)\n", + " \n", + " recall = recall_score(y_test, y_pred)\n", + " recall_scores.append(recall)\n", + " \n", + " f1 = f1_score(y_test, y_pred)\n", + " f1_scores.append(f1)\n", + " \n", + " roc_auc = roc_auc_score(y_test, y_pred)\n", + " roc_auc_scores.append(roc_auc)\n", + " \n", + " confusion = confusion_matrix(y_test, y_pred)\n", + " confusion_matrices.append(confusion)\n", + "\n", + "training_time = time.time() - start_time\n", + "print(f\"Time taken for training with best hyperparameters: {training_time:.2f} seconds\")\n", + "print()\n", + "\n", + "mean_accuracy = np.mean(accuracy_scores)\n", + "std_accuracy = np.std(accuracy_scores)\n", + "\n", + "mean_precision = np.mean(precision_scores)\n", + "std_precision = np.std(precision_scores)\n", + "\n", + "mean_recall = np.mean(recall_scores)\n", + "std_recall = np.std(recall_scores)\n", + "\n", + "mean_f1 = np.mean(f1_scores)\n", + "std_f1 = np.std(f1_scores)\n", + "\n", + "mean_roc_auc = np.mean(roc_auc_scores)\n", + "std_roc_auc = np.std(roc_auc_scores)\n", + "\n", + "print(f\"Mean Accuracy: {mean_accuracy}\")\n", + "print(f\"Standard Deviation of Accuracy: {std_accuracy}\")\n", + "\n", + "print(f\"Mean Precision: {mean_precision}\")\n", + "print(f\"Standard Deviation of Precision: {std_precision}\")\n", + "\n", + "print(f\"Mean Recall: {mean_recall}\")\n", + "print(f\"Standard Deviation of Recall: {std_recall}\")\n", + "\n", + "print(f\"Mean F1-score: {mean_f1}\")\n", + "print(f\"Standard Deviation of F1-score: {std_f1}\")\n", + "\n", + "print(f\"Mean ROC AUC: {mean_roc_auc}\")\n", + "print(f\"Standard Deviation of ROC AUC: {std_roc_auc}\")\n", + "print()\n", + "\n", + "total_time = time.time() - start_total_time\n", + "print(f\"Total time taken: {total_time:.2f} seconds\")" + ] + }, + { + "cell_type": "code", + "execution_count": 75, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "x_train: (1800, 13)\n", + "y_train: (1800,)\n", + "x_test: (601, 13)\n", + "y_test: (601,)\n" + ] + } + ], + "source": [ + "from sklearn.model_selection import train_test_split\n", + "\n", + "x_train, x_test, y_train, y_test = train_test_split(x,y,test_size=0.25,random_state=42)\n", + "\n", + "print(\"x_train:\",x_train.shape)\n", + "print(\"y_train:\",y_train.shape)\n", + "print(\"x_test:\",x_test.shape)\n", + "print(\"y_test:\",y_test.shape)" + ] + }, + { + "cell_type": "code", + "execution_count": 76, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Accuracy: 0.8202995008319468\n", + "Precision: 0.7637362637362637\n", + "Recall: 0.6813725490196079\n", + "F1 Score: 0.7202072538860105\n", + "ROC AUC Score: 0.7865301032251691\n", + "Confusion Matrix:\n", + "[[354 43]\n", + " [ 65 139]]\n" + ] + } + ], + "source": [ + "model = grid_search.best_estimator_\n", + "\n", + "model.fit(x_train, y_train)\n", + "\n", + "y_pred = model.predict(x_test)\n", + "\n", + "y_pred = (y_pred >= 0.5).astype(int)\n", + "\n", + "print(\"Accuracy:\", accuracy_score(y_test, y_pred))\n", + "print(\"Precision:\", precision_score(y_test, y_pred))\n", + "print(\"Recall:\", recall_score(y_test, y_pred))\n", + "print(\"F1 Score:\", f1_score(y_test, y_pred))\n", + "print(\"ROC AUC Score:\", roc_auc_score(y_test, y_pred))\n", + "print(\"Confusion Matrix:\")\n", + "print(confusion_matrix(y_test, y_pred))" + ] + }, + { + "cell_type": "code", + "execution_count": 77, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAokAAAIjCAYAAABvUIGpAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8pXeV/AAAACXBIWXMAAA9hAAAPYQGoP6dpAABILElEQVR4nO3de5yN5f7/8feaYZaZYWYM5uQwzofJMYpJTtthHGPTlqiGxFZDZZBml3M1bSnSgY5IdI42kRxCtimHKAnbIIeYGZEZBmPM3L8/+lq/lovM0ixrWK9nj/vxsO77Wvf9WWtX+9P7uu572SzLsgQAAAD8gY+nCwAAAEDRQ5MIAAAAA00iAAAADDSJAAAAMNAkAgAAwECTCAAAAANNIgAAAAw0iQAAADDQJAIAAMBAkwjgT+3evVsdOnRQcHCwbDabFi5cWKjn//nnn2Wz2TR79uxCPe/1rHXr1mrdurWnywDg5WgSgevAnj179M9//lNVq1ZViRIlFBQUpObNm+vFF1/UmTNn3Hrt+Ph4bdu2TU8//bTmzp2rJk2auPV611L//v1ls9kUFBR0ye9x9+7dstlsstlsmjJlisvnP3z4sMaPH6+tW7cWQrUAcG0V83QBAP7c559/rn/84x+y2+267777VLduXZ07d07r1q3TqFGjtH37dr3++utuufaZM2eUkpKiJ554QkOHDnXLNaKjo3XmzBkVL17cLee/kmLFiun06dNatGiRevfu7XRs3rx5KlGihM6ePXtV5z58+LAmTJigypUrq2HDhgV+35dffnlV1wOAwkSTCBRh+/btU58+fRQdHa1Vq1YpMjLScSwhIUGpqan6/PPP3Xb9o0ePSpJCQkLcdg2bzaYSJUq47fxXYrfb1bx5c7333ntGkzh//nx16dJFn3zyyTWp5fTp0woICJCfn981uR4A/Bmmm4EibPLkyTp16pTeeustpwbxgurVq+uRRx5xvD5//rwmTZqkatWqyW63q3LlyvrXv/6lnJwcp/dVrlxZXbt21bp163TrrbeqRIkSqlq1qt555x3HmPHjxys6OlqSNGrUKNlsNlWuXFnS79O0F/78R+PHj5fNZnPat3z5ct1+++0KCQlRyZIlVatWLf3rX/9yHL/cmsRVq1apRYsWCgwMVEhIiLp3764dO3Zc8nqpqanq37+/QkJCFBwcrAEDBuj06dOX/2Iv0rdvXy1dulQnTpxw7Nu4caN2796tvn37GuOPHz+ukSNHql69eipZsqSCgoLUqVMnff/9944xq1ev1i233CJJGjBggGPa+sLnbN26terWravNmzerZcuWCggIcHwvF69JjI+PV4kSJYzPHxcXp9KlS+vw4cMF/qwAUFA0iUARtmjRIlWtWlW33XZbgcY/8MADGjt2rG6++WZNnTpVrVq1UnJysvr06WOMTU1N1Z133qn27dvr+eefV+nSpdW/f39t375dktSzZ09NnTpVknT33Xdr7ty5mjZtmkv1b9++XV27dlVOTo4mTpyo559/XnfccYf++9///un7VqxYobi4OGVkZGj8+PFKTEzU+vXr1bx5c/3888/G+N69e+vkyZNKTk5W7969NXv2bE2YMKHAdfbs2VM2m02ffvqpY9/8+fNVu3Zt3Xzzzcb4vXv3auHCheratateeOEFjRo1Stu2bVOrVq0cDVudOnU0ceJESdLgwYM1d+5czZ07Vy1btnSc59ixY+rUqZMaNmyoadOmqU2bNpes78UXX1S5cuUUHx+vvLw8SdJrr72mL7/8Ui+99JKioqIK/FkBoMAsAEVSZmamJcnq3r17gcZv3brVkmQ98MADTvtHjhxpSbJWrVrl2BcdHW1JstauXevYl5GRYdntdmvEiBGOffv27bMkWc8995zTOePj463o6GijhnHjxll//NfK1KlTLUnW0aNHL1v3hWvMmjXLsa9hw4ZWWFiYdezYMce+77//3vLx8bHuu+8+43r333+/0zn//ve/W2XKlLnsNf/4OQIDAy3Lsqw777zTatu2rWVZlpWXl2dFRERYEyZMuOR3cPbsWSsvL8/4HHa73Zo4caJj38aNG43PdkGrVq0sSdbMmTMveaxVq1ZO+5YtW2ZJsp566ilr7969VsmSJa0ePXpc8TMCwNUiSQSKqKysLElSqVKlCjR+yZIlkqTExESn/SNGjJAkY+1iTEyMWrRo4Xhdrlw51apVS3v37r3qmi92YS3jZ599pvz8/AK958iRI9q6dav69++v0NBQx/769eurffv2js/5R0OGDHF63aJFCx07dszxHRZE3759tXr1aqWlpWnVqlVKS0u75FSz9Ps6Rh+f3//1mZeXp2PHjjmm0r/77rsCX9Nut2vAgAEFGtuhQwf985//1MSJE9WzZ0+VKFFCr732WoGvBQCuokkEiqigoCBJ0smTJws0fv/+/fLx8VH16tWd9kdERCgkJET79+932l+pUiXjHKVLl9Zvv/12lRWb7rrrLjVv3lwPPPCAwsPD1adPH3344Yd/2jBeqLNWrVrGsTp16ujXX39Vdna20/6LP0vp0qUlyaXP0rlzZ5UqVUoffPCB5s2bp1tuucX4Li/Iz8/X1KlTVaNGDdntdpUtW1blypXTDz/8oMzMzAJfs3z58i7dpDJlyhSFhoZq69atmj59usLCwgr8XgBwFU0iUEQFBQUpKipKP/74o0vvu/jGkcvx9fW95H7Lsq76GhfWy13g7++vtWvXasWKFbr33nv1ww8/6K677lL79u2NsX/FX/ksF9jtdvXs2VNz5szRggULLpsiStIzzzyjxMREtWzZUu+++66WLVum5cuX66abbipwYir9/v24YsuWLcrIyJAkbdu2zaX3AoCraBKBIqxr167as2ePUlJSrjg2Ojpa+fn52r17t9P+9PR0nThxwnGncmEoXbq0053AF1ycVkqSj4+P2rZtqxdeeEE//fSTnn76aa1atUpfffXVJc99oc5du3YZx3bu3KmyZcsqMDDwr32Ay+jbt6+2bNmikydPXvJmnws+/vhjtWnTRm+99Zb69OmjDh06qF27dsZ3UtCGvSCys7M1YMAAxcTEaPDgwZo8ebI2btxYaOcHgIvRJAJF2GOPPabAwEA98MADSk9PN47v2bNHL774oqTfp0slGXcgv/DCC5KkLl26FFpd1apVU2Zmpn744QfHviNHjmjBggVO444fP26898JDpS9+LM8FkZGRatiwoebMmePUdP3444/68ssvHZ/THdq0aaNJkybp5ZdfVkRExGXH+fr6GinlRx99pF9++cVp34Vm9lINtatGjx6tAwcOaM6cOXrhhRdUuXJlxcfHX/Z7BIC/iodpA0VYtWrVNH/+fN11112qU6eO0y+urF+/Xh999JH69+8vSWrQoIHi4+P1+uuv68SJE2rVqpU2bNigOXPmqEePHpd9vMrV6NOnj0aPHq2///3vevjhh3X69GnNmDFDNWvWdLpxY+LEiVq7dq26dOmi6OhoZWRk6NVXX1WFChV0++23X/b8zz33nDp16qTY2FgNHDhQZ86c0UsvvaTg4GCNHz++0D7HxXx8fPTkk09ecVzXrl01ceJEDRgwQLfddpu2bdumefPmqWrVqk7jqlWrppCQEM2cOVOlSpVSYGCgmjZtqipVqrhU16pVq/Tqq69q3LhxjkfyzJo1S61bt9aYMWM0efJkl84HAAXi4burARTA//73P2vQoEFW5cqVLT8/P6tUqVJW8+bNrZdeesk6e/asY1xubq41YcIEq0qVKlbx4sWtihUrWklJSU5jLOv3R+B06dLFuM7Fj1653CNwLMuyvvzyS6tu3bqWn5+fVatWLevdd981HoGzcuVKq3v37lZUVJTl5+dnRUVFWXfffbf1v//9z7jGxY+JWbFihdW8eXPL39/fCgoKsrp162b99NNPTmMuXO/iR+zMmjXLkmTt27fvst+pZTk/AudyLvcInBEjRliRkZGWv7+/1bx5cyslJeWSj6757LPPrJiYGKtYsWJOn7NVq1bWTTfddMlr/vE8WVlZVnR0tHXzzTdbubm5TuOGDx9u+fj4WCkpKX/6GQDgatgsy4WV3QAAAPAKrEkEAACAgSYRAAAABppEAAAAGGgSAQAAYKBJBAAAgIEmEQAAAAaaRAAAABhuyF9c8W801NMlAHCT3za+7OkSALhJCQ92Je7sHc5suT7/vUWSCAAAAANNIgAAgM3HfZsLZsyYofr16ysoKEhBQUGKjY3V0qVLHcdbt24tm83mtA0ZMsTpHAcOHFCXLl0UEBCgsLAwjRo1SufPn3f5K7khp5sBAABcYrN5ugJJUoUKFfTss8+qRo0asixLc+bMUffu3bVlyxbddNNNkqRBgwZp4sSJjvcEBAQ4/pyXl6cuXbooIiJC69ev15EjR3TfffepePHieuaZZ1yqhSYRAACgiOjWrZvT66efflozZszQN99842gSAwICFBERccn3f/nll/rpp5+0YsUKhYeHq2HDhpo0aZJGjx6t8ePHy8/Pr8C1MN0MAADgxunmnJwcZWVlOW05OTlXLCkvL0/vv/++srOzFRsb69g/b948lS1bVnXr1lVSUpJOnz7tOJaSkqJ69eopPDzcsS8uLk5ZWVnavn27S18JTSIAAIAbJScnKzg42GlLTk6+7Pht27apZMmSstvtGjJkiBYsWKCYmBhJUt++ffXuu+/qq6++UlJSkubOnat77rnH8d60tDSnBlGS43VaWppLdTPdDAAA4MY1iUlJSUpMTHTaZ7fbLzu+Vq1a2rp1qzIzM/Xxxx8rPj5ea9asUUxMjAYPHuwYV69ePUVGRqpt27bas2ePqlWrVqh10yQCAAC4kd1u/9Om8GJ+fn6qXr26JKlx48bauHGjXnzxRb322mvG2KZNm0qSUlNTVa1aNUVERGjDhg1OY9LT0yXpsusYL4fpZgAAgCLyCJxLyc/Pv+waxq1bt0qSIiMjJUmxsbHatm2bMjIyHGOWL1+uoKAgx5R1QZEkAgAAFBFJSUnq1KmTKlWqpJMnT2r+/PlavXq1li1bpj179mj+/Pnq3LmzypQpox9++EHDhw9Xy5YtVb9+fUlShw4dFBMTo3vvvVeTJ09WWlqannzySSUkJLiUZko0iQAAAEXmOYkZGRm67777dOTIEQUHB6t+/fpatmyZ2rdvr4MHD2rFihWaNm2asrOzVbFiRfXq1UtPPvmk4/2+vr5avHixHnzwQcXGxiowMFDx8fFOz1UsKJtlWVZhfriigN9uBm5c/HYzcOPy6G83NxvttnOf+ebfbju3O7EmEQAAAAammwEAAIrIdHNRQpIIAAAAA0kiAABAITyq5kbDNwIAAAADSSIAAABrEg0kiQAAADCQJAIAALAm0UCTCAAAwHSzgbYZAAAABpJEAAAAppsNfCMAAAAwkCQCAACQJBr4RgAAAGAgSQQAAPDh7uaLkSQCAADAQJIIAADAmkQDTSIAAAAP0zbQNgMAAMBAkggAAMB0s4FvBAAAAAaSRAAAANYkGkgSAQAAYCBJBAAAYE2igW8EAAAABpJEAAAA1iQaaBIBAACYbjbwjQAAAMBAkggAAMB0s4EkEQAAAAaSRAAAANYkGvhGAAAAYCBJBAAAYE2igSQRAAAABpJEAAAA1iQaaBIBAABoEg18IwAAADCQJAIAAHDjioEkEQAAAAaSRAAAANYkGvhGAAAAYCBJBAAAYE2igSQRAAAABpJEAAAA1iQaaBIBAACYbjbQNgMAAMBAkggAALyejSTRQJIIAAAAA0kiAADweiSJJpJEAAAAGEgSAQAACBINJIkAAAAwkCQCAACvx5pEE00iAADwejSJJqabAQAAYCBJBAAAXo8k0USSCAAAAANJIgAA8HokiSaSRAAAABhIEgEAAAgSDSSJAAAAMJAkAgAAr8eaRBNJIgAAAAw0iQAAwOvZbDa3ba6YMWOG6tevr6CgIAUFBSk2NlZLly51HD979qwSEhJUpkwZlSxZUr169VJ6errTOQ4cOKAuXbooICBAYWFhGjVqlM6fP+/yd0KTCAAAvF5RaRIrVKigZ599Vps3b9amTZv0t7/9Td27d9f27dslScOHD9eiRYv00Ucfac2aNTp8+LB69uzpeH9eXp66dOmic+fOaf369ZozZ45mz56tsWPHuv6dWJZlufyuIs6/0VBPlwDATX7b+LKnSwDgJiU8eKdE6L3z3Xbu43P7/qX3h4aG6rnnntOdd96pcuXKaf78+brzzjslSTt37lSdOnWUkpKiZs2aaenSperatasOHz6s8PBwSdLMmTM1evRoHT16VH5+fgW+LkkiAADweu5MEnNycpSVleW05eTkXLGmvLw8vf/++8rOzlZsbKw2b96s3NxctWvXzjGmdu3aqlSpklJSUiRJKSkpqlevnqNBlKS4uDhlZWU50siCokkEAABwo+TkZAUHBzttycnJlx2/bds2lSxZUna7XUOGDNGCBQsUExOjtLQ0+fn5KSQkxGl8eHi40tLSJElpaWlODeKF4xeOuYJH4AAAALjxCThJSUlKTEx02me32y87vlatWtq6dasyMzP18ccfKz4+XmvWrHFfgZdBkwgAAOBGdrv9T5vCi/n5+al69eqSpMaNG2vjxo168cUXddddd+ncuXM6ceKEU5qYnp6uiIgISVJERIQ2bNjgdL4Ldz9fGFNQTDcDAACvV1Tubr6U/Px85eTkqHHjxipevLhWrlzpOLZr1y4dOHBAsbGxkqTY2Fht27ZNGRkZjjHLly9XUFCQYmJiXLouSSIAAEARkZSUpE6dOqlSpUo6efKk5s+fr9WrV2vZsmUKDg7WwIEDlZiYqNDQUAUFBWnYsGGKjY1Vs2bNJEkdOnRQTEyM7r33Xk2ePFlpaWl68sknlZCQ4FKaKdEkAgAAFJmf5cvIyNB9992nI0eOKDg4WPXr19eyZcvUvn17SdLUqVPl4+OjXr16KScnR3FxcXr11Vcd7/f19dXixYv14IMPKjY2VoGBgYqPj9fEiRNdroXnJAK4rvCcRODG5cnnJIbd/6Hbzp3xdm+3ndudWJMIAAAAA9PNAAAARWO2uUghSQQAAICBJBEAAHi9onLjSlFCkggAAAADSSIAAPB6JIkmkkQAAAAYSBIBAIDXI0k00SQCAACvR5NoYroZAAAABpJEAAAAgkQDSSIAAAAMJIkAAMDrsSbRRJIIAAAAA0kiAADweiSJJpJEAAAAGEgSAQCA1yNJNNEkAgAA0CMamG4GAACAgSQRAAB4PaabTSSJAAAAMJAkAgAAr0eSaCJJBAAAgIEkEUXOoH/crkF3tlB0VKgkacfeND3z+lJ9+d+fJEnL3nhELZvUcHrPGx+v08NPv2+cKzQ4UBs+eFzlw0srosUoZZ464/4PAOCqvfXG65o+7Xn1u+c+PZb0hCRp4vix+vab9TqakaGAgAA1aNhIjyaOVJWq1TxcLW4kJIkmmkQUOb+kn9CYlz5T6oGjssmme7o11UdTB6tZn2e1Y2+aJOmtT/6rSTMWO95z+mzuJc81c1xfbdt9WOXDS1+T2gFcvR+3/aCPP3pfNWvWctofE3OTunTtpojISGVlZmrGKy9pyKCBWvLlSvn6+nqoWuDGx3Qzipwla3/UsnU/ac+Bo0o9kKHxryzSqdM5urV+FceYM2fPKf3YScd2MvuscZ5B/7hdwaUCNO2dldeyfABX4XR2tpJGj9K4CU8pKDjY6didve9S4ya3qHz5CqoTc5OGPvyo0tKO6PAvv3ioWtyIbDab27brlUeTxF9//VVvv/22UlJSlJb2e0IUERGh2267Tf3791e5cuU8WR6KAB8fm3q1v1mB/n769od9jv13dW6iPp1vUfqxLC1Z+6OS31iqM39IE2tXjVDSoE5qdd8UVS5f1hOlA3DBM09NVMuWrdQs9ja98dqMy447ffq0PlvwqcpXqKCIiIhrWCFueNdvL+c2HmsSN27cqLi4OAUEBKhdu3aqWbOmJCk9PV3Tp0/Xs88+q2XLlqlJkyZ/ep6cnBzl5OQ47bPy82TzYQrienZT9SitnjNCJfyK6dSZHN014g3t/L+p5g+WbtKBI8d15Gim6tWI0lOPdFfN6DD1GfmmJMmveDHNSe6vf01bqINpv9EkAkXc0iWfa8eOnzT/g48vO+aD9+Zp6vNTdObMaVWuUkWvvTFLxf38rmGVgPfxWJM4bNgw/eMf/9DMmTONKNayLA0ZMkTDhg1TSkrKn54nOTlZEyZMcNrnG36LikfeWug149r538/patonWcEl/fX3do30xsR71eGBF7Vzb5re/vS/jnHbUw/ryK9Z+uL1h1WlQlntO/SrJj18h3btS9f7SzZ68BMAKIi0I0c0+dmn9dobb8tut192XOeud6jZbc3169GjmjPrLY0a8ajmvPven74HcMX1PC3sLjbLsixPXNjf319btmxR7dq1L3l8586datSokc6c+fO7US+VJIa1GE2SeIP5fOZQ7T34q4Zd4g7mgBJ+Opbygro99IpWpOzQN+8/rrrVo3Thb22bzSZfXx+dP5+nf7+1TE/NXHKty0ch+m3jy54uAYVo1coVGv5wgtMNKHl5ebLZbPLx8dHGLduMm1Nyz53T7bfdqvETnlKnLl2vdclwoxIeXARXNdF9/9+w94XObju3O3nsf46IiAht2LDhsk3ihg0bFB4efsXz2O12478kaRBvPD42m+x+l/7btUGtCpKktF8zJUl3j3xT/vbijuONb4rW6xPuUbuB07T34FH3FwugwJo2a6aPFy5y2jfuiSRVrlpVAwYOuuTdy5YkWZbOnTt3bYqEVyBJNHmsSRw5cqQGDx6szZs3q23bto6GMD09XStXrtQbb7yhKVOmeKo8eNDEYXdo2X+36+CR31QqsITu6tRELZvUULeHXlWVCmV1V6cmWrZuu46dyFa9muU1eURPfb15t37cfViStO/Qr07nKxNSUpK0c28az0kEipjAwJKqUaOm0z7/gACFBIeoRo2aOnTwoJZ9sUSxtzVX6dKhSk9P09tvvi67vYRub9nKQ1UD3sFjTWJCQoLKli2rqVOn6tVXX1VeXp4kydfXV40bN9bs2bPVu3dvT5UHDyoXWlJvTbpPEWWDlHnqrH7c/Yu6PfSqVn27UxXCQ/S3prU0tG8bBfr76VD6b1q4cquefXOZp8sG4AZ+dj99t3mT3p07R1mZWSpTtowaN26id+a9pzJlyni6PNxACBJNHluT+Ee5ubn69dff05+yZcuqePHiV3jHn/NvNLQwygJQBLEmEbhxeXJNYvWRS9127tQpndx2bncqEr+4Urx4cUVGRnq6DAAA4KVYk2gqEk0iAACAJ9EjmvhZPgAAABhIEgEAgNdjutlEkggAAAADSSIAAPB6BIkmkkQAAAAYSBIBAIDX8/EhSrwYSSIAAAAMJIkAAMDrsSbRRJMIAAC8Ho/AMTHdDAAAAANJIgAA8HoEiSaSRAAAABhIEgEAgNdjTaKJJBEAAAAGkkQAAOD1SBJNJIkAAAAwkCQCAACvR5BookkEAABej+lmE9PNAAAAMJAkAgAAr0eQaCJJBAAAgIEkEQAAeD3WJJpIEgEAAGAgSQQAAF6PINFEkggAAAADSSIAAPB6rEk0kSQCAADAQJMIAAC8ns3mvs0VycnJuuWWW1SqVCmFhYWpR48e2rVrl9OY1q1by2azOW1DhgxxGnPgwAF16dJFAQEBCgsL06hRo3T+/HmXamG6GQAAeL2iMt28Zs0aJSQk6JZbbtH58+f1r3/9Sx06dNBPP/2kwMBAx7hBgwZp4sSJjtcBAQGOP+fl5alLly6KiIjQ+vXrdeTIEd13330qXry4nnnmmQLXQpMIAABQRHzxxRdOr2fPnq2wsDBt3rxZLVu2dOwPCAhQRETEJc/x5Zdf6qefftKKFSsUHh6uhg0batKkSRo9erTGjx8vPz+/AtXCdDMAAPB67pxuzsnJUVZWltOWk5NToLoyMzMlSaGhoU77582bp7Jly6pu3bpKSkrS6dOnHcdSUlJUr149hYeHO/bFxcUpKytL27dvL/B3QpMIAADgRsnJyQoODnbakpOTr/i+/Px8Pfroo2revLnq1q3r2N+3b1+9++67+uqrr5SUlKS5c+fqnnvucRxPS0tzahAlOV6npaUVuG6mmwEAgNdz55rEpKQkJSYmOu2z2+1XfF9CQoJ+/PFHrVu3zmn/4MGDHX+uV6+eIiMj1bZtW+3Zs0fVqlUrnKJFkggAAOBWdrtdQUFBTtuVmsShQ4dq8eLF+uqrr1ShQoU/Hdu0aVNJUmpqqiQpIiJC6enpTmMuvL7cOsZLoUkEAABer6g8AseyLA0dOlQLFizQqlWrVKVKlSu+Z+vWrZKkyMhISVJsbKy2bdumjIwMx5jly5crKChIMTExBa6F6WYAAIAiIiEhQfPnz9dnn32mUqVKOdYQBgcHy9/fX3v27NH8+fPVuXNnlSlTRj/88IOGDx+uli1bqn79+pKkDh06KCYmRvfee68mT56stLQ0Pfnkk0pISCjQNPcFNIkAAMDrFZXnJM6YMUPS7w/M/qNZs2apf//+8vPz04oVKzRt2jRlZ2erYsWK6tWrl5588knHWF9fXy1evFgPPvigYmNjFRgYqPj4eKfnKhYETSIAAPB6RaRHlGVZf3q8YsWKWrNmzRXPEx0drSVLlvylWliTCAAAAANJIgAA8HpFZbq5KCFJBAAAgIEkEQAAeD2SRBNJIgAAAAwkiQAAwOsRJJpIEgEAAGAgSQQAAF6PNYkmmkQAAOD16BFNTDcDAADAQJIIAAC8HtPNJpJEAAAAGEgSAQCA1yNINJEkAgAAwECSCAAAvJ4PUaKBJBEAAAAGkkQAAOD1CBJNNIkAAMDr8QgcE9PNAAAAMJAkAgAAr+dDkGggSQQAAICBJBEAAHg91iSaSBIBAABgIEkEAABejyDRRJIIAAAAA0kiAADwejYRJV6MJhEAAHg9HoFjYroZAAAABpJEAADg9XgEjokkEQAAAAaSRAAA4PUIEk0kiQAAADCQJAIAAK/nQ5RoIEkEAACAoVCaxBMnThTGaQAAADzCZnPfdr1yuUn897//rQ8++MDxunfv3ipTpozKly+v77//vlCLAwAAuBZsNpvbtuuVy03izJkzVbFiRUnS8uXLtXz5ci1dulSdOnXSqFGjCr1AAAAAXHsu37iSlpbmaBIXL16s3r17q0OHDqpcubKaNm1a6AUCAAC423Uc+LmNy0li6dKldfDgQUnSF198oXbt2kmSLMtSXl5e4VYHAAAAj3A5SezZs6f69u2rGjVq6NixY+rUqZMkacuWLapevXqhFwgAAOBuPALH5HKTOHXqVFWuXFkHDx7U5MmTVbJkSUnSkSNH9NBDDxV6gQAAALj2XG4SixcvrpEjRxr7hw8fXigFAQAAXGvkiKYCNYn/+c9/CnzCO+6446qLAQAAQNFQoCaxR48eBTqZzWbj5hUAAHDduZ6fZ+guBWoS8/Pz3V0HAACAx/jQIxr+0s/ynT17trDqAAAAQBHicpOYl5enSZMmqXz58ipZsqT27t0rSRozZozeeuutQi8QAADA3fhZPpPLTeLTTz+t2bNna/LkyfLz83Psr1u3rt58881CLQ4AAACe4XKT+M477+j1119Xv3795Ovr69jfoEED7dy5s1CLAwAAuBZsNvdt1yuXm8Rffvnlkr+skp+fr9zc3EIpCgAAAJ7lcpMYExOjr7/+2tj/8ccfq1GjRoVSFAAAwLXEmkSTy7+4MnbsWMXHx+uXX35Rfn6+Pv30U+3atUvvvPOOFi9e7I4aAQAAcI25nCR2795dixYt0ooVKxQYGKixY8dqx44dWrRokdq3b++OGgEAANzKx+a+7XrlcpIoSS1atNDy5csLuxYAAACPuJ6nhd3lqppESdq0aZN27Ngh6fd1io0bNy60ogAAAOBZLjeJhw4d0t13363//ve/CgkJkSSdOHFCt912m95//31VqFChsGsEAABwK3JEk8trEh944AHl5uZqx44dOn78uI4fP64dO3YoPz9fDzzwgDtqBAAAwDXmcpK4Zs0arV+/XrVq1XLsq1Wrll566SW1aNGiUIsDAAC4FnxYk2hwOUmsWLHiJR+anZeXp6ioqEIpCgAAAJ7lcpP43HPPadiwYdq0aZNj36ZNm/TII49oypQphVocAADAtcDP8pkKNN1cunRpp1vDs7Oz1bRpUxUr9vvbz58/r2LFiun+++9Xjx493FIoAAAArp0CNYnTpk1zcxkAAACew3MSTQVqEuPj491dBwAAAIqQq36YtiSdPXtW586dc9oXFBT0lwoCAAC41ggSTS7fuJKdna2hQ4cqLCxMgYGBKl26tNMGAABwvfGx2dy2uSI5OVm33HKLSpUqpbCwMPXo0UO7du1yGnP27FklJCSoTJkyKlmypHr16qX09HSnMQcOHFCXLl0UEBCgsLAwjRo1SufPn3ftO3FptKTHHntMq1at0owZM2S32/Xmm29qwoQJioqK0jvvvOPq6QAAAPB/1qxZo4SEBH3zzTdavny5cnNz1aFDB2VnZzvGDB8+XIsWLdJHH32kNWvW6PDhw+rZs6fjeF5enrp06aJz585p/fr1mjNnjmbPnq2xY8e6VIvNsizLlTdUqlRJ77zzjlq3bq2goCB99913ql69uubOnav33ntPS5YscakAd/BvNNTTJQBwk982vuzpEgC4SYm/tAjur3no05/cdu6pXaopJyfHaZ/dbpfdbr/ie48ePaqwsDCtWbNGLVu2VGZmpsqVK6f58+frzjvvlCTt3LlTderUUUpKipo1a6alS5eqa9euOnz4sMLDwyVJM2fO1OjRo3X06FH5+fkVqG6Xk8Tjx4+ratWqkn5ff3j8+HFJ0u233661a9e6ejoAAIAbWnJysoKDg5225OTkAr03MzNTkhQaGipJ2rx5s3Jzc9WuXTvHmNq1a6tSpUpKSUmRJKWkpKhevXqOBlGS4uLilJWVpe3btxe4bpebxKpVq2rfvn2Ooj788ENJ0qJFixQSEuLq6QAAADzOZrO5bUtKSlJmZqbTlpSUdMWa8vPz9eijj6p58+aqW7euJCktLU1+fn5GzxUeHq60tDTHmD82iBeOXzhWUC4HuwMGDND333+vVq1a6fHHH1e3bt308ssvKzc3Vy+88IKrpwMAALihFXRq+WIJCQn68ccftW7dOjdUdWUuN4nDhw93/Lldu3bauXOnNm/erOrVq6t+/fqFWtzV2r92qqdLAOAmK3amX3kQgOtS17rhVx7kJi5PrbrZ0KFDtXjxYq1du1YVKlRw7I+IiNC5c+d04sQJpzQxPT1dERERjjEbNmxwOt+Fu58vjCmIv/ydREdHq2fPnkWmQQQAALheWZaloUOHasGCBVq1apWqVKnidLxx48YqXry4Vq5c6di3a9cuHThwQLGxsZKk2NhYbdu2TRkZGY4xy5cvV1BQkGJiYgpcS4GSxOnTpxf4hA8//HCBxwIAABQFReVn+RISEjR//nx99tlnKlWqlGMNYXBwsPz9/RUcHKyBAwcqMTFRoaGhCgoK0rBhwxQbG6tmzZpJkjp06KCYmBjde++9mjx5stLS0vTkk08qISHBpWnvAj0C5+Iu9rIns9m0d+/eAl/cXTJO5nq6BABusmH/cU+XAMBNPDnd/OhnO9127mndaxd47OWa1VmzZql///6Sfn+Y9ogRI/Tee+8pJydHcXFxevXVV52mkvfv368HH3xQq1evVmBgoOLj4/Xss8+qWLGCrzR0+TmJ1wOaRODGRZMI3LhoEosWDz62EgAAoGjwKRqzzUVKUbuZBwAAAEUASSIAAPB6ReXGlaKEJBEAAAAGkkQAAOD1WJNouqok8euvv9Y999yj2NhY/fLLL5KkuXPneuxnYwAAAFC4XG4SP/nkE8XFxcnf319btmxRTk6OJCkzM1PPPPNMoRcIAADgbjab+7brlctN4lNPPaWZM2fqjTfeUPHixR37mzdvru+++65QiwMAALgWfGw2t23XK5ebxF27dqlly5bG/uDgYJ04caIwagIAAICHudwkRkREKDU11di/bt06Va1atVCKAgAAuJZ83Lhdr1yufdCgQXrkkUf07bffymaz6fDhw5o3b55GjhypBx980B01AgAA4Bpz+RE4jz/+uPLz89W2bVudPn1aLVu2lN1u18iRIzVs2DB31AgAAOBW1/HSQbdxuUm02Wx64oknNGrUKKWmpurUqVOKiYlRyZIl3VEfAAAAPOCqH6bt5+enmJiYwqwFAADAI67nu5DdxeUmsU2bNn/6+4arVq36SwUBAADA81xuEhs2bOj0Ojc3V1u3btWPP/6o+Pj4wqoLAADgmiFINLncJE6dOvWS+8ePH69Tp0795YIAAACuNX672VRoj++555579PbbbxfW6QAAAOBBV33jysVSUlJUokSJwjodAADANcONKyaXm8SePXs6vbYsS0eOHNGmTZs0ZsyYQisMAAAAnuNykxgcHOz02sfHR7Vq1dLEiRPVoUOHQisMAADgWiFINLnUJObl5WnAgAGqV6+eSpcu7a6aAAAA4GEu3bji6+urDh066MSJE24qBwAA4Nrzsblvu165fHdz3bp1tXfvXnfUAgAAgCLC5Sbxqaee0siRI7V48WIdOXJEWVlZThsAAMD1xubGv65XBV6TOHHiRI0YMUKdO3eWJN1xxx1OP89nWZZsNpvy8vIKv0oAAAA3up6nhd2lwE3ihAkTNGTIEH311VfurAcAAABFQIGbRMuyJEmtWrVyWzEAAACeQJJocmlNoo2HCAEAAHgFl56TWLNmzSs2isePH/9LBQEAAFxrBGEml5rECRMmGL+4AgAAgBuPS01inz59FBYW5q5aAAAAPII1iaYCr0kkhgUAAPAeLt/dDAAAcKMhCzMVuEnMz893Zx0AAAAe40OXaHD5Z/kAAABw43PpxhUAAIAbETeumEgSAQAAYCBJBAAAXo8liSaSRAAAABhIEgEAgNfzEVHixUgSAQAAYCBJBAAAXo81iSaaRAAA4PV4BI6J6WYAAAAYSBIBAIDX42f5TCSJAAAAMJAkAgAAr0eQaCJJBAAAgIEkEQAAeD3WJJpIEgEAAGAgSQQAAF6PINFEkwgAALweU6smvhMAAAAYSBIBAIDXszHfbCBJBAAAgIEkEQAAeD1yRBNJIgAAAAwkiQAAwOvxMG0TSSIAAAAMJIkAAMDrkSOaaBIBAIDXY7bZxHQzAAAADDSJAADA69lsNrdtrlq7dq26deumqKgo2Ww2LVy40Ol4//79jWt07NjRaczx48fVr18/BQUFKSQkRAMHDtSpU6dcqoMmEQAAoAjJzs5WgwYN9Morr1x2TMeOHXXkyBHH9t577zkd79evn7Zv367ly5dr8eLFWrt2rQYPHuxSHaxJBAAAXq8opWadOnVSp06d/nSM3W5XRETEJY/t2LFDX3zxhTZu3KgmTZpIkl566SV17txZU6ZMUVRUVIHqKErfCQAAwA0nJydHWVlZTltOTs5fOufq1asVFhamWrVq6cEHH9SxY8ccx1JSUhQSEuJoECWpXbt28vHx0bffflvga9AkAgAAr+fONYnJyckKDg522pKTk6+61o4dO+qdd97RypUr9e9//1tr1qxRp06dlJeXJ0lKS0tTWFiY03uKFSum0NBQpaWlFfg6TDcDAAC4UVJSkhITE5322e32qz5fnz59HH+uV6+e6tevr2rVqmn16tVq27btVZ/3YiSJAADA69ncuNntdgUFBTltf6VJvFjVqlVVtmxZpaamSpIiIiKUkZHhNOb8+fM6fvz4ZdcxXgpNIgAAwHXs0KFDOnbsmCIjIyVJsbGxOnHihDZv3uwYs2rVKuXn56tp06YFPi/TzQAAwOtdzfMM3eXUqVOOVFCS9u3bp61btyo0NFShoaGaMGGCevXqpYiICO3Zs0ePPfaYqlevrri4OElSnTp11LFjRw0aNEgzZ85Ubm6uhg4dqj59+hT4zmaJJBEAAEA+btxctWnTJjVq1EiNGjWSJCUmJqpRo0YaO3asfH199cMPP+iOO+5QzZo1NXDgQDVu3Fhff/210xT2vHnzVLt2bbVt21adO3fW7bffrtdff92lOmyWZVlXUX+RlnEy19MlAHCTDfuPe7oEAG7StW64x6796fdH3Hbung0i3XZud2K6GQAAeL2iNN1cVDDdDAAAAANJIgAA8HrkiCaSRAAAABhIEgEAgNdjSaKJJBEAAAAGkkQAAOD1fFiVaKBJBAAAXo/pZhPTzQAAADCQJAIAAK9nY7rZQJIIAAAAA0kiAADweqxJNJEkAgAAwECSCAAAvB6PwDGRJAIAAMBAkggAALweaxJNNIkAAMDr0SSamG4GAACAgSQRAAB4PR6mbSJJBAAAgIEkEQAAeD0fgkQDSSIAAAAMJIkAAMDrsSbRRJIIAAAAA0kiAADwejwn0USTCAAAvB7TzSammwEAAGAgSQQAAF6PR+CYSBIBAABgIEkEAABejzWJJpJEAAAAGEgScV04mpGuGS+9oG/Xr9PZs2dVoUIlJY2bpNoxdSVJT49/Ql8s/szpPbfGNtfzL73miXIB/Ik927dq9Wfv69DeXcr67Zj6P/a06jVt4Ti+7IO3tWXdKmUey5BvsWKqULWWOvUdpOiaMY4xh/bu0uK5r+lg6k75+PiofrNWuqN/guz+AZ74SLgB8AgcE00iiryTWZl6aOC9atTkVj334kyFlC6tQwf3q1RQkNO4prfdrqSxTzle+/kVv9alAiiAczlnFVW5mm5t21mzJz9pHC8XVVE9H3hUZcKjlHsuR2sWf6jXJ41Q0svvqWRwiDKP/6qZExLV8La/qecDj+rsmWx99vZLev/lZMWPmuSBTwTcmGgSUeTNm/O2wsIj9K9x/78BjCpfwRhXvLifypQtey1LA3AV6tzcTHVubnbZ4ze3aO/0unv/odqw8nMd3r9HNes31k+b1svXt5h6DhouH5/fV03d+c8RmpI4QL8eOaSykea/H4ArIUg00SSiyFu39ivd2qy5xoxO1NbvNqlcuTD1+Ecf3fH3O53Gbd28Ud3at1SpUkG6+ZZbNejBhxUcEuKZogEUivO5uUpZ/h+VCCipqMrVft93Ple+xYo5GkRJKu5nlyTt3bGNJhFXxYf5ZkORvnHl4MGDuv/++/90TE5OjrKyspy2nJyca1QhroUjvxzSZ598oAqVKun5l15Tjzvv0otTkrX0D2sQm8Y21xMTntG0GW9qyMPDtfW7TRr18BDl5eV5sHIAV+unTeuV1C9Oj9/dTmsXf6R/jnteJYNCJEk16t6skyeO66uF7+l8bq5Onzqpz9/9ff3xyRPHPFg1cGMp0k3i8ePHNWfOnD8dk5ycrODgYKdt+vP/vkYV4lrIz89Xzdp19M+ER1Wzdh3d0fMf6tajlz775EPHmHZxnXV7qzaqVr2mWrZuq8lTX9GOn37Uls0bPVg5gKtVrW4jjZjyloY986pqN7xVc58fp5OZv0mSIipV0d3D/qU1iz5QUt8OGj+wh0LDIlUqJFQ20iBcJZsbt+uVR6eb//Of//zp8b17917xHElJSUpMTHTal3muSPe+cFGZsuUUXaWa077oKlW1ZtWKy74nqkJFBYeU1i8HD6jJrZdf+wSgaLKX8Jc9soLKRlZQdM2blJxwtzas/Fxte94j6fd1ize3aK+TJ47Lz15Cstm0ZvGHKhMe5eHKgRuHR5vEHj16yGazybKsy4650n8V2u122e12p31nT+YWSn0oGuo1aKSD+3922ndw/35FREZe9j0Z6WnKyjyhMmXLubk6ANeCZVk6n3vO2F8qJFSS9O3Kz1W8uJ9qNmhyrUvDjeJ6jvzcxKORW2RkpD799FPl5+dfcvvuu+88WR6KiN5979X2bT/onbdf16GDB7T8i8+1aMHH+vs/7pYknT59Wq+8OEXbt32vI4d/0aYN3yhpxMMqX7GSbo1t7uHqAVws58xp/bJvt37Zt1uSdDzjiH7Zt1u/HU1XztkzWjLvde3/33Ydz0jTwT279P4rzyrz+K9qENvGcY51Sz7Rob27dPTwQa1b+qkWvDlNnfsNln9gKU99LOCG49EksXHjxtq8ebO6d+9+yeNXShnhHercVE9PT5mm119+UXPenKnIqPIaNmK0OnTqKkny9fHRnt3/0xeL/6NTJ7NUtlyYbml2mx4YMlR+fn4erh7AxQ7u2aUZ4x5xvP7P7JclSU1ad9Sd/xyhjF/2a+PqL5SdlanAUkGqWL22Ep56SRGVqjjecyB1p5Z9MEs5Z88orHwl3fnPkWrSOu6afxbcOPhZPpPN8mAX9vXXXys7O1sdO3a85PHs7Gxt2rRJrVq1cum8GUw3AzesDfuPe7oEAG7StW64x6797Z5Mt527abVgt53bnTyaJLZo0eJPjwcGBrrcIAIAALiKG+NNPEwbAAB4PXpEE8+KAQAAgIEkEQAAgCjRQJIIAAAAA0kiAADwejwCx0SSCAAAAANJIgAA8Ho8AsdEkggAAAADSSIAAPB6BIkmmkQAAAC6RAPTzQAAADCQJAIAAK/HI3BMJIkAAAAwkCQCAACvxyNwTCSJAAAAMJAkAgAAr0eQaCJJBAAAgIEkEQAAgCjRQJMIAAC8Ho/AMTHdDAAAAANNIgAA8Ho2m/s2V61du1bdunVTVFSUbDabFi5c6HTcsiyNHTtWkZGR8vf3V7t27bR7926nMcePH1e/fv0UFBSkkJAQDRw4UKdOnXKpDppEAACAIiQ7O1sNGjTQK6+8csnjkydP1vTp0zVz5kx9++23CgwMVFxcnM6ePesY069fP23fvl3Lly/X4sWLtXbtWg0ePNilOmyWZVl/6ZMUQRkncz1dAgA32bD/uKdLAOAmXeuGe+zaPx5yLWVzRd0KJa/6vTabTQsWLFCPHj0k/Z4iRkVFacSIERo5cqQkKTMzU+Hh4Zo9e7b69OmjHTt2KCYmRhs3blSTJk0kSV988YU6d+6sQ4cOKSoqqkDXJkkEAABwo5ycHGVlZTltOTk5V3Wuffv2KS0tTe3atXPsCw4OVtOmTZWSkiJJSklJUUhIiKNBlKR27drJx8dH3377bYGvRZMIAABgc9+WnJys4OBgpy05OfmqykxLS5MkhYc7p67h4eGOY2lpaQoLC3M6XqxYMYWGhjrGFASPwAEAAHCjpKQkJSYmOu2z2+0eqqbgaBIBAIDXc+dzEu12e6E1hREREZKk9PR0RUZGOvanp6erYcOGjjEZGRlO7zt//ryOHz/ueH9BMN0MAABwnahSpYoiIiK0cuVKx76srCx9++23io2NlSTFxsbqxIkT2rx5s2PMqlWrlJ+fr6ZNmxb4WiSJAADA613N8wzd5dSpU0pNTXW83rdvn7Zu3arQ0FBVqlRJjz76qJ566inVqFFDVapU0ZgxYxQVFeW4A7pOnTrq2LGjBg0apJkzZyo3N1dDhw5Vnz59Cnxns0STCAAAUKR+lG/Tpk1q06aN4/WF9Yzx8fGaPXu2HnvsMWVnZ2vw4ME6ceKEbr/9dn3xxRcqUaKE4z3z5s3T0KFD1bZtW/n4+KhXr16aPn26S3XwnEQA1xWekwjcuDz5nMQdh7Pddu46UYFuO7c7kSQCAAAUpSixiODGFQAAABhIEgEAgNdz5yNwrlckiQAAADCQJAIAAK9XlB6BU1SQJAIAAMBAkggAALweQaKJJhEAAIAu0cB0MwAAAAwkiQAAwOvxCBwTSSIAAAAMJIkAAMDr8QgcE0kiAAAADCSJAADA6xEkmkgSAQAAYCBJBAAAIEo00CQCAACvxyNwTEw3AwAAwECSCAAAvB6PwDGRJAIAAMBAkggAALweQaKJJBEAAAAGkkQAAACiRANJIgAAAAwkiQAAwOvxnEQTTSIAAPB6PALHxHQzAAAADCSJAADA6xEkmkgSAQAAYCBJBAAAXo81iSaSRAAAABhIEgEAAFiVaCBJBAAAgIEkEQAAeD3WJJpoEgEAgNejRzQx3QwAAAADSSIAAPB6TDebSBIBAABgIEkEAABez8aqRANJIgAAAAwkiQAAAASJBpJEAAAAGEgSAQCA1yNINNEkAgAAr8cjcExMNwMAAMBAkggAALwej8AxkSQCAADAQJIIAABAkGggSQQAAICBJBEAAHg9gkQTSSIAAAAMJIkAAMDr8ZxEE00iAADwejwCx8R0MwAAAAwkiQAAwOsx3WwiSQQAAICBJhEAAAAGmkQAAAAYWJMIAAC8HmsSTSSJAAAAMJAkAgAAr8dzEk00iQAAwOsx3WxiuhkAAAAGmkQAAOD1bG7cXDF+/HjZbDanrXbt2o7jZ8+eVUJCgsqUKaOSJUuqV69eSk9Pv9qP/adoEgEAAIqQm266SUeOHHFs69atcxwbPny4Fi1apI8++khr1qzR4cOH1bNnT7fUwZpEAACAIrQmsVixYoqIiDD2Z2Zm6q233tL8+fP1t7/9TZI0a9Ys1alTR998842aNWtWqHWQJAIAALhRTk6OsrKynLacnJzLjt+9e7eioqJUtWpV9evXTwcOHJAkbd68Wbm5uWrXrp1jbO3atVWpUiWlpKQUet00iQAAwOvZ3PhXcnKygoODnbbk5ORL1tG0aVPNnj1bX3zxhWbMmKF9+/apRYsWOnnypNLS0uTn56eQkBCn94SHhystLa3QvxOmmwEAANwoKSlJiYmJTvvsdvslx3bq1Mnx5/r166tp06aKjo7Whx9+KH9/f7fWeTGaRAAA4PXc+ZxEu5/9sk3hlYSEhKhmzZpKTU1V+/btde7cOZ04ccIpTUxPT7/kGsa/iulmAACAIurUqVPas2ePIiMj1bhxYxUvXlwrV650HN+1a5cOHDig2NjYQr82SSIAAPB6ReXm5pEjR6pbt26Kjo7W4cOHNW7cOPn6+uruu+9WcHCwBg4cqMTERIWGhiooKEjDhg1TbGxsod/ZLNEkAgAAFJku8dChQ7r77rt17NgxlStXTrfffru++eYblStXTpI0depU+fj4qFevXsrJyVFcXJxeffVVt9RisyzLcsuZPSjjZK6nSwDgJhv2H/d0CQDcpGvdcI9d+3Su+9qhgOJFpAN1EUkiAADweraiEiUWIdy4AgAAAANJIgAA8HrufATO9YokEQAAAIYb8sYVeI+cnBwlJycrKSnpqh9UCqBo4p9vwLNoEnFdy8rKUnBwsDIzMxUUFOTpcgAUIv75BjyL6WYAAAAYaBIBAABgoEkEAACAgSYR1zW73a5x48axqB24AfHPN+BZ3LgCAAAAA0kiAAAADDSJAAAAMNAkAgAAwECTCAAAAANNIq5rr7zyiipXrqwSJUqoadOm2rBhg6dLAvAXrV27Vt26dVNUVJRsNpsWLlzo6ZIAr0STiOvWBx98oMTERI0bN07fffedGjRooLi4OGVkZHi6NAB/QXZ2tho0aKBXXnnF06UAXo1H4OC61bRpU91yyy16+eWXJUn5+fmqWLGihg0bpscff9zD1QEoDDabTQsWLFCPHj08XQrgdUgScV06d+6cNm/erHbt2jn2+fj4qF27dkpJSfFgZQAA3BhoEnFd+vXXX5WXl6fw8HCn/eHh4UpLS/NQVQAA3DhoEgEAAGCgScR1qWzZsvL19VV6errT/vT0dEVERHioKgAAbhw0ibgu+fn5qXHjxlq5cqVjX35+vlauXKnY2FgPVgYAwI2hmKcLAK5WYmKi4uPj1aRJE916662aNm2asrOzNWDAAE+XBuAvOHXqlFJTUx2v9+3bp61btyo0NFSVKlXyYGWAd+EROLiuvfzyy3ruueeUlpamhg0bavr06WratKmnywLwF6xevVpt2rQx9sfHx2v27NnXviDAS9EkAgAAwMCaRAAAABhoEgEAAGCgSQQAAICBJhEAAAAGmkQAAAAYaBIBAABgoEkEAACAgSYRAAAABppEAH9Z//791aNHD8fr1q1b69FHH73mdaxevVo2m00nTpy47BibzaaFCxcW+Jzjx49Xw4YN/1JdP//8s2w2m7Zu3fqXzgMA1xJNInCD6t+/v2w2m2w2m/z8/FS9enVNnDhR58+fd/u1P/30U02aNKlAYwvS2AEArr1ini4AgPt07NhRs2bNUk5OjpYsWaKEhAQVL15cSUlJxthz587Jz8+vUK4bGhpaKOcBAHgOSSJwA7Pb7YqIiFB0dLQefPBBtWvXTv/5z38k/f8p4qefflpRUVGqVauWJOngwYPq3bu3QkJCFBoaqu7du+vnn392nDMvL0+JiYkKCQlRmTJl9Nhjj+nin4C/eLo5JydHo0ePVsWKFWW321W9enW99dZb+vnnn9WmTRtJUunSpWWz2dS/f39JUn5+vpKTk1WlShX5+/urQYMG+vjjj52us2TJEtWsWVP+/v5q06aNU50FNXr0aNWsWVMBAQGqWrWqxowZo9zcXGPca6+9pooVKyogIEC9e/dWZmam0/E333xTderUUYkSJVS7dm29+uqrl73mb7/9pn79+qlcuXLy9/dXjRo1NGvWLJdrBwB3IkkEvIi/v7+OHTvmeL1y5UoFBQVp+fLlkqTc3FzFxcUpNjZWX3/9tYoVK6annnpKHTt21A8//CA/Pz89//zzmj17tt5++23VqVNHzz//vBYsWKC//e1vl73ufffdp5SUFE2fPl0NGjTQvn379Ouvv6pixYr65JNP1KtXL+3atUtBQUHy9/eXJCUnJ+vdd9/VzJkzVaNGDa1du1b33HOPypUrp1atWungwYPq2bOnEhISNHjwYG3atEkjRoxw+TspVaqUZs+eraioKG3btk2DBg1SqVKl9NhjjznGpKam6sMPP9SiRYuUlZWlgQMH6qGHHtK8efMkSfPmzdPYsWP18ssvq1GjRtqyZYsGDRqkwMBAxcfHG9ccM2aMfvrpJy1dulRly5ZVamqqzpw543LtAOBWFoAbUnx8vNW9e3fLsiwrPz/fWr58uWW3262RI0c6joeHh1s5OTmO98ydO9eqVauWlZ+f79iXk5Nj+fv7W8uWLbMsy7IiIyOtyZMnO47n5uZaFSpUcFzLsiyrVatW1iOPPGJZlmXt2rXLkmQtX778knV+9dVXliTrt99+c+w7e/asFRAQYK1fv95p7MCBA627777bsizLSkpKsmJiYpyOjx492jjXxSRZCxYsuOzx5557zmrcuLHj9bhx4yxfX1/r0KFDjn1Lly61fHx8rCNHjliWZVnVqlWz5s+f73SeSZMmWbGxsZZlWda+ffssSdaWLVssy7Ksbt26WQMGDLhsDQBQFJAkAjewxYsXq2TJksrNzVV+fr769u2r8ePHO47Xq1fPaR3i999/r9TUVJUqVcrpPGfPntWePXuUmZmpI0eOqGnTpo5jxYoVU5MmTYwp5wu2bt0qX19ftWrVqsB1p6am6vTp02rfvr3T/nPnzqlRo0aSpB07djjVIUmxsbEFvsYFH3zwgaZPn649e/bo1KlTOn/+vIKCgpzGVKpUSeXLl3e6Tn5+vnbt2qVSpUppz549GjhwoAYNGuQYc/78eQUHB1/ymg8++KB69eql7777Th06dFCPHj102223uVw7ALgTTSJwA2vTpo1mzJghPz8/RUVFqVgx53/kAwMDnV6fOnVKjRs3dkyj/lG5cuWuqoYL08euOHXqlCTp888/d2rOpN/XWRaWlJQU9evXTxMmTFBcXJyCg4P1/vvv6/nnn3e51jfeeMNoWn19fS/5nk6dOmn//v1asmSJli9frrZt2yohIUFTpky5+g8DAIWMJhG4gQUGBqp69eoFHn/zzTfrgw8+UFhYmJGmXRAZGalvv/1WLVu2lPR7YrZ582bdfPPNlxxfr1495efna82aNWrXrp1x/EKSmZeX59gXExMju92uAwcOXDaBrFOnjuMmnAu++eabK3/IP1i/fr2io6P1xBNPOPbt37/fGHfgwAEdPnxYUVFRjuv4+PioVq1aCg8PV1RUlPbu3at+/foV+NrlypVTfHy84uPj1aJFC40aNYomEUCRwt3NABz69eunsmXLqnv37vr666+1b98+rV69Wg8//LAOHTokSXrkkUf07LPPauHChdq5c6ceeuihP33GYeXKlRUfH6/7779fCxcudJzzww8/lCRFR0fLZrNp8eLFOnr0qE6dOqVSpUpp5MiRGj58uObMmaM9e/bou+++00svvaQ5c+ZIkoYMGaLdu3dr1KhR2rVrl+bPn6/Zs2e79Hlr1KihAwcO6P3339eePXs0ffp0LViwwBhXokQJxcfH6/vvv9fXX3+thx9+WL1791ZERIQkacKECUpOTtb06dP1v//9T9u2bdOsWbP0wgsvXPK6Y8eO1WeffabU1FRt375dixcvVp06dVyqHQDcjSYRgENAQIDWrl2rSpUqqWfPnqpTp44GDhyos2fPOpLFESNG6N5771V8fLxiY2NVqlQp/f3vf//T886YMUN33nmnHnroIdWuXVuDBg1Sdna2JKl8+fKaMGGCHn/8cYWHh2vo0KGSpEmTJmnMmDFKTk5WnTp11LFjR33++eeqUqWKpN/XCX7yySdauHChGjRooJkzZ+qZZ55x6fPecccdGj58uIYOHaqGDRtq/fr1GjNmjDGuevXq6tmzpzp37qwOHTqofv36To+4eeCBB/Tmm29q1qxZqlevnlq1aqXZs2c7ar2Yn5+fkpKSVL9+fbVs2VK+vr56//33XaodANzNZl1utTkAAAC8FkkiAAAADDSJAAAAMNAkAgAAwECTCAAAAANNIgAAAAw0iQAAADDQJAIAAMBAkwgAAAADTSIAAAAMNIkAAAAw0CQCAADA8P8At4kpV5yk6i4AAAAASUVORK5CYII=", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "plot_confusion_matrix(y_test, y_pred,(0,1))" + ] + }, + { + "cell_type": "code", + "execution_count": 78, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAr4AAAIjCAYAAADlfxjoAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8pXeV/AAAACXBIWXMAAA9hAAAPYQGoP6dpAACgn0lEQVR4nOzdd1zU9R8H8Nexp4ACThRwD0TFvXCQ2DAtU8xtaerPUY5yr0otzVmmZjnTktTKlpYG5t4LBw40caCgCIIy7/P749PdccIpp8d9gXs9Hw8efu9z37t7cx7wus99hkoIIUBEREREVMxZKV0AEREREZE5MPgSERERkUVg8CUiIiIii8DgS0REREQWgcGXiIiIiCwCgy8RERERWQQGXyIiIiKyCAy+RERERGQRGHyJiIiIyCIw+BKZia+vL/r37690GRanTZs2aNOmjdJlPNX06dOhUqmQkJCgdCmFjkqlwvTp001yX1evXoVKpcLq1atNcn8AcOjQIdjZ2eHff/812X2aWo8ePdC9e3elyyBSHIMvFQurV6+GSqXSftnY2KB8+fLo378/bty4oXR5hVpqaio++ugj1K1bF05OTnBzc0OrVq2wdu1aFJUdzc+ePYvp06fj6tWrSpeSS3Z2NlatWoU2bdqgZMmSsLe3h6+vLwYMGIAjR44oXZ5JbNiwAQsXLlS6DD3mrGnSpEl48803UalSJW1bmzZt9H4nOTo6om7duli4cCHUanWe93P37l28//77qF69OhwcHFCyZEmEhobi119/NfjYycnJmDFjBgIDA+Hi4gJHR0fUqVMH48aNw82bN7XnjRs3Dps3b8bJkyfz/X1ZwmuXLI9KFJW/bERPsHr1agwYMAAffvgh/Pz8kJaWhgMHDmD16tXw9fVFVFQUHBwcFK0xPT0dVlZWsLW1VbSOnG7fvo327dvj3Llz6NGjB4KDg5GWlobNmzfjn3/+QVhYGNavXw9ra2ulS32iTZs2oVu3boiIiMjVu5uRkQEAsLOzM3tdjx49wuuvv45t27ahdevW6NSpE0qWLImrV68iPDwcFy5cwLVr11ChQgVMnz4dM2bMQHx8PDw9Pc1e6/N45ZVXEBUVVWBvPNLS0mBjYwMbG5vnrkkIgfT0dNja2prkdX3ixAnUr18f+/btQ7NmzbTtbdq0weXLlzF79mwAQEJCAjZs2IDDhw9j4sSJmDlzpt79REdHo3379oiPj8eAAQPQsGFD3L9/H+vXr8eJEycwduxYzJ07V+82MTExCAkJwbVr19CtWze0bNkSdnZ2OHXqFL777juULFkSFy5c0J7fpEkTVK9eHWvXrn3q92XMa5eoSBFExcCqVasEAHH48GG99nHjxgkAYuPGjQpVpqxHjx6J7Oxsg9eHhoYKKysr8fPPP+e6buzYsQKA+OSTTwqyxDylpKQYdf4PP/wgAIiIiIiCKegZDRs2TAAQCxYsyHVdVlaWmDt3roiNjRVCCDFt2jQBQMTHxxdYPWq1Wjx8+NDk9/vyyy+LSpUqmfQ+s7OzxaNHj5759gVRU15GjhwpKlasKNRqtV57cHCwqF27tl7bo0ePRKVKlYSrq6vIysrStmdkZIg6deoIJycnceDAAb3bZGVlibCwMAFAfP/999r2zMxMERgYKJycnMTu3btz1ZWUlCQmTpyo1/bZZ58JZ2dn8eDBg6d+X8a8dp/H8/4/ExmLwZeKBUPB99dffxUAxKxZs/Taz507J7p27So8PDyEvb29CAoKyjP8JSYmivfee09UqlRJ2NnZifLly4s+ffrohZO0tDQxdepUUblyZWFnZycqVKgg3n//fZGWlqZ3X5UqVRL9+vUTQghx+PBhAUCsXr0612Nu27ZNABC//PKLtu369etiwIABwtvbW9jZ2YlatWqJb775Ru92ERERAoD47rvvxKRJk0S5cuWESqUSiYmJeT5n+/fvFwDEW2+9lef1mZmZomrVqsLDw0Mblq5cuSIAiLlz54r58+eLihUrCgcHB9G6dWtx+vTpXPeRn+dZ838XGRkphg4dKry8vIS7u7sQQoirV6+KoUOHimrVqgkHBwdRsmRJ8cYbb4grV67kuv3jX5oQHBwcLIKDg3M9Txs3bhQff/yxKF++vLC3txft2rUTFy9ezPU9fPHFF8LPz084ODiIRo0aiX/++SfXfeYlNjZW2NjYiBdeeOGJ52logu/FixdFv379hJubmyhRooTo37+/SE1N1Tt35cqVom3btsLLy0vY2dmJmjVrii+//DLXfVaqVEm8/PLLYtu2bSIoKEjY29trg0x+70MIIX7//XfRunVr4eLiIlxdXUXDhg3F+vXrhRDy+X38uc8ZOPP78wFADBs2THz77beiVq1awsbGRvz444/a66ZNm6Y9Nzk5Wbz77rvan0svLy8REhIijh49+tSaNK/hVatW6T3+uXPnRLdu3YSnp6dwcHAQ1apVyxUc81KxYkXRv3//XO15BV8hhHjjjTcEAHHz5k1t23fffScAiA8//DDPx7h//75wd3cXNWrU0LZ9//33AoCYOXPmU2vUOHnypAAgtmzZ8sTzjH3t9uvXL883GZrXdE55/T+Hh4cLDw+PPJ/HpKQkYW9vL8aMGaNty+9riigv+f/ciKgI0nzM6eHhoW07c+YMWrRogfLly2P8+PFwdnZGeHg4unTpgs2bN+O1114DAKSkpKBVq1Y4d+4c3nrrLTRo0AAJCQnYunUrrl+/Dk9PT6jVarz66qvYs2cP3nnnHdSsWROnT5/GggULcOHCBfz000951tWwYUP4+/sjPDwc/fr107tu48aN8PDwQGhoKAA5HKFp06ZQqVQYPnw4vLy88Mcff+Dtt99GcnIy3nvvPb3bf/TRR7Czs8PYsWORnp5u8CP+X375BQDQt2/fPK+3sbFBz549MWPGDOzduxchISHa69auXYsHDx5g2LBhSEtLw6JFi9CuXTucPn0apUuXNup51vjf//4HLy8vTJ06FampqQCAw4cPY9++fejRowcqVKiAq1evYunSpWjTpg3Onj0LJycntG7dGiNHjsTixYsxceJE1KxZEwC0/xryySefwMrKCmPHjkVSUhLmzJmDXr164eDBg9pzli5diuHDh6NVq1YYNWoUrl69ii5dusDDw+OpH/H+8ccfyMrKQp8+fZ543uO6d+8OPz8/zJ49G8eOHcPXX38Nb29vfPrpp3p11a5dG6+++ipsbGzwyy+/4H//+x/UajWGDRumd3/R0dF48803MXjwYAwaNAjVq1c36j5Wr16Nt956C7Vr18aECRPg7u6O48ePY9u2bejZsycmTZqEpKQkXL9+HQsWLAAAuLi4AIDRPx9///03wsPDMXz4cHh6esLX1zfP52jIkCHYtGkThg8fjlq1auHu3bvYs2cPzp07hwYNGjyxprycOnUKrVq1gq2tLd555x34+vri8uXL+OWXX3INScjpxo0buHbtGho0aGDwnMdpJte5u7tr2572s+jm5obOnTtjzZo1uHTpEqpUqYKtW7cCgFGvr1q1asHR0RF79+7N9fOX07O+dvPr8f/nqlWr4rXXXsOWLVuwfPlyvd9ZP/30E9LT09GjRw8Axr+miHJROnkTmYKm12/Hjh0iPj5exMbGik2bNgkvLy9hb2+v95Fc+/btRUBAgF7vgFqtFs2bNxdVq1bVtk2dOtVg74jmY81169YJKyurXB81Llu2TAAQe/fu1bbl7PEVQogJEyYIW1tbce/ePW1benq6cHd31+uFffvtt0XZsmVFQkKC3mP06NFDuLm5aXtjNT2Z/v7++fo4u0uXLgKAwR5hIYTYsmWLACAWL14shND1ljk6Oorr169rzzt48KAAIEaNGqVty+/zrPm/a9mypd7Hv0KIPL8PTU/12rVrtW1PGupgqMe3Zs2aIj09Xdu+aNEiAUDbc52eni5KlSolGjVqJDIzM7XnrV69WgB4ao/vqFGjBABx/PjxJ56noekde7wH/rXXXhOlSpXSa8vreQkNDRX+/v56bZUqVRIAxLZt23Kdn5/7uH//vnB1dRVNmjTJ9XF0zo/2DQ0rMObnA4CwsrISZ86cyXU/eKzH183NTQwbNizXeTkZqimvHt/WrVsLV1dX8e+//xr8HvOyY8eOXJ/OaAQHB4saNWqI+Ph4ER8fL86fPy/ef/99AUC8/PLLeufWq1dPuLm5PfGx5s+fLwCIrVu3CiGEqF+//lNvk5dq1aqJF1988YnnGPvaNbbHN6//5+3bt+f5XL700kt6r0ljXlNEeeGqDlSshISEwMvLCz4+PnjjjTfg7OyMrVu3anvn7t27h7///hvdu3fHgwcPkJCQgISEBNy9exehoaG4ePGidhWIzZs3IzAwMM+eEZVKBQD44YcfULNmTdSoUUN7XwkJCWjXrh0AICIiwmCtYWFhyMzMxJYtW7Rtf/75J+7fv4+wsDAAciLO5s2b0alTJwgh9B4jNDQUSUlJOHbsmN799uvXD46Ojk99rh48eAAAcHV1NXiO5rrk5GS99i5duqB8+fLay40bN0aTJk3w+++/AzDuedYYNGhQrslGOb+PzMxM3L17F1WqVIG7u3uu79tYAwYM0OtZatWqFQA5YQgAjhw5grt372LQoEF6k6p69eql9wmCIZrn7EnPb16GDBmid7lVq1a4e/eu3v9BzuclKSkJCQkJCA4ORkxMDJKSkvRu7+fnp/30IKf83Mdff/2FBw8eYPz48bkmh2p+Bp7E2J+P4OBg1KpV66n36+7ujoMHD+qtWvCs4uPj8c8//+Ctt95CxYoV9a572vd49+5dADD4ejh//jy8vLzg5eWFGjVqYO7cuXj11VdzLaX24MGDp75OHv9ZTE5ONvq1pan1aUvmPetrN7/y+n9u164dPD09sXHjRm1bYmIi/vrrL+3vQ+D5fucSAQCHOlCxsmTJElSrVg1JSUlYuXIl/vnnH9jb22uvv3TpEoQQmDJlCqZMmZLnfdy5cwfly5fH5cuX0bVr1yc+3sWLF3Hu3Dl4eXkZvC9DAgMDUaNGDWzcuBFvv/02ADnMwdPTU/tLPD4+Hvfv38dXX32Fr776Kl+P4efn98SaNTR/1B48eKD3sWtOhsJx1apVc51brVo1hIeHAzDueX5S3Y8ePcLs2bOxatUq3LhxQ295tccDnrEeDzma8JKYmAgA2jVZq1SponeejY2NwY/gcypRogQA3XNoiro097l3715MmzYN+/fvx8OHD/XOT0pKgpubm/ayoddDfu7j8uXLAIA6deoY9T1oGPvzkd/X7pw5c9CvXz/4+PggKCgIL730Evr27Qt/f3+ja9S80XnW7xGAwWX/fH19sWLFCqjValy+fBkzZ85EfHx8rjcRrq6uTw2jj/8slihRQlu7sbU+LdA/62s3v/L6f7axsUHXrl2xYcMGpKenw97eHlu2bEFmZqZe8H2e37lEAIMvFTONGzdGw4YNAcheyZYtW6Jnz56Ijo6Gi4uLdv3MsWPH5tkLBuQOOk+iVqsREBCA+fPn53m9j4/PE28fFhaGmTNnIiEhAa6urti6dSvefPNNbQ+jpt7evXvnGgusUbduXb3L+entBeQY2J9++gmnTp1C69at8zzn1KlTAJCvXricnuV5zqvuESNGYNWqVXjvvffQrFkzuLm5QaVSoUePHgbXQs0vQ0tZGQoxxqpRowYA4PTp06hXr16+b/e0ui5fvoz27dujRo0amD9/Pnx8fGBnZ4fff/8dCxYsyPW85PW8Gnsfz8rYn4/8vna7d++OVq1a4ccff8Sff/6JuXPn4tNPP8WWLVvw4osvPnfd+VWqVCkAujdLj3N2dtYbG9+iRQs0aNAAEydOxOLFi7XtNWvWxIkTJ3Dt2rVcb3w0Hv9ZrFGjBo4fP47Y2Nin/p7JKTExMc83rjkZ+9o1FKSzs7PzbDf0/9yjRw8sX74cf/zxB7p06YLw8HDUqFEDgYGB2nOe93cuEYMvFVvW1taYPXs22rZtiy+++ALjx4/X9gjZ2trq/UHKS+XKlREVFfXUc06ePIn27dvn66Pfx4WFhWHGjBnYvHkzSpcujeTkZO0kDgDw8vKCq6srsrOzn1qvsV555RXMnj0ba9euzTP4ZmdnY8OGDfDw8ECLFi30rrt48WKu8y9cuKDtCTXmeX6STZs2oV+/fpg3b562LS0tDffv39c771me+6fRbEZw6dIltG3bVtuelZWFq1ev5nrD8bgXX3wR1tbW+Pbbb006SeiXX35Beno6tm7dqheSjPmIN7/3UblyZQBAVFTUE98QGnr+n/fn40nKli2L//3vf/jf//6HO3fuoEGDBpg5c6Y2+Ob38TSv1af9rOdFExCvXLmSr/Pr1q2L3r17Y/ny5Rg7dqz2uX/llVfw3XffYe3atZg8eXKu2yUnJ+Pnn39GjRo1tP8PnTp1wnfffYdvv/0WEyZMyNfjZ2VlITY2Fq+++uoTzzP2tevh4ZHrZxKA0TvZtW7dGmXLlsXGjRvRsmVL/P3335g0aZLeOQX5miLLwDG+VKy1adMGjRs3xsKFC5GWlgZvb2+0adMGy5cvx61bt3KdHx8frz3u2rUrTp48iR9//DHXeZret+7du+PGjRtYsWJFrnMePXqkXZ3AkJo1ayIgIAAbN27Exo0bUbZsWb0Qam1tja5du2Lz5s15/mHOWa+xmjdvjpCQEKxatSrPnaEmTZqECxcu4IMPPsjVQ/PTTz/pjdE9dOgQDh48qA0dxjzPT2JtbZ2rB/bzzz/P1ZPk7OwMAHn+8X1WDRs2RKlSpbBixQpkZWVp29evX2+why8nHx8fDBo0CH/++Sc+//zzXNer1WrMmzcP169fN6ouTY/w48M+Vq1aZfL76NChA1xdXTF79mykpaXpXZfzts7OznkOPXnen4+8ZGdn53osb29vlCtXDunp6U+t6XFeXl5o3bo1Vq5ciWvXruld97Te//Lly8PHx8eoXcw++OADZGZm6vVYvvHGG6hVqxY++eSTXPelVqsxdOhQJCYmYtq0aXq3CQgIwMyZM7F///5cj/PgwYNcofHs2bNIS0tD8+bNn1ijsa/dypUrIykpSdsrDQC3bt3K83fnk1hZWeGNN97AL7/8gnXr1iErK0tvmANQMK8psizs8aVi7/3330e3bt2wevVqDBkyBEuWLEHLli0REBCAQYMGwd/fH7dv38b+/ftx/fp17Zae77//vnZHsLfeegtBQUG4d+8etm7dimXLliEwMBB9+vRBeHg4hgwZgoiICLRo0QLZ2dk4f/48wsPDsX37du3QC0PCwsIwdepUODg44O2334aVlf770U8++QQRERFo0qQJBg0ahFq1auHevXs4duwYduzYgXv37j3zc7N27Vq0b98enTt3Rs+ePdGqVSukp6djy5YtiIyMRFhYGN5///1ct6tSpQpatmyJoUOHIj09HQsXLkSpUqXwwQcfaM/J7/P8JK+88grWrVsHNzc31KpVC/v378eOHTu0HzFr1KtXD9bW1vj000+RlJQEe3t7tGvXDt7e3s/83NjZ2WH69OkYMWIE2rVrh+7du+Pq1atYvXo1KleunK/epnnz5uHy5csYOXIktmzZgldeeQUeHh64du0afvjhB5w/f16vhz8/OnToADs7O3Tq1AmDBw9GSkoKVqxYAW9v7zzfZDzPfZQoUQILFizAwIED0ahRI/Ts2RMeHh44efIkHj58iDVr1gAAgoKCsHHjRowePRqNGjWCi4sLOnXqZJKfj8c9ePAAFSpUwBtvvKHdpnfHjh04fPiw3icDhmrKy+LFi9GyZUs0aNAA77zzDvz8/HD16lX89ttvOHHixBPr6dy5M3788cd8jZ0F5FCFl156CV9//TWmTJmCUqVKwc7ODps2bUL79u3RsmVLvZ3bNmzYgGPHjmHMmDF6rxVbW1ts2bIFISEhaN26Nbp3744WLVrA1tYWZ86c0X5ak3M5tr/++gtOTk544YUXnlqnMa/dHj16YNy4cXjttdcwcuRIPHz4EEuXLkW1atWMnoQaFhaGzz//HNOmTUNAQECuZQkL4jVFFsb8C0kQmZ6hDSyEkDsDVa5cWVSuXFm7XNbly5dF3759RZkyZYStra0oX768eOWVV8SmTZv0bnv37l0xfPhwUb58ee1C6f369dNbWiwjI0N8+umnonbt2sLe3l54eHiIoKAgMWPGDJGUlKQ97/HlzDQuXryoXWR/z549eX5/t2/fFsOGDRM+Pj7C1tZWlClTRrRv31589dVX2nM0y3T98MMPRj13Dx48ENOnTxe1a9cWjo6OwtXVVbRo0UKsXr0613JOOTewmDdvnvDx8RH29vaiVatW4uTJk7nuOz/P85P+7xITE8WAAQOEp6encHFxEaGhoeL8+fN5PpcrVqwQ/v7+wtraOl8bWDz+PBna2GDx4sWiUqVKwt7eXjRu3Fjs3btXBAUFiY4dO+bj2ZW7XH399deiVatWws3NTdja2opKlSqJAQMG6C0XZWjnNs3zk3PTjq1bt4q6desKBwcH4evrKz799FOxcuXKXOdpNrDIS37vQ3Nu8+bNhaOjoyhRooRo3Lix+O6777TXp6SkiJ49ewp3d/dcG1jk9+cD/21skBfkWM4sPT1dvP/++yIwMFC4uroKZ2dnERgYmGvzDUM1Gfp/joqKEq+99ppwd3cXDg4Oonr16mLKlCl51pPTsWPHBIBcy2sZ2sBCCCEiIyNzLdEmhBB37twRo0ePFlWqVBH29vbC3d1dhISEaJcwy0tiYqKYOnWqCAgIEE5OTsLBwUHUqVNHTJgwQdy6dUvv3CZNmojevXs/9XvSyO9rVwgh/vzzT1GnTh1hZ2cnqlevLr799tsnbmBhiFqtFj4+PgKA+Pjjj/M8J7+vKaK8qIQw0UwOIir2rl69Cj8/P8ydOxdjx45VuhxFqNVqeHl54fXXX8/z41ayPO3bt0e5cuWwbt06pUsx6MSJE2jQoAGOHTtm1GRLouKGY3yJiAxIS0vLNc5z7dq1uHfvHtq0aaNMUVTozJo1Cxs3bjR6Mpc5ffLJJ3jjjTcYesnicYwvEZEBBw4cwKhRo9CtWzeUKlUKx44dwzfffIM6deqgW7duSpdHhUSTJk2QkZGhdBlP9P333ytdAlGhwOBLRGSAr68vfHx8sHjxYty7dw8lS5ZE37598cknn+jt+kZEREUDx/gSERERkUXgGF8iIiIisggMvkRERERkESxujK9arcbNmzfh6urK7Q6JiIiICiEhBB48eIBy5crl2tjpeVhc8L158yZ8fHyULoOIiIiIniI2NhYVKlQw2f1ZXPB1dXUFIJ/IEiVKKFwNERERET0uOTkZPj4+2txmKhYXfDXDG0qUKMHgS0RERFSImXpYKie3EREREZFFYPAlIiIiIovA4EtEREREFoHBl4iIiIgsAoMvEREREVkEBl8iIiIisggMvkRERERkERh8iYiIiMgiMPgSERERkUVg8CUiIiIii8DgS0REREQWgcGXiIiIiCwCgy8RERERWQQGXyIiIiKyCAy+RERERGQRFA2+//zzDzp16oRy5cpBpVLhp59+euptIiMj0aBBA9jb26NKlSpYvXp1gddJREREREWfosE3NTUVgYGBWLJkSb7Ov3LlCl5++WW0bdsWJ06cwHvvvYeBAwdi+/btBVwpERERERV1Nko++IsvvogXX3wx3+cvW7YMfn5+mDdvHgCgZs2a2LNnDxYsWIDQ0NCCKpOIiIiIzODhQ2DfHjWObThTIPdfpMb47t+/HyEhIXptoaGh2L9/v8HbpKenIzk5We+LiIiIiJSXlgZERgLTpgGtWwM13W8hK/Ql9F3TrkAeT9EeX2PFxcWhdOnSem2lS5dGcnIyHj16BEdHx1y3mT17NmbMmGGuEomIiIjIgIwM4NAhICJCfu3bB6Sny+texc/YjIHwQgIKqpuySAXfZzFhwgSMHj1aezk5ORk+Pj4KVkRERERkGTIzgSNHZMiNjAT27pXDGXJyQirmYQyGYLm27ZGbN5B0x+T1FKngW6ZMGdy+fVuv7fbt2yhRokSevb0AYG9vD3t7e3OUR0RERGTRsrKA48d1Pbp79gApKYbPf7nMUax42Atlk6N1jV26wHH+fMDf3+T1Fang26xZM/z+++96bX/99ReaNWumUEVERERElkutBk6e1AXdf/4BnjSdqnx5oG1boF1wNjpf/Awl50+WaRkAnJyAhQuBgQOBBw8KpF5Fg29KSgouXbqkvXzlyhWcOHECJUuWRMWKFTFhwgTcuHEDa9euBQAMGTIEX3zxBT744AO89dZb+PvvvxEeHo7ffvtNqW+BiIiIyGKo1UBUlH7QTUw0fH6ZMjLoar4qVwZUKgCpaUC9r3WhNygI2LABqFatQOtXNPgeOXIEbdu21V7WjMXt168fVq9ejVu3buHatWva6/38/PDbb79h1KhRWLRoESpUqICvv/6aS5kRERERFQAhgHPndEF31y4gIcHw+V5eQJs2uqBbvfp/Qfdxzs4y6LZsCYwZA0yfDtjZFdB3oaMSQogCf5RCJDk5GW5ubkhKSkKJEiWULoeIiIio0BACuHhRF3QjI4HHplfpKVkSCA7WBd3atQ0E3QcP5BiI8uX122/cyN2GgstrRWqMLxERERGZjhBATIwu5EZEADdvGj7fzU0/6AYEAFZP2xVi/36gd2857mHXLsAmR/zMI/QWJAZfIiIiIgvy77+6Ht2ICCA21vC5rq5Aq1a6oFuvHmBtnc8HysoCZs4EPvoIyM6WCfvTT4FJk0zxbTwTBl8iIiKiYuzGDf2ge+WK4XOdnOSwW03QDQrS76DNt5gY2cubc3fd5s2Bnj2f4c5Mh8GXiIiIqBiJi9MfunDxouFzHRyAFi10Qbdhw+ecYyYEsG4dMHy4bkkya2u5J/GECc+Yok2HwZeIiIioCIuP14XciAjg/HnD59rZAc2a6YJukyaAyfb5SkwEhgwBwsN1bf7+wPr1QNOmJnqQ58PgS0RERFSE3Lsn54hpgm5UlOFzbW2Bxo11QbdZM8DAZrfPJzlZDgDOsQwt+vcHFi+WA4ULCQZfIiIiokLs/n1g925d0D15Uo4oyIu1NdCokS7oNm8ul8wtcCVKAK+9BixaBHh4AMuXA926meGBjcPgS0RERFSIPHigH3SPH5c7puXFygpo0EAXdFu2VLCD9ZNPgLQ0uWqDj49CRTwZgy8RERGRglJTgb17dUH3yBG5+ldeVCogMFAXdFu1AtzdzVqu7G5esUJ2L7/9tq7dwQFYtszMxRiHwZeIiIjIjB49kqt8aYLuoUNAZqbh8wMCZMht00ZuHlGypNlKzS0+Hhg0CPj5ZzlYuHlzoGZNBQsyDoMvERERUQFKTwcOHNAF3QMHgIwMw+fXrKnr0Q0OBry8zFfrE/35J9Cvn1wvDZAJ/tdfGXyJiIiILFVGBnD4sC7o7tsnh74aUrWqLui2aSN39i1U0tLkGrwLF+raPD2BlSuBTp0UK+tZMPgSERERPYesLDkuV7OW7p49wMOHhs/395cBVxN2y5c3V6XP4PRpoFcv+a9Gx47AqlWFMKE/HYMvERERkRGys+VKC5oe3d27gZQUw+dXrKjfo1upktlKfXZCAJ9/DnzwgRyrAcidLubOlbuyqVTK1veMGHyJiIiInkCtBk6d0gXdf/4BkpIMn1+unC7otm0L+PkVwZyYkgLMm6cLvXXryh3Y6tRRtq7nxOBLRERElINaDZw5oxu6sGuX3C3NkNKl9Xt0q1YtgkH3ca6uwLffym9q5Ehg1iy5XFkRx+BLREREFk0I4Px5XY9uZCSQkGD4fE9P/TG6NWoUg6Cbmiq/vL11ba1aARcuyEHJxQSDLxEREVkUIYBLl/SDrmaFrrx4eMhlxTRBt3ZtuWNasXH0qJzAVr488Ndf+t9cMQq9AIMvERERWYArV3RBNyICuHHD8LklSuiCbps2cqe0YhV0NbKzgc8+AyZPlktTREcDCxYAY8YoXVmBYfAlIiKiYufaNf0e3X//NXyui4v8VF/To1u/vtyNt1iLjQX69pVPjkZQUJFbl9dYDL5ERERU5N28qd+jGxNj+FwnJ6BFC13QDQoCbG3NV6viwsOBwYOB+/flZZUKGD8emD4dsLNTsrICx+BLRERERc7t27pVFyIi5BwsQ+ztgebNdUG3ceNin+/ylpwsV2hYs0bX5uMDrFsnx3ZYAAZfIiIiKvQSEvSD7rlzhs+1swOaNtUF3SZNisVKXM8nKQlo0EC/KzwsDFi6VM7esxAMvkRERFToJCbK9XM1QTfnjrmPs7GRvbiaoNusmRzOQDm4uQHt2sng6+oKLFkC9O5dDNZhMw6DLxERESkuKUlu/asJuidOyGXH8mJtDTRsqFtLt0ULOUGNnmLBAuDRI+DDD4vdMmX5xeBLREREZvfgAbBnj27VhaNH5Y5peVGp5Kf0mh7dli3lkmNkgBBy3K6tLfDmm7p2Fxe5G5sFY/AlIiKiAvfwIbB3r65H9/BhuYysIYGBuqDbujXg7m62Uou2xERgyBC5coOLixwDUrmy0lUVGgy+REREZHJpacD+/bqge/AgkJlp+PzatXVBNzgYKFXKfLUWG5GRQJ8+wPXr8nJKCrBpEzBunKJlFSYMvkRERPTc0tNluNUE3QMHZJshNWroB11vb/PVWuxkZABTpwJz5ugGRru7A199BXTrpmhphQ2DLxERERktM1MOV9AE3X375LwpQ6pU0QXdNm2AsmXNVmrxFh0N9OwJHDuma2vTBli7Vq7RS3oYfImIiOipsrJkttIE3T17gNRUw+f7+elWXWjbFqhQwWylWgYhZI/uqFG6dxy2tsDMmcCYMYCVlbL1FVIMvkRERJRLdrZcUkyz6sI//8iVGAzx8dHv0fX1NU+dFispSW4xrAm91asDGzbI5S/IIAZfIiIiglotN4nQ9Oj+8w9w/77h88uW1QXdtm3lsrAWtheCstzdgdWrgY4d5SoO8+Zx1458YPAlIiKyQEIAZ8/qgu6uXcDdu4bP9/bWH7pQrRqDrlmlpck14UqW1LWFhgJRUXJJDMoXBl8iIiILIIScBxUZqRu+cOeO4fNLldIF3TZtgFq1GHQVc/q0nMBWqRLwyy/6/xEMvUZh8CUiIiqGhAAuX9b16EZGArduGT7f3V0uK6bp0a1Th/OjFKdWA59/LtfhTU+XvbvLlgFDhypdWZHF4EtERFRMXL2qC7oREbp9DPLi6ip3RNME3cBAwNrabKXS09y6BQwYAGzfrmurWxdo1Uq5mooBBl8iIqIiKjZWN3QhIkIGX0OcnWVm0gxdaNAAsGEKKJx+/hkYOBBISNC1jRoFzJoFODgoV1cxwJc8ERFREXHrln6P7uXLhs91dARatND16DZsKJd5pUIsNVWuwbt8ua6tbFlgzRrghReUq6sYYfAlIiIqpO7c0e/RjY42fK69PdCsmS7oNm4s26iISEyU/4E5/5O7dAFWrAA8PRUrq7hh8CUiIiok7t6Vy4ppgu6ZM4bPtbUFmjbVDV1o1oyfghdpHh5AUJAMvk5OwKJFwNtvcykNE2PwJSIiUkhiotwoQhN0T50yfK6NDdCoka5Ht3lz7ldQ7CxZIndi++QTuVAymRyDLxERkZkkJwO7d+uC7vHjctmxvFhZyQ5ATdBt2RJwcTFvvVSAwsPlWJTOnXVt7u7Ali2KlWQJGHyJiIgKSEoKsHevLugePQpkZ+d9rkoF1K+v2zSiVSvAzc2s5ZI5JCcDI0fKCWseHrKbv0IFpauyGAy+REREJvLwIbBvny7oHj4MZGUZPr9uXV2PbuvWMgdRMbZ/P9CrF3DlirycmAh8+y0wfryydVkQBl8iIqJnlJYGHDigC7oHDwIZGYbPr1VLF3SDgzlZ32JkZQEffyy/NF3+rq5yTG/v3srWZmEYfImIiPIpI0OGW80SY/v2yZ1kDaleXTd0oU0boHRpMxVKhUdMjAy3+/fr2po3lz29fn7K1WWhGHyJiIgMyMwEjhzR9eju3Ssn3RtSubKuR7dNG6BcObOVSoWNEMDatcDw4XKwNyD3hJ46FZg4kdvmKYTPOhER0X+ysuRKC5qgu2ePLrPkpVIlXdBt2xbw8TFfrVTIJSbKXdg0LyB/f2D9ern4MimGwZeIiCyWWg2cPKkLuv/8IyfdG1K+vH7Q5SfVZFDJksDXXwOvvQb07w8sXizH9ZKiGHyJiMhiqNVAVJR+0E1MNHx+mTL6QbdyZW6kRQZkZMgB3znDbZcucqxMUJBiZZE+Bl8iIiq2hADOndMF3V27gIQEw+d7eekmo7VtKyenMejSU0VHAz17AlWqAN9/r/+iYegtVBh8iYio2BACuHhRF3QjI4Hbtw2fX7KkXFZME3Rr12bQJSMIAXz1FTBqlJz1eOwY8PLLQN++SldGBjD4EhFRkSWEXC0qZ9C9edPw+W5u+kE3IEBuDUxktPh4YOBAYOtWXVv16kCdOsrVRE/F4EtEREXKv//qgm5EBBAba/hcV1e59a8m6NarJ1eUInou27fLCWtxcbq2IUOAefMAJyfFyqKnY/AlIqJC7cYN/aCr2e01L05OQMuWuqAbFMTlUsmE0tKACROAhQt1bZ6ewMqVQKdOipVF+cdfB0REVKjExekPXbh40fC5Dg5Aixa6oNuwIWBnZ7ZSyZLcuydnPp4+rWvr2BFYtUou/0FFAoMvEREpKj5etwVwRARw/rzhc+3sgGbNdEG3SRPA3t5spZIl8/CQm1CcPi1fdHPnyl3ZOBuySGHwJSIis7p3Ty4rpgm6UVGGz7W1BRo31gXdZs0AR0fz1UqkpVLJDSkePZJjeTmJrUhi8CUiogJ1/77cKEITdE+dkqsx5MXaGmjUSBd0mzcHnJ3NWi6RtHWr7NkNDdW1eXrKiW1UZDH4EhGRST14AOzerQu6x4/LHdPyYmUFNGigC7otW3JXV1JYaiowZgywfDng7S2HNnh7K10VmQiDLxERPZfUVGDvXl3QPXIEyM7O+1yVCggM1AXdVq0Ad3ezlktk2NGjcge2Cxfk5Tt35IoN48crWxeZDIMvEREZ5dEjYN8+3YS0Q4eAzEzD5wcE6IJu69ZytzSiQiU7G/jsM2DyZCArS7Y5OcllywYOVLQ0Mi0GXyIieqL0dODAAV2P7oEDQEaG4fNr1tQF3eBgwMvLfLUSGS02FujTR8641AgKAjZsAKpVU64uKhAMvkREpCcjAzh8WBd09+2T6/YbUrWqLui2acMlTakICQ8HBg+WMzABORZn/Hhg+nQuCF1MMfgSEVm4rCw5LlczdGHPHuDhQ8Pn+/vrB93y5c1VKZEJJSQAgwYBycnyso8PsG6d/JiCii0GXyIiC5OdLVda0PTo7t4NpKQYPr9iRV3QbdtWXiYq8jw9gaVLgV69gLAweezhoXRVVMAYfImIijm1Wq6dqwm6//wDJCUZPr9cOf2g6+fHzamoGMjKkuN4nJx0bT17AhUqyOVF+CK3CAy+RETFjFoNnDmjG7qwa5fcLc2Q0qX1hy5UrcoMQMVMTAzQuzdQo4Zcniyn1q2VqYkUweBLRFTECQGcP6/r0Y2MlMMXDfH0lAFXE3Zr1GDQpWJKCDlud9gwOZ5n/37gxReBbt2UrowUwuBLRFTECAFcuqQfdOPiDJ/v4SHn62iCbu3acsc0omItMREYMkSu3KDh7y8nsZHFYvAlIioCrlzRBd2ICODGDcPnliihC7pt2sid0hh0yaJERsq1ea9f17X17w8sXsw9sS0cgy8RUSF07Zp+j+6//xo+18VFzs3R9OjWrw9YW5utVKLCIyMDmDoVmDNHfjQCyI88li/n8AYCwOBLRFQo3Lyp36MbE2P4XCcnoEULXdANCgJsbc1XK1GhdPcu0KEDcOyYrq1tW2DtWrlyAxEYfImIFHH7tm7VhYgI4MIFw+fa2wPNm+uCbuPG3FSKKBcPDzlzE5DvBGfOBMaM4Tgf0sPgS0RkBgkJ+kH33DnD59rZAU2b6oJukyaAg4PZSiUqmqysgNWrge7dgUWLgAYNlK6ICiEGXyKiApCYKNfP1QTd06cNn2tjI3txNUG3WTP9NfaJKA9//infEeZch7dsWbkVIZEBivf/L1myBL6+vnBwcECTJk1w6NChJ56/cOFCVK9eHY6OjvDx8cGoUaOQlpZmpmqJiPKWlAT8+qv8ZLVBA6BUKeC11+Qk8sdDr7W17MUdNw7Ytk2G5L17gY8/Btq3Z+gleqK0NGDUKCA0VG43nJiodEVUhCja47tx40aMHj0ay5YtQ5MmTbBw4UKEhoYiOjoa3t7euc7fsGEDxo8fj5UrV6J58+a4cOEC+vfvD5VKhfnz5yvwHRCRpXrwANizR7fqwtGjcse0vKhUMgxrenRbtpRLjhGRkU6flmFX827y+nXgq6/ku0iifFAJoVnvw/yaNGmCRo0a4YsvvgAAqNVq+Pj4YMSIERg/fnyu84cPH45z585h586d2rYxY8bg4MGD2LNnT74eMzk5GW5ubkhKSkIJ/uUhonx6+FD2ymqGLhw+DGRnGz4/MFAXdFu3BtzdzVYqUfGjVgOffy4Dbnq6bLO3B+bOBYYP59aDxVBB5TXFenwzMjJw9OhRTJgwQdtmZWWFkJAQ7N+/P8/bNG/eHN9++y0OHTqExo0bIyYmBr///jv69Olj8HHS09ORrvkhgXwiiYieJi1N7m6qCboHDwKZmYbPr11bF3SDg+VQByIygVu3gAEDgO3bdW0BAcCGDUCdOsrVRUWSYsE3ISEB2dnZKF26tF576dKlcf78+Txv07NnTyQkJKBly5YQQiArKwtDhgzBxIkTDT7O7NmzMWPGDJPWTkTFT3q6DLeaoHvggK5jKS81augH3TxGZxHR8/r5Z2DgQLksisaoUcCsWVzqhJ5JkVrVITIyErNmzcKXX36JJk2a4NKlS3j33Xfx0UcfYcqUKXneZsKECRg9erT2cnJyMny4TzeRxcvMlMMVNEF33z7g0SPD51epogu6bdrIyeNEVIDi4+V43tRUeblsWblcWYcOipZFRZtiwdfT0xPW1ta4ffu2Xvvt27dRpkyZPG8zZcoU9OnTBwMHDgQABAQEIDU1Fe+88w4mTZoEqzwWqba3t4e9vb3pvwEiKlKysuSGTpqgu2eP7u9pXvz8ZMDVhF1u/ERkZl5ewMKFwKBBQOfOwNdf6zaoIHpGigVfOzs7BAUFYefOnejSpQsAOblt586dGD58eJ63efjwYa5wa/3fhvQKztEjokIoOxs4cUIXdHfvlisxGOLjo9+j6+trpkKJSMrOlu9Qc3ZWvf22fNcZGsoJbGQSig51GD16NPr164eGDRuicePGWLhwIVJTUzFgwAAAQN++fVG+fHnMnj0bANCpUyfMnz8f9evX1w51mDJlCjp16qQNwERkmdRqucKRJuj+8w9w/77h88uW1QXdtm0Bf3/+XSVSTGws0LevnKz2+ee6dpUK6NhRubqo2FE0+IaFhSE+Ph5Tp05FXFwc6tWrh23btmknvF27dk2vh3fy5MlQqVSYPHkybty4AS8vL3Tq1AkzZ85U6lsgIoUIAZw9qwu6u3YBd+8aPt/bW3/oQrVqDLpEhUJ4ODB4sHynGhkJvPgi8NJLSldFxZSi6/gqgev4EhVNQgDR0boNIyIjgTt3DJ9fqpQu6LZpA9SqxaBLVKgkJwMjRwJr1ujafHyA9euBVq2Uq4sKhWK3ji8R0ZMIAVy+rOvRjYyUy3ka4u4ulxXT9OjWqQPkMd+ViAqD/fuB3r2BmBhdW1gYsHQp4OGhXF1U7DH4ElGhcfWqLuhGRMjdSA1xdZU7ommCbmAgwKH+RIVcVhYwcybw0Ue6rQ9dXYElS2QQ5scyVMAYfIlIMbGx+j26V68aPtfZWX76qRm60KABYMPfYERFx927QKdOsrdXo3lz4Ntv5fqBRGbAPxtEZDa3bun36F6+bPhcR0egRQtdj27DhoCtrflqJSITc3fXvVu1tgamTgUmTuQ7WDIrvtqIqMDcuSN7cjVBNzra8Ln29kCzZrqg27ix/nKeRFTEWVsD69YBr78uhzY0bap0RWSBGHyJyGTu3tWtuBARAZw5Y/hcW1v5d08zdKFZM8DBwUyFElHB27VLfnTTuLGurVIl4MgRjuUlxTD4EtEzS0yUG0VoenRPnTJ8ro0N0KiRrke3eXPAycl8tRKRmWRkANOmAZ9+KsfunjghJ7BpMPSSghh8iSjfkpPl1r+aoHv8uFx2LC9WVkBQkC7otmwJuLiYt14iMrPoaKBnT+DYMXk5JkYuUfbBB8rWRfQfBl8iMiglBdizRzd04ehR3QpEj1OpgPr1dZtGtGoFuLmZs1oiUowQwIoVwHvvAY8eyTZbW7l02ZgxipZGlBODLxFpPXwI7Nun69E9fFguu2lI3bq6Ht3WrbnuPJFFio8HBg0Cfv5Z11a9OrBhg1x3kKgQYfAlsmBpacCBA7qge/CgHJ5nSK1auqAbHAx4epqvViIqhLZvB/r3B+LidG1DhgDz5nEQPxVKDL5EFiQjQ4ZbzdCFffuA9HTD51evrhu60KYNULq0mQolosLv9m2gSxf5DhqQ74RXrpSbVBAVUgy+RMVYZqZcOUjTo7t3r274XV4qV9b16LZpA5QrZ7ZSiaioKV0a+OQTOa43NBRYvRooU0bpqoieiMGXqBjJypIrLWiC7p49coKaIZUq6YJu27aAj4/5aiWiIkatlrNbc26hOGIEUKEC8NprcikXokKOwZeoCFOrgZMndUH3n3/kkmOGlC+vH3T9/MxXKxEVYbduybG89erJ9Xk1rKyArl2VqorIaAy+REWIWg1ERekH3cREw+eXKaMfdCtX5trxRGSkn38G3n5bbs34119yWEO7dkpXRfRMGHyJCjEhgHPndEF31y4gIcHw+V5euslobdvKyWkMukT0TFJT5Rq8y5fr2jjDlYo4Bl+iQkQI4OJFXdCNjJQTpw0pWVIuK6YJurVrM+gSkQkcPSp3YLtwQdfWuTPw9ddcx5CKNAZfIgUJIXf0zBl0b940fL6bm37QDQjgfBIiMqHsbOCzz4DJk3W71zg5AQsXAgMH8p01FXkMvkRm9u+/uqAbEQHExho+19VVbv2rCbr16gHW1mYrlYgsSUIC0K2bfAeuERQkd2CrVk2xsohMicGXqIDduKEfdK9cMXyuszPQsqVunG5QEGDDn1IiMgc3N936hyoVMH48MH06YGenaFlEpsQ/qUQmFhenP3Th4kXD5zo4AC1a6Hp0GzXSXyKTiMhsbG2B9evlbmxLl8pxVUTFDIMv0XOKj9dtARwRAZw/b/hcOzugWTNd0G3SBLC3N1upREQ6+/fL8buBgbq2atXkmomcPEDFFIMvkZHu3ZPLimmCblSU4XNtbYHGjXVBt1kzwNHRfLUSEeWSlQXMnAl89JEMukeOyACswdBLxRiDL9FT3L8vN4rQBN1Tp+RqDHmxtpbDFTRBt3lzOW6XiKhQiIkBeveWvb2AXCj8yy+BsWOVrYvITBh8iR7z4AGwe7cu6B4/LndMy4uVFdCggS7otmwpV2IgIipUhADWrQOGD5e/5AD5Tn3aNOC99xQtjcicGHzJ4qWmAnv36oLukSNyKcu8qFRyOJwm6LZqBbi7m7VcIiLjJCYCQ4YA4eG6tsqVgW+/BZo2Va4uIgUw+JLFefQI2LdPF3QPHdKt056XgABd0G3dWu6WRkRUJERGAn36ANev69oGDAAWLeLHU2SRGHyp2EtPBw4c0AXdAweAjAzD59esqQu6wcGAl5f5aiUiMplbt4DQUN0vPA8PYPlyuUkFkYVi8KViJyMDOHxYF3T37QPS0gyfX7WqLui2aQOUKWO2UomICk7ZsnIM76RJ8hfc2rVAhQpKV0WkKAZfKvKysuS4XM2GEXv2AA8fGj7f318/6JYvb65KiYgKkBByJm7Ofc3HjQN8fIBevbhMGREYfKkIys6WKy1oenR379btspmXihV1QbdtW3mZiKhYiY8HBg0C6teXvbwa1tZyjC8RAWDwpSJArZZr52qC7j//AElJhs8vV04/6Pr5ydUYiIiKpe3bgf795X7pv/4KdOggd8sholwYfKnQUauBM2d0QXfXLrkajyGlS+sPXahalUGXiCxAWhowYQKwcKGuzcNDt04vEeXC4EuKEwI4f14XdCMjgYQEw+d7esqAqwm7NWow6BKRhTl9Wo7bPX1a1xYaCqxezRm6RE/A4EtmJwRw6ZJ+0I2LM3y+h4dcVkwTdGvX5hwNIrJQajXw+edy0lp6umyztwfmzJG7svGXI9ETMfhSgRMCuHJFF3IjIoAbNwyfX6KELui2aSN3SuPvciKyeHfvyl7e7dt1bQEBwIYNQJ06ytVFVIQw+FKBuHZN16MbESEvG+LiIrf+1fTo1q+vvxoPEREBcHbW7zUYNQqYNQtwcFCuJqIihsGXTOLmTf2gGxNj+FwnJ6BFC13QDQoCbG3NVysRUZHk4CB7dzt3BpYtk6s3EJFRGHzpmdy+rRu2EBEBXLhg+Fx7e6B5c13QbdwYsLMzW6lEREXT0aOyl7dGDV1bQID8hWvDP99Ez4I/OZQvCQn6QffcOcPn2tkBTZvqgm6TJvwkjogo37Kzgc8+AyZPlmN3DxyQPQgaDL1Ez4w/PZSnxES5fq4m6OZcMedxNjayF1cTdJs1k8MZiIjISLGxcqe1Xbvk5RMngC+/lON5iei5MfgSALkT2u7duqB74oRcjSEv1tZAw4a6tXRbtJAT1IiI6DmEhwODBwP378vLKhUwfjwwbJiiZREVJwy+FuzqVWDpUuDvv4Fjx+TykHlRqYAGDXQ9ui1byiXHiIjIBJKTgZEjgTVrdG0+PsC6dXJtRyIyGQZfCyUE0LEjEB2d9/WBgbqg27o14O5u1vKIiCzD/v1A7976S+GEhcleCQ8P5eoiKqYYfC3U1av6obd2bV3QDQ4GSpVSrDQiIstw44YcM5aRIS+7ugJLlsggzH3YiQoEg6+F2r9fdzxlCvDhh8rVQkRkkcqXB8aOlZtQNG8OfPst4OendFVExRqDr4XKGXxbtFCuDiIii6GZMZyzN3f6dKBiReDtt7lMGZEZWCldAClj3z7dcZMmytVBRGQREhOBHj2AefP0221t5UoODL1EZsHga4FSU4GTJ+Vx7dqcuEZEVKAiI4G6deVyZRMnAsePK10RkcVi8LVAR47IjYEAudkEEREVgIwMuQ5vu3bA9euyzcUFiItTti4iC8bPVixQzmEODL5ERAUgOhro2VMukq7Rti2wdi1QoYJydRFZOPb4WqCcE9uaN1euDiKiYkcIYPlyoH59Xei1tQXmzAF27GDoJVLYc/X4pqWlwcHBwVS1kBkIoQu+Hh5AtWrK1kNEVGzcuwcMGABs3aprq14d2LBBbn9JRIozusdXrVbjo48+Qvny5eHi4oKY/3abmTJlCr755huTF0imdekSkJAgj5s2BazY509EZBr29sD587rLQ4fKXl+GXqJCw+jY8/HHH2P16tWYM2cO7OzstO116tTB119/bdLiyPQ4zIGIqIA4OwPr1wPlysle3y+/BJyclK6KiHIwOviuXbsWX331FXr16gVra2tte2BgIM7nfKdLhVLO4MuJbUREz+H0aeC/Tz21GjaUbZ06KVMTET2R0cH3xo0bqFKlSq52tVqNzMxMkxRFBUezooOVFdC4sbK1EBEVSWo1sGgR0KgR0KsXkJWlf729vTJ1EdFTGR18a9Wqhd27d+dq37RpE+rXr2+SoqhgPHgAREXJ44AAwNVV2XqIiIqcW7eAF18E3nsPSE8HDhwAli5VuioiyiejV3WYOnUq+vXrhxs3bkCtVmPLli2Ijo7G2rVr8euvvxZEjWQihw7JjgqAwxyIiIz288/A228Dd+/q2kaNAgYNUq4mIjKK0T2+nTt3xi+//IIdO3bA2dkZU6dOxblz5/DLL7/ghRdeKIgayUS4cQUR0TNITQWGDAG6dNGF3rJlge3bgfnzAS7rSVRkPNM6vq1atcJff/1l6lqogHFFByIiIx09Kndgu3BB19alC7BiBeDpqVhZRPRsjO7x9ff3x92cH/P85/79+/D39zdJUWR6arUcigbI39WVKytbDxFRoRcbK3sJNKHXyUkG3i1bGHqJiiijg+/Vq1eRnZ2dqz09PR03btwwSVFketHRQGKiPG7eHFCplK2HiKjQ8/EB/vc/eRwUBBw/DgwcyF+gREVYvoc6bM2xBeP27dvh5uamvZydnY2dO3fC19fXpMWR6XD9XiKifBBCP9jOng1UrAgMGwbk2LSJiIqmfAffLl26AABUKhX69eund52trS18fX0xb948kxZHpsPgS0T0BMnJwMiRcoFzTS8vICeujRqlXF1EZFL5Dr7q/9bB8vPzw+HDh+HJ8U1FimZFB2trueY6ERH9Z/9+uRHFlSvAxo1A27ZAzZpKV0VEBcDoMb5Xrlxh6C1i7t8Hzp6Vx/Xqcet4IiIAcse16dOBVq1k6AUAW1vg8mVFyyKigvNMy5mlpqZi165duHbtGjIyMvSuGzlypEkKI9M5eFB3zGEOREQAYmKA3r1zr/P47beAn59ydRFRgTI6+B4/fhwvvfQSHj58iNTUVJQsWRIJCQlwcnKCt7c3g28hlHPjCq7fS0QWTQhg7Vpg+HAgJUW2WVsDU6cCEycCNs/UH0RERYTRQx1GjRqFTp06ITExEY6Ojjhw4AD+/fdfBAUF4bPPPiuIGuk5cWIbERHkuK8ePYD+/XWh198f2LNHBl+GXqJiz+jge+LECYwZMwZWVlawtrZGeno6fHx8MGfOHEycOLEgaqTnkJ2t27iiTBmgUiVl6yEiUoxKpT/2q39/4MQJoGlTpSoiIjMzOvja2trCykrezNvbG9euXQMAuLm5ITY21rTV0XM7exZ48EAec+MKIrJobm7AunVy17XwcGDVKsDVVemqiMiMjP5cp379+jh8+DCqVq2K4OBgTJ06FQkJCVi3bh3q1KlTEDXSc+AwByKyWNHRgLMzUKGCrq1VK+DqVdlORBbH6B7fWbNmoWzZsgCAmTNnwsPDA0OHDkV8fDyWL19u8gLp+eSc2MbgS0QWQQhg+XKgfn2gb1/gv3XotRh6iSyWSgghlC7CnJKTk+Hm5oakpCSUKFFC6XIKXPXqwIULcmnK5GS5CRERUbEVHw8MHAhs3aprW7oUGDJEuZqIyGgFldeM7vE15NixY3jllVdMdXdkAgkJMvQCQIMGDL1EVMxt3w7UrasfeocMkb2+REQwMvhu374dY8eOxcSJExETEwMAOH/+PLp06YJGjRpptzU2xpIlS+Dr6wsHBwc0adIEhw4deuL59+/fx7Bhw1C2bFnY29ujWrVq+P33341+XEugWc0B4DAHIirG0tKAUaOAjh2BuDjZ5ukpA/DSpdyukoi08j257ZtvvsGgQYNQsmRJJCYm4uuvv8b8+fMxYsQIhIWFISoqCjWN3Nt848aNGD16NJYtW4YmTZpg4cKFCA0NRXR0NLy9vXOdn5GRgRdeeAHe3t7YtGkTypcvj3///Rfu7u5GPa6leHxDIiKiYuf0aaBXL/mvRmgosHq1XMORiCiHfI/xrVu3Lvr06YP3338fmzdvRrdu3dC0aVOEh4ejQs4Zs0Zo0qQJGjVqhC+++AIAoFar4ePjgxEjRmD8+PG5zl+2bBnmzp2L8+fPw9bW9pke05LG+LZrB0REyOPYWP2JzURERd6//8qJDOnp8rK9PTBnjtyVzcpkI/mISAGKj/G9fPkyunXrBgB4/fXXYWNjg7lz5z5z6M3IyMDRo0cREhKiK8bKCiEhIdifs6syh61bt6JZs2YYNmwYSpcujTp16mDWrFnIzs42+Djp6elITk7W+7IEWVm6ddorVGDoJaJiqFIl3fjdgADgyBFg5EiGXiIyKN+/HR49egSn/8ZJqVQq2Nvba5c1exYJCQnIzs5G6dKl9dpLly6NOM0YrcfExMRg06ZNyM7Oxu+//44pU6Zg3rx5+Pjjjw0+zuzZs+Hm5qb98vHxeeaai5LTp4GHD+UxhzkQUbG1YAHw8cfAoUMA15InoqcwagOLr7/+Gi4uLgCArKwsrF69Gp6ennrnjBw50nTVPUatVsPb2xtfffUVrK2tERQUhBs3bmDu3LmYNm1anreZMGECRo8erb2cnJxsEeGXG1cQUbGSmgqMGSO3F+7fX9fu7AxMmqRYWURUtOQ7+FasWBErVqzQXi5TpgzWrVund45Kpcp38PX09IS1tTVu376t13779m2UMTAhoWzZsrC1tYW1tbW2rWbNmoiLi0NGRgbs7Oxy3cbe3h729vb5qqk44cYVRFRsHD0qJ7BFRwPr18vd1ypXVroqIiqC8h18r169atIHtrOzQ1BQEHbu3IkuXboAkD26O3fuxPDhw/O8TYsWLbBhwwao1WpY/TeG68KFCyhbtmyeodeSaXp87e3l5kVEREVOdjbw2WfA5Mly4gIgd2GLimLwJaJnougMgNGjR2PFihVYs2YNzp07h6FDhyI1NRUDBgwAAPTt2xcTJkzQnj906FDcu3cP7777Li5cuIDffvsNs2bNwrBhw5T6Fgql27eB/5ZZRsOGAN8TEFGRExsLtG8PjB+vC71BQcDx40DnzsrWRkRFllFjfE0tLCwM8fHxmDp1KuLi4lCvXj1s27ZNO+Ht2rVr2p5dAPDx8cH27dsxatQo1K1bF+XLl8e7776LcePGKfUtFEoc30tERVp4ODB4MHD/vrysUskAPH0638kT0XPJ9zq+xYUlrOM7bpxcyhIAtmwBXntN2XqIiPLlwQNgxAhgzRpdm48PsG4dEBysXF1EZHaKr+NLRQd7fImoSEpPB/78U3c5LAw4eZKhl4hMhsG3mMnIAA4flse+vtyxk4iKEE9P2dtbogSwdi3w3XeAh4fSVRFRMfJMwffy5cuYPHky3nzzTdy5cwcA8Mcff+DMmTMmLY6Md/IkkJYmj7lxBREVajExcjZuTi+8ILci7tNHju0lIjIho4Pvrl27EBAQgIMHD2LLli1ISUkBAJw8edLgJhJkPhzmQESFnhCyZzcwEHjrLXk5J3d3RcoiouLP6OA7fvx4fPzxx/jrr7/01s5t164dDhw4YNLiyHjcuIKICrXERKBHD7n7WkoK8PvvwKpVSldFRBbC6OB7+vRpvJbHMgHe3t5ISEgwSVH07DQ9vk5OQN26ytZCRKQnMlL+YgoP17X17w9066ZURURkYYwOvu7u7rh161au9uPHj6N8+fImKYqezY0bwLVr8rhRI8DWVtl6iIgAyFm348cD7doB16/LNg8PGYBXrQJcXZWtj4gshtHBt0ePHhg3bhzi4uKgUqmgVquxd+9ejB07Fn379i2IGimfOL6XiAqd8+flL6RPP9WN5W3bFjh1ij29RGR2RgffWbNmoUaNGvDx8UFKSgpq1aqF1q1bo3nz5pg8eXJB1Ej5lDP4ckUHIlJcTAzQoAFw7Ji8bGsrd9fZsQOoUEHZ2ojIIj3zzm3Xrl1DVFQUUlJSUL9+fVStWtXUtRWI4rxzW/PmuvB75w7g5aVsPURE6N0bWL8eqF4d2LBBBmEioqcoqLxmY+wN9uzZg5YtW6JixYqoWLGiyQqh55OeDhw9Ko+rVGHoJaJCYskSoFIlYNIkOeuWiEhBRg91aNeuHfz8/DBx4kScPXu2IGqiZ3DsmJw/AnCYAxEpIC0NGDUK+OEH/XY3N2DmTIZeIioUjA6+N2/exJgxY7Br1y7UqVMH9erVw9y5c3FdM1OXFMGJbUSkmNOngcaNgYULgXfeAWJjla6IiChPRgdfT09PDB8+HHv37sXly5fRrVs3rFmzBr6+vmjXrl1B1Ej5wI0riMjs1Gpg0SK5fuLp07Lt0SPgyBFl6yIiMuCZJ7dpZGdn448//sCUKVNw6tQpZGdnm6q2AlEcJ7cJISdI37wJuLgA9+8D1tZKV0VExdqtW8CAAcD27bq2gAA5ga1OHeXqIqJioaDymtE9vhp79+7F//73P5QtWxY9e/ZEnTp18Ntvv5msMMq/2FgZegGgSROGXiIqYD//LHdgyxl6R40CDh1i6CWiQs3oVR0mTJiA77//Hjdv3sQLL7yARYsWoXPnznDixAXF5BzmwIltRFRgUlOBMWOA5ct1bWXLAqtXAx06KFYWEVF+GR18//nnH7z//vvo3r07PD09C6ImMhInthGRWSQnA5s36y536QKsWAHwbwERFRFGB9+9e/cWRB30HHIG36ZNlauDiIq5smWBr78GevaUk9refhtQqZSuiogo3/IVfLdu3YoXX3wRtra22Lp16xPPffXVV01SGOXPo0fA8ePyuGZNwMND2XqIqBiJjQWcnYGSJXVtnTsDV64A3t7K1UVE9IzyFXy7dOmCuLg4eHt7o0uXLgbPU6lUhX5Vh+LmyBEgK0sec5gDEZlMeDgweDAQEiKPc/bsMvQSURGVr1Ud1Go1vP/7RadWqw1+MfSaH8f3EpFJJScD/fsDYWFybcRNm+QSZURExYDRy5mtXbsW6enpudozMjKwdu1akxRF+ccVHYjIZPbvB+rVA9as0bWFhQEvvaRYSUREpmT0BhbW1ta4deuWtgdY4+7du/D29i70vb7FaQMLIYAyZYA7dwB3d+DuXcDqmVdmJiKLlZUFzJwJfPQRoPkd7uoKLFkC9O7NCWxEZHYFldeMXtVBCAFVHr8Er1+/Djc3N5MURflz5YoMvYDcuIKhl4iMFhMjw23OcVPNmwPffgv4+SlXFxFRAch38K1fvz5UKhVUKhXat28PGxvdTbOzs3HlyhV07NixQIqkvHGYAxE9l0uXgAYNgAcP5GVra2DqVGDiRMDG6H4RIqJCL9+/2TSrOZw4cQKhoaFwcXHRXmdnZwdfX1907drV5AWSYZzYRkTPpXJloH174KefAH9/YP16LgZORMVavoPvtGnTAAC+vr4ICwuDg4NDgRVF+aMJviqVHOpARGQUlUruvFapkhzf6+qqdEVERAXK6MltRV1xmdyWkgK4uQFqNRAQAJw6pXRFRFSoZWTIYQytWgEvv6x0NURET6To5LaSJUviwoUL8PT0hIeHR56T2zTu3btnsuLIsMOHZegFOMyBiJ4iOlpuM3zsGLBqlXynXLq00lUREZldvoLvggUL4PrfR2ALFix4YvAl8+D4XiJ6KiGAr74CRo2S+5sDQGIisHcv8PrrytZGRKSAfAXffv36aY/79+9fULWQEbiiAxE9UXw8MHAgsHWrrq16dbkLW4MGytVFRKQgo1d+PXbsGE6fPq29/PPPP6NLly6YOHEiMjIyTFoc5U0I4MABeVyqFFC1qrL1EFEhs307ULeufugdOlQOdWDoJSILZnTwHTx4MC5cuAAAiImJQVhYGJycnPDDDz/ggw8+MHmBlNvFi3KXNkCuPMSRJ0QEAEhLk8MaOnYE4uJkm6enDMBffgk4OSlbHxGRwowOvhcuXEC9evUAAD/88AOCg4OxYcMGrF69Gps3bzZ1fZQHDnMgojzduSMnr2l07AicPg106qRcTUREhYjRwVcIAfV/ywns2LEDL730EgDAx8cHCQkJpq2O8sSJbUSUp4oVgaVLAXt7YPFi4PffgTJllK6KiKjQMHpPyoYNG+Ljjz9GSEgIdu3ahaVLlwIArly5gtJcHscsND2+VlZAo0bK1kJECrp1C3B2BnKucfnmm0DLloCPj3J1EREVUkb3+C5cuBDHjh3D8OHDMWnSJFSpUgUAsGnTJjTn5+4FLikJOHNGHgcGAjl2jiYiS/Lzz3IC28iRua9j6CUiypPRPb5169bVW9VBY+7cubC2tjZJUWTYoUNyVQeAwxyILFJqKjBmDLB8uby8Zo0cw9u1q7J1EREVAUYHX42jR4/i3LlzAIBatWqhAZfIMYucE9sYfIkszNGjcge2/1bWAQB06QIEBytWEhFRUWJ08L1z5w7CwsKwa9cuuLu7AwDu37+Ptm3b4vvvv4eXl5epa6Qcck5s48gSIguRnQ189hkweTKQlSXbnJyARYuAt9/mmoZERPlk9BjfESNGICUlBWfOnMG9e/dw7949REVFITk5GSPzGmtGJqNW6zau8PYG/PyUrYeIzCA2FmjfHhg/Xhd6g4KA48flzmwMvURE+WZ0j++2bduwY8cO1KxZU9tWq1YtLFmyBB06dDBpcaTv3Dk5uQ2Qwxz4946omLtwAWjSBLh/X15WqWQAnj4dsLNTsjIioiLJ6B5ftVoNW1vbXO22trba9X2pYHCYA5GFqVJFBl9ArtQQEQHMmsXQS0T0jIwOvu3atcO7776Lmzdvattu3LiBUaNGoX379iYtjvRx4woiC2NlJXdie+cd4ORJTmIjInpORgffL774AsnJyfD19UXlypVRuXJl+Pn5ITk5GZ9//nlB1Ej/0azoYGMDNGyobC1EZGJZWcCMGcDff+u3ly0rly7z8FCmLiKiYsToMb4+Pj44duwYdu7cqV3OrGbNmggJCTF5caRz7x5w/rw8rl8fcHRUth4iMqGYGKB3b/mxTvnywKlTQMmSSldFRFTsGBV8N27ciK1btyIjIwPt27fHiBEjCqoueszBg7pjDnMgKiaEANatA4YPBx48kG1xcXIsLzekICIyuXwH36VLl2LYsGGoWrUqHB0dsWXLFly+fBlz584tyProP9y4gqiYSUwEhgwBwsN1bf7+wPr1QNOmytVFRFSM5XuM7xdffIFp06YhOjoaJ06cwJo1a/Dll18WZG2UA1d0ICpGIiOBunX1Q2///sCJEwy9REQFKN/BNyYmBv369dNe7tmzJ7KysnDr1q0CKYx0srN1Qx3KlZOrGhFREZSRAUyYALRrB1y/Ltvc3WUAXrUKcHVVtDwiouIu30Md0tPT4ezsrL1sZWUFOzs7PHr0qEAKI52oKCAlRR5z4wqiIuz6deDzz+XYXgBo0wZYu5bvZomIzMSoyW1TpkyBk5OT9nJGRgZmzpwJNzc3bdv8+fNNVx0B4DAHomLD3x9YtAgYOhSYORMYM0au1UtERGaR7+DbunVrREdH67U1b94cMTEx2ssqdkUWCG5cQVREJSQATk7yS+Ott+RGFFWqKFcXEZGFynfwjYyMLMAy6Ek0KzrY2QENGihbCxHl0/btcsLa668DS5bo2lUqhl4iIoXwM7ZCLj4euHRJHgcFAfb2ytZDRE+RlgaMGgV07CjX5P3yS+C335SuioiI8Aw7t5F5HTigO+YwB6JC7vRpoFcv+a9Gx47yXSsRESmOPb6FXM6NKzixjaiQUqvlpLVGjXSh194eWLwY+P13oEwZZesjIiIA7PEt9DixjaiQu3ULGDBAjunVCAgANmwA6tRRri4iIsqFwbcQy8wEDh+WxxUrys0riKgQiY4GWraUqzdojBoFzJoFODgoVxcREeXpmYY67N69G71790azZs1w48YNAMC6deuwZ88ekxZn6U6dAh4+lMcc5kBUCFWpAtSqJY/LlpW9vvPnM/QSERVSRgffzZs3IzQ0FI6Ojjh+/DjS09MBAElJSZg1a5bJC7RkHOZAVMhZWwPr1gF9+sh3qh06KF0RERE9gdHB9+OPP8ayZcuwYsUK2NraattbtGiBY8eOmbQ4S8fgS1SIZGcDn36qP+MUkOOQ1q4FPD2VqYuIiPLN6DG+0dHRaN26da52Nzc33L9/3xQ10X80f18dHYF69RQthciyxcbKXt1duwA/P+DECaBECaWrIiIiIxnd41umTBlc0uyokMOePXvg7+9vkqJIrnt/9ao8btgQyNG5TkTmFB4O1K0rQy8gfzD//FPRkoiI6NkYHXwHDRqEd999FwcPHoRKpcLNmzexfv16jB07FkOHDi2IGi0ShzkQKSw5WW45HBYGaD7N8vEBIiKAN95QsjIiInpGRg91GD9+PNRqNdq3b4+HDx+idevWsLe3x9ixYzFixIiCqNEiceMKIgXt3w/07g3ExOjawsKApUsBDw/l6iIioueiEkKIZ7lhRkYGLl26hJSUFNSqVQsuLi6mrq1AJCcnw83NDUlJSShRiMfotWwJ7N0rj2/fBry9la2HyCJkZQEzZwIffSQnswGAqyuwZIkMwiqVsvUREVmIgsprz7yBhZ2dHWpp1q8kk8rIAI4ckcf+/gy9RGZz+TIwe7Yu9DZvDnz7rZzQRkRERZ7Rwbdt27ZQPaHX4++//36uggg4fhz4b3lkDnMgMqfq1YE5c4DRo4GpU4GJEwEbbnBJRFRcGP0bvd5j62plZmbixIkTiIqKQr9+/UxVl0XjxDYiM0lMBJycAHt7XduIEUC7dkCdOsrVRUREBcLo4LtgwYI826dPn46UlJTnLogYfInMIjJSrs3bowcwd66uXaVi6CUiKqaMXs7MkN69e2PlypWmujuLplnRwdkZCAhQthaiYicjA5gwQfbqXr8OfPYZsHOn0lUREZEZmGzw2v79++Hg4GCqu7NY16/LLwBo3JjDC4lMKjoa6NkTyLm9etu2cmwvEREVe0bHqtdff13vshACt27dwpEjRzBlyhSTFWapOMyBqAAIAXz1FTBqFPDokWyztZVLl40ZA1iZ7MMvIiIqxIwOvm5ubnqXraysUL16dXz44Yfo0KGDyQqzVNy4gsjE4uOBgQOBrVt1bdWrAxs2AA0aKFcXERGZnVHBNzs7GwMGDEBAQAA8uHtRgcjZ49u0qXJ1EBUL0dFAmzZAXJyubehQOa7XyUmxsoiISBlGfb5nbW2NDh064L5m33oTWbJkCXx9feHg4IAmTZrg0KFD+brd999/D5VKhS5dupi0HqWkpemGHlarBpQqpWw9REWevz/g4yOPPT1lr++XXzL0EhFZKKMHttWpUwcxOfevf04bN27E6NGjMW3aNBw7dgyBgYEIDQ3FnTt3nni7q1evYuzYsWjVqpXJalHa0aNAZqY85jAHIhOwtQXWrwdefx04fRro1EnpioiISEFGB9+PP/4YY8eOxa+//opbt24hOTlZ78tY8+fPx6BBgzBgwADUqlULy5Ytg5OT0xOXRsvOzkavXr0wY8YM+Pv7G/2YhRUnthE9B7UaWLxYbn2YU9WqwObNQJkyytRFRESFRr6D74cffojU1FS89NJLOHnyJF599VVUqFABHh4e8PDwgLu7u9HjfjMyMnD06FGEhIToCrKyQkhICPbnTIF51OLt7Y233377qY+Rnp7+3OHcXBh8iZ7RrVvASy8B774rlyt7+FDpioiIqBDK9+S2GTNmYMiQIYiIiDDZgyckJCA7OxulS5fWay9dujTOnz+f52327NmDb775BidOnMjXY8yePRszZsx43lILnBC6FR1KlABq1VK2HqIi4+ef5aoNCQny8vnzwB9/AF27KlsXEREVOvkOvkIIAEBwcHCBFfM0Dx48QJ8+fbBixQp4enrm6zYTJkzA6NGjtZeTk5Pho5nsUoj8+69u4nmTJoC1tbL1EBV6qalyDd7ly3VtZcsCq1cDXFqRiIjyYNRyZiqVyqQP7unpCWtra9y+fVuv/fbt2yiTx3i8y5cv4+rVq+iUY4KKWq0GANjY2CA6OhqVK1fWu429vT3s7e1NWndB4DAHIiMcPSqHNFy4oGvr0gVYsUKu3kBERJQHo4JvtWrVnhp+7927l+/7s7OzQ1BQEHbu3KldkkytVmPnzp0YPnx4rvNr1KiB06dP67VNnjwZDx48wKJFiwplT25+ceMKonzIzgbmzgWmTAGysmSbkxOwcKEc7mDiN+dERFS8GBV8Z8yYkWvntuc1evRo9OvXDw0bNkTjxo2xcOFCpKamYsCAAQCAvn37onz58pg9ezYcHBxQp04dvdu7u7sDQK72oiZnj2+TJsrVQVSonT+vH3qDguQObNWqKVsXEREVCUYF3x49esDb29ukBYSFhSE+Ph5Tp05FXFwc6tWrh23btmknvF27dg1WVkavulakpKYCmrl6tWoB/2V5Inpc7drARx8BEycC48cD06cDdnZKV0VEREWESmhmrT2FtbU1bt26ZfLga27Jyclwc3NDUlISSpQooXQ5AIBdu+SuqoD8tHbFCkXLISo8HjwAHB0Bmxzv0bOz5Vq9DRsqVxcRERWogspr+e5KzWc+pmfAiW1Eedi/H6hXD/j4Y/12a2uGXiIieib5Dr5qtbrI9/YWVjkntjH4ksXLygJmzABatQJiYuTQhpw/JERERM/IqDG+ZHpC6Hp8PTyA6tWVrYdIUTExQO/e+h+DNG0q1+clIiJ6TsV71lgRcPmybsOppk2BYj6PjyhvQgBr18qhDZrQa20te3537QL8/BQtj4iIigf2+CqMwxzI4iUmAkOHAhs36tr8/YH16+W7QSIiIhNh8FVYzk90uXEFWZzoaOCFF4DYWF1b//7A4sWAq6tiZRERUfHED9YVpgm+VlZA48bK1kJkdpUq6Rau9vAAwsOBVasYeomIqEAw+CrowQNAswNzQAD/1pMFcnCQO6+99BJw6hTQrZvSFRERUTHG4KugQ4cAtVoec3wvFXtCAF99BZw9q99epw7w229AhQrK1EVERBaDwVdB3LiCLEZ8PNClCzB4MNCzJ5CernRFRERkgRh8FZRzRQdObKNia/t2oG5dYOtWefnkSeDXX5WtiYiILBKDr0LUauDAAXns6QlUrqxsPUQml5YGvPce0LEjEBcn2zw9ZQDu2lXR0oiIyDJxOTOFXLggly8F5DAHlUrZeohM6vRpOaQhKkrXFhoKrF4NlCmjWFlERGTZ2OOrEA5zoGJJrQYWLQIaNdKFXnt72fb77wy9RESkKPb4KoQT26hYOn0aGD1at1xJQIBcrqxOHWXrIiIiAnt8FaMJvtbWQMOGytZCZDKBgcDEifJ41Ci5Zh9DLxERFRLs8VXA/fvAmTPyuF49wNlZyWqInsPDh3ITCqsc76GnTgU6dABatVKuLiIiojywx1cBBw/qjjnMgYqso0eB+vWBefP0221tGXqJiKhQYvBVAMf3UpGWnQ18+inQtKlcnmTSJODYMaWrIiIieioOdVAAV3SgIis2FujTB9i1S9dWty7g4qJcTURERPnEHl8zU6t1Qx3KlAEqVVK2HqJ8Cw+XIVcTelUqYMIE+U6uWjVlayMiIsoH9via2dmzQHKyPObGFVQkJCcDI0cCa9bo2nx8gHXrgOBg5eoiIiIyEoOvmXGYAxUp0dHASy8BMTG6trAwYNkywN1dsbKIiIieBYc6mBkntlGRUqECYPPf+2NXV2DtWuC77xh6iYioSGLwNTNN8LW1BYKClK2F6KmcneXOa23aACdPyoltHJ9DRERFFIOvGd29Kz85BoAGDeS6/0SFhhCyR/fyZf32oCDg778BPz9l6iIiIjIRBl8zOnBAd8xhDlSoJCYCPXoA/foBvXoBmZn617OXl4iIigEGXzPi+F4qlCIj5TJl4eHy8sGDwK+/KloSERFRQWDwNSOu6ECFSkYGMH480K4dcP26bPPwAH74AXjtNWVrIyIiKgBczsxMsrKAQ4fkcYUK8otIMdHRQM+e+lsNt20rx/jyxUlERMUUe3zNJCoKSE2VxxzmQIoRAli+HKhfXxd6bW2BOXOAHTsYeomIqFhjj6+ZcJgDFQrHjwNDhuguV68ulytr0EC5moiIiMyEPb5mwoltVCg0aACMHi2Phw6Vvb4MvUREZCHY42smmuBrby8/ZSYyi/R0wM5OfzmyWbOAjh2BF15Qri4iIiIFsMfXDO7c0e0J0LChzCFEBe70afmCW7pUv93enqGXiIgsEoOvGXCYA5mVWg0sWgQ0aiRnVY4ZA5w9q3RVREREiuNQBzNg8CWzuXULGDAA2L5d11a1qnL1EBERFSLs8TWDnCs6MPhSgfn5Z7kDW87QO2qUXEC6Vi3l6iIiIiok2ONbwDIzgSNH5LGvL1C2rKLlUHGUmiqHMyxfrmsrWxZYvRro0EGxsoiIiAobBt8CdvIk8OiRPGZvL5nchQtAp07yX40uXYAVKwBPT8XKIiIiKow41KGAceMKKlClSwMZGfLYyUkG3i1bGHqJiIjywOBbwDixjQqUmxvw7bdAkyZyV7aBA/XX7CUiIiItBt8Cpgm+jo5y3hHRc/nhByA2Vr+tRQv5QqtWTZmaiIiIiggG3wJ08ybw77/yuHFjwNZW2XqoCEtOBvr3B7p3B/r2BbKz9a9nLy8REdFTMfgWIA5zIJPYv1/uc71mjbwcGQn8+quiJRERERVFDL4FiMGXnktWFjBjBtCqFRATI9tcXYG1a4FXX1W2NiIioiKIy5kVIG5cQc8sJgbo3Vv/3VPz5nIim5+fcnUREREVYezxLSDp6cDRo/K4ShXAy0vZeqiIEEL26Narpwu91tay53fXLoZeIiKi58Ae3wJy/LhueVWu30v5duQI0K+f7rK/P7B+PdC0qXI1ERERFRPs8S0gHOZAz6RRI2DwYHncvz9w4gRDLxERkYmwx7eAcGIb5UtmJmBjo78c2bx5wEsvcQIbERGRibHHtwAIoevxdXEB6tRRth4qpKKjZW+uZpkyDWdnhl4iIqICwOBbAGJj5eYVgNxJ1tpa2XqokBECWL5crs177BgwYgRw6ZLSVRERERV7HOpQADjMgQyKjwcGDgS2btW1lS8PPHqkXE1EREQWgj2+BSDnxDau6EBa27cDdevqh94hQ2Svb0CAcnURERFZCAbfApCzx5cT8glpacCoUUDHjkBcnGzz9JQBeOlSwMlJ2fqIiIgsBIc6mNijR3INXwCoUQPw8FC2HlLYpUvA668Dp0/r2jp2BFatAsqUUa4uIiIiC8QeXxM7cgTIypLHHOZA8PAA7t6Vx/b2wOLFwO+/M/QSEREpgMHXxDixjfSUKgWsXg0EBsp3RSNG6K/ZS0RERGbD4GtiDL4W7pdfdON4NV54ATh6lAs6ExERKYzB14Ryblzh5gbUrKlsPWRGqalyhYZXXwXeeku+GHLiYs5ERESKY/A1oStXgDt35HHTpoAVn13LcPQo0KCB3JQCAP74A/j1V2VrIiIiolwYzUyIwxwsTHY28Omn8l3OhQuyzckJWLECeOUVZWsjIiKiXLicmQlx4woLEhsL9OkD7NqlawsKAjZsAKpVU64uIiIiMog9viak6fFVqYAmTZSthQrQxo1yBzZN6FWpgAkT5Dsfhl4iIqJCiz2+JpKSApw6JY9r1wZKlFC2HiogBw4APXroLvv4AOvWAcHBytVERERE+cIeXxM5fFgO+QQ4zKFYa9pUDnEAgLAw4ORJhl4iIqIigj2+JsKJbcWUWp17eY4vvgBefhno3p2bURARERUh7PE1EQbfYigmBmjZEggP128vUUL29jL0EhERFSkMviYghC74lizJ+U1FnhDA2rVAvXryP3bwYLmKAxERERVpDL4mcPEicPeuPG7WjB2BRVpiopy81q8f8OCBbCtZUvcfTEREREUWg68JcJhDMREZKZcpyzm0oX9/4MQJ2ftLRERERRqDrwlw44oiLiMDGD8eaNcOuH5dtrm7ywC8ahXg6qpoeURERGQaXNXBBDQ9vlZWQKNGytZCRoqJAbp1A44d07W1aSPH+Pr4KFYWERERmR57fJ9TcjIQFSWP69YFXFyUrYeM5OgIXLsmj21tgTlzgJ07GXqJiIiKIQbf53TwoFwEAOAwhyKpbFngm2+AGjXkrmzvv5973V4iIiIqFvgX/jlxYlsRs2NH7hUaXn1V7jfdoIEyNREREZFZFIrgu2TJEvj6+sLBwQFNmjTBoUOHDJ67YsUKtGrVCh4eHvDw8EBISMgTzy9oDL5FRFoaMGoU8MILcl1eTTe9hq2tMnURERGR2SgefDdu3IjRo0dj2rRpOHbsGAIDAxEaGoo7d+7keX5kZCTefPNNREREYP/+/fDx8UGHDh1w48YNM1cud7PVBF9vb8Df3+wlUH6cPg00bgwsXCgvb94MbNumaElERERkfiohHu/6Mq8mTZqgUaNG+OKLLwAAarUaPj4+GDFiBMaPH//U22dnZ8PDwwNffPEF+vbt+9Tzk5OT4ebmhqSkJJQoUeK5aj97FqhdWx537gz89NNz3R2ZmloNfP45MG4ckJ4u2+ztgblzgeHDudMIERFRIWXKvJaTosuZZWRk4OjRo5gwYYK2zcrKCiEhIdifcwzBEzx8+BCZmZkoWbJkntenp6cjXRN6IJ9IU+Ewh0Ls1i1gwABg+3ZdW0AAsGEDUKeOcnURERGRYhQd6pCQkIDs7GyULl1ar7106dKIi4vL132MGzcO5cqVQ0hISJ7Xz549G25ubtovHxMuU8WNKwqprVvl2nI5Q++oUcChQwy9REREFkzxMb7P45NPPsH333+PH3/8EQ4ODnmeM2HCBCQlJWm/YmNjTfb4mh5fGxugYUOT3S09j7175biThAR5uUwZGYDnzwcMvEaIiIjIMigafD09PWFtbY3bt2/rtd++fRtlypR54m0/++wzfPLJJ/jzzz9Rt25dg+fZ29ujRIkSel+mkJgInDsnj+vVk/sgUCHQvDnw2mvyuHNnObGtQwdlayIiIqJCQdHga2dnh6CgIOzcuVPbplarsXPnTjR7wqDZOXPm4KOPPsK2bdvQUKGu1gMHdMcc5qCgx+dmqlTAihXAqlXAjz8Cnp7K1EVERESFjuJDHUaPHo0VK1ZgzZo1OHfuHIYOHYrU1FQMGDAAANC3b1+9yW+ffvoppkyZgpUrV8LX1xdxcXGIi4tDSkqKWevmxLZCIDYWaNcO+PVX/fZSpYD+/blqAxEREelRdFUHAAgLC0N8fDymTp2KuLg41KtXD9u2bdNOeLt27Rqscmwhu3TpUmRkZOCNN97Qu59p06Zh+vTpZqubwVdh4eFyI4r794EzZ+TOa08ZHkNERESWTfF1fM3NFOvCZWcD7u5ASgpQrhxw/To7F80mORkYORJYs0bX5uMjF1HmlsNERETFQkGt46v4UIei6MwZGXoB2dvL0Gsm+/fLmYQ5Q29YGHDyJEMvERERPRWD7zPIOcyBE9vMICsLmD4daNUKuHJFtrm6AmvXAt99B3h4KFoeERERFQ2Kj/EtinJuXMHxvQXs6lWgZ8/c7za+/Rbw81OsLCIiIip62OP7DDQZzM6On7AXOCsr4OxZeWxtDcyYAezaxdBLRERERmPwNVJCAnDxojwOCgLs7ZWtp9irWBFYtgzw9wf27AGmTpVb5REREREZicHXSFzGrIDt3i1XbsipRw85o7BpU2VqIiIiomKBwddIDL4FJCMDGD8eCA4GRozIfb2Dg/lrIiIiomKFwddIXNGhAERHy3cRn34qtyBeuxb480+lqyIiIqJihsHXCFlZwKFD8rhiRbl5BT0HIYDly4H69YFjx2SbrS0wZw4QEqJsbURERFTscJaQEU6dAh4+lMcc5vCc4uOBgQOBrVt1bdWrAxs2cKkMIiIiKhDs8TUChzmYyPbtQN26+qF36FDZ68vQS0RERAWEPb5G4MYVJrB7N9Cxo+6ypyewciXQqZNyNREREZFFYI+vETQ9vg4OQGCgsrUUWS1b6oJvx47A6dMMvURERGQW7PHNp7g44MoVedyokdy1jZ6BSgWsWgX8+CMwZIi8TERERGQG7PHNJ67f+wzi4oCXXwZ27tRvL1NGjull6CUiIiIzYo9vPjH4GmnrVuDtt+UezydPyq9SpZSuioiIiCwYe3zziRPb8ik1VQ5h6NxZhl4AUKuBq1cVLYuIiIiIwTcfMjKAI0fksb8/ULq0svUUWkePAkFBclMKjS5d5ALIQUGKlUVEREQEMPjmy4kTQHq6PGZvbx6ys+V2w02byu2HAcDJCVixAtiyRS5ZRkRERKQwjvHNh5zDHLhxxWOuXwf69AEiI3VtQUFyB7Zq1RQri4iIiOhx7PHNB05se4JHj4DDh+WxSgVMmCDfKTD0EhERUSHD4JsPmuDr7AwEBChbS6FTtSqweDHg4wNERACzZnGRYyIiIiqUGHyf4vp1IDZWHjduDNhY+uCQQ4eAhw/12wYMAM6eBYKDlamJiIiIKB8YfJ+Cwxz+k5UFzJghBzmPHat/nUoFuLgoUxcRERFRPjH4PgWDL4CYGKB1a2D6dLmCw9KlclgDERERURHC4PsUOVd0aNpUuToUIQSwdi1Qr57uHYC1tez5bdVK0dKIiIiIjGXpI1afKC0NOHZMHlerZmHL0SYmAkOHAhs36tr8/YH16y3wHQAREREVBwy+T3DsGJCZKY8tapjDrl1ybV7NrD4A6N9frt7g6qpYWURE5pKdnY1MzR8AIioQdnZ2sLIy7+ADBt8nsMiNK3btAtq2lcMcAMDDQ25B3K2bsnUREZmBEAJxcXG4f/++0qUQFXtWVlbw8/ODnRmXQWXwfQKLnNjWsqWcyKYJwGvXAhUqKF0VEZFZaEKvt7c3nJycoFKplC6JqFhSq9W4efMmbt26hYoVK5rtZ43B1wAhdD2+rq5ArVrK1mM21tbAunXADz8A770HmPkjCCIipWRnZ2tDb6lSpZQuh6jY8/Lyws2bN5GVlQVbW1uzPCZTjQH//gvExcnjpk1lHix24uOBrl2BvXv12318gNGjGXqJyKJoxvQ6OTkpXAmRZdAMccjOzjbbY7LH14BiP8xh+3Y5YS0uTs7iO3kSKFFC6aqIiBTH4Q1E5qHEzxq79AwotsE3LU0OYejYUdelnZICXLigaFlEREREBY3B14BiuXHF6dNAo0bAokW6to4dZXvDhsrVRUREpJDo6GiUKVMGDx48ULqUYiUjIwO+vr44cuSI0qXoYfDNw8OH8pN/QE5qc3dXtJznp1bLsNuoERAVJdvs7eW6vL//DpQpo2x9RET0XPr37w+VSgWVSgVbW1v4+fnhgw8+QFpaWq5zf/31VwQHB8PV1RVOTk5o1KgRVq9enef9bt68GW3atIGbmxtcXFxQt25dfPjhh7h3714Bf0fmM2HCBIwYMQKuxXid+iVLlsDX1xcODg5o0qQJDh069MTz27Rpo3095fx6+eWXtefcvn0b/fv3R7ly5eDk5ISOHTvi4sWL2uvt7OwwduxYjBs3rsC+r2fB4JuHI0eArCx5XOSHOdy6Bbz0khzekJ4u2wIC5Dc5YgTAsWxERMVCx44dcevWLcTExGDBggVYvnw5pk2bpnfO559/js6dO6NFixY4ePAgTp06hR49emDIkCEYO3as3rmTJk1CWFgYGjVqhD/++ANRUVGYN28eTp48iXXr1pnt+8rIyCiw+7527Rp+/fVX9O/f/7nupyBrfF4bN27E6NGjMW3aNBw7dgyBgYEIDQ3FnTt3DN5my5YtuHXrlvYrKioK1tbW6Pbfmv5CCHTp0gUxMTH4+eefcfz4cVSqVAkhISFITU3V3k+vXr2wZ88enDlzpsC/z3wTFiYpKUkAEElJSQbPmT1bCLmgmRDffGPG4gpCVJQQ9va6b2jUKCEePVK6KiKiQufRo0fi7Nmz4lER/B3Zr18/0blzZ722119/XdSvX197+dq1a8LW1laMHj061+0XL14sAIgDBw4IIYQ4ePCgACAWLlyY5+MlJiYarCU2Nlb06NFDeHh4CCcnJxEUFKS937zqfPfdd0VwcLD2cnBwsBg2bJh49913RalSpUSbNm3Em2++Kbp37653u4yMDFGqVCmxZs0aIYQQ2dnZYtasWcLX11c4ODiIunXrih9++MFgnUIIMXfuXNGwYUO9toSEBNGjRw9Rrlw54ejoKOrUqSM2bNigd05eNQohxOnTp0XHjh2Fs7Oz8Pb2Fr179xbx8fHa2/3xxx+iRYsWws3NTZQsWVK8/PLL4tKlS0+s8Xk1btxYDBs2THs5OztblCtXTsyePTvf97FgwQLh6uoqUlJShBBCREdHCwAiKipK7369vLzEihUr9G7btm1bMXny5Dzv90k/c/nJa8+CPb55KFYT22rXBubOlcMZtm8H5s8HHByUroqIqMho2FDu42Pur+eZehEVFYV9+/bp7Yi1adMmZGZm5urZBYDBgwfDxcUF3333HQBg/fr1cHFxwf/+978879/dwBjAlJQUBAcH48aNG9i6dStOnjyJDz74AGq12qj616xZAzs7O+zduxfLli1Dr1698MsvvyAlJUV7zvbt2/Hw4UO89tprAIDZs2dj7dq1WLZsGc6cOYNRo0ahd+/e2LVrl8HH2b17Nxo+9kSnpaUhKCgIv/32G6KiovDOO++gT58+uYYHPF7j/fv30a5dO9SvXx9HjhzBtm3bcPv2bXTv3l17m9TUVIwePRpHjhzBzp07YWVlhddee+2Jz8+sWbPg4uLyxK9r167leduMjAwcPXoUISEh2jYrKyuEhIRgf86w8xTffPMNevToAWdnZwBA+n+fIDvkyBNWVlawt7fHnj179G7buHFj7N69O9+PVdC4nNljhNAFX3d3oHp1Rcsx3smTQI0acgyvxvDhQO/ecvthIiIySlwccOOG0lU83a+//goXFxdkZWUhPT0dVlZW+OKLL7TXX7hwAW5ubihbtmyu29rZ2cHf3x8X/lvh5+LFi/D39zd6U4ENGzYgPj4ehw8fRsmSJQEAVapUMfp7qVq1KubMmaO9XLlyZTg7O+PHH39Enz59tI/16quvwtXVFenp6Zg1axZ27NiBZv/1WPn7+2PPnj1Yvnw5goOD83ycf//9N1fwLV++vN6bgxEjRmD79u0IDw9H48aNDdb48ccfo379+pg1a5a2beXKlfDx8cGFCxdQrVo1dO3aVe+xVq5cCS8vL5w9exZ16tTJs8YhQ4bohee8lCtXLs/2hIQEZGdno3Tp0nrtpUuXxvnz5594nxqHDh1CVFQUvvnmG21bjRo1ULFiRUyYMAHLly+Hs7MzFixYgOvXr+PWrVu5avv333/z9VjmwOD7mMuX5b4OgOztLTJ7OGRnA599BkyeDLz7rjzWUKkYeomInpFS83+Nfdy2bdti6dKlSE1NxYIFC2BjY5MraOWXEOKZbnfixAnUr19fG3qfVVBQkN5lGxsbdO/eHevXr0efPn2QmpqKn3/+Gd9//z0A4NKlS3j48CFeeOEFvdtlZGSgfv36Bh/n0aNHer2WgNxMYdasWQgPD8eNGzeQkZGB9PT0XBubPF7jyZMnERERARcXl1yPc/nyZVSrVg0XL17E1KlTcfDgQSQkJGh7eq9du2Yw+JYsWfK5n8/n8c033yAgIEAv9Nva2mLLli14++23UbJkSVhbWyMkJAQvvvhirteOo6MjHj58aO6yDWLwfUyRHOYQGwv06QNoPs6ZNw/o0gVo2VLRsoiIioNCthqTQc7Oztre1ZUrVyIwMBDffPMN3n77bQBAtWrVkJSUhJs3b+bqIczIyMDly5fRtm1b7bl79uxBZmamUb2+jo6OT7zeysoqVzDS7Jj3+PfyuF69eiE4OBh37tzBX3/9BUdHR3Ts2BEAtEMgfvvtN5QvX17vdvY5PwF9jKenJxITE/Xa5s6di0WLFmHhwoUICAiAs7Mz3nvvvVwT2B6vMSUlBZ06dcKnn36a63E0veydOnVCpUqVsGLFCpQrVw5qtRp16tR54uS4WbNm6fUi5+Xs2bOoWLFint+ftbU1bt++rdd++/ZtlMnHO6vU1FR8//33+PDDD3NdFxQUhBMnTiApKQkZGRnw8vJCkyZNcvWg37t3D15eXk99LHMpKv2ZZpMz+DZvrlwd+RYeDtStqwu9KhUwYQKQ450ZERFZFisrK0ycOBGTJ0/Go0ePAABdu3aFra0t5s2bl+v8ZcuWITU1FW+++SYAoGfPnkhJScGXX36Z5/3fv38/z/a6devixIkTBpc78/LyyvVR+IkTJ/L1PTVv3hw+Pj7YuHEj1q9fj27dumlDea1atWBvb49r166hSpUqel8+Pj4G77N+/fo4e/asXtvevXvRuXNn9O7dG4GBgXpDQJ6kQYMGOHPmDHx9fXPV4OzsjLt37yI6OhqTJ09G+/btUbNmzVyhOy9DhgzBiRMnnvhlaKiDnZ0dgoKCsHPnTm2bWq3Gzp07tUNCnuSHH35Aeno6evfubfAcNzc3eHl54eLFizhy5Ag6d+6sd31UVNQTe93NzqRT5YqAp80SDAyUix9YWQmRnGze2oySlCREv3661RoAIXx8hIiMVLoyIqIiqbit6pCZmSnKly8v5s6dq21bsGCBsLKyEhMnThTnzp0Tly5dEvPmzRP29vZizJgxerf/4IMPhLW1tXj//ffFvn37xNWrV8WOHTvEG2+8YXC1h/T0dFGtWjXRqlUrsWfPHnH58mWxadMmsW/fPiGEENu2bRMqlUqsWbNGXLhwQUydOlWUKFEi16oO7777bp73P2nSJFGrVi1hY2Mjdu/eneu6UqVKidWrV4tLly6Jo0ePisWLF4vVq1cbfN62bt0qvL29RVZWlrZt1KhRwsfHR+zdu1ecPXtWDBw4UJQoUULv+c2rxhs3bggvLy/xxhtviEOHDolLly6Jbdu2if79+4usrCyRnZ0tSpUqJXr37i0uXrwodu7cKRo1aiQAiB9//NFgjc/r+++/F/b29mL16tXi7Nmz4p133hHu7u4iLi5Oe06fPn3E+PHjc922ZcuWIiwsLM/7DQ8PFxEREeLy5cvip59+EpUqVRKvv/56rvMqVaok1q5dm+d9KLGqA4NvDsnJMvACQtStq0Bx+bVvnxD+/vqhNyxMiHv3lK6MiKjIKm7BVwghZs+eLby8vLTLUAkhxM8//yxatWolnJ2dhYODgwgKChIrV67M8343btwoWrduLVxdXYWzs7OoW7eu+PDDD5+4nNnVq1dF165dRYkSJYSTk5No2LChOHjwoPb6qVOnitKlSws3NzcxatQoMXz48HwH37NnzwoAolKlSkKtVutdp1arxcKFC0X16tWFra2t8PLyEqGhoWLXrl0Ga83MzBTlypUT27Zt07bdvXtXdO7cWbi4uAhvb28xefJk0bdv36cGXyGEuHDhgnjttdeEu7u7cHR0FDVq1BDvvfeetta//vpL1KxZU9jb24u6deuKyMjIAg++Qgjx+eefi4oVKwo7OzvRuHFj7fJyOb+ffv366bWdP39eABB//vlnnve5aNEiUaFCBWFraysqVqwoJk+eLNLT0/XO2bdvn3B3dxcPHz7M8z6UCL4qIZ5xBHsRlZycDDc3NyQlJaFEiRJ61/39N9C+vTweMgRYulSBAp8mMhIICZGT2QDA1RVYskSu2sDNKIiInllaWhquXLkCPz+/XBOeqPhasmQJtm7diu3btytdSrETFhaGwMBATJw4Mc/rn/Qz96S89jw4uS2Hfft0x4V2YluLFkBQEHDokByE/O23gJ+f0lUREREVSYMHD8b9+/fx4MGDYr1tsbllZGQgICAAo0aNUroUPQy+ORSJFR1sbYH164GNG4Fx4wAb/hcSERE9KxsbG0yaNEnpMoodOzs7TJ48WekycuGqDv9Rq4EDB+SxpyfwDOttm15iItCrF3D0qH57lSrApEkMvURERERGYHL6z4ULgGb1lWbNCsFw2chIuTbv9esy+B47Bjy2eDYRERER5R97fP9TaIY5ZGQA48cD7drJ0AsAd+4AZ84oWBQRERFR0cce3/8Uio0roqOBnj1l765G27bA2rVAhQoKFUVERERUPLDH9z+aFR2srYHHdtsreEIAy5cD9evrQq+tLTBnDrBjB0MvERERkQmwxxdAUhKg2bEwMBDIY4vwghMfDwwcCGzdqmurXh3YsAFo0MCMhRAREREVb+zxBXDwoOx0BRQY5hAbC/z+u+7y0KGy15ehl4iIiMikGHyh8MYVDRoAH38s11DbuhX48kuu3kBEREWKSqXCTz/9pHQZhdb06dNRr149pcsgMPgCMPOKDufPA5mZ+m1jx8pVGzp1KuAHJyKi4qh///5QqVRQqVSwtbWFn58fPvjgA6SlpSldWoGLi4vDu+++iypVqsDBwQGlS5dGixYtsHTpUjx8+FDp8gAAY8eOxc6dO5Uug8AxvnobV5QpA/j6FuADff653G1t3DhgxgzdddbWgLd3AT0wERFZgo4dO2LVqlXIzMzE0aNH0a9fP6hUKnz66adKl1ZgYmJi0KJFC7i7u2PWrFkICAiAvb09Tp8+ja+++grly5fHq6++qnSZcHFxgYuLi9JlENjji7NngeRkeVxgG1fcugW89BLw3ntAeroc2nDoUAE8EBERWSp7e3uUKVMGPj4+6NKlC0JCQvDXX39pr7979y7efPNNlC9fHk5OTggICMB3332ndx9t2rTByJEj8cEHH6BkyZIoU6YMpk+frnfOxYsX0bp1azg4OKBWrVp6j6Fx+vRptGvXDo6OjihVqhTeeecdpKSkaK/v378/unTpglmzZqF06dJwd3fHhx9+iKysLLz//vsoWbIkKlSogFWrVj3xe/7f//4HGxsbHDlyBN27d0fNmjXh7++Pzp0747fffkOn/z5JvXr1KlQqFU6cOKG97f3796FSqRAZGalti4qKwosvvggXFxeULl0affr0QUJCgvb6TZs2ISAgQPt9hYSEIDU1FQAQGRmJxo0bw9nZGe7u7mjRogX+/fdfALmHOmi+/88++wxly5ZFqVKlMGzYMGTm+ET41q1bePnll+Ho6Ag/Pz9s2LABvr6+WLhw4ROfE3oyiw++BT7M4eefgbp1ge3bdW0jR8o2IiIqGubPl0tLPu0rr97FV1/N323nzzdZuVFRUdi3bx/s7Oy0bWlpaQgKCsJvv/2GqKgovPPOO+jTpw8OPdYRs2bNGjg7O+PgwYOYM2cOPvzwQ224VavVeP3112FnZ4eDBw9i2bJlGDdunN7tU1NTERoaCg8PDxw+fBg//PADduzYgeHDh+ud9/fff+PmzZv4559/MH/+fEybNg2vvPIKPDw8cPDgQQwZMgSDBw/Gdc1mTo+5e/cu/vzzTwwbNgzOBpZjUhnRm3X//n20a9cO9evXx5EjR7Bt2zbcvn0b3bt3ByCD6Jtvvom33noL586dQ2RkJF5//XUIIZCVlYUuXbogODgYp06dwv79+/HOO+888fEjIiJw+fJlREREYM2aNVi9ejVWr16tvb5v3764efMmIiMjsXnzZnz11Ve4c+dOvr8fMkBYmKSkJAFAJCUlCSGEGDBACLmmgxB79pjwgVJShBg8WHfngBBlygixfbsJH4SIiEzl0aNH4uzZs+LRo0e5r5w2Tf/3uaGvpk1z37Zp0/zddtq0Z669X79+wtraWjg7Owt7e3sBQFhZWYlNmzY98XYvv/yyGDNmjPZycHCwaNmypd45jRo1EuPGjRNCCLF9+3ZhY2Mjbty4ob3+jz/+EADEjz/+KIQQ4quvvhIeHh4iJSVFe85vv/0mrKysRFxcnLbeSpUqiezsbO051atXF61atdJezsrKEs7OzuK7777Ls/YDBw4IAGLLli167aVKlRLOzs7C2dlZfPDBB0IIIa5cuSIAiOPHj2vPS0xMFABERESEEEKIjz76SHTo0EHvvmJjYwUAER0dLY4ePSoAiKtXr+aq5e7duwKAiIyMzLPWadOmicDAQO1lzfeflZWlbevWrZsICwsTQghx7tw5AUAcPnxYe/3FixcFALFgwYI8H6MoetLP3ON5zVQsfoyvZkUHW1sgKMhEd3r0qNyB7cIFXVvnzsDXX8vVG4iIqGgpUQIoX/7p53l55d2Wn9uWKGF8XTm0bdsWS5cuRWpqKhYsWAAbGxt07dpVe312djZmzZqF8PBw3LhxAxkZGUhPT4fTYysJ1X3sE8myZctqexrPnTsHHx8flCtXTnt9s8c+Lj137hwCAwP1emFbtGgBtVqN6OholC5dGgBQu3ZtWFnpPnguXbo06tSpo71sbW2NUqVKGd3LeejQIajVavTq1Qvp6en5vt3JkycRERGR51jcy5cvo0OHDmjfvj0CAgIQGhqKDh064I033oCHhwdKliyJ/v37IzQ0FC+88AJCQkLQvXt3lC1b1uDj1a5dG9bW1trLZcuWxenTpwEA0dHRsLGxQYMcS5tWqVIFHh4e+f5+KG8WHXzv3ZO7BANy0zQHBxPc6d9/A6GhQFaWvOzkBCxcKDepKJABxEREVOBGj5ZfzyLnBkUFyNnZGVWqVAEArFy5EoGBgfjmm2/w9ttvAwDmzp2LRYsWYeHChQgICICzszPee+89ZGRk6N2Pra2t3mWVSgW1Wm3yevN6HGMeu0qVKlCpVIjW/CH/j7+/PwDA0dFR26YJ2EKzaD+gN54WAFJSUtCpU6c8JwOWLVsW1tbW+Ouvv7Bv3z78+eef+PzzzzFp0iQcPHgQfn5+WLVqFUaOHIlt27Zh48aNmDx5Mv766y80bdo0399/QTzPpM+ix/hqVnMATLhxRYsWQK1a8jgoCDh+HBg0iKGXiIjMxsrKChMnTsTkyZPx6NEjAMDevXvRuXNn9O7dG4GBgfD398eFnJ9M5kPNmjURGxuLW7duadsO5Pxj+t85J0+e1E760jy2lZUVqlev/hzflb5SpUrhhRdewBdffKH3WHnx+q8nPmfdOSe6AUCDBg1w5swZ+Pr6okqVKnpfmt5rlUqFFi1aYMaMGTh+/Djs7Ozw448/au+jfv36mDBhAvbt24c6depgw4YNz/S9Va9eHVlZWTh+/Li27dKlS0hMTHym+yMdiw6+BbJxhb293G540iT5ANWqmeiOiYiI8q9bt26wtrbGkiVLAABVq1bV9lieO3cOgwcPxu3bt426z5CQEFSrVg39+vXDyZMnsXv3bkyaNEnvnF69esHBwQH9+vVDVFQUIiIiMGLECPTp00c7zMFUvvzyS2RlZaFhw4bYuHEjzp07h+joaHz77bc4f/68diiBo6MjmjZtik8++QTnzp3Drl27MHnyZL37GjZsGO7du4c333wThw8fxuXLl7F9+3YMGDAA2dnZOHjwIGbNmoUjR47g2rVr2LJlC+Lj41GzZk1cuXIFEyZMwP79+/Hvv//izz//xMWLF1GzZs1n+r5q1KiBkJAQvPPOOzh06BCOHz+Od955B46OjkZN2KPcLDr4PveKDsnJsjf3zBn99tq15ZJlOWbTEhERmZONjQ2GDx+OOXPmIDU1FZMnT0aDBg0QGhqKNm3aoEyZMujSpYtR92llZYUff/wRjx49QuPGjTFw4EDMnDlT7xwnJyds374d9+7dQ6NGjfDGG2+gffv2+OKLL0z43UmVK1fG8ePHERISggkTJiAwMBANGzbE559/jrFjx+Kjjz7Snrty5UpkZWUhKCgI7733Hj7++GO9+ypXrhz27t2L7OxsdOjQAQEBAXjvvffg7u4OKysrlChRAv/88w9eeuklVKtWDZMnT8a8efPw4osvwsnJCefPn0fXrl1RrVo1vPPOOxg2bBgGDx78zN/b2rVrUbp0abRu3RqvvfYaBg0aBFdXVziYZFym5VKJnANeLEBycjLc3Nxw924SKlYsgdRUuYpMbKyRd7R/P9C7NxATI5cmO3RI9vYSEVGRlJaWhitXrsDPz4/hggqd69evw8fHBzt27ED79u2VLscknvQzp8lrSUlJKPGcEz9zstjJbWfPApohQUb19mZlATNnAh99BGRny7YrV4BTp4BGjUxeJxEREVmev//+GykpKQgICMCtW7fwwQcfwNfXF61bt1a6tCLNYoNvzvW68x18Y2JkL2/OMRLNmwPffgv4+Zm0PiIiIrJcmZmZmDhxImJiYuDq6ormzZtj/fr1uVaDIONYbPA9eFB3/NQVHYQA1q0Dhg8HHjyQbdbWwNSpwMSJgI3FPo1ERERUAEJDQxEaGqp0GcWOxSa2w4flv/b2cg1fgxITgaFDgY0bdW3+/sD69YCBtfmIiIiIqPCx2FUdrlyR/wYFPWXxhXPngB9+0F3u3x84cYKhl4iomLKwOd9EilHiZ81ig6/GU4c5NG8u1+R1dwfCw4FVqwBXV3OURkREZqQZO/nw4UOFKyGyDJpdA3Nu3VzQLHaog0auiW1XrgAVK8oxvBpTpgCDB+dvr3UiIiqSrK2t4e7ujjt37gCQ69FyswCigqFWqxEfHw8nJyfYmHGuFIOvJvgKAXz1FTBqFDBtGjBunO4kW1uGXiIiC1CmTBkA0IZfIio4VlZWqFixolnfYFrsBhZAEnx9S8ixvvHxwMCBwNat8iQbG7ne2RNnvRERUXGVnZ2NzMxMpcsgKtbs7OxgZZX3qFtuYFEAmjUDsH27nLAWF6e7YuBAoHp1pcoiIiKFWVtbm3XcIRGZR6GY3LZkyRL4/r+9+4+Kqsz/AP5mBmcGadCIEEZR8wfoKkb8kMA8pssumBlmBSVHUUndAHFly0hNJFcxU0rN/JEp5rKBdPx1hCCxKEBLRVBXEEIg7Qjsqhv4AwRmnu8ffpltBNQZh4GY9+ucOZ77zPPc+7nzcfTDw3PvHTgQCoUC3t7eOP7bp0u0ITU1FcOGDYNCoYCrqyvS09P1PqYMDVh0+a9AQMD/il47uzuzvps3Az17GnAmRERERNRVdXrhm5KSgujoaMTGxuLUqVN48skn4e/v3+76qqNHj+K1115DWFgYCgoKMGXKFEyZMgX/+te/9DpuNp6F23fr/9cQEACcPQtMnvwwp0NEREREXVSnr/H19vaGl5cXPv74YwB3rvJzcnLC/PnzERMT06p/cHAwbt68iUOHDmnbnn76abi5uWHLli33PZ52zQgAG+DOEyw++ODOU9l49S4RERFRp+uWa3wbGxuRn5+Pd955R9smkUjg5+eHY8eOtTnm2LFjiI6O1mnz9/fH/v372+x/+/Zt3L59W7tdW1sLAKgDgD/8Afjsszt/tjyKmIiIiIg6VV1dHQDjP+SiUwvfK1euQK1Wo0+fPjrtffr0wfnz59scU11d3Wb/6t9enPYb8fHxiIuLa9XuBABFRW3cyJeIiIiIuoKrV6/+/924jKPb39XhnXfe0Zkh/vXXXzFgwABcvHjRqB8kdU11dXVwcnLCpUuXjPqrEuqamG/zwnybF+bbvNTW1qJ///6wtbU16n47tfC1s7ODVCpFTU2NTntNTY32JuJ3c3Bw0Ku/XC6HXC5v1d6rVy9+ccyIjY0N821GmG/zwnybF+bbvLR3n1+D92fUvelJJpPBw8MDR44c0bZpNBocOXIEPu0sQfDx8dHpDwCHDx9utz8REREREdAFljpER0cjNDQUnp6eGD16ND766CPcvHkTs2bNAgDMmDEDffv2RXx8PABgwYIFGDduHNatW4dJkyYhOTkZJ0+exLZt2zrzNIiIiIioi+v0wjc4OBj/+c9/sGzZMlRXV8PNzQ0ZGRnaC9guXryoM83t6+uLf/7zn1i6dCkWL16MoUOHYv/+/Rg5cuQDHU8ulyM2NrbN5Q/U/TDf5oX5Ni/Mt3lhvs1LR+W70+/jS0RERERkCp3+5DYiIiIiIlNg4UtEREREZoGFLxERERGZBRa+RERERGQWumXhu2nTJgwcOBAKhQLe3t44fvz4PfunpqZi2LBhUCgUcHV1RXp6uokiJWPQJ9+ffvopxo4di0cffRSPPvoo/Pz87vv3g7oWfb/fLZKTk2FhYYEpU6Z0bIBkVPrm+9dff0VERAQcHR0hl8vh7OzMf9N/R/TN90cffQQXFxdYWVnByckJCxcuRENDg4mipYfx/fffY/LkyVCpVLCwsMD+/fvvOyY7Oxvu7u6Qy+UYMmQIEhMT9T+w6GaSk5OFTCYTO3bsEOfOnRNz5swRvXv3FjU1NW32z8vLE1KpVKxZs0YUFRWJpUuXih49eoizZ8+aOHIyhL75njZtmti0aZMoKCgQxcXFYubMmaJXr17il19+MXHkZAh9892ioqJC9O3bV4wdO1YEBgaaJlh6aPrm+/bt28LT01M899xzIjc3V1RUVIjs7GxRWFho4sjJEPrmOykpScjlcpGUlCQqKipEZmamcHR0FAsXLjRx5GSI9PR0sWTJErF3714BQOzbt++e/cvLy0XPnj1FdHS0KCoqEhs3bhRSqVRkZGToddxuV/iOHj1aREREaLfVarVQqVQiPj6+zf5BQUFi0qRJOm3e3t5i3rx5HRonGYe++b5bc3OzUCqVYteuXR0VIhmRIflubm4Wvr6+Yvv27SI0NJSF7++IvvnevHmzGDRokGhsbDRViGRE+uY7IiJCTJgwQactOjpajBkzpkPjJON7kMJ30aJFYsSIETptwcHBwt/fX69jdaulDo2NjcjPz4efn5+2TSKRwM/PD8eOHWtzzLFjx3T6A4C/v3+7/anrMCTfd7t16xaamppga2vbUWGSkRia7/feew/29vYICwszRZhkJIbk++DBg/Dx8UFERAT69OmDkSNHYtWqVVCr1aYKmwxkSL59fX2Rn5+vXQ5RXl6O9PR0PPfccyaJmUzLWPVapz+5zZiuXLkCtVqtfepbiz59+uD8+fNtjqmurm6zf3V1dYfFScZhSL7v9vbbb0OlUrX6MlHXY0i+c3Nz8dlnn6GwsNAEEZIxGZLv8vJyfPPNNwgJCUF6ejrKysoQHh6OpqYmxMbGmiJsMpAh+Z42bRquXLmCZ555BkIINDc34y9/+QsWL15sipDJxNqr1+rq6lBfXw8rK6sH2k+3mvEl0sfq1auRnJyMffv2QaFQdHY4ZGTXr1/H9OnT8emnn8LOzq6zwyET0Gg0sLe3x7Zt2+Dh4YHg4GAsWbIEW7Zs6ezQqANkZ2dj1apV+OSTT3Dq1Cns3bsXaWlpWLFiRWeHRl1Yt5rxtbOzg1QqRU1NjU57TU0NHBwc2hzj4OCgV3/qOgzJd4u1a9di9erVyMrKwqhRozoyTDISffN94cIFVFZWYvLkydo2jUYDALC0tERJSQkGDx7csUGTwQz5fjs6OqJHjx6QSqXatuHDh6O6uhqNjY2QyWQdGjMZzpB8v/vuu5g+fTpef/11AICrqytu3ryJuXPnYsmSJZBIOLfXnbRXr9nY2DzwbC/QzWZ8ZTIZPDw8cOTIEW2bRqPBkSNH4OPj0+YYHx8fnf4AcPjw4Xb7U9dhSL4BYM2aNVixYgUyMjLg6elpilDJCPTN97Bhw3D27FkUFhZqXy+88ALGjx+PwsJCODk5mTJ80pMh3+8xY8agrKxM+wMOAJSWlsLR0ZFFbxdnSL5v3brVqrht+aHnzvVS1J0YrV7T77q7ri85OVnI5XKRmJgoioqKxNy5c0Xv3r1FdXW1EEKI6dOni5iYGG3/vLw8YWlpKdauXSuKi4tFbGwsb2f2O6JvvlevXi1kMpn48ssvRVVVlfZ1/fr1zjoF0oO++b4b7+rw+6Jvvi9evCiUSqWIjIwUJSUl4tChQ8Le3l78/e9/76xTID3om+/Y2FihVCrFF198IcrLy8XXX38tBg8eLIKCgjrrFEgP169fFwUFBaKgoEAAEAkJCaKgoED8/PPPQgghYmJixPTp07X9W25n9tZbb4ni4mKxadMm3s6sxcaNG0X//v2FTCYTo0ePFj/88IP2vXHjxonQ0FCd/nv27BHOzs5CJpOJESNGiLS0NBNHTA9Dn3wPGDBAAGj1io2NNX3gZBB9v9+/xcL390fffB89elR4e3sLuVwuBg0aJFauXCmam5tNHDUZSp98NzU1ieXLl4vBgwcLhUIhnJycRHh4uPjvf/9r+sBJb99++22b/x+35Dg0NFSMGzeu1Rg3Nzchk8nEoEGDxM6dO/U+roUQ/H0AEREREXV/3WqNLxERERFRe1j4EhEREZFZYOFLRERERGaBhS8RERERmQUWvkRERERkFlj4EhEREZFZYOFLRERERGaBhS8RERERmQUWvkREABITE9G7d+/ODsNgFhYW2L9//z37zJw5E1OmTDFJPEREXRELXyLqNmbOnAkLC4tWr7Kyss4ODYmJidp4JBIJ+vXrh1mzZuHf//63UfZfVVWFiRMnAgAqKythYWGBwsJCnT7r169HYmKiUY7XnuXLl2vPUyqVwsnJCXPnzsW1a9f02g+LdCLqCJadHQARkTEFBARg586dOm2PP/54J0Wjy8bGBiUlJdBoNDh9+jRmzZqFy5cvIzMz86H37eDgcN8+vXr1eujjPIgRI0YgKysLarUaxcXFmD17Nmpra5GSkmKS4xMRtYczvkTUrcjlcjg4OOi8pFIpEhIS4OrqCmtrazg5OSE8PBw3btxodz+nT5/G+PHjoVQqYWNjAw8PD5w8eVL7fm5uLsaOHQsrKys4OTkhKioKN2/evGdsFhYWcHBwgEqlwsSJExEVFYWsrCzU19dDo9HgvffeQ79+/SCXy+Hm5oaMjAzt2MbGRkRGRsLR0REKhQIDBgxAfHy8zr5bljo88cQTAICnnnoKFhYWePbZZwHozqJu27YNKpUKGo1GJ8bAwEDMnj1bu33gwAG4u7tDoVBg0KBBiIuLQ3Nz8z3P09LSEg4ODujbty/8/Pzwyiuv4PDhw9r31Wo1wsLC8MQTT8DKygouLi5Yv3699v3ly5dj165dOHDggHb2ODs7GwBw6dIlBAUFoXfv3rC1tUVgYCAqKyvvGQ8RUQsWvkRkFiQSCTZs2IBz585h165d+Oabb7Bo0aJ2+4eEhKBfv344ceIE8vPzERMTgx49egAALly4gICAALz00ks4c+YMUlJSkJubi8jISL1isrKygkajQXNzM9avX49169Zh7dq1OHPmDPz9/fHCCy/gp59+AgBs2LABBw8exJ49e1BSUoKkpCQMHDiwzf0eP34cAJCVlYWqqirs3bu3VZ9XXnkFV69exbfffqttu3btGjIyMhASEgIAyMnJwYwZM7BgwQIUFRVh69atSExMxMqVKx/4HCsrK5GZmQmZTKZt02g06NevH1JTU1FUVIRly5Zh8eLF2LNnDwDgzTffRFBQEAICAlBVVYWqqir4+vqiqakJ/v7+UCqVyMnJQV5eHh555BEEBASgsbHxgWMiIjMmiIi6idDQUCGVSoW1tbX29fLLL7fZNzU1VTz22GPa7Z07d4pevXppt5VKpUhMTGxzbFhYmJg7d65OW05OjpBIJKK+vr7NMXfvv7S0VDg7OwtPT08hhBAqlUqsXLlSZ4yXl5cIDw8XQggxf/58MWHCBKHRaNrcPwCxb98+IYQQFRUVAoAoKCjQ6RMaGioCAwO124GBgWL27Nna7a1btwqVSiXUarUQQog//vGPYtWqVTr72L17t3B0dGwzBiGEiI2NFRKJRFhbWwuFQiEACAAiISGh3TFCCBERESFeeumldmNtObaLi4vOZ3D79m1hZWUlMjMz77l/IiIhhOAaXyLqVsaPH4/Nmzdrt62trQHcmf2Mj4/H+fPnUVdXh+bmZjQ0NODWrVvo2bNnq/1ER0fj9ddfx+7du7W/rh88eDCAO8sgzpw5g6SkJG1/IQQ0Gg0qKiowfPjwNmOrra3FI488Ao1Gg4aGBjzzzDPYvn076urqcPnyZYwZM0an/5gxY3D69GkAd5Yp/OlPf4KLiwsCAgLw/PPP489//vNDfVYhISGYM2cOPvnkE8jlciQlJeHVV1+FRCLRnmdeXp7ODK9arb7n5wYALi4uOHjwIBoaGvCPf/wDhYWFmD9/vk6fTZs2YceOHbh48SLq6+vR2NgINze3e8Z7+vRplJWVQalU6rQ3NDTgwoULBnwCRGRuWPgSUbdibW2NIUOG6LRVVlbi+eefxxtvvIGVK1fC1tYWubm5CAsLQ2NjY5sF3PLlyzFt2jSkpaXhq6++QmxsLJKTk/Hiiy/ixo0bmDdvHqKiolqN69+/f7uxKZVKnDp1ChKJBI6OjrCysgIA1NXV3fe83N3dUVFRga+++gpZWVkICgqCn58fvvzyy/uObc/kyZMhhEBaWhq8vLyQk5ODDz/8UPv+jRs3EBcXh6lTp7Yaq1Ao2t2vTCbT5mD16tWYNGkS4uLisGLFCgBAcnIy3nzzTaxbtw4+Pj5QKpX44IMP8OOPP94z3hs3bsDDw0PnB44WXeUCRiLq2lj4ElG3l5+fD41Gg3Xr1mlnM1vWk96Ls7MznJ2dsXDhQrz22mvYuXMnXnzxRbi7u6OoqKhVgX0/EomkzTE2NjZQqVTIy8vDuHHjtO15eXkYPXq0Tr/g4GAEBwfj5ZdfRkBAAK5duwZbW1ud/bWsp1Wr1feMR6FQYOrUqUhKSkJZWRlcXFzg7u6ufd/d3R0lJSV6n+fdli5digkTJuCNN97Qnqevry/Cw8O1fe6esZXJZK3id3d3R0pKCuzt7WFjY/NQMRGReeLFbUTU7Q0ZMgRNTU3YuHEjysvLsXv3bmzZsqXd/vX19YiMjER2djZ+/vln5OXl4cSJE9olDG+//TaOHj2KyMhIFBYW4qeffsKBAwf0vrjtt9566y28//77SElJQUlJCWJiYlBYWIgFCxYAABISEvDFF1/g/PnzKC0tRWpqKhwcHNp86Ia9vT2srKyQkZGBmpoa1NbWtnvckJAQpKWlYceOHdqL2losW7YMn3/+OeLi4nDu3DkUFxcjOTkZS5cu1evcfHx8MGrUKKxatQoAMHToUJw8eRKZmZkoLS3Fu+++ixMnTuiMGThwIM6cOYOSkhJcuXIFTU1NCAkJgZ2dHQIDA5GTk4OKigpkZ2cjKioKv/zyi14xEZF5YuFLRN3ek08+iYSEBLz//vsYOXIkkpKSdG4FdjepVIqrV69ixowZcHZ2RlBQECZOnIi4uDgAwKhRo/Ddd9+htLQUY8eOxVNPPYVly5ZBpVIZHGNUVBSio6Pxt7/9Da6ursjIyMDBgwcxdOhQAHeWSaxZswaenp7w8vJCZWUl0tPTtTPYv2VpaYkNGzZg69atUKlUCAwMbPe4EyZMgK2tLUpKSjBt2jSd9/z9/XHo0CF8/fXX8PLywtNPP40PP/wQAwYM0Pv8Fi5ciO3bt+PSpUuYN28epk6diuDgYHh7e+Pq1as6s78AMGfOHLi4uMDT0xOPP/448vLy0LNnT3z//ffo378/pk6diuHDhyMsLAwNDQ2cASaiB2IhhBCdHQQRERERUUfjjC8RERERmQUWvkRERERkFlj4EhEREZFZYOFLRERERGaBhS8RERERmQUWvkRERERkFlj4EhEREZFZYOFLRERERGaBhS8RERERmQUWvkRERERkFlj4EhEREZFZ+D8dNX53B/AB/AAAAABJRU5ErkJggg==", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "plot_roc_curve(y_test, y_pred)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "#### Standardized data" + ] + }, + { + "cell_type": "code", + "execution_count": 79, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Time taken for GridSearchCV: 8.59 seconds\n", + "Best Hyperparameters:\n", + "{'C': 0.1, 'penalty': 'l1', 'solver': 'liblinear'}\n", + "\n", + "Time taken for training with best hyperparameters: 0.40 seconds\n", + "\n", + "Mean Accuracy: 0.8384128630705394\n", + "Standard Deviation of Accuracy: 0.028894090640005768\n", + "Mean Precision: 0.8072888487396828\n", + "Standard Deviation of Precision: 0.05501713449858519\n", + "Mean Recall: 0.6959006758742285\n", + "Standard Deviation of Recall: 0.044346578351324335\n", + "Mean F1-score: 0.7468449823208363\n", + "Standard Deviation of F1-score: 0.044247964137423254\n", + "Mean ROC AUC: 0.8042572798060169\n", + "Standard Deviation of ROC AUC: 0.03134731656993271\n", + "\n", + "Total time taken: 8.99 seconds\n" + ] + } + ], + "source": [ + "from sklearn.linear_model import LogisticRegression\n", + "from sklearn.model_selection import StratifiedKFold, GridSearchCV\n", + "from sklearn.metrics import accuracy_score, precision_score, recall_score, f1_score, roc_auc_score, confusion_matrix\n", + "import numpy as np\n", + "import time\n", + "\n", + "start_total_time = time.time()\n", + "\n", + "kf = StratifiedKFold(n_splits=10, shuffle=True, random_state=42)\n", + "\n", + "model = LogisticRegression(random_state=42, max_iter=10000)\n", + "\n", + "param_grid = {\n", + " 'C': [0.01, 0.1, 1.0, 10.0, 100.0],\n", + " 'penalty': ['l1', 'l2', 'elasticnet', 'none'],\n", + " 'solver': ['newton-cg', 'lbfgs', 'liblinear', 'sag', 'saga']\n", + "}\n", + "\n", + "grid_search = GridSearchCV(estimator=model, param_grid=param_grid, cv=kf, scoring='accuracy')\n", + "\n", + "start_time = time.time()\n", + "\n", + "grid_search.fit(standard(x), y)\n", + "\n", + "grid_search_time = time.time() - start_time\n", + "print(f\"Time taken for GridSearchCV: {grid_search_time:.2f} seconds\")\n", + "\n", + "best_params = grid_search.best_params_\n", + "\n", + "print(\"Best Hyperparameters:\")\n", + "print(best_params)\n", + "print()\n", + "\n", + "best_model = grid_search.best_estimator_\n", + "\n", + "start_time = time.time()\n", + "\n", + "accuracy_scores = []\n", + "precision_scores = []\n", + "recall_scores = []\n", + "f1_scores = []\n", + "roc_auc_scores = []\n", + "confusion_matrices = []\n", + "\n", + "for train_index, test_index in kf.split(standard(x), y):\n", + " X_train, X_test = x.iloc[train_index], x.iloc[test_index]\n", + " y_train, y_test = y.iloc[train_index], y.iloc[test_index]\n", + "\n", + " best_model.fit(X_train, y_train)\n", + "\n", + " y_pred = best_model.predict(X_test)\n", + "\n", + " accuracy = accuracy_score(y_test, y_pred)\n", + " accuracy_scores.append(accuracy)\n", + " \n", + " precision = precision_score(y_test, y_pred)\n", + " precision_scores.append(precision)\n", + " \n", + " recall = recall_score(y_test, y_pred)\n", + " recall_scores.append(recall)\n", + " \n", + " f1 = f1_score(y_test, y_pred)\n", + " f1_scores.append(f1)\n", + " \n", + " roc_auc = roc_auc_score(y_test, y_pred)\n", + " roc_auc_scores.append(roc_auc)\n", + " \n", + " confusion = confusion_matrix(y_test, y_pred)\n", + " confusion_matrices.append(confusion)\n", + "\n", + "training_time = time.time() - start_time\n", + "print(f\"Time taken for training with best hyperparameters: {training_time:.2f} seconds\")\n", + "print()\n", + "\n", + "mean_accuracy = np.mean(accuracy_scores)\n", + "std_accuracy = np.std(accuracy_scores)\n", + "\n", + "mean_precision = np.mean(precision_scores)\n", + "std_precision = np.std(precision_scores)\n", + "\n", + "mean_recall = np.mean(recall_scores)\n", + "std_recall = np.std(recall_scores)\n", + "\n", + "mean_f1 = np.mean(f1_scores)\n", + "std_f1 = np.std(f1_scores)\n", + "\n", + "mean_roc_auc = np.mean(roc_auc_scores)\n", + "std_roc_auc = np.std(roc_auc_scores)\n", + "\n", + "print(f\"Mean Accuracy: {mean_accuracy}\")\n", + "print(f\"Standard Deviation of Accuracy: {std_accuracy}\")\n", + "\n", + "print(f\"Mean Precision: {mean_precision}\")\n", + "print(f\"Standard Deviation of Precision: {std_precision}\")\n", + "\n", + "print(f\"Mean Recall: {mean_recall}\")\n", + "print(f\"Standard Deviation of Recall: {std_recall}\")\n", + "\n", + "print(f\"Mean F1-score: {mean_f1}\")\n", + "print(f\"Standard Deviation of F1-score: {std_f1}\")\n", + "\n", + "print(f\"Mean ROC AUC: {mean_roc_auc}\")\n", + "print(f\"Standard Deviation of ROC AUC: {std_roc_auc}\")\n", + "print()\n", + "\n", + "total_time = time.time() - start_total_time\n", + "print(f\"Total time taken: {total_time:.2f} seconds\")" + ] + }, + { + "cell_type": "code", + "execution_count": 80, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "x_train: (1800, 13)\n", + "y_train: (1800,)\n", + "x_test: (601, 13)\n", + "y_test: (601,)\n" + ] + } + ], + "source": [ + "from sklearn.model_selection import train_test_split\n", + "\n", + "x_train, x_test, y_train, y_test = train_test_split(x,y,test_size=0.25,random_state=42)\n", + "\n", + "print(\"x_train:\",x_train.shape)\n", + "print(\"y_train:\",y_train.shape)\n", + "print(\"x_test:\",x_test.shape)\n", + "print(\"y_test:\",y_test.shape)" + ] + }, + { + "cell_type": "code", + "execution_count": 81, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Accuracy: 0.8202995008319468\n", + "Precision: 0.7637362637362637\n", + "Recall: 0.6813725490196079\n", + "F1 Score: 0.7202072538860105\n", + "ROC AUC Score: 0.7865301032251691\n", + "Confusion Matrix:\n", + "[[354 43]\n", + " [ 65 139]]\n" + ] + } + ], + "source": [ + "model = grid_search.best_estimator_\n", + "\n", + "model.fit(x_train, y_train)\n", + "\n", + "y_pred = model.predict(x_test)\n", + "\n", + "y_pred = (y_pred >= 0.5).astype(int)\n", + "\n", + "print(\"Accuracy:\", accuracy_score(y_test, y_pred))\n", + "print(\"Precision:\", precision_score(y_test, y_pred))\n", + "print(\"Recall:\", recall_score(y_test, y_pred))\n", + "print(\"F1 Score:\", f1_score(y_test, y_pred))\n", + "print(\"ROC AUC Score:\", roc_auc_score(y_test, y_pred))\n", + "print(\"Confusion Matrix:\")\n", + "print(confusion_matrix(y_test, y_pred))" + ] + }, + { + "cell_type": "code", + "execution_count": 82, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAokAAAIjCAYAAABvUIGpAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8pXeV/AAAACXBIWXMAAA9hAAAPYQGoP6dpAABILElEQVR4nO3de5yN5f7/8feaYZaZYWYM5uQwzofJMYpJTtthHGPTlqiGxFZDZZBml3M1bSnSgY5IdI42kRxCtimHKAnbIIeYGZEZBmPM3L8/+lq/lovM0ixrWK9nj/vxsO77Wvf9WWtX+9P7uu572SzLsgQAAAD8gY+nCwAAAEDRQ5MIAAAAA00iAAAADDSJAAAAMNAkAgAAwECTCAAAAANNIgAAAAw0iQAAADDQJAIAAMBAkwjgT+3evVsdOnRQcHCwbDabFi5cWKjn//nnn2Wz2TR79uxCPe/1rHXr1mrdurWnywDg5WgSgevAnj179M9//lNVq1ZViRIlFBQUpObNm+vFF1/UmTNn3Hrt+Ph4bdu2TU8//bTmzp2rJk2auPV611L//v1ls9kUFBR0ye9x9+7dstlsstlsmjJlisvnP3z4sMaPH6+tW7cWQrUAcG0V83QBAP7c559/rn/84x+y2+267777VLduXZ07d07r1q3TqFGjtH37dr3++utuufaZM2eUkpKiJ554QkOHDnXLNaKjo3XmzBkVL17cLee/kmLFiun06dNatGiRevfu7XRs3rx5KlGihM6ePXtV5z58+LAmTJigypUrq2HDhgV+35dffnlV1wOAwkSTCBRh+/btU58+fRQdHa1Vq1YpMjLScSwhIUGpqan6/PPP3Xb9o0ePSpJCQkLcdg2bzaYSJUq47fxXYrfb1bx5c7333ntGkzh//nx16dJFn3zyyTWp5fTp0woICJCfn981uR4A/Bmmm4EibPLkyTp16pTeeustpwbxgurVq+uRRx5xvD5//rwmTZqkatWqyW63q3LlyvrXv/6lnJwcp/dVrlxZXbt21bp163TrrbeqRIkSqlq1qt555x3HmPHjxys6OlqSNGrUKNlsNlWuXFnS79O0F/78R+PHj5fNZnPat3z5ct1+++0KCQlRyZIlVatWLf3rX/9yHL/cmsRVq1apRYsWCgwMVEhIiLp3764dO3Zc8nqpqanq37+/QkJCFBwcrAEDBuj06dOX/2Iv0rdvXy1dulQnTpxw7Nu4caN2796tvn37GuOPHz+ukSNHql69eipZsqSCgoLUqVMnff/9944xq1ev1i233CJJGjBggGPa+sLnbN26terWravNmzerZcuWCggIcHwvF69JjI+PV4kSJYzPHxcXp9KlS+vw4cMF/qwAUFA0iUARtmjRIlWtWlW33XZbgcY/8MADGjt2rG6++WZNnTpVrVq1UnJysvr06WOMTU1N1Z133qn27dvr+eefV+nSpdW/f39t375dktSzZ09NnTpVknT33Xdr7ty5mjZtmkv1b9++XV27dlVOTo4mTpyo559/XnfccYf++9///un7VqxYobi4OGVkZGj8+PFKTEzU+vXr1bx5c/3888/G+N69e+vkyZNKTk5W7969NXv2bE2YMKHAdfbs2VM2m02ffvqpY9/8+fNVu3Zt3Xzzzcb4vXv3auHCheratateeOEFjRo1Stu2bVOrVq0cDVudOnU0ceJESdLgwYM1d+5czZ07Vy1btnSc59ixY+rUqZMaNmyoadOmqU2bNpes78UXX1S5cuUUHx+vvLw8SdJrr72mL7/8Ui+99JKioqIK/FkBoMAsAEVSZmamJcnq3r17gcZv3brVkmQ98MADTvtHjhxpSbJWrVrl2BcdHW1JstauXevYl5GRYdntdmvEiBGOffv27bMkWc8995zTOePj463o6GijhnHjxll//NfK1KlTLUnW0aNHL1v3hWvMmjXLsa9hw4ZWWFiYdezYMce+77//3vLx8bHuu+8+43r333+/0zn//ve/W2XKlLnsNf/4OQIDAy3Lsqw777zTatu2rWVZlpWXl2dFRERYEyZMuOR3cPbsWSsvL8/4HHa73Zo4caJj38aNG43PdkGrVq0sSdbMmTMveaxVq1ZO+5YtW2ZJsp566ilr7969VsmSJa0ePXpc8TMCwNUiSQSKqKysLElSqVKlCjR+yZIlkqTExESn/SNGjJAkY+1iTEyMWrRo4Xhdrlw51apVS3v37r3qmi92YS3jZ599pvz8/AK958iRI9q6dav69++v0NBQx/769eurffv2js/5R0OGDHF63aJFCx07dszxHRZE3759tXr1aqWlpWnVqlVKS0u75FSz9Ps6Rh+f3//1mZeXp2PHjjmm0r/77rsCX9Nut2vAgAEFGtuhQwf985//1MSJE9WzZ0+VKFFCr732WoGvBQCuokkEiqigoCBJ0smTJws0fv/+/fLx8VH16tWd9kdERCgkJET79+932l+pUiXjHKVLl9Zvv/12lRWb7rrrLjVv3lwPPPCAwsPD1adPH3344Yd/2jBeqLNWrVrGsTp16ujXX39Vdna20/6LP0vp0qUlyaXP0rlzZ5UqVUoffPCB5s2bp1tuucX4Li/Iz8/X1KlTVaNGDdntdpUtW1blypXTDz/8oMzMzAJfs3z58i7dpDJlyhSFhoZq69atmj59usLCwgr8XgBwFU0iUEQFBQUpKipKP/74o0vvu/jGkcvx9fW95H7Lsq76GhfWy13g7++vtWvXasWKFbr33nv1ww8/6K677lL79u2NsX/FX/ksF9jtdvXs2VNz5szRggULLpsiStIzzzyjxMREtWzZUu+++66WLVum5cuX66abbipwYir9/v24YsuWLcrIyJAkbdu2zaX3AoCraBKBIqxr167as2ePUlJSrjg2Ojpa+fn52r17t9P+9PR0nThxwnGncmEoXbq0053AF1ycVkqSj4+P2rZtqxdeeEE//fSTnn76aa1atUpfffXVJc99oc5du3YZx3bu3KmyZcsqMDDwr32Ay+jbt6+2bNmikydPXvJmnws+/vhjtWnTRm+99Zb69OmjDh06qF27dsZ3UtCGvSCys7M1YMAAxcTEaPDgwZo8ebI2btxYaOcHgIvRJAJF2GOPPabAwEA98MADSk9PN47v2bNHL774oqTfp0slGXcgv/DCC5KkLl26FFpd1apVU2Zmpn744QfHviNHjmjBggVO444fP26898JDpS9+LM8FkZGRatiwoebMmePUdP3444/68ssvHZ/THdq0aaNJkybp5ZdfVkRExGXH+fr6GinlRx99pF9++cVp34Vm9lINtatGjx6tAwcOaM6cOXrhhRdUuXJlxcfHX/Z7BIC/iodpA0VYtWrVNH/+fN11112qU6eO0y+urF+/Xh999JH69+8vSWrQoIHi4+P1+uuv68SJE2rVqpU2bNigOXPmqEePHpd9vMrV6NOnj0aPHq2///3vevjhh3X69GnNmDFDNWvWdLpxY+LEiVq7dq26dOmi6OhoZWRk6NVXX1WFChV0++23X/b8zz33nDp16qTY2FgNHDhQZ86c0UsvvaTg4GCNHz++0D7HxXx8fPTkk09ecVzXrl01ceJEDRgwQLfddpu2bdumefPmqWrVqk7jqlWrppCQEM2cOVOlSpVSYGCgmjZtqipVqrhU16pVq/Tqq69q3LhxjkfyzJo1S61bt9aYMWM0efJkl84HAAXi4burARTA//73P2vQoEFW5cqVLT8/P6tUqVJW8+bNrZdeesk6e/asY1xubq41YcIEq0qVKlbx4sWtihUrWklJSU5jLOv3R+B06dLFuM7Fj1653CNwLMuyvvzyS6tu3bqWn5+fVatWLevdd981HoGzcuVKq3v37lZUVJTl5+dnRUVFWXfffbf1v//9z7jGxY+JWbFihdW8eXPL39/fCgoKsrp162b99NNPTmMuXO/iR+zMmjXLkmTt27fvst+pZTk/AudyLvcInBEjRliRkZGWv7+/1bx5cyslJeWSj6757LPPrJiYGKtYsWJOn7NVq1bWTTfddMlr/vE8WVlZVnR0tHXzzTdbubm5TuOGDx9u+fj4WCkpKX/6GQDgatgsy4WV3QAAAPAKrEkEAACAgSYRAAAABppEAAAAGGgSAQAAYKBJBAAAgIEmEQAAAAaaRAAAABhuyF9c8W801NMlAHCT3za+7OkSALhJCQ92Je7sHc5suT7/vUWSCAAAAANNIgAAgM3HfZsLZsyYofr16ysoKEhBQUGKjY3V0qVLHcdbt24tm83mtA0ZMsTpHAcOHFCXLl0UEBCgsLAwjRo1SufPn3f5K7khp5sBAABcYrN5ugJJUoUKFfTss8+qRo0asixLc+bMUffu3bVlyxbddNNNkqRBgwZp4sSJjvcEBAQ4/pyXl6cuXbooIiJC69ev15EjR3TfffepePHieuaZZ1yqhSYRAACgiOjWrZvT66efflozZszQN99842gSAwICFBERccn3f/nll/rpp5+0YsUKhYeHq2HDhpo0aZJGjx6t8ePHy8/Pr8C1MN0MAADgxunmnJwcZWVlOW05OTlXLCkvL0/vv/++srOzFRsb69g/b948lS1bVnXr1lVSUpJOnz7tOJaSkqJ69eopPDzcsS8uLk5ZWVnavn27S18JTSIAAIAbJScnKzg42GlLTk6+7Pht27apZMmSstvtGjJkiBYsWKCYmBhJUt++ffXuu+/qq6++UlJSkubOnat77rnH8d60tDSnBlGS43VaWppLdTPdDAAA4MY1iUlJSUpMTHTaZ7fbLzu+Vq1a2rp1qzIzM/Xxxx8rPj5ea9asUUxMjAYPHuwYV69ePUVGRqpt27bas2ePqlWrVqh10yQCAAC4kd1u/9Om8GJ+fn6qXr26JKlx48bauHGjXnzxRb322mvG2KZNm0qSUlNTVa1aNUVERGjDhg1OY9LT0yXpsusYL4fpZgAAgCLyCJxLyc/Pv+waxq1bt0qSIiMjJUmxsbHatm2bMjIyHGOWL1+uoKAgx5R1QZEkAgAAFBFJSUnq1KmTKlWqpJMnT2r+/PlavXq1li1bpj179mj+/Pnq3LmzypQpox9++EHDhw9Xy5YtVb9+fUlShw4dFBMTo3vvvVeTJ09WWlqannzySSUkJLiUZko0iQAAAEXmOYkZGRm67777dOTIEQUHB6t+/fpatmyZ2rdvr4MHD2rFihWaNm2asrOzVbFiRfXq1UtPPvmk4/2+vr5avHixHnzwQcXGxiowMFDx8fFOz1UsKJtlWVZhfriigN9uBm5c/HYzcOPy6G83NxvttnOf+ebfbju3O7EmEQAAAAammwEAAIrIdHNRQpIIAAAAA0kiAABAITyq5kbDNwIAAAADSSIAAABrEg0kiQAAADCQJAIAALAm0UCTCAAAwHSzgbYZAAAABpJEAAAAppsNfCMAAAAwkCQCAACQJBr4RgAAAGAgSQQAAPDh7uaLkSQCAADAQJIIAADAmkQDTSIAAAAP0zbQNgMAAMBAkggAAMB0s4FvBAAAAAaSRAAAANYkGkgSAQAAYCBJBAAAYE2igW8EAAAABpJEAAAA1iQaaBIBAACYbjbwjQAAAMBAkggAAMB0s4EkEQAAAAaSRAAAANYkGvhGAAAAYCBJBAAAYE2igSQRAAAABpJEAAAA1iQaaBIBAABoEg18IwAAADCQJAIAAHDjioEkEQAAAAaSRAAAANYkGvhGAAAAYCBJBAAAYE2igSQRAAAABpJEAAAA1iQaaBIBAACYbjbQNgMAAMBAkggAALyejSTRQJIIAAAAA0kiAADweiSJJpJEAAAAGEgSAQAACBINJIkAAAAwkCQCAACvx5pEE00iAADwejSJJqabAQAAYCBJBAAAXo8k0USSCAAAAANJIgAA8HokiSaSRAAAABhIEgEAAAgSDSSJAAAAMJAkAgAAr8eaRBNJIgAAAAw0iQAAwOvZbDa3ba6YMWOG6tevr6CgIAUFBSk2NlZLly51HD979qwSEhJUpkwZlSxZUr169VJ6errTOQ4cOKAuXbooICBAYWFhGjVqlM6fP+/yd0KTCAAAvF5RaRIrVKigZ599Vps3b9amTZv0t7/9Td27d9f27dslScOHD9eiRYv00Ucfac2aNTp8+LB69uzpeH9eXp66dOmic+fOaf369ZozZ45mz56tsWPHuv6dWJZlufyuIs6/0VBPlwDATX7b+LKnSwDgJiU8eKdE6L3z3Xbu43P7/qX3h4aG6rnnntOdd96pcuXKaf78+brzzjslSTt37lSdOnWUkpKiZs2aaenSperatasOHz6s8PBwSdLMmTM1evRoHT16VH5+fgW+LkkiAADweu5MEnNycpSVleW05eTkXLGmvLw8vf/++8rOzlZsbKw2b96s3NxctWvXzjGmdu3aqlSpklJSUiRJKSkpqlevnqNBlKS4uDhlZWU50siCokkEAABwo+TkZAUHBzttycnJlx2/bds2lSxZUna7XUOGDNGCBQsUExOjtLQ0+fn5KSQkxGl8eHi40tLSJElpaWlODeKF4xeOuYJH4AAAALjxCThJSUlKTEx02me32y87vlatWtq6dasyMzP18ccfKz4+XmvWrHFfgZdBkwgAAOBGdrv9T5vCi/n5+al69eqSpMaNG2vjxo168cUXddddd+ncuXM6ceKEU5qYnp6uiIgISVJERIQ2bNjgdL4Ldz9fGFNQTDcDAACvV1Tubr6U/Px85eTkqHHjxipevLhWrlzpOLZr1y4dOHBAsbGxkqTY2Fht27ZNGRkZjjHLly9XUFCQYmJiXLouSSIAAEARkZSUpE6dOqlSpUo6efKk5s+fr9WrV2vZsmUKDg7WwIEDlZiYqNDQUAUFBWnYsGGKjY1Vs2bNJEkdOnRQTEyM7r33Xk2ePFlpaWl68sknlZCQ4FKaKdEkAgAAFJmf5cvIyNB9992nI0eOKDg4WPXr19eyZcvUvn17SdLUqVPl4+OjXr16KScnR3FxcXr11Vcd7/f19dXixYv14IMPKjY2VoGBgYqPj9fEiRNdroXnJAK4rvCcRODG5cnnJIbd/6Hbzp3xdm+3ndudWJMIAAAAA9PNAAAARWO2uUghSQQAAICBJBEAAHi9onLjSlFCkggAAAADSSIAAPB6JIkmkkQAAAAYSBIBAIDXI0k00SQCAACvR5NoYroZAAAABpJEAAAAgkQDSSIAAAAMJIkAAMDrsSbRRJIIAAAAA0kiAADweiSJJpJEAAAAGEgSAQCA1yNJNNEkAgAA0CMamG4GAACAgSQRAAB4PaabTSSJAAAAMJAkAgAAr0eSaCJJBAAAgIEkEUXOoH/crkF3tlB0VKgkacfeND3z+lJ9+d+fJEnL3nhELZvUcHrPGx+v08NPv2+cKzQ4UBs+eFzlw0srosUoZZ464/4PAOCqvfXG65o+7Xn1u+c+PZb0hCRp4vix+vab9TqakaGAgAA1aNhIjyaOVJWq1TxcLW4kJIkmmkQUOb+kn9CYlz5T6oGjssmme7o11UdTB6tZn2e1Y2+aJOmtT/6rSTMWO95z+mzuJc81c1xfbdt9WOXDS1+T2gFcvR+3/aCPP3pfNWvWctofE3OTunTtpojISGVlZmrGKy9pyKCBWvLlSvn6+nqoWuDGx3Qzipwla3/UsnU/ac+Bo0o9kKHxryzSqdM5urV+FceYM2fPKf3YScd2MvuscZ5B/7hdwaUCNO2dldeyfABX4XR2tpJGj9K4CU8pKDjY6didve9S4ya3qHz5CqoTc5OGPvyo0tKO6PAvv3ioWtyIbDab27brlUeTxF9//VVvv/22UlJSlJb2e0IUERGh2267Tf3791e5cuU8WR6KAB8fm3q1v1mB/n769od9jv13dW6iPp1vUfqxLC1Z+6OS31iqM39IE2tXjVDSoE5qdd8UVS5f1hOlA3DBM09NVMuWrdQs9ja98dqMy447ffq0PlvwqcpXqKCIiIhrWCFueNdvL+c2HmsSN27cqLi4OAUEBKhdu3aqWbOmJCk9PV3Tp0/Xs88+q2XLlqlJkyZ/ep6cnBzl5OQ47bPy82TzYQrienZT9SitnjNCJfyK6dSZHN014g3t/L+p5g+WbtKBI8d15Gim6tWI0lOPdFfN6DD1GfmmJMmveDHNSe6vf01bqINpv9EkAkXc0iWfa8eOnzT/g48vO+aD9+Zp6vNTdObMaVWuUkWvvTFLxf38rmGVgPfxWJM4bNgw/eMf/9DMmTONKNayLA0ZMkTDhg1TSkrKn54nOTlZEyZMcNrnG36LikfeWug149r538/patonWcEl/fX3do30xsR71eGBF7Vzb5re/vS/jnHbUw/ryK9Z+uL1h1WlQlntO/SrJj18h3btS9f7SzZ68BMAKIi0I0c0+dmn9dobb8tut192XOeud6jZbc3169GjmjPrLY0a8ajmvPven74HcMX1PC3sLjbLsixPXNjf319btmxR7dq1L3l8586datSokc6c+fO7US+VJIa1GE2SeIP5fOZQ7T34q4Zd4g7mgBJ+Opbygro99IpWpOzQN+8/rrrVo3Thb22bzSZfXx+dP5+nf7+1TE/NXHKty0ch+m3jy54uAYVo1coVGv5wgtMNKHl5ebLZbPLx8dHGLduMm1Nyz53T7bfdqvETnlKnLl2vdclwoxIeXARXNdF9/9+w94XObju3O3nsf46IiAht2LDhsk3ihg0bFB4efsXz2O12478kaRBvPD42m+x+l/7btUGtCpKktF8zJUl3j3xT/vbijuONb4rW6xPuUbuB07T34FH3FwugwJo2a6aPFy5y2jfuiSRVrlpVAwYOuuTdy5YkWZbOnTt3bYqEVyBJNHmsSRw5cqQGDx6szZs3q23bto6GMD09XStXrtQbb7yhKVOmeKo8eNDEYXdo2X+36+CR31QqsITu6tRELZvUULeHXlWVCmV1V6cmWrZuu46dyFa9muU1eURPfb15t37cfViStO/Qr07nKxNSUpK0c28az0kEipjAwJKqUaOm0z7/gACFBIeoRo2aOnTwoJZ9sUSxtzVX6dKhSk9P09tvvi67vYRub9nKQ1UD3sFjTWJCQoLKli2rqVOn6tVXX1VeXp4kydfXV40bN9bs2bPVu3dvT5UHDyoXWlJvTbpPEWWDlHnqrH7c/Yu6PfSqVn27UxXCQ/S3prU0tG8bBfr76VD6b1q4cquefXOZp8sG4AZ+dj99t3mT3p07R1mZWSpTtowaN26id+a9pzJlyni6PNxACBJNHluT+Ee5ubn69dff05+yZcuqePHiV3jHn/NvNLQwygJQBLEmEbhxeXJNYvWRS9127tQpndx2bncqEr+4Urx4cUVGRnq6DAAA4KVYk2gqEk0iAACAJ9EjmvhZPgAAABhIEgEAgNdjutlEkggAAAADSSIAAPB6BIkmkkQAAAAYSBIBAIDX8/EhSrwYSSIAAAAMJIkAAMDrsSbRRJMIAAC8Ho/AMTHdDAAAAANJIgAA8HoEiSaSRAAAABhIEgEAgNdjTaKJJBEAAAAGkkQAAOD1SBJNJIkAAAAwkCQCAACvR5BookkEAABej+lmE9PNAAAAMJAkAgAAr0eQaCJJBAAAgIEkEQAAeD3WJJpIEgEAAGAgSQQAAF6PINFEkggAAAADSSIAAPB6rEk0kSQCAADAQJMIAAC8ns3mvs0VycnJuuWWW1SqVCmFhYWpR48e2rVrl9OY1q1by2azOW1DhgxxGnPgwAF16dJFAQEBCgsL06hRo3T+/HmXamG6GQAAeL2iMt28Zs0aJSQk6JZbbtH58+f1r3/9Sx06dNBPP/2kwMBAx7hBgwZp4sSJjtcBAQGOP+fl5alLly6KiIjQ+vXrdeTIEd13330qXry4nnnmmQLXQpMIAABQRHzxxRdOr2fPnq2wsDBt3rxZLVu2dOwPCAhQRETEJc/x5Zdf6qefftKKFSsUHh6uhg0batKkSRo9erTGjx8vPz+/AtXCdDMAAPB67pxuzsnJUVZWltOWk5NToLoyMzMlSaGhoU77582bp7Jly6pu3bpKSkrS6dOnHcdSUlJUr149hYeHO/bFxcUpKytL27dvL/B3QpMIAADgRsnJyQoODnbakpOTr/i+/Px8Pfroo2revLnq1q3r2N+3b1+9++67+uqrr5SUlKS5c+fqnnvucRxPS0tzahAlOV6npaUVuG6mmwEAgNdz55rEpKQkJSYmOu2z2+1XfF9CQoJ+/PFHrVu3zmn/4MGDHX+uV6+eIiMj1bZtW+3Zs0fVqlUrnKJFkggAAOBWdrtdQUFBTtuVmsShQ4dq8eLF+uqrr1ShQoU/Hdu0aVNJUmpqqiQpIiJC6enpTmMuvL7cOsZLoUkEAABer6g8AseyLA0dOlQLFizQqlWrVKVKlSu+Z+vWrZKkyMhISVJsbKy2bdumjIwMx5jly5crKChIMTExBa6F6WYAAIAiIiEhQfPnz9dnn32mUqVKOdYQBgcHy9/fX3v27NH8+fPVuXNnlSlTRj/88IOGDx+uli1bqn79+pKkDh06KCYmRvfee68mT56stLQ0Pfnkk0pISCjQNPcFNIkAAMDrFZXnJM6YMUPS7w/M/qNZs2apf//+8vPz04oVKzRt2jRlZ2erYsWK6tWrl5588knHWF9fXy1evFgPPvigYmNjFRgYqPj4eKfnKhYETSIAAPB6RaRHlGVZf3q8YsWKWrNmzRXPEx0drSVLlvylWliTCAAAAANJIgAA8HpFZbq5KCFJBAAAgIEkEQAAeD2SRBNJIgAAAAwkiQAAwOsRJJpIEgEAAGAgSQQAAF6PNYkmmkQAAOD16BFNTDcDAADAQJIIAAC8HtPNJpJEAAAAGEgSAQCA1yNINJEkAgAAwECSCAAAvJ4PUaKBJBEAAAAGkkQAAOD1CBJNNIkAAMDr8QgcE9PNAAAAMJAkAgAAr+dDkGggSQQAAICBJBEAAHg91iSaSBIBAABgIEkEAABejyDRRJIIAAAAA0kiAADwejYRJV6MJhEAAHg9HoFjYroZAAAABpJEAADg9XgEjokkEQAAAAaSRAAA4PUIEk0kiQAAADCQJAIAAK/nQ5RoIEkEAACAoVCaxBMnThTGaQAAADzCZnPfdr1yuUn897//rQ8++MDxunfv3ipTpozKly+v77//vlCLAwAAuBZsNpvbtuuVy03izJkzVbFiRUnS8uXLtXz5ci1dulSdOnXSqFGjCr1AAAAAXHsu37iSlpbmaBIXL16s3r17q0OHDqpcubKaNm1a6AUCAAC423Uc+LmNy0li6dKldfDgQUnSF198oXbt2kmSLMtSXl5e4VYHAAAAj3A5SezZs6f69u2rGjVq6NixY+rUqZMkacuWLapevXqhFwgAAOBuPALH5HKTOHXqVFWuXFkHDx7U5MmTVbJkSUnSkSNH9NBDDxV6gQAAALj2XG4SixcvrpEjRxr7hw8fXigFAQAAXGvkiKYCNYn/+c9/CnzCO+6446qLAQAAQNFQoCaxR48eBTqZzWbj5hUAAHDduZ6fZ+guBWoS8/Pz3V0HAACAx/jQIxr+0s/ynT17trDqAAAAQBHicpOYl5enSZMmqXz58ipZsqT27t0rSRozZozeeuutQi8QAADA3fhZPpPLTeLTTz+t2bNna/LkyfLz83Psr1u3rt58881CLQ4AAACe4XKT+M477+j1119Xv3795Ovr69jfoEED7dy5s1CLAwAAuBZsNvdt1yuXm8Rffvnlkr+skp+fr9zc3EIpCgAAAJ7lcpMYExOjr7/+2tj/8ccfq1GjRoVSFAAAwLXEmkSTy7+4MnbsWMXHx+uXX35Rfn6+Pv30U+3atUvvvPOOFi9e7I4aAQAAcI25nCR2795dixYt0ooVKxQYGKixY8dqx44dWrRokdq3b++OGgEAANzKx+a+7XrlcpIoSS1atNDy5csLuxYAAACPuJ6nhd3lqppESdq0aZN27Ngh6fd1io0bNy60ogAAAOBZLjeJhw4d0t13363//ve/CgkJkSSdOHFCt912m95//31VqFChsGsEAABwK3JEk8trEh944AHl5uZqx44dOn78uI4fP64dO3YoPz9fDzzwgDtqBAAAwDXmcpK4Zs0arV+/XrVq1XLsq1Wrll566SW1aNGiUIsDAAC4FnxYk2hwOUmsWLHiJR+anZeXp6ioqEIpCgAAAJ7lcpP43HPPadiwYdq0aZNj36ZNm/TII49oypQphVocAADAtcDP8pkKNN1cunRpp1vDs7Oz1bRpUxUr9vvbz58/r2LFiun+++9Xjx493FIoAAAArp0CNYnTpk1zcxkAAACew3MSTQVqEuPj491dBwAAAIqQq36YtiSdPXtW586dc9oXFBT0lwoCAAC41ggSTS7fuJKdna2hQ4cqLCxMgYGBKl26tNMGAABwvfGx2dy2uSI5OVm33HKLSpUqpbCwMPXo0UO7du1yGnP27FklJCSoTJkyKlmypHr16qX09HSnMQcOHFCXLl0UEBCgsLAwjRo1SufPn3ftO3FptKTHHntMq1at0owZM2S32/Xmm29qwoQJioqK0jvvvOPq6QAAAPB/1qxZo4SEBH3zzTdavny5cnNz1aFDB2VnZzvGDB8+XIsWLdJHH32kNWvW6PDhw+rZs6fjeF5enrp06aJz585p/fr1mjNnjmbPnq2xY8e6VIvNsizLlTdUqlRJ77zzjlq3bq2goCB99913ql69uubOnav33ntPS5YscakAd/BvNNTTJQBwk982vuzpEgC4SYm/tAjur3no05/cdu6pXaopJyfHaZ/dbpfdbr/ie48ePaqwsDCtWbNGLVu2VGZmpsqVK6f58+frzjvvlCTt3LlTderUUUpKipo1a6alS5eqa9euOnz4sMLDwyVJM2fO1OjRo3X06FH5+fkVqG6Xk8Tjx4+ratWqkn5ff3j8+HFJ0u233661a9e6ejoAAIAbWnJysoKDg5225OTkAr03MzNTkhQaGipJ2rx5s3Jzc9WuXTvHmNq1a6tSpUpKSUmRJKWkpKhevXqOBlGS4uLilJWVpe3btxe4bpebxKpVq2rfvn2Ooj788ENJ0qJFixQSEuLq6QAAADzOZrO5bUtKSlJmZqbTlpSUdMWa8vPz9eijj6p58+aqW7euJCktLU1+fn5GzxUeHq60tDTHmD82iBeOXzhWUC4HuwMGDND333+vVq1a6fHHH1e3bt308ssvKzc3Vy+88IKrpwMAALihFXRq+WIJCQn68ccftW7dOjdUdWUuN4nDhw93/Lldu3bauXOnNm/erOrVq6t+/fqFWtzV2r92qqdLAOAmK3amX3kQgOtS17rhVx7kJi5PrbrZ0KFDtXjxYq1du1YVKlRw7I+IiNC5c+d04sQJpzQxPT1dERERjjEbNmxwOt+Fu58vjCmIv/ydREdHq2fPnkWmQQQAALheWZaloUOHasGCBVq1apWqVKnidLxx48YqXry4Vq5c6di3a9cuHThwQLGxsZKk2NhYbdu2TRkZGY4xy5cvV1BQkGJiYgpcS4GSxOnTpxf4hA8//HCBxwIAABQFReVn+RISEjR//nx99tlnKlWqlGMNYXBwsPz9/RUcHKyBAwcqMTFRoaGhCgoK0rBhwxQbG6tmzZpJkjp06KCYmBjde++9mjx5stLS0vTkk08qISHBpWnvAj0C5+Iu9rIns9m0d+/eAl/cXTJO5nq6BABusmH/cU+XAMBNPDnd/OhnO9127mndaxd47OWa1VmzZql///6Sfn+Y9ogRI/Tee+8pJydHcXFxevXVV52mkvfv368HH3xQq1evVmBgoOLj4/Xss8+qWLGCrzR0+TmJ1wOaRODGRZMI3LhoEosWDz62EgAAoGjwKRqzzUVKUbuZBwAAAEUASSIAAPB6ReXGlaKEJBEAAAAGkkQAAOD1WJNouqok8euvv9Y999yj2NhY/fLLL5KkuXPneuxnYwAAAFC4XG4SP/nkE8XFxcnf319btmxRTk6OJCkzM1PPPPNMoRcIAADgbjab+7brlctN4lNPPaWZM2fqjTfeUPHixR37mzdvru+++65QiwMAALgWfGw2t23XK5ebxF27dqlly5bG/uDgYJ04caIwagIAAICHudwkRkREKDU11di/bt06Va1atVCKAgAAuJZ83Lhdr1yufdCgQXrkkUf07bffymaz6fDhw5o3b55GjhypBx980B01AgAA4Bpz+RE4jz/+uPLz89W2bVudPn1aLVu2lN1u18iRIzVs2DB31AgAAOBW1/HSQbdxuUm02Wx64oknNGrUKKWmpurUqVOKiYlRyZIl3VEfAAAAPOCqH6bt5+enmJiYwqwFAADAI67nu5DdxeUmsU2bNn/6+4arVq36SwUBAADA81xuEhs2bOj0Ojc3V1u3btWPP/6o+Pj4wqoLAADgmiFINLncJE6dOvWS+8ePH69Tp0795YIAAACuNX672VRoj++555579PbbbxfW6QAAAOBBV33jysVSUlJUokSJwjodAADANcONKyaXm8SePXs6vbYsS0eOHNGmTZs0ZsyYQisMAAAAnuNykxgcHOz02sfHR7Vq1dLEiRPVoUOHQisMAADgWiFINLnUJObl5WnAgAGqV6+eSpcu7a6aAAAA4GEu3bji6+urDh066MSJE24qBwAA4Nrzsblvu165fHdz3bp1tXfvXnfUAgAAgCLC5Sbxqaee0siRI7V48WIdOXJEWVlZThsAAMD1xubGv65XBV6TOHHiRI0YMUKdO3eWJN1xxx1OP89nWZZsNpvy8vIKv0oAAAA3up6nhd2lwE3ihAkTNGTIEH311VfurAcAAABFQIGbRMuyJEmtWrVyWzEAAACeQJJocmlNoo2HCAEAAHgFl56TWLNmzSs2isePH/9LBQEAAFxrBGEml5rECRMmGL+4AgAAgBuPS01inz59FBYW5q5aAAAAPII1iaYCr0kkhgUAAPAeLt/dDAAAcKMhCzMVuEnMz893Zx0AAAAe40OXaHD5Z/kAAABw43PpxhUAAIAbETeumEgSAQAAYCBJBAAAXo8liSaSRAAAABhIEgEAgNfzEVHixUgSAQAAYCBJBAAAXo81iSaaRAAA4PV4BI6J6WYAAAAYSBIBAIDX42f5TCSJAAAAMJAkAgAAr0eQaCJJBAAAgIEkEQAAeD3WJJpIEgEAAGAgSQQAAF6PINFEkwgAALweU6smvhMAAAAYSBIBAIDXszHfbCBJBAAAgIEkEQAAeD1yRBNJIgAAAAwkiQAAwOvxMG0TSSIAAAAMJIkAAMDrkSOaaBIBAIDXY7bZxHQzAAAADDSJAADA69lsNrdtrlq7dq26deumqKgo2Ww2LVy40Ol4//79jWt07NjRaczx48fVr18/BQUFKSQkRAMHDtSpU6dcqoMmEQAAoAjJzs5WgwYN9Morr1x2TMeOHXXkyBHH9t577zkd79evn7Zv367ly5dr8eLFWrt2rQYPHuxSHaxJBAAAXq8opWadOnVSp06d/nSM3W5XRETEJY/t2LFDX3zxhTZu3KgmTZpIkl566SV17txZU6ZMUVRUVIHqKErfCQAAwA0nJydHWVlZTltOTs5fOufq1asVFhamWrVq6cEHH9SxY8ccx1JSUhQSEuJoECWpXbt28vHx0bffflvga9AkAgAAr+fONYnJyckKDg522pKTk6+61o4dO+qdd97RypUr9e9//1tr1qxRp06dlJeXJ0lKS0tTWFiY03uKFSum0NBQpaWlFfg6TDcDAAC4UVJSkhITE5322e32qz5fnz59HH+uV6+e6tevr2rVqmn16tVq27btVZ/3YiSJAADA69ncuNntdgUFBTltf6VJvFjVqlVVtmxZpaamSpIiIiKUkZHhNOb8+fM6fvz4ZdcxXgpNIgAAwHXs0KFDOnbsmCIjIyVJsbGxOnHihDZv3uwYs2rVKuXn56tp06YFPi/TzQAAwOtdzfMM3eXUqVOOVFCS9u3bp61btyo0NFShoaGaMGGCevXqpYiICO3Zs0ePPfaYqlevrri4OElSnTp11LFjRw0aNEgzZ85Ubm6uhg4dqj59+hT4zmaJJBEAAEA+btxctWnTJjVq1EiNGjWSJCUmJqpRo0YaO3asfH199cMPP+iOO+5QzZo1NXDgQDVu3Fhff/210xT2vHnzVLt2bbVt21adO3fW7bffrtdff92lOmyWZVlXUX+RlnEy19MlAHCTDfuPe7oEAG7StW64x6796fdH3Hbung0i3XZud2K6GQAAeL2iNN1cVDDdDAAAAANJIgAA8HrkiCaSRAAAABhIEgEAgNdjSaKJJBEAAAAGkkQAAOD1fFiVaKBJBAAAXo/pZhPTzQAAADCQJAIAAK9nY7rZQJIIAAAAA0kiAADweqxJNJEkAgAAwECSCAAAvB6PwDGRJAIAAMBAkggAALweaxJNNIkAAMDr0SSamG4GAACAgSQRAAB4PR6mbSJJBAAAgIEkEQAAeD0fgkQDSSIAAAAMJIkAAMDrsSbRRJIIAAAAA0kiAADwejwn0USTCAAAvB7TzSammwEAAGAgSQQAAF6PR+CYSBIBAABgIEkEAABejzWJJpJEAAAAGEgScV04mpGuGS+9oG/Xr9PZs2dVoUIlJY2bpNoxdSVJT49/Ql8s/szpPbfGNtfzL73miXIB/Ik927dq9Wfv69DeXcr67Zj6P/a06jVt4Ti+7IO3tWXdKmUey5BvsWKqULWWOvUdpOiaMY4xh/bu0uK5r+lg6k75+PiofrNWuqN/guz+AZ74SLgB8AgcE00iiryTWZl6aOC9atTkVj334kyFlC6tQwf3q1RQkNO4prfdrqSxTzle+/kVv9alAiiAczlnFVW5mm5t21mzJz9pHC8XVVE9H3hUZcKjlHsuR2sWf6jXJ41Q0svvqWRwiDKP/6qZExLV8La/qecDj+rsmWx99vZLev/lZMWPmuSBTwTcmGgSUeTNm/O2wsIj9K9x/78BjCpfwRhXvLifypQtey1LA3AV6tzcTHVubnbZ4ze3aO/0unv/odqw8nMd3r9HNes31k+b1svXt5h6DhouH5/fV03d+c8RmpI4QL8eOaSykea/H4ArIUg00SSiyFu39ivd2qy5xoxO1NbvNqlcuTD1+Ecf3fH3O53Gbd28Ud3at1SpUkG6+ZZbNejBhxUcEuKZogEUivO5uUpZ/h+VCCipqMrVft93Ple+xYo5GkRJKu5nlyTt3bGNJhFXxYf5ZkORvnHl4MGDuv/++/90TE5OjrKyspy2nJyca1QhroUjvxzSZ598oAqVKun5l15Tjzvv0otTkrX0D2sQm8Y21xMTntG0GW9qyMPDtfW7TRr18BDl5eV5sHIAV+unTeuV1C9Oj9/dTmsXf6R/jnteJYNCJEk16t6skyeO66uF7+l8bq5Onzqpz9/9ff3xyRPHPFg1cGMp0k3i8ePHNWfOnD8dk5ycrODgYKdt+vP/vkYV4lrIz89Xzdp19M+ER1Wzdh3d0fMf6tajlz775EPHmHZxnXV7qzaqVr2mWrZuq8lTX9GOn37Uls0bPVg5gKtVrW4jjZjyloY986pqN7xVc58fp5OZv0mSIipV0d3D/qU1iz5QUt8OGj+wh0LDIlUqJFQ20iBcJZsbt+uVR6eb//Of//zp8b17917xHElJSUpMTHTal3muSPe+cFGZsuUUXaWa077oKlW1ZtWKy74nqkJFBYeU1i8HD6jJrZdf+wSgaLKX8Jc9soLKRlZQdM2blJxwtzas/Fxte94j6fd1ize3aK+TJ47Lz15Cstm0ZvGHKhMe5eHKgRuHR5vEHj16yGazybKsy4650n8V2u122e12p31nT+YWSn0oGuo1aKSD+3922ndw/35FREZe9j0Z6WnKyjyhMmXLubk6ANeCZVk6n3vO2F8qJFSS9O3Kz1W8uJ9qNmhyrUvDjeJ6jvzcxKORW2RkpD799FPl5+dfcvvuu+88WR6KiN5979X2bT/onbdf16GDB7T8i8+1aMHH+vs/7pYknT59Wq+8OEXbt32vI4d/0aYN3yhpxMMqX7GSbo1t7uHqAVws58xp/bJvt37Zt1uSdDzjiH7Zt1u/HU1XztkzWjLvde3/33Ydz0jTwT279P4rzyrz+K9qENvGcY51Sz7Rob27dPTwQa1b+qkWvDlNnfsNln9gKU99LOCG49EksXHjxtq8ebO6d+9+yeNXShnhHercVE9PT5mm119+UXPenKnIqPIaNmK0OnTqKkny9fHRnt3/0xeL/6NTJ7NUtlyYbml2mx4YMlR+fn4erh7AxQ7u2aUZ4x5xvP7P7JclSU1ad9Sd/xyhjF/2a+PqL5SdlanAUkGqWL22Ep56SRGVqjjecyB1p5Z9MEs5Z88orHwl3fnPkWrSOu6afxbcOPhZPpPN8mAX9vXXXys7O1sdO3a85PHs7Gxt2rRJrVq1cum8GUw3AzesDfuPe7oEAG7StW64x6797Z5Mt527abVgt53bnTyaJLZo0eJPjwcGBrrcIAIAALiKG+NNPEwbAAB4PXpEE8+KAQAAgIEkEQAAgCjRQJIIAAAAA0kiAADwejwCx0SSCAAAAANJIgAA8Ho8AsdEkggAAAADSSIAAPB6BIkmmkQAAAC6RAPTzQAAADCQJAIAAK/HI3BMJIkAAAAwkCQCAACvxyNwTCSJAAAAMJAkAgAAr0eQaCJJBAAAgIEkEQAAgCjRQJMIAAC8Ho/AMTHdDAAAAANNIgAA8Ho2m/s2V61du1bdunVTVFSUbDabFi5c6HTcsiyNHTtWkZGR8vf3V7t27bR7926nMcePH1e/fv0UFBSkkJAQDRw4UKdOnXKpDppEAACAIiQ7O1sNGjTQK6+8csnjkydP1vTp0zVz5kx9++23CgwMVFxcnM6ePesY069fP23fvl3Lly/X4sWLtXbtWg0ePNilOmyWZVl/6ZMUQRkncz1dAgA32bD/uKdLAOAmXeuGe+zaPx5yLWVzRd0KJa/6vTabTQsWLFCPHj0k/Z4iRkVFacSIERo5cqQkKTMzU+Hh4Zo9e7b69OmjHTt2KCYmRhs3blSTJk0kSV988YU6d+6sQ4cOKSoqqkDXJkkEAABwo5ycHGVlZTltOTk5V3Wuffv2KS0tTe3atXPsCw4OVtOmTZWSkiJJSklJUUhIiKNBlKR27drJx8dH3377bYGvRZMIAABgc9+WnJys4OBgpy05OfmqykxLS5MkhYc7p67h4eGOY2lpaQoLC3M6XqxYMYWGhjrGFASPwAEAAHCjpKQkJSYmOu2z2+0eqqbgaBIBAIDXc+dzEu12e6E1hREREZKk9PR0RUZGOvanp6erYcOGjjEZGRlO7zt//ryOHz/ueH9BMN0MAABwnahSpYoiIiK0cuVKx76srCx9++23io2NlSTFxsbqxIkT2rx5s2PMqlWrlJ+fr6ZNmxb4WiSJAADA613N8wzd5dSpU0pNTXW83rdvn7Zu3arQ0FBVqlRJjz76qJ566inVqFFDVapU0ZgxYxQVFeW4A7pOnTrq2LGjBg0apJkzZyo3N1dDhw5Vnz59Cnxns0STCAAAUKR+lG/Tpk1q06aN4/WF9Yzx8fGaPXu2HnvsMWVnZ2vw4ME6ceKEbr/9dn3xxRcqUaKE4z3z5s3T0KFD1bZtW/n4+KhXr16aPn26S3XwnEQA1xWekwjcuDz5nMQdh7Pddu46UYFuO7c7kSQCAAAUpSixiODGFQAAABhIEgEAgNdz5yNwrlckiQAAADCQJAIAAK9XlB6BU1SQJAIAAMBAkggAALweQaKJJhEAAIAu0cB0MwAAAAwkiQAAwOvxCBwTSSIAAAAMJIkAAMDr8QgcE0kiAAAADCSJAADA6xEkmkgSAQAAYCBJBAAAIEo00CQCAACvxyNwTEw3AwAAwECSCAAAvB6PwDGRJAIAAMBAkggAALweQaKJJBEAAAAGkkQAAACiRANJIgAAAAwkiQAAwOvxnEQTTSIAAPB6PALHxHQzAAAADCSJAADA6xEkmkgSAQAAYCBJBAAAXo81iSaSRAAAABhIEgEAAFiVaCBJBAAAgIEkEQAAeD3WJJpoEgEAgNejRzQx3QwAAAADSSIAAPB6TDebSBIBAABgIEkEAABez8aqRANJIgAAAAwkiQAAAASJBpJEAAAAGEgSAQCA1yNINNEkAgAAr8cjcExMNwMAAMBAkggAALwej8AxkSQCAADAQJIIAABAkGggSQQAAICBJBEAAHg9gkQTSSIAAAAMJIkAAMDr8ZxEE00iAADwejwCx8R0MwAAAAwkiQAAwOsx3WwiSQQAAICBJhEAAAAGmkQAAAAYWJMIAAC8HmsSTSSJAAAAMJAkAgAAr8dzEk00iQAAwOsx3WxiuhkAAAAGmkQAAOD1bG7cXDF+/HjZbDanrXbt2o7jZ8+eVUJCgsqUKaOSJUuqV69eSk9Pv9qP/adoEgEAAIqQm266SUeOHHFs69atcxwbPny4Fi1apI8++khr1qzR4cOH1bNnT7fUwZpEAACAIrQmsVixYoqIiDD2Z2Zm6q233tL8+fP1t7/9TZI0a9Ys1alTR998842aNWtWqHWQJAIAALhRTk6OsrKynLacnJzLjt+9e7eioqJUtWpV9evXTwcOHJAkbd68Wbm5uWrXrp1jbO3atVWpUiWlpKQUet00iQAAwOvZ3PhXcnKygoODnbbk5ORL1tG0aVPNnj1bX3zxhWbMmKF9+/apRYsWOnnypNLS0uTn56eQkBCn94SHhystLa3QvxOmmwEAANwoKSlJiYmJTvvsdvslx3bq1Mnx5/r166tp06aKjo7Whx9+KH9/f7fWeTGaRAAA4PXc+ZxEu5/9sk3hlYSEhKhmzZpKTU1V+/btde7cOZ04ccIpTUxPT7/kGsa/iulmAACAIurUqVPas2ePIiMj1bhxYxUvXlwrV650HN+1a5cOHDig2NjYQr82SSIAAPB6ReXm5pEjR6pbt26Kjo7W4cOHNW7cOPn6+uruu+9WcHCwBg4cqMTERIWGhiooKEjDhg1TbGxsod/ZLNEkAgAAFJku8dChQ7r77rt17NgxlStXTrfffru++eYblStXTpI0depU+fj4qFevXsrJyVFcXJxeffVVt9RisyzLcsuZPSjjZK6nSwDgJhv2H/d0CQDcpGvdcI9d+3Su+9qhgOJFpAN1EUkiAADweraiEiUWIdy4AgAAAANJIgAA8HrufATO9YokEQAAAIYb8sYVeI+cnBwlJycrKSnpqh9UCqBo4p9vwLNoEnFdy8rKUnBwsDIzMxUUFOTpcgAUIv75BjyL6WYAAAAYaBIBAABgoEkEAACAgSYR1zW73a5x48axqB24AfHPN+BZ3LgCAAAAA0kiAAAADDSJAAAAMNAkAgAAwECTCAAAAANNIq5rr7zyiipXrqwSJUqoadOm2rBhg6dLAvAXrV27Vt26dVNUVJRsNpsWLlzo6ZIAr0STiOvWBx98oMTERI0bN07fffedGjRooLi4OGVkZHi6NAB/QXZ2tho0aKBXXnnF06UAXo1H4OC61bRpU91yyy16+eWXJUn5+fmqWLGihg0bpscff9zD1QEoDDabTQsWLFCPHj08XQrgdUgScV06d+6cNm/erHbt2jn2+fj4qF27dkpJSfFgZQAA3BhoEnFd+vXXX5WXl6fw8HCn/eHh4UpLS/NQVQAA3DhoEgEAAGCgScR1qWzZsvL19VV6errT/vT0dEVERHioKgAAbhw0ibgu+fn5qXHjxlq5cqVjX35+vlauXKnY2FgPVgYAwI2hmKcLAK5WYmKi4uPj1aRJE916662aNm2asrOzNWDAAE+XBuAvOHXqlFJTUx2v9+3bp61btyo0NFSVKlXyYGWAd+EROLiuvfzyy3ruueeUlpamhg0bavr06WratKmnywLwF6xevVpt2rQx9sfHx2v27NnXviDAS9EkAgAAwMCaRAAAABhoEgEAAGCgSQQAAICBJhEAAAAGmkQAAAAYaBIBAABgoEkEAACAgSYRAAAABppEAH9Z//791aNHD8fr1q1b69FHH73mdaxevVo2m00nTpy47BibzaaFCxcW+Jzjx49Xw4YN/1JdP//8s2w2m7Zu3fqXzgMA1xJNInCD6t+/v2w2m2w2m/z8/FS9enVNnDhR58+fd/u1P/30U02aNKlAYwvS2AEArr1ini4AgPt07NhRs2bNUk5OjpYsWaKEhAQVL15cSUlJxthz587Jz8+vUK4bGhpaKOcBAHgOSSJwA7Pb7YqIiFB0dLQefPBBtWvXTv/5z38k/f8p4qefflpRUVGqVauWJOngwYPq3bu3QkJCFBoaqu7du+vnn392nDMvL0+JiYkKCQlRmTJl9Nhjj+nin4C/eLo5JydHo0ePVsWKFWW321W9enW99dZb+vnnn9WmTRtJUunSpWWz2dS/f39JUn5+vpKTk1WlShX5+/urQYMG+vjjj52us2TJEtWsWVP+/v5q06aNU50FNXr0aNWsWVMBAQGqWrWqxowZo9zcXGPca6+9pooVKyogIEC9e/dWZmam0/E333xTderUUYkSJVS7dm29+uqrl73mb7/9pn79+qlcuXLy9/dXjRo1NGvWLJdrBwB3IkkEvIi/v7+OHTvmeL1y5UoFBQVp+fLlkqTc3FzFxcUpNjZWX3/9tYoVK6annnpKHTt21A8//CA/Pz89//zzmj17tt5++23VqVNHzz//vBYsWKC//e1vl73ufffdp5SUFE2fPl0NGjTQvn379Ouvv6pixYr65JNP1KtXL+3atUtBQUHy9/eXJCUnJ+vdd9/VzJkzVaNGDa1du1b33HOPypUrp1atWungwYPq2bOnEhISNHjwYG3atEkjRoxw+TspVaqUZs+eraioKG3btk2DBg1SqVKl9NhjjznGpKam6sMPP9SiRYuUlZWlgQMH6qGHHtK8efMkSfPmzdPYsWP18ssvq1GjRtqyZYsGDRqkwMBAxcfHG9ccM2aMfvrpJy1dulRly5ZVamqqzpw543LtAOBWFoAbUnx8vNW9e3fLsiwrPz/fWr58uWW3262RI0c6joeHh1s5OTmO98ydO9eqVauWlZ+f79iXk5Nj+fv7W8uWLbMsy7IiIyOtyZMnO47n5uZaFSpUcFzLsiyrVatW1iOPPGJZlmXt2rXLkmQtX778knV+9dVXliTrt99+c+w7e/asFRAQYK1fv95p7MCBA627777bsizLSkpKsmJiYpyOjx492jjXxSRZCxYsuOzx5557zmrcuLHj9bhx4yxfX1/r0KFDjn1Lly61fHx8rCNHjliWZVnVqlWz5s+f73SeSZMmWbGxsZZlWda+ffssSdaWLVssy7Ksbt26WQMGDLhsDQBQFJAkAjewxYsXq2TJksrNzVV+fr769u2r8ePHO47Xq1fPaR3i999/r9TUVJUqVcrpPGfPntWePXuUmZmpI0eOqGnTpo5jxYoVU5MmTYwp5wu2bt0qX19ftWrVqsB1p6am6vTp02rfvr3T/nPnzqlRo0aSpB07djjVIUmxsbEFvsYFH3zwgaZPn649e/bo1KlTOn/+vIKCgpzGVKpUSeXLl3e6Tn5+vnbt2qVSpUppz549GjhwoAYNGuQYc/78eQUHB1/ymg8++KB69eql7777Th06dFCPHj102223uVw7ALgTTSJwA2vTpo1mzJghPz8/RUVFqVgx53/kAwMDnV6fOnVKjRs3dkyj/lG5cuWuqoYL08euOHXqlCTp888/d2rOpN/XWRaWlJQU9evXTxMmTFBcXJyCg4P1/vvv6/nnn3e51jfeeMNoWn19fS/5nk6dOmn//v1asmSJli9frrZt2yohIUFTpky5+g8DAIWMJhG4gQUGBqp69eoFHn/zzTfrgw8+UFhYmJGmXRAZGalvv/1WLVu2lPR7YrZ582bdfPPNlxxfr1495efna82aNWrXrp1x/EKSmZeX59gXExMju92uAwcOXDaBrFOnjuMmnAu++eabK3/IP1i/fr2io6P1xBNPOPbt37/fGHfgwAEdPnxYUVFRjuv4+PioVq1aCg8PV1RUlPbu3at+/foV+NrlypVTfHy84uPj1aJFC40aNYomEUCRwt3NABz69eunsmXLqnv37vr666+1b98+rV69Wg8//LAOHTokSXrkkUf07LPPauHChdq5c6ceeuihP33GYeXKlRUfH6/7779fCxcudJzzww8/lCRFR0fLZrNp8eLFOnr0qE6dOqVSpUpp5MiRGj58uObMmaM9e/bou+++00svvaQ5c+ZIkoYMGaLdu3dr1KhR2rVrl+bPn6/Zs2e79Hlr1KihAwcO6P3339eePXs0ffp0LViwwBhXokQJxcfH6/vvv9fXX3+thx9+WL1791ZERIQkacKECUpOTtb06dP1v//9T9u2bdOsWbP0wgsvXPK6Y8eO1WeffabU1FRt375dixcvVp06dVyqHQDcjSYRgENAQIDWrl2rSpUqqWfPnqpTp44GDhyos2fPOpLFESNG6N5771V8fLxiY2NVqlQp/f3vf//T886YMUN33nmnHnroIdWuXVuDBg1Sdna2JKl8+fKaMGGCHn/8cYWHh2vo0KGSpEmTJmnMmDFKTk5WnTp11LFjR33++eeqUqWKpN/XCX7yySdauHChGjRooJkzZ+qZZ55x6fPecccdGj58uIYOHaqGDRtq/fr1GjNmjDGuevXq6tmzpzp37qwOHTqofv36To+4eeCBB/Tmm29q1qxZqlevnlq1aqXZs2c7ar2Yn5+fkpKSVL9+fbVs2VK+vr56//33XaodANzNZl1utTkAAAC8FkkiAAAADDSJAAAAMNAkAgAAwECTCAAAAANNIgAAAAw0iQAAADDQJAIAAMBAkwgAAAADTSIAAAAMNIkAAAAw0CQCAADA8P8At4kpV5yk6i4AAAAASUVORK5CYII=", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "plot_confusion_matrix(y_test, y_pred,(0,1))" + ] + }, + { + "cell_type": "code", + "execution_count": 83, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAr4AAAIjCAYAAADlfxjoAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8pXeV/AAAACXBIWXMAAA9hAAAPYQGoP6dpAACgn0lEQVR4nOzdd1zU9R8H8Nexp4ACThRwD0TFvXCQ2DAtU8xtaerPUY5yr0otzVmmZjnTktTKlpYG5t4LBw40caCgCIIy7/P749PdccIpp8d9gXs9Hw8efu9z37t7cx7wus99hkoIIUBEREREVMxZKV0AEREREZE5MPgSERERkUVg8CUiIiIii8DgS0REREQWgcGXiIiIiCwCgy8RERERWQQGXyIiIiKyCAy+RERERGQRGHyJiIiIyCIw+BKZia+vL/r37690GRanTZs2aNOmjdJlPNX06dOhUqmQkJCgdCmFjkqlwvTp001yX1evXoVKpcLq1atNcn8AcOjQIdjZ2eHff/812X2aWo8ePdC9e3elyyBSHIMvFQurV6+GSqXSftnY2KB8+fLo378/bty4oXR5hVpqaio++ugj1K1bF05OTnBzc0OrVq2wdu1aFJUdzc+ePYvp06fj6tWrSpeSS3Z2NlatWoU2bdqgZMmSsLe3h6+vLwYMGIAjR44oXZ5JbNiwAQsXLlS6DD3mrGnSpEl48803UalSJW1bmzZt9H4nOTo6om7duli4cCHUanWe93P37l28//77qF69OhwcHFCyZEmEhobi119/NfjYycnJmDFjBgIDA+Hi4gJHR0fUqVMH48aNw82bN7XnjRs3Dps3b8bJkyfz/X1ZwmuXLI9KFJW/bERPsHr1agwYMAAffvgh/Pz8kJaWhgMHDmD16tXw9fVFVFQUHBwcFK0xPT0dVlZWsLW1VbSOnG7fvo327dvj3Llz6NGjB4KDg5GWlobNmzfjn3/+QVhYGNavXw9ra2ulS32iTZs2oVu3boiIiMjVu5uRkQEAsLOzM3tdjx49wuuvv45t27ahdevW6NSpE0qWLImrV68iPDwcFy5cwLVr11ChQgVMnz4dM2bMQHx8PDw9Pc1e6/N45ZVXEBUVVWBvPNLS0mBjYwMbG5vnrkkIgfT0dNja2prkdX3ixAnUr18f+/btQ7NmzbTtbdq0weXLlzF79mwAQEJCAjZs2IDDhw9j4sSJmDlzpt79REdHo3379oiPj8eAAQPQsGFD3L9/H+vXr8eJEycwduxYzJ07V+82MTExCAkJwbVr19CtWze0bNkSdnZ2OHXqFL777juULFkSFy5c0J7fpEkTVK9eHWvXrn3q92XMa5eoSBFExcCqVasEAHH48GG99nHjxgkAYuPGjQpVpqxHjx6J7Oxsg9eHhoYKKysr8fPPP+e6buzYsQKA+OSTTwqyxDylpKQYdf4PP/wgAIiIiIiCKegZDRs2TAAQCxYsyHVdVlaWmDt3roiNjRVCCDFt2jQBQMTHxxdYPWq1Wjx8+NDk9/vyyy+LSpUqmfQ+s7OzxaNHj5759gVRU15GjhwpKlasKNRqtV57cHCwqF27tl7bo0ePRKVKlYSrq6vIysrStmdkZIg6deoIJycnceDAAb3bZGVlibCwMAFAfP/999r2zMxMERgYKJycnMTu3btz1ZWUlCQmTpyo1/bZZ58JZ2dn8eDBg6d+X8a8dp/H8/4/ExmLwZeKBUPB99dffxUAxKxZs/Taz507J7p27So8PDyEvb29CAoKyjP8JSYmivfee09UqlRJ2NnZifLly4s+ffrohZO0tDQxdepUUblyZWFnZycqVKgg3n//fZGWlqZ3X5UqVRL9+vUTQghx+PBhAUCsXr0612Nu27ZNABC//PKLtu369etiwIABwtvbW9jZ2YlatWqJb775Ru92ERERAoD47rvvxKRJk0S5cuWESqUSiYmJeT5n+/fvFwDEW2+9lef1mZmZomrVqsLDw0Mblq5cuSIAiLlz54r58+eLihUrCgcHB9G6dWtx+vTpXPeRn+dZ838XGRkphg4dKry8vIS7u7sQQoirV6+KoUOHimrVqgkHBwdRsmRJ8cYbb4grV67kuv3jX5oQHBwcLIKDg3M9Txs3bhQff/yxKF++vLC3txft2rUTFy9ezPU9fPHFF8LPz084ODiIRo0aiX/++SfXfeYlNjZW2NjYiBdeeOGJ52logu/FixdFv379hJubmyhRooTo37+/SE1N1Tt35cqVom3btsLLy0vY2dmJmjVrii+//DLXfVaqVEm8/PLLYtu2bSIoKEjY29trg0x+70MIIX7//XfRunVr4eLiIlxdXUXDhg3F+vXrhRDy+X38uc8ZOPP78wFADBs2THz77beiVq1awsbGRvz444/a66ZNm6Y9Nzk5Wbz77rvan0svLy8REhIijh49+tSaNK/hVatW6T3+uXPnRLdu3YSnp6dwcHAQ1apVyxUc81KxYkXRv3//XO15BV8hhHjjjTcEAHHz5k1t23fffScAiA8//DDPx7h//75wd3cXNWrU0LZ9//33AoCYOXPmU2vUOHnypAAgtmzZ8sTzjH3t9uvXL883GZrXdE55/T+Hh4cLDw+PPJ/HpKQkYW9vL8aMGaNty+9riigv+f/ciKgI0nzM6eHhoW07c+YMWrRogfLly2P8+PFwdnZGeHg4unTpgs2bN+O1114DAKSkpKBVq1Y4d+4c3nrrLTRo0AAJCQnYunUrrl+/Dk9PT6jVarz66qvYs2cP3nnnHdSsWROnT5/GggULcOHCBfz000951tWwYUP4+/sjPDwc/fr107tu48aN8PDwQGhoKAA5HKFp06ZQqVQYPnw4vLy88Mcff+Dtt99GcnIy3nvvPb3bf/TRR7Czs8PYsWORnp5u8CP+X375BQDQt2/fPK+3sbFBz549MWPGDOzduxchISHa69auXYsHDx5g2LBhSEtLw6JFi9CuXTucPn0apUuXNup51vjf//4HLy8vTJ06FampqQCAw4cPY9++fejRowcqVKiAq1evYunSpWjTpg3Onj0LJycntG7dGiNHjsTixYsxceJE1KxZEwC0/xryySefwMrKCmPHjkVSUhLmzJmDXr164eDBg9pzli5diuHDh6NVq1YYNWoUrl69ii5dusDDw+OpH/H+8ccfyMrKQp8+fZ543uO6d+8OPz8/zJ49G8eOHcPXX38Nb29vfPrpp3p11a5dG6+++ipsbGzwyy+/4H//+x/UajWGDRumd3/R0dF48803MXjwYAwaNAjVq1c36j5Wr16Nt956C7Vr18aECRPg7u6O48ePY9u2bejZsycmTZqEpKQkXL9+HQsWLAAAuLi4AIDRPx9///03wsPDMXz4cHh6esLX1zfP52jIkCHYtGkThg8fjlq1auHu3bvYs2cPzp07hwYNGjyxprycOnUKrVq1gq2tLd555x34+vri8uXL+OWXX3INScjpxo0buHbtGho0aGDwnMdpJte5u7tr2572s+jm5obOnTtjzZo1uHTpEqpUqYKtW7cCgFGvr1q1asHR0RF79+7N9fOX07O+dvPr8f/nqlWr4rXXXsOWLVuwfPlyvd9ZP/30E9LT09GjRw8Axr+miHJROnkTmYKm12/Hjh0iPj5exMbGik2bNgkvLy9hb2+v95Fc+/btRUBAgF7vgFqtFs2bNxdVq1bVtk2dOtVg74jmY81169YJKyurXB81Llu2TAAQe/fu1bbl7PEVQogJEyYIW1tbce/ePW1benq6cHd31+uFffvtt0XZsmVFQkKC3mP06NFDuLm5aXtjNT2Z/v7++fo4u0uXLgKAwR5hIYTYsmWLACAWL14shND1ljk6Oorr169rzzt48KAAIEaNGqVty+/zrPm/a9mypd7Hv0KIPL8PTU/12rVrtW1PGupgqMe3Zs2aIj09Xdu+aNEiAUDbc52eni5KlSolGjVqJDIzM7XnrV69WgB4ao/vqFGjBABx/PjxJ56noekde7wH/rXXXhOlSpXSa8vreQkNDRX+/v56bZUqVRIAxLZt23Kdn5/7uH//vnB1dRVNmjTJ9XF0zo/2DQ0rMObnA4CwsrISZ86cyXU/eKzH183NTQwbNizXeTkZqimvHt/WrVsLV1dX8e+//xr8HvOyY8eOXJ/OaAQHB4saNWqI+Ph4ER8fL86fPy/ef/99AUC8/PLLeufWq1dPuLm5PfGx5s+fLwCIrVu3CiGEqF+//lNvk5dq1aqJF1988YnnGPvaNbbHN6//5+3bt+f5XL700kt6r0ljXlNEeeGqDlSshISEwMvLCz4+PnjjjTfg7OyMrVu3anvn7t27h7///hvdu3fHgwcPkJCQgISEBNy9exehoaG4ePGidhWIzZs3IzAwMM+eEZVKBQD44YcfULNmTdSoUUN7XwkJCWjXrh0AICIiwmCtYWFhyMzMxJYtW7Rtf/75J+7fv4+wsDAAciLO5s2b0alTJwgh9B4jNDQUSUlJOHbsmN799uvXD46Ojk99rh48eAAAcHV1NXiO5rrk5GS99i5duqB8+fLay40bN0aTJk3w+++/AzDuedYYNGhQrslGOb+PzMxM3L17F1WqVIG7u3uu79tYAwYM0OtZatWqFQA5YQgAjhw5grt372LQoEF6k6p69eql9wmCIZrn7EnPb16GDBmid7lVq1a4e/eu3v9BzuclKSkJCQkJCA4ORkxMDJKSkvRu7+fnp/30IKf83Mdff/2FBw8eYPz48bkmh2p+Bp7E2J+P4OBg1KpV66n36+7ujoMHD+qtWvCs4uPj8c8//+Ctt95CxYoV9a572vd49+5dADD4ejh//jy8vLzg5eWFGjVqYO7cuXj11VdzLaX24MGDp75OHv9ZTE5ONvq1pan1aUvmPetrN7/y+n9u164dPD09sXHjRm1bYmIi/vrrL+3vQ+D5fucSAQCHOlCxsmTJElSrVg1JSUlYuXIl/vnnH9jb22uvv3TpEoQQmDJlCqZMmZLnfdy5cwfly5fH5cuX0bVr1yc+3sWLF3Hu3Dl4eXkZvC9DAgMDUaNGDWzcuBFvv/02ADnMwdPTU/tLPD4+Hvfv38dXX32Fr776Kl+P4efn98SaNTR/1B48eKD3sWtOhsJx1apVc51brVo1hIeHAzDueX5S3Y8ePcLs2bOxatUq3LhxQ295tccDnrEeDzma8JKYmAgA2jVZq1SponeejY2NwY/gcypRogQA3XNoiro097l3715MmzYN+/fvx8OHD/XOT0pKgpubm/ayoddDfu7j8uXLAIA6deoY9T1oGPvzkd/X7pw5c9CvXz/4+PggKCgIL730Evr27Qt/f3+ja9S80XnW7xGAwWX/fH19sWLFCqjValy+fBkzZ85EfHx8rjcRrq6uTw2jj/8slihRQlu7sbU+LdA/62s3v/L6f7axsUHXrl2xYcMGpKenw97eHlu2bEFmZqZe8H2e37lEAIMvFTONGzdGw4YNAcheyZYtW6Jnz56Ijo6Gi4uLdv3MsWPH5tkLBuQOOk+iVqsREBCA+fPn53m9j4/PE28fFhaGmTNnIiEhAa6urti6dSvefPNNbQ+jpt7evXvnGgusUbduXb3L+entBeQY2J9++gmnTp1C69at8zzn1KlTAJCvXricnuV5zqvuESNGYNWqVXjvvffQrFkzuLm5QaVSoUePHgbXQs0vQ0tZGQoxxqpRowYA4PTp06hXr16+b/e0ui5fvoz27dujRo0amD9/Pnx8fGBnZ4fff/8dCxYsyPW85PW8Gnsfz8rYn4/8vna7d++OVq1a4ccff8Sff/6JuXPn4tNPP8WWLVvw4osvPnfd+VWqVCkAujdLj3N2dtYbG9+iRQs0aNAAEydOxOLFi7XtNWvWxIkTJ3Dt2rVcb3w0Hv9ZrFGjBo4fP47Y2Nin/p7JKTExMc83rjkZ+9o1FKSzs7PzbDf0/9yjRw8sX74cf/zxB7p06YLw8HDUqFEDgYGB2nOe93cuEYMvFVvW1taYPXs22rZtiy+++ALjx4/X9gjZ2trq/UHKS+XKlREVFfXUc06ePIn27dvn66Pfx4WFhWHGjBnYvHkzSpcujeTkZO0kDgDw8vKCq6srsrOzn1qvsV555RXMnj0ba9euzTP4ZmdnY8OGDfDw8ECLFi30rrt48WKu8y9cuKDtCTXmeX6STZs2oV+/fpg3b562LS0tDffv39c771me+6fRbEZw6dIltG3bVtuelZWFq1ev5nrD8bgXX3wR1tbW+Pbbb006SeiXX35Beno6tm7dqheSjPmIN7/3UblyZQBAVFTUE98QGnr+n/fn40nKli2L//3vf/jf//6HO3fuoEGDBpg5c6Y2+Ob38TSv1af9rOdFExCvXLmSr/Pr1q2L3r17Y/ny5Rg7dqz2uX/llVfw3XffYe3atZg8eXKu2yUnJ+Pnn39GjRo1tP8PnTp1wnfffYdvv/0WEyZMyNfjZ2VlITY2Fq+++uoTzzP2tevh4ZHrZxKA0TvZtW7dGmXLlsXGjRvRsmVL/P3335g0aZLeOQX5miLLwDG+VKy1adMGjRs3xsKFC5GWlgZvb2+0adMGy5cvx61bt3KdHx8frz3u2rUrTp48iR9//DHXeZret+7du+PGjRtYsWJFrnMePXqkXZ3AkJo1ayIgIAAbN27Exo0bUbZsWb0Qam1tja5du2Lz5s15/mHOWa+xmjdvjpCQEKxatSrPnaEmTZqECxcu4IMPPsjVQ/PTTz/pjdE9dOgQDh48qA0dxjzPT2JtbZ2rB/bzzz/P1ZPk7OwMAHn+8X1WDRs2RKlSpbBixQpkZWVp29evX2+why8nHx8fDBo0CH/++Sc+//zzXNer1WrMmzcP169fN6ouTY/w48M+Vq1aZfL76NChA1xdXTF79mykpaXpXZfzts7OznkOPXnen4+8ZGdn53osb29vlCtXDunp6U+t6XFeXl5o3bo1Vq5ciWvXruld97Te//Lly8PHx8eoXcw++OADZGZm6vVYvvHGG6hVqxY++eSTXPelVqsxdOhQJCYmYtq0aXq3CQgIwMyZM7F///5cj/PgwYNcofHs2bNIS0tD8+bNn1ijsa/dypUrIykpSdsrDQC3bt3K83fnk1hZWeGNN97AL7/8gnXr1iErK0tvmANQMK8psizs8aVi7/3330e3bt2wevVqDBkyBEuWLEHLli0REBCAQYMGwd/fH7dv38b+/ftx/fp17Zae77//vnZHsLfeegtBQUG4d+8etm7dimXLliEwMBB9+vRBeHg4hgwZgoiICLRo0QLZ2dk4f/48wsPDsX37du3QC0PCwsIwdepUODg44O2334aVlf770U8++QQRERFo0qQJBg0ahFq1auHevXs4duwYduzYgXv37j3zc7N27Vq0b98enTt3Rs+ePdGqVSukp6djy5YtiIyMRFhYGN5///1ct6tSpQpatmyJoUOHIj09HQsXLkSpUqXwwQcfaM/J7/P8JK+88grWrVsHNzc31KpVC/v378eOHTu0HzFr1KtXD9bW1vj000+RlJQEe3t7tGvXDt7e3s/83NjZ2WH69OkYMWIE2rVrh+7du+Pq1atYvXo1KleunK/epnnz5uHy5csYOXIktmzZgldeeQUeHh64du0afvjhB5w/f16vhz8/OnToADs7O3Tq1AmDBw9GSkoKVqxYAW9v7zzfZDzPfZQoUQILFizAwIED0ahRI/Ts2RMeHh44efIkHj58iDVr1gAAgoKCsHHjRowePRqNGjWCi4sLOnXqZJKfj8c9ePAAFSpUwBtvvKHdpnfHjh04fPiw3icDhmrKy+LFi9GyZUs0aNAA77zzDvz8/HD16lX89ttvOHHixBPr6dy5M3788cd8jZ0F5FCFl156CV9//TWmTJmCUqVKwc7ODps2bUL79u3RsmVLvZ3bNmzYgGPHjmHMmDF6rxVbW1ts2bIFISEhaN26Nbp3744WLVrA1tYWZ86c0X5ak3M5tr/++gtOTk544YUXnlqnMa/dHj16YNy4cXjttdcwcuRIPHz4EEuXLkW1atWMnoQaFhaGzz//HNOmTUNAQECuZQkL4jVFFsb8C0kQmZ6hDSyEkDsDVa5cWVSuXFm7XNbly5dF3759RZkyZYStra0oX768eOWVV8SmTZv0bnv37l0xfPhwUb58ee1C6f369dNbWiwjI0N8+umnonbt2sLe3l54eHiIoKAgMWPGDJGUlKQ97/HlzDQuXryoXWR/z549eX5/t2/fFsOGDRM+Pj7C1tZWlClTRrRv31589dVX2nM0y3T98MMPRj13Dx48ENOnTxe1a9cWjo6OwtXVVbRo0UKsXr0613JOOTewmDdvnvDx8RH29vaiVatW4uTJk7nuOz/P85P+7xITE8WAAQOEp6encHFxEaGhoeL8+fN5PpcrVqwQ/v7+wtraOl8bWDz+PBna2GDx4sWiUqVKwt7eXjRu3Fjs3btXBAUFiY4dO+bj2ZW7XH399deiVatWws3NTdja2opKlSqJAQMG6C0XZWjnNs3zk3PTjq1bt4q6desKBwcH4evrKz799FOxcuXKXOdpNrDIS37vQ3Nu8+bNhaOjoyhRooRo3Lix+O6777TXp6SkiJ49ewp3d/dcG1jk9+cD/21skBfkWM4sPT1dvP/++yIwMFC4uroKZ2dnERgYmGvzDUM1Gfp/joqKEq+99ppwd3cXDg4Oonr16mLKlCl51pPTsWPHBIBcy2sZ2sBCCCEiIyNzLdEmhBB37twRo0ePFlWqVBH29vbC3d1dhISEaJcwy0tiYqKYOnWqCAgIEE5OTsLBwUHUqVNHTJgwQdy6dUvv3CZNmojevXs/9XvSyO9rVwgh/vzzT1GnTh1hZ2cnqlevLr799tsnbmBhiFqtFj4+PgKA+Pjjj/M8J7+vKaK8qIQw0UwOIir2rl69Cj8/P8ydOxdjx45VuhxFqNVqeHl54fXXX8/z41ayPO3bt0e5cuWwbt06pUsx6MSJE2jQoAGOHTtm1GRLouKGY3yJiAxIS0vLNc5z7dq1uHfvHtq0aaNMUVTozJo1Cxs3bjR6Mpc5ffLJJ3jjjTcYesnicYwvEZEBBw4cwKhRo9CtWzeUKlUKx44dwzfffIM6deqgW7duSpdHhUSTJk2QkZGhdBlP9P333ytdAlGhwOBLRGSAr68vfHx8sHjxYty7dw8lS5ZE37598cknn+jt+kZEREUDx/gSERERkUXgGF8iIiIisggMvkRERERkESxujK9arcbNmzfh6urK7Q6JiIiICiEhBB48eIBy5crl2tjpeVhc8L158yZ8fHyULoOIiIiIniI2NhYVKlQw2f1ZXPB1dXUFIJ/IEiVKKFwNERERET0uOTkZPj4+2txmKhYXfDXDG0qUKMHgS0RERFSImXpYKie3EREREZFFYPAlIiIiIovA4EtEREREFoHBl4iIiIgsAoMvEREREVkEBl8iIiIisggMvkRERERkERh8iYiIiMgiMPgSERERkUVg8CUiIiIii8DgS0REREQWgcGXiIiIiCwCgy8RERERWQQGXyIiIiKyCAy+RERERGQRFA2+//zzDzp16oRy5cpBpVLhp59+euptIiMj0aBBA9jb26NKlSpYvXp1gddJREREREWfosE3NTUVgYGBWLJkSb7Ov3LlCl5++WW0bdsWJ06cwHvvvYeBAwdi+/btBVwpERERERV1Nko++IsvvogXX3wx3+cvW7YMfn5+mDdvHgCgZs2a2LNnDxYsWIDQ0NCCKpOIiIiIzODhQ2DfHjWObThTIPdfpMb47t+/HyEhIXptoaGh2L9/v8HbpKenIzk5We+LiIiIiJSXlgZERgLTpgGtWwM13W8hK/Ql9F3TrkAeT9EeX2PFxcWhdOnSem2lS5dGcnIyHj16BEdHx1y3mT17NmbMmGGuEomIiIjIgIwM4NAhICJCfu3bB6Sny+texc/YjIHwQgIKqpuySAXfZzFhwgSMHj1aezk5ORk+Pj4KVkRERERkGTIzgSNHZMiNjAT27pXDGXJyQirmYQyGYLm27ZGbN5B0x+T1FKngW6ZMGdy+fVuv7fbt2yhRokSevb0AYG9vD3t7e3OUR0RERGTRsrKA48d1Pbp79gApKYbPf7nMUax42Atlk6N1jV26wHH+fMDf3+T1Fang26xZM/z+++96bX/99ReaNWumUEVERERElkutBk6e1AXdf/4BnjSdqnx5oG1boF1wNjpf/Awl50+WaRkAnJyAhQuBgQOBBw8KpF5Fg29KSgouXbqkvXzlyhWcOHECJUuWRMWKFTFhwgTcuHEDa9euBQAMGTIEX3zxBT744AO89dZb+PvvvxEeHo7ffvtNqW+BiIiIyGKo1UBUlH7QTUw0fH6ZMjLoar4qVwZUKgCpaUC9r3WhNygI2LABqFatQOtXNPgeOXIEbdu21V7WjMXt168fVq9ejVu3buHatWva6/38/PDbb79h1KhRWLRoESpUqICvv/6aS5kRERERFQAhgHPndEF31y4gIcHw+V5eQJs2uqBbvfp/Qfdxzs4y6LZsCYwZA0yfDtjZFdB3oaMSQogCf5RCJDk5GW5ubkhKSkKJEiWULoeIiIio0BACuHhRF3QjI4HHplfpKVkSCA7WBd3atQ0E3QcP5BiI8uX122/cyN2GgstrRWqMLxERERGZjhBATIwu5EZEADdvGj7fzU0/6AYEAFZP2xVi/36gd2857mHXLsAmR/zMI/QWJAZfIiIiIgvy77+6Ht2ICCA21vC5rq5Aq1a6oFuvHmBtnc8HysoCZs4EPvoIyM6WCfvTT4FJk0zxbTwTBl8iIiKiYuzGDf2ge+WK4XOdnOSwW03QDQrS76DNt5gY2cubc3fd5s2Bnj2f4c5Mh8GXiIiIqBiJi9MfunDxouFzHRyAFi10Qbdhw+ecYyYEsG4dMHy4bkkya2u5J/GECc+Yok2HwZeIiIioCIuP14XciAjg/HnD59rZAc2a6YJukyaAyfb5SkwEhgwBwsN1bf7+wPr1QNOmJnqQ58PgS0RERFSE3Lsn54hpgm5UlOFzbW2Bxo11QbdZM8DAZrfPJzlZDgDOsQwt+vcHFi+WA4ULCQZfIiIiokLs/n1g925d0D15Uo4oyIu1NdCokS7oNm8ul8wtcCVKAK+9BixaBHh4AMuXA926meGBjcPgS0RERFSIPHigH3SPH5c7puXFygpo0EAXdFu2VLCD9ZNPgLQ0uWqDj49CRTwZgy8RERGRglJTgb17dUH3yBG5+ldeVCogMFAXdFu1AtzdzVqu7G5esUJ2L7/9tq7dwQFYtszMxRiHwZeIiIjIjB49kqt8aYLuoUNAZqbh8wMCZMht00ZuHlGypNlKzS0+Hhg0CPj5ZzlYuHlzoGZNBQsyDoMvERERUQFKTwcOHNAF3QMHgIwMw+fXrKnr0Q0OBry8zFfrE/35J9Cvn1wvDZAJ/tdfGXyJiIiILFVGBnD4sC7o7tsnh74aUrWqLui2aSN39i1U0tLkGrwLF+raPD2BlSuBTp0UK+tZMPgSERERPYesLDkuV7OW7p49wMOHhs/395cBVxN2y5c3V6XP4PRpoFcv+a9Gx47AqlWFMKE/HYMvERERkRGys+VKC5oe3d27gZQUw+dXrKjfo1upktlKfXZCAJ9/DnzwgRyrAcidLubOlbuyqVTK1veMGHyJiIiInkCtBk6d0gXdf/4BkpIMn1+unC7otm0L+PkVwZyYkgLMm6cLvXXryh3Y6tRRtq7nxOBLRERElINaDZw5oxu6sGuX3C3NkNKl9Xt0q1YtgkH3ca6uwLffym9q5Ehg1iy5XFkRx+BLREREFk0I4Px5XY9uZCSQkGD4fE9P/TG6NWoUg6Cbmiq/vL11ba1aARcuyEHJxQSDLxEREVkUIYBLl/SDrmaFrrx4eMhlxTRBt3ZtuWNasXH0qJzAVr488Ndf+t9cMQq9AIMvERERWYArV3RBNyICuHHD8LklSuiCbps2cqe0YhV0NbKzgc8+AyZPlktTREcDCxYAY8YoXVmBYfAlIiKiYufaNf0e3X//NXyui4v8VF/To1u/vtyNt1iLjQX69pVPjkZQUJFbl9dYDL5ERERU5N28qd+jGxNj+FwnJ6BFC13QDQoCbG3NV6viwsOBwYOB+/flZZUKGD8emD4dsLNTsrICx+BLRERERc7t27pVFyIi5BwsQ+ztgebNdUG3ceNin+/ylpwsV2hYs0bX5uMDrFsnx3ZYAAZfIiIiKvQSEvSD7rlzhs+1swOaNtUF3SZNisVKXM8nKQlo0EC/KzwsDFi6VM7esxAMvkRERFToJCbK9XM1QTfnjrmPs7GRvbiaoNusmRzOQDm4uQHt2sng6+oKLFkC9O5dDNZhMw6DLxERESkuKUlu/asJuidOyGXH8mJtDTRsqFtLt0ULOUGNnmLBAuDRI+DDD4vdMmX5xeBLREREZvfgAbBnj27VhaNH5Y5peVGp5Kf0mh7dli3lkmNkgBBy3K6tLfDmm7p2Fxe5G5sFY/AlIiKiAvfwIbB3r65H9/BhuYysIYGBuqDbujXg7m62Uou2xERgyBC5coOLixwDUrmy0lUVGgy+REREZHJpacD+/bqge/AgkJlp+PzatXVBNzgYKFXKfLUWG5GRQJ8+wPXr8nJKCrBpEzBunKJlFSYMvkRERPTc0tNluNUE3QMHZJshNWroB11vb/PVWuxkZABTpwJz5ugGRru7A199BXTrpmhphQ2DLxERERktM1MOV9AE3X375LwpQ6pU0QXdNm2AsmXNVmrxFh0N9OwJHDuma2vTBli7Vq7RS3oYfImIiOipsrJkttIE3T17gNRUw+f7+elWXWjbFqhQwWylWgYhZI/uqFG6dxy2tsDMmcCYMYCVlbL1FVIMvkRERJRLdrZcUkyz6sI//8iVGAzx8dHv0fX1NU+dFispSW4xrAm91asDGzbI5S/IIAZfIiIiglotN4nQ9Oj+8w9w/77h88uW1QXdtm3lsrAWtheCstzdgdWrgY4d5SoO8+Zx1458YPAlIiKyQEIAZ8/qgu6uXcDdu4bP9/bWH7pQrRqDrlmlpck14UqW1LWFhgJRUXJJDMoXBl8iIiILIIScBxUZqRu+cOeO4fNLldIF3TZtgFq1GHQVc/q0nMBWqRLwyy/6/xEMvUZh8CUiIiqGhAAuX9b16EZGArduGT7f3V0uK6bp0a1Th/OjFKdWA59/LtfhTU+XvbvLlgFDhypdWZHF4EtERFRMXL2qC7oREbp9DPLi6ip3RNME3cBAwNrabKXS09y6BQwYAGzfrmurWxdo1Uq5mooBBl8iIqIiKjZWN3QhIkIGX0OcnWVm0gxdaNAAsGEKKJx+/hkYOBBISNC1jRoFzJoFODgoV1cxwJc8ERFREXHrln6P7uXLhs91dARatND16DZsKJd5pUIsNVWuwbt8ua6tbFlgzRrghReUq6sYYfAlIiIqpO7c0e/RjY42fK69PdCsmS7oNm4s26iISEyU/4E5/5O7dAFWrAA8PRUrq7hh8CUiIiok7t6Vy4ppgu6ZM4bPtbUFmjbVDV1o1oyfghdpHh5AUJAMvk5OwKJFwNtvcykNE2PwJSIiUkhiotwoQhN0T50yfK6NDdCoka5Ht3lz7ldQ7CxZIndi++QTuVAymRyDLxERkZkkJwO7d+uC7vHjctmxvFhZyQ5ATdBt2RJwcTFvvVSAwsPlWJTOnXVt7u7Ali2KlWQJGHyJiIgKSEoKsHevLugePQpkZ+d9rkoF1K+v2zSiVSvAzc2s5ZI5JCcDI0fKCWseHrKbv0IFpauyGAy+REREJvLwIbBvny7oHj4MZGUZPr9uXV2PbuvWMgdRMbZ/P9CrF3DlirycmAh8+y0wfryydVkQBl8iIqJnlJYGHDigC7oHDwIZGYbPr1VLF3SDgzlZ32JkZQEffyy/NF3+rq5yTG/v3srWZmEYfImIiPIpI0OGW80SY/v2yZ1kDaleXTd0oU0boHRpMxVKhUdMjAy3+/fr2po3lz29fn7K1WWhGHyJiIgMyMwEjhzR9eju3Ssn3RtSubKuR7dNG6BcObOVSoWNEMDatcDw4XKwNyD3hJ46FZg4kdvmKYTPOhER0X+ysuRKC5qgu2ePLrPkpVIlXdBt2xbw8TFfrVTIJSbKXdg0LyB/f2D9ern4MimGwZeIiCyWWg2cPKkLuv/8IyfdG1K+vH7Q5SfVZFDJksDXXwOvvQb07w8sXizH9ZKiGHyJiMhiqNVAVJR+0E1MNHx+mTL6QbdyZW6kRQZkZMgB3znDbZcucqxMUJBiZZE+Bl8iIiq2hADOndMF3V27gIQEw+d7eekmo7VtKyenMejSU0VHAz17AlWqAN9/r/+iYegtVBh8iYio2BACuHhRF3QjI4Hbtw2fX7KkXFZME3Rr12bQJSMIAXz1FTBqlJz1eOwY8PLLQN++SldGBjD4EhFRkSWEXC0qZ9C9edPw+W5u+kE3IEBuDUxktPh4YOBAYOtWXVv16kCdOsrVRE/F4EtEREXKv//qgm5EBBAba/hcV1e59a8m6NarJ1eUInou27fLCWtxcbq2IUOAefMAJyfFyqKnY/AlIqJC7cYN/aCr2e01L05OQMuWuqAbFMTlUsmE0tKACROAhQt1bZ6ewMqVQKdOipVF+cdfB0REVKjExekPXbh40fC5Dg5Aixa6oNuwIWBnZ7ZSyZLcuydnPp4+rWvr2BFYtUou/0FFAoMvEREpKj5etwVwRARw/rzhc+3sgGbNdEG3SRPA3t5spZIl8/CQm1CcPi1fdHPnyl3ZOBuySGHwJSIis7p3Ty4rpgm6UVGGz7W1BRo31gXdZs0AR0fz1UqkpVLJDSkePZJjeTmJrUhi8CUiogJ1/77cKEITdE+dkqsx5MXaGmjUSBd0mzcHnJ3NWi6RtHWr7NkNDdW1eXrKiW1UZDH4EhGRST14AOzerQu6x4/LHdPyYmUFNGigC7otW3JXV1JYaiowZgywfDng7S2HNnh7K10VmQiDLxERPZfUVGDvXl3QPXIEyM7O+1yVCggM1AXdVq0Ad3ezlktk2NGjcge2Cxfk5Tt35IoN48crWxeZDIMvEREZ5dEjYN8+3YS0Q4eAzEzD5wcE6IJu69ZytzSiQiU7G/jsM2DyZCArS7Y5OcllywYOVLQ0Mi0GXyIieqL0dODAAV2P7oEDQEaG4fNr1tQF3eBgwMvLfLUSGS02FujTR8641AgKAjZsAKpVU64uKhAMvkREpCcjAzh8WBd09+2T6/YbUrWqLui2acMlTakICQ8HBg+WMzABORZn/Hhg+nQuCF1MMfgSEVm4rCw5LlczdGHPHuDhQ8Pn+/vrB93y5c1VKZEJJSQAgwYBycnyso8PsG6d/JiCii0GXyIiC5OdLVda0PTo7t4NpKQYPr9iRV3QbdtWXiYq8jw9gaVLgV69gLAweezhoXRVVMAYfImIijm1Wq6dqwm6//wDJCUZPr9cOf2g6+fHzamoGMjKkuN4nJx0bT17AhUqyOVF+CK3CAy+RETFjFoNnDmjG7qwa5fcLc2Q0qX1hy5UrcoMQMVMTAzQuzdQo4Zcniyn1q2VqYkUweBLRFTECQGcP6/r0Y2MlMMXDfH0lAFXE3Zr1GDQpWJKCDlud9gwOZ5n/37gxReBbt2UrowUwuBLRFTECAFcuqQfdOPiDJ/v4SHn62iCbu3acsc0omItMREYMkSu3KDh7y8nsZHFYvAlIioCrlzRBd2ICODGDcPnliihC7pt2sid0hh0yaJERsq1ea9f17X17w8sXsw9sS0cgy8RUSF07Zp+j+6//xo+18VFzs3R9OjWrw9YW5utVKLCIyMDmDoVmDNHfjQCyI88li/n8AYCwOBLRFQo3Lyp36MbE2P4XCcnoEULXdANCgJsbc1XK1GhdPcu0KEDcOyYrq1tW2DtWrlyAxEYfImIFHH7tm7VhYgI4MIFw+fa2wPNm+uCbuPG3FSKKBcPDzlzE5DvBGfOBMaM4Tgf0sPgS0RkBgkJ+kH33DnD59rZAU2b6oJukyaAg4PZSiUqmqysgNWrge7dgUWLgAYNlK6ICiEGXyKiApCYKNfP1QTd06cNn2tjI3txNUG3WTP9NfaJKA9//infEeZch7dsWbkVIZEBivf/L1myBL6+vnBwcECTJk1w6NChJ56/cOFCVK9eHY6OjvDx8cGoUaOQlpZmpmqJiPKWlAT8+qv8ZLVBA6BUKeC11+Qk8sdDr7W17MUdNw7Ytk2G5L17gY8/Btq3Z+gleqK0NGDUKCA0VG43nJiodEVUhCja47tx40aMHj0ay5YtQ5MmTbBw4UKEhoYiOjoa3t7euc7fsGEDxo8fj5UrV6J58+a4cOEC+vfvD5VKhfnz5yvwHRCRpXrwANizR7fqwtGjcse0vKhUMgxrenRbtpRLjhGRkU6flmFX827y+nXgq6/ku0iifFAJoVnvw/yaNGmCRo0a4YsvvgAAqNVq+Pj4YMSIERg/fnyu84cPH45z585h586d2rYxY8bg4MGD2LNnT74eMzk5GW5ubkhKSkIJ/uUhonx6+FD2ymqGLhw+DGRnGz4/MFAXdFu3BtzdzVYqUfGjVgOffy4Dbnq6bLO3B+bOBYYP59aDxVBB5TXFenwzMjJw9OhRTJgwQdtmZWWFkJAQ7N+/P8/bNG/eHN9++y0OHTqExo0bIyYmBr///jv69Olj8HHS09ORrvkhgXwiiYieJi1N7m6qCboHDwKZmYbPr11bF3SDg+VQByIygVu3gAEDgO3bdW0BAcCGDUCdOsrVRUWSYsE3ISEB2dnZKF26tF576dKlcf78+Txv07NnTyQkJKBly5YQQiArKwtDhgzBxIkTDT7O7NmzMWPGDJPWTkTFT3q6DLeaoHvggK5jKS81augH3TxGZxHR8/r5Z2DgQLksisaoUcCsWVzqhJ5JkVrVITIyErNmzcKXX36JJk2a4NKlS3j33Xfx0UcfYcqUKXneZsKECRg9erT2cnJyMny4TzeRxcvMlMMVNEF33z7g0SPD51epogu6bdrIyeNEVIDi4+V43tRUeblsWblcWYcOipZFRZtiwdfT0xPW1ta4ffu2Xvvt27dRpkyZPG8zZcoU9OnTBwMHDgQABAQEIDU1Fe+88w4mTZoEqzwWqba3t4e9vb3pvwEiKlKysuSGTpqgu2eP7u9pXvz8ZMDVhF1u/ERkZl5ewMKFwKBBQOfOwNdf6zaoIHpGigVfOzs7BAUFYefOnejSpQsAOblt586dGD58eJ63efjwYa5wa/3fhvQKztEjokIoOxs4cUIXdHfvlisxGOLjo9+j6+trpkKJSMrOlu9Qc3ZWvf22fNcZGsoJbGQSig51GD16NPr164eGDRuicePGWLhwIVJTUzFgwAAAQN++fVG+fHnMnj0bANCpUyfMnz8f9evX1w51mDJlCjp16qQNwERkmdRqucKRJuj+8w9w/77h88uW1QXdtm0Bf3/+XSVSTGws0LevnKz2+ee6dpUK6NhRubqo2FE0+IaFhSE+Ph5Tp05FXFwc6tWrh23btmknvF27dk2vh3fy5MlQqVSYPHkybty4AS8vL3Tq1AkzZ85U6lsgIoUIAZw9qwu6u3YBd+8aPt/bW3/oQrVqDLpEhUJ4ODB4sHynGhkJvPgi8NJLSldFxZSi6/gqgev4EhVNQgDR0boNIyIjgTt3DJ9fqpQu6LZpA9SqxaBLVKgkJwMjRwJr1ujafHyA9euBVq2Uq4sKhWK3ji8R0ZMIAVy+rOvRjYyUy3ka4u4ulxXT9OjWqQPkMd+ViAqD/fuB3r2BmBhdW1gYsHQp4OGhXF1U7DH4ElGhcfWqLuhGRMjdSA1xdZU7ommCbmAgwKH+RIVcVhYwcybw0Ue6rQ9dXYElS2QQ5scyVMAYfIlIMbGx+j26V68aPtfZWX76qRm60KABYMPfYERFx927QKdOsrdXo3lz4Ntv5fqBRGbAPxtEZDa3bun36F6+bPhcR0egRQtdj27DhoCtrflqJSITc3fXvVu1tgamTgUmTuQ7WDIrvtqIqMDcuSN7cjVBNzra8Ln29kCzZrqg27ix/nKeRFTEWVsD69YBr78uhzY0bap0RWSBGHyJyGTu3tWtuBARAZw5Y/hcW1v5d08zdKFZM8DBwUyFElHB27VLfnTTuLGurVIl4MgRjuUlxTD4EtEzS0yUG0VoenRPnTJ8ro0N0KiRrke3eXPAycl8tRKRmWRkANOmAZ9+KsfunjghJ7BpMPSSghh8iSjfkpPl1r+aoHv8uFx2LC9WVkBQkC7otmwJuLiYt14iMrPoaKBnT+DYMXk5JkYuUfbBB8rWRfQfBl8iMiglBdizRzd04ehR3QpEj1OpgPr1dZtGtGoFuLmZs1oiUowQwIoVwHvvAY8eyTZbW7l02ZgxipZGlBODLxFpPXwI7Nun69E9fFguu2lI3bq6Ht3WrbnuPJFFio8HBg0Cfv5Z11a9OrBhg1x3kKgQYfAlsmBpacCBA7qge/CgHJ5nSK1auqAbHAx4epqvViIqhLZvB/r3B+LidG1DhgDz5nEQPxVKDL5EFiQjQ4ZbzdCFffuA9HTD51evrhu60KYNULq0mQolosLv9m2gSxf5DhqQ74RXrpSbVBAVUgy+RMVYZqZcOUjTo7t3r274XV4qV9b16LZpA5QrZ7ZSiaioKV0a+OQTOa43NBRYvRooU0bpqoieiMGXqBjJypIrLWiC7p49coKaIZUq6YJu27aAj4/5aiWiIkatlrNbc26hOGIEUKEC8NprcikXokKOwZeoCFOrgZMndUH3n3/kkmOGlC+vH3T9/MxXKxEVYbduybG89erJ9Xk1rKyArl2VqorIaAy+REWIWg1ERekH3cREw+eXKaMfdCtX5trxRGSkn38G3n5bbs34119yWEO7dkpXRfRMGHyJCjEhgHPndEF31y4gIcHw+V5euslobdvKyWkMukT0TFJT5Rq8y5fr2jjDlYo4Bl+iQkQI4OJFXdCNjJQTpw0pWVIuK6YJurVrM+gSkQkcPSp3YLtwQdfWuTPw9ddcx5CKNAZfIgUJIXf0zBl0b940fL6bm37QDQjgfBIiMqHsbOCzz4DJk3W71zg5AQsXAgMH8p01FXkMvkRm9u+/uqAbEQHExho+19VVbv2rCbr16gHW1mYrlYgsSUIC0K2bfAeuERQkd2CrVk2xsohMicGXqIDduKEfdK9cMXyuszPQsqVunG5QEGDDn1IiMgc3N936hyoVMH48MH06YGenaFlEpsQ/qUQmFhenP3Th4kXD5zo4AC1a6Hp0GzXSXyKTiMhsbG2B9evlbmxLl8pxVUTFDIMv0XOKj9dtARwRAZw/b/hcOzugWTNd0G3SBLC3N1upREQ6+/fL8buBgbq2atXkmomcPEDFFIMvkZHu3ZPLimmCblSU4XNtbYHGjXVBt1kzwNHRfLUSEeWSlQXMnAl89JEMukeOyACswdBLxRiDL9FT3L8vN4rQBN1Tp+RqDHmxtpbDFTRBt3lzOW6XiKhQiIkBeveWvb2AXCj8yy+BsWOVrYvITBh8iR7z4AGwe7cu6B4/LndMy4uVFdCggS7otmwpV2IgIipUhADWrQOGD5e/5AD5Tn3aNOC99xQtjcicGHzJ4qWmAnv36oLukSNyKcu8qFRyOJwm6LZqBbi7m7VcIiLjJCYCQ4YA4eG6tsqVgW+/BZo2Va4uIgUw+JLFefQI2LdPF3QPHdKt056XgABd0G3dWu6WRkRUJERGAn36ANev69oGDAAWLeLHU2SRGHyp2EtPBw4c0AXdAweAjAzD59esqQu6wcGAl5f5aiUiMplbt4DQUN0vPA8PYPlyuUkFkYVi8KViJyMDOHxYF3T37QPS0gyfX7WqLui2aQOUKWO2UomICk7ZsnIM76RJ8hfc2rVAhQpKV0WkKAZfKvKysuS4XM2GEXv2AA8fGj7f318/6JYvb65KiYgKkBByJm7Ofc3HjQN8fIBevbhMGREYfKkIys6WKy1oenR379btspmXihV1QbdtW3mZiKhYiY8HBg0C6teXvbwa1tZyjC8RAWDwpSJArZZr52qC7j//AElJhs8vV04/6Pr5ydUYiIiKpe3bgf795X7pv/4KdOggd8sholwYfKnQUauBM2d0QXfXLrkajyGlS+sPXahalUGXiCxAWhowYQKwcKGuzcNDt04vEeXC4EuKEwI4f14XdCMjgYQEw+d7esqAqwm7NWow6BKRhTl9Wo7bPX1a1xYaCqxezRm6RE/A4EtmJwRw6ZJ+0I2LM3y+h4dcVkwTdGvX5hwNIrJQajXw+edy0lp6umyztwfmzJG7svGXI9ETMfhSgRMCuHJFF3IjIoAbNwyfX6KELui2aSN3SuPvciKyeHfvyl7e7dt1bQEBwIYNQJ06ytVFVIQw+FKBuHZN16MbESEvG+LiIrf+1fTo1q+vvxoPEREBcHbW7zUYNQqYNQtwcFCuJqIihsGXTOLmTf2gGxNj+FwnJ6BFC13QDQoCbG3NVysRUZHk4CB7dzt3BpYtk6s3EJFRGHzpmdy+rRu2EBEBXLhg+Fx7e6B5c13QbdwYsLMzW6lEREXT0aOyl7dGDV1bQID8hWvDP99Ez4I/OZQvCQn6QffcOcPn2tkBTZvqgm6TJvwkjogo37Kzgc8+AyZPlmN3DxyQPQgaDL1Ez4w/PZSnxES5fq4m6OZcMedxNjayF1cTdJs1k8MZiIjISLGxcqe1Xbvk5RMngC+/lON5iei5MfgSALkT2u7duqB74oRcjSEv1tZAw4a6tXRbtJAT1IiI6DmEhwODBwP378vLKhUwfjwwbJiiZREVJwy+FuzqVWDpUuDvv4Fjx+TykHlRqYAGDXQ9ui1byiXHiIjIBJKTgZEjgTVrdG0+PsC6dXJtRyIyGQZfCyUE0LEjEB2d9/WBgbqg27o14O5u1vKIiCzD/v1A7976S+GEhcleCQ8P5eoiKqYYfC3U1av6obd2bV3QDQ4GSpVSrDQiIstw44YcM5aRIS+7ugJLlsggzH3YiQoEg6+F2r9fdzxlCvDhh8rVQkRkkcqXB8aOlZtQNG8OfPst4OendFVExRqDr4XKGXxbtFCuDiIii6GZMZyzN3f6dKBiReDtt7lMGZEZWCldAClj3z7dcZMmytVBRGQREhOBHj2AefP0221t5UoODL1EZsHga4FSU4GTJ+Vx7dqcuEZEVKAiI4G6deVyZRMnAsePK10RkcVi8LVAR47IjYEAudkEEREVgIwMuQ5vu3bA9euyzcUFiItTti4iC8bPVixQzmEODL5ERAUgOhro2VMukq7Rti2wdi1QoYJydRFZOPb4WqCcE9uaN1euDiKiYkcIYPlyoH59Xei1tQXmzAF27GDoJVLYc/X4pqWlwcHBwVS1kBkIoQu+Hh5AtWrK1kNEVGzcuwcMGABs3aprq14d2LBBbn9JRIozusdXrVbjo48+Qvny5eHi4oKY/3abmTJlCr755huTF0imdekSkJAgj5s2BazY509EZBr29sD587rLQ4fKXl+GXqJCw+jY8/HHH2P16tWYM2cO7OzstO116tTB119/bdLiyPQ4zIGIqIA4OwPr1wPlysle3y+/BJyclK6KiHIwOviuXbsWX331FXr16gVra2tte2BgIM7nfKdLhVLO4MuJbUREz+H0aeC/Tz21GjaUbZ06KVMTET2R0cH3xo0bqFKlSq52tVqNzMxMkxRFBUezooOVFdC4sbK1EBEVSWo1sGgR0KgR0KsXkJWlf729vTJ1EdFTGR18a9Wqhd27d+dq37RpE+rXr2+SoqhgPHgAREXJ44AAwNVV2XqIiIqcW7eAF18E3nsPSE8HDhwAli5VuioiyiejV3WYOnUq+vXrhxs3bkCtVmPLli2Ijo7G2rVr8euvvxZEjWQihw7JjgqAwxyIiIz288/A228Dd+/q2kaNAgYNUq4mIjKK0T2+nTt3xi+//IIdO3bA2dkZU6dOxblz5/DLL7/ghRdeKIgayUS4cQUR0TNITQWGDAG6dNGF3rJlge3bgfnzAS7rSVRkPNM6vq1atcJff/1l6lqogHFFByIiIx09Kndgu3BB19alC7BiBeDpqVhZRPRsjO7x9ff3x92cH/P85/79+/D39zdJUWR6arUcigbI39WVKytbDxFRoRcbK3sJNKHXyUkG3i1bGHqJiiijg+/Vq1eRnZ2dqz09PR03btwwSVFketHRQGKiPG7eHFCplK2HiKjQ8/EB/vc/eRwUBBw/DgwcyF+gREVYvoc6bM2xBeP27dvh5uamvZydnY2dO3fC19fXpMWR6XD9XiKifBBCP9jOng1UrAgMGwbk2LSJiIqmfAffLl26AABUKhX69eund52trS18fX0xb948kxZHpsPgS0T0BMnJwMiRcoFzTS8vICeujRqlXF1EZFL5Dr7q/9bB8vPzw+HDh+HJ8U1FimZFB2trueY6ERH9Z/9+uRHFlSvAxo1A27ZAzZpKV0VEBcDoMb5Xrlxh6C1i7t8Hzp6Vx/Xqcet4IiIAcse16dOBVq1k6AUAW1vg8mVFyyKigvNMy5mlpqZi165duHbtGjIyMvSuGzlypEkKI9M5eFB3zGEOREQAYmKA3r1zr/P47beAn59ydRFRgTI6+B4/fhwvvfQSHj58iNTUVJQsWRIJCQlwcnKCt7c3g28hlHPjCq7fS0QWTQhg7Vpg+HAgJUW2WVsDU6cCEycCNs/UH0RERYTRQx1GjRqFTp06ITExEY6Ojjhw4AD+/fdfBAUF4bPPPiuIGuk5cWIbERHkuK8ePYD+/XWh198f2LNHBl+GXqJiz+jge+LECYwZMwZWVlawtrZGeno6fHx8MGfOHEycOLEgaqTnkJ2t27iiTBmgUiVl6yEiUoxKpT/2q39/4MQJoGlTpSoiIjMzOvja2trCykrezNvbG9euXQMAuLm5ITY21rTV0XM7exZ48EAec+MKIrJobm7AunVy17XwcGDVKsDVVemqiMiMjP5cp379+jh8+DCqVq2K4OBgTJ06FQkJCVi3bh3q1KlTEDXSc+AwByKyWNHRgLMzUKGCrq1VK+DqVdlORBbH6B7fWbNmoWzZsgCAmTNnwsPDA0OHDkV8fDyWL19u8gLp+eSc2MbgS0QWQQhg+XKgfn2gb1/gv3XotRh6iSyWSgghlC7CnJKTk+Hm5oakpCSUKFFC6XIKXPXqwIULcmnK5GS5CRERUbEVHw8MHAhs3aprW7oUGDJEuZqIyGgFldeM7vE15NixY3jllVdMdXdkAgkJMvQCQIMGDL1EVMxt3w7UrasfeocMkb2+REQwMvhu374dY8eOxcSJExETEwMAOH/+PLp06YJGjRpptzU2xpIlS+Dr6wsHBwc0adIEhw4deuL59+/fx7Bhw1C2bFnY29ujWrVq+P33341+XEugWc0B4DAHIirG0tKAUaOAjh2BuDjZ5ukpA/DSpdyukoi08j257ZtvvsGgQYNQsmRJJCYm4uuvv8b8+fMxYsQIhIWFISoqCjWN3Nt848aNGD16NJYtW4YmTZpg4cKFCA0NRXR0NLy9vXOdn5GRgRdeeAHe3t7YtGkTypcvj3///Rfu7u5GPa6leHxDIiKiYuf0aaBXL/mvRmgosHq1XMORiCiHfI/xrVu3Lvr06YP3338fmzdvRrdu3dC0aVOEh4ejQs4Zs0Zo0qQJGjVqhC+++AIAoFar4ePjgxEjRmD8+PG5zl+2bBnmzp2L8+fPw9bW9pke05LG+LZrB0REyOPYWP2JzURERd6//8qJDOnp8rK9PTBnjtyVzcpkI/mISAGKj/G9fPkyunXrBgB4/fXXYWNjg7lz5z5z6M3IyMDRo0cREhKiK8bKCiEhIdifs6syh61bt6JZs2YYNmwYSpcujTp16mDWrFnIzs42+Djp6elITk7W+7IEWVm6ddorVGDoJaJiqFIl3fjdgADgyBFg5EiGXiIyKN+/HR49egSn/8ZJqVQq2Nvba5c1exYJCQnIzs5G6dKl9dpLly6NOM0YrcfExMRg06ZNyM7Oxu+//44pU6Zg3rx5+Pjjjw0+zuzZs+Hm5qb98vHxeeaai5LTp4GHD+UxhzkQUbG1YAHw8cfAoUMA15InoqcwagOLr7/+Gi4uLgCArKwsrF69Gp6ennrnjBw50nTVPUatVsPb2xtfffUVrK2tERQUhBs3bmDu3LmYNm1anreZMGECRo8erb2cnJxsEeGXG1cQUbGSmgqMGSO3F+7fX9fu7AxMmqRYWURUtOQ7+FasWBErVqzQXi5TpgzWrVund45Kpcp38PX09IS1tTVu376t13779m2UMTAhoWzZsrC1tYW1tbW2rWbNmoiLi0NGRgbs7Oxy3cbe3h729vb5qqk44cYVRFRsHD0qJ7BFRwPr18vd1ypXVroqIiqC8h18r169atIHtrOzQ1BQEHbu3IkuXboAkD26O3fuxPDhw/O8TYsWLbBhwwao1WpY/TeG68KFCyhbtmyeodeSaXp87e3l5kVEREVOdjbw2WfA5Mly4gIgd2GLimLwJaJnougMgNGjR2PFihVYs2YNzp07h6FDhyI1NRUDBgwAAPTt2xcTJkzQnj906FDcu3cP7777Li5cuIDffvsNs2bNwrBhw5T6Fgql27eB/5ZZRsOGAN8TEFGRExsLtG8PjB+vC71BQcDx40DnzsrWRkRFllFjfE0tLCwM8fHxmDp1KuLi4lCvXj1s27ZNO+Ht2rVr2p5dAPDx8cH27dsxatQo1K1bF+XLl8e7776LcePGKfUtFEoc30tERVp4ODB4MHD/vrysUskAPH0638kT0XPJ9zq+xYUlrOM7bpxcyhIAtmwBXntN2XqIiPLlwQNgxAhgzRpdm48PsG4dEBysXF1EZHaKr+NLRQd7fImoSEpPB/78U3c5LAw4eZKhl4hMhsG3mMnIAA4flse+vtyxk4iKEE9P2dtbogSwdi3w3XeAh4fSVRFRMfJMwffy5cuYPHky3nzzTdy5cwcA8Mcff+DMmTMmLY6Md/IkkJYmj7lxBREVajExcjZuTi+8ILci7tNHju0lIjIho4Pvrl27EBAQgIMHD2LLli1ISUkBAJw8edLgJhJkPhzmQESFnhCyZzcwEHjrLXk5J3d3RcoiouLP6OA7fvx4fPzxx/jrr7/01s5t164dDhw4YNLiyHjcuIKICrXERKBHD7n7WkoK8PvvwKpVSldFRBbC6OB7+vRpvJbHMgHe3t5ISEgwSVH07DQ9vk5OQN26ytZCRKQnMlL+YgoP17X17w9066ZURURkYYwOvu7u7rh161au9uPHj6N8+fImKYqezY0bwLVr8rhRI8DWVtl6iIgAyFm348cD7doB16/LNg8PGYBXrQJcXZWtj4gshtHBt0ePHhg3bhzi4uKgUqmgVquxd+9ejB07Fn379i2IGimfOL6XiAqd8+flL6RPP9WN5W3bFjh1ij29RGR2RgffWbNmoUaNGvDx8UFKSgpq1aqF1q1bo3nz5pg8eXJB1Ej5lDP4ckUHIlJcTAzQoAFw7Ji8bGsrd9fZsQOoUEHZ2ojIIj3zzm3Xrl1DVFQUUlJSUL9+fVStWtXUtRWI4rxzW/PmuvB75w7g5aVsPURE6N0bWL8eqF4d2LBBBmEioqcoqLxmY+wN9uzZg5YtW6JixYqoWLGiyQqh55OeDhw9Ko+rVGHoJaJCYskSoFIlYNIkOeuWiEhBRg91aNeuHfz8/DBx4kScPXu2IGqiZ3DsmJw/AnCYAxEpIC0NGDUK+OEH/XY3N2DmTIZeIioUjA6+N2/exJgxY7Br1y7UqVMH9erVw9y5c3FdM1OXFMGJbUSkmNOngcaNgYULgXfeAWJjla6IiChPRgdfT09PDB8+HHv37sXly5fRrVs3rFmzBr6+vmjXrl1B1Ej5wI0riMjs1Gpg0SK5fuLp07Lt0SPgyBFl6yIiMuCZJ7dpZGdn448//sCUKVNw6tQpZGdnm6q2AlEcJ7cJISdI37wJuLgA9+8D1tZKV0VExdqtW8CAAcD27bq2gAA5ga1OHeXqIqJioaDymtE9vhp79+7F//73P5QtWxY9e/ZEnTp18Ntvv5msMMq/2FgZegGgSROGXiIqYD//LHdgyxl6R40CDh1i6CWiQs3oVR0mTJiA77//Hjdv3sQLL7yARYsWoXPnznDixAXF5BzmwIltRFRgUlOBMWOA5ct1bWXLAqtXAx06KFYWEVF+GR18//nnH7z//vvo3r07PD09C6ImMhInthGRWSQnA5s36y536QKsWAHwbwERFRFGB9+9e/cWRB30HHIG36ZNlauDiIq5smWBr78GevaUk9refhtQqZSuiogo3/IVfLdu3YoXX3wRtra22Lp16xPPffXVV01SGOXPo0fA8ePyuGZNwMND2XqIqBiJjQWcnYGSJXVtnTsDV64A3t7K1UVE9IzyFXy7dOmCuLg4eHt7o0uXLgbPU6lUhX5Vh+LmyBEgK0sec5gDEZlMeDgweDAQEiKPc/bsMvQSURGVr1Ud1Go1vP/7RadWqw1+MfSaH8f3EpFJJScD/fsDYWFybcRNm+QSZURExYDRy5mtXbsW6enpudozMjKwdu1akxRF+ccVHYjIZPbvB+rVA9as0bWFhQEvvaRYSUREpmT0BhbW1ta4deuWtgdY4+7du/D29i70vb7FaQMLIYAyZYA7dwB3d+DuXcDqmVdmJiKLlZUFzJwJfPQRoPkd7uoKLFkC9O7NCWxEZHYFldeMXtVBCAFVHr8Er1+/Djc3N5MURflz5YoMvYDcuIKhl4iMFhMjw23OcVPNmwPffgv4+SlXFxFRAch38K1fvz5UKhVUKhXat28PGxvdTbOzs3HlyhV07NixQIqkvHGYAxE9l0uXgAYNgAcP5GVra2DqVGDiRMDG6H4RIqJCL9+/2TSrOZw4cQKhoaFwcXHRXmdnZwdfX1907drV5AWSYZzYRkTPpXJloH174KefAH9/YP16LgZORMVavoPvtGnTAAC+vr4ICwuDg4NDgRVF+aMJviqVHOpARGQUlUruvFapkhzf6+qqdEVERAXK6MltRV1xmdyWkgK4uQFqNRAQAJw6pXRFRFSoZWTIYQytWgEvv6x0NURET6To5LaSJUviwoUL8PT0hIeHR56T2zTu3btnsuLIsMOHZegFOMyBiJ4iOlpuM3zsGLBqlXynXLq00lUREZldvoLvggUL4PrfR2ALFix4YvAl8+D4XiJ6KiGAr74CRo2S+5sDQGIisHcv8PrrytZGRKSAfAXffv36aY/79+9fULWQEbiiAxE9UXw8MHAgsHWrrq16dbkLW4MGytVFRKQgo1d+PXbsGE6fPq29/PPPP6NLly6YOHEiMjIyTFoc5U0I4MABeVyqFFC1qrL1EFEhs307ULeufugdOlQOdWDoJSILZnTwHTx4MC5cuAAAiImJQVhYGJycnPDDDz/ggw8+MHmBlNvFi3KXNkCuPMSRJ0QEAEhLk8MaOnYE4uJkm6enDMBffgk4OSlbHxGRwowOvhcuXEC9evUAAD/88AOCg4OxYcMGrF69Gps3bzZ1fZQHDnMgojzduSMnr2l07AicPg106qRcTUREhYjRwVcIAfV/ywns2LEDL730EgDAx8cHCQkJpq2O8sSJbUSUp4oVgaVLAXt7YPFi4PffgTJllK6KiKjQMHpPyoYNG+Ljjz9GSEgIdu3ahaVLlwIArly5gtJcHscsND2+VlZAo0bK1kJECrp1C3B2BnKucfnmm0DLloCPj3J1EREVUkb3+C5cuBDHjh3D8OHDMWnSJFSpUgUAsGnTJjTn5+4FLikJOHNGHgcGAjl2jiYiS/Lzz3IC28iRua9j6CUiypPRPb5169bVW9VBY+7cubC2tjZJUWTYoUNyVQeAwxyILFJqKjBmDLB8uby8Zo0cw9u1q7J1EREVAUYHX42jR4/i3LlzAIBatWqhAZfIMYucE9sYfIkszNGjcge2/1bWAQB06QIEBytWEhFRUWJ08L1z5w7CwsKwa9cuuLu7AwDu37+Ptm3b4vvvv4eXl5epa6Qcck5s48gSIguRnQ189hkweTKQlSXbnJyARYuAt9/mmoZERPlk9BjfESNGICUlBWfOnMG9e/dw7949REVFITk5GSPzGmtGJqNW6zau8PYG/PyUrYeIzCA2FmjfHhg/Xhd6g4KA48flzmwMvURE+WZ0j++2bduwY8cO1KxZU9tWq1YtLFmyBB06dDBpcaTv3Dk5uQ2Qwxz4946omLtwAWjSBLh/X15WqWQAnj4dsLNTsjIioiLJ6B5ftVoNW1vbXO22trba9X2pYHCYA5GFqVJFBl9ArtQQEQHMmsXQS0T0jIwOvu3atcO7776Lmzdvattu3LiBUaNGoX379iYtjvRx4woiC2NlJXdie+cd4ORJTmIjInpORgffL774AsnJyfD19UXlypVRuXJl+Pn5ITk5GZ9//nlB1Ej/0azoYGMDNGyobC1EZGJZWcCMGcDff+u3ly0rly7z8FCmLiKiYsToMb4+Pj44duwYdu7cqV3OrGbNmggJCTF5caRz7x5w/rw8rl8fcHRUth4iMqGYGKB3b/mxTvnywKlTQMmSSldFRFTsGBV8N27ciK1btyIjIwPt27fHiBEjCqoueszBg7pjDnMgKiaEANatA4YPBx48kG1xcXIsLzekICIyuXwH36VLl2LYsGGoWrUqHB0dsWXLFly+fBlz584tyProP9y4gqiYSUwEhgwBwsN1bf7+wPr1QNOmytVFRFSM5XuM7xdffIFp06YhOjoaJ06cwJo1a/Dll18WZG2UA1d0ICpGIiOBunX1Q2///sCJEwy9REQFKN/BNyYmBv369dNe7tmzJ7KysnDr1q0CKYx0srN1Qx3KlZOrGhFREZSRAUyYALRrB1y/Ltvc3WUAXrUKcHVVtDwiouIu30Md0tPT4ezsrL1sZWUFOzs7PHr0qEAKI52oKCAlRR5z4wqiIuz6deDzz+XYXgBo0wZYu5bvZomIzMSoyW1TpkyBk5OT9nJGRgZmzpwJNzc3bdv8+fNNVx0B4DAHomLD3x9YtAgYOhSYORMYM0au1UtERGaR7+DbunVrREdH67U1b94cMTEx2ssqdkUWCG5cQVREJSQATk7yS+Ott+RGFFWqKFcXEZGFynfwjYyMLMAy6Ek0KzrY2QENGihbCxHl0/btcsLa668DS5bo2lUqhl4iIoXwM7ZCLj4euHRJHgcFAfb2ytZDRE+RlgaMGgV07CjX5P3yS+C335SuioiI8Aw7t5F5HTigO+YwB6JC7vRpoFcv+a9Gx47yXSsRESmOPb6FXM6NKzixjaiQUqvlpLVGjXSh194eWLwY+P13oEwZZesjIiIA7PEt9DixjaiQu3ULGDBAjunVCAgANmwA6tRRri4iIsqFwbcQy8wEDh+WxxUrys0riKgQiY4GWraUqzdojBoFzJoFODgoVxcREeXpmYY67N69G71790azZs1w48YNAMC6deuwZ88ekxZn6U6dAh4+lMcc5kBUCFWpAtSqJY/LlpW9vvPnM/QSERVSRgffzZs3IzQ0FI6Ojjh+/DjS09MBAElJSZg1a5bJC7RkHOZAVMhZWwPr1gF9+sh3qh06KF0RERE9gdHB9+OPP8ayZcuwYsUK2NraattbtGiBY8eOmbQ4S8fgS1SIZGcDn36qP+MUkOOQ1q4FPD2VqYuIiPLN6DG+0dHRaN26da52Nzc33L9/3xQ10X80f18dHYF69RQthciyxcbKXt1duwA/P+DECaBECaWrIiIiIxnd41umTBlc0uyokMOePXvg7+9vkqJIrnt/9ao8btgQyNG5TkTmFB4O1K0rQy8gfzD//FPRkoiI6NkYHXwHDRqEd999FwcPHoRKpcLNmzexfv16jB07FkOHDi2IGi0ShzkQKSw5WW45HBYGaD7N8vEBIiKAN95QsjIiInpGRg91GD9+PNRqNdq3b4+HDx+idevWsLe3x9ixYzFixIiCqNEiceMKIgXt3w/07g3ExOjawsKApUsBDw/l6iIioueiEkKIZ7lhRkYGLl26hJSUFNSqVQsuLi6mrq1AJCcnw83NDUlJSShRiMfotWwJ7N0rj2/fBry9la2HyCJkZQEzZwIffSQnswGAqyuwZIkMwiqVsvUREVmIgsprz7yBhZ2dHWpp1q8kk8rIAI4ckcf+/gy9RGZz+TIwe7Yu9DZvDnz7rZzQRkRERZ7Rwbdt27ZQPaHX4++//36uggg4fhz4b3lkDnMgMqfq1YE5c4DRo4GpU4GJEwEbbnBJRFRcGP0bvd5j62plZmbixIkTiIqKQr9+/UxVl0XjxDYiM0lMBJycAHt7XduIEUC7dkCdOsrVRUREBcLo4LtgwYI826dPn46UlJTnLogYfInMIjJSrs3bowcwd66uXaVi6CUiKqaMXs7MkN69e2PlypWmujuLplnRwdkZCAhQthaiYicjA5gwQfbqXr8OfPYZsHOn0lUREZEZmGzw2v79++Hg4GCqu7NY16/LLwBo3JjDC4lMKjoa6NkTyLm9etu2cmwvEREVe0bHqtdff13vshACt27dwpEjRzBlyhSTFWapOMyBqAAIAXz1FTBqFPDokWyztZVLl40ZA1iZ7MMvIiIqxIwOvm5ubnqXraysUL16dXz44Yfo0KGDyQqzVNy4gsjE4uOBgQOBrVt1bdWrAxs2AA0aKFcXERGZnVHBNzs7GwMGDEBAQAA8uHtRgcjZ49u0qXJ1EBUL0dFAmzZAXJyubehQOa7XyUmxsoiISBlGfb5nbW2NDh064L5m33oTWbJkCXx9feHg4IAmTZrg0KFD+brd999/D5VKhS5dupi0HqWkpemGHlarBpQqpWw9REWevz/g4yOPPT1lr++XXzL0EhFZKKMHttWpUwcxOfevf04bN27E6NGjMW3aNBw7dgyBgYEIDQ3FnTt3nni7q1evYuzYsWjVqpXJalHa0aNAZqY85jAHIhOwtQXWrwdefx04fRro1EnpioiISEFGB9+PP/4YY8eOxa+//opbt24hOTlZ78tY8+fPx6BBgzBgwADUqlULy5Ytg5OT0xOXRsvOzkavXr0wY8YM+Pv7G/2YhRUnthE9B7UaWLxYbn2YU9WqwObNQJkyytRFRESFRr6D74cffojU1FS89NJLOHnyJF599VVUqFABHh4e8PDwgLu7u9HjfjMyMnD06FGEhIToCrKyQkhICPbnTIF51OLt7Y233377qY+Rnp7+3OHcXBh8iZ7RrVvASy8B774rlyt7+FDpioiIqBDK9+S2GTNmYMiQIYiIiDDZgyckJCA7OxulS5fWay9dujTOnz+f52327NmDb775BidOnMjXY8yePRszZsx43lILnBC6FR1KlABq1VK2HqIi4+ef5aoNCQny8vnzwB9/AF27KlsXEREVOvkOvkIIAEBwcHCBFfM0Dx48QJ8+fbBixQp4enrm6zYTJkzA6NGjtZeTk5Pho5nsUoj8+69u4nmTJoC1tbL1EBV6qalyDd7ly3VtZcsCq1cDXFqRiIjyYNRyZiqVyqQP7unpCWtra9y+fVuv/fbt2yiTx3i8y5cv4+rVq+iUY4KKWq0GANjY2CA6OhqVK1fWu429vT3s7e1NWndB4DAHIiMcPSqHNFy4oGvr0gVYsUKu3kBERJQHo4JvtWrVnhp+7927l+/7s7OzQ1BQEHbu3KldkkytVmPnzp0YPnx4rvNr1KiB06dP67VNnjwZDx48wKJFiwplT25+ceMKonzIzgbmzgWmTAGysmSbkxOwcKEc7mDiN+dERFS8GBV8Z8yYkWvntuc1evRo9OvXDw0bNkTjxo2xcOFCpKamYsCAAQCAvn37onz58pg9ezYcHBxQp04dvdu7u7sDQK72oiZnj2+TJsrVQVSonT+vH3qDguQObNWqKVsXEREVCUYF3x49esDb29ukBYSFhSE+Ph5Tp05FXFwc6tWrh23btmknvF27dg1WVkavulakpKYCmrl6tWoB/2V5Inpc7drARx8BEycC48cD06cDdnZKV0VEREWESmhmrT2FtbU1bt26ZfLga27Jyclwc3NDUlISSpQooXQ5AIBdu+SuqoD8tHbFCkXLISo8HjwAHB0Bmxzv0bOz5Vq9DRsqVxcRERWogspr+e5KzWc+pmfAiW1Eedi/H6hXD/j4Y/12a2uGXiIieib5Dr5qtbrI9/YWVjkntjH4ksXLygJmzABatQJiYuTQhpw/JERERM/IqDG+ZHpC6Hp8PTyA6tWVrYdIUTExQO/e+h+DNG0q1+clIiJ6TsV71lgRcPmybsOppk2BYj6PjyhvQgBr18qhDZrQa20te3537QL8/BQtj4iIigf2+CqMwxzI4iUmAkOHAhs36tr8/YH16+W7QSIiIhNh8FVYzk90uXEFWZzoaOCFF4DYWF1b//7A4sWAq6tiZRERUfHED9YVpgm+VlZA48bK1kJkdpUq6Rau9vAAwsOBVasYeomIqEAw+CrowQNAswNzQAD/1pMFcnCQO6+99BJw6hTQrZvSFRERUTHG4KugQ4cAtVoec3wvFXtCAF99BZw9q99epw7w229AhQrK1EVERBaDwVdB3LiCLEZ8PNClCzB4MNCzJ5CernRFRERkgRh8FZRzRQdObKNia/t2oG5dYOtWefnkSeDXX5WtiYiILBKDr0LUauDAAXns6QlUrqxsPUQml5YGvPce0LEjEBcn2zw9ZQDu2lXR0oiIyDJxOTOFXLggly8F5DAHlUrZeohM6vRpOaQhKkrXFhoKrF4NlCmjWFlERGTZ2OOrEA5zoGJJrQYWLQIaNdKFXnt72fb77wy9RESkKPb4KoQT26hYOn0aGD1at1xJQIBcrqxOHWXrIiIiAnt8FaMJvtbWQMOGytZCZDKBgcDEifJ41Ci5Zh9DLxERFRLs8VXA/fvAmTPyuF49wNlZyWqInsPDh3ITCqsc76GnTgU6dABatVKuLiIiojywx1cBBw/qjjnMgYqso0eB+vWBefP0221tGXqJiKhQYvBVAMf3UpGWnQ18+inQtKlcnmTSJODYMaWrIiIieioOdVAAV3SgIis2FujTB9i1S9dWty7g4qJcTURERPnEHl8zU6t1Qx3KlAEqVVK2HqJ8Cw+XIVcTelUqYMIE+U6uWjVlayMiIsoH9via2dmzQHKyPObGFVQkJCcDI0cCa9bo2nx8gHXrgOBg5eoiIiIyEoOvmXGYAxUp0dHASy8BMTG6trAwYNkywN1dsbKIiIieBYc6mBkntlGRUqECYPPf+2NXV2DtWuC77xh6iYioSGLwNTNN8LW1BYKClK2F6KmcneXOa23aACdPyoltHJ9DRERFFIOvGd29Kz85BoAGDeS6/0SFhhCyR/fyZf32oCDg778BPz9l6iIiIjIRBl8zOnBAd8xhDlSoJCYCPXoA/foBvXoBmZn617OXl4iIigEGXzPi+F4qlCIj5TJl4eHy8sGDwK+/KloSERFRQWDwNSOu6ECFSkYGMH480K4dcP26bPPwAH74AXjtNWVrIyIiKgBczsxMsrKAQ4fkcYUK8otIMdHRQM+e+lsNt20rx/jyxUlERMUUe3zNJCoKSE2VxxzmQIoRAli+HKhfXxd6bW2BOXOAHTsYeomIqFhjj6+ZcJgDFQrHjwNDhuguV68ulytr0EC5moiIiMyEPb5mwoltVCg0aACMHi2Phw6Vvb4MvUREZCHY42smmuBrby8/ZSYyi/R0wM5OfzmyWbOAjh2BF15Qri4iIiIFsMfXDO7c0e0J0LChzCFEBe70afmCW7pUv93enqGXiIgsEoOvGXCYA5mVWg0sWgQ0aiRnVY4ZA5w9q3RVREREiuNQBzNg8CWzuXULGDAA2L5d11a1qnL1EBERFSLs8TWDnCs6MPhSgfn5Z7kDW87QO2qUXEC6Vi3l6iIiIiok2ONbwDIzgSNH5LGvL1C2rKLlUHGUmiqHMyxfrmsrWxZYvRro0EGxsoiIiAobBt8CdvIk8OiRPGZvL5nchQtAp07yX40uXYAVKwBPT8XKIiIiKow41KGAceMKKlClSwMZGfLYyUkG3i1bGHqJiIjywOBbwDixjQqUmxvw7bdAkyZyV7aBA/XX7CUiIiItBt8Cpgm+jo5y3hHRc/nhByA2Vr+tRQv5QqtWTZmaiIiIiggG3wJ08ybw77/yuHFjwNZW2XqoCEtOBvr3B7p3B/r2BbKz9a9nLy8REdFTMfgWIA5zIJPYv1/uc71mjbwcGQn8+quiJRERERVFDL4FiMGXnktWFjBjBtCqFRATI9tcXYG1a4FXX1W2NiIioiKIy5kVIG5cQc8sJgbo3Vv/3VPz5nIim5+fcnUREREVYezxLSDp6cDRo/K4ShXAy0vZeqiIEEL26Narpwu91tay53fXLoZeIiKi58Ae3wJy/LhueVWu30v5duQI0K+f7rK/P7B+PdC0qXI1ERERFRPs8S0gHOZAz6RRI2DwYHncvz9w4gRDLxERkYmwx7eAcGIb5UtmJmBjo78c2bx5wEsvcQIbERGRibHHtwAIoevxdXEB6tRRth4qpKKjZW+uZpkyDWdnhl4iIqICwOBbAGJj5eYVgNxJ1tpa2XqokBECWL5crs177BgwYgRw6ZLSVRERERV7HOpQADjMgQyKjwcGDgS2btW1lS8PPHqkXE1EREQWgj2+BSDnxDau6EBa27cDdevqh94hQ2Svb0CAcnURERFZCAbfApCzx5cT8glpacCoUUDHjkBcnGzz9JQBeOlSwMlJ2fqIiIgsBIc6mNijR3INXwCoUQPw8FC2HlLYpUvA668Dp0/r2jp2BFatAsqUUa4uIiIiC8QeXxM7cgTIypLHHOZA8PAA7t6Vx/b2wOLFwO+/M/QSEREpgMHXxDixjfSUKgWsXg0EBsp3RSNG6K/ZS0RERGbD4GtiDL4W7pdfdON4NV54ATh6lAs6ExERKYzB14Ryblzh5gbUrKlsPWRGqalyhYZXXwXeeku+GHLiYs5ERESKY/A1oStXgDt35HHTpoAVn13LcPQo0KCB3JQCAP74A/j1V2VrIiIiolwYzUyIwxwsTHY28Omn8l3OhQuyzckJWLECeOUVZWsjIiKiXLicmQlx4woLEhsL9OkD7NqlawsKAjZsAKpVU64uIiIiMog9viak6fFVqYAmTZSthQrQxo1yBzZN6FWpgAkT5Dsfhl4iIqJCiz2+JpKSApw6JY9r1wZKlFC2HiogBw4APXroLvv4AOvWAcHBytVERERE+cIeXxM5fFgO+QQ4zKFYa9pUDnEAgLAw4ORJhl4iIqIigj2+JsKJbcWUWp17eY4vvgBefhno3p2bURARERUh7PE1EQbfYigmBmjZEggP128vUUL29jL0EhERFSkMviYghC74lizJ+U1FnhDA2rVAvXryP3bwYLmKAxERERVpDL4mcPEicPeuPG7WjB2BRVpiopy81q8f8OCBbCtZUvcfTEREREUWg68JcJhDMREZKZcpyzm0oX9/4MQJ2ftLRERERRqDrwlw44oiLiMDGD8eaNcOuH5dtrm7ywC8ahXg6qpoeURERGQaXNXBBDQ9vlZWQKNGytZCRoqJAbp1A44d07W1aSPH+Pr4KFYWERERmR57fJ9TcjIQFSWP69YFXFyUrYeM5OgIXLsmj21tgTlzgJ07GXqJiIiKIQbf53TwoFwEAOAwhyKpbFngm2+AGjXkrmzvv5973V4iIiIqFvgX/jlxYlsRs2NH7hUaXn1V7jfdoIEyNREREZFZFIrgu2TJEvj6+sLBwQFNmjTBoUOHDJ67YsUKtGrVCh4eHvDw8EBISMgTzy9oDL5FRFoaMGoU8MILcl1eTTe9hq2tMnURERGR2SgefDdu3IjRo0dj2rRpOHbsGAIDAxEaGoo7d+7keX5kZCTefPNNREREYP/+/fDx8UGHDh1w48YNM1cud7PVBF9vb8Df3+wlUH6cPg00bgwsXCgvb94MbNumaElERERkfiohHu/6Mq8mTZqgUaNG+OKLLwAAarUaPj4+GDFiBMaPH//U22dnZ8PDwwNffPEF+vbt+9Tzk5OT4ebmhqSkJJQoUeK5aj97FqhdWx537gz89NNz3R2ZmloNfP45MG4ckJ4u2+ztgblzgeHDudMIERFRIWXKvJaTosuZZWRk4OjRo5gwYYK2zcrKCiEhIdifcwzBEzx8+BCZmZkoWbJkntenp6cjXRN6IJ9IU+Ewh0Ls1i1gwABg+3ZdW0AAsGEDUKeOcnURERGRYhQd6pCQkIDs7GyULl1ar7106dKIi4vL132MGzcO5cqVQ0hISJ7Xz549G25ubtovHxMuU8WNKwqprVvl2nI5Q++oUcChQwy9REREFkzxMb7P45NPPsH333+PH3/8EQ4ODnmeM2HCBCQlJWm/YmNjTfb4mh5fGxugYUOT3S09j7175biThAR5uUwZGYDnzwcMvEaIiIjIMigafD09PWFtbY3bt2/rtd++fRtlypR54m0/++wzfPLJJ/jzzz9Rt25dg+fZ29ujRIkSel+mkJgInDsnj+vVk/sgUCHQvDnw2mvyuHNnObGtQwdlayIiIqJCQdHga2dnh6CgIOzcuVPbplarsXPnTjR7wqDZOXPm4KOPPsK2bdvQUKGu1gMHdMcc5qCgx+dmqlTAihXAqlXAjz8Cnp7K1EVERESFjuJDHUaPHo0VK1ZgzZo1OHfuHIYOHYrU1FQMGDAAANC3b1+9yW+ffvoppkyZgpUrV8LX1xdxcXGIi4tDSkqKWevmxLZCIDYWaNcO+PVX/fZSpYD+/blqAxEREelRdFUHAAgLC0N8fDymTp2KuLg41KtXD9u2bdNOeLt27Rqscmwhu3TpUmRkZOCNN97Qu59p06Zh+vTpZqubwVdh4eFyI4r794EzZ+TOa08ZHkNERESWTfF1fM3NFOvCZWcD7u5ASgpQrhxw/To7F80mORkYORJYs0bX5uMjF1HmlsNERETFQkGt46v4UIei6MwZGXoB2dvL0Gsm+/fLmYQ5Q29YGHDyJEMvERERPRWD7zPIOcyBE9vMICsLmD4daNUKuHJFtrm6AmvXAt99B3h4KFoeERERFQ2Kj/EtinJuXMHxvQXs6lWgZ8/c7za+/Rbw81OsLCIiIip62OP7DDQZzM6On7AXOCsr4OxZeWxtDcyYAezaxdBLRERERmPwNVJCAnDxojwOCgLs7ZWtp9irWBFYtgzw9wf27AGmTpVb5REREREZicHXSFzGrIDt3i1XbsipRw85o7BpU2VqIiIiomKBwddIDL4FJCMDGD8eCA4GRozIfb2Dg/lrIiIiomKFwddIXNGhAERHy3cRn34qtyBeuxb480+lqyIiIqJihsHXCFlZwKFD8rhiRbl5BT0HIYDly4H69YFjx2SbrS0wZw4QEqJsbURERFTscJaQEU6dAh4+lMcc5vCc4uOBgQOBrVt1bdWrAxs2cKkMIiIiKhDs8TUChzmYyPbtQN26+qF36FDZ68vQS0RERAWEPb5G4MYVJrB7N9Cxo+6ypyewciXQqZNyNREREZFFYI+vETQ9vg4OQGCgsrUUWS1b6oJvx47A6dMMvURERGQW7PHNp7g44MoVedyokdy1jZ6BSgWsWgX8+CMwZIi8TERERGQG7PHNJ67f+wzi4oCXXwZ27tRvL1NGjull6CUiIiIzYo9vPjH4GmnrVuDtt+UezydPyq9SpZSuioiIiCwYe3zziRPb8ik1VQ5h6NxZhl4AUKuBq1cVLYuIiIiIwTcfMjKAI0fksb8/ULq0svUUWkePAkFBclMKjS5d5ALIQUGKlUVEREQEMPjmy4kTQHq6PGZvbx6ys+V2w02byu2HAcDJCVixAtiyRS5ZRkRERKQwjvHNh5zDHLhxxWOuXwf69AEiI3VtQUFyB7Zq1RQri4iIiOhx7PHNB05se4JHj4DDh+WxSgVMmCDfKTD0EhERUSHD4JsPmuDr7AwEBChbS6FTtSqweDHg4wNERACzZnGRYyIiIiqUGHyf4vp1IDZWHjduDNhY+uCQQ4eAhw/12wYMAM6eBYKDlamJiIiIKB8YfJ+Cwxz+k5UFzJghBzmPHat/nUoFuLgoUxcRERFRPjH4PgWDL4CYGKB1a2D6dLmCw9KlclgDERERURHC4PsUOVd0aNpUuToUIQSwdi1Qr57uHYC1tez5bdVK0dKIiIiIjGXpI1afKC0NOHZMHlerZmHL0SYmAkOHAhs36tr8/YH16y3wHQAREREVBwy+T3DsGJCZKY8tapjDrl1ybV7NrD4A6N9frt7g6qpYWURE5pKdnY1MzR8AIioQdnZ2sLIy7+ADBt8nsMiNK3btAtq2lcMcAMDDQ25B3K2bsnUREZmBEAJxcXG4f/++0qUQFXtWVlbw8/ODnRmXQWXwfQKLnNjWsqWcyKYJwGvXAhUqKF0VEZFZaEKvt7c3nJycoFKplC6JqFhSq9W4efMmbt26hYoVK5rtZ43B1wAhdD2+rq5ArVrK1mM21tbAunXADz8A770HmPkjCCIipWRnZ2tDb6lSpZQuh6jY8/Lyws2bN5GVlQVbW1uzPCZTjQH//gvExcnjpk1lHix24uOBrl2BvXv12318gNGjGXqJyKJoxvQ6OTkpXAmRZdAMccjOzjbbY7LH14BiP8xh+3Y5YS0uTs7iO3kSKFFC6aqIiBTH4Q1E5qHEzxq79AwotsE3LU0OYejYUdelnZICXLigaFlEREREBY3B14BiuXHF6dNAo0bAokW6to4dZXvDhsrVRUREpJDo6GiUKVMGDx48ULqUYiUjIwO+vr44cuSI0qXoYfDNw8OH8pN/QE5qc3dXtJznp1bLsNuoERAVJdvs7eW6vL//DpQpo2x9RET0XPr37w+VSgWVSgVbW1v4+fnhgw8+QFpaWq5zf/31VwQHB8PV1RVOTk5o1KgRVq9enef9bt68GW3atIGbmxtcXFxQt25dfPjhh7h3714Bf0fmM2HCBIwYMQKuxXid+iVLlsDX1xcODg5o0qQJDh069MTz27Rpo3095fx6+eWXtefcvn0b/fv3R7ly5eDk5ISOHTvi4sWL2uvt7OwwduxYjBs3rsC+r2fB4JuHI0eArCx5XOSHOdy6Bbz0khzekJ4u2wIC5Dc5YgTAsWxERMVCx44dcevWLcTExGDBggVYvnw5pk2bpnfO559/js6dO6NFixY4ePAgTp06hR49emDIkCEYO3as3rmTJk1CWFgYGjVqhD/++ANRUVGYN28eTp48iXXr1pnt+8rIyCiw+7527Rp+/fVX9O/f/7nupyBrfF4bN27E6NGjMW3aNBw7dgyBgYEIDQ3FnTt3DN5my5YtuHXrlvYrKioK1tbW6Pbfmv5CCHTp0gUxMTH4+eefcfz4cVSqVAkhISFITU3V3k+vXr2wZ88enDlzpsC/z3wTFiYpKUkAEElJSQbPmT1bCLmgmRDffGPG4gpCVJQQ9va6b2jUKCEePVK6KiKiQufRo0fi7Nmz4lER/B3Zr18/0blzZ722119/XdSvX197+dq1a8LW1laMHj061+0XL14sAIgDBw4IIYQ4ePCgACAWLlyY5+MlJiYarCU2Nlb06NFDeHh4CCcnJxEUFKS937zqfPfdd0VwcLD2cnBwsBg2bJh49913RalSpUSbNm3Em2++Kbp37653u4yMDFGqVCmxZs0aIYQQ2dnZYtasWcLX11c4ODiIunXrih9++MFgnUIIMXfuXNGwYUO9toSEBNGjRw9Rrlw54ejoKOrUqSM2bNigd05eNQohxOnTp0XHjh2Fs7Oz8Pb2Fr179xbx8fHa2/3xxx+iRYsWws3NTZQsWVK8/PLL4tKlS0+s8Xk1btxYDBs2THs5OztblCtXTsyePTvf97FgwQLh6uoqUlJShBBCREdHCwAiKipK7369vLzEihUr9G7btm1bMXny5Dzv90k/c/nJa8+CPb55KFYT22rXBubOlcMZtm8H5s8HHByUroqIqMho2FDu42Pur+eZehEVFYV9+/bp7Yi1adMmZGZm5urZBYDBgwfDxcUF3333HQBg/fr1cHFxwf/+978879/dwBjAlJQUBAcH48aNG9i6dStOnjyJDz74AGq12qj616xZAzs7O+zduxfLli1Dr1698MsvvyAlJUV7zvbt2/Hw4UO89tprAIDZs2dj7dq1WLZsGc6cOYNRo0ahd+/e2LVrl8HH2b17Nxo+9kSnpaUhKCgIv/32G6KiovDOO++gT58+uYYHPF7j/fv30a5dO9SvXx9HjhzBtm3bcPv2bXTv3l17m9TUVIwePRpHjhzBzp07YWVlhddee+2Jz8+sWbPg4uLyxK9r167leduMjAwcPXoUISEh2jYrKyuEhIRgf86w8xTffPMNevToAWdnZwBA+n+fIDvkyBNWVlawt7fHnj179G7buHFj7N69O9+PVdC4nNljhNAFX3d3oHp1Rcsx3smTQI0acgyvxvDhQO/ecvthIiIySlwccOOG0lU83a+//goXFxdkZWUhPT0dVlZW+OKLL7TXX7hwAW5ubihbtmyu29rZ2cHf3x8X/lvh5+LFi/D39zd6U4ENGzYgPj4ehw8fRsmSJQEAVapUMfp7qVq1KubMmaO9XLlyZTg7O+PHH39Enz59tI/16quvwtXVFenp6Zg1axZ27NiBZv/1WPn7+2PPnj1Yvnw5goOD83ycf//9N1fwLV++vN6bgxEjRmD79u0IDw9H48aNDdb48ccfo379+pg1a5a2beXKlfDx8cGFCxdQrVo1dO3aVe+xVq5cCS8vL5w9exZ16tTJs8YhQ4bohee8lCtXLs/2hIQEZGdno3Tp0nrtpUuXxvnz5594nxqHDh1CVFQUvvnmG21bjRo1ULFiRUyYMAHLly+Hs7MzFixYgOvXr+PWrVu5avv333/z9VjmwOD7mMuX5b4OgOztLTJ7OGRnA599BkyeDLz7rjzWUKkYeomInpFS83+Nfdy2bdti6dKlSE1NxYIFC2BjY5MraOWXEOKZbnfixAnUr19fG3qfVVBQkN5lGxsbdO/eHevXr0efPn2QmpqKn3/+Gd9//z0A4NKlS3j48CFeeOEFvdtlZGSgfv36Bh/n0aNHer2WgNxMYdasWQgPD8eNGzeQkZGB9PT0XBubPF7jyZMnERERARcXl1yPc/nyZVSrVg0XL17E1KlTcfDgQSQkJGh7eq9du2Yw+JYsWfK5n8/n8c033yAgIEAv9Nva2mLLli14++23UbJkSVhbWyMkJAQvvvhirteOo6MjHj58aO6yDWLwfUyRHOYQGwv06QNoPs6ZNw/o0gVo2VLRsoiIioNCthqTQc7Oztre1ZUrVyIwMBDffPMN3n77bQBAtWrVkJSUhJs3b+bqIczIyMDly5fRtm1b7bl79uxBZmamUb2+jo6OT7zeysoqVzDS7Jj3+PfyuF69eiE4OBh37tzBX3/9BUdHR3Ts2BEAtEMgfvvtN5QvX17vdvY5PwF9jKenJxITE/Xa5s6di0WLFmHhwoUICAiAs7Mz3nvvvVwT2B6vMSUlBZ06dcKnn36a63E0veydOnVCpUqVsGLFCpQrVw5qtRp16tR54uS4WbNm6fUi5+Xs2bOoWLFint+ftbU1bt++rdd++/ZtlMnHO6vU1FR8//33+PDDD3NdFxQUhBMnTiApKQkZGRnw8vJCkyZNcvWg37t3D15eXk99LHMpKv2ZZpMz+DZvrlwd+RYeDtStqwu9KhUwYQKQ450ZERFZFisrK0ycOBGTJ0/Go0ePAABdu3aFra0t5s2bl+v8ZcuWITU1FW+++SYAoGfPnkhJScGXX36Z5/3fv38/z/a6devixIkTBpc78/LyyvVR+IkTJ/L1PTVv3hw+Pj7YuHEj1q9fj27dumlDea1atWBvb49r166hSpUqel8+Pj4G77N+/fo4e/asXtvevXvRuXNn9O7dG4GBgXpDQJ6kQYMGOHPmDHx9fXPV4OzsjLt37yI6OhqTJ09G+/btUbNmzVyhOy9DhgzBiRMnnvhlaKiDnZ0dgoKCsHPnTm2bWq3Gzp07tUNCnuSHH35Aeno6evfubfAcNzc3eHl54eLFizhy5Ag6d+6sd31UVNQTe93NzqRT5YqAp80SDAyUix9YWQmRnGze2oySlCREv3661RoAIXx8hIiMVLoyIqIiqbit6pCZmSnKly8v5s6dq21bsGCBsLKyEhMnThTnzp0Tly5dEvPmzRP29vZizJgxerf/4IMPhLW1tXj//ffFvn37xNWrV8WOHTvEG2+8YXC1h/T0dFGtWjXRqlUrsWfPHnH58mWxadMmsW/fPiGEENu2bRMqlUqsWbNGXLhwQUydOlWUKFEi16oO7777bp73P2nSJFGrVi1hY2Mjdu/eneu6UqVKidWrV4tLly6Jo0ePisWLF4vVq1cbfN62bt0qvL29RVZWlrZt1KhRwsfHR+zdu1ecPXtWDBw4UJQoUULv+c2rxhs3bggvLy/xxhtviEOHDolLly6Jbdu2if79+4usrCyRnZ0tSpUqJXr37i0uXrwodu7cKRo1aiQAiB9//NFgjc/r+++/F/b29mL16tXi7Nmz4p133hHu7u4iLi5Oe06fPn3E+PHjc922ZcuWIiwsLM/7DQ8PFxEREeLy5cvip59+EpUqVRKvv/56rvMqVaok1q5dm+d9KLGqA4NvDsnJMvACQtStq0Bx+bVvnxD+/vqhNyxMiHv3lK6MiKjIKm7BVwghZs+eLby8vLTLUAkhxM8//yxatWolnJ2dhYODgwgKChIrV67M8343btwoWrduLVxdXYWzs7OoW7eu+PDDD5+4nNnVq1dF165dRYkSJYSTk5No2LChOHjwoPb6qVOnitKlSws3NzcxatQoMXz48HwH37NnzwoAolKlSkKtVutdp1arxcKFC0X16tWFra2t8PLyEqGhoWLXrl0Ga83MzBTlypUT27Zt07bdvXtXdO7cWbi4uAhvb28xefJk0bdv36cGXyGEuHDhgnjttdeEu7u7cHR0FDVq1BDvvfeetta//vpL1KxZU9jb24u6deuKyMjIAg++Qgjx+eefi4oVKwo7OzvRuHFj7fJyOb+ffv366bWdP39eABB//vlnnve5aNEiUaFCBWFraysqVqwoJk+eLNLT0/XO2bdvn3B3dxcPHz7M8z6UCL4qIZ5xBHsRlZycDDc3NyQlJaFEiRJ61/39N9C+vTweMgRYulSBAp8mMhIICZGT2QDA1RVYskSu2sDNKIiInllaWhquXLkCPz+/XBOeqPhasmQJtm7diu3btytdSrETFhaGwMBATJw4Mc/rn/Qz96S89jw4uS2Hfft0x4V2YluLFkBQEHDokByE/O23gJ+f0lUREREVSYMHD8b9+/fx4MGDYr1tsbllZGQgICAAo0aNUroUPQy+ORSJFR1sbYH164GNG4Fx4wAb/hcSERE9KxsbG0yaNEnpMoodOzs7TJ48WekycuGqDv9Rq4EDB+SxpyfwDOttm15iItCrF3D0qH57lSrApEkMvURERERGYHL6z4ULgGb1lWbNCsFw2chIuTbv9esy+B47Bjy2eDYRERER5R97fP9TaIY5ZGQA48cD7drJ0AsAd+4AZ84oWBQRERFR0cce3/8Uio0roqOBnj1l765G27bA2rVAhQoKFUVERERUPLDH9z+aFR2srYHHdtsreEIAy5cD9evrQq+tLTBnDrBjB0MvERERkQmwxxdAUhKg2bEwMBDIY4vwghMfDwwcCGzdqmurXh3YsAFo0MCMhRAREREVb+zxBXDwoOx0BRQY5hAbC/z+u+7y0KGy15ehl4iIiMikGHyh8MYVDRoAH38s11DbuhX48kuu3kBEREWKSqXCTz/9pHQZhdb06dNRr149pcsgMPgCMPOKDufPA5mZ+m1jx8pVGzp1KuAHJyKi4qh///5QqVRQqVSwtbWFn58fPvjgA6SlpSldWoGLi4vDu+++iypVqsDBwQGlS5dGixYtsHTpUjx8+FDp8gAAY8eOxc6dO5Uug8AxvnobV5QpA/j6FuADff653G1t3DhgxgzdddbWgLd3AT0wERFZgo4dO2LVqlXIzMzE0aNH0a9fP6hUKnz66adKl1ZgYmJi0KJFC7i7u2PWrFkICAiAvb09Tp8+ja+++grly5fHq6++qnSZcHFxgYuLi9JlENjji7NngeRkeVxgG1fcugW89BLw3ntAeroc2nDoUAE8EBERWSp7e3uUKVMGPj4+6NKlC0JCQvDXX39pr7979y7efPNNlC9fHk5OTggICMB3332ndx9t2rTByJEj8cEHH6BkyZIoU6YMpk+frnfOxYsX0bp1azg4OKBWrVp6j6Fx+vRptGvXDo6OjihVqhTeeecdpKSkaK/v378/unTpglmzZqF06dJwd3fHhx9+iKysLLz//vsoWbIkKlSogFWrVj3xe/7f//4HGxsbHDlyBN27d0fNmjXh7++Pzp0747fffkOn/z5JvXr1KlQqFU6cOKG97f3796FSqRAZGalti4qKwosvvggXFxeULl0affr0QUJCgvb6TZs2ISAgQPt9hYSEIDU1FQAQGRmJxo0bw9nZGe7u7mjRogX+/fdfALmHOmi+/88++wxly5ZFqVKlMGzYMGTm+ET41q1bePnll+Ho6Ag/Pz9s2LABvr6+WLhw4ROfE3oyiw++BT7M4eefgbp1ge3bdW0jR8o2IiIqGubPl0tLPu0rr97FV1/N323nzzdZuVFRUdi3bx/s7Oy0bWlpaQgKCsJvv/2GqKgovPPOO+jTpw8OPdYRs2bNGjg7O+PgwYOYM2cOPvzwQ224VavVeP3112FnZ4eDBw9i2bJlGDdunN7tU1NTERoaCg8PDxw+fBg//PADduzYgeHDh+ud9/fff+PmzZv4559/MH/+fEybNg2vvPIKPDw8cPDgQQwZMgSDBw/Gdc1mTo+5e/cu/vzzTwwbNgzOBpZjUhnRm3X//n20a9cO9evXx5EjR7Bt2zbcvn0b3bt3ByCD6Jtvvom33noL586dQ2RkJF5//XUIIZCVlYUuXbogODgYp06dwv79+/HOO+888fEjIiJw+fJlREREYM2aNVi9ejVWr16tvb5v3764efMmIiMjsXnzZnz11Ve4c+dOvr8fMkBYmKSkJAFAJCUlCSGEGDBACLmmgxB79pjwgVJShBg8WHfngBBlygixfbsJH4SIiEzl0aNH4uzZs+LRo0e5r5w2Tf/3uaGvpk1z37Zp0/zddtq0Z669X79+wtraWjg7Owt7e3sBQFhZWYlNmzY98XYvv/yyGDNmjPZycHCwaNmypd45jRo1EuPGjRNCCLF9+3ZhY2Mjbty4ob3+jz/+EADEjz/+KIQQ4quvvhIeHh4iJSVFe85vv/0mrKysRFxcnLbeSpUqiezsbO051atXF61atdJezsrKEs7OzuK7777Ls/YDBw4IAGLLli167aVKlRLOzs7C2dlZfPDBB0IIIa5cuSIAiOPHj2vPS0xMFABERESEEEKIjz76SHTo0EHvvmJjYwUAER0dLY4ePSoAiKtXr+aq5e7duwKAiIyMzLPWadOmicDAQO1lzfeflZWlbevWrZsICwsTQghx7tw5AUAcPnxYe/3FixcFALFgwYI8H6MoetLP3ON5zVQsfoyvZkUHW1sgKMhEd3r0qNyB7cIFXVvnzsDXX8vVG4iIqGgpUQIoX/7p53l55d2Wn9uWKGF8XTm0bdsWS5cuRWpqKhYsWAAbGxt07dpVe312djZmzZqF8PBw3LhxAxkZGUhPT4fTYysJ1X3sE8myZctqexrPnTsHHx8flCtXTnt9s8c+Lj137hwCAwP1emFbtGgBtVqN6OholC5dGgBQu3ZtWFnpPnguXbo06tSpo71sbW2NUqVKGd3LeejQIajVavTq1Qvp6en5vt3JkycRERGR51jcy5cvo0OHDmjfvj0CAgIQGhqKDh064I033oCHhwdKliyJ/v37IzQ0FC+88AJCQkLQvXt3lC1b1uDj1a5dG9bW1trLZcuWxenTpwEA0dHRsLGxQYMcS5tWqVIFHh4e+f5+KG8WHXzv3ZO7BANy0zQHBxPc6d9/A6GhQFaWvOzkBCxcKDepKJABxEREVOBGj5ZfzyLnBkUFyNnZGVWqVAEArFy5EoGBgfjmm2/w9ttvAwDmzp2LRYsWYeHChQgICICzszPee+89ZGRk6N2Pra2t3mWVSgW1Wm3yevN6HGMeu0qVKlCpVIjW/CH/j7+/PwDA0dFR26YJ2EKzaD+gN54WAFJSUtCpU6c8JwOWLVsW1tbW+Ouvv7Bv3z78+eef+PzzzzFp0iQcPHgQfn5+WLVqFUaOHIlt27Zh48aNmDx5Mv766y80bdo0399/QTzPpM+ix/hqVnMATLhxRYsWQK1a8jgoCDh+HBg0iKGXiIjMxsrKChMnTsTkyZPx6NEjAMDevXvRuXNn9O7dG4GBgfD398eFnJ9M5kPNmjURGxuLW7duadsO5Pxj+t85J0+e1E760jy2lZUVqlev/hzflb5SpUrhhRdewBdffKH3WHnx+q8nPmfdOSe6AUCDBg1w5swZ+Pr6okqVKnpfmt5rlUqFFi1aYMaMGTh+/Djs7Ozw448/au+jfv36mDBhAvbt24c6depgw4YNz/S9Va9eHVlZWTh+/Li27dKlS0hMTHym+yMdiw6+BbJxhb293G540iT5ANWqmeiOiYiI8q9bt26wtrbGkiVLAABVq1bV9lieO3cOgwcPxu3bt426z5CQEFSrVg39+vXDyZMnsXv3bkyaNEnvnF69esHBwQH9+vVDVFQUIiIiMGLECPTp00c7zMFUvvzyS2RlZaFhw4bYuHEjzp07h+joaHz77bc4f/68diiBo6MjmjZtik8++QTnzp3Drl27MHnyZL37GjZsGO7du4c333wThw8fxuXLl7F9+3YMGDAA2dnZOHjwIGbNmoUjR47g2rVr2LJlC+Lj41GzZk1cuXIFEyZMwP79+/Hvv//izz//xMWLF1GzZs1n+r5q1KiBkJAQvPPOOzh06BCOHz+Od955B46OjkZN2KPcLDr4PveKDsnJsjf3zBn99tq15ZJlOWbTEhERmZONjQ2GDx+OOXPmIDU1FZMnT0aDBg0QGhqKNm3aoEyZMujSpYtR92llZYUff/wRjx49QuPGjTFw4EDMnDlT7xwnJyds374d9+7dQ6NGjfDGG2+gffv2+OKLL0z43UmVK1fG8ePHERISggkTJiAwMBANGzbE559/jrFjx+Kjjz7Snrty5UpkZWUhKCgI7733Hj7++GO9+ypXrhz27t2L7OxsdOjQAQEBAXjvvffg7u4OKysrlChRAv/88w9eeuklVKtWDZMnT8a8efPw4osvwsnJCefPn0fXrl1RrVo1vPPOOxg2bBgGDx78zN/b2rVrUbp0abRu3RqvvfYaBg0aBFdXVziYZFym5VKJnANeLEBycjLc3Nxw924SKlYsgdRUuYpMbKyRd7R/P9C7NxATI5cmO3RI9vYSEVGRlJaWhitXrsDPz4/hggqd69evw8fHBzt27ED79u2VLscknvQzp8lrSUlJKPGcEz9zstjJbWfPApohQUb19mZlATNnAh99BGRny7YrV4BTp4BGjUxeJxEREVmev//+GykpKQgICMCtW7fwwQcfwNfXF61bt1a6tCLNYoNvzvW68x18Y2JkL2/OMRLNmwPffgv4+Zm0PiIiIrJcmZmZmDhxImJiYuDq6ormzZtj/fr1uVaDIONYbPA9eFB3/NQVHYQA1q0Dhg8HHjyQbdbWwNSpwMSJgI3FPo1ERERUAEJDQxEaGqp0GcWOxSa2w4flv/b2cg1fgxITgaFDgY0bdW3+/sD69YCBtfmIiIiIqPCx2FUdrlyR/wYFPWXxhXPngB9+0F3u3x84cYKhl4iomLKwOd9EilHiZ81ig6/GU4c5NG8u1+R1dwfCw4FVqwBXV3OURkREZqQZO/nw4UOFKyGyDJpdA3Nu3VzQLHaog0auiW1XrgAVK8oxvBpTpgCDB+dvr3UiIiqSrK2t4e7ujjt37gCQ69FyswCigqFWqxEfHw8nJyfYmHGuFIOvJvgKAXz1FTBqFDBtGjBunO4kW1uGXiIiC1CmTBkA0IZfIio4VlZWqFixolnfYFrsBhZAEnx9S8ixvvHxwMCBwNat8iQbG7ne2RNnvRERUXGVnZ2NzMxMpcsgKtbs7OxgZZX3qFtuYFEAmjUDsH27nLAWF6e7YuBAoHp1pcoiIiKFWVtbm3XcIRGZR6GY3LZkyRL4/r+9+4+Kqsz/AP5mBmcGadCIEEZR8wfoKkb8kMA8pssumBlmBSVHUUndAHFly0hNJFcxU0rN/JEp5rKBdPx1hCCxKEBLRVBXEEIg7Qjsqhv4AwRmnu8ffpltBNQZh4GY9+ucOZ77zPPc+7nzcfTDw3PvHTgQCoUC3t7eOP7bp0u0ITU1FcOGDYNCoYCrqyvS09P1PqYMDVh0+a9AQMD/il47uzuzvps3Az17GnAmRERERNRVdXrhm5KSgujoaMTGxuLUqVN48skn4e/v3+76qqNHj+K1115DWFgYCgoKMGXKFEyZMgX/+te/9DpuNp6F23fr/9cQEACcPQtMnvwwp0NEREREXVSnr/H19vaGl5cXPv74YwB3rvJzcnLC/PnzERMT06p/cHAwbt68iUOHDmnbnn76abi5uWHLli33PZ52zQgAG+DOEyw++ODOU9l49S4RERFRp+uWa3wbGxuRn5+Pd955R9smkUjg5+eHY8eOtTnm2LFjiI6O1mnz9/fH/v372+x/+/Zt3L59W7tdW1sLAKgDgD/8Afjsszt/tjyKmIiIiIg6VV1dHQDjP+SiUwvfK1euQK1Wo0+fPjrtffr0wfnz59scU11d3Wb/6t9enPYb8fHxiIuLa9XuBABFRW3cyJeIiIiIuoKrV6/+/924jKPb39XhnXfe0Zkh/vXXXzFgwABcvHjRqB8kdU11dXVwcnLCpUuXjPqrEuqamG/zwnybF+bbvNTW1qJ///6wtbU16n47tfC1s7ODVCpFTU2NTntNTY32JuJ3c3Bw0Ku/XC6HXC5v1d6rVy9+ccyIjY0N821GmG/zwnybF+bbvLR3n1+D92fUvelJJpPBw8MDR44c0bZpNBocOXIEPu0sQfDx8dHpDwCHDx9utz8REREREdAFljpER0cjNDQUnp6eGD16ND766CPcvHkTs2bNAgDMmDEDffv2RXx8PABgwYIFGDduHNatW4dJkyYhOTkZJ0+exLZt2zrzNIiIiIioi+v0wjc4OBj/+c9/sGzZMlRXV8PNzQ0ZGRnaC9guXryoM83t6+uLf/7zn1i6dCkWL16MoUOHYv/+/Rg5cuQDHU8ulyM2NrbN5Q/U/TDf5oX5Ni/Mt3lhvs1LR+W70+/jS0RERERkCp3+5DYiIiIiIlNg4UtEREREZoGFLxERERGZBRa+RERERGQWumXhu2nTJgwcOBAKhQLe3t44fvz4PfunpqZi2LBhUCgUcHV1RXp6uokiJWPQJ9+ffvopxo4di0cffRSPPvoo/Pz87vv3g7oWfb/fLZKTk2FhYYEpU6Z0bIBkVPrm+9dff0VERAQcHR0hl8vh7OzMf9N/R/TN90cffQQXFxdYWVnByckJCxcuRENDg4mipYfx/fffY/LkyVCpVLCwsMD+/fvvOyY7Oxvu7u6Qy+UYMmQIEhMT9T+w6GaSk5OFTCYTO3bsEOfOnRNz5swRvXv3FjU1NW32z8vLE1KpVKxZs0YUFRWJpUuXih49eoizZ8+aOHIyhL75njZtmti0aZMoKCgQxcXFYubMmaJXr17il19+MXHkZAh9892ioqJC9O3bV4wdO1YEBgaaJlh6aPrm+/bt28LT01M899xzIjc3V1RUVIjs7GxRWFho4sjJEPrmOykpScjlcpGUlCQqKipEZmamcHR0FAsXLjRx5GSI9PR0sWTJErF3714BQOzbt++e/cvLy0XPnj1FdHS0KCoqEhs3bhRSqVRkZGToddxuV/iOHj1aREREaLfVarVQqVQiPj6+zf5BQUFi0qRJOm3e3t5i3rx5HRonGYe++b5bc3OzUCqVYteuXR0VIhmRIflubm4Wvr6+Yvv27SI0NJSF7++IvvnevHmzGDRokGhsbDRViGRE+uY7IiJCTJgwQactOjpajBkzpkPjJON7kMJ30aJFYsSIETptwcHBwt/fX69jdaulDo2NjcjPz4efn5+2TSKRwM/PD8eOHWtzzLFjx3T6A4C/v3+7/anrMCTfd7t16xaamppga2vbUWGSkRia7/feew/29vYICwszRZhkJIbk++DBg/Dx8UFERAT69OmDkSNHYtWqVVCr1aYKmwxkSL59fX2Rn5+vXQ5RXl6O9PR0PPfccyaJmUzLWPVapz+5zZiuXLkCtVqtfepbiz59+uD8+fNtjqmurm6zf3V1dYfFScZhSL7v9vbbb0OlUrX6MlHXY0i+c3Nz8dlnn6GwsNAEEZIxGZLv8vJyfPPNNwgJCUF6ejrKysoQHh6OpqYmxMbGmiJsMpAh+Z42bRquXLmCZ555BkIINDc34y9/+QsWL15sipDJxNqr1+rq6lBfXw8rK6sH2k+3mvEl0sfq1auRnJyMffv2QaFQdHY4ZGTXr1/H9OnT8emnn8LOzq6zwyET0Gg0sLe3x7Zt2+Dh4YHg4GAsWbIEW7Zs6ezQqANkZ2dj1apV+OSTT3Dq1Cns3bsXaWlpWLFiRWeHRl1Yt5rxtbOzg1QqRU1NjU57TU0NHBwc2hzj4OCgV3/qOgzJd4u1a9di9erVyMrKwqhRozoyTDISffN94cIFVFZWYvLkydo2jUYDALC0tERJSQkGDx7csUGTwQz5fjs6OqJHjx6QSqXatuHDh6O6uhqNjY2QyWQdGjMZzpB8v/vuu5g+fTpef/11AICrqytu3ryJuXPnYsmSJZBIOLfXnbRXr9nY2DzwbC/QzWZ8ZTIZPDw8cOTIEW2bRqPBkSNH4OPj0+YYHx8fnf4AcPjw4Xb7U9dhSL4BYM2aNVixYgUyMjLg6elpilDJCPTN97Bhw3D27FkUFhZqXy+88ALGjx+PwsJCODk5mTJ80pMh3+8xY8agrKxM+wMOAJSWlsLR0ZFFbxdnSL5v3brVqrht+aHnzvVS1J0YrV7T77q7ri85OVnI5XKRmJgoioqKxNy5c0Xv3r1FdXW1EEKI6dOni5iYGG3/vLw8YWlpKdauXSuKi4tFbGwsb2f2O6JvvlevXi1kMpn48ssvRVVVlfZ1/fr1zjoF0oO++b4b7+rw+6Jvvi9evCiUSqWIjIwUJSUl4tChQ8Le3l78/e9/76xTID3om+/Y2FihVCrFF198IcrLy8XXX38tBg8eLIKCgjrrFEgP169fFwUFBaKgoEAAEAkJCaKgoED8/PPPQgghYmJixPTp07X9W25n9tZbb4ni4mKxadMm3s6sxcaNG0X//v2FTCYTo0ePFj/88IP2vXHjxonQ0FCd/nv27BHOzs5CJpOJESNGiLS0NBNHTA9Dn3wPGDBAAGj1io2NNX3gZBB9v9+/xcL390fffB89elR4e3sLuVwuBg0aJFauXCmam5tNHDUZSp98NzU1ieXLl4vBgwcLhUIhnJycRHh4uPjvf/9r+sBJb99++22b/x+35Dg0NFSMGzeu1Rg3Nzchk8nEoEGDxM6dO/U+roUQ/H0AEREREXV/3WqNLxERERFRe1j4EhEREZFZYOFLRERERGaBhS8RERERmQUWvkRERERkFlj4EhEREZFZYOFLRERERGaBhS8RERERmQUWvkREABITE9G7d+/ODsNgFhYW2L9//z37zJw5E1OmTDFJPEREXRELXyLqNmbOnAkLC4tWr7Kyss4ODYmJidp4JBIJ+vXrh1mzZuHf//63UfZfVVWFiRMnAgAqKythYWGBwsJCnT7r169HYmKiUY7XnuXLl2vPUyqVwsnJCXPnzsW1a9f02g+LdCLqCJadHQARkTEFBARg586dOm2PP/54J0Wjy8bGBiUlJdBoNDh9+jRmzZqFy5cvIzMz86H37eDgcN8+vXr1eujjPIgRI0YgKysLarUaxcXFmD17Nmpra5GSkmKS4xMRtYczvkTUrcjlcjg4OOi8pFIpEhIS4OrqCmtrazg5OSE8PBw3btxodz+nT5/G+PHjoVQqYWNjAw8PD5w8eVL7fm5uLsaOHQsrKys4OTkhKioKN2/evGdsFhYWcHBwgEqlwsSJExEVFYWsrCzU19dDo9HgvffeQ79+/SCXy+Hm5oaMjAzt2MbGRkRGRsLR0REKhQIDBgxAfHy8zr5bljo88cQTAICnnnoKFhYWePbZZwHozqJu27YNKpUKGo1GJ8bAwEDMnj1bu33gwAG4u7tDoVBg0KBBiIuLQ3Nz8z3P09LSEg4ODujbty/8/Pzwyiuv4PDhw9r31Wo1wsLC8MQTT8DKygouLi5Yv3699v3ly5dj165dOHDggHb2ODs7GwBw6dIlBAUFoXfv3rC1tUVgYCAqKyvvGQ8RUQsWvkRkFiQSCTZs2IBz585h165d+Oabb7Bo0aJ2+4eEhKBfv344ceIE8vPzERMTgx49egAALly4gICAALz00ks4c+YMUlJSkJubi8jISL1isrKygkajQXNzM9avX49169Zh7dq1OHPmDPz9/fHCCy/gp59+AgBs2LABBw8exJ49e1BSUoKkpCQMHDiwzf0eP34cAJCVlYWqqirs3bu3VZ9XXnkFV69exbfffqttu3btGjIyMhASEgIAyMnJwYwZM7BgwQIUFRVh69atSExMxMqVKx/4HCsrK5GZmQmZTKZt02g06NevH1JTU1FUVIRly5Zh8eLF2LNnDwDgzTffRFBQEAICAlBVVYWqqir4+vqiqakJ/v7+UCqVyMnJQV5eHh555BEEBASgsbHxgWMiIjMmiIi6idDQUCGVSoW1tbX29fLLL7fZNzU1VTz22GPa7Z07d4pevXppt5VKpUhMTGxzbFhYmJg7d65OW05OjpBIJKK+vr7NMXfvv7S0VDg7OwtPT08hhBAqlUqsXLlSZ4yXl5cIDw8XQggxf/58MWHCBKHRaNrcPwCxb98+IYQQFRUVAoAoKCjQ6RMaGioCAwO124GBgWL27Nna7a1btwqVSiXUarUQQog//vGPYtWqVTr72L17t3B0dGwzBiGEiI2NFRKJRFhbWwuFQiEACAAiISGh3TFCCBERESFeeumldmNtObaLi4vOZ3D79m1hZWUlMjMz77l/IiIhhOAaXyLqVsaPH4/Nmzdrt62trQHcmf2Mj4/H+fPnUVdXh+bmZjQ0NODWrVvo2bNnq/1ER0fj9ddfx+7du7W/rh88eDCAO8sgzpw5g6SkJG1/IQQ0Gg0qKiowfPjwNmOrra3FI488Ao1Gg4aGBjzzzDPYvn076urqcPnyZYwZM0an/5gxY3D69GkAd5Yp/OlPf4KLiwsCAgLw/PPP489//vNDfVYhISGYM2cOPvnkE8jlciQlJeHVV1+FRCLRnmdeXp7ODK9arb7n5wYALi4uOHjwIBoaGvCPf/wDhYWFmD9/vk6fTZs2YceOHbh48SLq6+vR2NgINze3e8Z7+vRplJWVQalU6rQ3NDTgwoULBnwCRGRuWPgSUbdibW2NIUOG6LRVVlbi+eefxxtvvIGVK1fC1tYWubm5CAsLQ2NjY5sF3PLlyzFt2jSkpaXhq6++QmxsLJKTk/Hiiy/ixo0bmDdvHqKiolqN69+/f7uxKZVKnDp1ChKJBI6OjrCysgIA1NXV3fe83N3dUVFRga+++gpZWVkICgqCn58fvvzyy/uObc/kyZMhhEBaWhq8vLyQk5ODDz/8UPv+jRs3EBcXh6lTp7Yaq1Ao2t2vTCbT5mD16tWYNGkS4uLisGLFCgBAcnIy3nzzTaxbtw4+Pj5QKpX44IMP8OOPP94z3hs3bsDDw0PnB44WXeUCRiLq2lj4ElG3l5+fD41Gg3Xr1mlnM1vWk96Ls7MznJ2dsXDhQrz22mvYuXMnXnzxRbi7u6OoqKhVgX0/EomkzTE2NjZQqVTIy8vDuHHjtO15eXkYPXq0Tr/g4GAEBwfj5ZdfRkBAAK5duwZbW1ud/bWsp1Wr1feMR6FQYOrUqUhKSkJZWRlcXFzg7u6ufd/d3R0lJSV6n+fdli5digkTJuCNN97Qnqevry/Cw8O1fe6esZXJZK3id3d3R0pKCuzt7WFjY/NQMRGReeLFbUTU7Q0ZMgRNTU3YuHEjysvLsXv3bmzZsqXd/vX19YiMjER2djZ+/vln5OXl4cSJE9olDG+//TaOHj2KyMhIFBYW4qeffsKBAwf0vrjtt9566y28//77SElJQUlJCWJiYlBYWIgFCxYAABISEvDFF1/g/PnzKC0tRWpqKhwcHNp86Ia9vT2srKyQkZGBmpoa1NbWtnvckJAQpKWlYceOHdqL2losW7YMn3/+OeLi4nDu3DkUFxcjOTkZS5cu1evcfHx8MGrUKKxatQoAMHToUJw8eRKZmZkoLS3Fu+++ixMnTuiMGThwIM6cOYOSkhJcuXIFTU1NCAkJgZ2dHQIDA5GTk4OKigpkZ2cjKioKv/zyi14xEZF5YuFLRN3ek08+iYSEBLz//vsYOXIkkpKSdG4FdjepVIqrV69ixowZcHZ2RlBQECZOnIi4uDgAwKhRo/Ddd9+htLQUY8eOxVNPPYVly5ZBpVIZHGNUVBSio6Pxt7/9Da6ursjIyMDBgwcxdOhQAHeWSaxZswaenp7w8vJCZWUl0tPTtTPYv2VpaYkNGzZg69atUKlUCAwMbPe4EyZMgK2tLUpKSjBt2jSd9/z9/XHo0CF8/fXX8PLywtNPP40PP/wQAwYM0Pv8Fi5ciO3bt+PSpUuYN28epk6diuDgYHh7e+Pq1as6s78AMGfOHLi4uMDT0xOPP/448vLy0LNnT3z//ffo378/pk6diuHDhyMsLAwNDQ2cASaiB2IhhBCdHQQRERERUUfjjC8RERERmQUWvkRERERkFlj4EhEREZFZYOFLRERERGaBhS8RERERmQUWvkRERERkFlj4EhEREZFZYOFLRERERGaBhS8RERERmQUWvkRERERkFlj4EhEREZFZ+D8dNX53B/AB/AAAAABJRU5ErkJggg==", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "plot_roc_curve(y_test, y_pred)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Extra Trees Classifier" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "#### Normalized data" + ] + }, + { + "cell_type": "code", + "execution_count": 84, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Time taken for GridSearchCV: 5238.62 seconds\n", + "Best Hyperparameters:\n", + "{'bootstrap': False, 'max_depth': 20, 'max_features': 'auto', 'min_samples_leaf': 1, 'min_samples_split': 5, 'n_estimators': 200}\n", + "\n", + "Time taken for training with best hyperparameters: 8.81 seconds\n", + "\n", + "Mean Accuracy: 0.8688053250345782\n", + "Standard Deviation of Accuracy: 0.010735381485841083\n", + "Mean Precision: 0.8494329073603002\n", + "Standard Deviation of Precision: 0.020013245857135986\n", + "Mean Recall: 0.7505730238025272\n", + "Standard Deviation of Recall: 0.03768985217905668\n", + "Mean F1-score: 0.7962051072925098\n", + "Standard Deviation of F1-score: 0.02080232554736884\n", + "Mean ROC AUC: 0.8404562289052141\n", + "Standard Deviation of ROC AUC: 0.016286438216473118\n", + "\n", + "Total time taken: 5247.43 seconds\n" + ] + } + ], + "source": [ + "from sklearn.ensemble import ExtraTreesClassifier\n", + "from sklearn.model_selection import StratifiedKFold, GridSearchCV\n", + "from sklearn.metrics import accuracy_score, precision_score, recall_score, f1_score, roc_auc_score, confusion_matrix\n", + "import numpy as np\n", + "import time\n", + "\n", + "start_total_time = time.time()\n", + "\n", + "kf = StratifiedKFold(n_splits=10, shuffle=True, random_state=42)\n", + "\n", + "model = ExtraTreesClassifier(random_state=42)\n", + "\n", + "param_grid = {\n", + " 'n_estimators': [50, 100, 200, 300],\n", + " 'max_features': ['auto', 'sqrt', 'log2'],\n", + " 'max_depth': [None, 10, 20, 30],\n", + " 'min_samples_split': [2, 5, 10],\n", + " 'min_samples_leaf': [1, 2, 4],\n", + " 'bootstrap': [False, True]\n", + "}\n", + "\n", + "grid_search = GridSearchCV(estimator=model, param_grid=param_grid, cv=kf, scoring='accuracy')\n", + "\n", + "start_time = time.time()\n", + "\n", + "grid_search.fit(standard(x), y)\n", + "\n", + "grid_search_time = time.time() - start_time\n", + "print(f\"Time taken for GridSearchCV: {grid_search_time:.2f} seconds\")\n", + "\n", + "best_params = grid_search.best_params_\n", + "\n", + "print(\"Best Hyperparameters:\")\n", + "print(best_params)\n", + "print()\n", + "\n", + "best_model = grid_search.best_estimator_\n", + "\n", + "start_time = time.time()\n", + "\n", + "accuracy_scores = []\n", + "precision_scores = []\n", + "recall_scores = []\n", + "f1_scores = []\n", + "roc_auc_scores = []\n", + "confusion_matrices = []\n", + "\n", + "for train_index, test_index in kf.split(normal(x), y):\n", + " X_train, X_test = x.iloc[train_index], x.iloc[test_index]\n", + " y_train, y_test = y.iloc[train_index], y.iloc[test_index]\n", + "\n", + " best_model.fit(X_train, y_train)\n", + "\n", + " y_pred = best_model.predict(X_test)\n", + "\n", + " accuracy = accuracy_score(y_test, y_pred)\n", + " accuracy_scores.append(accuracy)\n", + " \n", + " precision = precision_score(y_test, y_pred)\n", + " precision_scores.append(precision)\n", + " \n", + " recall = recall_score(y_test, y_pred)\n", + " recall_scores.append(recall)\n", + " \n", + " f1 = f1_score(y_test, y_pred)\n", + " f1_scores.append(f1)\n", + " \n", + " roc_auc = roc_auc_score(y_test, y_pred)\n", + " roc_auc_scores.append(roc_auc)\n", + " \n", + " confusion = confusion_matrix(y_test, y_pred)\n", + " confusion_matrices.append(confusion)\n", + "\n", + "training_time = time.time() - start_time\n", + "print(f\"Time taken for training with best hyperparameters: {training_time:.2f} seconds\")\n", + "print()\n", + "\n", + "mean_accuracy = np.mean(accuracy_scores)\n", + "std_accuracy = np.std(accuracy_scores)\n", + "\n", + "mean_precision = np.mean(precision_scores)\n", + "std_precision = np.std(precision_scores)\n", + "\n", + "mean_recall = np.mean(recall_scores)\n", + "std_recall = np.std(recall_scores)\n", + "\n", + "mean_f1 = np.mean(f1_scores)\n", + "std_f1 = np.std(f1_scores)\n", + "\n", + "mean_roc_auc = np.mean(roc_auc_scores)\n", + "std_roc_auc = np.std(roc_auc_scores)\n", + "\n", + "print(f\"Mean Accuracy: {mean_accuracy}\")\n", + "print(f\"Standard Deviation of Accuracy: {std_accuracy}\")\n", + "\n", + "print(f\"Mean Precision: {mean_precision}\")\n", + "print(f\"Standard Deviation of Precision: {std_precision}\")\n", + "\n", + "print(f\"Mean Recall: {mean_recall}\")\n", + "print(f\"Standard Deviation of Recall: {std_recall}\")\n", + "\n", + "print(f\"Mean F1-score: {mean_f1}\")\n", + "print(f\"Standard Deviation of F1-score: {std_f1}\")\n", + "\n", + "print(f\"Mean ROC AUC: {mean_roc_auc}\")\n", + "print(f\"Standard Deviation of ROC AUC: {std_roc_auc}\")\n", + "print()\n", + "\n", + "total_time = time.time() - start_total_time\n", + "print(f\"Total time taken: {total_time:.2f} seconds\")" + ] + }, + { + "cell_type": "code", + "execution_count": 85, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "x_train: (1800, 13)\n", + "y_train: (1800,)\n", + "x_test: (601, 13)\n", + "y_test: (601,)\n" + ] + } + ], + "source": [ + "from sklearn.model_selection import train_test_split\n", + "\n", + "x_train, x_test, y_train, y_test = train_test_split(x,y,test_size=0.25,random_state=42)\n", + "\n", + "print(\"x_train:\",x_train.shape)\n", + "print(\"y_train:\",y_train.shape)\n", + "print(\"x_test:\",x_test.shape)\n", + "print(\"y_test:\",y_test.shape)" + ] + }, + { + "cell_type": "code", + "execution_count": 86, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Accuracy: 0.8535773710482529\n", + "Precision: 0.8152173913043478\n", + "Recall: 0.7352941176470589\n", + "F1 Score: 0.7731958762886598\n", + "ROC AUC Score: 0.8248259001333531\n", + "Confusion Matrix:\n", + "[[363 34]\n", + " [ 54 150]]\n" + ] + } + ], + "source": [ + "model = grid_search.best_estimator_\n", + "\n", + "model.fit(x_train, y_train)\n", + "\n", + "y_pred = model.predict(x_test)\n", + "\n", + "y_pred = (y_pred >= 0.5).astype(int)\n", + "\n", + "print(\"Accuracy:\", accuracy_score(y_test, y_pred))\n", + "print(\"Precision:\", precision_score(y_test, y_pred))\n", + "print(\"Recall:\", recall_score(y_test, y_pred))\n", + "print(\"F1 Score:\", f1_score(y_test, y_pred))\n", + "print(\"ROC AUC Score:\", roc_auc_score(y_test, y_pred))\n", + "print(\"Confusion Matrix:\")\n", + "print(confusion_matrix(y_test, y_pred))" + ] + }, + { + "cell_type": "code", + "execution_count": 87, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAokAAAIjCAYAAABvUIGpAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8pXeV/AAAACXBIWXMAAA9hAAAPYQGoP6dpAABHuUlEQVR4nO3df3zN9f//8fvZ2LHNfhj2K8zvH8vP0Fp+R+ZnRG+JaiTeNCpDWiE/qhWiJPRDJtHv6E3EEOptCfmV/BpKYiNiNsxsr+8ffZ3P+3ihHXaczbld35fX5eK8Xs/zej3Oeb/V431/Pl+vYzEMwxAAAADwPzxcXQAAAAAKH5pEAAAAmNAkAgAAwIQmEQAAACY0iQAAADChSQQAAIAJTSIAAABMaBIBAABgQpMIAAAAE5pEANe0b98+tW3bVgEBAbJYLFq0aFGBnv/XX3+VxWJRUlJSgZ63KGvZsqVatmzp6jIAuDmaRKAI2L9/v/7973+rcuXKKlGihPz9/dWkSRO98cYbOnfunFOvHRsbqx07duill17SvHnz1KhRI6de72bq06ePLBaL/P39r/g97tu3TxaLRRaLRZMnT3b4/EeOHNHYsWO1devWAqgWAG6uYq4uAMC1ff311/rXv/4lq9WqRx99VLVr19aFCxf0/fffa8SIEdq5c6feeecdp1z73LlzSklJ0fPPP6/Bgwc75RoRERE6d+6cihcv7pTz/5NixYrp7NmzWrx4sXr06GF3bP78+SpRooTOnz9/Xec+cuSIxo0bp4oVK6p+/fr5ft+KFSuu63oAUJBoEoFC7ODBg+rZs6ciIiK0evVqhYWF2Y7FxcUpNTVVX3/9tdOuf/z4cUlSYGCg065hsVhUokQJp53/n1itVjVp0kQfffSRqUlcsGCBOnbsqC+++OKm1HL27Fn5+PjIy8vrplwPAK6F6WagEJs4caIyMzM1e/ZsuwbxkqpVq+qpp56yvb548aImTJigKlWqyGq1qmLFinruueeUnZ1t976KFSuqU6dO+v7773XnnXeqRIkSqly5sj744APbmLFjxyoiIkKSNGLECFksFlWsWFHS39O0l/78v8aOHSuLxWK3Lzk5WU2bNlVgYKBKliypGjVq6LnnnrMdv9qaxNWrV6tZs2by9fVVYGCgunTpol27dl3xeqmpqerTp48CAwMVEBCgvn376uzZs1f/Yi/Tq1cvLVu2TKdOnbLt27hxo/bt26devXqZxp88eVLDhw9XnTp1VLJkSfn7+6t9+/batm2bbcyaNWvUuHFjSVLfvn1t09aXPmfLli1Vu3Ztbd68Wc2bN5ePj4/te7l8TWJsbKxKlChh+vwxMTEqVaqUjhw5ku/PCgD5RZMIFGKLFy9W5cqVdffdd+dr/OOPP64xY8bojjvu0NSpU9WiRQslJiaqZ8+eprGpqal64IEHdO+99+q1115TqVKl1KdPH+3cuVOS1K1bN02dOlWS9NBDD2nevHl6/fXXHap/586d6tSpk7KzszV+/Hi99tpruu+++/Tf//73mu9buXKlYmJidOzYMY0dO1bx8fFav369mjRpol9//dU0vkePHjpz5owSExPVo0cPJSUlady4cfmus1u3brJYLPryyy9t+xYsWKCaNWvqjjvuMI0/cOCAFi1apE6dOmnKlCkaMWKEduzYoRYtWtgatlq1amn8+PGSpAEDBmjevHmaN2+emjdvbjvPiRMn1L59e9WvX1+vv/66WrVqdcX63njjDZUtW1axsbHKzc2VJL399ttasWKF3nzzTYWHh+f7swJAvhkACqXTp08bkowuXbrka/zWrVsNScbjjz9ut3/48OGGJGP16tW2fREREYYkY926dbZ9x44dM6xWqzFs2DDbvoMHDxqSjEmTJtmdMzY21oiIiDDV8MILLxj/+4+VqVOnGpKM48ePX7XuS9eYM2eObV/9+vWN4OBg48SJE7Z927ZtMzw8PIxHH33UdL3HHnvM7pz333+/Ubp06ate838/h6+vr2EYhvHAAw8YrVu3NgzDMHJzc43Q0FBj3LhxV/wOzp8/b+Tm5po+h9VqNcaPH2/bt3HjRtNnu6RFixaGJGPWrFlXPNaiRQu7fcuXLzckGS+++KJx4MABo2TJkkbXrl3/8TMCwPUiSQQKqYyMDEmSn59fvsYvXbpUkhQfH2+3f9iwYZJkWrsYGRmpZs2a2V6XLVtWNWrU0IEDB6675stdWsv41VdfKS8vL1/vOXr0qLZu3ao+ffooKCjItr9u3bq69957bZ/zfw0cONDudbNmzXTixAnbd5gfvXr10po1a5SWlqbVq1crLS3tilPN0t/rGD08/v7HZ25urk6cOGGbSv/pp5/yfU2r1aq+ffvma2zbtm3173//W+PHj1e3bt1UokQJvf322/m+FgA4iiYRKKT8/f0lSWfOnMnX+N9++00eHh6qWrWq3f7Q0FAFBgbqt99+s9tfoUIF0zlKlSqlv/766zorNnvwwQfVpEkTPf744woJCVHPnj316aefXrNhvFRnjRo1TMdq1aqlP//8U1lZWXb7L/8spUqVkiSHPkuHDh3k5+enTz75RPPnz1fjxo1N3+UleXl5mjp1qqpVqyar1aoyZcqobNmy2r59u06fPp3va952220O3aQyefJkBQUFaevWrZo2bZqCg4Pz/V4AcBRNIlBI+fv7Kzw8XD///LND77v8xpGr8fT0vOJ+wzCu+xqX1std4u3trXXr1mnlypV65JFHtH37dj344IO69957TWNvxI18lkusVqu6deumuXPnauHChVdNESXp5ZdfVnx8vJo3b64PP/xQy5cvV3Jysm6//fZ8J6bS39+PI7Zs2aJjx45Jknbs2OHQewHAUTSJQCHWqVMn7d+/XykpKf84NiIiQnl5edq3b5/d/vT0dJ06dcp2p3JBKFWqlN2dwJdcnlZKkoeHh1q3bq0pU6bol19+0UsvvaTVq1fr22+/veK5L9W5Z88e07Hdu3erTJky8vX1vbEPcBW9evXSli1bdObMmSve7HPJ559/rlatWmn27Nnq2bOn2rZtqzZt2pi+k/w27PmRlZWlvn37KjIyUgMGDNDEiRO1cePGAjs/AFyOJhEoxJ555hn5+vrq8ccfV3p6uun4/v379cYbb0j6e7pUkukO5ClTpkiSOnbsWGB1ValSRadPn9b27dtt+44ePaqFCxfajTt58qTpvZceKn35Y3kuCQsLU/369TV37ly7puvnn3/WihUrbJ/TGVq1aqUJEyZo+vTpCg0Nveo4T09PU0r52Wef6Y8//rDbd6mZvVJD7aiRI0fq0KFDmjt3rqZMmaKKFSsqNjb2qt8jANwoHqYNFGJVqlTRggUL9OCDD6pWrVp2v7iyfv16ffbZZ+rTp48kqV69eoqNjdU777yjU6dOqUWLFvrxxx81d+5cde3a9aqPV7kePXv21MiRI3X//ffrySef1NmzZzVz5kxVr17d7saN8ePHa926derYsaMiIiJ07NgxzZgxQ+XKlVPTpk2vev5Jkyapffv2io6OVr9+/XTu3Dm9+eabCggI0NixYwvsc1zOw8NDo0aN+sdxnTp10vjx49W3b1/dfffd2rFjh+bPn6/KlSvbjatSpYoCAwM1a9Ys+fn5ydfXV1FRUapUqZJDda1evVozZszQCy+8YHskz5w5c9SyZUuNHj1aEydOdOh8AJAvLr67GkA+7N271+jfv79RsWJFw8vLy/Dz8zOaNGlivPnmm8b58+dt43Jycoxx48YZlSpVMooXL26UL1/eSEhIsBtjGH8/Aqdjx46m61z+6JWrPQLHMAxjxYoVRu3atQ0vLy+jRo0axocffmh6BM6qVauMLl26GOHh4YaXl5cRHh5uPPTQQ8bevXtN17j8MTErV640mjRpYnh7exv+/v5G586djV9++cVuzKXrXf6InTlz5hiSjIMHD171OzUM+0fgXM3VHoEzbNgwIywszPD29jaaNGlipKSkXPHRNV999ZURGRlpFCtWzO5ztmjRwrj99tuveM3/PU9GRoYRERFh3HHHHUZOTo7duKFDhxoeHh5GSkrKNT8DAFwPi2E4sLIbAAAAboE1iQAAADChSQQAAIAJTSIAAABMaBIBAABgQpMIAAAAE5pEAAAAmNAkAgAAwOSW/MUV7waDXV0CACf5a+N0V5cAwElKuLArcWbvcG5L0fznFkkiAAAATG7JJBEAAMAhFnKzy9EkAgAAWCyurqDQoW0GAACACUkiAAAA080mfCMAAAAwIUkEAABgTaIJSSIAAABMSBIBAABYk2jCNwIAAAATkkQAAADWJJrQJAIAADDdbMI3AgAAABOaRAAAAIvFeZsDZs6cqbp168rf31/+/v6Kjo7WsmXLbMdbtmwpi8Vitw0cONDuHIcOHVLHjh3l4+Oj4OBgjRgxQhcvXnT4K2G6GQAAoJAoV66cXnnlFVWrVk2GYWju3Lnq0qWLtmzZottvv12S1L9/f40fP972Hh8fH9ufc3Nz1bFjR4WGhmr9+vU6evSoHn30URUvXlwvv/yyQ7XQJAIAABSSNYmdO3e2e/3SSy9p5syZ+uGHH2xNoo+Pj0JDQ6/4/hUrVuiXX37RypUrFRISovr162vChAkaOXKkxo4dKy8vr3zXUji+EQAAgFtUdna2MjIy7Lbs7Ox/fF9ubq4+/vhjZWVlKTo62rZ//vz5KlOmjGrXrq2EhASdPXvWdiwlJUV16tRRSEiIbV9MTIwyMjK0c+dOh+qmSQQAAHDimsTExEQFBATYbYmJiVctZceOHSpZsqSsVqsGDhyohQsXKjIyUpLUq1cvffjhh/r222+VkJCgefPm6eGHH7a9Ny0tza5BlGR7nZaW5tBXwnQzAACAEyUkJCg+Pt5un9Vqver4GjVqaOvWrTp9+rQ+//xzxcbGau3atYqMjNSAAQNs4+rUqaOwsDC1bt1a+/fvV5UqVQq0bppEAAAAJ65JtFqt12wKL+fl5aWqVatKkho2bKiNGzfqjTfe0Ntvv20aGxUVJUlKTU1VlSpVFBoaqh9//NFuTHp6uiRddR3j1TDdDAAAUEgegXMleXl5V13DuHXrVklSWFiYJCk6Olo7duzQsWPHbGOSk5Pl7+9vm7LOL5JEAACAQiIhIUHt27dXhQoVdObMGS1YsEBr1qzR8uXLtX//fi1YsEAdOnRQ6dKltX37dg0dOlTNmzdX3bp1JUlt27ZVZGSkHnnkEU2cOFFpaWkaNWqU4uLiHEozJZpEAACAQvMInGPHjunRRx/V0aNHFRAQoLp162r58uW699579fvvv2vlypV6/fXXlZWVpfLly6t79+4aNWqU7f2enp5asmSJBg0apOjoaPn6+io2NtbuuYr5ZTEMwyjID1cYeDcY7OoSADjJXxunu7oEAE5SwoXRlXfzsU4797l1zju3M5EkAgAAFJIksTDhGwEAAIAJSSIAAIDHjd+FfKshSQQAAIAJSSIAAABrEk1oEgEAAArgode3GtpmAAAAmJAkAgAAMN1swjcCAAAAE5JEAAAA1iSakCQCAADAhCQRAACANYkmfCMAAAAwIUkEAABgTaIJTSIAAADTzSZ8IwAAADAhSQQAAGC62YQkEQAAACYkiQAAAKxJNOEbAQAAgAlJIgAAAGsSTUgSAQAAYEKSCAAAwJpEE5pEAAAAmkQTvhEAAACYkCQCAABw44oJSSIAAABMSBIBAABYk2jCNwIAAAATkkQAAADWJJqQJAIAAMCEJBEAAIA1iSY0iQAAAEw3m9A2AwAAwIQkEQAAuD0LSaIJSSIAAABMSBIBAIDbI0k0I0kEAACACUkiAAAAQaIJSSIAAABMSBIBAIDbY02iGU0iAABwezSJZkw3AwAAwIQkEQAAuD2SRDOSRAAAAJiQJAIAALdHkmhGkggAAAATkkQAAACCRBOSRAAAAJiQJAIAALfHmkQzkkQAAACYkCQCAAC3R5JoRpMIAADcHk2iGdPNAAAAMCFJBAAAbo8k0YwkEQAAACYkiQAAAASJJiSJAAAAMCFJBAAAbo81iWYkiQAAAIXEzJkzVbduXfn7+8vf31/R0dFatmyZ7fj58+cVFxen0qVLq2TJkurevbvS09PtznHo0CF17NhRPj4+Cg4O1ogRI3Tx4kWHa6FJBAAAbs9isThtc0S5cuX0yiuvaPPmzdq0aZPuuecedenSRTt37pQkDR06VIsXL9Znn32mtWvX6siRI+rWrZvt/bm5uerYsaMuXLig9evXa+7cuUpKStKYMWMc/04MwzAcflch591gsKtLAOAkf22c7uoSADhJCRcuggt+7FOnnfvY+z1u6P1BQUGaNGmSHnjgAZUtW1YLFizQAw88IEnavXu3atWqpZSUFN11111atmyZOnXqpCNHjigkJESSNGvWLI0cOVLHjx+Xl5dXvq9LkggAAOBE2dnZysjIsNuys7P/8X25ubn6+OOPlZWVpejoaG3evFk5OTlq06aNbUzNmjVVoUIFpaSkSJJSUlJUp04dW4MoSTExMcrIyLClkflFkwgAAGBx3paYmKiAgAC7LTEx8aql7NixQyVLlpTVatXAgQO1cOFCRUZGKi0tTV5eXgoMDLQbHxISorS0NElSWlqaXYN46filY47g7mYAAAAnSkhIUHx8vN0+q9V61fE1atTQ1q1bdfr0aX3++eeKjY3V2rVrnV2mCU0iAABwe858BI7Var1mU3g5Ly8vVa1aVZLUsGFDbdy4UW+88YYefPBBXbhwQadOnbJLE9PT0xUaGipJCg0N1Y8//mh3vkt3P18ak19MNwMAABRieXl5ys7OVsOGDVW8eHGtWrXKdmzPnj06dOiQoqOjJUnR0dHasWOHjh07ZhuTnJwsf39/RUZGOnRdkkQAAOD2CsvDtBMSEtS+fXtVqFBBZ86c0YIFC7RmzRotX75cAQEB6tevn+Lj4xUUFCR/f38NGTJE0dHRuuuuuyRJbdu2VWRkpB555BFNnDhRaWlpGjVqlOLi4hxKMyWaRAAAgELj2LFjevTRR3X06FEFBASobt26Wr58ue69915J0tSpU+Xh4aHu3bsrOztbMTExmjFjhu39np6eWrJkiQYNGqTo6Gj5+voqNjZW48ePd7gWnpMIoEjhOYnArcuVz0kMG/CF08599J3uTju3M5EkAgAAt1dYppsLE25cAQAAgAlJIgAAAEGiCUkiAAAATEgSAQCA22NNohlJIgAAAExIEgEAgNsjSTQjSQQAAIAJSSIAAHB7JIlmNIkAAAD0iCZMNwMAAMCEJBEAALg9ppvNSBIBAABgQpIIAADcHkmiGUkiAAAATEgSUej0/1dT9X+gmSLCgyRJuw6k6eV3lmnFf3+xjYmqW0lj4zqpcZ2Kys3N0/a9f6jzE2/pfHaOJOmz1/+tetVvU9kgP/2VcVbfbtijUdO+0tHjp13ymQBc3acfL9Cnn3ykI3/8IUmqUrWa/j3oCTVt1sJunGEYihvYX//9/jtNnfaW7mndxhXl4hZFkmhGk4hC54/0Uxr95ldKPXRcFln0cOcofTZ1gO7q+Yp2HUhTVN1K+mr6E5o8Z4XiX/1MF3PzVLf6bcrLM2znWLdxrybNXq60P08rPDhQiUPv14JJ/dSqzxQXfjIAVxIcEqqnhg5XhYgIGYahxV8t0lOD4/TJFwtVtWo127gPP5jLv8iBm4gmEYXO0nU/270e+9Zi9f9XU91Zt5J2HUjTxGHdNOPjNZo8J9k2Zt9vx+ze8+b8b21/PnT0L02ek6xPp/RXsWIeungxz7kfAIBDWra6x+71kKeG6tOPP9L2bVttTeLuXbv0wdz39dEnX6h1y6auKBO3OP4PiJlLm8Q///xT77//vlJSUpSWliZJCg0N1d13360+ffqobNmyriwPhYCHh0Xd771Dvt5e2rD9oMqWKqk761bSx8s26dukeFUqV0Z7f03X2OmLtX7rgSueo5S/j3q2b6Qfth2kQQQKudzcXK1Y/o3OnTurevUaSJLOnTunhGeG6blRY1SGfy/AWegRTVzWJG7cuFExMTHy8fFRmzZtVL16dUlSenq6pk2bpldeeUXLly9Xo0aNrnme7OxsZWdn2+0z8nJl8fB0Wu1wvturhmvN3GEq4VVMmeey9eCwd7X7QJrurFNRkvT8vzsoYepCbd9zWL073amlbw9Rw3+9rP2HjtvO8eKTXTSwZ3P5elu1YftBdXtylos+DYB/sm/vHj3Sq6cuXMiWj4+Ppk57S1WqVpUkTXo1UfUaNFCre1iDCNxMLmsShwwZon/961+aNWuWKeI1DEMDBw7UkCFDlJKScs3zJCYmaty4cXb7PEMaq3jYnQVeM26evb+mK6pnogJKeuv+Ng307vhH1PbxN+Th8ff/VmZ/8b3m/ecHSdK2PYfV8s4aiu0SrTFv/sd2jqkfrFTSohRVCAvS8/9ur/cmPEKjCBRSFStW0qdfLFJm5hklr1iu0c+N1OykD/X7od+0ccMP+uTzha4uEbc4ppvNLIZhGP88rOB5e3try5Ytqlmz5hWP7969Ww0aNNC5c+eueZ4rJYnBzUaSJN5ivp41WAd+/1OT5yRr99fj1Pf5ufp46Ubb8Xmv9NXF3Dz1fX7uFd9/W3CgUpe/qJaxr2nD9oM3q2w4wV8bp7u6BNwEA/r1UbnyFVTCatWC+fPk4fF/T2zLzc2Vh4eH7mjYSLOT5rmwShS0Ei5cBFc5fqnTzn1gSgennduZXPZfR2hoqH788cerNok//vijQkJC/vE8VqtVVqvVbh8N4q3Hw2KR1auYfjtyQkeOnVL1isF2x6tGBNs9Isf0/v+fQHoV514toCjIy8tTzoULeiJuiO5/4F92xx7o2lnDRyaoRctWLqoOtyKSRDOX/Rtz+PDhGjBggDZv3qzWrVvbGsL09HStWrVK7777riZPnuyq8uBC44fcp+X/3anfj/4lP98SerB9IzVvVE2dn5ghSZo6d6VGDeyoHXv/0LY9h/Vw5yjVqBiiXiNmS5Ia145Qw9sjtH7Lfp06c1aVypXVC0901P5Dx0kRgULojamvqWmz5goNC9PZrCwt/XqJNm38UTPfma0yZcte8WaVsLBwlStX3gXVAu7DZU1iXFycypQpo6lTp2rGjBnKzc2VJHl6eqphw4ZKSkpSjx49XFUeXKhsUEnNnvCoQsv463Tmef287w91fmKGVm/YLUmavmCNSliLa+Kw7ioV4KMde/9Qp0HTdfDwn5Kks+dz1OWeeho1sKN8vb2U9udprVi/S6+++74u5Fx05UcDcAUnT57QqISROn78mEr6+al69Rqa+c5sRd/dxNWlwY0QJJq5bE3i/8rJydGff/79L/gyZcqoePHiN3Q+7waDC6IsAIUQaxKBW5cr1yRWHb7MaedOndzeaed2pkKxQKt48eIKCwtzdRkAAMBNsSbRrFA0iQAAAK5Ej2jm8c9DAAAA4G5IEgEAgNtjutmMJBEAAAAmJIkAAMDtESSakSQCAADAhCQRAAC4vUs/34r/Q5IIAAAAE5JEAADg9liTaEaTCAAA3B6PwDFjuhkAAAAmJIkAAMDtESSakSQCAADAhCQRAAC4PdYkmpEkAgAAwIQkEQAAuD2SRDOSRAAAAJiQJAIAALdHkGhGkwgAANwe081mTDcDAADAhCQRAAC4PYJEM5JEAAAAmJAkAgAAt8eaRDOSRAAAAJiQJAIAALdHkGhGkggAAAATkkQAAOD2WJNoRpIIAAAAE5JEAADg9ggSzWgSAQCA22O62YzpZgAAAJiQJAIAALdHkGhGkggAAAATmkQAAOD2LBaL0zZHJCYmqnHjxvLz81NwcLC6du2qPXv22I1p2bKl6RoDBw60G3Po0CF17NhRPj4+Cg4O1ogRI3Tx4kWHamG6GQAAoJBYu3at4uLi1LhxY128eFHPPfec2rZtq19++UW+vr62cf3799f48eNtr318fGx/zs3NVceOHRUaGqr169fr6NGjevTRR1W8eHG9/PLL+a6FJhEAALg9Z65JzM7OVnZ2tt0+q9Uqq9VqGvvNN9/YvU5KSlJwcLA2b96s5s2b2/b7+PgoNDT0itdbsWKFfvnlF61cuVIhISGqX7++JkyYoJEjR2rs2LHy8vLKV91MNwMAADhRYmKiAgIC7LbExMR8vff06dOSpKCgILv98+fPV5kyZVS7dm0lJCTo7NmztmMpKSmqU6eOQkJCbPtiYmKUkZGhnTt35rtukkQAAOD2nPmcxISEBMXHx9vtu1KKeLm8vDw9/fTTatKkiWrXrm3b36tXL0VERCg8PFzbt2/XyJEjtWfPHn355ZeSpLS0NLsGUZLtdVpaWr7rpkkEAABuz5nTzVebWv4ncXFx+vnnn/X999/b7R8wYIDtz3Xq1FFYWJhat26t/fv3q0qVKjdc7yVMNwMAABQygwcP1pIlS/Ttt9+qXLly1xwbFRUlSUpNTZUkhYaGKj093W7MpddXW8d4JTSJAADA7RWWR+AYhqHBgwdr4cKFWr16tSpVqvSP79m6daskKSwsTJIUHR2tHTt26NixY7YxycnJ8vf3V2RkZL5rYboZAACgkIiLi9OCBQv01Vdfyc/Pz7aGMCAgQN7e3tq/f78WLFigDh06qHTp0tq+fbuGDh2q5s2bq27dupKktm3bKjIyUo888ogmTpyotLQ0jRo1SnFxcQ5Ne9MkAgAAt+fMG1ccMXPmTEl/PzD7f82ZM0d9+vSRl5eXVq5cqddff11ZWVkqX768unfvrlGjRtnGenp6asmSJRo0aJCio6Pl6+ur2NhYu+cq5gdNIgAAQCFhGMY1j5cvX15r1679x/NERERo6dKlN1QLTSIAAHB7hSRILFS4cQUAAAAmJIkAAMDtFZY1iYUJTSIAAHB79IhmTDcDAADAhCQRAAC4PaabzUgSAQAAYEKSCAAA3B5BohlJIgAAAExIEgEAgNvzIEo0IUkEAACACUkiAABwewSJZjSJAADA7fEIHDOmmwEAAGBCkggAANyeB0GiCUkiAAAATEgSAQCA22NNohlJIgAAAExIEgEAgNsjSDQjSQQAAIAJSSIAAHB7FhElXo4mEQAAuD0egWPGdDMAAABMSBIBAIDb4xE4ZiSJAAAAMCFJBAAAbo8g0YwkEQAAACYkiQAAwO15ECWakCQCAADApECaxFOnThXEaQAAAFzCYnHeVlQ53CS++uqr+uSTT2yve/ToodKlS+u2227Ttm3bCrQ4AACAm8FisThtK6ocbhJnzZql8uXLS5KSk5OVnJysZcuWqX379hoxYkSBFwgAAICbz+EbV9LS0mxN4pIlS9SjRw+1bdtWFStWVFRUVIEXCAAA4GxFOPBzGoeTxFKlSun333+XJH3zzTdq06aNJMkwDOXm5hZsdQAAAHAJh5PEbt26qVevXqpWrZpOnDih9u3bS5K2bNmiqlWrFniBAAAAzsYjcMwcbhKnTp2qihUr6vfff9fEiRNVsmRJSdLRo0f1xBNPFHiBAAAAuPkcbhKLFy+u4cOHm/YPHTq0QAoCAAC42cgRzfLVJP7nP//J9wnvu+++6y4GAAAAhUO+msSuXbvm62QWi4WbVwAAQJFTlJ9n6Cz5ahLz8vKcXQcAAIDLeNAjmtzQz/KdP3++oOoAAABAIeJwk5ibm6sJEybotttuU8mSJXXgwAFJ0ujRozV79uwCLxAAAMDZ+Fk+M4ebxJdeeklJSUmaOHGivLy8bPtr166t9957r0CLAwAAgGs43CR+8MEHeuedd9S7d295enra9terV0+7d+8u0OIAAABuBovFeVtR5XCT+Mcff1zxl1Xy8vKUk5NTIEUBAADAtRxuEiMjI/Xdd9+Z9n/++edq0KBBgRQFAABwM7Em0czhX1wZM2aMYmNj9ccffygvL09ffvml9uzZow8++EBLlixxRo0AAAC4yRxOErt06aLFixdr5cqV8vX11ZgxY7Rr1y4tXrxY9957rzNqBAAAcCoPi/O2osrhJFGSmjVrpuTk5IKuBQAAwCWK8rSws1xXkyhJmzZt0q5duyT9vU6xYcOGBVYUAAAAXMvhJvHw4cN66KGH9N///leBgYGSpFOnTunuu+/Wxx9/rHLlyhV0jQAAAE5Fjmjm8JrExx9/XDk5Odq1a5dOnjypkydPateuXcrLy9Pjjz/ujBoBAABwkzmcJK5du1br169XjRo1bPtq1KihN998U82aNSvQ4gAAAG4GD9YkmjicJJYvX/6KD83Ozc1VeHh4gRQFAAAA13K4SZw0aZKGDBmiTZs22fZt2rRJTz31lCZPnlygxQEAANwM/CyfWb6mm0uVKmV3a3hWVpaioqJUrNjfb7948aKKFSumxx57TF27dnVKoQAAALh58tUkvv76604uAwAAwHV4TqJZvprE2NhYZ9cBAACAQuS6H6YtSefPn9eFCxfs9vn7+99QQQAAADcbQaKZwzeuZGVlafDgwQoODpavr69KlSpltwEAABQ1HhaL0zZHJCYmqnHjxvLz81NwcLC6du2qPXv22I05f/684uLiVLp0aZUsWVLdu3dXenq63ZhDhw6pY8eO8vHxUXBwsEaMGKGLFy869p04NFrSM888o9WrV2vmzJmyWq167733NG7cOIWHh+uDDz5w9HQAAAD4/9auXau4uDj98MMPSk5OVk5Ojtq2bausrCzbmKFDh2rx4sX67LPPtHbtWh05ckTdunWzHc/NzVXHjh114cIFrV+/XnPnzlVSUpLGjBnjUC0WwzAMR95QoUIFffDBB2rZsqX8/f31008/qWrVqpo3b54++ugjLV261KECnMG7wWBXlwDASf7aON3VJQBwkhI3tAjuxjzx5S9OO/eMbpHX/d7jx48rODhYa9euVfPmzXX69GmVLVtWCxYs0AMPPCBJ2r17t2rVqqWUlBTdddddWrZsmTp16qQjR44oJCREkjRr1iyNHDlSx48fl5eXV76u7XCSePLkSVWuXFnS3+sPT548KUlq2rSp1q1b5+jpAAAAbmnZ2dnKyMiw27Kzs/P13tOnT0uSgoKCJEmbN29WTk6O2rRpYxtTs2ZNVahQQSkpKZKklJQU1alTx9YgSlJMTIwyMjK0c+fOfNftcJNYuXJlHTx40FbUp59+KklavHixAgMDHT0dAACAy1ksFqdtiYmJCggIsNsSExP/saa8vDw9/fTTatKkiWrXri1JSktLk5eXl6nnCgkJUVpamm3M/zaIl45fOpZfDge7ffv21bZt29SiRQs9++yz6ty5s6ZPn66cnBxNmTLF0dMBAADc0hISEhQfH2+3z2q1/uP74uLi9PPPP+v77793VmnX5HCTOHToUNuf27Rpo927d2vz5s2qWrWq6tatW6DFXa/fv3vd1SUAcJIvtx92dQkAnKTXHeVcdm2Hp1YdYLVa89UU/q/BgwdryZIlWrduncqV+7/vJTQ0VBcuXNCpU6fs0sT09HSFhobaxvz4449257t09/OlMflxw99JRESEunXrVmgaRAAAgKLKMAwNHjxYCxcu1OrVq1WpUiW74w0bNlTx4sW1atUq2749e/bo0KFDio6OliRFR0drx44dOnbsmG1McnKy/P39FRmZ/5to8pUkTps2Ld8nfPLJJ/M9FgAAoDAoLD/LFxcXpwULFuirr76Sn5+fbQ1hQECAvL29FRAQoH79+ik+Pl5BQUHy9/fXkCFDFB0drbvuukuS1LZtW0VGRuqRRx7RxIkTlZaWplGjRikuLs6hRDNfj8C5vIu96sksFh04cCDfF3eWPzMde1gkgKJjxd78L7oGULS4crr56a92O+3cr3epme+xV2tW58yZoz59+kj6+2Haw4YN00cffaTs7GzFxMRoxowZdlPJv/32mwYNGqQ1a9bI19dXsbGxeuWVV1SsWP5XGjr8nMSigCYRuHXRJAK3LprEwsWFj60EAAAoHDwKx2xzoeLMm3kAAABQRJEkAgAAt1dYblwpTEgSAQAAYEKSCAAA3B5rEs2uK0n87rvv9PDDDys6Olp//PGHJGnevHku+9kYAAAAFCyHm8QvvvhCMTEx8vb21pYtW5SdnS1JOn36tF5++eUCLxAAAMDZLBbnbUWVw03iiy++qFmzZundd99V8eLFbfubNGmin376qUCLAwAAuBk8LBanbUWVw03inj171Lx5c9P+gIAAnTp1qiBqAgAAgIs53CSGhoYqNTXVtP/7779X5cqVC6QoAACAm8nDiVtR5XDt/fv311NPPaUNGzbIYrHoyJEjmj9/voYPH65BgwY5o0YAAADcZA4/AufZZ59VXl6eWrdurbNnz6p58+ayWq0aPny4hgwZ4owaAQAAnKoILx10GoebRIvFoueff14jRoxQamqqMjMzFRkZqZIlSzqjPgAAALjAdT9M28vLS5GRkQVZCwAAgEsU5buQncXhJrFVq1bX/H3D1atX31BBAAAAcD2Hm8T69evbvc7JydHWrVv1888/KzY2tqDqAgAAuGkIEs0cbhKnTp16xf1jx45VZmbmDRcEAABws/HbzWYF9viehx9+WO+//35BnQ4AAAAudN03rlwuJSVFJUqUKKjTAQAA3DTcuGLmcJPYrVs3u9eGYejo0aPatGmTRo8eXWCFAQAAwHUcbhIDAgLsXnt4eKhGjRoaP3682rZtW2CFAQAA3CwEiWYONYm5ubnq27ev6tSpo1KlSjmrJgAAALiYQzeueHp6qm3btjp16pSTygEAALj5PCzO24oqh+9url27tg4cOOCMWgAAAFBIONwkvvjiixo+fLiWLFmio0ePKiMjw24DAAAoaixO/E9Rle81iePHj9ewYcPUoUMHSdJ9991n9/N8hmHIYrEoNze34KsEAABwoqI8Lews+W4Sx40bp4EDB+rbb791Zj0AAAAoBPLdJBqGIUlq0aKF04oBAABwBZJEM4fWJFp4iBAAAIBbcOg5idWrV//HRvHkyZM3VBAAAMDNRhBm5lCTOG7cONMvrgAAAODW41CT2LNnTwUHBzurFgAAAJdgTaJZvtckEsMCAAC4D4fvbgYAALjVkIWZ5btJzMvLc2YdAAAALuNBl2ji8M/yAQAA4Nbn0I0rAAAAtyJuXDEjSQQAAIAJSSIAAHB7LEk0I0kEAACACUkiAABwex4iSrwcSSIAAABMSBIBAIDbY02iGU0iAABwezwCx4zpZgAAAJiQJAIAALfHz/KZkSQCAADAhCQRAAC4PYJEM5JEAAAAmJAkAgAAt8eaRDOSRAAAAJiQJAIAALdHkGhGkwgAANweU6tmfCcAAAAwIUkEAABuz8J8swlJIgAAAExIEgEAgNsjRzQjSQQAAIAJSSIAAHB7PEzbjCQRAACgEFm3bp06d+6s8PBwWSwWLVq0yO54nz59ZLFY7LZ27drZjTl58qR69+4tf39/BQYGql+/fsrMzHSoDppEAADg9ixO3ByVlZWlevXq6a233rrqmHbt2uno0aO27aOPPrI73rt3b+3cuVPJyclasmSJ1q1bpwEDBjhUB9PNAADA7RWm2eb27durffv21xxjtVoVGhp6xWO7du3SN998o40bN6pRo0aSpDfffFMdOnTQ5MmTFR4enq86SBIBAACcKDs7WxkZGXZbdnb2DZ1zzZo1Cg4OVo0aNTRo0CCdOHHCdiwlJUWBgYG2BlGS2rRpIw8PD23YsCHf16BJBAAAbu/yNX4FuSUmJiogIMBuS0xMvO5a27Vrpw8++ECrVq3Sq6++qrVr16p9+/bKzc2VJKWlpSk4ONjuPcWKFVNQUJDS0tLyfR2mmwEAAJwoISFB8fHxdvusVut1n69nz562P9epU0d169ZVlSpVtGbNGrVu3fq6z3s5mkQAAOD2nDm1arVab6gp/CeVK1dWmTJllJqaqtatWys0NFTHjh2zG3Px4kWdPHnyqusYr4TpZgAAgCLs8OHDOnHihMLCwiRJ0dHROnXqlDZv3mwbs3r1auXl5SkqKirf5yVJBAAAbs9SiG5vzszMVGpqqu31wYMHtXXrVgUFBSkoKEjjxo1T9+7dFRoaqv379+uZZ55R1apVFRMTI0mqVauW2rVrp/79+2vWrFnKycnR4MGD1bNnz3zf2SyRJAIAABQqmzZtUoMGDdSgQQNJUnx8vBo0aKAxY8bI09NT27dv13333afq1aurX79+atiwob777ju7Ke358+erZs2aat26tTp06KCmTZvqnXfecagOi2EYRoF+skLgz8yLri4BgJOs2Jv/O/MAFC297ijnsmt/tvWI0879r/r5T+8KE5JEAAAAmLAmEQAAuL3CtCaxsKBJBAAAbo+pVTO+EwAAAJiQJAIAALfHdLMZSSIAAABMSBIBAIDbI0c0I0kEAACACUkiAABweyxJNCNJBAAAgAlJIgAAcHserEo0oUkEAABuj+lmM6abAQAAYEKSCAAA3J6F6WYTkkQAAACYkCQCAAC3x5pEM5JEAAAAmJAkAgAAt8cjcMxIEgEAAGBCkggAANweaxLNaBIBAIDbo0k0Y7oZAAAAJiSJAADA7fEwbTOSRAAAAJiQJAIAALfnQZBoQpIIAAAAE5JEAADg9liTaEaSCAAAABOSRAAA4PZ4TqIZTSIAAHB7TDebMd0MAAAAE5JEAADg9ngEjhlJIgAAAExIEgEAgNtjTaIZSSIAAABMSBJRJMx++y29/84Mu30VIirpoy+X2O0zDEPDnxyoH9Z/r8TJ09S8VeubWSaAfPht13atX/KJjhzYp8xTJ/Rg/DjVbNzUdnzRzFe1bd0Ku/dUqdtYDye8Ynt9LjNDy5Kma89PKbJYLKp1ZzO1jx0srxLeN+1z4NbCI3DMaBJRZFSqUlVvzHjP9trT0/w/308WfMDfdKCQu5B9TiEVqqh+y/b6dMoLVxxTtV5jdRn4jO21Z7Hidse/nP6yzpw6qUeem6i8ixf11duTtPjdKeo+5Hmn1g64E5pEFBmenp4qXabsVY/v3bNLH384V7PnfaL7YlrevMIAOKRa/ShVqx91zTGexYurZGDQFY8d/+M3pW7bqP4vzlB4lRqSpPaxgzV/4nNq2/vf8gsqU+A149ZHvGBGk4gi4/ChQ7ovpqWsVqtur1NPAwc/rdCwcEnS+XPnNO75ZzRs5KhrNpIAioZff9mmSf/uLm/fkqp4ewPd06OvfPwCJEmH9/6iEr4lbQ2iJFWu01AWi0WH9+9WraCmVzstcFUezEKZFOobV37//Xc99thj1xyTnZ2tjIwMuy07O/smVYibJbJ2XT0/9iVNmf62hj87WkeP/KEnHn9UWVlZkqRpU15V7boN1KzlPS6uFMCNqlqvse4f9KwefX6S2jzUX7/t2qb5ryYoLy9XkpR5+qR8/QPt3uPh6Snvkv7KPHXSBRUDt6ZC3SSePHlSc+fOveaYxMREBQQE2G1vvPbqTaoQN0t0k2a6594YVa1WQ1F3N9XkaTOVeeaMVid/o+/WrtbmjRv01PCRri4TQAGoffc9qtHoboVUqKyajZuq14iXdGT/Hv36yzZXl4ZbmMWJW1Hl0unm//znP9c8fuDAgX88R0JCguLj4+32ncnxvKG6UPj5+fmrfESEDv9+SPtT9+qPw7+rXctouzHPP/O06jVoqOnvJLmmSAAFolRIuHz8AnQy7Q9Vrn2HSgYEKSvjlN2YvNxcncvMuOo6RgCOc2mT2LVrV1ksFhmGcdUxln9YI2C1WmW1Wu32Xci8WCD1ofA6ezbr78aww326594Y3df1AbvjjzzYVU/Gj1ST5i1dUyCAApNx4rjOZmbIL7C0JKlc9Uidz8rUkQN7FV65uiTp4M4tMgxD5arUdGWpKMqKcuTnJC5tEsPCwjRjxgx16dLlise3bt2qhg0b3uSqUBhNnzpJTZq3VGhYuP48fkzvvf2WPD081aZdB5UqFXTFm1VCQsMUfls5F1QL4FounD+nk2l/2F7/dTxNab+myrukn7xL+mvNFx8o8s5mKhkYpJPpR7RywTsKCglXlXqNJEllb4tQ1XqNtfjd19Sp31Dl5l7U0jnTVDu6FXc2AwXIpU1iw4YNtXnz5qs2if+UMsJ9HDuWrheeG6GM06cUWCpIdevfobeTFqhUKaaWgKLmyIE9mjthmO31inkzJUn1mrdVx35P69ihA9q2boXOZ2XKr1RpVanbSK3+1UfFinvZ3tNt8HNaOudNffDScFksHn8/TLvP4Jv+WXDr4Gf5zCyGC7uw7777TllZWWrXrt0Vj2dlZWnTpk1q0aKFQ+f9k+lm4Ja1Ym+aq0sA4CS97nDd7M+G/aeddu6oKgFOO7czuTRJbNas2TWP+/r6OtwgAgAAOIrHJJrxMG0AAOD26BHNCvVzEgEAAOAaJIkAAABEiSYkiQAAADAhSQQAAG6PR+CYkSQCAADAhCQRAAC4PR6BY0aSCAAAABOSRAAA4PYIEs1oEgEAAOgSTZhuBgAAgAlJIgAAcHs8AseMJBEAAKAQWbdunTp37qzw8HBZLBYtWrTI7rhhGBozZozCwsLk7e2tNm3aaN++fXZjTp48qd69e8vf31+BgYHq16+fMjMzHaqDJhEAALg9i8V5m6OysrJUr149vfXWW1c8PnHiRE2bNk2zZs3Shg0b5Ovrq5iYGJ0/f942pnfv3tq5c6eSk5O1ZMkSrVu3TgMGDHDsOzEMw3C8/MLtz8yLri4BgJOs2Jvm6hIAOEmvO8q57NpbD51x2rnrV/C77vdaLBYtXLhQXbt2lfR3ihgeHq5hw4Zp+PDhkqTTp08rJCRESUlJ6tmzp3bt2qXIyEht3LhRjRo1kiR988036tChgw4fPqzw8PB8XZskEQAAuD2LE7fs7GxlZGTYbdnZ2ddV58GDB5WWlqY2bdrY9gUEBCgqKkopKSmSpJSUFAUGBtoaRElq06aNPDw8tGHDhnxfiyYRAADAiRITExUQEGC3JSYmXte50tL+nk0JCQmx2x8SEmI7lpaWpuDgYLvjxYoVU1BQkG1MfnB3MwAAgBNvbk5ISFB8fLzdPqvV6rwLFhCaRAAA4Pac+Qgcq9VaYE1haGioJCk9PV1hYWG2/enp6apfv75tzLFjx+zed/HiRZ08edL2/vxguhkAAKCIqFSpkkJDQ7Vq1SrbvoyMDG3YsEHR0dGSpOjoaJ06dUqbN2+2jVm9erXy8vIUFRWV72uRJAIAALd3PY+qcZbMzEylpqbaXh88eFBbt25VUFCQKlSooKefflovvviiqlWrpkqVKmn06NEKDw+33QFdq1YttWvXTv3799esWbOUk5OjwYMHq2fPnvm+s1miSQQAAChUNm3apFatWtleX1rPGBsbq6SkJD3zzDPKysrSgAEDdOrUKTVt2lTffPONSpQoYXvP/PnzNXjwYLVu3VoeHh7q3r27pk2b5lAdPCcRQJHCcxKBW5crn5P482HHfo3EEbXLlXTauZ2JNYkAAAAwYboZAACgEK1JLCxIEgEAAGBCkggAANyeM5+TWFSRJAIAAMCEJBEAALi9wvScxMKCJhEAALg9ekQzppsBAABgQpIIAABAlGhCkggAAAATkkQAAOD2eASOGUkiAAAATEgSAQCA2+MROGYkiQAAADAhSQQAAG6PINGMJhEAAIAu0YTpZgAAAJiQJAIAALfHI3DMSBIBAABgQpIIAADcHo/AMSNJBAAAgAlJIgAAcHsEiWYkiQAAADAhSQQAACBKNKFJBAAAbo9H4Jgx3QwAAAATkkQAAOD2eASOGUkiAAAATEgSAQCA2yNINCNJBAAAgAlJIgAAAFGiCUkiAAAATEgSAQCA2+M5iWY0iQAAwO3xCBwzppsBAABgQpIIAADcHkGiGUkiAAAATEgSAQCA22NNohlJIgAAAExIEgEAAFiVaEKSCAAAABOSRAAA4PZYk2hGkwgAANwePaIZ080AAAAwIUkEAABuj+lmM5JEAAAAmJAkAgAAt2dhVaIJSSIAAABMSBIBAAAIEk1IEgEAAGBCkggAANweQaIZTSIAAHB7PALHjOlmAAAAmJAkAgAAt8cjcMxIEgEAAGBCkggAAECQaEKSCAAAABOSRAAA4PYIEs1IEgEAAGBCkwgAANyexeK8zRFjx46VxWKx22rWrGk7fv78ecXFxal06dIqWbKkunfvrvT09AL+Nv5GkwgAANyexYn/cdTtt9+uo0eP2rbvv//edmzo0KFavHixPvvsM61du1ZHjhxRt27dCvKrsGFNIgAAQCFSrFgxhYaGmvafPn1as2fP1oIFC3TPPfdIkubMmaNatWrphx9+0F133VWgdZAkAgAAt+fM6ebs7GxlZGTYbdnZ2VetZd++fQoPD1flypXVu3dvHTp0SJK0efNm5eTkqE2bNraxNWvWVIUKFZSSklLg3wlNIgAAgBMlJiYqICDAbktMTLzi2KioKCUlJembb77RzJkzdfDgQTVr1kxnzpxRWlqavLy8FBgYaPeekJAQpaWlFXjdTDcDAAA4UUJCguLj4+32Wa3WK45t37697c9169ZVVFSUIiIi9Omnn8rb29updV6OJBEAAMCJrFar/P397barNYmXCwwMVPXq1ZWamqrQ0FBduHBBp06dshuTnp5+xTWMN4omEQAAuL3C8gicy2VmZmr//v0KCwtTw4YNVbx4ca1atcp2fM+ePTp06JCio6Nv8BswY7oZAACgkBg+fLg6d+6siIgIHTlyRC+88II8PT310EMPKSAgQP369VN8fLyCgoLk7++vIUOGKDo6usDvbJZoEgEAAK7reYbOcPjwYT300EM6ceKEypYtq6ZNm+qHH35Q2bJlJUlTp06Vh4eHunfvruzsbMXExGjGjBlOqcViGIbhlDO70J+ZF11dAgAnWbG34O/gA1A49LqjnMuunXE+z2nn9i9RNFf3Fc2qAQAA4FRMNwMAALdXOCabCxeSRAAAAJiQJAIAABAlmpAkAgAAwIQkEQAAuL3C8gicwoQkEQAAACYkiQAAwO3d6M/n3YpIEgEAAGBCkggAANweQaIZTSIAAABdognTzQAAADAhSQQAAG6PR+CYkSQCAADAhCQRAAC4PR6BY0aSCAAAABOLYRiGq4sArld2drYSExOVkJAgq9Xq6nIAFCD+fgOuRZOIIi0jI0MBAQE6ffq0/P39XV0OgALE32/AtZhuBgAAgAlNIgAAAExoEgEAAGBCk4gizWq16oUXXmBRO3AL4u834FrcuAIAAAATkkQAAACY0CQCAADAhCYRAAAAJjSJAAAAMKFJRJH21ltvqWLFiipRooSioqL0448/urokADdo3bp16ty5s8LDw2WxWLRo0SJXlwS4JZpEFFmffPKJ4uPj9cILL+inn35SvXr1FBMTo2PHjrm6NAA3ICsrS/Xq1dNbb73l6lIAt8YjcFBkRUVFqXHjxpo+fbokKS8vT+XLl9eQIUP07LPPurg6AAXBYrFo4cKF6tq1q6tLAdwOSSKKpAsXLmjz5s1q06aNbZ+Hh4fatGmjlJQUF1YGAMCtgSYRRdKff/6p3NxchYSE2O0PCQlRWlqai6oCAODWQZMIAAAAE5pEFEllypSRp6en0tPT7fanp6crNDTURVUBAHDroElEkeTl5aWGDRtq1apVtn15eXlatWqVoqOjXVgZAAC3hmKuLgC4XvHx8YqNjVWjRo1055136vXXX1dWVpb69u3r6tIA3IDMzEylpqbaXh88eFBbt25VUFCQKlSo4MLKAPfCI3BQpE2fPl2TJk1SWlqa6tevr2nTpikqKsrVZQG4AWvWrFGrVq1M+2NjY5WUlHTzCwLcFE0iAAAATFiTCAAAABOaRAAAAJjQJAIAAMCEJhEAAAAmNIkAAAAwoUkEAACACU0iAAAATGgSAQAAYEKTCOCG9enTR127drW9btmypZ5++umbXseaNWtksVh06tSpq46xWCxatGhRvs85duxY1a9f/4bq+vXXX2WxWLR169YbOg8A3Ew0icAtqk+fPrJYLLJYLPLy8lLVqlU1fvx4Xbx40enX/vLLLzVhwoR8jc1PYwcAuPmKuboAAM7Trl07zZkzR9nZ2Vq6dKni4uJUvHhxJSQkmMZeuHBBXl5eBXLdoKCgAjkPAMB1SBKBW5jValVoaKgiIiI0aNAgtWnTRv/5z38k/d8U8UsvvaTw8HDVqFFDkvT777+rR48eCgwMVFBQkLp06aJff/3Vds7c3FzFx8crMDBQpUuX1jPPPKPLfwL+8unm7OxsjRw5UuXLl5fValXVqlU1e/Zs/frrr2rVqpUkqVSpUrJYLOrTp48kKS8vT4mJiapUqZK8vb1Vr149ff7553bXWbp0qapXry5vb2+1atXKrs78GjlypKpXry4fHx9VrlxZo0ePVk5Ojmnc22+/rfLly8vHx0c9evTQ6dOn7Y6/9957qlWrlkqUKKGaNWtqxowZV73mX3/9pd69e6ts2bLy9vZWtWrVNGfOHIdrBwBnIkkE3Ii3t7dOnDhhe71q1Sr5+/srOTlZkpSTk6OYmBhFR0fru+++U7FixfTiiy+qXbt22r59u7y8vPTaa68pKSlJ77//vmrVqqXXXntNCxcu1D333HPV6z766KNKSUnRtGnTVK9ePR08eFB//vmnypcvry+++ELdu3fXnj175O/vL29vb0lSYmKiPvzwQ82aNUvVqlXTunXr9PDDD6ts2bJq0aKFfv/9d3Xr1k1xcXEaMGCANm3apGHDhjn8nfj5+SkpKUnh4eHasWOH+vfvLz8/Pz3zzDO2Mampqfr000+1ePFiZWRkqF+/fnriiSc0f/58SdL8+fM1ZswYTZ8+XQ0aNNCWLVvUv39/+fr6KjY21nTN0aNH65dfftGyZctUpkwZpaam6ty5cw7XDgBOZQC4JcXGxhpdunQxDMMw8vLyjOTkZMNqtRrDhw+3HQ8JCTGys7Nt75k3b55Ro0YNIy8vz7YvOzvb8Pb2NpYvX24YhmGEhYUZEydOtB3PyckxypUrZ7uWYRhGixYtjKeeesowDMPYs2ePIclITk6+Yp3ffvutIcn466+/bPvOnz9v+Pj4GOvXr7cb269fP+Ohhx4yDMMwEhISjMjISLvjI0eONJ3rcpKMhQsXXvX4pEmTjIYNG9pev/DCC4anp6dx+PBh275ly5YZHh4extGjRw3DMIwqVaoYCxYssDvPhAkTjOjoaMMwDOPgwYOGJGPLli2GYRhG586djb59+161BgAoDEgSgVvYkiVLVLJkSeXk5CgvL0+9evXS2LFjbcfr1Kljtw5x27ZtSk1NlZ+fn915zp8/r/379+v06dM6evSooqKibMeKFSumRo0amaacL9m6das8PT3VokWLfNedmpqqs2fP6t5777Xbf+HCBTVo0ECStGvXLrs6JCk6Ojrf17jkk08+0bRp07R//35lZmbq4sWL8vf3txtToUIF3XbbbXbXycvL0549e+Tn56f9+/erX79+6t+/v23MxYsXFRAQcMVrDho0SN27d9dPP/2ktm3bqmvXrrr77rsdrh0AnIkmEbiFtWrVSjNnzpSXl5fCw8NVrJj9X3lfX1+715mZmWrYsKFtGvV/lS1b9rpquDR97IjMzExJ0tdff23XnEl/r7MsKCkpKerdu7fGjRunmJgYBQQE6OOPP9Zrr73mcK3vvvuuqWn19PS84nvat2+v3377TUuXLlVycrJat26tuLg4TZ48+fo/DAAUMJpE4Bbm6+urqlWr5nv8HXfcoU8++UTBwcGmNO2SsLAwbdiwQc2bN5f0d2K2efNm3XHHHVccX6dOHeXl5Wnt2rVq06aN6filJDM3N9e2LzIyUlarVYcOHbpqAlmrVi3bTTiX/PDDD//8If/H+vXrFRERoeeff96277fffjONO3TokI4cOaLw8HDbdTw8PFSjRg2FhIQoPDxcBw4cUO/evfN97bJlyyo2NlaxsbFq1qyZRowYQZMIoFDh7mYANr1791aZMmXUpUsXfffddzp48KDWrFmjJ598UocPH5YkPfXUU3rllVe0aNEi7d69W0888cQ1n3FYsWJFxcbG6rHHHtOiRYts5/z0008lSREREbJYLFqyZImOHz+uzMxM+fn5afjw4Ro6dKjmzp2r/fv366efftKbb76puXPnSpIGDhyoffv2acSIEdqzZ48WLFigpKQkhz5vtWrVdOjQIX388cfav3+/pk2bpoULF5rGlShRQrGxsdq2bZu+++47Pfnkk+rRo4dCQ0MlSePGjVNiYqKmTZumvXv3aseOHZozZ46mTJlyxeuOGTNGX331lVJTU7Vz504tWbJEtWrVcqh2AHA2mkQANj4+Plq3bp0qVKigbt26qVatWurXr5/Onz9vSxaHDRumRx55RLGxsYqOjpafn5/uv//+a5535syZeuCBB/TEE0+oZs2a6t+/v7KysiRJt912m8aNG6dnn31WISEhGjx4sCRpwoQJGj16tBITE1WrVi21a9dOX3/9tSpVqiTp73WCX3zxhRYtWqR69epp1qxZevnllx36vPfdd5+GDh2qwYMHq379+lq/fr1Gjx5tGle1alV169ZNHTp0UNu2bVW3bl27R9w8/vjjeu+99zRnzhzVqVNHLVq0UFJSkq3Wy3l5eSkhIUF169ZV8+bN5enpqY8//tih2gHA2SzG1VabAwAAwG2RJAIAAMCEJhEAAAAmNIkAAAAwoUkEAACACU0iAAAATGgSAQAAYEKTCAAAABOaRAAAAJjQJAIAAMCEJhEAAAAmNIkAAAAw+X9eVd1JM+5vxwAAAABJRU5ErkJggg==", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "plot_confusion_matrix(y_test, y_pred,(0,1))" + ] + }, + { + "cell_type": "code", + "execution_count": 88, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAr4AAAIjCAYAAADlfxjoAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8pXeV/AAAACXBIWXMAAA9hAAAPYQGoP6dpAACdPUlEQVR4nOzdd1zU9R8H8Nex91AQFwo4cICo4Mg9SGyYNhRzW5qaI1flHpVamrNMzXKmpZmVjZ+mppZKbhQVcaC5QEERBGXe5/fHt7vjK/Pwji/cvZ6PBw/vPvf93r3vOPDF5z5DJYQQICIiIiIycRZKF0BEREREVBoYfImIiIjILDD4EhEREZFZYPAlIiIiIrPA4EtEREREZoHBl4iIiIjMAoMvEREREZkFBl8iIiIiMgsMvkRERERkFhh8iUqJj48PBg0apHQZZqdDhw7o0KGD0mUUadasWVCpVEhMTFS6lDJHpVJh1qxZBrmva9euQaVSYd26dQa5PwA4evQobGxs8O+//xrsPg2td+/e6NWrl9JlECmOwZdMwrp166BSqbRfVlZWqFatGgYNGoRbt24pXV6ZlpaWhg8//BCNGjWCg4MDXF1d0bZtW2zYsAHlZUfz8+fPY9asWbh27ZrSpeSRk5ODtWvXokOHDqhQoQJsbW3h4+ODwYMH4/jx40qXZxCbN2/GkiVLlC5DpjRrmjp1Kl5//XXUrFlT29ahQwfZ7yR7e3s0atQIS5YsgVqtzvd+7t27h3fffRf+/v6ws7NDhQoVEBYWhl9//bXAx05JScHs2bMRFBQEJycn2NvbIyAgAO+//z5u376tPe7999/HDz/8gNOnTxf7eZnDe5fMj0qUl//ZiAqxbt06DB48GB988AF8fX2Rnp6Of/75B+vWrYOPjw/Onj0LOzs7RWvMyMiAhYUFrK2tFa0jtzt37qBz586Ijo5G79690b59e6Snp+OHH37AX3/9hfDwcGzatAmWlpZKl1qobdu2oWfPnti3b1+e3t3MzEwAgI2NTanX9fjxY7zyyivYuXMn2rVrh27duqFChQq4du0atm7diosXL+L69euoXr06Zs2ahdmzZyMhIQEeHh6lXuvTePHFF3H27Fmj/eGRnp4OKysrWFlZPXVNQghkZGTA2traIO/ryMhINGnSBIcPH8Yzzzyjbe/QoQOuXLmCefPmAQASExOxefNmHDt2DFOmTMGcOXNk9xMTE4POnTsjISEBgwcPRkhICB48eIBNmzYhMjISEydOxIIFC2TnxMbGIjQ0FNevX0fPnj3Rpk0b2NjY4MyZM/j2229RoUIFXLx4UXt8ixYt4O/vjw0bNhT5vPR57xKVK4LIBKxdu1YAEMeOHZO1v//++wKA2LJli0KVKevx48ciJyenwNvDwsKEhYWF+Pnnn/PcNnHiRAFAfPzxx8YsMV+pqal6Hf/9998LAGLfvn3GKaiERo4cKQCIxYsX57ktOztbLFiwQNy4cUMIIcTMmTMFAJGQkGC0etRqtXj06JHB7/eFF14QNWvWNOh95uTkiMePH5f4fGPUlJ8xY8aIGjVqCLVaLWtv3769aNiwoazt8ePHombNmsLZ2VlkZ2dr2zMzM0VAQIBwcHAQ//zzj+yc7OxsER4eLgCI7777TtuelZUlgoKChIODg/j777/z1JWcnCymTJkia/v000+Fo6OjePjwYZHPS5/37tN42u8zkb4YfMkkFBR8f/31VwFAzJ07V9YeHR0tXn31VeHu7i5sbW1FcHBwvuEvKSlJjB07VtSsWVPY2NiIatWqif79+8vCSXp6upgxY4aoVauWsLGxEdWrVxfvvvuuSE9Pl91XzZo1xcCBA4UQQhw7dkwAEOvWrcvzmDt37hQAxC+//KJtu3nzphg8eLCoVKmSsLGxEQ0aNBBff/217Lx9+/YJAOLbb78VU6dOFVWrVhUqlUokJSXl+5pFREQIAOKNN97I9/asrCxRp04d4e7urg1LV69eFQDEggULxKJFi0SNGjWEnZ2daNeunYiKispzH8V5nTXfu/3794sRI0YIT09P4ebmJoQQ4tq1a2LEiBGibt26ws7OTlSoUEG89tpr4urVq3nOf/JLE4Lbt28v2rdvn+d12rJli/joo49EtWrVhK2trejUqZO4dOlSnufw+eefC19fX2FnZyeaNWsm/vrrrzz3mZ8bN24IKysr8eyzzxZ6nIYm+F66dEkMHDhQuLq6ChcXFzFo0CCRlpYmO3bNmjWiY8eOwtPTU9jY2Ij69euLL774Is991qxZU7zwwgti586dIjg4WNja2mqDTHHvQwghfv/9d9GuXTvh5OQknJ2dRUhIiNi0aZMQQnp9n3ztcwfO4v58ABAjR44U33zzjWjQoIGwsrISP/74o/a2mTNnao9NSUkR77zzjvbn0tPTU4SGhooTJ04UWZPmPbx27VrZ40dHR4uePXsKDw8PYWdnJ+rWrZsnOOanRo0aYtCgQXna8wu+Qgjx2muvCQDi9u3b2rZvv/1WABAffPBBvo/x4MED4ebmJurVq6dt++677wQAMWfOnCJr1Dh9+rQAILZv317ocfq+dwcOHJjvHxma93Ru+X2ft27dKtzd3fN9HZOTk4Wtra2YMGGCtq247ymi/BT/cyOickjzMae7u7u27dy5c2jdujWqVauGSZMmwdHREVu3bkWPHj3www8/4OWXXwYApKamom3btoiOjsYbb7yBpk2bIjExETt27MDNmzfh4eEBtVqNl156CQcPHsRbb72F+vXrIyoqCosXL8bFixfx008/5VtXSEgI/Pz8sHXrVgwcOFB225YtW+Du7o6wsDAA0nCEli1bQqVSYdSoUfD09MT//vc/vPnmm0hJScHYsWNl53/44YewsbHBxIkTkZGRUeBH/L/88gsAYMCAAfnebmVlhT59+mD27Nk4dOgQQkNDtbdt2LABDx8+xMiRI5Geno6lS5eiU6dOiIqKgpeXl16vs8bbb78NT09PzJgxA2lpaQCAY8eO4fDhw+jduzeqV6+Oa9euYcWKFejQoQPOnz8PBwcHtGvXDmPGjMGyZcswZcoU1K9fHwC0/xbk448/hoWFBSZOnIjk5GTMnz8fffv2xZEjR7THrFixAqNGjULbtm0xbtw4XLt2DT169IC7u3uRH/H+73//Q3Z2Nvr371/ocU/q1asXfH19MW/ePJw8eRJfffUVKlWqhE8++URWV8OGDfHSSy/BysoKv/zyC95++22o1WqMHDlSdn8xMTF4/fXXMWzYMAwdOhT+/v563ce6devwxhtvoGHDhpg8eTLc3Nxw6tQp7Ny5E3369MHUqVORnJyMmzdvYvHixQAAJycnAND75+PPP//E1q1bMWrUKHh4eMDHxyff12j48OHYtm0bRo0ahQYNGuDevXs4ePAgoqOj0bRp00Jrys+ZM2fQtm1bWFtb46233oKPjw+uXLmCX375Jc+QhNxu3bqF69evo2nTpgUe8yTN5Do3NzdtW1E/i66urujevTvWr1+Py5cvo3bt2tixYwcA6PX+atCgAezt7XHo0KE8P3+5lfS9W1xPfp/r1KmDl19+Gdu3b8eqVatkv7N++uknZGRkoHfv3gD0f08R5aF08iYyBE2v3549e0RCQoK4ceOG2LZtm/D09BS2trayj+Q6d+4sAgMDZb0DarVatGrVStSpU0fbNmPGjAJ7RzQfa27cuFFYWFjk+ahx5cqVAoA4dOiQti13j68QQkyePFlYW1uL+/fva9syMjKEm5ubrBf2zTffFFWqVBGJiYmyx+jdu7dwdXXV9sZqejL9/PyK9XF2jx49BIACe4SFEGL79u0CgFi2bJkQQtdbZm9vL27evKk97siRIwKAGDdunLatuK+z5nvXpk0b2ce/Qoh8n4emp3rDhg3atsKGOhTU41u/fn2RkZGhbV+6dKkAoO25zsjIEBUrVhTNmjUTWVlZ2uPWrVsnABTZ4ztu3DgBQJw6darQ4zQ0vWNP9sC//PLLomLFirK2/F6XsLAw4efnJ2urWbOmACB27tyZ5/ji3MeDBw+Es7OzaNGiRZ6Po3N/tF/QsAJ9fj4ACAsLC3Hu3Lk894MnenxdXV3FyJEj8xyXW0E15dfj265dO+Hs7Cz+/fffAp9jfvbs2ZPn0xmN9u3bi3r16omEhASRkJAgLly4IN59910BQLzwwguyYxs3bixcXV0LfaxFixYJAGLHjh1CCCGaNGlS5Dn5qVu3rnjuuecKPUbf966+Pb75fZ937dqV72v5/PPPy96T+ryniPLDVR3IpISGhsLT0xPe3t547bXX4OjoiB07dmh75+7fv48///wTvXr1wsOHD5GYmIjExETcu3cPYWFhuHTpknYViB9++AFBQUH59oyoVCoAwPfff4/69eujXr162vtKTExEp06dAAD79u0rsNbw8HBkZWVh+/bt2rY//vgDDx48QHh4OABpIs4PP/yAbt26QQghe4ywsDAkJyfj5MmTsvsdOHAg7O3ti3ytHj58CABwdnYu8BjNbSkpKbL2Hj16oFq1atrrzZs3R4sWLfD7778D0O911hg6dGieyUa5n0dWVhbu3buH2rVrw83NLc/z1tfgwYNlPUtt27YFIE0YAoDjx4/j3r17GDp0qGxSVd++fWWfIBRE85oV9vrmZ/jw4bLrbdu2xb1792Tfg9yvS3JyMhITE9G+fXvExsYiOTlZdr6vr6/204PcinMfu3fvxsOHDzFp0qQ8k0M1PwOF0ffno3379mjQoEGR9+vm5oYjR47IVi0oqYSEBPz111944403UKNGDdltRT3He/fuAUCB74cLFy7A09MTnp6eqFevHhYsWICXXnopz1JqDx8+LPJ98uTPYkpKit7vLU2tRS2ZV9L3bnHl933u1KkTPDw8sGXLFm1bUlISdu/erf19CDzd71wiAOBQBzIpy5cvR926dZGcnIw1a9bgr7/+gq2trfb2y5cvQwiB6dOnY/r06fnex927d1GtWjVcuXIFr776aqGPd+nSJURHR8PT07PA+ypIUFAQ6tWrhy1btuDNN98EIA1z8PDw0P4ST0hIwIMHD/Dll1/iyy+/LNZj+Pr6FlqzhuY/tYcPH8o+ds2toHBcp06dPMfWrVsXW7duBaDf61xY3Y8fP8a8efOwdu1a3Lp1S7a82pMBT19PhhxNeElKSgIA7ZqstWvXlh1nZWVV4Efwubm4uADQvYaGqEtzn4cOHcLMmTMRERGBR48eyY5PTk6Gq6ur9npB74fi3MeVK1cAAAEBAXo9Bw19fz6K+96dP38+Bg4cCG9vbwQHB+P555/HgAED4Ofnp3eNmj90SvocARS47J+Pjw9Wr14NtVqNK1euYM6cOUhISMjzR4Szs3ORYfTJn0UXFxdt7frWWlSgL+l7t7jy+z5bWVnh1VdfxebNm5GRkQFbW1ts374dWVlZsuD7NL9ziQAGXzIxzZs3R0hICACpV7JNmzbo06cPYmJi4OTkpF0/c+LEifn2ggF5g05h1Go1AgMDsWjRonxv9/b2LvT88PBwzJkzB4mJiXB2dsaOHTvw+uuva3sYNfX269cvz1hgjUaNGsmuF6e3F5DGwP700084c+YM2rVrl+8xZ86cAYBi9cLlVpLXOb+6R48ejbVr12Ls2LF45pln4OrqCpVKhd69exe4FmpxFbSUVUEhRl/16tUDAERFRaFx48bFPq+ouq5cuYLOnTujXr16WLRoEby9vWFjY4Pff/8dixcvzvO65Pe66nsfJaXvz0dx37u9evVC27Zt8eOPP+KPP/7AggUL8Mknn2D79u147rnnnrru4qpYsSIA3R9LT3J0dJSNjW/dujWaNm2KKVOmYNmyZdr2+vXrIzIyEtevX8/zh4/Gkz+L9erVw6lTp3Djxo0if8/klpSUlO8frrnp+94tKEjn5OTk217Q97l3795YtWoV/ve//6FHjx7YunUr6tWrh6CgIO0xT/s7l4jBl0yWpaUl5s2bh44dO+Lzzz/HpEmTtD1C1tbWsv+Q8lOrVi2cPXu2yGNOnz6Nzp07F+uj3yeFh4dj9uzZ+OGHH+Dl5YWUlBTtJA4A8PT0hLOzM3JycoqsV18vvvgi5s2bhw0bNuQbfHNycrB582a4u7ujdevWstsuXbqU5/iLFy9qe0L1eZ0Ls23bNgwcOBALFy7UtqWnp+PBgwey40ry2hdFsxnB5cuX0bFjR217dnY2rl27lucPjic999xzsLS0xDfffGPQSUK//PILMjIysGPHDllI0ucj3uLeR61atQAAZ8+eLfQPwoJe/6f9+ShMlSpV8Pbbb+Ptt9/G3bt30bRpU8yZM0cbfIv7eJr3alE/6/nRBMSrV68W6/hGjRqhX79+WLVqFSZOnKh97V988UV8++232LBhA6ZNm5bnvJSUFPz888+oV6+e9vvQrVs3fPvtt/jmm28wefLkYj1+dnY2bty4gZdeeqnQ4/R977q7u+f5mQSg90527dq1Q5UqVbBlyxa0adMGf/75J6ZOnSo7xpjvKTIPHONLJq1Dhw5o3rw5lixZgvT0dFSqVAkdOnTAqlWrEBcXl+f4hIQE7eVXX30Vp0+fxo8//pjnOE3vW69evXDr1i2sXr06zzGPHz/Wrk5QkPr16yMwMBBbtmzBli1bUKVKFVkItbS0xKuvvooffvgh3/+Yc9err1atWiE0NBRr167Nd2eoqVOn4uLFi3jvvffy9ND89NNPsjG6R48exZEjR7ShQ5/XuTCWlpZ5emA/++yzPD1Jjo6OAJDvf74lFRISgooVK2L16tXIzs7Wtm/atKnAHr7cvL29MXToUPzxxx/47LPP8tyuVquxcOFC3Lx5U6+6ND3CTw77WLt2rcHvo0uXLnB2dsa8efOQnp4uuy33uY6OjvkOPXnan4/85OTk5HmsSpUqoWrVqsjIyCiypid5enqiXbt2WLNmDa5fvy67raje/2rVqsHb21uvXczee+89ZGVlyXosX3vtNTRo0AAff/xxnvtSq9UYMWIEkpKSMHPmTNk5gYGBmDNnDiIiIvI8zsOHD/OExvPnzyM9PR2tWrUqtEZ937u1atVCcnKytlcaAOLi4vL93VkYCwsLvPbaa/jll1+wceNGZGdny4Y5AMZ5T5F5YY8vmbx3330XPXv2xLp16zB8+HAsX74cbdq0QWBgIIYOHQo/Pz/cuXMHERERuHnzpnZLz3fffVe7I9gbb7yB4OBg3L9/Hzt27MDKlSsRFBSE/v37Y+vWrRg+fDj27duH1q1bIycnBxcuXMDWrVuxa9cu7dCLgoSHh2PGjBmws7PDm2++CQsL+d+jH3/8Mfbt24cWLVpg6NChaNCgAe7fv4+TJ09iz549uH//folfmw0bNqBz587o3r07+vTpg7Zt2yIjIwPbt2/H/v37ER4ejnfffTfPebVr10abNm0wYsQIZGRkYMmSJahYsSLee+897THFfZ0L8+KLL2Ljxo1wdXVFgwYNEBERgT179mg/YtZo3LgxLC0t8cknnyA5ORm2trbo1KkTKlWqVOLXxsbGBrNmzcLo0aPRqVMn9OrVC9euXcO6detQq1atYvU2LVy4EFeuXMGYMWOwfft2vPjii3B3d8f169fx/fff48KFC7Ie/uLo0qULbGxs0K1bNwwbNgypqalYvXo1KlWqlO8fGU9zHy4uLli8eDGGDBmCZs2aoU+fPnB3d8fp06fx6NEjrF+/HgAQHByMLVu2YPz48WjWrBmcnJzQrVs3g/x8POnhw4eoXr06XnvtNe02vXv27MGxY8dknwwUVFN+li1bhjZt2qBp06Z466234Ovri2vXruG3335DZGRkofV0794dP/74Y7HGzgLSUIXnn38eX331FaZPn46KFSvCxsYG27ZtQ+fOndGmTRvZzm2bN2/GyZMnMWHCBNl7xdraGtu3b0doaCjatWuHXr16oXXr1rC2tsa5c+e0n9bkXo5t9+7dcHBwwLPPPltknfq8d3v37o33338fL7/8MsaMGYNHjx5hxYoVqFu3rt6TUMPDw/HZZ59h5syZCAwMzLMsoTHeU2RmSn8hCSLDK2gDCyGknYFq1aolatWqpV0u68qVK2LAgAGicuXKwtraWlSrVk28+OKLYtu2bbJz7927J0aNGiWqVaumXSh94MCBsqXFMjMzxSeffCIaNmwobG1thbu7uwgODhazZ88WycnJ2uOeXM5M49KlS9pF9g8ePJjv87tz544YOXKk8Pb2FtbW1qJy5cqic+fO4ssvv9Qeo1mm6/vvv9frtXv48KGYNWuWaNiwobC3txfOzs6idevWYt26dXmWc8q9gcXChQuFt7e3sLW1FW3bthWnT5/Oc9/FeZ0L+94lJSWJwYMHCw8PD+Hk5CTCwsLEhQsX8n0tV69eLfz8/ISlpWWxNrB48nUqaGODZcuWiZo1awpbW1vRvHlzcejQIREcHCy6du1ajFdX2uXqq6++Em3bthWurq7C2tpa1KxZUwwePFi2XFRBO7dpXp/cm3bs2LFDNGrUSNjZ2QkfHx/xySefiDVr1uQ5TrOBRX6Kex+aY1u1aiXs7e2Fi4uLaN68ufj222+1t6empoo+ffoINze3PBtYFPfnA/9tbJAf5FrOLCMjQ7z77rsiKChIODs7C0dHRxEUFJRn842Cairo+3z27Fnx8ssvCzc3N2FnZyf8/f3F9OnT860nt5MnTwoAeZbXKmgDCyGE2L9/f54l2oQQ4u7du2L8+PGidu3awtbWVri5uYnQ0FDtEmb5SUpKEjNmzBCBgYHCwcFB2NnZiYCAADF58mQRFxcnO7ZFixaiX79+RT4njeK+d4UQ4o8//hABAQHCxsZG+Pv7i2+++abQDSwKolarhbe3twAgPvroo3yPKe57iig/KiEMNJODiEzetWvX4OvriwULFmDixIlKl6MItVoNT09PvPLKK/l+3Ermp3PnzqhatSo2btyodCkFioyMRNOmTXHy5Em9JlsSmRqO8SUiKkB6enqecZ4bNmzA/fv30aFDB2WKojJn7ty52LJli96TuUrTxx9/jNdee42hl8wex/gSERXgn3/+wbhx49CzZ09UrFgRJ0+exNdff42AgAD07NlT6fKojGjRogUyMzOVLqNQ3333ndIlEJUJDL5ERAXw8fGBt7c3li1bhvv376NChQoYMGAAPv74Y9mub0REVD5wjC8RERERmQWO8SUiIiIis8DgS0RERERmwezG+KrVaty+fRvOzs7c7pCIiIioDBJC4OHDh6hatWqejZ2ehtkF39u3b8Pb21vpMoiIiIioCDdu3ED16tUNdn9mF3ydnZ0BSC+ki4uLwtUQERER0ZNSUlLg7e2tzW2GYnbBVzO8wcXFhcGXiIiIqAwz9LBUTm4jIiIiIrPA4EtEREREZoHBl4iIiIjMAoMvEREREZkFBl8iIiIiMgsMvkRERERkFhh8iYiIiMgsMPgSERERkVlg8CUiIiIis8DgS0RERERmgcGXiIiIiMwCgy8RERERmQUGXyIiIiIyCwy+RERERGQWGHyJiIiIyCwoGnz/+usvdOvWDVWrVoVKpcJPP/1U5Dn79+9H06ZNYWtri9q1a2PdunVGr5OIiIiIyj9Fg29aWhqCgoKwfPnyYh1/9epVvPDCC+jYsSMiIyMxduxYDBkyBLt27TJypURERERU3lkp+eDPPfccnnvuuWIfv3LlSvj6+mLhwoUAgPr16+PgwYNYvHgxwsLCjFUmERERERmZEMC//wLHjqhx+ZdzRnkMRYOvviIiIhAaGiprCwsLw9ixYws8JyMjAxkZGdrrKSkpxiqPiIiIiIopLg44dkz6On5c+rJKjMNaDMZgHMAUIzxmuQq+8fHx8PLykrV5eXkhJSUFjx8/hr29fZ5z5s2bh9mzZ5dWiURERET0hHv3pGCrCbnHjgG3b8uPeQk/4ysMgScSYaxuynIVfEti8uTJGD9+vPZ6SkoKvL29FayIiIiIyHSlpAAnT8pD7tWrBR/vgDQsxAQMxyptW7pbJeDBXYPXVq6Cb+XKlXHnzh1Z2507d+Di4pJvby8A2NrawtbWtjTKIyIiIjIrjx8DkZHykBsTI43XLYyrKxASAnSvfgKDdveF8+0Y3Y09esBu0SLAz8/g9Zar4PvMM8/g999/l7Xt3r0bzzzzjEIVEREREZmHzEzg7Fl5yD17FsjJKfw8BwegaVMp6DZrJn3V8smBxaJPgWnTgOxs3YFLlgBDhgAPHxrlOSgafFNTU3H58mXt9atXryIyMhIVKlRAjRo1MHnyZNy6dQsbNmwAAAwfPhyff/453nvvPbzxxhv4888/sXXrVvz2229KPQUiIiIik5OTA1y4IA+5p08DudYLyJeNDRAUJA+59eoBVk8mzrR04KuvdKE3OBjYvBmoW9coz0dD0eB7/PhxdOzYUXtdMxZ34MCBWLduHeLi4nD9+nXt7b6+vvjtt98wbtw4LF26FNWrV8dXX33FpcyIiIiISkgI4MoVecg9eRJISyv8PEtLoGFDecgNCACKNcLU0VEKum3aABMmALNmSanZyFRCFDUKw7SkpKTA1dUVycnJcHFxUbocIiIiolIjBHDzpjzkHj8OPHhQ9Ln+/vKQ27ixNDqhWB4+lGa9Vasmb791K28bjJfXytUYXyIiIiIqvrt384bcJ9YJyJePjzzkNm0qTUgrkYgIoF8/oHJl4MAB+biHfEKvMTH4EhEREZmABw90G0FoNoa4caPo8ypX1gXcZs2k4baengYoKDsbmDMH+PBDadBwbCzwySfA1KkGuPOSYfAlIiIiKmfS0qRxuLlDbq71AgpUoYK8JzckxEidrrGxUi9vRISurVUroE8fIzxY8TH4EhEREZVhGRnSigq5hyxERwNqdeHnOTtLvbeaoBsSAvj6AiqVEYsVAti4ERg1SrckmaUlMHMmMHlyPss7lC4GXyIiIqIyIjsbOHdOHnKjooCsrMLPs7MDmjSR9+bWrQtYWJRO3QCApCRg+HBg61Zdm58fsGkT0LJlKRZSMAZfIiIiIgWo1cDFi/KQe+oUkJ5e+HlWVkCjRvKQ26ABYG1dOnXnKyVFWuYh1zK0GDQIWLZM6nouIxh8iYiIiIxMCODaNXnIPXGi6A3KVCop1OYOuY0aST28ZYqLC/Dyy8DSpYC7O7BqFdCzp9JV5cHgS0RERGRgt2/nXUbs3r2iz6tdWx5ymzQBnJyMX69BfPyx1F09dSrg7a10Nfli8CUiIiJ6ComJ8mXEjh+Xgm9RvL3lITc4WOosLfOEAFavliatvfmmrt3ODli5Urm6ioHBl4iIiKiYUlKkIQq5Q+7Vq0Wf5+kpXys3JATw8jJ+vQaXkAAMHQr8/DNgby8tUVa/vtJVFRuDLxEREVE+Hj0CIiPla+XGxBR9nqtr3rVyvb2NvIxYafjjD2DgQCA+Xrr++DHw668MvkRERETlSWamtGxY7pB77py04VhhHByk7Xxzh9xatUp5GTFjS0+X1uBdskTX5uEBrFkDdOumWFklweBLREREZiUnR9oAInfIPX1aCr+FsbEBgoLkIbd+fWmoq8mKigL69pX+1ejaFVi7VtrruJxh8CUiIiKTJYS0lW/ukHvypDSMoTCWlkDDhvKQGxgohV+zIATw2WfAe+9JW8cBgK0tsGCBtCtbOR23weBLREREJkEI4MYNecg9cQJ48KDoc/395SG3cWNpGIPZSk0FFi7Uhd5GjaQd2AIClK3rKTH4EhERUbl054485B4/Dty9W/R5Pj7ykBscLO2/QLk4OwPffAN07AiMGQPMnVsGd83QH4MvERERlXlJSVLvbe6Qe+NG0edVqSIPuSEh0rwsekJamvRVqZKurW1baU9lPz/l6jIwBl8iIiIqU1JTgVOn5CH38uWiz6tQQR5ymzUDqlY1fr3l3okT0gS2atWA3bvlS1KYUOgFGHyJiIhIQenpwJkz8pAbHQ2o1YWf5+wsDVHIHXJ9fMrtnCtl5OQAn34KTJsGZGdLixQvXgxMmKB0ZUbD4EtERESlIitLWhs3965nUVFSe2Hs7IAmTeQht25dE1srt7TduAEMGADs369rCw4ud+vy6ovBl4iIiAxOrZY6EHOH3FOnpB7ewlhZSQsI5A65DRtK7WQgW7cCw4bplrtQqYBJk4BZs0x+vTa+jYiIiOipCAFcvSoPuSdOAA8fFn6ehYW0AUTukNuokUksHlA2paRIKzSsX69r8/YGNm4E2rdXrq5SxOBLREREerl1Sx5yjx8H7t0r+rzateUht0kTwMnJ+PUSgORkaW/l2FhdW3g4sGIF4O6uXF2ljMGXiIiICpSYKA+5x44BcXFFn+ftLQ+5wcFmla/KHldXoFMnKfg6OwPLlwP9+pndbEAGXyIiIgIgdQqePClfYeHataLPq1RJHnJDQgAvL6OXS/pavBh4/Bj44AOTW6asuBh8iYiIzNCjR0BkpDzkxsQUfZ6bm24jCM2audWrm13HYdkmhDRu19oaeP11XbuTk7Qbmxlj8CUiIjJxmZnSsmG5Q+65c9IyroVxdJSGheYOubVqMeSWaUlJwPDh0soNTk5A8+bSN40AMPgSERGZlJwcaQOI3CH39Gkp/BbGxgZo3FgecuvVAywtS6VsMoT9+4H+/YGbN6XrqanAtm3A++8rWlZZwuBLRERUTqnVwJUr8pB78qQ0jKEwlpZAQIB8XG5AgMkv4Wq6MjOBGTOA+fOlYQ6ANCblyy+Bnj0VLa2sYfAlIiIqB4SQNtvKHXKPH5cmpBVGpQL8/eUhNygIcHAonbrJyGJigD59pL94NDp0ADZskJbWIBkGXyIiojLozh15yD12DEhIKPo8X195yG3aFHBxMX69VMqEkHp0x42TVmoApMlsc+YAEyZwP+cCMPgSEREpLCkp71q5mmGahalaNe8yYhUrGr9eKgOSk6UthjWh198f2LxZ+kuHCsTgS0REVIpSU3Vr5WpC7pUrRZ9XsWLekFu1qvHrpTLKzQ1Ytw7o2lVaxWHhQo5fKQYGXyIiIiNJT5dWVMgdcqOjdfOPCuLsnHet3Jo1uYyYWUtPl2YtVqigawsLA86eBRo2VK6ucobBl4iIyACysqS1cXOH3KgoIDu78PPs7YEmTeQht04dDtGkXKKipAlsNWsCv/wi/wuIoVcvDL5ERER6yskBLl6Uh9zISKlTrjDW1kCjRvKQ26ABYMX/jSk/ajXw2WfSOrwZGVLv7sqVwIgRSldWbvFHjYiIqBBCAFevykPuiRPSWN3CWFhIoTZ3yA0MBOzsSqduKufi4oDBg4Fdu3RtjRoBbdsqV5MJYPAlIiL6jxDA7dvykHv8OHD/ftHn1qkjD7mNG0s7xhLp7eefgSFDgMREXdu4ccDcufzL6Skx+BIRkdlKSMi7jFh8fNHn1aghD7lNmwLu7savl0xcWpq0Bu+qVbq2KlWA9euBZ59Vri4TwuBLRERmITlZGqKQO+T++2/R51WqpAu4zZoBwcGAl5fx6yUzk5QEPPOMtBObRo8ewOrVgIeHYmWZGgZfIiIyOY8eAadOyUPuxYtFn+fmJu/JDQkBqlfnMmJUCtzdpb+qYmKk9XiXLgXefJNvPgNj8CUionItMxM4c0Yecs+dkybEF8bRURqikDvk1qrFnEEKWr5c2ont44+BunWVrsYkMfgSEVG5kZ0tbQCRO+SeOSOF38LY2EiTzXKH3Hr1AEvLUimbKK+tWwFbW6B7d12bmxuwfbtiJZkDBl8iIiqT1Grg8mV5yD11ShrGUBhLSyAgQB5yAwKk8EukuJQUYMwYacKau7v0l1v16kpXZTYYfImISHFCANev510rNzm58PNUKsDfXx5yGzeWdkMjKnMiIoC+faWFoQFpQts33wCTJilblxlh8CUiolIXH593rdyEhKLP8/PTTT4LCZHG6Lq4GL9eoqeSnQ189JH0lZMjtTk7S2N6+/VTtjYzw+BLRERGdf++FGxzh9ybN4s+r1o1ecgNCQEqVjR+vUQGFRsrhduICF1bq1ZST6+vr3J1mSkGXyIiMpiHD4GTJ+Uh98qVos+rWFE+XCEkBKha1fj1EhmNEMCGDcCoUbr9rS0tgRkzgClTACtGMCXwVSciohJJTwciI+UhNzpa+v++MC4u0nKlmpDbrBlQsyaXESMTk5Qk7cKmCb1+fsCmTUDLlsrWZeYYfImIqEhZWcDZs/KQGxUlDV0sjL090KSJPOTWqQNYWJRO3USKqVAB+Oor4OWXgUGDgGXLpHG9pCgGXyIiksnJkTaPyh1yIyOlHt7CWFsDjRrJQ26DBvxEl8xEZiaQkSEPtz16SD9AwcGKlUVy/HVERGTGhJDm3uQOuSdO6D6dLYiFhRRqc4fcRo2k9fiJzE5MDNCnD1C7NvDdd/JxOwy9ZQqDLxGRmRACuHVLF3I1QTcpqehz69SRh9wmTaQtf4nMmhDAl18C48ZJWw2fPAm88AIwYIDSlVEBGHyJiExUQkLetXLj44s+r0YNecgNDpZ2UiWiXBISgCFDgB07dG3+/tI2gVRmMfgSEZmA5OS8a+X++2/R53l55V1GrFIl49dLVK7t2iVNWMv9l+Tw4cDChYCDg2JlUdEYfImIypm0NODUKXnIvXix6PPc3eUbQjRrJm0SwWXEiIopPR2YPBlYskTX5uEBrFkDdOumWFlUfAy+RERlWEYGcOaMPOSeOweo1YWf5+iYd61cPz+GXKISu38f6NBBWsdPo2tXYO1aoHJlxcoi/TD4EhGVEdnZwPnz8pB7+rS0hm5hbG2Bxo3lIdffX9okiogMxN1d+usxKkr6oVuwQNqVjX9NlisMvkREClCrgUuX5CH31Cng0aPCz7O0BAID5SG3YUPAxqZ06iYyWyqVtCHF48fSWF5OYiuXGHyJiIxMCGmi2ZNr5SYnF36eSgXUqycPuUFB0m5oRGRkO3ZIPbthYbo2Dw9pYhuVWwy+REQGFhcnD7nHjgGJiUWf5+cnD7lNm3KHU6JSl5YGTJgArFolLXESFcWlTkwIgy8R0VO4d0/qvc0dcm/dKvq8atXkITckBKhQwfj1ElEhTpyQdmDTLJNy9660YsOkScrWRQbD4EtEVEwPH0obM+UOubGxRZ/n4ZE35FapYvx6iaiYcnKATz8Fpk2TZpkC0nq8S5ZIm1SQyWDwJSLKx+PH0ooKuUPuhQvSeN3CuLjoNoLQbAxRowYnfhOVWTduAP37AwcO6NqCg4HNm4G6dZWri4yCwZeIzF5WFnD2rDzknj2r6/gpiL29NA43d8itXRuwsCiduonoKW3dCgwbBjx4IF1XqaRhDbNmcakUE8XgS0RmJScHiImRh9zISGmjiMJYW0srKuQOufXrA1b8LUpUPiUmAkOHAikp0nVvb2DjRqB9e2XrIqPir2wiMllCSGNwjx3TBd2TJ4HU1MLPs7CQ1sbNHXIDA6WVjYjIRHh4ACtWAH37AuHh0mV3d6WrIiNj8CUikyCEtJpC7pB7/DiQlFT0uXXrykNu48bSlr9EZEKys4HMTGnSmkafPkD16kDbthyIbyYYfImoXEpIkIfcY8eAO3eKPq9mTXnIbdoUcHMzerlEpKTYWKBfP2lHmDVr5Le1a6dMTaQIBl8iKvMePMi7Vu7160Wf5+WlC7jNmkkTtbkOPZEZEUIatztypDTGKSICeO45oGdPpSsjhTD4ElGZkpYGnDolD7mXLhV9nru7vCc3JETaJIKfXhKZqaQkYPhwaeUGDT8/aRIbmS0GXyJSTEYGcOaMPOSePw+o1YWf5+QkDVHIHXL9/Bhyieg/+/dLa/PevKlrGzQIWLaM+4CbOQZfIioV2dlSqM0dcs+ckdbQLYytrTTZLHfI9fcHLC1LpWwiKk8yM4EZM4D583W7zbi7A6tWcXgDAWDwJSIjUKul4Qm5Q+6pU9JuaIWxspKWDcu9tW9AgLSGLhFRoe7dA7p0kdYs1OjYEdiwQVq5gQgMvkT0lIQA/v1XHnJPnNCtCV8QlUraACJ3yA0KknZDIyLSm7u7tDYvIP21PGcOMGECt1IkGQZfItJLXJw85B4/Lm2AVJRateQht2lTDrUjIgOysADWrQN69QKWLpV+yRA9gcGXiAp0755uIwjNmrm3bxd9XvXq8pAbEgJUqGD8eonIjPzxB2BnJ1+Ht0oV4O+/lauJyjzFg+/y5cuxYMECxMfHIygoCJ999hmaN29e4PFLlizBihUrcP36dXh4eOC1117DvHnzYGdnV4pVE5mehw+lIQq5Q+7Vq0Wf5+Ehn3gWEiL930NEZBTp6cDkycCSJdJf2WfOcKthKjZFg++WLVswfvx4rFy5Ei1atMCSJUsQFhaGmJgYVMpnlfnNmzdj0qRJWLNmDVq1aoWLFy9i0KBBUKlUWLRokQLPgKh8evwYiIyUh9yYGN0k6IK4uMh7cps1A2rU4DJiRFRKoqKAvn2lfwFpubIvvwTef1/ZuqjcUAlR1H91xtOiRQs0a9YMn3/+OQBArVbD29sbo0ePxqRJk/IcP2rUKERHR2Pv3r3atgkTJuDIkSM4ePBgsR4zJSUFrq6uSE5OhouLi2GeCFEZlpUl/R+RO+SePQvk5BR+nr29bq1cTcitXZvzRIhIAWo18NlnUsDNyJDabG2BBQuAUaP417cJMlZeU6zHNzMzEydOnMDkyZO1bRYWFggNDUVERES+57Rq1QrffPMNjh49iubNmyM2Nha///47+vfvX+DjZGRkIEPzQwLphSQyVTk5wIUL8slnp0/r/p8oiLW1tKJC7iEL9etLy4sRESkqLg4YPBjYtUvXFhgIbN4srXdIpAfF/ltLTExETk4OvLy8ZO1eXl64cOFCvuf06dMHiYmJaNOmDYQQyM7OxvDhwzFlypQCH2fevHmYPXu2QWsnKguEAK5ckYfckyelLX8LY2EBNGwoD7mBgVLnCRFRmfLzz8CQIfKlY8aNA+bOlSa2EempXPXn7N+/H3PnzsUXX3yBFi1a4PLly3jnnXfw4YcfYvr06fmeM3nyZIwfP157PSUlBd7cp5vKGSGkoWxPLiP24EHR59atKw+5TZoADg5GL5mI6OkkJEjjeTV/zVepIi1X1qWLomVR+aZY8PXw8IClpSXu3Lkja79z5w4qV66c7znTp09H//79MWTIEABAYGAg0tLS8NZbb2Hq1KmwyGfwoa2tLWzZlUXlzN27eUPuEz8q+apZUx5yg4MBV1fj10tEZHCentLKDUOHAt27A199pduggqiEFAu+NjY2CA4Oxt69e9GjRw8A0uS2vXv3YtSoUfme8+jRozzh1tLSEgCg4Bw9oqfy4IF8rdzjx4Hr14s+r3LlvMuIeXoavVwiIuPIyQGys+Xjrt58U1qyLCyME9jIIBQd6jB+/HgMHDgQISEhaN68OZYsWYK0tDQMHjwYADBgwABUq1YN8+bNAwB069YNixYtQpMmTbRDHaZPn45u3bppAzBRWZaWJo3DzR1yL10q+rwKFfIuI1a1Kv8fICITceMGMGCANFnts8907SoV0LWrcnWRyVE0+IaHhyMhIQEzZsxAfHw8GjdujJ07d2onvF2/fl3Wwztt2jSoVCpMmzYNt27dgqenJ7p164Y5c+Yo9RSICpSRIa2okDvknj8vrcpTGCcnaYhC7pDr68uQS0QmautWYNgw6eOv/fuB554Dnn9e6arIRCm6jq8SuI4vGUN2NnDunHyt3KgoaQ3dwtjZAY0by0Ouvz/XyiUiM5CSAowZA6xfr2vz9gY2bQLatlWuLioTTG4dX6LySq0GLl6Uh9zISGk3tMJYWUnLhuUOuQ0bSmvoEhGZlYgIoF8/IDZW1xYeDqxYwe2HyagYfIkKIQRw7Zo85J44ATx8WPh5KpW0AUTukBsUxGUnicjMZWcDc+YAH36o2z7S2RlYvlwKwhzTRUbG4EuUy+3b8pB7/Dhw717R59WqJQ+5TZtKY3WJiOg/9+4B3bpJvb0arVoB33wjTWQgKgUMvmS27t3LG3Jv3y76vOrV5SE3OFhadYGIiArh5qbbB93SEpgxA5gyhXujU6niu43MQkqKtIxY7pB79WrR53l6ykNuSIi0fi4REenJ0hLYuBF45RVpaEPLlkpXRGaIwZdMzuPHwKlT8mXEYmKk8bqFcXXVbQSh2RjC25tDzoiISuTAAcDeHmjeXNdWs6b0S5m/WEkhDL5UrmVmSsuG5Q65Z8/q5kwUxMFBGoebO+TWqsVlxIiInlpmJjBzJvDJJ9LY3chIaQKbBkMvKYjBl8qNnBwgOloeck+fljaKKIyNjbSiQu6QW68eh5URERlcTAzQp480tgyQlitbsQJ47z1l6yL6D//rpzJJCODyZXnIPXlS2vK3MJaW0tq4uUNuQIB863ciIjIwIYDVq4GxY3WLmltbS0uXTZigaGlEuTH4kuKEkLZpzx1yjx+Xdq8sir+/POQ2biwNYyAiolKSkAAMHQr8/LOuzd8f2LxZGlNGVIYw+FKpu3NHHnKPHQPu3i36PB8fecht2lSakEZERArZtQsYNAiIj9e1DR8OLFzIXggqkxh8yaiSkqSdznKH3Bs3ij6vcmVdwNWslevpafx6iYiomO7cAXr0ANLTpeseHsCaNdImFURlFIMvGUxqqrSMWO6Qe/ly0edVqCDvyQ0JAapVM369RET0FLy8gI8/lsb1hoUB69ZxoXMq8xh8qUTS04EzZ+QhNzoaUKsLP8/ZWeq9zb0hhK8vV7chIirz1GppeR1ra13b6NHSdpYvv8z1IKlcYPClImVlAefPy0NuVJTUXhg7O6BJE3nI9ffn70YionInLk4ay9u4sbQ+r4aFBfDqq0pVRaQ3Bl+SUauBixflW/ueOqUbwlUQKyugUSN5yG3YUN4xQERE5dDPPwNvvgncuwfs3i0Na+jUSemqiEqEwdeMCQFcuyYPuSdOAA8fFn6eSgU0aCAPuUFBUg8vERGZiLQ0aQ3eVat0bV5eytVDZAAMvmbk9m15yD1+XPoDvii1a8snnzVpAjg5Gb9eIiJSyIkT0g5sFy/q2rp3B776Slq9gaicYvA1UYmJedfKjYsr+jxvb3nIDQ4G3N2NXy8REZUBOTnAp58C06YB2dlSm4MDsGQJMGQIZyJTucfgawKys4G//5aH3GvXij7P01O+Vm5ICD/FIiIyW4mJQM+ewP79urbgYGkHtrp1FSuLyJAYfMs5IYDnn5fmGxTG1TXvWrne3vzjnYiI/uPqKi3IDkj/OUyaBMyaBdjYKFoWkSEx+JZzCQl5Q6+Dg7Sdb+6QW6sWlxEjIqJCWFsDmzZJu7GtWAG0b690RUQGx+Bbzp0/r7vcvTvw0UdA/fqApaVyNRERUTkQESH1lAQF6drq1gXOnmVPCZksvrPLudzB97nngIAAhl4iIipEdjYwezbQti3w+uvAo0fy2xl6yYTx3V3O5Q6+DRooVwcREZUDsbFAu3bS2N2cHGmv+S++ULoqolLD4FvOMfgSEVGRhAA2bJC2HI6IkNosLYEPPgDGjlWyMqJSxTG+5Zwm+FaqBFSsqGwtRERUBiUlAcOHA1u36tpq1QK++QZo2VK5uogUwB7fcuzePeDOHekye3uJiCiP/fuBRo3koXfwYODUKYZeMkvs8S3HoqN1lxl8iYhIJi4OCAsDMjOl6+7uwKpV0iYVRGaKPb7lGMf3EhFRgapUAWbOlC537AicOcPQS2aPPb7lWO7g27ChcnUQEVEZIASgVsvXtHz/fWmbzr59uUwZEdjjW66xx5eIiABI23i+/LK0i1FulpZA//4MvUT/4U9COaYJvhUrAp6eytZCREQK2bVLmsD288/Ahx/qlisjojwYfMup5GTg1i3pcoMGgEqlbD1ERFTK0tOBceOArl2B+Hipzd0dePhQ2bqIyjCO8S2nuKIDEZEZi4qSxu1GRenawsKAdeuAypUVK4uorGOPbznF8b1ERGZIrQaWLgWaNdOFXltbqe333xl6iYrAHt9yisGXiMjM3Lsn9fLu2qVrCwwENm8GAgKUq4uoHGGPbznF4EtEZGYcHXWTOwBpfO/Rowy9RHpg8C2nNMHX1VVao5yIiEycnZ3Uu+vrK/X6LloktRFRsXGoQzmUmgr8+690mSs6EBGZqBMnpF7eevV0bYGBwMWLgBX/+yYqCfb4lkMXLuguc5gDEZGJyckBPvkEaNkSeP11ICNDfjtDL1GJMfiWQxzfS0Rkom7cADp3BiZNArKzgchI4IsvlK6KyGQw+JZDDL5ERCZo61ZpB7YDB6TrKhUweTIwcqSydRGZEH5eUg4x+BIRmZCUFGDMGGD9el2btzewcSPQvr1ydRGZIAbfckgTfJ2cpN+NRERUTkVEAP36AbGxurbwcGDFCmn7YSIyKAbfcubxY93vx/r1uaIDEVG5desW0KEDkJkpXXd2BpYvl4Iwf7kTGQXH+JYzMTGAENJlDnMgIirHqlUDJk6ULrdqBZw+DfTvz9BLZETs8S1nOL6XiKic0vRa5A62s2YBNWoAb77JZcqISgF7fMsZBl8ionIoKQno3RtYuFDebm0NDBvG0EtUShh8yxkGXyKicmb/fmmZsq1bgSlTgFOnlK6IyGwx+JYzmuBrbw/UrKlsLUREVIjMTGkjik6dgJs3pTYnJyA+Xtm6iMwYP1spRzIygMuXpcv16gGWlsrWQ0REBYiJAfr0AU6e1LV17Ahs2ABUr65cXURmjj2+5cilS9IW7gCHORARlUlCAKtWAU2a6EKvtTUwfz6wZw9DL5HCnqrHNz09HXZ2doaqhYrA8b1ERGXY/fvA4MHAjh26Nn9/YPNmoGlT5eoiIi29e3zVajU+/PBDVKtWDU5OToj9bzeF6dOn4+uvvzZ4gaTD4EtEVIbZ2gIXLuiujxgh9foy9BKVGXoH348++gjr1q3D/PnzYWNjo20PCAjAV199ZdDiSI7Bl4ioDHN0BDZtAqpWlXp9v/gCcHBQuioiykXv4LthwwZ8+eWX6Nu3Lyxzza4KCgrChdx/6ZLBaYKvjQ3g56dsLUREZi8qSreHvEZIiNTWrZsyNRFRofQOvrdu3ULt2rXztKvVamRlZRmkKMorKwu4eFG67O/Ptc6JiBSjVgNLlwLNmgF9+wLZ2fLbbW2VqYuIiqR38G3QoAH+/vvvPO3btm1DkyZNDFIU5XXlihR+AQ5zICJSTFwc8NxzwNix0hqT//wDrFihdFVEVEx69xvOmDEDAwcOxK1bt6BWq7F9+3bExMRgw4YN+PXXX41RI4Hje4mIFPfzz8CbbwL37unaxo0Dhg5VriYi0ovePb7du3fHL7/8gj179sDR0REzZsxAdHQ0fvnlFzz77LPGqJHA4EtEpJi0NGD4cKBHD13orVIF2LULWLQI4LKeROVGiUaKtm3bFrt37zZ0LVQIBl8iIgWcOCHtwKaZZAFIAXj1asDDQ7GyiKhk9O7x9fPzw73cH/P858GDB/DjUgNGowm+VlZAPnMLiYjI0G7cAFq10oVeBwcp8G7fztBLVE7pHXyvXbuGHM2+ublkZGTg1q1bBimK5HJydGui16kjLWdGRERG5u0NvP22dDk4GDh1ChgyBFCplK2LiEqs2EMdduTagnHXrl1wdXXVXs/JycHevXvh4+Nj0OJIcvWqNHkY4DAHIiKjEkIebOfNA2rUAEaOZK8DkQkodvDt0aMHAEClUmHgwIGy26ytreHj44OFCxcatDiScHwvEZGRpaQAY8YAzZvrenkBaeLauHHK1UVEBlXs4KtWqwEAvr6+OHbsGDw4vqnUMPgSERlRRIS0EcXVq8CWLUDHjkD9+kpXRURGoPcY36tXrzL0ljIGXyIiI8jOBmbNAtq2lUIvAFhbSzsGEZFJKtFyZmlpaThw4ACuX7+OzMxM2W1jxowxSGGkowm+FhZA3brK1kJEZBJiY4F+/aTeXo1WrYBvvgF8fZWri4iMSu/ge+rUKTz//PN49OgR0tLSUKFCBSQmJsLBwQGVKlVi8DUwtRqIjpYu16rFddKJiJ6KEMCGDcCoUUBqqtRmaQnMmAFMmSKtGUlEJkvvoQ7jxo1Dt27dkJSUBHt7e/zzzz/4999/ERwcjE8//dQYNZq1f/8FHj2SLnOYAxHRU3jwAOjdGxg0SBd6/fyAgwel4MvQS2Ty9A6+kZGRmDBhAiwsLGBpaYmMjAx4e3tj/vz5mDJlijFqNGsc30tEZCAqFXDkiO76oEFAZCTQsqVSFRFRKdM7+FpbW8PCQjqtUqVKuH79OgDA1dUVN27cMGx1xOBLRGQorq7Axo3SrmtbtwJr1wLOzkpXRUSlSO/PdZo0aYJjx46hTp06aN++PWbMmIHExERs3LgRAQEBxqjRrDH4EhGVUEwM4OgIVK+ua2vbFrh2TWonIrOjd4/v3LlzUaVKFQDAnDlz4O7ujhEjRiAhIQGrVq0yeIHmThN8VSqgXj1layEiKheEAFatApo0AQYMkGYJ58bQS2S2VEIIoXQRpSklJQWurq5ITk6Gi4uL0uUUSgjAxUWag+HrK62+Q0REhUhIAIYMAXbs0LWtWAEMH65cTUSkN2PlNb17fAty8uRJvPjii4a6OwJw86Zu4jGHORARFWHXLqBRI3noHT5c6vUlIoKewXfXrl2YOHEipkyZgtj/uh8vXLiAHj16oFmzZtptjfWxfPly+Pj4wM7ODi1atMDRo0cLPf7BgwcYOXIkqlSpAltbW9StWxe///673o9bHnB8LxFRMaSnA+PGAV27AvHxUpuHhxSAV6wAHByUrY+IyoxiT277+uuvMXToUFSoUAFJSUn46quvsGjRIowePRrh4eE4e/Ys6uu5t/mWLVswfvx4rFy5Ei1atMCSJUsQFhaGmJgYVKpUKc/xmZmZePbZZ1GpUiVs27YN1apVw7///gs3Nze9Hre8YPAlIipCVBTQt6/0r0ZYGLBuHVC5smJlEVHZVOwxvo0aNUL//v3x7rvv4ocffkDPnj3RsmVLbN26FdVzz5jVQ4sWLdCsWTN8/vnnAAC1Wg1vb2+MHj0akyZNynP8ypUrsWDBAly4cAHW1tYleszyNMZ36FDgq6+ky0eOAM2bK1sPEVGZ8u+/gL8/kJEhXbe1BebPl3ZlszDYSD4iUoDiY3yvXLmCnj17AgBeeeUVWFlZYcGCBSUOvZmZmThx4gRCQ0N1xVhYIDQ0FBG5907PZceOHXjmmWcwcuRIeHl5ISAgAHPnzkVOTk6Bj5ORkYGUlBTZV3mRu8dXz850IiLTV7OmbvxuYCBw/DgwZgxDLxEVqNi/HR4/fgyH/8ZJqVQq2Nraapc1K4nExETk5OTAy8tL1u7l5YV4zRitJ8TGxmLbtm3IycnB77//junTp2PhwoX46KOPCnycefPmwdXVVfvl7e1d4ppLkxC64OvtzTXWiYjytXgx8NFHwNGjANeSJ6Ii6LWBxVdffQUnJycAQHZ2NtatWwcPDw/ZMWPGjDFcdU9Qq9WoVKkSvvzyS1haWiI4OBi3bt3CggULMHPmzHzPmTx5MsaPH6+9npKSUi7Cb3y8tK08wPG9RERISwMmTJC2Fx40SNfu6AhMnapYWURUvhQ7+NaoUQOrV6/WXq9cuTI2btwoO0alUhU7+Hp4eMDS0hJ37tyRtd+5cweVC5iQUKVKFVhbW8PS0lLbVr9+fcTHxyMzMxM2NjZ5zrG1tYWtrW2xaipLOLGNiOg/J05IE9hiYoBNm6Td12rVUroqIiqHih18r127ZtAHtrGxQXBwMPbu3YsePXoAkHp09+7di1GjRuV7TuvWrbF582ao1WpY/DeG6+LFi6hSpUq+obc8Y/AlIrOXkwN8+ikwbRqQnS21qdXA2bMMvkRUIorOABg/fjxWr16N9evXIzo6GiNGjEBaWhoGDx4MABgwYAAmT56sPX7EiBG4f/8+3nnnHVy8eBG//fYb5s6di5EjRyr1FIyGwZeIzNqNG0DnzsCkSbrQGxwMnDoFdO+ubG1EVG7pNcbX0MLDw5GQkIAZM2YgPj4ejRs3xs6dO7UT3q5fv67t2QUAb29v7Nq1C+PGjUOjRo1QrVo1vPPOO3j//feVegpGwxUdiMhsbd0KDBumm+igUkkBeNYswMQ+3SOi0lXsdXxNRXlZx9fTE0hMBKpUAW7fVroaIqJS8PAhMHo0sH69rs3bG9i4EWjfXrm6iKjUKb6OL5WehAQp9AIc5kBEZiQjA/jjD9318HDg9GmGXiIyGAbfMojje4nILHl4SL29Li7Ahg3At98C7u5KV0VEJqREwffKlSuYNm0aXn/9ddy9excA8L///Q/nzp0zaHHmisGXiMxCbCzwxJKWePZZaSvi/v2lsb1ERAakd/A9cOAAAgMDceTIEWzfvh2pqakAgNOnTxe4iQTph8GXiEyaEFLPblAQ8MYb0vXc3NwUKYuITJ/ewXfSpEn46KOPsHv3btnauZ06dcI///xj0OLMFYMvEZmspCSgd29p97XUVOD334G1a5WuiojMhN7BNyoqCi+//HKe9kqVKiFRMyOLnoom+Hp6SkPeiIhMwv79QKNG0nJlGoMGAT17KlUREZkZvYOvm5sb4uLi8rSfOnUK1apVM0hR5uz+fSA+XrrM3l4iMgmZmdI6vJ06ATdvSm3u7lIAXrsWcHZWtj4iMht6B9/evXvj/fffR3x8PFQqFdRqNQ4dOoSJEydiwIABxqjRrERH6y4z+BJRuXfhAvDMM8Ann+jG8nbsCJw5w55eIip1egffuXPnol69evD29kZqaioaNGiAdu3aoVWrVpg2bZoxajQrHN9LRCYjNhZo2hQ4eVK6bm0NzJ8P7NkDVK+ubG1EZJb03rLYxsYGq1evxvTp03H27FmkpqaiSZMmqFOnjjHqMzsMvkRkMvz8gFdeATZtAvz9gc2bpSBMRKQQvYPvwYMH0aZNG9SoUQM1atQwRk1mjcGXiEzK8uVAzZrA1KmAg4PS1RCRmdN7qEOnTp3g6+uLKVOm4HzulEYGoXlJ3d0BLy9layEiKrb0dGDcOOD77+Xtrq7AnDkMvURUJugdfG/fvo0JEybgwIEDCAgIQOPGjbFgwQLc1MzUpRJLSdFNeG7QgJsWEVE5ERUFNG8OLFkCvPUWcOOG0hUREeVL7+Dr4eGBUaNG4dChQ7hy5Qp69uyJ9evXw8fHB506dTJGjWaDKzoQUbmiVgNLlwLNmknhFwAePwaOH1e2LiKiAug9xjc3X19fTJo0CUFBQZg+fToOHDhgqLrMEsf3ElG5ERcHDB4M7NqlawsMlCawBQQoVxcRUSH07vHVOHToEN5++21UqVIFffr0QUBAAH777TdD1mZ2GHyJqFz4+WdpB7bcoXfcOODoUYZeIirT9O7xnTx5Mr777jvcvn0bzz77LJYuXYru3bvDgRMXnhqDLxGVaWlpwIQJwKpVurYqVYB164AuXRQri4iouPQOvn/99Rfeffdd9OrVCx4eHsaoyWxpgq+zM8Ddn4mozElJAX74QXe9Rw9g9WqA/xcQUTmhd/A9dOiQMeowe2lpwLVr0mWu6EBEZVKVKsBXXwF9+kiT2t58k7+siKhcKVbw3bFjB5577jlYW1tjx44dhR770ksvGaQwc3Phgu4yhzkQUZlw4wbg6AhUqKBr694duHoVqFRJubqIiEqoWMG3R48eiI+PR6VKldCjR48Cj1OpVMjJyTFUbWaF43uJqEzZuhUYNgwIDZUu5+7ZZeglonKqWKs6qNVqVPrvF51arS7wi6G35HIH34YNlauDiMxcSgowaBAQHg48eABs2yYtUUZEZAL0Xs5sw4YNyMjIyNOemZmJDRs2GKQoc8QeXyJSXEQE0LgxsH69ri08HHj+ecVKIiIyJL2D7+DBg5GcnJyn/eHDhxg8eLBBijJHmuDr6Ah4eytbCxGZmexsYPZsoG1bafwuIC0vs2ED8O23gLu7svURERmI3qs6CCGgymcW782bN+Hq6mqQoszN48dAbKx0uX59wKLE24oQEekpNhbo10/q7dVo1Qr45hvA11e5uoiIjKDYwbdJkyZQqVRQqVTo3LkzrKx0p+bk5ODq1avo2rWrUYo0dRcvSlveAxzmQESl6PJloGlT4OFD6bqlJTBjBjBlCmD1VDvaExGVScX+zaZZzSEyMhJhYWFwcnLS3mZjYwMfHx+8+uqrBi/QHHB8LxEpolYtoHNn4KefAD8/YNMmoGVLpasiIjKaYgffmTNnAgB8fHwQHh4OOzs7oxVlbhh8iUgRKpW081rNmsCHH0rjeomITJjeo0kHDhzI0GtgDL5EZHSZmcCkScBvv8nbPTyAJUsYeonILBSrx7dChQq4ePEiPDw84O7unu/kNo379+8brDhzoQm+dnaAj4+ipRCRKYqJkbYZPnkSWLsWOHMG8PJSuioiolJXrOC7ePFiOP/XG7B48eJCgy/pJzMTuHRJulyvnjS3hIjIIIQAvvwSGDdOWj4GAJKSgEOHgFdeUbY2IiIFFCv4Dhw4UHt50KBBxqrFLF26BGg2vOMwByIymIQEYMgQYMcOXZu/v7QLW9OmytVFRKQgvcf4njx5ElFRUdrrP//8M3r06IEpU6YgMzPToMWZA47vJSKD27ULaNRIHnpHjJCGOjD0EpEZ0zv4Dhs2DBcvXgQAxMbGIjw8HA4ODvj+++/x3nvvGbxAU8fgS0QGk54uDWvo2hWIj5faPDykAPzFF4CDg7L1EREpTO/ge/HiRTRu3BgA8P3336N9+/bYvHkz1q1bhx9++MHQ9Zk8Bl8iMpi7d6XJaxpduwJRUUC3bsrVRERUhugdfIUQUP+3zdiePXvw/PPPAwC8vb2RmJho2OrMgCb4WltLa8kTEZVYjRrAihWArS2wbBnw++9A5cpKV0VEVGbovSdlSEgIPvroI4SGhuLAgQNYsWIFAODq1avw4vI4esnOllYZAqQ5J9whlIj0EhcHODoCLi66ttdfB9q0Aby9lauLiKiM0rvHd8mSJTh58iRGjRqFqVOnonbt2gCAbdu2oVWrVgYv0JRduQJkZUmXOcyBiPTy88/SBLYxY/LextBLRJQvvfsYGzVqJFvVQWPBggWw5CK0euH4XiLSW1oaMGECsGqVdH39emkM76uvKlsXEVE5UOIP10+cOIHo6GgAQIMGDdCUS+TojcGXiPRy4oS0A9t/K+sAAHr0ANq3V6wkIqLyRO/ge/fuXYSHh+PAgQNwc3MDADx48AAdO3bEd999B09PT0PXaLIYfImoWHJygE8/BaZNkyYHANLSZEuXAm++CXA3TSKiYtF7jO/o0aORmpqKc+fO4f79+7h//z7Onj2LlJQUjMlvrBkVSBN8LS2BOnWUrYWIyqgbN4DOnYFJk3ShNzgYOHVK2pmNoZeIqNj07vHduXMn9uzZg/r162vbGjRogOXLl6NLly4GLc6U5eQAFy5Il+vUAWxslK2HiMqgixeBFi2ABw+k6yqVFIBnzeIvDSKiEtC7x1etVsPa2jpPu7W1tXZ9XyratWvSJksAhzkQUQFq15aCLyCt1LBvHzB3LkMvEVEJ6R18O3XqhHfeeQe3b9/Wtt26dQvjxo1D586dDVqcKeP4XiIqkoWFtBPbW28Bp09zEhsR0VPSO/h+/vnnSElJgY+PD2rVqoVatWrB19cXKSkp+Oyzz4xRo0li8CUimexsYPZs4M8/5e1VqkhLl7m7K1MXEZEJ0XuMr7e3N06ePIm9e/dqlzOrX78+QkNDDV6cKWPwJSKt2FigXz8gIgKoVg04cwaoUEHpqoiITI5ewXfLli3YsWMHMjMz0blzZ4wePdpYdZk8TfC1sADq1lW2FiJSiBDAxo3AqFHAw4dSW3y8NJaXG1IQERlcsYPvihUrMHLkSNSpUwf29vbYvn07rly5ggULFhizPpOkVgP/dZbDzw+wt1e2HiJSQFISMHw4sHWrrs3PD9i0CWjZUrm6iIhMWLHH+H7++eeYOXMmYmJiEBkZifXr1+OLL74wZm0m68YNaddRgMMciMzS/v1Ao0by0DtoEBAZydBLRGRExQ6+sbGxGDhwoPZ6nz59kJ2djbi4OKMUZso4vpfITGVmApMnA506ATdvSm1ublIAXrsWcHZWtDwiIlNX7KEOGRkZcHR01F63sLCAjY0NHj9+bJTCTBmDL5GZunkT+OwzaWwvAHToAGzYIK3RS0RERqfX5Lbp06fDwcFBez0zMxNz5syBq6urtm3RokWGq85EMfgSmSk/P2DpUmDECGDOHGDCBGmGKxERlYpiB9927dohJiZG1taqVSvExsZqr6u4Z3yx5A6+9eopVwcRGVliIuDgIH1pvPGGtBFF7drK1UVEZKaKHXz3799vxDLMhxC64OvjA+QaPUJEpmTXLmnC2iuvAMuX69pVKoZeIiKF8DO2UnbrFpCSIl3mMAciE5SeDowbB3TtKq3J+8UXwG+/KV0VERGhBDu30dPh+F4iExYVBfTtK/2r0bUrEBysXE1ERKTFHt9SxuBLZILUamnSWrNmutBrawssWwb8/jtQubKy9REREQD2+JY6Bl8iExMXBwweLI3p1QgMBDZvBgIClKuLiIjyYPAtZbmDb/36ytVBRAYQEwO0aSOt3qAxbhwwdy5gZ6dcXURElK8SDXX4+++/0a9fPzzzzDO4desWAGDjxo04ePCgQYszNblXdKheHXBxUbYeInpKtWvrPrqpUkXq9V20iKGXiKiM0jv4/vDDDwgLC4O9vT1OnTqFjIwMAEBycjLmzp1r8AJNyZ07QFKSdJnDHIhMgKUlsHEj0L8/cOYM0KWL0hUREVEh9A6+H330EVauXInVq1fD2tpa2966dWucPHnSoMWZGo7vJSrHcnKATz4BDh+Wt9eoIW077OGhTF1ERFRseo/xjYmJQbt27fK0u7q64sGDB4aoyWQx+BKVUzduSL26Bw4Avr5AZCTHKhERlUN69/hWrlwZly9fztN+8OBB+Pn5GaQoU8XgS1QObd0KNGokhV4AuHYN+OMPRUsiIqKS0Tv4Dh06FO+88w6OHDkClUqF27dvY9OmTZg4cSJGjBhhjBpNBld0ICpHUlKkLYfDwwHNp1ne3sC+fcBrrylZGRERlZDeQx0mTZoEtVqNzp0749GjR2jXrh1sbW0xceJEjB492hg1mgxN8K1cGahQQdlaiKgQERFAv35AbKyuLTwcWLECcHdXri4iInoqKiGEKMmJmZmZuHz5MlJTU9GgQQM4OTkZujajSElJgaurK5KTk+FSimP0EhKASpWky506AXv3ltpDE1FxZWcDc+YAH34oTWYDAGdnYPlyKQirVMrWR0RkJoyV10q8gYWNjQ0acKBqsUVH6y7zZSMqo65cAebN04XeVq2Ab76RJrQREVG5p3fw7dixI1SF9Hr8+eefT1WQqeLENqJywN8fmD8fGD8emDEDmDIFsOIGl0REpkLv3+iNGzeWXc/KykJkZCTOnj2LgQMHGqouk8PgS1QGJSUBDg6Ara2ubfRoaTxSQIBydRERkVHoHXwXL16cb/usWbOQmpr61AWZKgZfojJm/35pbd7evYEFC3TtKhVDLxGRidJ7ObOC9OvXD2vWrDHU3ZkcTfD18AA8PZWthcisZWYCkydLvbo3bwKffsrZpkREZsJgg9ciIiJgZ2dnqLszKUlJQFycdJm9vUQKiokB+vQBcm+v3rGjNLaXiIhMnt7B95VXXpFdF0IgLi4Ox48fx/Tp0w1WmCnhig5EChMC+PJLYNw44PFjqc3aWlq6bMIEwMJgH34REVEZpnfwdXV1lV23sLCAv78/PvjgA3Tp0sVghZkSju8lUlBCAjBkCLBjh67N3x/YvBlo2lS5uoiIqNTpFXxzcnIwePBgBAYGwp27FxUbgy+RQmJigA4dgPh4XduIEdK4XgcHxcoiIiJl6PX5nqWlJbp06YIHmn3rDWT58uXw8fGBnZ0dWrRogaNHjxbrvO+++w4qlQo9evQwaD2GxuBLpBA/P8DbW7rs4SH1+n7xBUMvEZGZ0ntgW0BAAGJz71//lLZs2YLx48dj5syZOHnyJIKCghAWFoa7d+8Wet61a9cwceJEtG3b1mC1GIsm+Lq5AZUrK1oKkXmxtgY2bQJeeQWIigK6dVO6IiIiUpDewfejjz7CxIkT8euvvyIuLg4pKSmyL30tWrQIQ4cOxeDBg9GgQQOsXLkSDg4OhS6NlpOTg759+2L27Nnw8/PT+zFLU0oKcOOGdLlBA2mJUCIyArUaWLYMOHVK3l6nDvDDD/yrk4iIih98P/jgA6SlpeH555/H6dOn8dJLL6F69epwd3eHu7s73Nzc9B73m5mZiRMnTiA0NFRXkIUFQkNDERERUWgtlSpVwptvvlnkY2RkZDx1OH8aFy7oLnOYA5GRxMUBzz8PvPOOtFzZo0dKV0RERGVQsSe3zZ49G8OHD8e+ffsM9uCJiYnIycmBl5eXrN3LywsXcifGXA4ePIivv/4akZGRxXqMefPmYfbs2U9baolxfC+Rkf38s7RqQ2KidP3CBeB//wNefVXZuoiIqMwpdvAVQgAA2rdvb7RiivLw4UP0798fq1evhoeHR7HOmTx5MsaPH6+9npKSAm/NZJdSwOBLZCRpadIavKtW6dqqVAHWrQO4tCIREeVDr+XMVAYeoOrh4QFLS0vcuXNH1n7nzh1Uzmc83pUrV3Dt2jV0yzVBRa1WAwCsrKwQExODWrVqyc6xtbWFra2tQevWB4MvkRGcOCENabh4UdfWowewerW0egMREVE+9Aq+devWLTL83r9/v9j3Z2Njg+DgYOzdu1e7JJlarcbevXsxatSoPMfXq1cPUVFRsrZp06bh4cOHWLp0aan25BaXJvg6OQHVqytbC1G5l5MDLFgATJ8OZGdLbQ4OwJIl0nAHzh4lIqJC6BV8Z8+enWfntqc1fvx4DBw4ECEhIWjevDmWLFmCtLQ0DB48GAAwYMAAVKtWDfPmzYOdnR0CAgJk57u5uQFAnvayIC0NuHZNuswVHYgM4MIFeegNDpZ2YKtbV9m6iIioXNAr+Pbu3RuVKlUyaAHh4eFISEjAjBkzEB8fj8aNG2Pnzp3aCW/Xr1+HhYXeq66VCTExwH9DoznMgcgQGjYEPvwQmDIFmDQJmDULsLFRuioiIionVEIza60IlpaWiIuLM3jwLW0pKSlwdXVFcnIyXFxcjPpY33wD9O8vXZ4/H3j3XaM+HJHpefgQsLcHrHL9jZ6TI63VGxKiXF1ERGRUxsprxe5KLWY+plw4sY3oKUREAI0bAx99JG+3tGToJSKiEil28FWr1eW+t7e0MfgSlUB2NjB7NtC2LRAbKw1tOHxY6aqIiMgE6DXGl/SjCb729kDNmsrWQlQuxMYC/fpJvb0aLVtK6/MSERE9pfI5a6wcSE8HrlyRLtevD5TT+XlEpUMIYMMGaWiDJvRaWko9vwcOAL6+ipZHRESmgT2+RnLxIvDf3hoc5kBUmKQkYMQIYMsWXZufH7Bpk9TbS0REZCAMvkbC8b1ExRATAzz7LHDjhq5t0CBg2TLA2VmxsoiIyDTxA3gjYfAlKoaaNYH/NqGBuzuwdSuwdi1DLxERGQWDr5Ew+BIVg52dtPPa888DZ84APXsqXREREZkwBl8j0QRfW1vOyyECIE1g+/JL+V+FABAQAPz2G1C9ujJ1ERGR2WDwNYLMTODSJemyv7980ykis5SQAPToAQwbBvTpA2RkKF0RERGZIQZfI7h8WVqDH+AwByLs2gU0agTs2CFdP30a+PVXZWsiIiKzxOBrBBzfSwRpMeuxY4GuXYH4eKnNw0MKwK++qmhpRERknvghvBHkDr4NGypXB5FioqKkIQ1nz+rawsKAdeuAypUVK4uIiMwbe3yNgD2+ZLbUamDpUqBZM13otbWV2n7/naGXiIgUxR5fI9AEX2troFYtZWshKlVRUcD48bptCwMDpeXKAgKUrYuIiAjs8TW47GxpMyoAqFtXCr9EZiMoCJgyRbo8bhxw9ChDLxERlRns8TWw2FhpOTOAwxzIDDx6JG1CYZHrb+gZM4AuXYC2bZWri4iIKB/s8TUwju8ls3HiBNCkCbBwobzd2pqhl4iIyiQGXwNj8CWTl5MDfPIJ0LIlcPEiMHUqcPKk0lUREREViUMdDIzBl0zajRtA//7AgQO6tkaNACcn5WoiIiIqJvb4Gpgm+FpaAnXqKFsLkUFt3SqFXE3oVamAyZOBw4elmZxERERlHHt8DSgnB4iOli7Xri0tX0pU7qWkAGPGAOvX69q8vYGNG4H27ZWri4iISE8Mvgb077/SLq0AhzmQiYiJAZ5/XlquRCM8HFi5EnBzU6wsIiKikuBQBwPi+F4yOdWrA1b//X3s7Axs2AB8+y1DLxERlUsMvgbE4Esmx9FR2nmtQwfg9GlpYptKpXRVREREJcLga0AMvlSuCSH16F65Im8PDgb+/BPw9VWmLiIiIgNh8DUgTfBVqQB/f2VrIdJLUhLQuzcwcCDQty+QlSW/nb28RERkAhh8DUQIXfD18wPs7ZWth6jY9u+XlinbulW6fuQI8OuvipZERERkDAy+BnLjBpCWJl3mMAcqFzIzgUmTgE6dgJs3pTZ3d+D774GXX1a2NiIiIiPgcmYGwvG9VK7ExAB9+si3Gu7YURrjW726cnUREREZEXt8DYTBl8oFIYBVq4AmTXSh19oamD8f2LOHoZeIiEwae3wNhMGXyoVTp4Dhw3XX/f2l5cqaNlWuJiIiolLCHl8DyR1869VTrg6iQjVtCowfL10eMULq9WXoJSIiM8EeXwPIvaJDzZqAk5Oy9RBpZWQANjby5cjmzgW6dgWefVa5uoiIiBTAHl8DiIsDkpOlyxzmQGVGVBQQEgKsWCFvt7Vl6CUiIrPE4GsAHN9LZYpaDSxdCjRrBpw9C0yYIH+TEhERmSkOdTAABl8qM+LigMGDgV27dG116ihXDxERURnCHl8DOHdOd5nBlxTz88/SDmy5Q++4ccDRo3xjEhERgT2+BpG7x7d+feXqIDOVliYNZ1i1StdWpQqwbh3QpYtiZREREZU1DL5PSQhdj2+1aoCrq7L1kJm5eBHo1k36V6NHD2D1asDDQ7GyiIiIyiIOdXhKd+8CSUnSZX6aTKXOywvIzJQuOzhIgXf7doZeIiKifDD4PiVObCNFuboC33wDtGgh7co2ZIh8zV4iIiLSYvB9Sgy+VKq+/x64cUPe1ro1EBEB1K2rTE1ERETlBIPvU2LwpVKRkgIMGgT06gUMGADk5MhvZy8vERFRkRh8nxJXdCCji4gAmjQB1q+Xru/fD/z6q6IlERERlUcMvk9JE3y9vICKFZWthUxMdjYwezbQti0QGyu1OTsDGzYAL72kbG1ERETlEJczewqJidKqDgCHOZCBxcYC/fpJvb0arVpJE9l8fZWri4iIqBxjj+9TiI7WXWbwJYMQQurRbdxYF3otLaWe3wMHGHqJiIieAnt8nwIntpHBHT8ODByou+7nB2zaBLRsqVxNREREJoI9vk+BwZcMrlkzYNgw6fKgQUBkJEMvERGRgbDH9ykw+NJTy8oCrKzky5EtXAg8/zwnsBERERkYe3yfgib4VqwIeHoqWwuVQzExUm+uZpkyDUdHhl4iIiIjYPAtoQcPgNu3pcsNGnD/ANKDEMCqVdLavCdPAqNHA5cvK10VERGRyeNQhxLiig5UIgkJwJAhwI4durZq1YDHj5WriYiIyEywx7eEOL6X9LZrF9CokTz0Dh8u9foGBipXFxERkZlg8C0hBl8qtvR0YNw4oGtXID5eavPwkALwihWAg4Oy9REREZkJDnUoIQZfKpbLl4FXXgGionRtXbsCa9cClSsrVxcREZEZYo9vCWmCr6srUKWKsrVQGebuDty7J122tQWWLQN+/52hl4iISAEMviXw8CFw/bp0mSs6UKEqVgTWrQOCgqRd2UaP5huGiIhIIQy+JXDhgu4yhzmQzC+/6Mbxajz7LHDiBBAQoExNREREBIDBt0Q4vpfySEuTVmh46SXgjTektXpzs7RUpi4iIiLSYvAtAQZfkjlxAmjaVNqUAgD+9z/g11+VrYmIiIjyYPAtAQZfAgDk5ACffCJtO3zxotTm4ACsXg28+KKytREREVEeXM6sBDTB18kJ8PZWthZSyI0bQP/+wIEDurbgYGDzZqBuXeXqIiIiogKxx1dPjx4BV69Kl+vX5wR9s7Rli7QDmyb0qlTA5MnA4cMMvURERGUYe3z1FBOjm7fEYQ5m6J9/gN69dde9vYGNG4H27ZWriYiIiIqFPb564vheM9eypTTEAQDCw4HTpxl6iYiIygn2+OqJwdfMqNWAxRN/H37+OfDCC0CvXhzrQkREVI6wx1dPDL5mJDYWaNMG2LpV3u7iIvX2MvQSERGVKwy+etIEX3t7oGZNZWshIxEC2LABaNwYiIgAhg2TVnEgIiKico3BVw8ZGcDly9LlevW4GZdJSkqSJq8NHAg8fCi1VagA3LunbF1ERET01Bh89XDxojTkE+AwB5O0f7+0TFnuoQ2DBgGRkVLvLxEREZVrDL564PheE5WZCUyaBHTqBNy8KbW5uUkBeO1awNlZ0fKIiIjIMLiqgx4YfE1QbCzQsydw8qSurUMHaYwvt+UjIiIyKezx1QODrwmytweuX5cuW1sD8+cDe/cy9BIREZkgBl89aIKvjQ3g56dsLWQgVaoAX38tzVb85x/g3XfzrttLREREJoH/wxdTVpY0uQ0A/P0BKw4SKZ/27Mm7QsNLLwFnzgBNmypTExEREZWKMhF8ly9fDh8fH9jZ2aFFixY4evRogceuXr0abdu2hbu7O9zd3REaGlro8YZy+TKQnS1d5jCHcig9HRg3Dnj2WWldXiHkt1tbK1MXERERlRrFg++WLVswfvx4zJw5EydPnkRQUBDCwsJw9+7dfI/fv38/Xn/9dezbtw8RERHw9vZGly5dcOvWLaPWyfG95VhUFNC8ObBkiXT9hx+AnTsVLYmIiIhKn+LBd9GiRRg6dCgGDx6MBg0aYOXKlXBwcMCaNWvyPX7Tpk14++230bhxY9SrVw9fffUV1Go19u7da9Q6GXzLIbUaWLoUaNZMCr8AYGsLLFsGdO2qbG1ERERU6hQdqZqZmYkTJ05g8uTJ2jYLCwuEhoYiIiKiWPfx6NEjZGVloUKFCvnenpGRgYyMDO31lJSUEtXK4FvOxMUBgwcDu3bp2gIDgc2bgYAA5eoiIiIixSja45uYmIicnBx4eXnJ2r28vBAfH1+s+3j//fdRtWpVhIaG5nv7vHnz4Orqqv3yLuEyVZrga2UF1K5dorug0rJjh7QDW+7QO24ccPQoQy8REZEZU3yow9P4+OOP8d133+HHH3+EnZ1dvsdMnjwZycnJ2q8bN27o/TjZ2UBMjHS5Th1pOTMqow4dArp3BxITpeuVK0sBeNEioID3CBEREZkHRYOvh4cHLC0tcefOHVn7nTt3ULly5ULP/fTTT/Hxxx/jjz/+QKNGjQo8ztbWFi4uLrIvfV29CmhGS3CYQxnXqhXw8svS5e7dpbG9XbooWxMRERGVCYoGXxsbGwQHB8smpmkmqj3zzDMFnjd//nx8+OGH2LlzJ0JCQoxeJ8f3lmFPLkumUgGrVwNr1wI//gh4eChTFxEREZU5ig91GD9+PFavXo3169cjOjoaI0aMQFpaGgYPHgwAGDBggGzy2yeffILp06djzZo18PHxQXx8POLj45Gammq0Ghl8y6gbN4BOnYBff5W3V6wIDBokhWAiIiKi/yi+/1h4eDgSEhIwY8YMxMfHo3Hjxti5c6d2wtv169dhkWsL2RUrViAzMxOvvfaa7H5mzpyJWbNmGaVGBt8yaOtWaSOKBw+Ac+ekndeKGB5DRERE5k0lxJOfFZu2lJQUuLq6Ijk5udjjfYODgZMnAQsLIC2Nc6QUlZICjBkDrF+va/P2Bn76iVsOExERmYiS5LXiUHyoQ1mnVgPR0dLlWrUYehUVEQE0biwPveHhwOnTDL1ERERUJAbfIvz7L/D4sXSZwxwUkp0NzJoFtG0rLbEBAM7OwIYNwLffAu7uipZHRERE5YPiY3zLOo7vVdi1a0CfPlJvr0arVsA33wC+voqVRUREROUPe3yLkDv4NmyoXB1my8JC902wtARmzwYOHGDoJSIiIr0x+BaBPb4Kq1EDWLkS8PMDDh4EZsyQ9o0mIiIi0hODbxE0wVelAvz9la3FLPz9t7RyQ269e0tLlrVsqUxNREREZBIYfAshhC74+voCDg7K1mPSMjOBSZOA9u2B0aPz3s7lNIiIiOgpMfgW4uZNQLMhHIc5GFFMDPDMM8Ann0h/bWzYAPzxh9JVERERkYlh8C0Ex/camRDAqlVAkybSDiEAYG0NzJ8PhIYqWxsRERGZHM4SKgSDrxElJABDhgA7duja/P2BzZu5GQUREREZBXt8C8HgayS7dgGNGslD74gRUq8vQy8REREZCXt8C5E7+Narp1wdJuXvv4GuXXXXPTyANWuAbt2Uq4mIiIjMAnt8C5B7RYcaNaQdcskA2rTRBd+uXYGoKIZeIiIiKhXs8S1AfDzw4IF0mcMcDEilAtauBX78ERg+XLpOREREVArY41sAju81gPh44IUXgL175e2VK0tjehl6iYiIqBSxx7cADL5PaccO4M03gcRE4PRp6atiRaWrIiIiIjPGHt8CMPiWUFqaNIShe3cp9AKAWg1cu6ZoWUREREQMvgXIHXzr11eujnLlxAkgOFjalEKjRw/gzBmpnYiIiEhBDL4F0ATfqlUBNzdFSyn7cnKk7YZbtpS2HwYABwdg9Wpg+3ZpyTIiIiIihXGMbz4SEnSf0nOYQxFu3gT69wf279e1BQdLO7DVratYWURERERPYo9vPji+Vw+PHwPHjkmXVSpg8mTg8GGGXiIiIipzGHzzce6c7jKDbxHq1AGWLQO8vYF9+4C5cwEbG6WrIiIiIsqDwTcf7PEtxNGjwKNH8rbBg6UXrX17ZWoiIiIiKgYG33ww+OYjOxuYPRto1QqYOFF+m0oFODkpUxcRERFRMTH45kMTfCtV4p4LAIDYWKBdO2DWLGkFhxUrpGENREREROUIg+8T7t0D7tyRLpt9b68QwIYNQOPGQESE1GZpKfX8tm2raGlERERE+uJyZk+IjtZdNuvgm5QEjBgBbNmia/PzAzZtktbrJSIiIipnGHyfwPG9AA4ckNbmvXFD1zZokLR6g7OzYmUREZWWnJwcZGVlKV0GkUmzsbGBhUXpDj5g8H2C2QffAweAjh2lYQ4A4O4ubUHcs6eydRERlQIhBOLj4/HgwQOlSyEyeRYWFvD19YVNKS6DyuD7BLMPvm3aSBPZNAF4wwagenWlqyIiKhWa0FupUiU4ODhApVIpXRKRSVKr1bh9+zbi4uJQo0aNUvtZY/B9gib4VqggrepgdiwtgY0bge+/B8aOBUr5IwgiIqXk5ORoQ29FLulDZHSenp64ffs2srOzYW1tXSqPyVSTS3IycOuWdLlBA2l5WpOWkAC8+ipw6JC83dsbGD+eoZeIzIpmTK+Dg4PClRCZB80Qh5ycnFJ7TPb45mJWKzrs2iVNWIuPB06eBE6fBlxclK6KiEhxHN5AVDqU+Fljl14uZjG+Nz1dGsLQtasUegEgNRW4eFHRsoiIiIiMjcE3F5MPvlFRQLNmwNKlurauXaX2kBDl6iIiIlJITEwMKleujIcPHypdiknJzMyEj48Pjh8/rnQpMgy+uZhs8FWrpbDbrBlw9qzUZmsrrcv7++9A5crK1kdERE9l0KBBUKlUUKlUsLa2hq+vL9577z2kp6fnOfbXX39F+/bt4ezsDAcHBzRr1gzr1q3L935/+OEHdOjQAa6urnByckKjRo3wwQcf4P79+0Z+RqVn8uTJGD16NJxNeJ365cuXw8fHB3Z2dmjRogWOHj1a5DlLliyBv78/7O3t4e3tjXHjxsneT/PmzUOzZs3g7OyMSpUqoUePHoiJidHebmNjg4kTJ+L99983ynMqKQbfXDTB18UFqFpV2VoMJi4OeP55aXhDRobUFhgIHD8OjB5tBjP4iIjMQ9euXREXF4fY2FgsXrwYq1atwsyZM2XHfPbZZ+jevTtat26NI0eO4MyZM+jduzeGDx+OiRMnyo6dOnUqwsPD0axZM/zvf//D2bNnsXDhQpw+fRobN24steeVmZlptPu+fv06fv31VwwaNOip7seYNT6tLVu2YPz48Zg5cyZOnjyJoKAghIWF4e7duwWes3nzZkyaNAkzZ85EdHQ0vv76a2zZsgVTpkzRHnPgwAGMHDkS//zzD3bv3o2srCx06dIFaWlp2mP69u2LgwcP4ty5c0Z9jnoRZiY5OVkAEMnJybL2hw+FkHZtEKJlS4WKM4azZ4WwtdU9uXHjhHj8WOmqiIjKnMePH4vz58+Lx+Xwd+TAgQNF9+7dZW2vvPKKaNKkifb69evXhbW1tRg/fnye85ctWyYAiH/++UcIIcSRI0cEALFkyZJ8Hy8pKanAWm7cuCF69+4t3N3dhYODgwgODtbeb351vvPOO6J9+/ba6+3btxcjR44U77zzjqhYsaLo0KGDeP3110WvXr1k52VmZoqKFSuK9evXCyGEyMnJEXPnzhU+Pj7Czs5ONGrUSHz//fcF1imEEAsWLBAhISGytsTERNG7d29RtWpVYW9vLwICAsTmzZtlx+RXoxBCREVFia5duwpHR0dRqVIl0a9fP5GQkKA973//+59o3bq1cHV1FRUqVBAvvPCCuHz5cqE1Pq3mzZuLkSNHaq/n5OSIqlWrinnz5hV4zsiRI0WnTp1kbePHjxetW7cu8Jy7d+8KAOLAgQOy9o4dO4pp06ble05hP3MF5bWnxR7f/1y4oLtsUsMcGjYEFiyQhjPs2gUsWgTY2SldFRFRuRESIu3jU9pfTzP14uzZszh8+LBsR6xt27YhKysrT88uAAwbNgxOTk749ttvAQCbNm2Ck5MT3n777Xzv383NLd/21NRUtG/fHrdu3cKOHTtw+vRpvPfee1Cr1XrVv379etjY2ODQoUNYuXIl+vbti19++QWpqanaY3bt2oVHjx7h5ZdfBiB99L5hwwasXLkS586dw7hx49CvXz8cOHCgwMf5+++/EfLEC52eno7g4GD89ttvOHv2LN566y30798/z/CAJ2t88OABOnXqhCZNmuD48ePYuXMn7ty5g169emnPSUtLw/jx43H8+HHs3bsXFhYWePnllwt9febOnQsnJ6dCv65fv57vuZmZmThx4gRCQ0O1bRYWFggNDUVERESBj9mqVSucOHFC+5xjY2Px+++/4/nnny/wnOTkZABAhQoVZO3NmzfH33//XeB5pY3Lmf3HZMb3nj4N1KsnjeHVGDUK6NdP2n6YiIj0Eh+vW+O9LPv111/h5OSE7OxsZGRkwMLCAp9//rn29osXL8LV1RVVqlTJc66NjQ38/Pxw8b8Vfi5dugQ/Pz+9NxXYvHkzEhIScOzYMW0Aql27tt7PpU6dOpg/f772eq1ateDo6Igff/wR/fv31z7WSy+9BGdnZ2RkZGDu3LnYs2cPnnnmGQCAn58fDh48iFWrVqF9+/b5Ps6///6bJ/hWq1ZN9sfB6NGjsWvXLmzduhXNmzcvsMaPPvoITZo0wdy5c7Vta9asgbe3Ny5evIi6devi1VdflT3WmjVr4OnpifPnzyMgICDfGocPHy4Lz/mpWsD4zMTEROTk5MDLy0vW7uXlhQu5e/ye0KdPHyQmJqJNmzYQQiA7OxvDhw+XDXXITa1WY+zYsWjdunWe51G1alX8+++/hdZfmhh8/1Pug29ODvDpp8C0acA770iXNVQqhl4iohJSav6vvo/bsWNHrFixAmlpaVi8eDGsrKzyBK3iEkKU6LzIyEg0adIkT6+fvoKDg2XXrays0KtXL2zatAn9+/dHWloafv75Z3z33XcAgMuXL+PRo0d49tlnZedlZmaiSZMmBT7O48ePYffEp6A5OTmYO3cutm7dilu3biEzMxMZGRl5NjZ5ssbTp09j3759cHJyyvM4V65cQd26dXHp0iXMmDEDR44cQWJioran9/r16wUG3woVKjz166mv/fv3Y+7cufjiiy/QokULXL58Ge+88w4+/PBDTJ8+Pc/xI0eOxNmzZ3Hw4ME8t9nb2+PRo0elUXaxMPj+p1wH3xs3gP79Ac3HOQsXAj16AG3aKFoWEZEpKGOrMRXI0dFR27u6Zs0aBAUF4euvv8abb74JAKhbty6Sk5Nx+/btPD2EmZmZuHLlCjp27Kg99uDBg8jKytKr19fe3r7Q2y0sLPKEas2OeU8+lyf17dsX7du3x927d7F7927Y29uja9euAKAdAvHbb7+hWrVqsvNsc38C+gQPDw8kJSXJ2hYsWIClS5diyZIlCAwMhKOjI8aOHZtnAtuTNaampqJbt2745JNP8jyOppe9W7duqFmzJlavXo2qVatCrVYjICCg0Mlxc+fOlfUi5+f8+fOoUaNGvs/P0tISd+7ckbXfuXMHlQv5y2r69Ono378/hgwZAgAIDAxEWloa3nrrLUydOhUWuXZ2HTVqFH799Vf89ddfqF69ep77un//Pjw9PQutvzRxjO9/NMHX0VHasbfc2LoVaNRIF3pVKmDyZCDXxzFERGReLCwsMGXKFEybNg2PHz8GALz66quwtrbGwoUL8xy/cuVKpKWl4fXXXwcgfdSdmpqKL774It/7f/DgQb7tjRo1QmRkZIHLnXl6eiIuLk7WFhkZWazn1KpVK3h7e2PLli3YtGkTevbsqQ3lDRo0gK2tLa5fv47atWvLvrwL+U+9SZMmOJ+75wvAoUOH0L17d/Tr1w9BQUGyISCFadq0Kc6dOwcfH588NTg6OuLevXuIiYnBtGnT0LlzZ9SvXz9P6M7P8OHDERkZWehXQUMdbGxsEBwcjL1792rb1Go19u7dqx0Skp9Hjx7Jwi0AWFpaAtB9GiCEwKhRo/Djjz/izz//hK+vb773dfbs2UJ73UudQafKlQP5zRJ89EgIlUpa9OCJyZ1lV3KyEAMH6lZrAITw9hZi/36lKyMiKpdMbVWHrKwsUa1aNbFgwQJt2+LFi4WFhYWYMmWKiI6OFpcvXxYLFy4Utra2YsKECbLz33vvPWFpaSneffddcfjwYXHt2jWxZ88e8dprrxW42kNGRoaoW7euaNu2rTh48KC4cuWK2LZtmzh8+LAQQoidO3cKlUol1q9fLy5evChmzJghXFxc8qzq8M477+R7/1OnThUNGjQQVlZW4u+//85zW8WKFcW6devE5cuXxYkTJ8SyZcvEunXrCnzdduzYISpVqiSys7O1bePGjRPe3t7i0KFD4vz582LIkCHCxcVF9vrmV+OtW7eEp6eneO2118TRo0fF5cuXxc6dO8WgQYNEdna2yMnJERUrVhT9+vUTly5dEnv37hXNmjUTAMSPP/5YYI1P67vvvhO2trZi3bp14vz58+Ktt94Sbm5uIj4+XntM//79xaRJk7TXZ86cKZydncW3334rYmNjxR9//CFq1aolW1ljxIgRwtXVVezfv1/ExcVpvx49eiR7/Jo1a4oNGzbkW5sSqzow+AohTp3SZccBA5SrrdgOHxbCz08eesPDhbh/X+nKiIjKLVMLvkIIMW/ePOHp6SlSU1O1bT///LNo27atcHR0FHZ2diI4OFisWbMm3/vdsmWLaNeunXB2dhaOjo6iUaNG4oMPPih0ObNr166JV199Vbi4uAgHBwcREhIijhw5or19xowZwsvLS7i6uopx48aJUaNGFTv4nj9/XgAQNWvWFGq1WnabWq0WS5YsEf7+/sLa2lp4enqKsLCwPMtr5ZaVlSWqVq0qdu7cqW27d++e6N69u3BychKVKlUS06ZNEwMGDCgy+AohxMWLF8XLL78s3NzchL29vahXr54YO3asttbdu3eL+vXrC1tbW9GoUSOxf/9+owdfIYT47LPPRI0aNYSNjY1o3ry5dnm53M9n4MCB2utZWVli1qxZolatWsLOzk54e3uLt99+W/Z9B5Dv19q1a7XHHD58WLi5ueUJwxpKBF/Vf8WbjZSUFLi6uiI5ORkuLi4AgM2bgb59pds//hgoY5uMyO3fD4SGSpPZAMDZGVi+XFq1gZtREBGVWHp6Oq5evQpfX988E57IdC1fvhw7duzArl27lC7F5ISHhyMoKKjA1SAK+5nLL68ZAie3oZxNbGvdGggOBo4eBVq1Ar75BihgXA0REREVbtiwYXjw4AEePnxo0tsWl7bMzEwEBgZi3LhxSpciw+CLchZ8ra2BTZuALVukrmkrfguJiIhKysrKClOnTlW6DJNjY2ODadOmKV1GHlzVAbrga2cH+PgoWopcUpI0BuPECXl77drA1KkMvURERER6MPvklJEBXL4sXa5XD/hvtQ7l7d8vrc1786YUfE+eBJ5YPJuIiIiIis/se3wvXdLNEysTwxwyM4FJk4BOnaTQCwB37wLnzilbFxEREVE5Z/Y9vmVqfG9MDNCnj9S7q9GxI7BhA5DPbihEREREVHxm3+NbJoKvEMCqVUCTJrrQa20NzJ8P7NnD0EtERERkAOzxVTr4JiQAQ4YAO3bo2vz9pcWFmzZVoCAiIiIi08Qe3/+Cr7U1UKuWAgXcuAH8/rvu+ogRUq8vQy8RERGRQZl18M3KAi5elC77+yu0OljTpsBHHwEeHlKv7xdfcPUGIiIqV1QqFX766SelyyizZs2ahcaNGytdBsHMg++VK1L4BUpxmMOFC7oH1Zg4UVq1oVu3UiqCiIhMyaBBg6BSqaBSqWBtbQ1fX1+89957SE9PV7o0o4uPj8c777yD2rVrw87ODl5eXmjdujVWrFiBR48eKV0eAGDixInYu3ev0mUQzHyMb6mO71Wrgc8+k3Zbe/99YPZs3W2WlkClSkYugIiITFnXrl2xdu1aZGVl4cSJExg4cCBUKhU++eQTpUszmtjYWLRu3Rpubm6YO3cuAgMDYWtri6ioKHz55ZeoVq0aXnrpJaXLhJOTE5ycnJQug2DmPb6lFnzj4oDnnwfGjpV2zPjoI+DoUSM+IBERmRtbW1tUrlwZ3t7e6NGjB0JDQ7F7927t7ffu3cPrr7+OatWqwcHBAYGBgfj2229l99GhQweMGTMG7733HipUqIDKlStj1qxZsmMuXbqEdu3awc7ODg0aNJA9hkZUVBQ6deoEe3t7VKxYEW+99RZSU1O1tw8aNAg9evTA3Llz4eXlBTc3N3zwwQfIzs7Gu+++iwoVKqB69epYu3Ztoc/57bffhpWVFY4fP45evXqhfv368PPzQ/fu3fHbb7+h23+fpF67dg0qlQqRkZHacx88eACVSoX9+/dr286ePYvnnnsOTk5O8PLyQv/+/ZGYmKi9fdu2bQgMDNQ+r9DQUKSlpQEA9u/fj+bNm8PR0RFubm5o3bo1/v33XwB5hzponv+nn36KKlWqoGLFihg5ciSycn0iHBcXhxdeeAH29vbw9fXF5s2b4ePjgyVLlhT6mlDhGHz/Y7Tg+/PPQKNGwK5durYxY6Q2IiIqHxYtkpaWLOorv97Fl14q3rmLFhms3LNnz+Lw4cOwsbHRtqWnpyM4OBi//fYbzp49i7feegv9+/fH0Sc6YtavXw9HR0ccOXIE8+fPxwcffKANt2q1Gq+88gpsbGxw5MgRrFy5Eu+//77s/LS0NISFhcHd3R3Hjh3D999/jz179mDUqFGy4/7880/cvn0bf/31FxYtWoSZM2fixRdfhLu7O44cOYLhw4dj2LBhuKnZzOkJ9+7dwx9//IGRI0fC0dEx32NUKlWxX7MHDx6gU6dOaNKkCY4fP46dO3fizp076NWrFwApiL7++ut44403EB0djf379+OVV16BEALZ2dno0aMH2rdvjzNnziAiIgJvvfVWoY+/b98+XLlyBfv27cP69euxbt06rFu3Tnv7gAEDcPv2bezfvx8//PADvvzyS9y9e7fYz4cKIMxMcnKyACCSk5NFUJAQgBCWlkJkZBj4gVJThRg2THoAzVflykLs2mXgByIiIkN4/PixOH/+vHj8+HHeG2fOlP8+L+irZcu857ZsWbxzZ84sce0DBw4UlpaWwtHRUdja2goAwsLCQmzbtq3Q81544QUxYcIE7fX27duLNm3ayI5p1qyZeP/994UQQuzatUtYWVmJW7duaW//3//+JwCIH3/8UQghxJdffinc3d1Famqq9pjffvtNWFhYiPj4eG29NWvWFDk5Odpj/P39Rdu2bbXXs7OzhaOjo/j222/zrf2ff/4RAMT27dtl7RUrVhSOjo7C0dFRvPfee0IIIa5evSoAiFOnTmmPS0pKEgDEvn37hBBCfPjhh6JLly6y+7px44YAIGJiYsSJEycEAHHt2rU8tdy7d08AEPv378+31pkzZ4qgoCDtdc3zz87O1rb17NlThIeHCyGEiI6OFgDEsWPHtLdfunRJABCLFy/O9zHKo8J+5nLnNUMy2zG+OTnSPDMAqFMHyPVH8dM7cULagU2zZAQAdO8OfPWVtHoDERGVLy4uQLVqRR/n6Zl/W3HOdXHRv65cOnbsiBUrViAtLQ2LFy+GlZUVXn31Ve3tOTk5mDt3LrZu3Ypbt24hMzMTGRkZcHhiJaFGT3wiWaVKFW1PY3R0NLy9vVG1alXt7c8884zs+OjoaAQFBcl6YVu3bg21Wo2YmBh4eXkBABo2bAgLC90Hz15eXggICNBet7S0RMWKFfXu5Tx69CjUajX69u2LjIyMYp93+vRp7Nu3L9+xuFeuXEGXLl3QuXNnBAYGIiwsDF26dMFrr70Gd3d3VKhQAYMGDUJYWBieffZZhIaGolevXqhSpUqBj9ewYUNYWlpqr1epUgVRUVEAgJiYGFhZWaFprqVNa9euDXd392I/H8qf2Qbfa9ek4baAgYc5/PknEBYGZGdL1x0cgCVLpE0q9PjIhYiIypDx46Wvksi9QZEROTo6onbt2gCANWvWICgoCF9//TXefPNNAMCCBQuwdOlSLFmyBIGBgXB0dMTYsWORmZkpux9ra2vZdZVKBbVabfB683scfR67du3aUKlUiImJkbX7+fkBAOzt7bVtmoAthNC2ZT2xwlJqaiq6deuW72TAKlWqwNLSErt378bhw4fxxx9/4LPPPsPUqVNx5MgR+Pr6Yu3atRgzZgx27tyJLVu2YNq0adi9ezdatmxZ7OdvjNeZ5Mx2jG/unxODBt/WrXV3GBwMnDoFDB3K0EtERKXGwsICU6ZMwbRp0/D48WMAwKFDh9C9e3f069cPQUFB8PPzw8Xcn0wWQ/369XHjxg3ExcVp2/755588x5w+fVo76Uvz2BYWFvD393+KZyVXsWJFPPvss/j8889lj5Ufz/964nPXnXuiGwA0bdoU586dg4+PD2rXri370vReq1QqtG7dGrNnz8apU6dgY2ODH3/8UXsfTZo0weTJk3H48GEEBARg8+bNJXpu/v7+yM7OxqlTp7Rtly9fRlJSUonuj3TMNvhqhjkABg6+trbSdsNTpwKHDwN16xrwzomIiIqnZ8+esLS0xPLlywEAderU0fZYRkdHY9iwYbhz545e9xkaGoq6deti4MCBOH36NP7++29MnTpVdkzfvn1hZ2eHgQMH4uzZs9i3bx9Gjx6N/v37a4c5GMoXX3yB7OxshISEYMuWLYiOjkZMTAy++eYbXLhwQTuUwN7eHi1btsTHH3+M6OhoHDhwANOmTZPd18iRI3H//n28/vrrOHbsGK5cuYJdu3Zh8ODByMnJwZEjRzB37lwcP34c169fx/bt25GQkID69evj6tWrmDx5MiIiIvDvv//ijz/+wKVLl1C/fv0SPa969eohNDQUb731Fo4ePYpTp07hrbfegr29vV4T9igvBl88RfBNSZF6c8+dk7c3bCgtWWbQgcNERETFZ2VlhVGjRmH+/PlIS0vDtGnT0LRpU4SFhaFDhw6oXLkyevToodd9WlhY4Mcff8Tjx4/RvHlzDBkyBHPmzJEd4+DggF27duH+/fto1qwZXnvtNXTu3Bmff/65AZ+dpFatWjh16hRCQ0MxefJkBAUFISQkBJ999hkmTpyIDz/8UHvsmjVrkJ2djeDgYIwdOxYfffSR7L6qVq2KQ4cOIScnB126dEFgYCDGjh0LNzc3WFhYwMXFBX/99Reef/551K1bF9OmTcPChQvx3HPPwcHBARcuXMCrr76KunXr4q233sLIkSMxbNiwEj+3DRs2wMvLC+3atcPLL7+MoUOHwtnZGXZ2diW+TwJUIveAFzOQkpICV1dXNG6cjMhIF1hYAKmpQK6hQMUTEQH06wfExkpLkx09KvX2EhFRuZSeno6rV6/C19eX4YLKnJs3b8Lb2xt79uxB586dlS7HIAr7mdPkteTkZLg85cTP3Mx2cptmjK+fn56hNzsbmDMH+PBDaWkIALh6FThzBmjWzOB1EhERkfn5888/kZqaisDAQMTFxeG9996Dj48P2rVrp3Rp5ZrZBt//xvrrN8whNlbq5Y2I0LW1agV88w3g62vQ+oiIiMh8ZWVlYcqUKYiNjYWzszNatWqFTZs25VkNgvRjtsFXo1jBVwhg40Zg1Cjg4UOpzdISmDEDmDIFsDL7l5GIiIgMKCwsDGFhYUqXYXLMPrEVGXyTkoARI4AtW3Rtfn7Apk1AAWvzEREREVHZY7arOmgUGXyjo4Hvv9ddHzQIiIxk6CUiMlFmNuebSDFK/KyZffCtV6+IA1q1ktbkdXMDtm4F1q4FnJ1LozQiIipFmrGTjx49UrgSIvOg2TUw99bNxmbWQx18fIBcW4lLrl4FatSQxvBqTJ8ODBtWvL3WiYioXLK0tISbmxvu3r0LQFqPlpsFEBmHWq1GQkICHBwcYFWKc6XMOvjKhjkIAXz5JTBuHDBzJvD++7rbrK0ZeomIzEDlypUBQBt+ich4LCwsUKNGjVL9A5PBFwASEoAhQ4AdO6Tr06YBXboATZooVhsREZU+lUqFKlWqoFKlSsjKylK6HCKTZmNjAwuL0h11y+C7a5c0YS0+XnfDkCGAv79SZRERkcIsLS1LddwhEZWOMjG5bfny5fDx8YGdnR1atGiBo0ePFnr8999/j3r16sHOzg6BgYH4/fff9X5MG6Sj666xQNeuutDr4SH1+q5YATg4lOCZEBEREVFZpXjw3bJlC8aPH4+ZM2fi5MmTCAoKQlhYWIHjqw4fPozXX38db775Jk6dOoUePXqgR48eOHv2rF6Pux8dUGXLUl1D165AVBTQrdvTPB0iIiIiKqNUQuEFC1u0aIFmzZrh888/ByDN8vP29sbo0aMxadKkPMeHh4cjLS0Nv/76q7atZcuWaNy4MVauXFnk46WkpMDV1RXJAFwAwNYWWLBA2pWNs3eJiIiIFKfNa8nJcHFxMdj9KjrGNzMzEydOnMDkyZO1bRYWFggNDUVERES+50RERGD8+PGytrCwMPz000/5Hp+RkYGMjAzt9eTkZABACiAN8v36a+lfzVbERERERKSolJQUAIbf5ELR4JuYmIicnBx4eXnJ2r28vHDhwoV8z4mPj8/3+Pjck9NymTdvHmbPnp2n3RsAzp8HnnmmRLUTERERkXHdu3cPrq6uBrs/k1/VYfLkybIe4gcPHqBmzZq4fv26QV9IKptSUlLg7e2NGzduGPSjEiqb+P02L/x+mxd+v81LcnIyatSogQoVKhj0fhUNvh4eHrC0tMSdO3dk7Xfu3NEuIv6kypUr63W8ra0tbG1t87S7urryB8eMuLi48PttRvj9Ni/8fpsXfr/Ni6HX+VV0VQcbGxsEBwdj79692ja1Wo29e/fimQKGIDzzzDOy4wFg9+7dBR5PRERERASUgaEO48ePx8CBAxESEoLmzZtjyZIlSEtLw+DBgwEAAwYMQLVq1TBv3jwAwDvvvIP27dtj4cKFeOGFF/Ddd/9v796DoirfOIB/WXB3EReNjGAVNVHI8ZIhaqCOP40CNaO0oGQUEy8FiKOpOd4QzWuKqWNeMsWMRG28jSAkKgl08RJoIwgi4GUESy3RBLns8/ujYadVUHeFxdjvZ+b8cd7zvu95zj4uPrycsxuHkydPYuPGjQ15GURERET0lGvwwjcwMBB//PEH5s6di+LiYnTv3h2JiYn6B9guXbpksMzt7e2Nb7/9FrNnz8bMmTPRsWNH7N27F126dHms86lUKkRGRtZ4+wM1Psy3ZWG+LQvzbVmYb8tSX/lu8M/xJSIiIiIyhwb/5jYiIiIiInNg4UtEREREFoGFLxERERFZBBa+RERERGQRGmXhu3btWrRr1w5qtRq9e/fG8ePHH9p/165dePHFF6FWq9G1a1ckJCSYKVKqC8bk+8svv0S/fv3wzDPP4JlnnoGPj88j/33Q08XY93e1uLg4WFlZ4a233qrfAKlOGZvvv/76C2FhYXB2doZKpYKbmxt/pv+HGJvvzz//HO7u7rC1tYWLiwsmT56MsrIyM0VLT+LYsWMYOnQotFotrKyssHfv3keOSUlJgYeHB1QqFTp06ICYmBjjTyyNTFxcnCiVStm8ebOcPXtWxo0bJy1atJBr167V2D89PV2sra1l2bJlkpWVJbNnz5YmTZrIb7/9ZubIyRTG5nvEiBGydu1aycjIkOzsbBk9erQ0b95crly5YubIyRTG5rtaQUGBtGrVSvr16yf+/v7mCZaemLH5vnfvnnh6esrgwYMlLS1NCgoKJCUlRTIzM80cOZnC2HzHxsaKSqWS2NhYKSgokKSkJHF2dpbJkyebOXIyRUJCgsyaNUt2794tAGTPnj0P7Z+fny9NmzaVKVOmSFZWlqxZs0asra0lMTHRqPM2usK3V69eEhYWpt+vqqoSrVYrixcvrrF/QECADBkyxKCtd+/eMmHChHqNk+qGsfm+X2VlpWg0Gtm6dWt9hUh1yJR8V1ZWire3t2zatEmCg4NZ+P6HGJvvdevWSfv27aW8vNxcIVIdMjbfYWFhMnDgQIO2KVOmSJ8+feo1Tqp7j1P4Tp8+XTp37mzQFhgYKL6+vkadq1Hd6lBeXo5Tp07Bx8dH36ZQKODj44OffvqpxjE//fSTQX8A8PX1rbU/PT1Myff97t69i4qKCjg4ONRXmFRHTM33/Pnz4ejoiJCQEHOESXXElHzv378fXl5eCAsLw/PPP48uXbpg0aJFqKqqMlfYZCJT8u3t7Y1Tp07pb4fIz89HQkICBg8ebJaYybzqql5r8G9uq0vXr19HVVWV/lvfqj3//PM4d+5cjWOKi4tr7F9cXFxvcVLdMCXf9/vkk0+g1WofeDPR08eUfKelpeGrr75CZmamGSKkumRKvvPz83HkyBEEBQUhISEBeXl5CA0NRUVFBSIjI80RNpnIlHyPGDEC169fR9++fSEiqKysxIcffoiZM2eaI2Qys9rqtZKSEpSWlsLW1vax5mlUK75ExliyZAni4uKwZ88eqNXqhg6H6tjt27cxcuRIfPnll2jZsmVDh0NmoNPp4OjoiI0bN6JHjx4IDAzErFmzsH79+oYOjepBSkoKFi1ahC+++AK//vordu/ejfj4eCxYsKChQ6OnWKNa8W3ZsiWsra1x7do1g/Zr167BycmpxjFOTk5G9aenhyn5rrZ8+XIsWbIEycnJ6NatW32GSXXE2HxfuHABhYWFGDp0qL5Np9MBAGxsbJCTkwNXV9f6DZpMZsr729nZGU2aNIG1tbW+rVOnTiguLkZ5eTmUSmW9xkymMyXfc+bMwciRIzF27FgAQNeuXfH3339j/PjxmDVrFhQKru01JrXVa/b29o+92gs0shVfpVKJHj164PDhw/o2nU6Hw4cPw8vLq8YxXl5eBv0B4NChQ7X2p6eHKfkGgGXLlmHBggVITEyEp6enOUKlOmBsvl988UX89ttvyMzM1G9vvvkmBgwYgMzMTLi4uJgzfDKSKe/vPn36IC8vT/8LDgDk5ubC2dmZRe9TzpR8371794HitvqXnn+el6LGpM7qNeOeu3v6xcXFiUqlkpiYGMnKypLx48dLixYtpLi4WERERo4cKTNmzND3T09PFxsbG1m+fLlkZ2dLZGQkP87sP8TYfC9ZskSUSqV89913UlRUpN9u377dUJdARjA23/fjpzr8txib70uXLolGo5Hw8HDJycmRAwcOiKOjo3z66acNdQlkBGPzHRkZKRqNRrZv3y75+fny/fffi6urqwQEBDTUJZARbt++LRkZGZKRkSEAJDo6WjIyMuTixYsiIjJjxgwZOXKkvn/1x5lNmzZNsrOzZe3atfw4s2pr1qyRNm3aiFKplF69esnPP/+sP9a/f38JDg426L9z505xc3MTpVIpnTt3lvj4eDNHTE/CmHy3bdtWADywRUZGmj9wMomx7+9/Y+H732Nsvn/88Ufp3bu3qFQqad++vSxcuFAqKyvNHDWZyph8V1RUyLx588TV1VXUarW4uLhIaGio/Pnnn+YPnIx29OjRGv8/rs5xcHCw9O/f/4Ex3bt3F6VSKe3bt5ctW7YYfV4rEf49gIiIiIgav0Z1jy8RERERUW1Y+BIRERGRRWDhS0REREQWgYUvEREREVkEFr5EREREZBFY+BIRERGRRWDhS0REREQWgYUvEREREVkEFr5ERABiYmLQokWLhg7DZFZWVti7d+9D+4wePRpvvfWWWeIhInoasfAlokZj9OjRsLKyemDLy8tr6NAQExOjj0ehUKB169b44IMP8Pvvv9fJ/EVFRRg0aBAAoLCwEFZWVsjMzDTos2rVKsTExNTJ+Wozb948/XVaW1vDxcUF48ePx82bN42ah0U6EdUHm4YOgIioLvn5+WHLli0Gbc8991wDRWPI3t4eOTk50Ol0OH36ND744ANcvXoVSUlJTzy3k5PTI/s0b978ic/zODp37ozk5GRUVVUhOzsbY8aMwa1bt7Bjxw6znJ+IqDZc8SWiRkWlUsHJyclgs7a2RnR0NLp27Qo7Ozu4uLggNDQUd+7cqXWe06dPY8CAAdBoNLC3t0ePHj1w8uRJ/fG0tDT069cPtra2cHFxQUREBP7++++HxmZlZQUnJydotVoMGjQIERERSE5ORmlpKXQ6HebPn4/WrVtDpVKhe/fuSExM1I8tLy9HeHg4nJ2doVar0bZtWyxevNhg7upbHV544QUAwMsvvwwrKyv873//A2C4irpx40ZotVrodDqDGP39/TFmzBj9/r59++Dh4QG1Wo327dsjKioKlZWVD71OGxsbODk5oVWrVvDx8cG7776LQ4cO6Y9XVVUhJCQEL7zwAmxtbeHu7o5Vq1bpj8+bNw9bt27Fvn379KvHKSkpAIDLly8jICAALVq0gIODA/z9/VFYWPjQeIiIqrHwJSKLoFAosHr1apw9exZbt27FkSNHMH369Fr7BwUFoXXr1jhx4gROnTqFGTNmoEmTJgCACxcuwM/PD8OHD8eZM2ewY8cOpKWlITw83KiYbG1todPpUFlZiVWrVmHFihVYvnw5zpw5A19fX7z55ps4f/48AGD16tXYv38/du7ciZycHMTGxqJdu3Y1znv8+HEAQHJyMoqKirB79+4H+rz77ru4ceMGjh49qm+7efMmEhMTERQUBABITU3FqFGjMGnSJGRlZWHDhg2IiYnBwoULH/saCwsLkZSUBKVSqW/T6XRo3bo1du3ahaysLMydOxczZ87Ezp07AQBTp05FQEAA/Pz8UFRUhKKiInh7e6OiogK+vr7QaDRITU1Feno6mjVrBj8/P5SXlz92TERkwYSIqJEIDg4Wa2trsbOz02/vvPNOjX137dolzz77rH5/y5Yt0rx5c/2+RqORmJiYGseGhITI+PHjDdpSU1NFoVBIaWlpjWPunz83N1fc3NzE09NTRES0Wq0sXLjQYEzPnj0lNDRUREQmTpwoAwcOFJ1OV+P8AGTPnj0iIlJQUCAAJCMjw6BPcHCw+Pv76/f9/f1lzJgx+v0NGzaIVquVqqoqERF59dVXZdGiRQZzbNu2TZydnWuMQUQkMjJSFAqF2NnZiVqtFgACQKKjo2sdIyISFhYmw4cPrzXW6nO7u7sbvAb37t0TW1tbSUpKeuj8REQiIrzHl4galQEDBmDdunX6fTs7OwD/rH4uXrwY586dQ0lJCSorK1FWVoa7d++iadOmD8wzZcoUjB07Ftu2bdP/ud7V1RXAP7dBnDlzBrGxsfr+IgKdToeCggJ06tSpxthu3bqFZs2aQafToaysDH379sWmTZtQUlKCq1evok+fPgb9+/Tpg9OnTwP45zaF1157De7u7vDz88Mbb7yB119//Yleq6CgIIwbNw5ffPEFVCoVYmNj8d5770GhUOivMz093WCFt6qq6qGvGwC4u7tj//79KCsrwzfffIPMzExMnDjRoM/atWuxefNmXLp0CaWlpSgvL0f37t0fGu/p06eRl5cHjUZj0F5WVoYLFy6Y8AoQkaVh4UtEjYqdnR06dOhg0FZYWIg33ngDH330ERYuXAgHBwekpaUhJCQE5eXlNRZw8+bNw4gRIxAfH4+DBw8iMjIScXFxePvtt3Hnzh1MmDABERERD4xr06ZNrbFpNBr8+uuvUCgUcHZ2hq2tLQCgpKTkkdfl4eGBgoICHDx4EMnJyQgICICPjw++++67R46tzdChQyEiiI+PR8+ePZGamoqVK1fqj9+5cwdRUVEYNmzYA2PVanWt8yqVSn0OlixZgiFDhiAqKgoLFiwAAMTFxWHq1KlYsWIFvLy8oNFo8Nlnn+GXX355aLx37txBjx49DH7hqPa0PMBIRE83Fr5E1OidOnUKOp0OK1as0K9mVt9P+jBubm5wc3PD5MmT8f7772PLli14++234eHhgaysrAcK7EdRKBQ1jrG3t4dWq0V6ejr69++vb09PT0evXr0M+gUGBiIwMBDvvPMO/Pz8cPPmTTg4OBjMV30/bVVV1UPjUavVGDZsGGJjY5GXlwd3d3d4eHjoj3t4eCAnJ8fo67zf7NmzMXDgQHz00Uf66/T29kZoaKi+z/0rtkql8oH4PTw8sGPHDjg6OsLe3v6JYiIiy8SH24io0evQoQMqKiqwZs0a5OfnY9u2bVi/fn2t/UtLSxEeHo6UlBRcvHgR6enpOHHihP4Whk8++QQ//vgjwsPDkZmZifPnz2Pfvn1GP9z2b9OmTcPSpUuxY8cO5OTkYMaMGcjMzMSkSZMAANHR0di+fTvOnTuH3Nxc7Nq1C05OTjV+6YajoyNsbW2RmJiIa9eu4datW7WeNygoCPHx8di8ebP+obZqc+fOxddff42oqCicPXsW2dnZiIuLw+zZs426Ni8vL3Tr1g2LFi0CAHTs2BEnT55EUlIScnNzMWfOHJw4ccJgTLt27XDmzBnk5OTg+vXrqKioQFBQEFq2bAl/f3+kpqaioKAAKSkpiIiIwJUrV4yKiYgsEwtfImr0XnrpJURHR2Pp0qXo0qULYmNjDT4K7H7W1ta4ceMGRo0aBTc3NwQEBGDQoEGIiooCAHTr1g0//PADcnNz0a9fP7z88suYO3cutFqtyTFGRERgypQp+Pjjj9G1a1ckJiZi//796NixI4B/bpNYtmwZPD090bNnTxQWFiIhIUG/gv1vNjY2WL16NTZs2ACtVgt/f/9azztw4EA4ODggJycHI0aMMDjm6+uLAwcO4Pvvv0fPnj3xyiuvYOXKlWjbtq3R1zd58mRs2rQJly9fxoQJEzBs2DAEBgaid+/euHHjhsHqLwCMGzcO7u7u8PT0xHPPPYf09HQ0bdoUx44dQ5s2bTBs2DB06tQJISEhKCsr4wowET0WKxGRhg6CiIiIiKi+ccWXiIiIiCwCC18iIiIisggsfImIiIjIIrDwJSIiIiKLwMKXiIiIiCwCC18iIiIisggsfImIiIjIIrDwJSIiIiKLwMKXiIiIiCwCC18iIiIisggsfImIiIjIIvwfgODChHGp4W4AAAAASUVORK5CYII=", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "plot_roc_curve(y_test, y_pred)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "#### Standardized data" + ] + }, + { + "cell_type": "code", + "execution_count": 89, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Time taken for GridSearchCV: 5071.93 seconds\n", + "Best Hyperparameters:\n", + "{'bootstrap': False, 'max_depth': 20, 'max_features': 'auto', 'min_samples_leaf': 1, 'min_samples_split': 5, 'n_estimators': 200}\n", + "\n", + "Time taken for training with best hyperparameters: 4.07 seconds\n", + "\n", + "Mean Accuracy: 0.8688053250345782\n", + "Standard Deviation of Accuracy: 0.010735381485841083\n", + "Mean Precision: 0.8494329073603002\n", + "Standard Deviation of Precision: 0.020013245857135986\n", + "Mean Recall: 0.7505730238025272\n", + "Standard Deviation of Recall: 0.03768985217905668\n", + "Mean F1-score: 0.7962051072925098\n", + "Standard Deviation of F1-score: 0.02080232554736884\n", + "Mean ROC AUC: 0.8404562289052141\n", + "Standard Deviation of ROC AUC: 0.016286438216473118\n", + "\n", + "Total time taken: 5076.00 seconds\n" + ] + } + ], + "source": [ + "from sklearn.ensemble import ExtraTreesClassifier\n", + "from sklearn.model_selection import StratifiedKFold, GridSearchCV\n", + "from sklearn.metrics import accuracy_score, precision_score, recall_score, f1_score, roc_auc_score, confusion_matrix\n", + "import numpy as np\n", + "import time\n", + "\n", + "start_total_time = time.time()\n", + "\n", + "kf = StratifiedKFold(n_splits=10, shuffle=True, random_state=42)\n", + "\n", + "model = ExtraTreesClassifier(random_state=42)\n", + "\n", + "param_grid = {\n", + " 'n_estimators': [50, 100, 200, 300],\n", + " 'max_features': ['auto', 'sqrt', 'log2'],\n", + " 'max_depth': [None, 10, 20, 30],\n", + " 'min_samples_split': [2, 5, 10],\n", + " 'min_samples_leaf': [1, 2, 4],\n", + " 'bootstrap': [False, True]\n", + "}\n", + "\n", + "grid_search = GridSearchCV(estimator=model, param_grid=param_grid, cv=kf, scoring='accuracy')\n", + "\n", + "start_time = time.time()\n", + "\n", + "grid_search.fit(standard(x), y)\n", + "\n", + "grid_search_time = time.time() - start_time\n", + "print(f\"Time taken for GridSearchCV: {grid_search_time:.2f} seconds\")\n", + "\n", + "best_params = grid_search.best_params_\n", + "\n", + "print(\"Best Hyperparameters:\")\n", + "print(best_params)\n", + "print()\n", + "\n", + "best_model = grid_search.best_estimator_\n", + "\n", + "start_time = time.time()\n", + "\n", + "accuracy_scores = []\n", + "precision_scores = []\n", + "recall_scores = []\n", + "f1_scores = []\n", + "roc_auc_scores = []\n", + "confusion_matrices = []\n", + "\n", + "for train_index, test_index in kf.split(standard(x), y):\n", + " X_train, X_test = x.iloc[train_index], x.iloc[test_index]\n", + " y_train, y_test = y.iloc[train_index], y.iloc[test_index]\n", + "\n", + " best_model.fit(X_train, y_train)\n", + "\n", + " y_pred = best_model.predict(X_test)\n", + "\n", + " accuracy = accuracy_score(y_test, y_pred)\n", + " accuracy_scores.append(accuracy)\n", + " \n", + " precision = precision_score(y_test, y_pred)\n", + " precision_scores.append(precision)\n", + " \n", + " recall = recall_score(y_test, y_pred)\n", + " recall_scores.append(recall)\n", + " \n", + " f1 = f1_score(y_test, y_pred)\n", + " f1_scores.append(f1)\n", + " \n", + " roc_auc = roc_auc_score(y_test, y_pred)\n", + " roc_auc_scores.append(roc_auc)\n", + " \n", + " confusion = confusion_matrix(y_test, y_pred)\n", + " confusion_matrices.append(confusion)\n", + "\n", + "training_time = time.time() - start_time\n", + "print(f\"Time taken for training with best hyperparameters: {training_time:.2f} seconds\")\n", + "print()\n", + "\n", + "mean_accuracy = np.mean(accuracy_scores)\n", + "std_accuracy = np.std(accuracy_scores)\n", + "\n", + "mean_precision = np.mean(precision_scores)\n", + "std_precision = np.std(precision_scores)\n", + "\n", + "mean_recall = np.mean(recall_scores)\n", + "std_recall = np.std(recall_scores)\n", + "\n", + "mean_f1 = np.mean(f1_scores)\n", + "std_f1 = np.std(f1_scores)\n", + "\n", + "mean_roc_auc = np.mean(roc_auc_scores)\n", + "std_roc_auc = np.std(roc_auc_scores)\n", + "\n", + "print(f\"Mean Accuracy: {mean_accuracy}\")\n", + "print(f\"Standard Deviation of Accuracy: {std_accuracy}\")\n", + "\n", + "print(f\"Mean Precision: {mean_precision}\")\n", + "print(f\"Standard Deviation of Precision: {std_precision}\")\n", + "\n", + "print(f\"Mean Recall: {mean_recall}\")\n", + "print(f\"Standard Deviation of Recall: {std_recall}\")\n", + "\n", + "print(f\"Mean F1-score: {mean_f1}\")\n", + "print(f\"Standard Deviation of F1-score: {std_f1}\")\n", + "\n", + "print(f\"Mean ROC AUC: {mean_roc_auc}\")\n", + "print(f\"Standard Deviation of ROC AUC: {std_roc_auc}\")\n", + "print()\n", + "\n", + "total_time = time.time() - start_total_time\n", + "print(f\"Total time taken: {total_time:.2f} seconds\")" + ] + }, + { + "cell_type": "code", + "execution_count": 90, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "x_train: (1800, 13)\n", + "y_train: (1800,)\n", + "x_test: (601, 13)\n", + "y_test: (601,)\n" + ] + } + ], + "source": [ + "from sklearn.model_selection import train_test_split\n", + "\n", + "x_train, x_test, y_train, y_test = train_test_split(x,y,test_size=0.25,random_state=42)\n", + "\n", + "print(\"x_train:\",x_train.shape)\n", + "print(\"y_train:\",y_train.shape)\n", + "print(\"x_test:\",x_test.shape)\n", + "print(\"y_test:\",y_test.shape)" + ] + }, + { + "cell_type": "code", + "execution_count": 91, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Accuracy: 0.8535773710482529\n", + "Precision: 0.8152173913043478\n", + "Recall: 0.7352941176470589\n", + "F1 Score: 0.7731958762886598\n", + "ROC AUC Score: 0.8248259001333531\n", + "Confusion Matrix:\n", + "[[363 34]\n", + " [ 54 150]]\n" + ] + } + ], + "source": [ + "model = grid_search.best_estimator_\n", + "\n", + "model.fit(x_train, y_train)\n", + "\n", + "y_pred = model.predict(x_test)\n", + "\n", + "y_pred = (y_pred >= 0.5).astype(int)\n", + "\n", + "print(\"Accuracy:\", accuracy_score(y_test, y_pred))\n", + "print(\"Precision:\", precision_score(y_test, y_pred))\n", + "print(\"Recall:\", recall_score(y_test, y_pred))\n", + "print(\"F1 Score:\", f1_score(y_test, y_pred))\n", + "print(\"ROC AUC Score:\", roc_auc_score(y_test, y_pred))\n", + "print(\"Confusion Matrix:\")\n", + "print(confusion_matrix(y_test, y_pred))" + ] + }, + { + "cell_type": "code", + "execution_count": 92, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAokAAAIjCAYAAABvUIGpAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8pXeV/AAAACXBIWXMAAA9hAAAPYQGoP6dpAABHuUlEQVR4nO3df3zN9f//8fvZ2LHNfhj2K8zvH8vP0Fp+R+ZnRG+JaiTeNCpDWiE/qhWiJPRDJtHv6E3EEOptCfmV/BpKYiNiNsxsr+8ffZ3P+3ihHXaczbld35fX5eK8Xs/zej3Oeb/V431/Pl+vYzEMwxAAAADwPzxcXQAAAAAKH5pEAAAAmNAkAgAAwIQmEQAAACY0iQAAADChSQQAAIAJTSIAAABMaBIBAABgQpMIAAAAE5pEANe0b98+tW3bVgEBAbJYLFq0aFGBnv/XX3+VxWJRUlJSgZ63KGvZsqVatmzp6jIAuDmaRKAI2L9/v/7973+rcuXKKlGihPz9/dWkSRO98cYbOnfunFOvHRsbqx07duill17SvHnz1KhRI6de72bq06ePLBaL/P39r/g97tu3TxaLRRaLRZMnT3b4/EeOHNHYsWO1devWAqgWAG6uYq4uAMC1ff311/rXv/4lq9WqRx99VLVr19aFCxf0/fffa8SIEdq5c6feeecdp1z73LlzSklJ0fPPP6/Bgwc75RoRERE6d+6cihcv7pTz/5NixYrp7NmzWrx4sXr06GF3bP78+SpRooTOnz9/Xec+cuSIxo0bp4oVK6p+/fr5ft+KFSuu63oAUJBoEoFC7ODBg+rZs6ciIiK0evVqhYWF2Y7FxcUpNTVVX3/9tdOuf/z4cUlSYGCg065hsVhUokQJp53/n1itVjVp0kQfffSRqUlcsGCBOnbsqC+++OKm1HL27Fn5+PjIy8vrplwPAK6F6WagEJs4caIyMzM1e/ZsuwbxkqpVq+qpp56yvb548aImTJigKlWqyGq1qmLFinruueeUnZ1t976KFSuqU6dO+v7773XnnXeqRIkSqly5sj744APbmLFjxyoiIkKSNGLECFksFlWsWFHS39O0l/78v8aOHSuLxWK3Lzk5WU2bNlVgYKBKliypGjVq6LnnnrMdv9qaxNWrV6tZs2by9fVVYGCgunTpol27dl3xeqmpqerTp48CAwMVEBCgvn376uzZs1f/Yi/Tq1cvLVu2TKdOnbLt27hxo/bt26devXqZxp88eVLDhw9XnTp1VLJkSfn7+6t9+/batm2bbcyaNWvUuHFjSVLfvn1t09aXPmfLli1Vu3Ztbd68Wc2bN5ePj4/te7l8TWJsbKxKlChh+vwxMTEqVaqUjhw5ku/PCgD5RZMIFGKLFy9W5cqVdffdd+dr/OOPP64xY8bojjvu0NSpU9WiRQslJiaqZ8+eprGpqal64IEHdO+99+q1115TqVKl1KdPH+3cuVOS1K1bN02dOlWS9NBDD2nevHl6/fXXHap/586d6tSpk7KzszV+/Hi99tpruu+++/Tf//73mu9buXKlYmJidOzYMY0dO1bx8fFav369mjRpol9//dU0vkePHjpz5owSExPVo0cPJSUlady4cfmus1u3brJYLPryyy9t+xYsWKCaNWvqjjvuMI0/cOCAFi1apE6dOmnKlCkaMWKEduzYoRYtWtgatlq1amn8+PGSpAEDBmjevHmaN2+emjdvbjvPiRMn1L59e9WvX1+vv/66WrVqdcX63njjDZUtW1axsbHKzc2VJL399ttasWKF3nzzTYWHh+f7swJAvhkACqXTp08bkowuXbrka/zWrVsNScbjjz9ut3/48OGGJGP16tW2fREREYYkY926dbZ9x44dM6xWqzFs2DDbvoMHDxqSjEmTJtmdMzY21oiIiDDV8MILLxj/+4+VqVOnGpKM48ePX7XuS9eYM2eObV/9+vWN4OBg48SJE7Z927ZtMzw8PIxHH33UdL3HHnvM7pz333+/Ubp06ate838/h6+vr2EYhvHAAw8YrVu3NgzDMHJzc43Q0FBj3LhxV/wOzp8/b+Tm5po+h9VqNcaPH2/bt3HjRtNnu6RFixaGJGPWrFlXPNaiRQu7fcuXLzckGS+++KJx4MABo2TJkkbXrl3/8TMCwPUiSQQKqYyMDEmSn59fvsYvXbpUkhQfH2+3f9iwYZJkWrsYGRmpZs2a2V6XLVtWNWrU0IEDB6675stdWsv41VdfKS8vL1/vOXr0qLZu3ao+ffooKCjItr9u3bq69957bZ/zfw0cONDudbNmzXTixAnbd5gfvXr10po1a5SWlqbVq1crLS3tilPN0t/rGD08/v7HZ25urk6cOGGbSv/pp5/yfU2r1aq+ffvma2zbtm3173//W+PHj1e3bt1UokQJvf322/m+FgA4iiYRKKT8/f0lSWfOnMnX+N9++00eHh6qWrWq3f7Q0FAFBgbqt99+s9tfoUIF0zlKlSqlv/766zorNnvwwQfVpEkTPf744woJCVHPnj316aefXrNhvFRnjRo1TMdq1aqlP//8U1lZWXb7L/8spUqVkiSHPkuHDh3k5+enTz75RPPnz1fjxo1N3+UleXl5mjp1qqpVqyar1aoyZcqobNmy2r59u06fPp3va952220O3aQyefJkBQUFaevWrZo2bZqCg4Pz/V4AcBRNIlBI+fv7Kzw8XD///LND77v8xpGr8fT0vOJ+wzCu+xqX1std4u3trXXr1mnlypV65JFHtH37dj344IO69957TWNvxI18lkusVqu6deumuXPnauHChVdNESXp5ZdfVnx8vJo3b64PP/xQy5cvV3Jysm6//fZ8J6bS39+PI7Zs2aJjx45Jknbs2OHQewHAUTSJQCHWqVMn7d+/XykpKf84NiIiQnl5edq3b5/d/vT0dJ06dcp2p3JBKFWqlN2dwJdcnlZKkoeHh1q3bq0pU6bol19+0UsvvaTVq1fr22+/veK5L9W5Z88e07Hdu3erTJky8vX1vbEPcBW9evXSli1bdObMmSve7HPJ559/rlatWmn27Nnq2bOn2rZtqzZt2pi+k/w27PmRlZWlvn37KjIyUgMGDNDEiRO1cePGAjs/AFyOJhEoxJ555hn5+vrq8ccfV3p6uun4/v379cYbb0j6e7pUkukO5ClTpkiSOnbsWGB1ValSRadPn9b27dtt+44ePaqFCxfajTt58qTpvZceKn35Y3kuCQsLU/369TV37ly7puvnn3/WihUrbJ/TGVq1aqUJEyZo+vTpCg0Nveo4T09PU0r52Wef6Y8//rDbd6mZvVJD7aiRI0fq0KFDmjt3rqZMmaKKFSsqNjb2qt8jANwoHqYNFGJVqlTRggUL9OCDD6pWrVp2v7iyfv16ffbZZ+rTp48kqV69eoqNjdU777yjU6dOqUWLFvrxxx81d+5cde3a9aqPV7kePXv21MiRI3X//ffrySef1NmzZzVz5kxVr17d7saN8ePHa926derYsaMiIiJ07NgxzZgxQ+XKlVPTpk2vev5Jkyapffv2io6OVr9+/XTu3Dm9+eabCggI0NixYwvsc1zOw8NDo0aN+sdxnTp10vjx49W3b1/dfffd2rFjh+bPn6/KlSvbjatSpYoCAwM1a9Ys+fn5ydfXV1FRUapUqZJDda1evVozZszQCy+8YHskz5w5c9SyZUuNHj1aEydOdOh8AJAvLr67GkA+7N271+jfv79RsWJFw8vLy/Dz8zOaNGlivPnmm8b58+dt43Jycoxx48YZlSpVMooXL26UL1/eSEhIsBtjGH8/Aqdjx46m61z+6JWrPQLHMAxjxYoVRu3atQ0vLy+jRo0axocffmh6BM6qVauMLl26GOHh4YaXl5cRHh5uPPTQQ8bevXtN17j8MTErV640mjRpYnh7exv+/v5G586djV9++cVuzKXrXf6InTlz5hiSjIMHD171OzUM+0fgXM3VHoEzbNgwIywszPD29jaaNGlipKSkXPHRNV999ZURGRlpFCtWzO5ztmjRwrj99tuveM3/PU9GRoYRERFh3HHHHUZOTo7duKFDhxoeHh5GSkrKNT8DAFwPi2E4sLIbAAAAboE1iQAAADChSQQAAIAJTSIAAABMaBIBAABgQpMIAAAAE5pEAAAAmNAkAgAAwOSW/MUV7waDXV0CACf5a+N0V5cAwElKuLArcWbvcG5L0fznFkkiAAAATG7JJBEAAMAhFnKzy9EkAgAAWCyurqDQoW0GAACACUkiAAAA080mfCMAAAAwIUkEAABgTaIJSSIAAABMSBIBAABYk2jCNwIAAAATkkQAAADWJJrQJAIAADDdbMI3AgAAABOaRAAAAIvFeZsDZs6cqbp168rf31/+/v6Kjo7WsmXLbMdbtmwpi8Vitw0cONDuHIcOHVLHjh3l4+Oj4OBgjRgxQhcvXnT4K2G6GQAAoJAoV66cXnnlFVWrVk2GYWju3Lnq0qWLtmzZottvv12S1L9/f40fP972Hh8fH9ufc3Nz1bFjR4WGhmr9+vU6evSoHn30URUvXlwvv/yyQ7XQJAIAABSSNYmdO3e2e/3SSy9p5syZ+uGHH2xNoo+Pj0JDQ6/4/hUrVuiXX37RypUrFRISovr162vChAkaOXKkxo4dKy8vr3zXUji+EQAAgFtUdna2MjIy7Lbs7Ox/fF9ubq4+/vhjZWVlKTo62rZ//vz5KlOmjGrXrq2EhASdPXvWdiwlJUV16tRRSEiIbV9MTIwyMjK0c+dOh+qmSQQAAHDimsTExEQFBATYbYmJiVctZceOHSpZsqSsVqsGDhyohQsXKjIyUpLUq1cvffjhh/r222+VkJCgefPm6eGHH7a9Ny0tza5BlGR7nZaW5tBXwnQzAACAEyUkJCg+Pt5un9Vqver4GjVqaOvWrTp9+rQ+//xzxcbGau3atYqMjNSAAQNs4+rUqaOwsDC1bt1a+/fvV5UqVQq0bppEAAAAJ65JtFqt12wKL+fl5aWqVatKkho2bKiNGzfqjTfe0Ntvv20aGxUVJUlKTU1VlSpVFBoaqh9//NFuTHp6uiRddR3j1TDdDAAAUEgegXMleXl5V13DuHXrVklSWFiYJCk6Olo7duzQsWPHbGOSk5Pl7+9vm7LOL5JEAACAQiIhIUHt27dXhQoVdObMGS1YsEBr1qzR8uXLtX//fi1YsEAdOnRQ6dKltX37dg0dOlTNmzdX3bp1JUlt27ZVZGSkHnnkEU2cOFFpaWkaNWqU4uLiHEozJZpEAACAQvMInGPHjunRRx/V0aNHFRAQoLp162r58uW699579fvvv2vlypV6/fXXlZWVpfLly6t79+4aNWqU7f2enp5asmSJBg0apOjoaPn6+io2NtbuuYr5ZTEMwyjID1cYeDcY7OoSADjJXxunu7oEAE5SwoXRlXfzsU4797l1zju3M5EkAgAAFJIksTDhGwEAAIAJSSIAAIDHjd+FfKshSQQAAIAJSSIAAABrEk1oEgEAAArgode3GtpmAAAAmJAkAgAAMN1swjcCAAAAE5JEAAAA1iSakCQCAADAhCQRAACANYkmfCMAAAAwIUkEAABgTaIJTSIAAADTzSZ8IwAAADAhSQQAAGC62YQkEQAAACYkiQAAAKxJNOEbAQAAgAlJIgAAAGsSTUgSAQAAYEKSCAAAwJpEE5pEAAAAmkQTvhEAAACYkCQCAABw44oJSSIAAABMSBIBAABYk2jCNwIAAAATkkQAAADWJJqQJAIAAMCEJBEAAIA1iSY0iQAAAEw3m9A2AwAAwIQkEQAAuD0LSaIJSSIAAABMSBIBAIDbI0k0I0kEAACACUkiAAAAQaIJSSIAAABMSBIBAIDbY02iGU0iAABwezSJZkw3AwAAwIQkEQAAuD2SRDOSRAAAAJiQJAIAALdHkmhGkggAAAATkkQAAACCRBOSRAAAAJiQJAIAALfHmkQzkkQAAACYkCQCAAC3R5JoRpMIAADcHk2iGdPNAAAAMCFJBAAAbo8k0YwkEQAAACYkiQAAAASJJiSJAAAAMCFJBAAAbo81iWYkiQAAAIXEzJkzVbduXfn7+8vf31/R0dFatmyZ7fj58+cVFxen0qVLq2TJkurevbvS09PtznHo0CF17NhRPj4+Cg4O1ogRI3Tx4kWHa6FJBAAAbs9isThtc0S5cuX0yiuvaPPmzdq0aZPuuecedenSRTt37pQkDR06VIsXL9Znn32mtWvX6siRI+rWrZvt/bm5uerYsaMuXLig9evXa+7cuUpKStKYMWMc/04MwzAcflch591gsKtLAOAkf22c7uoSADhJCRcuggt+7FOnnfvY+z1u6P1BQUGaNGmSHnjgAZUtW1YLFizQAw88IEnavXu3atWqpZSUFN11111atmyZOnXqpCNHjigkJESSNGvWLI0cOVLHjx+Xl5dXvq9LkggAAOBE2dnZysjIsNuys7P/8X25ubn6+OOPlZWVpejoaG3evFk5OTlq06aNbUzNmjVVoUIFpaSkSJJSUlJUp04dW4MoSTExMcrIyLClkflFkwgAAGBx3paYmKiAgAC7LTEx8aql7NixQyVLlpTVatXAgQO1cOFCRUZGKi0tTV5eXgoMDLQbHxISorS0NElSWlqaXYN46filY47g7mYAAAAnSkhIUHx8vN0+q9V61fE1atTQ1q1bdfr0aX3++eeKjY3V2rVrnV2mCU0iAABwe858BI7Var1mU3g5Ly8vVa1aVZLUsGFDbdy4UW+88YYefPBBXbhwQadOnbJLE9PT0xUaGipJCg0N1Y8//mh3vkt3P18ak19MNwMAABRieXl5ys7OVsOGDVW8eHGtWrXKdmzPnj06dOiQoqOjJUnR0dHasWOHjh07ZhuTnJwsf39/RUZGOnRdkkQAAOD2CsvDtBMSEtS+fXtVqFBBZ86c0YIFC7RmzRotX75cAQEB6tevn+Lj4xUUFCR/f38NGTJE0dHRuuuuuyRJbdu2VWRkpB555BFNnDhRaWlpGjVqlOLi4hxKMyWaRAAAgELj2LFjevTRR3X06FEFBASobt26Wr58ue69915J0tSpU+Xh4aHu3bsrOztbMTExmjFjhu39np6eWrJkiQYNGqTo6Gj5+voqNjZW48ePd7gWnpMIoEjhOYnArcuVz0kMG/CF08599J3uTju3M5EkAgAAt1dYppsLE25cAQAAgAlJIgAAAEGiCUkiAAAATEgSAQCA22NNohlJIgAAAExIEgEAgNsjSTQjSQQAAIAJSSIAAHB7JIlmNIkAAAD0iCZMNwMAAMCEJBEAALg9ppvNSBIBAABgQpIIAADcHkmiGUkiAAAATEgSUej0/1dT9X+gmSLCgyRJuw6k6eV3lmnFf3+xjYmqW0lj4zqpcZ2Kys3N0/a9f6jzE2/pfHaOJOmz1/+tetVvU9kgP/2VcVbfbtijUdO+0tHjp13ymQBc3acfL9Cnn3ykI3/8IUmqUrWa/j3oCTVt1sJunGEYihvYX//9/jtNnfaW7mndxhXl4hZFkmhGk4hC54/0Uxr95ldKPXRcFln0cOcofTZ1gO7q+Yp2HUhTVN1K+mr6E5o8Z4XiX/1MF3PzVLf6bcrLM2znWLdxrybNXq60P08rPDhQiUPv14JJ/dSqzxQXfjIAVxIcEqqnhg5XhYgIGYahxV8t0lOD4/TJFwtVtWo127gPP5jLv8iBm4gmEYXO0nU/270e+9Zi9f9XU91Zt5J2HUjTxGHdNOPjNZo8J9k2Zt9vx+ze8+b8b21/PnT0L02ek6xPp/RXsWIeungxz7kfAIBDWra6x+71kKeG6tOPP9L2bVttTeLuXbv0wdz39dEnX6h1y6auKBO3OP4PiJlLm8Q///xT77//vlJSUpSWliZJCg0N1d13360+ffqobNmyriwPhYCHh0Xd771Dvt5e2rD9oMqWKqk761bSx8s26dukeFUqV0Z7f03X2OmLtX7rgSueo5S/j3q2b6Qfth2kQQQKudzcXK1Y/o3OnTurevUaSJLOnTunhGeG6blRY1SGfy/AWegRTVzWJG7cuFExMTHy8fFRmzZtVL16dUlSenq6pk2bpldeeUXLly9Xo0aNrnme7OxsZWdn2+0z8nJl8fB0Wu1wvturhmvN3GEq4VVMmeey9eCwd7X7QJrurFNRkvT8vzsoYepCbd9zWL073amlbw9Rw3+9rP2HjtvO8eKTXTSwZ3P5elu1YftBdXtylos+DYB/sm/vHj3Sq6cuXMiWj4+Ppk57S1WqVpUkTXo1UfUaNFCre1iDCNxMLmsShwwZon/961+aNWuWKeI1DEMDBw7UkCFDlJKScs3zJCYmaty4cXb7PEMaq3jYnQVeM26evb+mK6pnogJKeuv+Ng307vhH1PbxN+Th8ff/VmZ/8b3m/ecHSdK2PYfV8s4aiu0SrTFv/sd2jqkfrFTSohRVCAvS8/9ur/cmPEKjCBRSFStW0qdfLFJm5hklr1iu0c+N1OykD/X7od+0ccMP+uTzha4uEbc4ppvNLIZhGP88rOB5e3try5Ytqlmz5hWP7969Ww0aNNC5c+eueZ4rJYnBzUaSJN5ivp41WAd+/1OT5yRr99fj1Pf5ufp46Ubb8Xmv9NXF3Dz1fX7uFd9/W3CgUpe/qJaxr2nD9oM3q2w4wV8bp7u6BNwEA/r1UbnyFVTCatWC+fPk4fF/T2zLzc2Vh4eH7mjYSLOT5rmwShS0Ei5cBFc5fqnTzn1gSgennduZXPZfR2hoqH788cerNok//vijQkJC/vE8VqtVVqvVbh8N4q3Hw2KR1auYfjtyQkeOnVL1isF2x6tGBNs9Isf0/v+fQHoV514toCjIy8tTzoULeiJuiO5/4F92xx7o2lnDRyaoRctWLqoOtyKSRDOX/Rtz+PDhGjBggDZv3qzWrVvbGsL09HStWrVK7777riZPnuyq8uBC44fcp+X/3anfj/4lP98SerB9IzVvVE2dn5ghSZo6d6VGDeyoHXv/0LY9h/Vw5yjVqBiiXiNmS5Ia145Qw9sjtH7Lfp06c1aVypXVC0901P5Dx0kRgULojamvqWmz5goNC9PZrCwt/XqJNm38UTPfma0yZcte8WaVsLBwlStX3gXVAu7DZU1iXFycypQpo6lTp2rGjBnKzc2VJHl6eqphw4ZKSkpSjx49XFUeXKhsUEnNnvCoQsv463Tmef287w91fmKGVm/YLUmavmCNSliLa+Kw7ioV4KMde/9Qp0HTdfDwn5Kks+dz1OWeeho1sKN8vb2U9udprVi/S6+++74u5Fx05UcDcAUnT57QqISROn78mEr6+al69Rqa+c5sRd/dxNWlwY0QJJq5bE3i/8rJydGff/79L/gyZcqoePHiN3Q+7waDC6IsAIUQaxKBW5cr1yRWHb7MaedOndzeaed2pkKxQKt48eIKCwtzdRkAAMBNsSbRrFA0iQAAAK5Ej2jm8c9DAAAA4G5IEgEAgNtjutmMJBEAAAAmJIkAAMDtESSakSQCAADAhCQRAAC4vUs/34r/Q5IIAAAAE5JEAADg9liTaEaTCAAA3B6PwDFjuhkAAAAmJIkAAMDtESSakSQCAADAhCQRAAC4PdYkmpEkAgAAwIQkEQAAuD2SRDOSRAAAAJiQJAIAALdHkGhGkwgAANwe081mTDcDAADAhCQRAAC4PYJEM5JEAAAAmJAkAgAAt8eaRDOSRAAAAJiQJAIAALdHkGhGkggAAAATkkQAAOD2WJNoRpIIAAAAE5JEAADg9ggSzWgSAQCA22O62YzpZgAAAJiQJAIAALdHkGhGkggAAAATmkQAAOD2LBaL0zZHJCYmqnHjxvLz81NwcLC6du2qPXv22I1p2bKl6RoDBw60G3Po0CF17NhRPj4+Cg4O1ogRI3Tx4kWHamG6GQAAoJBYu3at4uLi1LhxY128eFHPPfec2rZtq19++UW+vr62cf3799f48eNtr318fGx/zs3NVceOHRUaGqr169fr6NGjevTRR1W8eHG9/PLL+a6FJhEAALg9Z65JzM7OVnZ2tt0+q9Uqq9VqGvvNN9/YvU5KSlJwcLA2b96s5s2b2/b7+PgoNDT0itdbsWKFfvnlF61cuVIhISGqX7++JkyYoJEjR2rs2LHy8vLKV91MNwMAADhRYmKiAgIC7LbExMR8vff06dOSpKCgILv98+fPV5kyZVS7dm0lJCTo7NmztmMpKSmqU6eOQkJCbPtiYmKUkZGhnTt35rtukkQAAOD2nPmcxISEBMXHx9vtu1KKeLm8vDw9/fTTatKkiWrXrm3b36tXL0VERCg8PFzbt2/XyJEjtWfPHn355ZeSpLS0NLsGUZLtdVpaWr7rpkkEAABuz5nTzVebWv4ncXFx+vnnn/X999/b7R8wYIDtz3Xq1FFYWJhat26t/fv3q0qVKjdc7yVMNwMAABQygwcP1pIlS/Ttt9+qXLly1xwbFRUlSUpNTZUkhYaGKj093W7MpddXW8d4JTSJAADA7RWWR+AYhqHBgwdr4cKFWr16tSpVqvSP79m6daskKSwsTJIUHR2tHTt26NixY7YxycnJ8vf3V2RkZL5rYboZAACgkIiLi9OCBQv01Vdfyc/Pz7aGMCAgQN7e3tq/f78WLFigDh06qHTp0tq+fbuGDh2q5s2bq27dupKktm3bKjIyUo888ogmTpyotLQ0jRo1SnFxcQ5Ne9MkAgAAt+fMG1ccMXPmTEl/PzD7f82ZM0d9+vSRl5eXVq5cqddff11ZWVkqX768unfvrlGjRtnGenp6asmSJRo0aJCio6Pl6+ur2NhYu+cq5gdNIgAAQCFhGMY1j5cvX15r1679x/NERERo6dKlN1QLTSIAAHB7hSRILFS4cQUAAAAmJIkAAMDtFZY1iYUJTSIAAHB79IhmTDcDAADAhCQRAAC4PaabzUgSAQAAYEKSCAAA3B5BohlJIgAAAExIEgEAgNvzIEo0IUkEAACACUkiAABwewSJZjSJAADA7fEIHDOmmwEAAGBCkggAANyeB0GiCUkiAAAATEgSAQCA22NNohlJIgAAAExIEgEAgNsjSDQjSQQAAIAJSSIAAHB7FhElXo4mEQAAuD0egWPGdDMAAABMSBIBAIDb4xE4ZiSJAAAAMCFJBAAAbo8g0YwkEQAAACYkiQAAwO15ECWakCQCAADApECaxFOnThXEaQAAAFzCYnHeVlQ53CS++uqr+uSTT2yve/ToodKlS+u2227Ttm3bCrQ4AACAm8FisThtK6ocbhJnzZql8uXLS5KSk5OVnJysZcuWqX379hoxYkSBFwgAAICbz+EbV9LS0mxN4pIlS9SjRw+1bdtWFStWVFRUVIEXCAAA4GxFOPBzGoeTxFKlSun333+XJH3zzTdq06aNJMkwDOXm5hZsdQAAAHAJh5PEbt26qVevXqpWrZpOnDih9u3bS5K2bNmiqlWrFniBAAAAzsYjcMwcbhKnTp2qihUr6vfff9fEiRNVsmRJSdLRo0f1xBNPFHiBAAAAuPkcbhKLFy+u4cOHm/YPHTq0QAoCAAC42cgRzfLVJP7nP//J9wnvu+++6y4GAAAAhUO+msSuXbvm62QWi4WbVwAAQJFTlJ9n6Cz5ahLz8vKcXQcAAIDLeNAjmtzQz/KdP3++oOoAAABAIeJwk5ibm6sJEybotttuU8mSJXXgwAFJ0ujRozV79uwCLxAAAMDZ+Fk+M4ebxJdeeklJSUmaOHGivLy8bPtr166t9957r0CLAwAAgGs43CR+8MEHeuedd9S7d295enra9terV0+7d+8u0OIAAABuBovFeVtR5XCT+Mcff1zxl1Xy8vKUk5NTIEUBAADAtRxuEiMjI/Xdd9+Z9n/++edq0KBBgRQFAABwM7Em0czhX1wZM2aMYmNj9ccffygvL09ffvml9uzZow8++EBLlixxRo0AAAC4yRxOErt06aLFixdr5cqV8vX11ZgxY7Rr1y4tXrxY9957rzNqBAAAcCoPi/O2osrhJFGSmjVrpuTk5IKuBQAAwCWK8rSws1xXkyhJmzZt0q5duyT9vU6xYcOGBVYUAAAAXMvhJvHw4cN66KGH9N///leBgYGSpFOnTunuu+/Wxx9/rHLlyhV0jQAAAE5Fjmjm8JrExx9/XDk5Odq1a5dOnjypkydPateuXcrLy9Pjjz/ujBoBAABwkzmcJK5du1br169XjRo1bPtq1KihN998U82aNSvQ4gAAAG4GD9YkmjicJJYvX/6KD83Ozc1VeHh4gRQFAAAA13K4SZw0aZKGDBmiTZs22fZt2rRJTz31lCZPnlygxQEAANwM/CyfWb6mm0uVKmV3a3hWVpaioqJUrNjfb7948aKKFSumxx57TF27dnVKoQAAALh58tUkvv76604uAwAAwHV4TqJZvprE2NhYZ9cBAACAQuS6H6YtSefPn9eFCxfs9vn7+99QQQAAADcbQaKZwzeuZGVlafDgwQoODpavr69KlSpltwEAABQ1HhaL0zZHJCYmqnHjxvLz81NwcLC6du2qPXv22I05f/684uLiVLp0aZUsWVLdu3dXenq63ZhDhw6pY8eO8vHxUXBwsEaMGKGLFy869p04NFrSM888o9WrV2vmzJmyWq167733NG7cOIWHh+uDDz5w9HQAAAD4/9auXau4uDj98MMPSk5OVk5Ojtq2bausrCzbmKFDh2rx4sX67LPPtHbtWh05ckTdunWzHc/NzVXHjh114cIFrV+/XnPnzlVSUpLGjBnjUC0WwzAMR95QoUIFffDBB2rZsqX8/f31008/qWrVqpo3b54++ugjLV261KECnMG7wWBXlwDASf7aON3VJQBwkhI3tAjuxjzx5S9OO/eMbpHX/d7jx48rODhYa9euVfPmzXX69GmVLVtWCxYs0AMPPCBJ2r17t2rVqqWUlBTdddddWrZsmTp16qQjR44oJCREkjRr1iyNHDlSx48fl5eXV76u7XCSePLkSVWuXFnS3+sPT548KUlq2rSp1q1b5+jpAAAAbmnZ2dnKyMiw27Kzs/P13tOnT0uSgoKCJEmbN29WTk6O2rRpYxtTs2ZNVahQQSkpKZKklJQU1alTx9YgSlJMTIwyMjK0c+fOfNftcJNYuXJlHTx40FbUp59+KklavHixAgMDHT0dAACAy1ksFqdtiYmJCggIsNsSExP/saa8vDw9/fTTatKkiWrXri1JSktLk5eXl6nnCgkJUVpamm3M/zaIl45fOpZfDge7ffv21bZt29SiRQs9++yz6ty5s6ZPn66cnBxNmTLF0dMBAADc0hISEhQfH2+3z2q1/uP74uLi9PPPP+v77793VmnX5HCTOHToUNuf27Rpo927d2vz5s2qWrWq6tatW6DFXa/fv3vd1SUAcJIvtx92dQkAnKTXHeVcdm2Hp1YdYLVa89UU/q/BgwdryZIlWrduncqV+7/vJTQ0VBcuXNCpU6fs0sT09HSFhobaxvz4449257t09/OlMflxw99JRESEunXrVmgaRAAAgKLKMAwNHjxYCxcu1OrVq1WpUiW74w0bNlTx4sW1atUq2749e/bo0KFDio6OliRFR0drx44dOnbsmG1McnKy/P39FRmZ/5to8pUkTps2Ld8nfPLJJ/M9FgAAoDAoLD/LFxcXpwULFuirr76Sn5+fbQ1hQECAvL29FRAQoH79+ik+Pl5BQUHy9/fXkCFDFB0drbvuukuS1LZtW0VGRuqRRx7RxIkTlZaWplGjRikuLs6hRDNfj8C5vIu96sksFh04cCDfF3eWPzMde1gkgKJjxd78L7oGULS4crr56a92O+3cr3epme+xV2tW58yZoz59+kj6+2Haw4YN00cffaTs7GzFxMRoxowZdlPJv/32mwYNGqQ1a9bI19dXsbGxeuWVV1SsWP5XGjr8nMSigCYRuHXRJAK3LprEwsWFj60EAAAoHDwKx2xzoeLMm3kAAABQRJEkAgAAt1dYblwpTEgSAQAAYEKSCAAA3B5rEs2uK0n87rvv9PDDDys6Olp//PGHJGnevHku+9kYAAAAFCyHm8QvvvhCMTEx8vb21pYtW5SdnS1JOn36tF5++eUCLxAAAMDZLBbnbUWVw03iiy++qFmzZundd99V8eLFbfubNGmin376qUCLAwAAuBk8LBanbUWVw03inj171Lx5c9P+gIAAnTp1qiBqAgAAgIs53CSGhoYqNTXVtP/7779X5cqVC6QoAACAm8nDiVtR5XDt/fv311NPPaUNGzbIYrHoyJEjmj9/voYPH65BgwY5o0YAAADcZA4/AufZZ59VXl6eWrdurbNnz6p58+ayWq0aPny4hgwZ4owaAQAAnKoILx10GoebRIvFoueff14jRoxQamqqMjMzFRkZqZIlSzqjPgAAALjAdT9M28vLS5GRkQVZCwAAgEsU5buQncXhJrFVq1bX/H3D1atX31BBAAAAcD2Hm8T69evbvc7JydHWrVv1888/KzY2tqDqAgAAuGkIEs0cbhKnTp16xf1jx45VZmbmDRcEAABws/HbzWYF9viehx9+WO+//35BnQ4AAAAudN03rlwuJSVFJUqUKKjTAQAA3DTcuGLmcJPYrVs3u9eGYejo0aPatGmTRo8eXWCFAQAAwHUcbhIDAgLsXnt4eKhGjRoaP3682rZtW2CFAQAA3CwEiWYONYm5ubnq27ev6tSpo1KlSjmrJgAAALiYQzeueHp6qm3btjp16pSTygEAALj5PCzO24oqh+9url27tg4cOOCMWgAAAFBIONwkvvjiixo+fLiWLFmio0ePKiMjw24DAAAoaixO/E9Rle81iePHj9ewYcPUoUMHSdJ9991n9/N8hmHIYrEoNze34KsEAABwoqI8Lews+W4Sx40bp4EDB+rbb791Zj0AAAAoBPLdJBqGIUlq0aKF04oBAABwBZJEM4fWJFp4iBAAAIBbcOg5idWrV//HRvHkyZM3VBAAAMDNRhBm5lCTOG7cONMvrgAAAODW41CT2LNnTwUHBzurFgAAAJdgTaJZvtckEsMCAAC4D4fvbgYAALjVkIWZ5btJzMvLc2YdAAAALuNBl2ji8M/yAQAA4Nbn0I0rAAAAtyJuXDEjSQQAAIAJSSIAAHB7LEk0I0kEAACACUkiAABwex4iSrwcSSIAAABMSBIBAIDbY02iGU0iAABwezwCx4zpZgAAAJiQJAIAALfHz/KZkSQCAADAhCQRAAC4PYJEM5JEAAAAmJAkAgAAt8eaRDOSRAAAAJiQJAIAALdHkGhGkwgAANweU6tmfCcAAAAwIUkEAABuz8J8swlJIgAAAExIEgEAgNsjRzQjSQQAAIAJSSIAAHB7PEzbjCQRAACgEFm3bp06d+6s8PBwWSwWLVq0yO54nz59ZLFY7LZ27drZjTl58qR69+4tf39/BQYGql+/fsrMzHSoDppEAADg9ixO3ByVlZWlevXq6a233rrqmHbt2uno0aO27aOPPrI73rt3b+3cuVPJyclasmSJ1q1bpwEDBjhUB9PNAADA7RWm2eb27durffv21xxjtVoVGhp6xWO7du3SN998o40bN6pRo0aSpDfffFMdOnTQ5MmTFR4enq86SBIBAACcKDs7WxkZGXZbdnb2DZ1zzZo1Cg4OVo0aNTRo0CCdOHHCdiwlJUWBgYG2BlGS2rRpIw8PD23YsCHf16BJBAAAbu/yNX4FuSUmJiogIMBuS0xMvO5a27Vrpw8++ECrVq3Sq6++qrVr16p9+/bKzc2VJKWlpSk4ONjuPcWKFVNQUJDS0tLyfR2mmwEAAJwoISFB8fHxdvusVut1n69nz562P9epU0d169ZVlSpVtGbNGrVu3fq6z3s5mkQAAOD2nDm1arVab6gp/CeVK1dWmTJllJqaqtatWys0NFTHjh2zG3Px4kWdPHnyqusYr4TpZgAAgCLs8OHDOnHihMLCwiRJ0dHROnXqlDZv3mwbs3r1auXl5SkqKirf5yVJBAAAbs9SiG5vzszMVGpqqu31wYMHtXXrVgUFBSkoKEjjxo1T9+7dFRoaqv379+uZZ55R1apVFRMTI0mqVauW2rVrp/79+2vWrFnKycnR4MGD1bNnz3zf2SyRJAIAABQqmzZtUoMGDdSgQQNJUnx8vBo0aKAxY8bI09NT27dv13333afq1aurX79+atiwob777ju7Ke358+erZs2aat26tTp06KCmTZvqnXfecagOi2EYRoF+skLgz8yLri4BgJOs2Jv/O/MAFC297ijnsmt/tvWI0879r/r5T+8KE5JEAAAAmLAmEQAAuL3CtCaxsKBJBAAAbo+pVTO+EwAAAJiQJAIAALfHdLMZSSIAAABMSBIBAIDbI0c0I0kEAACACUkiAABweyxJNCNJBAAAgAlJIgAAcHserEo0oUkEAABuj+lmM6abAQAAYEKSCAAA3J6F6WYTkkQAAACYkCQCAAC3x5pEM5JEAAAAmJAkAgAAt8cjcMxIEgEAAGBCkggAANweaxLNaBIBAIDbo0k0Y7oZAAAAJiSJAADA7fEwbTOSRAAAAJiQJAIAALfnQZBoQpIIAAAAE5JEAADg9liTaEaSCAAAABOSRAAA4PZ4TqIZTSIAAHB7TDebMd0MAAAAE5JEAADg9ngEjhlJIgAAAExIEgEAgNtjTaIZSSIAAABMSBJRJMx++y29/84Mu30VIirpoy+X2O0zDEPDnxyoH9Z/r8TJ09S8VeubWSaAfPht13atX/KJjhzYp8xTJ/Rg/DjVbNzUdnzRzFe1bd0Ku/dUqdtYDye8Ynt9LjNDy5Kma89PKbJYLKp1ZzO1jx0srxLeN+1z4NbCI3DMaBJRZFSqUlVvzHjP9trT0/w/308WfMDfdKCQu5B9TiEVqqh+y/b6dMoLVxxTtV5jdRn4jO21Z7Hidse/nP6yzpw6qUeem6i8ixf11duTtPjdKeo+5Hmn1g64E5pEFBmenp4qXabsVY/v3bNLH384V7PnfaL7YlrevMIAOKRa/ShVqx91zTGexYurZGDQFY8d/+M3pW7bqP4vzlB4lRqSpPaxgzV/4nNq2/vf8gsqU+A149ZHvGBGk4gi4/ChQ7ovpqWsVqtur1NPAwc/rdCwcEnS+XPnNO75ZzRs5KhrNpIAioZff9mmSf/uLm/fkqp4ewPd06OvfPwCJEmH9/6iEr4lbQ2iJFWu01AWi0WH9+9WraCmVzstcFUezEKZFOobV37//Xc99thj1xyTnZ2tjIwMuy07O/smVYibJbJ2XT0/9iVNmf62hj87WkeP/KEnHn9UWVlZkqRpU15V7boN1KzlPS6uFMCNqlqvse4f9KwefX6S2jzUX7/t2qb5ryYoLy9XkpR5+qR8/QPt3uPh6Snvkv7KPHXSBRUDt6ZC3SSePHlSc+fOveaYxMREBQQE2G1vvPbqTaoQN0t0k2a6594YVa1WQ1F3N9XkaTOVeeaMVid/o+/WrtbmjRv01PCRri4TQAGoffc9qtHoboVUqKyajZuq14iXdGT/Hv36yzZXl4ZbmMWJW1Hl0unm//znP9c8fuDAgX88R0JCguLj4+32ncnxvKG6UPj5+fmrfESEDv9+SPtT9+qPw7+rXctouzHPP/O06jVoqOnvJLmmSAAFolRIuHz8AnQy7Q9Vrn2HSgYEKSvjlN2YvNxcncvMuOo6RgCOc2mT2LVrV1ksFhmGcdUxln9YI2C1WmW1Wu32Xci8WCD1ofA6ezbr78aww326594Y3df1AbvjjzzYVU/Gj1ST5i1dUyCAApNx4rjOZmbIL7C0JKlc9Uidz8rUkQN7FV65uiTp4M4tMgxD5arUdGWpKMqKcuTnJC5tEsPCwjRjxgx16dLlise3bt2qhg0b3uSqUBhNnzpJTZq3VGhYuP48fkzvvf2WPD081aZdB5UqFXTFm1VCQsMUfls5F1QL4FounD+nk2l/2F7/dTxNab+myrukn7xL+mvNFx8o8s5mKhkYpJPpR7RywTsKCglXlXqNJEllb4tQ1XqNtfjd19Sp31Dl5l7U0jnTVDu6FXc2AwXIpU1iw4YNtXnz5qs2if+UMsJ9HDuWrheeG6GM06cUWCpIdevfobeTFqhUKaaWgKLmyIE9mjthmO31inkzJUn1mrdVx35P69ihA9q2boXOZ2XKr1RpVanbSK3+1UfFinvZ3tNt8HNaOudNffDScFksHn8/TLvP4Jv+WXDr4Gf5zCyGC7uw7777TllZWWrXrt0Vj2dlZWnTpk1q0aKFQ+f9k+lm4Ja1Ym+aq0sA4CS97nDd7M+G/aeddu6oKgFOO7czuTRJbNas2TWP+/r6OtwgAgAAOIrHJJrxMG0AAOD26BHNCvVzEgEAAOAaJIkAAABEiSYkiQAAADAhSQQAAG6PR+CYkSQCAADAhCQRAAC4PR6BY0aSCAAAABOSRAAA4PYIEs1oEgEAAOgSTZhuBgAAgAlJIgAAcHs8AseMJBEAAKAQWbdunTp37qzw8HBZLBYtWrTI7rhhGBozZozCwsLk7e2tNm3aaN++fXZjTp48qd69e8vf31+BgYHq16+fMjMzHaqDJhEAALg9i8V5m6OysrJUr149vfXWW1c8PnHiRE2bNk2zZs3Shg0b5Ovrq5iYGJ0/f942pnfv3tq5c6eSk5O1ZMkSrVu3TgMGDHDsOzEMw3C8/MLtz8yLri4BgJOs2Jvm6hIAOEmvO8q57NpbD51x2rnrV/C77vdaLBYtXLhQXbt2lfR3ihgeHq5hw4Zp+PDhkqTTp08rJCRESUlJ6tmzp3bt2qXIyEht3LhRjRo1kiR988036tChgw4fPqzw8PB8XZskEQAAuD2LE7fs7GxlZGTYbdnZ2ddV58GDB5WWlqY2bdrY9gUEBCgqKkopKSmSpJSUFAUGBtoaRElq06aNPDw8tGHDhnxfiyYRAADAiRITExUQEGC3JSYmXte50tL+nk0JCQmx2x8SEmI7lpaWpuDgYLvjxYoVU1BQkG1MfnB3MwAAgBNvbk5ISFB8fLzdPqvV6rwLFhCaRAAA4Pac+Qgcq9VaYE1haGioJCk9PV1hYWG2/enp6apfv75tzLFjx+zed/HiRZ08edL2/vxguhkAAKCIqFSpkkJDQ7Vq1SrbvoyMDG3YsEHR0dGSpOjoaJ06dUqbN2+2jVm9erXy8vIUFRWV72uRJAIAALd3PY+qcZbMzEylpqbaXh88eFBbt25VUFCQKlSooKefflovvviiqlWrpkqVKmn06NEKDw+33QFdq1YttWvXTv3799esWbOUk5OjwYMHq2fPnvm+s1miSQQAAChUNm3apFatWtleX1rPGBsbq6SkJD3zzDPKysrSgAEDdOrUKTVt2lTffPONSpQoYXvP/PnzNXjwYLVu3VoeHh7q3r27pk2b5lAdPCcRQJHCcxKBW5crn5P482HHfo3EEbXLlXTauZ2JNYkAAAAwYboZAACgEK1JLCxIEgEAAGBCkggAANyeM5+TWFSRJAIAAMCEJBEAALi9wvScxMKCJhEAALg9ekQzppsBAABgQpIIAABAlGhCkggAAAATkkQAAOD2eASOGUkiAAAATEgSAQCA2+MROGYkiQAAADAhSQQAAG6PINGMJhEAAIAu0YTpZgAAAJiQJAIAALfHI3DMSBIBAABgQpIIAADcHo/AMSNJBAAAgAlJIgAAcHsEiWYkiQAAADAhSQQAACBKNKFJBAAAbo9H4Jgx3QwAAAATkkQAAOD2eASOGUkiAAAATEgSAQCA2yNINCNJBAAAgAlJIgAAAFGiCUkiAAAATEgSAQCA2+M5iWY0iQAAwO3xCBwzppsBAABgQpIIAADcHkGiGUkiAAAATEgSAQCA22NNohlJIgAAAExIEgEAAFiVaEKSCAAAABOSRAAA4PZYk2hGkwgAANwePaIZ080AAAAwIUkEAABuj+lmM5JEAAAAmJAkAgAAt2dhVaIJSSIAAABMSBIBAAAIEk1IEgEAAGBCkggAANweQaIZTSIAAHB7PALHjOlmAAAAmJAkAgAAt8cjcMxIEgEAAGBCkggAAECQaEKSCAAAABOSRAAA4PYIEs1IEgEAAGBCkwgAANyexeK8zRFjx46VxWKx22rWrGk7fv78ecXFxal06dIqWbKkunfvrvT09AL+Nv5GkwgAANyexYn/cdTtt9+uo0eP2rbvv//edmzo0KFavHixPvvsM61du1ZHjhxRt27dCvKrsGFNIgAAQCFSrFgxhYaGmvafPn1as2fP1oIFC3TPPfdIkubMmaNatWrphx9+0F133VWgdZAkAgAAt+fM6ebs7GxlZGTYbdnZ2VetZd++fQoPD1flypXVu3dvHTp0SJK0efNm5eTkqE2bNraxNWvWVIUKFZSSklLg3wlNIgAAgBMlJiYqICDAbktMTLzi2KioKCUlJembb77RzJkzdfDgQTVr1kxnzpxRWlqavLy8FBgYaPeekJAQpaWlFXjdTDcDAAA4UUJCguLj4+32Wa3WK45t37697c9169ZVVFSUIiIi9Omnn8rb29updV6OJBEAAMCJrFar/P397barNYmXCwwMVPXq1ZWamqrQ0FBduHBBp06dshuTnp5+xTWMN4omEQAAuL3C8gicy2VmZmr//v0KCwtTw4YNVbx4ca1atcp2fM+ePTp06JCio6Nv8BswY7oZAACgkBg+fLg6d+6siIgIHTlyRC+88II8PT310EMPKSAgQP369VN8fLyCgoLk7++vIUOGKDo6usDvbJZoEgEAAK7reYbOcPjwYT300EM6ceKEypYtq6ZNm+qHH35Q2bJlJUlTp06Vh4eHunfvruzsbMXExGjGjBlOqcViGIbhlDO70J+ZF11dAgAnWbG34O/gA1A49LqjnMuunXE+z2nn9i9RNFf3Fc2qAQAA4FRMNwMAALdXOCabCxeSRAAAAJiQJAIAABAlmpAkAgAAwIQkEQAAuL3C8gicwoQkEQAAACYkiQAAwO3d6M/n3YpIEgEAAGBCkggAANweQaIZTSIAAABdognTzQAAADAhSQQAAG6PR+CYkSQCAADAhCQRAAC4PR6BY0aSCAAAABOLYRiGq4sArld2drYSExOVkJAgq9Xq6nIAFCD+fgOuRZOIIi0jI0MBAQE6ffq0/P39XV0OgALE32/AtZhuBgAAgAlNIgAAAExoEgEAAGBCk4gizWq16oUXXmBRO3AL4u834FrcuAIAAAATkkQAAACY0CQCAADAhCYRAAAAJjSJAAAAMKFJRJH21ltvqWLFiipRooSioqL0448/urokADdo3bp16ty5s8LDw2WxWLRo0SJXlwS4JZpEFFmffPKJ4uPj9cILL+inn35SvXr1FBMTo2PHjrm6NAA3ICsrS/Xq1dNbb73l6lIAt8YjcFBkRUVFqXHjxpo+fbokKS8vT+XLl9eQIUP07LPPurg6AAXBYrFo4cKF6tq1q6tLAdwOSSKKpAsXLmjz5s1q06aNbZ+Hh4fatGmjlJQUF1YGAMCtgSYRRdKff/6p3NxchYSE2O0PCQlRWlqai6oCAODWQZMIAAAAE5pEFEllypSRp6en0tPT7fanp6crNDTURVUBAHDroElEkeTl5aWGDRtq1apVtn15eXlatWqVoqOjXVgZAAC3hmKuLgC4XvHx8YqNjVWjRo1055136vXXX1dWVpb69u3r6tIA3IDMzEylpqbaXh88eFBbt25VUFCQKlSo4MLKAPfCI3BQpE2fPl2TJk1SWlqa6tevr2nTpikqKsrVZQG4AWvWrFGrVq1M+2NjY5WUlHTzCwLcFE0iAAAATFiTCAAAABOaRAAAAJjQJAIAAMCEJhEAAAAmNIkAAAAwoUkEAACACU0iAAAATGgSAQAAYEKTCOCG9enTR127drW9btmypZ5++umbXseaNWtksVh06tSpq46xWCxatGhRvs85duxY1a9f/4bq+vXXX2WxWLR169YbOg8A3Ew0icAtqk+fPrJYLLJYLPLy8lLVqlU1fvx4Xbx40enX/vLLLzVhwoR8jc1PYwcAuPmKuboAAM7Trl07zZkzR9nZ2Vq6dKni4uJUvHhxJSQkmMZeuHBBXl5eBXLdoKCgAjkPAMB1SBKBW5jValVoaKgiIiI0aNAgtWnTRv/5z38k/d8U8UsvvaTw8HDVqFFDkvT777+rR48eCgwMVFBQkLp06aJff/3Vds7c3FzFx8crMDBQpUuX1jPPPKPLfwL+8unm7OxsjRw5UuXLl5fValXVqlU1e/Zs/frrr2rVqpUkqVSpUrJYLOrTp48kKS8vT4mJiapUqZK8vb1Vr149ff7553bXWbp0qapXry5vb2+1atXKrs78GjlypKpXry4fHx9VrlxZo0ePVk5Ojmnc22+/rfLly8vHx0c9evTQ6dOn7Y6/9957qlWrlkqUKKGaNWtqxowZV73mX3/9pd69e6ts2bLy9vZWtWrVNGfOHIdrBwBnIkkE3Ii3t7dOnDhhe71q1Sr5+/srOTlZkpSTk6OYmBhFR0fru+++U7FixfTiiy+qXbt22r59u7y8vPTaa68pKSlJ77//vmrVqqXXXntNCxcu1D333HPV6z766KNKSUnRtGnTVK9ePR08eFB//vmnypcvry+++ELdu3fXnj175O/vL29vb0lSYmKiPvzwQ82aNUvVqlXTunXr9PDDD6ts2bJq0aKFfv/9d3Xr1k1xcXEaMGCANm3apGHDhjn8nfj5+SkpKUnh4eHasWOH+vfvLz8/Pz3zzDO2Mampqfr000+1ePFiZWRkqF+/fnriiSc0f/58SdL8+fM1ZswYTZ8+XQ0aNNCWLVvUv39/+fr6KjY21nTN0aNH65dfftGyZctUpkwZpaam6ty5cw7XDgBOZQC4JcXGxhpdunQxDMMw8vLyjOTkZMNqtRrDhw+3HQ8JCTGys7Nt75k3b55Ro0YNIy8vz7YvOzvb8Pb2NpYvX24YhmGEhYUZEydOtB3PyckxypUrZ7uWYRhGixYtjKeeesowDMPYs2ePIclITk6+Yp3ffvutIcn466+/bPvOnz9v+Pj4GOvXr7cb269fP+Ohhx4yDMMwEhISjMjISLvjI0eONJ3rcpKMhQsXXvX4pEmTjIYNG9pev/DCC4anp6dx+PBh275ly5YZHh4extGjRw3DMIwqVaoYCxYssDvPhAkTjOjoaMMwDOPgwYOGJGPLli2GYRhG586djb59+161BgAoDEgSgVvYkiVLVLJkSeXk5CgvL0+9evXS2LFjbcfr1Kljtw5x27ZtSk1NlZ+fn915zp8/r/379+v06dM6evSooqKibMeKFSumRo0amaacL9m6das8PT3VokWLfNedmpqqs2fP6t5777Xbf+HCBTVo0ECStGvXLrs6JCk6Ojrf17jkk08+0bRp07R//35lZmbq4sWL8vf3txtToUIF3XbbbXbXycvL0549e+Tn56f9+/erX79+6t+/v23MxYsXFRAQcMVrDho0SN27d9dPP/2ktm3bqmvXrrr77rsdrh0AnIkmEbiFtWrVSjNnzpSXl5fCw8NVrJj9X3lfX1+715mZmWrYsKFtGvV/lS1b9rpquDR97IjMzExJ0tdff23XnEl/r7MsKCkpKerdu7fGjRunmJgYBQQE6OOPP9Zrr73mcK3vvvuuqWn19PS84nvat2+v3377TUuXLlVycrJat26tuLg4TZ48+fo/DAAUMJpE4Bbm6+urqlWr5nv8HXfcoU8++UTBwcGmNO2SsLAwbdiwQc2bN5f0d2K2efNm3XHHHVccX6dOHeXl5Wnt2rVq06aN6filJDM3N9e2LzIyUlarVYcOHbpqAlmrVi3bTTiX/PDDD//8If/H+vXrFRERoeeff96277fffjONO3TokI4cOaLw8HDbdTw8PFSjRg2FhIQoPDxcBw4cUO/evfN97bJlyyo2NlaxsbFq1qyZRowYQZMIoFDh7mYANr1791aZMmXUpUsXfffddzp48KDWrFmjJ598UocPH5YkPfXUU3rllVe0aNEi7d69W0888cQ1n3FYsWJFxcbG6rHHHtOiRYts5/z0008lSREREbJYLFqyZImOHz+uzMxM+fn5afjw4Ro6dKjmzp2r/fv366efftKbb76puXPnSpIGDhyoffv2acSIEdqzZ48WLFigpKQkhz5vtWrVdOjQIX388cfav3+/pk2bpoULF5rGlShRQrGxsdq2bZu+++47Pfnkk+rRo4dCQ0MlSePGjVNiYqKmTZumvXv3aseOHZozZ46mTJlyxeuOGTNGX331lVJTU7Vz504tWbJEtWrVcqh2AHA2mkQANj4+Plq3bp0qVKigbt26qVatWurXr5/Onz9vSxaHDRumRx55RLGxsYqOjpafn5/uv//+a5535syZeuCBB/TEE0+oZs2a6t+/v7KysiRJt912m8aNG6dnn31WISEhGjx4sCRpwoQJGj16tBITE1WrVi21a9dOX3/9tSpVqiTp73WCX3zxhRYtWqR69epp1qxZevnllx36vPfdd5+GDh2qwYMHq379+lq/fr1Gjx5tGle1alV169ZNHTp0UNu2bVW3bl27R9w8/vjjeu+99zRnzhzVqVNHLVq0UFJSkq3Wy3l5eSkhIUF169ZV8+bN5enpqY8//tih2gHA2SzG1VabAwAAwG2RJAIAAMCEJhEAAAAmNIkAAAAwoUkEAACACU0iAAAATGgSAQAAYEKTCAAAABOaRAAAAJjQJAIAAMCEJhEAAAAmNIkAAAAw+X9eVd1JM+5vxwAAAABJRU5ErkJggg==", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "plot_confusion_matrix(y_test, y_pred,(0,1))" + ] + }, + { + "cell_type": "code", + "execution_count": 93, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAr4AAAIjCAYAAADlfxjoAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8pXeV/AAAACXBIWXMAAA9hAAAPYQGoP6dpAACdPUlEQVR4nOzdd1zU9R8H8Nex91AQFwo4cICo4Mg9SGyYNhRzW5qaI1flHpVamrNMzXKmpZmVjZ+mppZKbhQVcaC5QEERBGXe5/fHt7vjK/Pwji/cvZ6PBw/vPvf93r3vOPDF5z5DJYQQICIiIiIycRZKF0BEREREVBoYfImIiIjILDD4EhEREZFZYPAlIiIiIrPA4EtEREREZoHBl4iIiIjMAoMvEREREZkFBl8iIiIiMgsMvkRERERkFhh8iUqJj48PBg0apHQZZqdDhw7o0KGD0mUUadasWVCpVEhMTFS6lDJHpVJh1qxZBrmva9euQaVSYd26dQa5PwA4evQobGxs8O+//xrsPg2td+/e6NWrl9JlECmOwZdMwrp166BSqbRfVlZWqFatGgYNGoRbt24pXV6ZlpaWhg8//BCNGjWCg4MDXF1d0bZtW2zYsAHlZUfz8+fPY9asWbh27ZrSpeSRk5ODtWvXokOHDqhQoQJsbW3h4+ODwYMH4/jx40qXZxCbN2/GkiVLlC5DpjRrmjp1Kl5//XXUrFlT29ahQwfZ7yR7e3s0atQIS5YsgVqtzvd+7t27h3fffRf+/v6ws7NDhQoVEBYWhl9//bXAx05JScHs2bMRFBQEJycn2NvbIyAgAO+//z5u376tPe7999/HDz/8gNOnTxf7eZnDe5fMj0qUl//ZiAqxbt06DB48GB988AF8fX2Rnp6Of/75B+vWrYOPjw/Onj0LOzs7RWvMyMiAhYUFrK2tFa0jtzt37qBz586Ijo5G79690b59e6Snp+OHH37AX3/9hfDwcGzatAmWlpZKl1qobdu2oWfPnti3b1+e3t3MzEwAgI2NTanX9fjxY7zyyivYuXMn2rVrh27duqFChQq4du0atm7diosXL+L69euoXr06Zs2ahdmzZyMhIQEeHh6lXuvTePHFF3H27Fmj/eGRnp4OKysrWFlZPXVNQghkZGTA2traIO/ryMhINGnSBIcPH8Yzzzyjbe/QoQOuXLmCefPmAQASExOxefNmHDt2DFOmTMGcOXNk9xMTE4POnTsjISEBgwcPRkhICB48eIBNmzYhMjISEydOxIIFC2TnxMbGIjQ0FNevX0fPnj3Rpk0b2NjY4MyZM/j2229RoUIFXLx4UXt8ixYt4O/vjw0bNhT5vPR57xKVK4LIBKxdu1YAEMeOHZO1v//++wKA2LJli0KVKevx48ciJyenwNvDwsKEhYWF+Pnnn/PcNnHiRAFAfPzxx8YsMV+pqal6Hf/9998LAGLfvn3GKaiERo4cKQCIxYsX57ktOztbLFiwQNy4cUMIIcTMmTMFAJGQkGC0etRqtXj06JHB7/eFF14QNWvWNOh95uTkiMePH5f4fGPUlJ8xY8aIGjVqCLVaLWtv3769aNiwoazt8ePHombNmsLZ2VlkZ2dr2zMzM0VAQIBwcHAQ//zzj+yc7OxsER4eLgCI7777TtuelZUlgoKChIODg/j777/z1JWcnCymTJkia/v000+Fo6OjePjwYZHPS5/37tN42u8zkb4YfMkkFBR8f/31VwFAzJ07V9YeHR0tXn31VeHu7i5sbW1FcHBwvuEvKSlJjB07VtSsWVPY2NiIatWqif79+8vCSXp6upgxY4aoVauWsLGxEdWrVxfvvvuuSE9Pl91XzZo1xcCBA4UQQhw7dkwAEOvWrcvzmDt37hQAxC+//KJtu3nzphg8eLCoVKmSsLGxEQ0aNBBff/217Lx9+/YJAOLbb78VU6dOFVWrVhUqlUokJSXl+5pFREQIAOKNN97I9/asrCxRp04d4e7urg1LV69eFQDEggULxKJFi0SNGjWEnZ2daNeunYiKispzH8V5nTXfu/3794sRI0YIT09P4ebmJoQQ4tq1a2LEiBGibt26ws7OTlSoUEG89tpr4urVq3nOf/JLE4Lbt28v2rdvn+d12rJli/joo49EtWrVhK2trejUqZO4dOlSnufw+eefC19fX2FnZyeaNWsm/vrrrzz3mZ8bN24IKysr8eyzzxZ6nIYm+F66dEkMHDhQuLq6ChcXFzFo0CCRlpYmO3bNmjWiY8eOwtPTU9jY2Ij69euLL774Is991qxZU7zwwgti586dIjg4WNja2mqDTHHvQwghfv/9d9GuXTvh5OQknJ2dRUhIiNi0aZMQQnp9n3ztcwfO4v58ABAjR44U33zzjWjQoIGwsrISP/74o/a2mTNnao9NSUkR77zzjvbn0tPTU4SGhooTJ04UWZPmPbx27VrZ40dHR4uePXsKDw8PYWdnJ+rWrZsnOOanRo0aYtCgQXna8wu+Qgjx2muvCQDi9u3b2rZvv/1WABAffPBBvo/x4MED4ebmJurVq6dt++677wQAMWfOnCJr1Dh9+rQAILZv317ocfq+dwcOHJjvHxma93Ru+X2ft27dKtzd3fN9HZOTk4Wtra2YMGGCtq247ymi/BT/cyOickjzMae7u7u27dy5c2jdujWqVauGSZMmwdHREVu3bkWPHj3www8/4OWXXwYApKamom3btoiOjsYbb7yBpk2bIjExETt27MDNmzfh4eEBtVqNl156CQcPHsRbb72F+vXrIyoqCosXL8bFixfx008/5VtXSEgI/Pz8sHXrVgwcOFB225YtW+Du7o6wsDAA0nCEli1bQqVSYdSoUfD09MT//vc/vPnmm0hJScHYsWNl53/44YewsbHBxIkTkZGRUeBH/L/88gsAYMCAAfnebmVlhT59+mD27Nk4dOgQQkNDtbdt2LABDx8+xMiRI5Geno6lS5eiU6dOiIqKgpeXl16vs8bbb78NT09PzJgxA2lpaQCAY8eO4fDhw+jduzeqV6+Oa9euYcWKFejQoQPOnz8PBwcHtGvXDmPGjMGyZcswZcoU1K9fHwC0/xbk448/hoWFBSZOnIjk5GTMnz8fffv2xZEjR7THrFixAqNGjULbtm0xbtw4XLt2DT169IC7u3uRH/H+73//Q3Z2Nvr371/ocU/q1asXfH19MW/ePJw8eRJfffUVKlWqhE8++URWV8OGDfHSSy/BysoKv/zyC95++22o1WqMHDlSdn8xMTF4/fXXMWzYMAwdOhT+/v563ce6devwxhtvoGHDhpg8eTLc3Nxw6tQp7Ny5E3369MHUqVORnJyMmzdvYvHixQAAJycnAND75+PPP//E1q1bMWrUKHh4eMDHxyff12j48OHYtm0bRo0ahQYNGuDevXs4ePAgoqOj0bRp00Jrys+ZM2fQtm1bWFtb46233oKPjw+uXLmCX375Jc+QhNxu3bqF69evo2nTpgUe8yTN5Do3NzdtW1E/i66urujevTvWr1+Py5cvo3bt2tixYwcA6PX+atCgAezt7XHo0KE8P3+5lfS9W1xPfp/r1KmDl19+Gdu3b8eqVatkv7N++uknZGRkoHfv3gD0f08R5aF08iYyBE2v3549e0RCQoK4ceOG2LZtm/D09BS2trayj+Q6d+4sAgMDZb0DarVatGrVStSpU0fbNmPGjAJ7RzQfa27cuFFYWFjk+ahx5cqVAoA4dOiQti13j68QQkyePFlYW1uL+/fva9syMjKEm5ubrBf2zTffFFWqVBGJiYmyx+jdu7dwdXXV9sZqejL9/PyK9XF2jx49BIACe4SFEGL79u0CgFi2bJkQQtdbZm9vL27evKk97siRIwKAGDdunLatuK+z5nvXpk0b2ce/Qoh8n4emp3rDhg3atsKGOhTU41u/fn2RkZGhbV+6dKkAoO25zsjIEBUrVhTNmjUTWVlZ2uPWrVsnABTZ4ztu3DgBQJw6darQ4zQ0vWNP9sC//PLLomLFirK2/F6XsLAw4efnJ2urWbOmACB27tyZ5/ji3MeDBw+Es7OzaNGiRZ6Po3N/tF/QsAJ9fj4ACAsLC3Hu3Lk894MnenxdXV3FyJEj8xyXW0E15dfj265dO+Hs7Cz+/fffAp9jfvbs2ZPn0xmN9u3bi3r16omEhASRkJAgLly4IN59910BQLzwwguyYxs3bixcXV0LfaxFixYJAGLHjh1CCCGaNGlS5Dn5qVu3rnjuuecKPUbf966+Pb75fZ937dqV72v5/PPPy96T+ryniPLDVR3IpISGhsLT0xPe3t547bXX4OjoiB07dmh75+7fv48///wTvXr1wsOHD5GYmIjExETcu3cPYWFhuHTpknYViB9++AFBQUH59oyoVCoAwPfff4/69eujXr162vtKTExEp06dAAD79u0rsNbw8HBkZWVh+/bt2rY//vgDDx48QHh4OABpIs4PP/yAbt26QQghe4ywsDAkJyfj5MmTsvsdOHAg7O3ti3ytHj58CABwdnYu8BjNbSkpKbL2Hj16oFq1atrrzZs3R4sWLfD7778D0O911hg6dGieyUa5n0dWVhbu3buH2rVrw83NLc/z1tfgwYNlPUtt27YFIE0YAoDjx4/j3r17GDp0qGxSVd++fWWfIBRE85oV9vrmZ/jw4bLrbdu2xb1792Tfg9yvS3JyMhITE9G+fXvExsYiOTlZdr6vr6/204PcinMfu3fvxsOHDzFp0qQ8k0M1PwOF0ffno3379mjQoEGR9+vm5oYjR47IVi0oqYSEBPz111944403UKNGDdltRT3He/fuAUCB74cLFy7A09MTnp6eqFevHhYsWICXXnopz1JqDx8+LPJ98uTPYkpKit7vLU2tRS2ZV9L3bnHl933u1KkTPDw8sGXLFm1bUlISdu/erf19CDzd71wiAOBQBzIpy5cvR926dZGcnIw1a9bgr7/+gq2trfb2y5cvQwiB6dOnY/r06fnex927d1GtWjVcuXIFr776aqGPd+nSJURHR8PT07PA+ypIUFAQ6tWrhy1btuDNN98EIA1z8PDw0P4ST0hIwIMHD/Dll1/iyy+/LNZj+Pr6FlqzhuY/tYcPH8o+ds2toHBcp06dPMfWrVsXW7duBaDf61xY3Y8fP8a8efOwdu1a3Lp1S7a82pMBT19PhhxNeElKSgIA7ZqstWvXlh1nZWVV4Efwubm4uADQvYaGqEtzn4cOHcLMmTMRERGBR48eyY5PTk6Gq6ur9npB74fi3MeVK1cAAAEBAXo9Bw19fz6K+96dP38+Bg4cCG9vbwQHB+P555/HgAED4Ofnp3eNmj90SvocARS47J+Pjw9Wr14NtVqNK1euYM6cOUhISMjzR4Szs3ORYfTJn0UXFxdt7frWWlSgL+l7t7jy+z5bWVnh1VdfxebNm5GRkQFbW1ts374dWVlZsuD7NL9ziQAGXzIxzZs3R0hICACpV7JNmzbo06cPYmJi4OTkpF0/c+LEifn2ggF5g05h1Go1AgMDsWjRonxv9/b2LvT88PBwzJkzB4mJiXB2dsaOHTvw+uuva3sYNfX269cvz1hgjUaNGsmuF6e3F5DGwP700084c+YM2rVrl+8xZ86cAYBi9cLlVpLXOb+6R48ejbVr12Ls2LF45pln4OrqCpVKhd69exe4FmpxFbSUVUEhRl/16tUDAERFRaFx48bFPq+ouq5cuYLOnTujXr16WLRoEby9vWFjY4Pff/8dixcvzvO65Pe66nsfJaXvz0dx37u9evVC27Zt8eOPP+KPP/7AggUL8Mknn2D79u147rnnnrru4qpYsSIA3R9LT3J0dJSNjW/dujWaNm2KKVOmYNmyZdr2+vXrIzIyEtevX8/zh4/Gkz+L9erVw6lTp3Djxo0if8/klpSUlO8frrnp+94tKEjn5OTk217Q97l3795YtWoV/ve//6FHjx7YunUr6tWrh6CgIO0xT/s7l4jBl0yWpaUl5s2bh44dO+Lzzz/HpEmTtD1C1tbWsv+Q8lOrVi2cPXu2yGNOnz6Nzp07F+uj3yeFh4dj9uzZ+OGHH+Dl5YWUlBTtJA4A8PT0hLOzM3JycoqsV18vvvgi5s2bhw0bNuQbfHNycrB582a4u7ujdevWstsuXbqU5/iLFy9qe0L1eZ0Ls23bNgwcOBALFy7UtqWnp+PBgwey40ry2hdFsxnB5cuX0bFjR217dnY2rl27lucPjic999xzsLS0xDfffGPQSUK//PILMjIysGPHDllI0ucj3uLeR61atQAAZ8+eLfQPwoJe/6f9+ShMlSpV8Pbbb+Ptt9/G3bt30bRpU8yZM0cbfIv7eJr3alE/6/nRBMSrV68W6/hGjRqhX79+WLVqFSZOnKh97V988UV8++232LBhA6ZNm5bnvJSUFPz888+oV6+e9vvQrVs3fPvtt/jmm28wefLkYj1+dnY2bty4gZdeeqnQ4/R977q7u+f5mQSg90527dq1Q5UqVbBlyxa0adMGf/75J6ZOnSo7xpjvKTIPHONLJq1Dhw5o3rw5lixZgvT0dFSqVAkdOnTAqlWrEBcXl+f4hIQE7eVXX30Vp0+fxo8//pjnOE3vW69evXDr1i2sXr06zzGPHz/Wrk5QkPr16yMwMBBbtmzBli1bUKVKFVkItbS0xKuvvooffvgh3/+Yc9err1atWiE0NBRr167Nd2eoqVOn4uLFi3jvvffy9ND89NNPsjG6R48exZEjR7ShQ5/XuTCWlpZ5emA/++yzPD1Jjo6OAJDvf74lFRISgooVK2L16tXIzs7Wtm/atKnAHr7cvL29MXToUPzxxx/47LPP8tyuVquxcOFC3Lx5U6+6ND3CTw77WLt2rcHvo0uXLnB2dsa8efOQnp4uuy33uY6OjvkOPXnan4/85OTk5HmsSpUqoWrVqsjIyCiypid5enqiXbt2WLNmDa5fvy67raje/2rVqsHb21uvXczee+89ZGVlyXosX3vtNTRo0AAff/xxnvtSq9UYMWIEkpKSMHPmTNk5gYGBmDNnDiIiIvI8zsOHD/OExvPnzyM9PR2tWrUqtEZ937u1atVCcnKytlcaAOLi4vL93VkYCwsLvPbaa/jll1+wceNGZGdny4Y5AMZ5T5F5YY8vmbx3330XPXv2xLp16zB8+HAsX74cbdq0QWBgIIYOHQo/Pz/cuXMHERERuHnzpnZLz3fffVe7I9gbb7yB4OBg3L9/Hzt27MDKlSsRFBSE/v37Y+vWrRg+fDj27duH1q1bIycnBxcuXMDWrVuxa9cu7dCLgoSHh2PGjBmws7PDm2++CQsL+d+jH3/8Mfbt24cWLVpg6NChaNCgAe7fv4+TJ09iz549uH//folfmw0bNqBz587o3r07+vTpg7Zt2yIjIwPbt2/H/v37ER4ejnfffTfPebVr10abNm0wYsQIZGRkYMmSJahYsSLee+897THFfZ0L8+KLL2Ljxo1wdXVFgwYNEBERgT179mg/YtZo3LgxLC0t8cknnyA5ORm2trbo1KkTKlWqVOLXxsbGBrNmzcLo0aPRqVMn9OrVC9euXcO6detQq1atYvU2LVy4EFeuXMGYMWOwfft2vPjii3B3d8f169fx/fff48KFC7Ie/uLo0qULbGxs0K1bNwwbNgypqalYvXo1KlWqlO8fGU9zHy4uLli8eDGGDBmCZs2aoU+fPnB3d8fp06fx6NEjrF+/HgAQHByMLVu2YPz48WjWrBmcnJzQrVs3g/x8POnhw4eoXr06XnvtNe02vXv27MGxY8dknwwUVFN+li1bhjZt2qBp06Z466234Ovri2vXruG3335DZGRkofV0794dP/74Y7HGzgLSUIXnn38eX331FaZPn46KFSvCxsYG27ZtQ+fOndGmTRvZzm2bN2/GyZMnMWHCBNl7xdraGtu3b0doaCjatWuHXr16oXXr1rC2tsa5c+e0n9bkXo5t9+7dcHBwwLPPPltknfq8d3v37o33338fL7/8MsaMGYNHjx5hxYoVqFu3rt6TUMPDw/HZZ59h5syZCAwMzLMsoTHeU2RmSn8hCSLDK2gDCyGknYFq1aolatWqpV0u68qVK2LAgAGicuXKwtraWlSrVk28+OKLYtu2bbJz7927J0aNGiWqVaumXSh94MCBsqXFMjMzxSeffCIaNmwobG1thbu7uwgODhazZ88WycnJ2uOeXM5M49KlS9pF9g8ePJjv87tz544YOXKk8Pb2FtbW1qJy5cqic+fO4ssvv9Qeo1mm6/vvv9frtXv48KGYNWuWaNiwobC3txfOzs6idevWYt26dXmWc8q9gcXChQuFt7e3sLW1FW3bthWnT5/Oc9/FeZ0L+94lJSWJwYMHCw8PD+Hk5CTCwsLEhQsX8n0tV69eLfz8/ISlpWWxNrB48nUqaGODZcuWiZo1awpbW1vRvHlzcejQIREcHCy6du1ajFdX2uXqq6++Em3bthWurq7C2tpa1KxZUwwePFi2XFRBO7dpXp/cm3bs2LFDNGrUSNjZ2QkfHx/xySefiDVr1uQ5TrOBRX6Kex+aY1u1aiXs7e2Fi4uLaN68ufj222+1t6empoo+ffoINze3PBtYFPfnA/9tbJAf5FrOLCMjQ7z77rsiKChIODs7C0dHRxEUFJRn842Cairo+3z27Fnx8ssvCzc3N2FnZyf8/f3F9OnT860nt5MnTwoAeZbXKmgDCyGE2L9/f54l2oQQ4u7du2L8+PGidu3awtbWVri5uYnQ0FDtEmb5SUpKEjNmzBCBgYHCwcFB2NnZiYCAADF58mQRFxcnO7ZFixaiX79+RT4njeK+d4UQ4o8//hABAQHCxsZG+Pv7i2+++abQDSwKolarhbe3twAgPvroo3yPKe57iig/KiEMNJODiEzetWvX4OvriwULFmDixIlKl6MItVoNT09PvPLKK/l+3Ermp3PnzqhatSo2btyodCkFioyMRNOmTXHy5Em9JlsSmRqO8SUiKkB6enqecZ4bNmzA/fv30aFDB2WKojJn7ty52LJli96TuUrTxx9/jNdee42hl8wex/gSERXgn3/+wbhx49CzZ09UrFgRJ0+exNdff42AgAD07NlT6fKojGjRogUyMzOVLqNQ3333ndIlEJUJDL5ERAXw8fGBt7c3li1bhvv376NChQoYMGAAPv74Y9mub0REVD5wjC8RERERmQWO8SUiIiIis8DgS0RERERmwezG+KrVaty+fRvOzs7c7pCIiIioDBJC4OHDh6hatWqejZ2ehtkF39u3b8Pb21vpMoiIiIioCDdu3ED16tUNdn9mF3ydnZ0BSC+ki4uLwtUQERER0ZNSUlLg7e2tzW2GYnbBVzO8wcXFhcGXiIiIqAwz9LBUTm4jIiIiIrPA4EtEREREZoHBl4iIiIjMAoMvEREREZkFBl8iIiIiMgsMvkRERERkFhh8iYiIiMgsMPgSERERkVlg8CUiIiIis8DgS0RERERmgcGXiIiIiMwCgy8RERERmQUGXyIiIiIyCwy+RERERGQWGHyJiIiIyCwoGnz/+usvdOvWDVWrVoVKpcJPP/1U5Dn79+9H06ZNYWtri9q1a2PdunVGr5OIiIiIyj9Fg29aWhqCgoKwfPnyYh1/9epVvPDCC+jYsSMiIyMxduxYDBkyBLt27TJypURERERU3lkp+eDPPfccnnvuuWIfv3LlSvj6+mLhwoUAgPr16+PgwYNYvHgxwsLCjFUmERERERmZEMC//wLHjqhx+ZdzRnkMRYOvviIiIhAaGiprCwsLw9ixYws8JyMjAxkZGdrrKSkpxiqPiIiIiIopLg44dkz6On5c+rJKjMNaDMZgHMAUIzxmuQq+8fHx8PLykrV5eXkhJSUFjx8/hr29fZ5z5s2bh9mzZ5dWiURERET0hHv3pGCrCbnHjgG3b8uPeQk/4ysMgScSYaxuynIVfEti8uTJGD9+vPZ6SkoKvL29FayIiIiIyHSlpAAnT8pD7tWrBR/vgDQsxAQMxyptW7pbJeDBXYPXVq6Cb+XKlXHnzh1Z2507d+Di4pJvby8A2NrawtbWtjTKIyIiIjIrjx8DkZHykBsTI43XLYyrKxASAnSvfgKDdveF8+0Y3Y09esBu0SLAz8/g9Zar4PvMM8/g999/l7Xt3r0bzzzzjEIVEREREZmHzEzg7Fl5yD17FsjJKfw8BwegaVMp6DZrJn3V8smBxaJPgWnTgOxs3YFLlgBDhgAPHxrlOSgafFNTU3H58mXt9atXryIyMhIVKlRAjRo1MHnyZNy6dQsbNmwAAAwfPhyff/453nvvPbzxxhv4888/sXXrVvz2229KPQUiIiIik5OTA1y4IA+5p08DudYLyJeNDRAUJA+59eoBVk8mzrR04KuvdKE3OBjYvBmoW9coz0dD0eB7/PhxdOzYUXtdMxZ34MCBWLduHeLi4nD9+nXt7b6+vvjtt98wbtw4LF26FNWrV8dXX33FpcyIiIiISkgI4MoVecg9eRJISyv8PEtLoGFDecgNCACKNcLU0VEKum3aABMmALNmSanZyFRCFDUKw7SkpKTA1dUVycnJcHFxUbocIiIiolIjBHDzpjzkHj8OPHhQ9Ln+/vKQ27ixNDqhWB4+lGa9Vasmb791K28bjJfXytUYXyIiIiIqvrt384bcJ9YJyJePjzzkNm0qTUgrkYgIoF8/oHJl4MAB+biHfEKvMTH4EhEREZmABw90G0FoNoa4caPo8ypX1gXcZs2k4baengYoKDsbmDMH+PBDadBwbCzwySfA1KkGuPOSYfAlIiIiKmfS0qRxuLlDbq71AgpUoYK8JzckxEidrrGxUi9vRISurVUroE8fIzxY8TH4EhEREZVhGRnSigq5hyxERwNqdeHnOTtLvbeaoBsSAvj6AiqVEYsVAti4ERg1SrckmaUlMHMmMHlyPss7lC4GXyIiIqIyIjsbOHdOHnKjooCsrMLPs7MDmjSR9+bWrQtYWJRO3QCApCRg+HBg61Zdm58fsGkT0LJlKRZSMAZfIiIiIgWo1cDFi/KQe+oUkJ5e+HlWVkCjRvKQ26ABYG1dOnXnKyVFWuYh1zK0GDQIWLZM6nouIxh8iYiIiIxMCODaNXnIPXGi6A3KVCop1OYOuY0aST28ZYqLC/Dyy8DSpYC7O7BqFdCzp9JV5cHgS0RERGRgt2/nXUbs3r2iz6tdWx5ymzQBnJyMX69BfPyx1F09dSrg7a10Nfli8CUiIiJ6ComJ8mXEjh+Xgm9RvL3lITc4WOosLfOEAFavliatvfmmrt3ODli5Urm6ioHBl4iIiKiYUlKkIQq5Q+7Vq0Wf5+kpXys3JATw8jJ+vQaXkAAMHQr8/DNgby8tUVa/vtJVFRuDLxEREVE+Hj0CIiPla+XGxBR9nqtr3rVyvb2NvIxYafjjD2DgQCA+Xrr++DHw668MvkRERETlSWamtGxY7pB77py04VhhHByk7Xxzh9xatUp5GTFjS0+X1uBdskTX5uEBrFkDdOumWFklweBLREREZiUnR9oAInfIPX1aCr+FsbEBgoLkIbd+fWmoq8mKigL69pX+1ejaFVi7VtrruJxh8CUiIiKTJYS0lW/ukHvypDSMoTCWlkDDhvKQGxgohV+zIATw2WfAe+9JW8cBgK0tsGCBtCtbOR23weBLREREJkEI4MYNecg9cQJ48KDoc/395SG3cWNpGIPZSk0FFi7Uhd5GjaQd2AIClK3rKTH4EhERUbl054485B4/Dty9W/R5Pj7ykBscLO2/QLk4OwPffAN07AiMGQPMnVsGd83QH4MvERERlXlJSVLvbe6Qe+NG0edVqSIPuSEh0rwsekJamvRVqZKurW1baU9lPz/l6jIwBl8iIiIqU1JTgVOn5CH38uWiz6tQQR5ymzUDqlY1fr3l3okT0gS2atWA3bvlS1KYUOgFGHyJiIhIQenpwJkz8pAbHQ2o1YWf5+wsDVHIHXJ9fMrtnCtl5OQAn34KTJsGZGdLixQvXgxMmKB0ZUbD4EtERESlIitLWhs3965nUVFSe2Hs7IAmTeQht25dE1srt7TduAEMGADs369rCw4ud+vy6ovBl4iIiAxOrZY6EHOH3FOnpB7ewlhZSQsI5A65DRtK7WQgW7cCw4bplrtQqYBJk4BZs0x+vTa+jYiIiOipCAFcvSoPuSdOAA8fFn6ehYW0AUTukNuokUksHlA2paRIKzSsX69r8/YGNm4E2rdXrq5SxOBLREREerl1Sx5yjx8H7t0r+rzateUht0kTwMnJ+PUSgORkaW/l2FhdW3g4sGIF4O6uXF2ljMGXiIiICpSYKA+5x44BcXFFn+ftLQ+5wcFmla/KHldXoFMnKfg6OwPLlwP9+pndbEAGXyIiIgIgdQqePClfYeHataLPq1RJHnJDQgAvL6OXS/pavBh4/Bj44AOTW6asuBh8iYiIzNCjR0BkpDzkxsQUfZ6bm24jCM2audWrm13HYdkmhDRu19oaeP11XbuTk7Qbmxlj8CUiIjJxmZnSsmG5Q+65c9IyroVxdJSGheYOubVqMeSWaUlJwPDh0soNTk5A8+bSN40AMPgSERGZlJwcaQOI3CH39Gkp/BbGxgZo3FgecuvVAywtS6VsMoT9+4H+/YGbN6XrqanAtm3A++8rWlZZwuBLRERUTqnVwJUr8pB78qQ0jKEwlpZAQIB8XG5AgMkv4Wq6MjOBGTOA+fOlYQ6ANCblyy+Bnj0VLa2sYfAlIiIqB4SQNtvKHXKPH5cmpBVGpQL8/eUhNygIcHAonbrJyGJigD59pL94NDp0ADZskJbWIBkGXyIiojLozh15yD12DEhIKPo8X195yG3aFHBxMX69VMqEkHp0x42TVmoApMlsc+YAEyZwP+cCMPgSEREpLCkp71q5mmGahalaNe8yYhUrGr9eKgOSk6UthjWh198f2LxZ+kuHCsTgS0REVIpSU3Vr5WpC7pUrRZ9XsWLekFu1qvHrpTLKzQ1Ytw7o2lVaxWHhQo5fKQYGXyIiIiNJT5dWVMgdcqOjdfOPCuLsnHet3Jo1uYyYWUtPl2YtVqigawsLA86eBRo2VK6ucobBl4iIyACysqS1cXOH3KgoIDu78PPs7YEmTeQht04dDtGkXKKipAlsNWsCv/wi/wuIoVcvDL5ERER6yskBLl6Uh9zISKlTrjDW1kCjRvKQ26ABYMX/jSk/ajXw2WfSOrwZGVLv7sqVwIgRSldWbvFHjYiIqBBCAFevykPuiRPSWN3CWFhIoTZ3yA0MBOzsSqduKufi4oDBg4Fdu3RtjRoBbdsqV5MJYPAlIiL6jxDA7dvykHv8OHD/ftHn1qkjD7mNG0s7xhLp7eefgSFDgMREXdu4ccDcufzL6Skx+BIRkdlKSMi7jFh8fNHn1aghD7lNmwLu7savl0xcWpq0Bu+qVbq2KlWA9euBZ59Vri4TwuBLRERmITlZGqKQO+T++2/R51WqpAu4zZoBwcGAl5fx6yUzk5QEPPOMtBObRo8ewOrVgIeHYmWZGgZfIiIyOY8eAadOyUPuxYtFn+fmJu/JDQkBqlfnMmJUCtzdpb+qYmKk9XiXLgXefJNvPgNj8CUionItMxM4c0Yecs+dkybEF8bRURqikDvk1qrFnEEKWr5c2ont44+BunWVrsYkMfgSEVG5kZ0tbQCRO+SeOSOF38LY2EiTzXKH3Hr1AEvLUimbKK+tWwFbW6B7d12bmxuwfbtiJZkDBl8iIiqT1Grg8mV5yD11ShrGUBhLSyAgQB5yAwKk8EukuJQUYMwYacKau7v0l1v16kpXZTYYfImISHFCANev510rNzm58PNUKsDfXx5yGzeWdkMjKnMiIoC+faWFoQFpQts33wCTJilblxlh8CUiolIXH593rdyEhKLP8/PTTT4LCZHG6Lq4GL9eoqeSnQ189JH0lZMjtTk7S2N6+/VTtjYzw+BLRERGdf++FGxzh9ybN4s+r1o1ecgNCQEqVjR+vUQGFRsrhduICF1bq1ZST6+vr3J1mSkGXyIiMpiHD4GTJ+Uh98qVos+rWFE+XCEkBKha1fj1EhmNEMCGDcCoUbr9rS0tgRkzgClTACtGMCXwVSciohJJTwciI+UhNzpa+v++MC4u0nKlmpDbrBlQsyaXESMTk5Qk7cKmCb1+fsCmTUDLlsrWZeYYfImIqEhZWcDZs/KQGxUlDV0sjL090KSJPOTWqQNYWJRO3USKqVAB+Oor4OWXgUGDgGXLpHG9pCgGXyIiksnJkTaPyh1yIyOlHt7CWFsDjRrJQ26DBvxEl8xEZiaQkSEPtz16SD9AwcGKlUVy/HVERGTGhJDm3uQOuSdO6D6dLYiFhRRqc4fcRo2k9fiJzE5MDNCnD1C7NvDdd/JxOwy9ZQqDLxGRmRACuHVLF3I1QTcpqehz69SRh9wmTaQtf4nMmhDAl18C48ZJWw2fPAm88AIwYIDSlVEBGHyJiExUQkLetXLj44s+r0YNecgNDpZ2UiWiXBISgCFDgB07dG3+/tI2gVRmMfgSEZmA5OS8a+X++2/R53l55V1GrFIl49dLVK7t2iVNWMv9l+Tw4cDChYCDg2JlUdEYfImIypm0NODUKXnIvXix6PPc3eUbQjRrJm0SwWXEiIopPR2YPBlYskTX5uEBrFkDdOumWFlUfAy+RERlWEYGcOaMPOSeOweo1YWf5+iYd61cPz+GXKISu38f6NBBWsdPo2tXYO1aoHJlxcoi/TD4EhGVEdnZwPnz8pB7+rS0hm5hbG2Bxo3lIdffX9okiogMxN1d+usxKkr6oVuwQNqVjX9NlisMvkREClCrgUuX5CH31Cng0aPCz7O0BAID5SG3YUPAxqZ06iYyWyqVtCHF48fSWF5OYiuXGHyJiIxMCGmi2ZNr5SYnF36eSgXUqycPuUFB0m5oRGRkO3ZIPbthYbo2Dw9pYhuVWwy+REQGFhcnD7nHjgGJiUWf5+cnD7lNm3KHU6JSl5YGTJgArFolLXESFcWlTkwIgy8R0VO4d0/qvc0dcm/dKvq8atXkITckBKhQwfj1ElEhTpyQdmDTLJNy9660YsOkScrWRQbD4EtEVEwPH0obM+UOubGxRZ/n4ZE35FapYvx6iaiYcnKATz8Fpk2TZpkC0nq8S5ZIm1SQyWDwJSLKx+PH0ooKuUPuhQvSeN3CuLjoNoLQbAxRowYnfhOVWTduAP37AwcO6NqCg4HNm4G6dZWri4yCwZeIzF5WFnD2rDzknj2r6/gpiL29NA43d8itXRuwsCiduonoKW3dCgwbBjx4IF1XqaRhDbNmcakUE8XgS0RmJScHiImRh9zISGmjiMJYW0srKuQOufXrA1b8LUpUPiUmAkOHAikp0nVvb2DjRqB9e2XrIqPir2wiMllCSGNwjx3TBd2TJ4HU1MLPs7CQ1sbNHXIDA6WVjYjIRHh4ACtWAH37AuHh0mV3d6WrIiNj8CUikyCEtJpC7pB7/DiQlFT0uXXrykNu48bSlr9EZEKys4HMTGnSmkafPkD16kDbthyIbyYYfImoXEpIkIfcY8eAO3eKPq9mTXnIbdoUcHMzerlEpKTYWKBfP2lHmDVr5Le1a6dMTaQIBl8iKvMePMi7Vu7160Wf5+WlC7jNmkkTtbkOPZEZEUIatztypDTGKSICeO45oGdPpSsjhTD4ElGZkpYGnDolD7mXLhV9nru7vCc3JETaJIKfXhKZqaQkYPhwaeUGDT8/aRIbmS0GXyJSTEYGcOaMPOSePw+o1YWf5+QkDVHIHXL9/Bhyieg/+/dLa/PevKlrGzQIWLaM+4CbOQZfIioV2dlSqM0dcs+ckdbQLYytrTTZLHfI9fcHLC1LpWwiKk8yM4EZM4D583W7zbi7A6tWcXgDAWDwJSIjUKul4Qm5Q+6pU9JuaIWxspKWDcu9tW9AgLSGLhFRoe7dA7p0kdYs1OjYEdiwQVq5gQgMvkT0lIQA/v1XHnJPnNCtCV8QlUraACJ3yA0KknZDIyLSm7u7tDYvIP21PGcOMGECt1IkGQZfItJLXJw85B4/Lm2AVJRateQht2lTDrUjIgOysADWrQN69QKWLpV+yRA9gcGXiAp0755uIwjNmrm3bxd9XvXq8pAbEgJUqGD8eonIjPzxB2BnJ1+Ht0oV4O+/lauJyjzFg+/y5cuxYMECxMfHIygoCJ999hmaN29e4PFLlizBihUrcP36dXh4eOC1117DvHnzYGdnV4pVE5mehw+lIQq5Q+7Vq0Wf5+Ehn3gWEiL930NEZBTp6cDkycCSJdJf2WfOcKthKjZFg++WLVswfvx4rFy5Ei1atMCSJUsQFhaGmJgYVMpnlfnNmzdj0qRJWLNmDVq1aoWLFy9i0KBBUKlUWLRokQLPgKh8evwYiIyUh9yYGN0k6IK4uMh7cps1A2rU4DJiRFRKoqKAvn2lfwFpubIvvwTef1/ZuqjcUAlR1H91xtOiRQs0a9YMn3/+OQBArVbD29sbo0ePxqRJk/IcP2rUKERHR2Pv3r3atgkTJuDIkSM4ePBgsR4zJSUFrq6uSE5OhouLi2GeCFEZlpUl/R+RO+SePQvk5BR+nr29bq1cTcitXZvzRIhIAWo18NlnUsDNyJDabG2BBQuAUaP417cJMlZeU6zHNzMzEydOnMDkyZO1bRYWFggNDUVERES+57Rq1QrffPMNjh49iubNmyM2Nha///47+vfvX+DjZGRkIEPzQwLphSQyVTk5wIUL8slnp0/r/p8oiLW1tKJC7iEL9etLy4sRESkqLg4YPBjYtUvXFhgIbN4srXdIpAfF/ltLTExETk4OvLy8ZO1eXl64cOFCvuf06dMHiYmJaNOmDYQQyM7OxvDhwzFlypQCH2fevHmYPXu2QWsnKguEAK5ckYfckyelLX8LY2EBNGwoD7mBgVLnCRFRmfLzz8CQIfKlY8aNA+bOlSa2EempXPXn7N+/H3PnzsUXX3yBFi1a4PLly3jnnXfw4YcfYvr06fmeM3nyZIwfP157PSUlBd7cp5vKGSGkoWxPLiP24EHR59atKw+5TZoADg5GL5mI6OkkJEjjeTV/zVepIi1X1qWLomVR+aZY8PXw8IClpSXu3Lkja79z5w4qV66c7znTp09H//79MWTIEABAYGAg0tLS8NZbb2Hq1KmwyGfwoa2tLWzZlUXlzN27eUPuEz8q+apZUx5yg4MBV1fj10tEZHCentLKDUOHAt27A199pduggqiEFAu+NjY2CA4Oxt69e9GjRw8A0uS2vXv3YtSoUfme8+jRozzh1tLSEgCg4Bw9oqfy4IF8rdzjx4Hr14s+r3LlvMuIeXoavVwiIuPIyQGys+Xjrt58U1qyLCyME9jIIBQd6jB+/HgMHDgQISEhaN68OZYsWYK0tDQMHjwYADBgwABUq1YN8+bNAwB069YNixYtQpMmTbRDHaZPn45u3bppAzBRWZaWJo3DzR1yL10q+rwKFfIuI1a1Kv8fICITceMGMGCANFnts8907SoV0LWrcnWRyVE0+IaHhyMhIQEzZsxAfHw8GjdujJ07d2onvF2/fl3Wwztt2jSoVCpMmzYNt27dgqenJ7p164Y5c+Yo9RSICpSRIa2okDvknj8vrcpTGCcnaYhC7pDr68uQS0QmautWYNgw6eOv/fuB554Dnn9e6arIRCm6jq8SuI4vGUN2NnDunHyt3KgoaQ3dwtjZAY0by0Ouvz/XyiUiM5CSAowZA6xfr2vz9gY2bQLatlWuLioTTG4dX6LySq0GLl6Uh9zISGk3tMJYWUnLhuUOuQ0bSmvoEhGZlYgIoF8/IDZW1xYeDqxYwe2HyagYfIkKIQRw7Zo85J44ATx8WPh5KpW0AUTukBsUxGUnicjMZWcDc+YAH36o2z7S2RlYvlwKwhzTRUbG4EuUy+3b8pB7/Dhw717R59WqJQ+5TZtKY3WJiOg/9+4B3bpJvb0arVoB33wjTWQgKgUMvmS27t3LG3Jv3y76vOrV5SE3OFhadYGIiArh5qbbB93SEpgxA5gyhXujU6niu43MQkqKtIxY7pB79WrR53l6ykNuSIi0fi4REenJ0hLYuBF45RVpaEPLlkpXRGaIwZdMzuPHwKlT8mXEYmKk8bqFcXXVbQSh2RjC25tDzoiISuTAAcDeHmjeXNdWs6b0S5m/WEkhDL5UrmVmSsuG5Q65Z8/q5kwUxMFBGoebO+TWqsVlxIiInlpmJjBzJvDJJ9LY3chIaQKbBkMvKYjBl8qNnBwgOloeck+fljaKKIyNjbSiQu6QW68eh5URERlcTAzQp480tgyQlitbsQJ47z1l6yL6D//rpzJJCODyZXnIPXlS2vK3MJaW0tq4uUNuQIB863ciIjIwIYDVq4GxY3WLmltbS0uXTZigaGlEuTH4kuKEkLZpzx1yjx+Xdq8sir+/POQ2biwNYyAiolKSkAAMHQr8/LOuzd8f2LxZGlNGVIYw+FKpu3NHHnKPHQPu3i36PB8fecht2lSakEZERArZtQsYNAiIj9e1DR8OLFzIXggqkxh8yaiSkqSdznKH3Bs3ij6vcmVdwNWslevpafx6iYiomO7cAXr0ANLTpeseHsCaNdImFURlFIMvGUxqqrSMWO6Qe/ly0edVqCDvyQ0JAapVM369RET0FLy8gI8/lsb1hoUB69ZxoXMq8xh8qUTS04EzZ+QhNzoaUKsLP8/ZWeq9zb0hhK8vV7chIirz1GppeR1ra13b6NHSdpYvv8z1IKlcYPClImVlAefPy0NuVJTUXhg7O6BJE3nI9ffn70YionInLk4ay9u4sbQ+r4aFBfDqq0pVRaQ3Bl+SUauBixflW/ueOqUbwlUQKyugUSN5yG3YUN4xQERE5dDPPwNvvgncuwfs3i0Na+jUSemqiEqEwdeMCQFcuyYPuSdOAA8fFn6eSgU0aCAPuUFBUg8vERGZiLQ0aQ3eVat0bV5eytVDZAAMvmbk9m15yD1+XPoDvii1a8snnzVpAjg5Gb9eIiJSyIkT0g5sFy/q2rp3B776Slq9gaicYvA1UYmJedfKjYsr+jxvb3nIDQ4G3N2NXy8REZUBOTnAp58C06YB2dlSm4MDsGQJMGQIZyJTucfgawKys4G//5aH3GvXij7P01O+Vm5ICD/FIiIyW4mJQM+ewP79urbgYGkHtrp1FSuLyJAYfMs5IYDnn5fmGxTG1TXvWrne3vzjnYiI/uPqKi3IDkj/OUyaBMyaBdjYKFoWkSEx+JZzCQl5Q6+Dg7Sdb+6QW6sWlxEjIqJCWFsDmzZJu7GtWAG0b690RUQGx+Bbzp0/r7vcvTvw0UdA/fqApaVyNRERUTkQESH1lAQF6drq1gXOnmVPCZksvrPLudzB97nngIAAhl4iIipEdjYwezbQti3w+uvAo0fy2xl6yYTx3V3O5Q6+DRooVwcREZUDsbFAu3bS2N2cHGmv+S++ULoqolLD4FvOMfgSEVGRhAA2bJC2HI6IkNosLYEPPgDGjlWyMqJSxTG+5Zwm+FaqBFSsqGwtRERUBiUlAcOHA1u36tpq1QK++QZo2VK5uogUwB7fcuzePeDOHekye3uJiCiP/fuBRo3koXfwYODUKYZeMkvs8S3HoqN1lxl8iYhIJi4OCAsDMjOl6+7uwKpV0iYVRGaKPb7lGMf3EhFRgapUAWbOlC537AicOcPQS2aPPb7lWO7g27ChcnUQEVEZIASgVsvXtHz/fWmbzr59uUwZEdjjW66xx5eIiABI23i+/LK0i1FulpZA//4MvUT/4U9COaYJvhUrAp6eytZCREQK2bVLmsD288/Ahx/qlisjojwYfMup5GTg1i3pcoMGgEqlbD1ERFTK0tOBceOArl2B+Hipzd0dePhQ2bqIyjCO8S2nuKIDEZEZi4qSxu1GRenawsKAdeuAypUVK4uorGOPbznF8b1ERGZIrQaWLgWaNdOFXltbqe333xl6iYrAHt9yisGXiMjM3Lsn9fLu2qVrCwwENm8GAgKUq4uoHGGPbznF4EtEZGYcHXWTOwBpfO/Rowy9RHpg8C2nNMHX1VVao5yIiEycnZ3Uu+vrK/X6LloktRFRsXGoQzmUmgr8+690mSs6EBGZqBMnpF7eevV0bYGBwMWLgBX/+yYqCfb4lkMXLuguc5gDEZGJyckBPvkEaNkSeP11ICNDfjtDL1GJMfiWQxzfS0Rkom7cADp3BiZNArKzgchI4IsvlK6KyGQw+JZDDL5ERCZo61ZpB7YDB6TrKhUweTIwcqSydRGZEH5eUg4x+BIRmZCUFGDMGGD9el2btzewcSPQvr1ydRGZIAbfckgTfJ2cpN+NRERUTkVEAP36AbGxurbwcGDFCmn7YSIyKAbfcubxY93vx/r1uaIDEVG5desW0KEDkJkpXXd2BpYvl4Iwf7kTGQXH+JYzMTGAENJlDnMgIirHqlUDJk6ULrdqBZw+DfTvz9BLZETs8S1nOL6XiKic0vRa5A62s2YBNWoAb77JZcqISgF7fMsZBl8ionIoKQno3RtYuFDebm0NDBvG0EtUShh8yxkGXyKicmb/fmmZsq1bgSlTgFOnlK6IyGwx+JYzmuBrbw/UrKlsLUREVIjMTGkjik6dgJs3pTYnJyA+Xtm6iMwYP1spRzIygMuXpcv16gGWlsrWQ0REBYiJAfr0AU6e1LV17Ahs2ABUr65cXURmjj2+5cilS9IW7gCHORARlUlCAKtWAU2a6EKvtTUwfz6wZw9DL5HCnqrHNz09HXZ2doaqhYrA8b1ERGXY/fvA4MHAjh26Nn9/YPNmoGlT5eoiIi29e3zVajU+/PBDVKtWDU5OToj9bzeF6dOn4+uvvzZ4gaTD4EtEVIbZ2gIXLuiujxgh9foy9BKVGXoH348++gjr1q3D/PnzYWNjo20PCAjAV199ZdDiSI7Bl4ioDHN0BDZtAqpWlXp9v/gCcHBQuioiykXv4LthwwZ8+eWX6Nu3Lyxzza4KCgrChdx/6ZLBaYKvjQ3g56dsLUREZi8qSreHvEZIiNTWrZsyNRFRofQOvrdu3ULt2rXztKvVamRlZRmkKMorKwu4eFG67O/Ptc6JiBSjVgNLlwLNmgF9+wLZ2fLbbW2VqYuIiqR38G3QoAH+/vvvPO3btm1DkyZNDFIU5XXlihR+AQ5zICJSTFwc8NxzwNix0hqT//wDrFihdFVEVEx69xvOmDEDAwcOxK1bt6BWq7F9+3bExMRgw4YN+PXXX41RI4Hje4mIFPfzz8CbbwL37unaxo0Dhg5VriYi0ovePb7du3fHL7/8gj179sDR0REzZsxAdHQ0fvnlFzz77LPGqJHA4EtEpJi0NGD4cKBHD13orVIF2LULWLQI4LKeROVGiUaKtm3bFrt37zZ0LVQIBl8iIgWcOCHtwKaZZAFIAXj1asDDQ7GyiKhk9O7x9fPzw73cH/P858GDB/DjUgNGowm+VlZAPnMLiYjI0G7cAFq10oVeBwcp8G7fztBLVE7pHXyvXbuGHM2+ublkZGTg1q1bBimK5HJydGui16kjLWdGRERG5u0NvP22dDk4GDh1ChgyBFCplK2LiEqs2EMdduTagnHXrl1wdXXVXs/JycHevXvh4+Nj0OJIcvWqNHkY4DAHIiKjEkIebOfNA2rUAEaOZK8DkQkodvDt0aMHAEClUmHgwIGy26ytreHj44OFCxcatDiScHwvEZGRpaQAY8YAzZvrenkBaeLauHHK1UVEBlXs4KtWqwEAvr6+OHbsGDw4vqnUMPgSERlRRIS0EcXVq8CWLUDHjkD9+kpXRURGoPcY36tXrzL0ljIGXyIiI8jOBmbNAtq2lUIvAFhbSzsGEZFJKtFyZmlpaThw4ACuX7+OzMxM2W1jxowxSGGkowm+FhZA3brK1kJEZBJiY4F+/aTeXo1WrYBvvgF8fZWri4iMSu/ge+rUKTz//PN49OgR0tLSUKFCBSQmJsLBwQGVKlVi8DUwtRqIjpYu16rFddKJiJ6KEMCGDcCoUUBqqtRmaQnMmAFMmSKtGUlEJkvvoQ7jxo1Dt27dkJSUBHt7e/zzzz/4999/ERwcjE8//dQYNZq1f/8FHj2SLnOYAxHRU3jwAOjdGxg0SBd6/fyAgwel4MvQS2Ty9A6+kZGRmDBhAiwsLGBpaYmMjAx4e3tj/vz5mDJlijFqNGsc30tEZCAqFXDkiO76oEFAZCTQsqVSFRFRKdM7+FpbW8PCQjqtUqVKuH79OgDA1dUVN27cMGx1xOBLRGQorq7Axo3SrmtbtwJr1wLOzkpXRUSlSO/PdZo0aYJjx46hTp06aN++PWbMmIHExERs3LgRAQEBxqjRrDH4EhGVUEwM4OgIVK+ua2vbFrh2TWonIrOjd4/v3LlzUaVKFQDAnDlz4O7ujhEjRiAhIQGrVq0yeIHmThN8VSqgXj1layEiKheEAFatApo0AQYMkGYJ58bQS2S2VEIIoXQRpSklJQWurq5ITk6Gi4uL0uUUSgjAxUWag+HrK62+Q0REhUhIAIYMAXbs0LWtWAEMH65cTUSkN2PlNb17fAty8uRJvPjii4a6OwJw86Zu4jGHORARFWHXLqBRI3noHT5c6vUlIoKewXfXrl2YOHEipkyZgtj/uh8vXLiAHj16oFmzZtptjfWxfPly+Pj4wM7ODi1atMDRo0cLPf7BgwcYOXIkqlSpAltbW9StWxe///673o9bHnB8LxFRMaSnA+PGAV27AvHxUpuHhxSAV6wAHByUrY+IyoxiT277+uuvMXToUFSoUAFJSUn46quvsGjRIowePRrh4eE4e/Ys6uu5t/mWLVswfvx4rFy5Ei1atMCSJUsQFhaGmJgYVKpUKc/xmZmZePbZZ1GpUiVs27YN1apVw7///gs3Nze9Hre8YPAlIipCVBTQt6/0r0ZYGLBuHVC5smJlEVHZVOwxvo0aNUL//v3x7rvv4ocffkDPnj3RsmVLbN26FdVzz5jVQ4sWLdCsWTN8/vnnAAC1Wg1vb2+MHj0akyZNynP8ypUrsWDBAly4cAHW1tYleszyNMZ36FDgq6+ky0eOAM2bK1sPEVGZ8u+/gL8/kJEhXbe1BebPl3ZlszDYSD4iUoDiY3yvXLmCnj17AgBeeeUVWFlZYcGCBSUOvZmZmThx4gRCQ0N1xVhYIDQ0FBG5907PZceOHXjmmWcwcuRIeHl5ISAgAHPnzkVOTk6Bj5ORkYGUlBTZV3mRu8dXz850IiLTV7OmbvxuYCBw/DgwZgxDLxEVqNi/HR4/fgyH/8ZJqVQq2Nraapc1K4nExETk5OTAy8tL1u7l5YV4zRitJ8TGxmLbtm3IycnB77//junTp2PhwoX46KOPCnycefPmwdXVVfvl7e1d4ppLkxC64OvtzTXWiYjytXgx8NFHwNGjANeSJ6Ii6LWBxVdffQUnJycAQHZ2NtatWwcPDw/ZMWPGjDFcdU9Qq9WoVKkSvvzyS1haWiI4OBi3bt3CggULMHPmzHzPmTx5MsaPH6+9npKSUi7Cb3y8tK08wPG9RERISwMmTJC2Fx40SNfu6AhMnapYWURUvhQ7+NaoUQOrV6/WXq9cuTI2btwoO0alUhU7+Hp4eMDS0hJ37tyRtd+5cweVC5iQUKVKFVhbW8PS0lLbVr9+fcTHxyMzMxM2NjZ5zrG1tYWtrW2xaipLOLGNiOg/J05IE9hiYoBNm6Td12rVUroqIiqHih18r127ZtAHtrGxQXBwMPbu3YsePXoAkHp09+7di1GjRuV7TuvWrbF582ao1WpY/DeG6+LFi6hSpUq+obc8Y/AlIrOXkwN8+ikwbRqQnS21qdXA2bMMvkRUIorOABg/fjxWr16N9evXIzo6GiNGjEBaWhoGDx4MABgwYAAmT56sPX7EiBG4f/8+3nnnHVy8eBG//fYb5s6di5EjRyr1FIyGwZeIzNqNG0DnzsCkSbrQGxwMnDoFdO+ubG1EVG7pNcbX0MLDw5GQkIAZM2YgPj4ejRs3xs6dO7UT3q5fv67t2QUAb29v7Nq1C+PGjUOjRo1QrVo1vPPOO3j//feVegpGwxUdiMhsbd0KDBumm+igUkkBeNYswMQ+3SOi0lXsdXxNRXlZx9fTE0hMBKpUAW7fVroaIqJS8PAhMHo0sH69rs3bG9i4EWjfXrm6iKjUKb6OL5WehAQp9AIc5kBEZiQjA/jjD9318HDg9GmGXiIyGAbfMojje4nILHl4SL29Li7Ahg3At98C7u5KV0VEJqREwffKlSuYNm0aXn/9ddy9excA8L///Q/nzp0zaHHmisGXiMxCbCzwxJKWePZZaSvi/v2lsb1ERAakd/A9cOAAAgMDceTIEWzfvh2pqakAgNOnTxe4iQTph8GXiEyaEFLPblAQ8MYb0vXc3NwUKYuITJ/ewXfSpEn46KOPsHv3btnauZ06dcI///xj0OLMFYMvEZmspCSgd29p97XUVOD334G1a5WuiojMhN7BNyoqCi+//HKe9kqVKiFRMyOLnoom+Hp6SkPeiIhMwv79QKNG0nJlGoMGAT17KlUREZkZvYOvm5sb4uLi8rSfOnUK1apVM0hR5uz+fSA+XrrM3l4iMgmZmdI6vJ06ATdvSm3u7lIAXrsWcHZWtj4iMht6B9/evXvj/fffR3x8PFQqFdRqNQ4dOoSJEydiwIABxqjRrERH6y4z+BJRuXfhAvDMM8Ann+jG8nbsCJw5w55eIip1egffuXPnol69evD29kZqaioaNGiAdu3aoVWrVpg2bZoxajQrHN9LRCYjNhZo2hQ4eVK6bm0NzJ8P7NkDVK+ubG1EZJb03rLYxsYGq1evxvTp03H27FmkpqaiSZMmqFOnjjHqMzsMvkRkMvz8gFdeATZtAvz9gc2bpSBMRKQQvYPvwYMH0aZNG9SoUQM1atQwRk1mjcGXiEzK8uVAzZrA1KmAg4PS1RCRmdN7qEOnTp3g6+uLKVOm4HzulEYGoXlJ3d0BLy9layEiKrb0dGDcOOD77+Xtrq7AnDkMvURUJugdfG/fvo0JEybgwIEDCAgIQOPGjbFgwQLc1MzUpRJLSdFNeG7QgJsWEVE5ERUFNG8OLFkCvPUWcOOG0hUREeVL7+Dr4eGBUaNG4dChQ7hy5Qp69uyJ9evXw8fHB506dTJGjWaDKzoQUbmiVgNLlwLNmknhFwAePwaOH1e2LiKiAug9xjc3X19fTJo0CUFBQZg+fToOHDhgqLrMEsf3ElG5ERcHDB4M7NqlawsMlCawBQQoVxcRUSH07vHVOHToEN5++21UqVIFffr0QUBAAH777TdD1mZ2GHyJqFz4+WdpB7bcoXfcOODoUYZeIirT9O7xnTx5Mr777jvcvn0bzz77LJYuXYru3bvDgRMXnhqDLxGVaWlpwIQJwKpVurYqVYB164AuXRQri4iouPQOvn/99Rfeffdd9OrVCx4eHsaoyWxpgq+zM8Ddn4mozElJAX74QXe9Rw9g9WqA/xcQUTmhd/A9dOiQMeowe2lpwLVr0mWu6EBEZVKVKsBXXwF9+kiT2t58k7+siKhcKVbw3bFjB5577jlYW1tjx44dhR770ksvGaQwc3Phgu4yhzkQUZlw4wbg6AhUqKBr694duHoVqFRJubqIiEqoWMG3R48eiI+PR6VKldCjR48Cj1OpVMjJyTFUbWaF43uJqEzZuhUYNgwIDZUu5+7ZZeglonKqWKs6qNVqVPrvF51arS7wi6G35HIH34YNlauDiMxcSgowaBAQHg48eABs2yYtUUZEZAL0Xs5sw4YNyMjIyNOemZmJDRs2GKQoc8QeXyJSXEQE0LgxsH69ri08HHj+ecVKIiIyJL2D7+DBg5GcnJyn/eHDhxg8eLBBijJHmuDr6Ah4eytbCxGZmexsYPZsoG1bafwuIC0vs2ED8O23gLu7svURERmI3qs6CCGgymcW782bN+Hq6mqQoszN48dAbKx0uX59wKLE24oQEekpNhbo10/q7dVo1Qr45hvA11e5uoiIjKDYwbdJkyZQqVRQqVTo3LkzrKx0p+bk5ODq1avo2rWrUYo0dRcvSlveAxzmQESl6PJloGlT4OFD6bqlJTBjBjBlCmD1VDvaExGVScX+zaZZzSEyMhJhYWFwcnLS3mZjYwMfHx+8+uqrBi/QHHB8LxEpolYtoHNn4KefAD8/YNMmoGVLpasiIjKaYgffmTNnAgB8fHwQHh4OOzs7oxVlbhh8iUgRKpW081rNmsCHH0rjeomITJjeo0kHDhzI0GtgDL5EZHSZmcCkScBvv8nbPTyAJUsYeonILBSrx7dChQq4ePEiPDw84O7unu/kNo379+8brDhzoQm+dnaAj4+ipRCRKYqJkbYZPnkSWLsWOHMG8PJSuioiolJXrOC7ePFiOP/XG7B48eJCgy/pJzMTuHRJulyvnjS3hIjIIIQAvvwSGDdOWj4GAJKSgEOHgFdeUbY2IiIFFCv4Dhw4UHt50KBBxqrFLF26BGg2vOMwByIymIQEYMgQYMcOXZu/v7QLW9OmytVFRKQgvcf4njx5ElFRUdrrP//8M3r06IEpU6YgMzPToMWZA47vJSKD27ULaNRIHnpHjJCGOjD0EpEZ0zv4Dhs2DBcvXgQAxMbGIjw8HA4ODvj+++/x3nvvGbxAU8fgS0QGk54uDWvo2hWIj5faPDykAPzFF4CDg7L1EREpTO/ge/HiRTRu3BgA8P3336N9+/bYvHkz1q1bhx9++MHQ9Zk8Bl8iMpi7d6XJaxpduwJRUUC3bsrVRERUhugdfIUQUP+3zdiePXvw/PPPAwC8vb2RmJho2OrMgCb4WltLa8kTEZVYjRrAihWArS2wbBnw++9A5cpKV0VEVGbovSdlSEgIPvroI4SGhuLAgQNYsWIFAODq1avw4vI4esnOllYZAqQ5J9whlIj0EhcHODoCLi66ttdfB9q0Aby9lauLiKiM0rvHd8mSJTh58iRGjRqFqVOnonbt2gCAbdu2oVWrVgYv0JRduQJkZUmXOcyBiPTy88/SBLYxY/LextBLRJQvvfsYGzVqJFvVQWPBggWw5CK0euH4XiLSW1oaMGECsGqVdH39emkM76uvKlsXEVE5UOIP10+cOIHo6GgAQIMGDdCUS+TojcGXiPRy4oS0A9t/K+sAAHr0ANq3V6wkIqLyRO/ge/fuXYSHh+PAgQNwc3MDADx48AAdO3bEd999B09PT0PXaLIYfImoWHJygE8/BaZNkyYHANLSZEuXAm++CXA3TSKiYtF7jO/o0aORmpqKc+fO4f79+7h//z7Onj2LlJQUjMlvrBkVSBN8LS2BOnWUrYWIyqgbN4DOnYFJk3ShNzgYOHVK2pmNoZeIqNj07vHduXMn9uzZg/r162vbGjRogOXLl6NLly4GLc6U5eQAFy5Il+vUAWxslK2HiMqgixeBFi2ABw+k6yqVFIBnzeIvDSKiEtC7x1etVsPa2jpPu7W1tXZ9XyratWvSJksAhzkQUQFq15aCLyCt1LBvHzB3LkMvEVEJ6R18O3XqhHfeeQe3b9/Wtt26dQvjxo1D586dDVqcKeP4XiIqkoWFtBPbW28Bp09zEhsR0VPSO/h+/vnnSElJgY+PD2rVqoVatWrB19cXKSkp+Oyzz4xRo0li8CUimexsYPZs4M8/5e1VqkhLl7m7K1MXEZEJ0XuMr7e3N06ePIm9e/dqlzOrX78+QkNDDV6cKWPwJSKt2FigXz8gIgKoVg04cwaoUEHpqoiITI5ewXfLli3YsWMHMjMz0blzZ4wePdpYdZk8TfC1sADq1lW2FiJSiBDAxo3AqFHAw4dSW3y8NJaXG1IQERlcsYPvihUrMHLkSNSpUwf29vbYvn07rly5ggULFhizPpOkVgP/dZbDzw+wt1e2HiJSQFISMHw4sHWrrs3PD9i0CWjZUrm6iIhMWLHH+H7++eeYOXMmYmJiEBkZifXr1+OLL74wZm0m68YNaddRgMMciMzS/v1Ao0by0DtoEBAZydBLRGRExQ6+sbGxGDhwoPZ6nz59kJ2djbi4OKMUZso4vpfITGVmApMnA506ATdvSm1ublIAXrsWcHZWtDwiIlNX7KEOGRkZcHR01F63sLCAjY0NHj9+bJTCTBmDL5GZunkT+OwzaWwvAHToAGzYIK3RS0RERqfX5Lbp06fDwcFBez0zMxNz5syBq6urtm3RokWGq85EMfgSmSk/P2DpUmDECGDOHGDCBGmGKxERlYpiB9927dohJiZG1taqVSvExsZqr6u4Z3yx5A6+9eopVwcRGVliIuDgIH1pvPGGtBFF7drK1UVEZKaKHXz3799vxDLMhxC64OvjA+QaPUJEpmTXLmnC2iuvAMuX69pVKoZeIiKF8DO2UnbrFpCSIl3mMAciE5SeDowbB3TtKq3J+8UXwG+/KV0VERGhBDu30dPh+F4iExYVBfTtK/2r0bUrEBysXE1ERKTFHt9SxuBLZILUamnSWrNmutBrawssWwb8/jtQubKy9REREQD2+JY6Bl8iExMXBwweLI3p1QgMBDZvBgIClKuLiIjyYPAtZbmDb/36ytVBRAYQEwO0aSOt3qAxbhwwdy5gZ6dcXURElK8SDXX4+++/0a9fPzzzzDO4desWAGDjxo04ePCgQYszNblXdKheHXBxUbYeInpKtWvrPrqpUkXq9V20iKGXiKiM0jv4/vDDDwgLC4O9vT1OnTqFjIwMAEBycjLmzp1r8AJNyZ07QFKSdJnDHIhMgKUlsHEj0L8/cOYM0KWL0hUREVEh9A6+H330EVauXInVq1fD2tpa2966dWucPHnSoMWZGo7vJSrHcnKATz4BDh+Wt9eoIW077OGhTF1ERFRseo/xjYmJQbt27fK0u7q64sGDB4aoyWQx+BKVUzduSL26Bw4Avr5AZCTHKhERlUN69/hWrlwZly9fztN+8OBB+Pn5GaQoU8XgS1QObd0KNGokhV4AuHYN+OMPRUsiIqKS0Tv4Dh06FO+88w6OHDkClUqF27dvY9OmTZg4cSJGjBhhjBpNBld0ICpHUlKkLYfDwwHNp1ne3sC+fcBrrylZGRERlZDeQx0mTZoEtVqNzp0749GjR2jXrh1sbW0xceJEjB492hg1mgxN8K1cGahQQdlaiKgQERFAv35AbKyuLTwcWLECcHdXri4iInoqKiGEKMmJmZmZuHz5MlJTU9GgQQM4OTkZujajSElJgaurK5KTk+FSimP0EhKASpWky506AXv3ltpDE1FxZWcDc+YAH34oTWYDAGdnYPlyKQirVMrWR0RkJoyV10q8gYWNjQ0acKBqsUVH6y7zZSMqo65cAebN04XeVq2Ab76RJrQREVG5p3fw7dixI1SF9Hr8+eefT1WQqeLENqJywN8fmD8fGD8emDEDmDIFsOIGl0REpkLv3+iNGzeWXc/KykJkZCTOnj2LgQMHGqouk8PgS1QGJSUBDg6Ara2ubfRoaTxSQIBydRERkVHoHXwXL16cb/usWbOQmpr61AWZKgZfojJm/35pbd7evYEFC3TtKhVDLxGRidJ7ObOC9OvXD2vWrDHU3ZkcTfD18AA8PZWthcisZWYCkydLvbo3bwKffsrZpkREZsJgg9ciIiJgZ2dnqLszKUlJQFycdJm9vUQKiokB+vQBcm+v3rGjNLaXiIhMnt7B95VXXpFdF0IgLi4Ox48fx/Tp0w1WmCnhig5EChMC+PJLYNw44PFjqc3aWlq6bMIEwMJgH34REVEZpnfwdXV1lV23sLCAv78/PvjgA3Tp0sVghZkSju8lUlBCAjBkCLBjh67N3x/YvBlo2lS5uoiIqNTpFXxzcnIwePBgBAYGwp27FxUbgy+RQmJigA4dgPh4XduIEdK4XgcHxcoiIiJl6PX5nqWlJbp06YIHmn3rDWT58uXw8fGBnZ0dWrRogaNHjxbrvO+++w4qlQo9evQwaD2GxuBLpBA/P8DbW7rs4SH1+n7xBUMvEZGZ0ntgW0BAAGJz71//lLZs2YLx48dj5syZOHnyJIKCghAWFoa7d+8Wet61a9cwceJEtG3b1mC1GIsm+Lq5AZUrK1oKkXmxtgY2bQJeeQWIigK6dVO6IiIiUpDewfejjz7CxIkT8euvvyIuLg4pKSmyL30tWrQIQ4cOxeDBg9GgQQOsXLkSDg4OhS6NlpOTg759+2L27Nnw8/PT+zFLU0oKcOOGdLlBA2mJUCIyArUaWLYMOHVK3l6nDvDDD/yrk4iIih98P/jgA6SlpeH555/H6dOn8dJLL6F69epwd3eHu7s73Nzc9B73m5mZiRMnTiA0NFRXkIUFQkNDERERUWgtlSpVwptvvlnkY2RkZDx1OH8aFy7oLnOYA5GRxMUBzz8PvPOOtFzZo0dKV0RERGVQsSe3zZ49G8OHD8e+ffsM9uCJiYnIycmBl5eXrN3LywsXcifGXA4ePIivv/4akZGRxXqMefPmYfbs2U9baolxfC+Rkf38s7RqQ2KidP3CBeB//wNefVXZuoiIqMwpdvAVQgAA2rdvb7RiivLw4UP0798fq1evhoeHR7HOmTx5MsaPH6+9npKSAm/NZJdSwOBLZCRpadIavKtW6dqqVAHWrQO4tCIREeVDr+XMVAYeoOrh4QFLS0vcuXNH1n7nzh1Uzmc83pUrV3Dt2jV0yzVBRa1WAwCsrKwQExODWrVqyc6xtbWFra2tQevWB4MvkRGcOCENabh4UdfWowewerW0egMREVE+9Aq+devWLTL83r9/v9j3Z2Njg+DgYOzdu1e7JJlarcbevXsxatSoPMfXq1cPUVFRsrZp06bh4cOHWLp0aan25BaXJvg6OQHVqytbC1G5l5MDLFgATJ8OZGdLbQ4OwJIl0nAHzh4lIqJC6BV8Z8+enWfntqc1fvx4DBw4ECEhIWjevDmWLFmCtLQ0DB48GAAwYMAAVKtWDfPmzYOdnR0CAgJk57u5uQFAnvayIC0NuHZNuswVHYgM4MIFeegNDpZ2YKtbV9m6iIioXNAr+Pbu3RuVKlUyaAHh4eFISEjAjBkzEB8fj8aNG2Pnzp3aCW/Xr1+HhYXeq66VCTExwH9DoznMgcgQGjYEPvwQmDIFmDQJmDULsLFRuioiIionVEIza60IlpaWiIuLM3jwLW0pKSlwdXVFcnIyXFxcjPpY33wD9O8vXZ4/H3j3XaM+HJHpefgQsLcHrHL9jZ6TI63VGxKiXF1ERGRUxsprxe5KLWY+plw4sY3oKUREAI0bAx99JG+3tGToJSKiEil28FWr1eW+t7e0MfgSlUB2NjB7NtC2LRAbKw1tOHxY6aqIiMgE6DXGl/SjCb729kDNmsrWQlQuxMYC/fpJvb0aLVtK6/MSERE9pfI5a6wcSE8HrlyRLtevD5TT+XlEpUMIYMMGaWiDJvRaWko9vwcOAL6+ipZHRESmgT2+RnLxIvDf3hoc5kBUmKQkYMQIYMsWXZufH7Bpk9TbS0REZCAMvkbC8b1ExRATAzz7LHDjhq5t0CBg2TLA2VmxsoiIyDTxA3gjYfAlKoaaNYH/NqGBuzuwdSuwdi1DLxERGQWDr5Ew+BIVg52dtPPa888DZ84APXsqXREREZkwBl8j0QRfW1vOyyECIE1g+/JL+V+FABAQAPz2G1C9ujJ1ERGR2WDwNYLMTODSJemyv7980ykis5SQAPToAQwbBvTpA2RkKF0RERGZIQZfI7h8WVqDH+AwByLs2gU0agTs2CFdP30a+PVXZWsiIiKzxOBrBBzfSwRpMeuxY4GuXYH4eKnNw0MKwK++qmhpRERknvghvBHkDr4NGypXB5FioqKkIQ1nz+rawsKAdeuAypUVK4uIiMwbe3yNgD2+ZLbUamDpUqBZM13otbWV2n7/naGXiIgUxR5fI9AEX2troFYtZWshKlVRUcD48bptCwMDpeXKAgKUrYuIiAjs8TW47GxpMyoAqFtXCr9EZiMoCJgyRbo8bhxw9ChDLxERlRns8TWw2FhpOTOAwxzIDDx6JG1CYZHrb+gZM4AuXYC2bZWri4iIKB/s8TUwju8ls3HiBNCkCbBwobzd2pqhl4iIyiQGXwNj8CWTl5MDfPIJ0LIlcPEiMHUqcPKk0lUREREViUMdDIzBl0zajRtA//7AgQO6tkaNACcn5WoiIiIqJvb4Gpgm+FpaAnXqKFsLkUFt3SqFXE3oVamAyZOBw4elmZxERERlHHt8DSgnB4iOli7Xri0tX0pU7qWkAGPGAOvX69q8vYGNG4H27ZWri4iISE8Mvgb077/SLq0AhzmQiYiJAZ5/XlquRCM8HFi5EnBzU6wsIiKikuBQBwPi+F4yOdWrA1b//X3s7Axs2AB8+y1DLxERlUsMvgbE4Esmx9FR2nmtQwfg9GlpYptKpXRVREREJcLga0AMvlSuCSH16F65Im8PDgb+/BPw9VWmLiIiIgNh8DUgTfBVqQB/f2VrIdJLUhLQuzcwcCDQty+QlSW/nb28RERkAhh8DUQIXfD18wPs7ZWth6jY9u+XlinbulW6fuQI8OuvipZERERkDAy+BnLjBpCWJl3mMAcqFzIzgUmTgE6dgJs3pTZ3d+D774GXX1a2NiIiIiPgcmYGwvG9VK7ExAB9+si3Gu7YURrjW726cnUREREZEXt8DYTBl8oFIYBVq4AmTXSh19oamD8f2LOHoZeIiEwae3wNhMGXyoVTp4Dhw3XX/f2l5cqaNlWuJiIiolLCHl8DyR1869VTrg6iQjVtCowfL10eMULq9WXoJSIiM8EeXwPIvaJDzZqAk5Oy9RBpZWQANjby5cjmzgW6dgWefVa5uoiIiBTAHl8DiIsDkpOlyxzmQGVGVBQQEgKsWCFvt7Vl6CUiIrPE4GsAHN9LZYpaDSxdCjRrBpw9C0yYIH+TEhERmSkOdTAABl8qM+LigMGDgV27dG116ihXDxERURnCHl8DOHdOd5nBlxTz88/SDmy5Q++4ccDRo3xjEhERgT2+BpG7x7d+feXqIDOVliYNZ1i1StdWpQqwbh3QpYtiZREREZU1DL5PSQhdj2+1aoCrq7L1kJm5eBHo1k36V6NHD2D1asDDQ7GyiIiIyiIOdXhKd+8CSUnSZX6aTKXOywvIzJQuOzhIgXf7doZeIiKifDD4PiVObCNFuboC33wDtGgh7co2ZIh8zV4iIiLSYvB9Sgy+VKq+/x64cUPe1ro1EBEB1K2rTE1ERETlBIPvU2LwpVKRkgIMGgT06gUMGADk5MhvZy8vERFRkRh8nxJXdCCji4gAmjQB1q+Xru/fD/z6q6IlERERlUcMvk9JE3y9vICKFZWthUxMdjYwezbQti0QGyu1OTsDGzYAL72kbG1ERETlEJczewqJidKqDgCHOZCBxcYC/fpJvb0arVpJE9l8fZWri4iIqBxjj+9TiI7WXWbwJYMQQurRbdxYF3otLaWe3wMHGHqJiIieAnt8nwIntpHBHT8ODByou+7nB2zaBLRsqVxNREREJoI9vk+BwZcMrlkzYNgw6fKgQUBkJEMvERGRgbDH9ykw+NJTy8oCrKzky5EtXAg8/zwnsBERERkYe3yfgib4VqwIeHoqWwuVQzExUm+uZpkyDUdHhl4iIiIjYPAtoQcPgNu3pcsNGnD/ANKDEMCqVdLavCdPAqNHA5cvK10VERGRyeNQhxLiig5UIgkJwJAhwI4durZq1YDHj5WriYiIyEywx7eEOL6X9LZrF9CokTz0Dh8u9foGBipXFxERkZlg8C0hBl8qtvR0YNw4oGtXID5eavPwkALwihWAg4Oy9REREZkJDnUoIQZfKpbLl4FXXgGionRtXbsCa9cClSsrVxcREZEZYo9vCWmCr6srUKWKsrVQGebuDty7J122tQWWLQN+/52hl4iISAEMviXw8CFw/bp0mSs6UKEqVgTWrQOCgqRd2UaP5huGiIhIIQy+JXDhgu4yhzmQzC+/6Mbxajz7LHDiBBAQoExNREREBIDBt0Q4vpfySEuTVmh46SXgjTektXpzs7RUpi4iIiLSYvAtAQZfkjlxAmjaVNqUAgD+9z/g11+VrYmIiIjyYPAtAQZfAgDk5ACffCJtO3zxotTm4ACsXg28+KKytREREVEeXM6sBDTB18kJ8PZWthZSyI0bQP/+wIEDurbgYGDzZqBuXeXqIiIiogKxx1dPjx4BV69Kl+vX5wR9s7Rli7QDmyb0qlTA5MnA4cMMvURERGUYe3z1FBOjm7fEYQ5m6J9/gN69dde9vYGNG4H27ZWriYiIiIqFPb564vheM9eypTTEAQDCw4HTpxl6iYiIygn2+OqJwdfMqNWAxRN/H37+OfDCC0CvXhzrQkREVI6wx1dPDL5mJDYWaNMG2LpV3u7iIvX2MvQSERGVKwy+etIEX3t7oGZNZWshIxEC2LABaNwYiIgAhg2TVnEgIiKico3BVw8ZGcDly9LlevW4GZdJSkqSJq8NHAg8fCi1VagA3LunbF1ERET01Bh89XDxojTkE+AwB5O0f7+0TFnuoQ2DBgGRkVLvLxEREZVrDL564PheE5WZCUyaBHTqBNy8KbW5uUkBeO1awNlZ0fKIiIjIMLiqgx4YfE1QbCzQsydw8qSurUMHaYwvt+UjIiIyKezx1QODrwmytweuX5cuW1sD8+cDe/cy9BIREZkgBl89aIKvjQ3g56dsLWQgVaoAX38tzVb85x/g3XfzrttLREREJoH/wxdTVpY0uQ0A/P0BKw4SKZ/27Mm7QsNLLwFnzgBNmypTExEREZWKMhF8ly9fDh8fH9jZ2aFFixY4evRogceuXr0abdu2hbu7O9zd3REaGlro8YZy+TKQnS1d5jCHcig9HRg3Dnj2WWldXiHkt1tbK1MXERERlRrFg++WLVswfvx4zJw5EydPnkRQUBDCwsJw9+7dfI/fv38/Xn/9dezbtw8RERHw9vZGly5dcOvWLaPWyfG95VhUFNC8ObBkiXT9hx+AnTsVLYmIiIhKn+LBd9GiRRg6dCgGDx6MBg0aYOXKlXBwcMCaNWvyPX7Tpk14++230bhxY9SrVw9fffUV1Go19u7da9Q6GXzLIbUaWLoUaNZMCr8AYGsLLFsGdO2qbG1ERERU6hQdqZqZmYkTJ05g8uTJ2jYLCwuEhoYiIiKiWPfx6NEjZGVloUKFCvnenpGRgYyMDO31lJSUEtXK4FvOxMUBgwcDu3bp2gIDgc2bgYAA5eoiIiIixSja45uYmIicnBx4eXnJ2r28vBAfH1+s+3j//fdRtWpVhIaG5nv7vHnz4Orqqv3yLuEyVZrga2UF1K5dorug0rJjh7QDW+7QO24ccPQoQy8REZEZU3yow9P4+OOP8d133+HHH3+EnZ1dvsdMnjwZycnJ2q8bN27o/TjZ2UBMjHS5Th1pOTMqow4dArp3BxITpeuVK0sBeNEioID3CBEREZkHRYOvh4cHLC0tcefOHVn7nTt3ULly5ULP/fTTT/Hxxx/jjz/+QKNGjQo8ztbWFi4uLrIvfV29CmhGS3CYQxnXqhXw8svS5e7dpbG9XbooWxMRERGVCYoGXxsbGwQHB8smpmkmqj3zzDMFnjd//nx8+OGH2LlzJ0JCQoxeJ8f3lmFPLkumUgGrVwNr1wI//gh4eChTFxEREZU5ig91GD9+PFavXo3169cjOjoaI0aMQFpaGgYPHgwAGDBggGzy2yeffILp06djzZo18PHxQXx8POLj45Gammq0Ghl8y6gbN4BOnYBff5W3V6wIDBokhWAiIiKi/yi+/1h4eDgSEhIwY8YMxMfHo3Hjxti5c6d2wtv169dhkWsL2RUrViAzMxOvvfaa7H5mzpyJWbNmGaVGBt8yaOtWaSOKBw+Ac+ekndeKGB5DRERE5k0lxJOfFZu2lJQUuLq6Ijk5udjjfYODgZMnAQsLIC2Nc6QUlZICjBkDrF+va/P2Bn76iVsOExERmYiS5LXiUHyoQ1mnVgPR0dLlWrUYehUVEQE0biwPveHhwOnTDL1ERERUJAbfIvz7L/D4sXSZwxwUkp0NzJoFtG0rLbEBAM7OwIYNwLffAu7uipZHRERE5YPiY3zLOo7vVdi1a0CfPlJvr0arVsA33wC+voqVRUREROUPe3yLkDv4NmyoXB1my8JC902wtARmzwYOHGDoJSIiIr0x+BaBPb4Kq1EDWLkS8PMDDh4EZsyQ9o0mIiIi0hODbxE0wVelAvz9la3FLPz9t7RyQ269e0tLlrVsqUxNREREZBIYfAshhC74+voCDg7K1mPSMjOBSZOA9u2B0aPz3s7lNIiIiOgpMfgW4uZNQLMhHIc5GFFMDPDMM8Ann0h/bWzYAPzxh9JVERERkYlh8C0Ex/camRDAqlVAkybSDiEAYG0NzJ8PhIYqWxsRERGZHM4SKgSDrxElJABDhgA7duja/P2BzZu5GQUREREZBXt8C8HgayS7dgGNGslD74gRUq8vQy8REREZCXt8C5E7+Narp1wdJuXvv4GuXXXXPTyANWuAbt2Uq4mIiIjMAnt8C5B7RYcaNaQdcskA2rTRBd+uXYGoKIZeIiIiKhXs8S1AfDzw4IF0mcMcDEilAtauBX78ERg+XLpOREREVArY41sAju81gPh44IUXgL175e2VK0tjehl6iYiIqBSxx7cADL5PaccO4M03gcRE4PRp6atiRaWrIiIiIjPGHt8CMPiWUFqaNIShe3cp9AKAWg1cu6ZoWUREREQMvgXIHXzr11eujnLlxAkgOFjalEKjRw/gzBmpnYiIiEhBDL4F0ATfqlUBNzdFSyn7cnKk7YZbtpS2HwYABwdg9Wpg+3ZpyTIiIiIihXGMbz4SEnSf0nOYQxFu3gT69wf279e1BQdLO7DVratYWURERERPYo9vPji+Vw+PHwPHjkmXVSpg8mTg8GGGXiIiIipzGHzzce6c7jKDbxHq1AGWLQO8vYF9+4C5cwEbG6WrIiIiIsqDwTcf7PEtxNGjwKNH8rbBg6UXrX17ZWoiIiIiKgYG33ww+OYjOxuYPRto1QqYOFF+m0oFODkpUxcRERFRMTH45kMTfCtV4p4LAIDYWKBdO2DWLGkFhxUrpGENREREROUIg+8T7t0D7tyRLpt9b68QwIYNQOPGQESE1GZpKfX8tm2raGlERERE+uJyZk+IjtZdNuvgm5QEjBgBbNmia/PzAzZtktbrJSIiIipnGHyfwPG9AA4ckNbmvXFD1zZokLR6g7OzYmUREZWWnJwcZGVlKV0GkUmzsbGBhUXpDj5g8H2C2QffAweAjh2lYQ4A4O4ubUHcs6eydRERlQIhBOLj4/HgwQOlSyEyeRYWFvD19YVNKS6DyuD7BLMPvm3aSBPZNAF4wwagenWlqyIiKhWa0FupUiU4ODhApVIpXRKRSVKr1bh9+zbi4uJQo0aNUvtZY/B9gib4VqggrepgdiwtgY0bge+/B8aOBUr5IwgiIqXk5ORoQ29FLulDZHSenp64ffs2srOzYW1tXSqPyVSTS3IycOuWdLlBA2l5WpOWkAC8+ipw6JC83dsbGD+eoZeIzIpmTK+Dg4PClRCZB80Qh5ycnFJ7TPb45mJWKzrs2iVNWIuPB06eBE6fBlxclK6KiEhxHN5AVDqU+Fljl14uZjG+Nz1dGsLQtasUegEgNRW4eFHRsoiIiIiMjcE3F5MPvlFRQLNmwNKlurauXaX2kBDl6iIiIlJITEwMKleujIcPHypdiknJzMyEj48Pjh8/rnQpMgy+uZhs8FWrpbDbrBlw9qzUZmsrrcv7++9A5crK1kdERE9l0KBBUKlUUKlUsLa2hq+vL9577z2kp6fnOfbXX39F+/bt4ezsDAcHBzRr1gzr1q3L935/+OEHdOjQAa6urnByckKjRo3wwQcf4P79+0Z+RqVn8uTJGD16NJxNeJ365cuXw8fHB3Z2dmjRogWOHj1a5DlLliyBv78/7O3t4e3tjXHjxsneT/PmzUOzZs3g7OyMSpUqoUePHoiJidHebmNjg4kTJ+L99983ynMqKQbfXDTB18UFqFpV2VoMJi4OeP55aXhDRobUFhgIHD8OjB5tBjP4iIjMQ9euXREXF4fY2FgsXrwYq1atwsyZM2XHfPbZZ+jevTtat26NI0eO4MyZM+jduzeGDx+OiRMnyo6dOnUqwsPD0axZM/zvf//D2bNnsXDhQpw+fRobN24steeVmZlptPu+fv06fv31VwwaNOip7seYNT6tLVu2YPz48Zg5cyZOnjyJoKAghIWF4e7duwWes3nzZkyaNAkzZ85EdHQ0vv76a2zZsgVTpkzRHnPgwAGMHDkS//zzD3bv3o2srCx06dIFaWlp2mP69u2LgwcP4ty5c0Z9jnoRZiY5OVkAEMnJybL2hw+FkHZtEKJlS4WKM4azZ4WwtdU9uXHjhHj8WOmqiIjKnMePH4vz58+Lx+Xwd+TAgQNF9+7dZW2vvPKKaNKkifb69evXhbW1tRg/fnye85ctWyYAiH/++UcIIcSRI0cEALFkyZJ8Hy8pKanAWm7cuCF69+4t3N3dhYODgwgODtbeb351vvPOO6J9+/ba6+3btxcjR44U77zzjqhYsaLo0KGDeP3110WvXr1k52VmZoqKFSuK9evXCyGEyMnJEXPnzhU+Pj7Czs5ONGrUSHz//fcF1imEEAsWLBAhISGytsTERNG7d29RtWpVYW9vLwICAsTmzZtlx+RXoxBCREVFia5duwpHR0dRqVIl0a9fP5GQkKA973//+59o3bq1cHV1FRUqVBAvvPCCuHz5cqE1Pq3mzZuLkSNHaq/n5OSIqlWrinnz5hV4zsiRI0WnTp1kbePHjxetW7cu8Jy7d+8KAOLAgQOy9o4dO4pp06ble05hP3MF5bWnxR7f/1y4oLtsUsMcGjYEFiyQhjPs2gUsWgTY2SldFRFRuRESIu3jU9pfTzP14uzZszh8+LBsR6xt27YhKysrT88uAAwbNgxOTk749ttvAQCbNm2Ck5MT3n777Xzv383NLd/21NRUtG/fHrdu3cKOHTtw+vRpvPfee1Cr1XrVv379etjY2ODQoUNYuXIl+vbti19++QWpqanaY3bt2oVHjx7h5ZdfBiB99L5hwwasXLkS586dw7hx49CvXz8cOHCgwMf5+++/EfLEC52eno7g4GD89ttvOHv2LN566y30798/z/CAJ2t88OABOnXqhCZNmuD48ePYuXMn7ty5g169emnPSUtLw/jx43H8+HHs3bsXFhYWePnllwt9febOnQsnJ6dCv65fv57vuZmZmThx4gRCQ0O1bRYWFggNDUVERESBj9mqVSucOHFC+5xjY2Px+++/4/nnny/wnOTkZABAhQoVZO3NmzfH33//XeB5pY3Lmf3HZMb3nj4N1KsnjeHVGDUK6NdP2n6YiIj0Eh+vW+O9LPv111/h5OSE7OxsZGRkwMLCAp9//rn29osXL8LV1RVVqlTJc66NjQ38/Pxw8b8Vfi5dugQ/Pz+9NxXYvHkzEhIScOzYMW0Aql27tt7PpU6dOpg/f772eq1ateDo6Igff/wR/fv31z7WSy+9BGdnZ2RkZGDu3LnYs2cPnnnmGQCAn58fDh48iFWrVqF9+/b5Ps6///6bJ/hWq1ZN9sfB6NGjsWvXLmzduhXNmzcvsMaPPvoITZo0wdy5c7Vta9asgbe3Ny5evIi6devi1VdflT3WmjVr4OnpifPnzyMgICDfGocPHy4Lz/mpWsD4zMTEROTk5MDLy0vW7uXlhQu5e/ye0KdPHyQmJqJNmzYQQiA7OxvDhw+XDXXITa1WY+zYsWjdunWe51G1alX8+++/hdZfmhh8/1Pug29ODvDpp8C0acA770iXNVQqhl4iohJSav6vvo/bsWNHrFixAmlpaVi8eDGsrKzyBK3iEkKU6LzIyEg0adIkT6+fvoKDg2XXrays0KtXL2zatAn9+/dHWloafv75Z3z33XcAgMuXL+PRo0d49tlnZedlZmaiSZMmBT7O48ePYffEp6A5OTmYO3cutm7dilu3biEzMxMZGRl5NjZ5ssbTp09j3759cHJyyvM4V65cQd26dXHp0iXMmDEDR44cQWJioran9/r16wUG3woVKjz166mv/fv3Y+7cufjiiy/QokULXL58Ge+88w4+/PBDTJ8+Pc/xI0eOxNmzZ3Hw4ME8t9nb2+PRo0elUXaxMPj+p1wH3xs3gP79Ac3HOQsXAj16AG3aKFoWEZEpKGOrMRXI0dFR27u6Zs0aBAUF4euvv8abb74JAKhbty6Sk5Nx+/btPD2EmZmZuHLlCjp27Kg99uDBg8jKytKr19fe3r7Q2y0sLPKEas2OeU8+lyf17dsX7du3x927d7F7927Y29uja9euAKAdAvHbb7+hWrVqsvNsc38C+gQPDw8kJSXJ2hYsWIClS5diyZIlCAwMhKOjI8aOHZtnAtuTNaampqJbt2745JNP8jyOppe9W7duqFmzJlavXo2qVatCrVYjICCg0Mlxc+fOlfUi5+f8+fOoUaNGvs/P0tISd+7ckbXfuXMHlQv5y2r69Ono378/hgwZAgAIDAxEWloa3nrrLUydOhUWuXZ2HTVqFH799Vf89ddfqF69ep77un//Pjw9PQutvzRxjO9/NMHX0VHasbfc2LoVaNRIF3pVKmDyZCDXxzFERGReLCwsMGXKFEybNg2PHz8GALz66quwtrbGwoUL8xy/cuVKpKWl4fXXXwcgfdSdmpqKL774It/7f/DgQb7tjRo1QmRkZIHLnXl6eiIuLk7WFhkZWazn1KpVK3h7e2PLli3YtGkTevbsqQ3lDRo0gK2tLa5fv47atWvLvrwL+U+9SZMmOJ+75wvAoUOH0L17d/Tr1w9BQUGyISCFadq0Kc6dOwcfH588NTg6OuLevXuIiYnBtGnT0LlzZ9SvXz9P6M7P8OHDERkZWehXQUMdbGxsEBwcjL1792rb1Go19u7dqx0Skp9Hjx7Jwi0AWFpaAtB9GiCEwKhRo/Djjz/izz//hK+vb773dfbs2UJ73UudQafKlQP5zRJ89EgIlUpa9OCJyZ1lV3KyEAMH6lZrAITw9hZi/36lKyMiKpdMbVWHrKwsUa1aNbFgwQJt2+LFi4WFhYWYMmWKiI6OFpcvXxYLFy4Utra2YsKECbLz33vvPWFpaSneffddcfjwYXHt2jWxZ88e8dprrxW42kNGRoaoW7euaNu2rTh48KC4cuWK2LZtmzh8+LAQQoidO3cKlUol1q9fLy5evChmzJghXFxc8qzq8M477+R7/1OnThUNGjQQVlZW4u+//85zW8WKFcW6devE5cuXxYkTJ8SyZcvEunXrCnzdduzYISpVqiSys7O1bePGjRPe3t7i0KFD4vz582LIkCHCxcVF9vrmV+OtW7eEp6eneO2118TRo0fF5cuXxc6dO8WgQYNEdna2yMnJERUrVhT9+vUTly5dEnv37hXNmjUTAMSPP/5YYI1P67vvvhO2trZi3bp14vz58+Ktt94Sbm5uIj4+XntM//79xaRJk7TXZ86cKZydncW3334rYmNjxR9//CFq1aolW1ljxIgRwtXVVezfv1/ExcVpvx49eiR7/Jo1a4oNGzbkW5sSqzow+AohTp3SZccBA5SrrdgOHxbCz08eesPDhbh/X+nKiIjKLVMLvkIIMW/ePOHp6SlSU1O1bT///LNo27atcHR0FHZ2diI4OFisWbMm3/vdsmWLaNeunXB2dhaOjo6iUaNG4oMPPih0ObNr166JV199Vbi4uAgHBwcREhIijhw5or19xowZwsvLS7i6uopx48aJUaNGFTv4nj9/XgAQNWvWFGq1WnabWq0WS5YsEf7+/sLa2lp4enqKsLCwPMtr5ZaVlSWqVq0qdu7cqW27d++e6N69u3BychKVKlUS06ZNEwMGDCgy+AohxMWLF8XLL78s3NzchL29vahXr54YO3asttbdu3eL+vXrC1tbW9GoUSOxf/9+owdfIYT47LPPRI0aNYSNjY1o3ry5dnm53M9n4MCB2utZWVli1qxZolatWsLOzk54e3uLt99+W/Z9B5Dv19q1a7XHHD58WLi5ueUJwxpKBF/Vf8WbjZSUFLi6uiI5ORkuLi4AgM2bgb59pds//hgoY5uMyO3fD4SGSpPZAMDZGVi+XFq1gZtREBGVWHp6Oq5evQpfX988E57IdC1fvhw7duzArl27lC7F5ISHhyMoKKjA1SAK+5nLL68ZAie3oZxNbGvdGggOBo4eBVq1Ar75BihgXA0REREVbtiwYXjw4AEePnxo0tsWl7bMzEwEBgZi3LhxSpciw+CLchZ8ra2BTZuALVukrmkrfguJiIhKysrKClOnTlW6DJNjY2ODadOmKV1GHlzVAbrga2cH+PgoWopcUpI0BuPECXl77drA1KkMvURERER6MPvklJEBXL4sXa5XD/hvtQ7l7d8vrc1786YUfE+eBJ5YPJuIiIiIis/se3wvXdLNEysTwxwyM4FJk4BOnaTQCwB37wLnzilbFxEREVE5Z/Y9vmVqfG9MDNCnj9S7q9GxI7BhA5DPbihEREREVHxm3+NbJoKvEMCqVUCTJrrQa20NzJ8P7NnD0EtERERkAOzxVTr4JiQAQ4YAO3bo2vz9pcWFmzZVoCAiIiIi08Qe3/+Cr7U1UKuWAgXcuAH8/rvu+ogRUq8vQy8RERGRQZl18M3KAi5elC77+yu0OljTpsBHHwEeHlKv7xdfcPUGIiIqV1QqFX766SelyyizZs2ahcaNGytdBsHMg++VK1L4BUpxmMOFC7oH1Zg4UVq1oVu3UiqCiIhMyaBBg6BSqaBSqWBtbQ1fX1+89957SE9PV7o0o4uPj8c777yD2rVrw87ODl5eXmjdujVWrFiBR48eKV0eAGDixInYu3ev0mUQzHyMb6mO71Wrgc8+k3Zbe/99YPZs3W2WlkClSkYugIiITFnXrl2xdu1aZGVl4cSJExg4cCBUKhU++eQTpUszmtjYWLRu3Rpubm6YO3cuAgMDYWtri6ioKHz55ZeoVq0aXnrpJaXLhJOTE5ycnJQug2DmPb6lFnzj4oDnnwfGjpV2zPjoI+DoUSM+IBERmRtbW1tUrlwZ3t7e6NGjB0JDQ7F7927t7ffu3cPrr7+OatWqwcHBAYGBgfj2229l99GhQweMGTMG7733HipUqIDKlStj1qxZsmMuXbqEdu3awc7ODg0aNJA9hkZUVBQ6deoEe3t7VKxYEW+99RZSU1O1tw8aNAg9evTA3Llz4eXlBTc3N3zwwQfIzs7Gu+++iwoVKqB69epYu3Ztoc/57bffhpWVFY4fP45evXqhfv368PPzQ/fu3fHbb7+h23+fpF67dg0qlQqRkZHacx88eACVSoX9+/dr286ePYvnnnsOTk5O8PLyQv/+/ZGYmKi9fdu2bQgMDNQ+r9DQUKSlpQEA9u/fj+bNm8PR0RFubm5o3bo1/v33XwB5hzponv+nn36KKlWqoGLFihg5ciSycn0iHBcXhxdeeAH29vbw9fXF5s2b4ePjgyVLlhT6mlDhGHz/Y7Tg+/PPQKNGwK5durYxY6Q2IiIqHxYtkpaWLOorv97Fl14q3rmLFhms3LNnz+Lw4cOwsbHRtqWnpyM4OBi//fYbzp49i7feegv9+/fH0Sc6YtavXw9HR0ccOXIE8+fPxwcffKANt2q1Gq+88gpsbGxw5MgRrFy5Eu+//77s/LS0NISFhcHd3R3Hjh3D999/jz179mDUqFGy4/7880/cvn0bf/31FxYtWoSZM2fixRdfhLu7O44cOYLhw4dj2LBhuKnZzOkJ9+7dwx9//IGRI0fC0dEx32NUKlWxX7MHDx6gU6dOaNKkCY4fP46dO3fizp076NWrFwApiL7++ut44403EB0djf379+OVV16BEALZ2dno0aMH2rdvjzNnziAiIgJvvfVWoY+/b98+XLlyBfv27cP69euxbt06rFu3Tnv7gAEDcPv2bezfvx8//PADvvzyS9y9e7fYz4cKIMxMcnKyACCSk5NFUJAQgBCWlkJkZBj4gVJThRg2THoAzVflykLs2mXgByIiIkN4/PixOH/+vHj8+HHeG2fOlP8+L+irZcu857ZsWbxzZ84sce0DBw4UlpaWwtHRUdja2goAwsLCQmzbtq3Q81544QUxYcIE7fX27duLNm3ayI5p1qyZeP/994UQQuzatUtYWVmJW7duaW//3//+JwCIH3/8UQghxJdffinc3d1Famqq9pjffvtNWFhYiPj4eG29NWvWFDk5Odpj/P39Rdu2bbXXs7OzhaOjo/j222/zrf2ff/4RAMT27dtl7RUrVhSOjo7C0dFRvPfee0IIIa5evSoAiFOnTmmPS0pKEgDEvn37hBBCfPjhh6JLly6y+7px44YAIGJiYsSJEycEAHHt2rU8tdy7d08AEPv378+31pkzZ4qgoCDtdc3zz87O1rb17NlThIeHCyGEiI6OFgDEsWPHtLdfunRJABCLFy/O9zHKo8J+5nLnNUMy2zG+OTnSPDMAqFMHyPVH8dM7cULagU2zZAQAdO8OfPWVtHoDERGVLy4uQLVqRR/n6Zl/W3HOdXHRv65cOnbsiBUrViAtLQ2LFy+GlZUVXn31Ve3tOTk5mDt3LrZu3Ypbt24hMzMTGRkZcHhiJaFGT3wiWaVKFW1PY3R0NLy9vVG1alXt7c8884zs+OjoaAQFBcl6YVu3bg21Wo2YmBh4eXkBABo2bAgLC90Hz15eXggICNBet7S0RMWKFfXu5Tx69CjUajX69u2LjIyMYp93+vRp7Nu3L9+xuFeuXEGXLl3QuXNnBAYGIiwsDF26dMFrr70Gd3d3VKhQAYMGDUJYWBieffZZhIaGolevXqhSpUqBj9ewYUNYWlpqr1epUgVRUVEAgJiYGFhZWaFprqVNa9euDXd392I/H8qf2Qbfa9ek4baAgYc5/PknEBYGZGdL1x0cgCVLpE0q9PjIhYiIypDx46Wvksi9QZEROTo6onbt2gCANWvWICgoCF9//TXefPNNAMCCBQuwdOlSLFmyBIGBgXB0dMTYsWORmZkpux9ra2vZdZVKBbVabfB683scfR67du3aUKlUiImJkbX7+fkBAOzt7bVtmoAthNC2ZT2xwlJqaiq6deuW72TAKlWqwNLSErt378bhw4fxxx9/4LPPPsPUqVNx5MgR+Pr6Yu3atRgzZgx27tyJLVu2YNq0adi9ezdatmxZ7OdvjNeZ5Mx2jG/unxODBt/WrXV3GBwMnDoFDB3K0EtERKXGwsICU6ZMwbRp0/D48WMAwKFDh9C9e3f069cPQUFB8PPzw8Xcn0wWQ/369XHjxg3ExcVp2/755588x5w+fVo76Uvz2BYWFvD393+KZyVXsWJFPPvss/j8889lj5Ufz/964nPXnXuiGwA0bdoU586dg4+PD2rXri370vReq1QqtG7dGrNnz8apU6dgY2ODH3/8UXsfTZo0weTJk3H48GEEBARg8+bNJXpu/v7+yM7OxqlTp7Rtly9fRlJSUonuj3TMNvhqhjkABg6+trbSdsNTpwKHDwN16xrwzomIiIqnZ8+esLS0xPLlywEAderU0fZYRkdHY9iwYbhz545e9xkaGoq6deti4MCBOH36NP7++29MnTpVdkzfvn1hZ2eHgQMH4uzZs9i3bx9Gjx6N/v37a4c5GMoXX3yB7OxshISEYMuWLYiOjkZMTAy++eYbXLhwQTuUwN7eHi1btsTHH3+M6OhoHDhwANOmTZPd18iRI3H//n28/vrrOHbsGK5cuYJdu3Zh8ODByMnJwZEjRzB37lwcP34c169fx/bt25GQkID69evj6tWrmDx5MiIiIvDvv//ijz/+wKVLl1C/fv0SPa969eohNDQUb731Fo4ePYpTp07hrbfegr29vV4T9igvBl88RfBNSZF6c8+dk7c3bCgtWWbQgcNERETFZ2VlhVGjRmH+/PlIS0vDtGnT0LRpU4SFhaFDhw6oXLkyevToodd9WlhY4Mcff8Tjx4/RvHlzDBkyBHPmzJEd4+DggF27duH+/fto1qwZXnvtNXTu3Bmff/65AZ+dpFatWjh16hRCQ0MxefJkBAUFISQkBJ999hkmTpyIDz/8UHvsmjVrkJ2djeDgYIwdOxYfffSR7L6qVq2KQ4cOIScnB126dEFgYCDGjh0LNzc3WFhYwMXFBX/99Reef/551K1bF9OmTcPChQvx3HPPwcHBARcuXMCrr76KunXr4q233sLIkSMxbNiwEj+3DRs2wMvLC+3atcPLL7+MoUOHwtnZGXZ2diW+TwJUIveAFzOQkpICV1dXNG6cjMhIF1hYAKmpQK6hQMUTEQH06wfExkpLkx09KvX2EhFRuZSeno6rV6/C19eX4YLKnJs3b8Lb2xt79uxB586dlS7HIAr7mdPkteTkZLg85cTP3Mx2cptmjK+fn56hNzsbmDMH+PBDaWkIALh6FThzBmjWzOB1EhERkfn5888/kZqaisDAQMTFxeG9996Dj48P2rVrp3Rp5ZrZBt//xvrrN8whNlbq5Y2I0LW1agV88w3g62vQ+oiIiMh8ZWVlYcqUKYiNjYWzszNatWqFTZs25VkNgvRjtsFXo1jBVwhg40Zg1Cjg4UOpzdISmDEDmDIFsDL7l5GIiIgMKCwsDGFhYUqXYXLMPrEVGXyTkoARI4AtW3Rtfn7Apk1AAWvzEREREVHZY7arOmgUGXyjo4Hvv9ddHzQIiIxk6CUiMlFmNuebSDFK/KyZffCtV6+IA1q1ktbkdXMDtm4F1q4FnJ1LozQiIipFmrGTjx49UrgSIvOg2TUw99bNxmbWQx18fIBcW4lLrl4FatSQxvBqTJ8ODBtWvL3WiYioXLK0tISbmxvu3r0LQFqPlpsFEBmHWq1GQkICHBwcYFWKc6XMOvjKhjkIAXz5JTBuHDBzJvD++7rbrK0ZeomIzEDlypUBQBt+ich4LCwsUKNGjVL9A5PBFwASEoAhQ4AdO6Tr06YBXboATZooVhsREZU+lUqFKlWqoFKlSsjKylK6HCKTZmNjAwuL0h11y+C7a5c0YS0+XnfDkCGAv79SZRERkcIsLS1LddwhEZWOMjG5bfny5fDx8YGdnR1atGiBo0ePFnr8999/j3r16sHOzg6BgYH4/fff9X5MG6Sj666xQNeuutDr4SH1+q5YATg4lOCZEBEREVFZpXjw3bJlC8aPH4+ZM2fi5MmTCAoKQlhYWIHjqw4fPozXX38db775Jk6dOoUePXqgR48eOHv2rF6Pux8dUGXLUl1D165AVBTQrdvTPB0iIiIiKqNUQuEFC1u0aIFmzZrh888/ByDN8vP29sbo0aMxadKkPMeHh4cjLS0Nv/76q7atZcuWaNy4MVauXFnk46WkpMDV1RXJAFwAwNYWWLBA2pWNs3eJiIiIFKfNa8nJcHFxMdj9KjrGNzMzEydOnMDkyZO1bRYWFggNDUVERES+50RERGD8+PGytrCwMPz000/5Hp+RkYGMjAzt9eTkZABACiAN8v36a+lfzVbERERERKSolJQUAIbf5ELR4JuYmIicnBx4eXnJ2r28vHDhwoV8z4mPj8/3+Pjck9NymTdvHmbPnp2n3RsAzp8HnnmmRLUTERERkXHdu3cPrq6uBrs/k1/VYfLkybIe4gcPHqBmzZq4fv26QV9IKptSUlLg7e2NGzduGPSjEiqb+P02L/x+mxd+v81LcnIyatSogQoVKhj0fhUNvh4eHrC0tMSdO3dk7Xfu3NEuIv6kypUr63W8ra0tbG1t87S7urryB8eMuLi48PttRvj9Ni/8fpsXfr/Ni6HX+VV0VQcbGxsEBwdj79692ja1Wo29e/fimQKGIDzzzDOy4wFg9+7dBR5PRERERASUgaEO48ePx8CBAxESEoLmzZtjyZIlSEtLw+DBgwEAAwYMQLVq1TBv3jwAwDvvvIP27dtj4cKFeOGFF/Ddd/9v796DoirfOIB/WXB3EReNjGAVNVHI8ZIhaqCOP40CNaO0oGQUEy8FiKOpOd4QzWuKqWNeMsWMRG28jSAkKgl08RJoIwgi4GUESy3RBLns8/ujYadVUHeFxdjvZ+b8cd7zvu95zj4uPrycsxuHkydPYuPGjQ15GURERET0lGvwwjcwMBB//PEH5s6di+LiYnTv3h2JiYn6B9guXbpksMzt7e2Nb7/9FrNnz8bMmTPRsWNH7N27F126dHms86lUKkRGRtZ4+wM1Psy3ZWG+LQvzbVmYb8tSX/lu8M/xJSIiIiIyhwb/5jYiIiIiInNg4UtEREREFoGFLxERERFZBBa+RERERGQRGmXhu3btWrRr1w5qtRq9e/fG8ePHH9p/165dePHFF6FWq9G1a1ckJCSYKVKqC8bk+8svv0S/fv3wzDPP4JlnnoGPj88j/33Q08XY93e1uLg4WFlZ4a233qrfAKlOGZvvv/76C2FhYXB2doZKpYKbmxt/pv+HGJvvzz//HO7u7rC1tYWLiwsmT56MsrIyM0VLT+LYsWMYOnQotFotrKyssHfv3keOSUlJgYeHB1QqFTp06ICYmBjjTyyNTFxcnCiVStm8ebOcPXtWxo0bJy1atJBr167V2D89PV2sra1l2bJlkpWVJbNnz5YmTZrIb7/9ZubIyRTG5nvEiBGydu1aycjIkOzsbBk9erQ0b95crly5YubIyRTG5rtaQUGBtGrVSvr16yf+/v7mCZaemLH5vnfvnnh6esrgwYMlLS1NCgoKJCUlRTIzM80cOZnC2HzHxsaKSqWS2NhYKSgokKSkJHF2dpbJkyebOXIyRUJCgsyaNUt2794tAGTPnj0P7Z+fny9NmzaVKVOmSFZWlqxZs0asra0lMTHRqPM2usK3V69eEhYWpt+vqqoSrVYrixcvrrF/QECADBkyxKCtd+/eMmHChHqNk+qGsfm+X2VlpWg0Gtm6dWt9hUh1yJR8V1ZWire3t2zatEmCg4NZ+P6HGJvvdevWSfv27aW8vNxcIVIdMjbfYWFhMnDgQIO2KVOmSJ8+feo1Tqp7j1P4Tp8+XTp37mzQFhgYKL6+vkadq1Hd6lBeXo5Tp07Bx8dH36ZQKODj44OffvqpxjE//fSTQX8A8PX1rbU/PT1Myff97t69i4qKCjg4ONRXmFRHTM33/Pnz4ejoiJCQEHOESXXElHzv378fXl5eCAsLw/PPP48uXbpg0aJFqKqqMlfYZCJT8u3t7Y1Tp07pb4fIz89HQkICBg8ebJaYybzqql5r8G9uq0vXr19HVVWV/lvfqj3//PM4d+5cjWOKi4tr7F9cXFxvcVLdMCXf9/vkk0+g1WofeDPR08eUfKelpeGrr75CZmamGSKkumRKvvPz83HkyBEEBQUhISEBeXl5CA0NRUVFBSIjI80RNpnIlHyPGDEC169fR9++fSEiqKysxIcffoiZM2eaI2Qys9rqtZKSEpSWlsLW1vax5mlUK75ExliyZAni4uKwZ88eqNXqhg6H6tjt27cxcuRIfPnll2jZsmVDh0NmoNPp4OjoiI0bN6JHjx4IDAzErFmzsH79+oYOjepBSkoKFi1ahC+++AK//vordu/ejfj4eCxYsKChQ6OnWKNa8W3ZsiWsra1x7do1g/Zr167BycmpxjFOTk5G9aenhyn5rrZ8+XIsWbIEycnJ6NatW32GSXXE2HxfuHABhYWFGDp0qL5Np9MBAGxsbJCTkwNXV9f6DZpMZsr729nZGU2aNIG1tbW+rVOnTiguLkZ5eTmUSmW9xkymMyXfc+bMwciRIzF27FgAQNeuXfH3339j/PjxmDVrFhQKru01JrXVa/b29o+92gs0shVfpVKJHj164PDhw/o2nU6Hw4cPw8vLq8YxXl5eBv0B4NChQ7X2p6eHKfkGgGXLlmHBggVITEyEp6enOUKlOmBsvl988UX89ttvyMzM1G9vvvkmBgwYgMzMTLi4uJgzfDKSKe/vPn36IC8vT/8LDgDk5ubC2dmZRe9TzpR8371794HitvqXnn+el6LGpM7qNeOeu3v6xcXFiUqlkpiYGMnKypLx48dLixYtpLi4WERERo4cKTNmzND3T09PFxsbG1m+fLlkZ2dLZGQkP87sP8TYfC9ZskSUSqV89913UlRUpN9u377dUJdARjA23/fjpzr8txib70uXLolGo5Hw8HDJycmRAwcOiKOjo3z66acNdQlkBGPzHRkZKRqNRrZv3y75+fny/fffi6urqwQEBDTUJZARbt++LRkZGZKRkSEAJDo6WjIyMuTixYsiIjJjxgwZOXKkvn/1x5lNmzZNsrOzZe3atfw4s2pr1qyRNm3aiFKplF69esnPP/+sP9a/f38JDg426L9z505xc3MTpVIpnTt3lvj4eDNHTE/CmHy3bdtWADywRUZGmj9wMomx7+9/Y+H732Nsvn/88Ufp3bu3qFQqad++vSxcuFAqKyvNHDWZyph8V1RUyLx588TV1VXUarW4uLhIaGio/Pnnn+YPnIx29OjRGv8/rs5xcHCw9O/f/4Ex3bt3F6VSKe3bt5ctW7YYfV4rEf49gIiIiIgav0Z1jy8RERERUW1Y+BIRERGRRWDhS0REREQWgYUvEREREVkEFr5EREREZBFY+BIRERGRRWDhS0REREQWgYUvEREREVkEFr5ERABiYmLQokWLhg7DZFZWVti7d+9D+4wePRpvvfWWWeIhInoasfAlokZj9OjRsLKyemDLy8tr6NAQExOjj0ehUKB169b44IMP8Pvvv9fJ/EVFRRg0aBAAoLCwEFZWVsjMzDTos2rVKsTExNTJ+Wozb948/XVaW1vDxcUF48ePx82bN42ah0U6EdUHm4YOgIioLvn5+WHLli0Gbc8991wDRWPI3t4eOTk50Ol0OH36ND744ANcvXoVSUlJTzy3k5PTI/s0b978ic/zODp37ozk5GRUVVUhOzsbY8aMwa1bt7Bjxw6znJ+IqDZc8SWiRkWlUsHJyclgs7a2RnR0NLp27Qo7Ozu4uLggNDQUd+7cqXWe06dPY8CAAdBoNLC3t0ePHj1w8uRJ/fG0tDT069cPtra2cHFxQUREBP7++++HxmZlZQUnJydotVoMGjQIERERSE5ORmlpKXQ6HebPn4/WrVtDpVKhe/fuSExM1I8tLy9HeHg4nJ2doVar0bZtWyxevNhg7upbHV544QUAwMsvvwwrKyv873//A2C4irpx40ZotVrodDqDGP39/TFmzBj9/r59++Dh4QG1Wo327dsjKioKlZWVD71OGxsbODk5oVWrVvDx8cG7776LQ4cO6Y9XVVUhJCQEL7zwAmxtbeHu7o5Vq1bpj8+bNw9bt27Fvn379KvHKSkpAIDLly8jICAALVq0gIODA/z9/VFYWPjQeIiIqrHwJSKLoFAosHr1apw9exZbt27FkSNHMH369Fr7BwUFoXXr1jhx4gROnTqFGTNmoEmTJgCACxcuwM/PD8OHD8eZM2ewY8cOpKWlITw83KiYbG1todPpUFlZiVWrVmHFihVYvnw5zpw5A19fX7z55ps4f/48AGD16tXYv38/du7ciZycHMTGxqJdu3Y1znv8+HEAQHJyMoqKirB79+4H+rz77ru4ceMGjh49qm+7efMmEhMTERQUBABITU3FqFGjMGnSJGRlZWHDhg2IiYnBwoULH/saCwsLkZSUBKVSqW/T6XRo3bo1du3ahaysLMydOxczZ87Ezp07AQBTp05FQEAA/Pz8UFRUhKKiInh7e6OiogK+vr7QaDRITU1Feno6mjVrBj8/P5SXlz92TERkwYSIqJEIDg4Wa2trsbOz02/vvPNOjX137dolzz77rH5/y5Yt0rx5c/2+RqORmJiYGseGhITI+PHjDdpSU1NFoVBIaWlpjWPunz83N1fc3NzE09NTRES0Wq0sXLjQYEzPnj0lNDRUREQmTpwoAwcOFJ1OV+P8AGTPnj0iIlJQUCAAJCMjw6BPcHCw+Pv76/f9/f1lzJgx+v0NGzaIVquVqqoqERF59dVXZdGiRQZzbNu2TZydnWuMQUQkMjJSFAqF2NnZiVqtFgACQKKjo2sdIyISFhYmw4cPrzXW6nO7u7sbvAb37t0TW1tbSUpKeuj8REQiIrzHl4galQEDBmDdunX6fTs7OwD/rH4uXrwY586dQ0lJCSorK1FWVoa7d++iadOmD8wzZcoUjB07Ftu2bdP/ud7V1RXAP7dBnDlzBrGxsfr+IgKdToeCggJ06tSpxthu3bqFZs2aQafToaysDH379sWmTZtQUlKCq1evok+fPgb9+/Tpg9OnTwP45zaF1157De7u7vDz88Mbb7yB119//Yleq6CgIIwbNw5ffPEFVCoVYmNj8d5770GhUOivMz093WCFt6qq6qGvGwC4u7tj//79KCsrwzfffIPMzExMnDjRoM/atWuxefNmXLp0CaWlpSgvL0f37t0fGu/p06eRl5cHjUZj0F5WVoYLFy6Y8AoQkaVh4UtEjYqdnR06dOhg0FZYWIg33ngDH330ERYuXAgHBwekpaUhJCQE5eXlNRZw8+bNw4gRIxAfH4+DBw8iMjIScXFxePvtt3Hnzh1MmDABERERD4xr06ZNrbFpNBr8+uuvUCgUcHZ2hq2tLQCgpKTkkdfl4eGBgoICHDx4EMnJyQgICICPjw++++67R46tzdChQyEiiI+PR8+ePZGamoqVK1fqj9+5cwdRUVEYNmzYA2PVanWt8yqVSn0OlixZgiFDhiAqKgoLFiwAAMTFxWHq1KlYsWIFvLy8oNFo8Nlnn+GXX355aLx37txBjx49DH7hqPa0PMBIRE83Fr5E1OidOnUKOp0OK1as0K9mVt9P+jBubm5wc3PD5MmT8f7772PLli14++234eHhgaysrAcK7EdRKBQ1jrG3t4dWq0V6ejr69++vb09PT0evXr0M+gUGBiIwMBDvvPMO/Pz8cPPmTTg4OBjMV30/bVVV1UPjUavVGDZsGGJjY5GXlwd3d3d4eHjoj3t4eCAnJ8fo67zf7NmzMXDgQHz00Uf66/T29kZoaKi+z/0rtkql8oH4PTw8sGPHDjg6OsLe3v6JYiIiy8SH24io0evQoQMqKiqwZs0a5OfnY9u2bVi/fn2t/UtLSxEeHo6UlBRcvHgR6enpOHHihP4Whk8++QQ//vgjwsPDkZmZifPnz2Pfvn1GP9z2b9OmTcPSpUuxY8cO5OTkYMaMGcjMzMSkSZMAANHR0di+fTvOnTuH3Nxc7Nq1C05OTjV+6YajoyNsbW2RmJiIa9eu4datW7WeNygoCPHx8di8ebP+obZqc+fOxddff42oqCicPXsW2dnZiIuLw+zZs426Ni8vL3Tr1g2LFi0CAHTs2BEnT55EUlIScnNzMWfOHJw4ccJgTLt27XDmzBnk5OTg+vXrqKioQFBQEFq2bAl/f3+kpqaioKAAKSkpiIiIwJUrV4yKiYgsEwtfImr0XnrpJURHR2Pp0qXo0qULYmNjDT4K7H7W1ta4ceMGRo0aBTc3NwQEBGDQoEGIiooCAHTr1g0//PADcnNz0a9fP7z88suYO3cutFqtyTFGRERgypQp+Pjjj9G1a1ckJiZi//796NixI4B/bpNYtmwZPD090bNnTxQWFiIhIUG/gv1vNjY2WL16NTZs2ACtVgt/f/9azztw4EA4ODggJycHI0aMMDjm6+uLAwcO4Pvvv0fPnj3xyiuvYOXKlWjbtq3R1zd58mRs2rQJly9fxoQJEzBs2DAEBgaid+/euHHjhsHqLwCMGzcO7u7u8PT0xHPPPYf09HQ0bdoUx44dQ5s2bTBs2DB06tQJISEhKCsr4wowET0WKxGRhg6CiIiIiKi+ccWXiIiIiCwCC18iIiIisggsfImIiIjIIrDwJSIiIiKLwMKXiIiIiCwCC18iIiIisggsfImIiIjIIrDwJSIiIiKLwMKXiIiIiCwCC18iIiIisggsfImIiIjIIvwfgODChHGp4W4AAAAASUVORK5CYII=", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "plot_roc_curve(y_test, y_pred)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Histogram Gradient Boosting Classifier" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "#### Normalized data" + ] + }, + { + "cell_type": "code", + "execution_count": 94, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Time taken for GridSearchCV: 2489.42 seconds\n", + "Best Hyperparameters:\n", + "{'l2_regularization': 0.1, 'learning_rate': 0.1, 'max_iter': 100, 'max_leaf_nodes': 31, 'min_samples_leaf': 100}\n", + "\n", + "Time taken for training with best hyperparameters: 2.52 seconds\n", + "\n", + "Mean Accuracy: 0.8917202627939143\n", + "Standard Deviation of Accuracy: 0.014477507951668005\n", + "Mean Precision: 0.84451676345978\n", + "Standard Deviation of Precision: 0.034358682865536075\n", + "Mean Recall: 0.840772847487511\n", + "Standard Deviation of Recall: 0.03791815161028012\n", + "Mean F1-score: 0.8416215259346306\n", + "Standard Deviation of F1-score: 0.021308529266832795\n", + "Mean ROC AUC: 0.879545498161235\n", + "Standard Deviation of ROC AUC: 0.0169850947707784\n", + "\n", + "Total time taken: 2491.94 seconds\n" + ] + } + ], + "source": [ + "from sklearn.ensemble import HistGradientBoostingClassifier\n", + "from sklearn.model_selection import StratifiedKFold, GridSearchCV\n", + "from sklearn.metrics import accuracy_score, precision_score, recall_score, f1_score, roc_auc_score, confusion_matrix\n", + "import numpy as np\n", + "import time\n", + "\n", + "start_total_time = time.time()\n", + "\n", + "kf = StratifiedKFold(n_splits=10, shuffle=True, random_state=42)\n", + "\n", + "model = HistGradientBoostingClassifier(random_state=42)\n", + "\n", + "param_grid = {\n", + " 'learning_rate': [0.01, 0.1, 0.2, 0.3],\n", + " 'max_iter': [100, 200, 300],\n", + " 'max_leaf_nodes': [31, 63, 127],\n", + " 'min_samples_leaf': [20, 50, 100],\n", + " 'l2_regularization': [0.0, 0.1, 1.0]\n", + "}\n", + "\n", + "grid_search = GridSearchCV(estimator=model, param_grid=param_grid, cv=kf, scoring='accuracy')\n", + "\n", + "start_time = time.time()\n", + "\n", + "grid_search.fit(standard(x), y)\n", + "\n", + "grid_search_time = time.time() - start_time\n", + "print(f\"Time taken for GridSearchCV: {grid_search_time:.2f} seconds\")\n", + "\n", + "best_params = grid_search.best_params_\n", + "\n", + "print(\"Best Hyperparameters:\")\n", + "print(best_params)\n", + "print()\n", + "\n", + "best_model = grid_search.best_estimator_\n", + "\n", + "start_time = time.time()\n", + "\n", + "accuracy_scores = []\n", + "precision_scores = []\n", + "recall_scores = []\n", + "f1_scores = []\n", + "roc_auc_scores = []\n", + "confusion_matrices = []\n", + "\n", + "for train_index, test_index in kf.split(normal(x), y):\n", + " X_train, X_test = x.iloc[train_index], x.iloc[test_index]\n", + " y_train, y_test = y.iloc[train_index], y.iloc[test_index]\n", + "\n", + " best_model.fit(X_train, y_train)\n", + "\n", + " y_pred = best_model.predict(X_test)\n", + "\n", + " accuracy = accuracy_score(y_test, y_pred)\n", + " accuracy_scores.append(accuracy)\n", + " \n", + " precision = precision_score(y_test, y_pred)\n", + " precision_scores.append(precision)\n", + " \n", + " recall = recall_score(y_test, y_pred)\n", + " recall_scores.append(recall)\n", + " \n", + " f1 = f1_score(y_test, y_pred)\n", + " f1_scores.append(f1)\n", + " \n", + " roc_auc = roc_auc_score(y_test, y_pred)\n", + " roc_auc_scores.append(roc_auc)\n", + " \n", + " confusion = confusion_matrix(y_test, y_pred)\n", + " confusion_matrices.append(confusion)\n", + "\n", + "training_time = time.time() - start_time\n", + "print(f\"Time taken for training with best hyperparameters: {training_time:.2f} seconds\")\n", + "print()\n", + "\n", + "mean_accuracy = np.mean(accuracy_scores)\n", + "std_accuracy = np.std(accuracy_scores)\n", + "\n", + "mean_precision = np.mean(precision_scores)\n", + "std_precision = np.std(precision_scores)\n", + "\n", + "mean_recall = np.mean(recall_scores)\n", + "std_recall = np.std(recall_scores)\n", + "\n", + "mean_f1 = np.mean(f1_scores)\n", + "std_f1 = np.std(f1_scores)\n", + "\n", + "mean_roc_auc = np.mean(roc_auc_scores)\n", + "std_roc_auc = np.std(roc_auc_scores)\n", + "\n", + "print(f\"Mean Accuracy: {mean_accuracy}\")\n", + "print(f\"Standard Deviation of Accuracy: {std_accuracy}\")\n", + "\n", + "print(f\"Mean Precision: {mean_precision}\")\n", + "print(f\"Standard Deviation of Precision: {std_precision}\")\n", + "\n", + "print(f\"Mean Recall: {mean_recall}\")\n", + "print(f\"Standard Deviation of Recall: {std_recall}\")\n", + "\n", + "print(f\"Mean F1-score: {mean_f1}\")\n", + "print(f\"Standard Deviation of F1-score: {std_f1}\")\n", + "\n", + "print(f\"Mean ROC AUC: {mean_roc_auc}\")\n", + "print(f\"Standard Deviation of ROC AUC: {std_roc_auc}\")\n", + "print()\n", + "\n", + "total_time = time.time() - start_total_time\n", + "print(f\"Total time taken: {total_time:.2f} seconds\")" + ] + }, + { + "cell_type": "code", + "execution_count": 95, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "x_train: (1800, 13)\n", + "y_train: (1800,)\n", + "x_test: (601, 13)\n", + "y_test: (601,)\n" + ] + } + ], + "source": [ + "from sklearn.model_selection import train_test_split\n", + "\n", + "x_train, x_test, y_train, y_test = train_test_split(x,y,test_size=0.25,random_state=42)\n", + "\n", + "print(\"x_train:\",x_train.shape)\n", + "print(\"y_train:\",y_train.shape)\n", + "print(\"x_test:\",x_test.shape)\n", + "print(\"y_test:\",y_test.shape)" + ] + }, + { + "cell_type": "code", + "execution_count": 96, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Accuracy: 0.8951747088186356\n", + "Precision: 0.8691099476439791\n", + "Recall: 0.8137254901960784\n", + "F1 Score: 0.8405063291139241\n", + "ROC AUC Score: 0.8753765990023213\n", + "Confusion Matrix:\n", + "[[372 25]\n", + " [ 38 166]]\n" + ] + } + ], + "source": [ + "model = grid_search.best_estimator_\n", + "\n", + "model.fit(x_train, y_train)\n", + "\n", + "y_pred = model.predict(x_test)\n", + "\n", + "y_pred = (y_pred >= 0.5).astype(int)\n", + "\n", + "print(\"Accuracy:\", accuracy_score(y_test, y_pred))\n", + "print(\"Precision:\", precision_score(y_test, y_pred))\n", + "print(\"Recall:\", recall_score(y_test, y_pred))\n", + "print(\"F1 Score:\", f1_score(y_test, y_pred))\n", + "print(\"ROC AUC Score:\", roc_auc_score(y_test, y_pred))\n", + "print(\"Confusion Matrix:\")\n", + "print(confusion_matrix(y_test, y_pred))" + ] + }, + { + "cell_type": "code", + "execution_count": 97, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAokAAAIjCAYAAABvUIGpAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8pXeV/AAAACXBIWXMAAA9hAAAPYQGoP6dpAABIFklEQVR4nO3daXgUZfr+/bMTSGchCwGyCYR9iayiYmQfYtgFgUEEJSDLDw2oBBAzI8iixkEFRQXcBhBBcQMFQQwgoEPYVwGRABoUEjaTQIAQknpe+NB/mwJMQ5pO6O9njjoOuuruqqt7BufyrLvuthiGYQgAAAD4Cw9XFwAAAIDihyYRAAAAJjSJAAAAMKFJBAAAgAlNIgAAAExoEgEAAGBCkwgAAAATmkQAAACY0CQCAADAhCYRwDXt379fsbGxCgwMlMVi0aJFi4r0/L/88ossFotmz55dpOctyVq3bq3WrVu7ugwAbo4mESgBDhw4oP/7v/9TtWrV5O3trYCAADVr1kyvv/66zp0759Rrx8XFadeuXXrhhRc0d+5c3XnnnU693s3Uv39/WSwWBQQEXPF73L9/vywWiywWi1555RWHz3/kyBGNHz9e27dvL4JqAeDmKuXqAgBc29dff61//vOfslqt6tevn+rVq6cLFy7ohx9+0OjRo7V792698847Trn2uXPnlJKSon//+98aNmyYU64RGRmpc+fOqXTp0k45/98pVaqUzp49q8WLF6tXr152x+bNmydvb2+dP3/+us595MgRTZgwQVWqVFGjRo0K/b5vv/32uq4HAEWJJhEoxg4dOqTevXsrMjJSq1atUnh4uO1YfHy8UlNT9fXXXzvt+sePH5ckBQUFOe0aFotF3t7eTjv/37FarWrWrJk++ugjU5M4f/58derUSZ9//vlNqeXs2bPy9fWVl5fXTbkeAFwLt5uBYmzy5Mk6c+aM3n//fbsG8ZIaNWroySeftL2+ePGiJk2apOrVq8tqtapKlSr617/+pdzcXLv3ValSRZ07d9YPP/ygu+++W97e3qpWrZo++OAD25jx48crMjJSkjR69GhZLBZVqVJF0p+3aS/9+a/Gjx8vi8Vity85OVnNmzdXUFCQypQpo9q1a+tf//qX7fjV5iSuWrVKLVq0kJ+fn4KCgtS1a1ft3bv3itdLTU1V//79FRQUpMDAQA0YMEBnz569+hd7mT59+mjZsmXKzMy07du0aZP279+vPn36mMafOnVKo0aNUv369VWmTBkFBASoQ4cO2rFjh23M6tWrddddd0mSBgwYYLttfelztm7dWvXq1dOWLVvUsmVL+fr62r6Xy+ckxsXFydvb2/T527Vrp7Jly+rIkSOF/qwAUFg0iUAxtnjxYlWrVk333ntvocYPGjRI48aN0x133KGpU6eqVatWSkpKUu/evU1jU1NT1bNnT91333169dVXVbZsWfXv31+7d++WJHXv3l1Tp06VJD300EOaO3euXnvtNYfq3717tzp37qzc3FxNnDhRr776qu6//37973//u+b7VqxYoXbt2unYsWMaP368EhIStG7dOjVr1ky//PKLaXyvXr10+vRpJSUlqVevXpo9e7YmTJhQ6Dq7d+8ui8WiL774wrZv/vz5qlOnju644w7T+IMHD2rRokXq3LmzpkyZotGjR2vXrl1q1aqVrWGrW7euJk6cKEkaMmSI5s6dq7lz56ply5a285w8eVIdOnRQo0aN9Nprr6lNmzZXrO/1119XhQoVFBcXp/z8fEnS22+/rW+//VZvvPGGIiIiCv1ZAaDQDADFUlZWliHJ6Nq1a6HGb9++3ZBkDBo0yG7/qFGjDEnGqlWrbPsiIyMNScbatWtt+44dO2ZYrVZj5MiRtn2HDh0yJBkvv/yy3Tnj4uKMyMhIUw3PPfec8dd/rEydOtWQZBw/fvyqdV+6xqxZs2z7GjVqZISEhBgnT5607duxY4fh4eFh9OvXz3S9Rx991O6cDzzwgFGuXLmrXvOvn8PPz88wDMPo2bOn0bZtW8MwDCM/P98ICwszJkyYcMXv4Pz580Z+fr7pc1itVmPixIm2fZs2bTJ9tktatWplSDJmzpx5xWOtWrWy27d8+XJDkvH8888bBw8eNMqUKWN069btbz8jAFwvkkSgmMrOzpYk+fv7F2r80qVLJUkJCQl2+0eOHClJprmLUVFRatGihe11hQoVVLt2bR08ePC6a77cpbmMX375pQoKCgr1nqNHj2r79u3q37+/goODbfsbNGig++67z/Y5/2ro0KF2r1u0aKGTJ0/avsPC6NOnj1avXq309HStWrVK6enpV7zVLP05j9HD489/fObn5+vkyZO2W+lbt24t9DWtVqsGDBhQqLGxsbH6v//7P02cOFHdu3eXt7e33n777UJfCwAcRZMIFFMBAQGSpNOnTxdq/K+//ioPDw/VqFHDbn9YWJiCgoL066+/2u2vXLmy6Rxly5bVH3/8cZ0Vmz344INq1qyZBg0apNDQUPXu3VuffPLJNRvGS3XWrl3bdKxu3bo6ceKEcnJy7PZf/lnKli0rSQ59lo4dO8rf318LFizQvHnzdNddd5m+y0sKCgo0depU1axZU1arVeXLl1eFChW0c+dOZWVlFfqat912m0MPqbzyyisKDg7W9u3bNW3aNIWEhBT6vQDgKJpEoJgKCAhQRESEfvzxR4fed/mDI1fj6el5xf2GYVz3NS7Nl7vEx8dHa9eu1YoVK/TII49o586devDBB3XfffeZxt6IG/ksl1itVnXv3l1z5szRwoULr5oiStKLL76ohIQEtWzZUh9++KGWL1+u5ORk3X777YVOTKU/vx9HbNu2TceOHZMk7dq1y6H3AoCjaBKBYqxz5846cOCAUlJS/nZsZGSkCgoKtH//frv9GRkZyszMtD2pXBTKli1r9yTwJZenlZLk4eGhtm3basqUKdqzZ49eeOEFrVq1St99990Vz32pzn379pmO/fTTTypfvrz8/Pxu7ANcRZ8+fbRt2zadPn36ig/7XPLZZ5+pTZs2ev/999W7d2/FxsYqJibG9J0UtmEvjJycHA0YMEBRUVEaMmSIJk+erE2bNhXZ+QHgcjSJQDH29NNPy8/PT4MGDVJGRobp+IEDB/T6669L+vN2qSTTE8hTpkyRJHXq1KnI6qpevbqysrK0c+dO276jR49q4cKFduNOnTpleu+lRaUvX5bnkvDwcDVq1Ehz5syxa7p+/PFHffvtt7bP6Qxt2rTRpEmT9OabbyosLOyq4zw9PU0p5aeffqrff//dbt+lZvZKDbWjxowZo7S0NM2ZM0dTpkxRlSpVFBcXd9XvEQBuFItpA8VY9erVNX/+fD344IOqW7eu3S+urFu3Tp9++qn69+8vSWrYsKHi4uL0zjvvKDMzU61atdLGjRs1Z84cdevW7arLq1yP3r17a8yYMXrggQf0xBNP6OzZs5oxY4Zq1apl9+DGxIkTtXbtWnXq1EmRkZE6duyYpk+frooVK6p58+ZXPf/LL7+sDh06KDo6WgMHDtS5c+f0xhtvKDAwUOPHjy+yz3E5Dw8PPfvss387rnPnzpo4caIGDBige++9V7t27dK8efNUrVo1u3HVq1dXUFCQZs6cKX9/f/n5+alp06aqWrWqQ3WtWrVK06dP13PPPWdbkmfWrFlq3bq1xo4dq8mTJzt0PgAoFBc/XQ2gEH7++Wdj8ODBRpUqVQwvLy/D39/faNasmfHGG28Y58+ft43Ly8szJkyYYFStWtUoXbq0UalSJSMxMdFujGH8uQROp06dTNe5fOmVqy2BYxiG8e233xr16tUzvLy8jNq1axsffvihaQmclStXGl27djUiIiIMLy8vIyIiwnjooYeMn3/+2XSNy5eJWbFihdGsWTPDx8fHCAgIMLp06WLs2bPHbsyl612+xM6sWbMMScahQ4eu+p0ahv0SOFdztSVwRo4caYSHhxs+Pj5Gs2bNjJSUlCsuXfPll18aUVFRRqlSpew+Z6tWrYzbb7/9itf863mys7ONyMhI44477jDy8vLsxo0YMcLw8PAwUlJSrvkZAOB6WAzDgZndAAAAcAvMSQQAAIAJTSIAAABMaBIBAABgQpMIAAAAE5pEAAAAmNAkAgAAwIQmEQAAACa35C+u+DQe5uoSADjJH5vedHUJAJzE24VdiTN7h3PbSuY/t0gSAQAAYHJLJokAAAAOsZCbXY4mEQAAwGJxdQXFDm0zAAAATEgSAQAAuN1swjcCAAAAE5JEAAAA5iSakCQCAADAhCQRAACAOYkmfCMAAAAwIUkEAABgTqIJTSIAAAC3m034RgAAAGBCkggAAMDtZhOSRAAAAJiQJAIAADAn0YRvBAAAACYkiQAAAMxJNCFJBAAAgAlJIgAAAHMSTWgSAQAAuN1sQtsMAAAAE5JEAAAAbjeb8I0AAADAhCYRAADA4uG8zQEzZsxQgwYNFBAQoICAAEVHR2vZsmW2461bt5bFYrHbhg4daneOtLQ0derUSb6+vgoJCdHo0aN18eJFh78SbjcDAAAUExUrVtRLL72kmjVryjAMzZkzR127dtW2bdt0++23S5IGDx6siRMn2t7j6+tr+3N+fr46deqksLAwrVu3TkePHlW/fv1UunRpvfjiiw7VQpMIAADgUTyebu7SpYvd6xdeeEEzZszQ+vXrbU2ir6+vwsLCrvj+b7/9Vnv27NGKFSsUGhqqRo0aadKkSRozZozGjx8vLy+vQtfC7WYAAAAnys3NVXZ2tt2Wm5v7t+/Lz8/Xxx9/rJycHEVHR9v2z5s3T+XLl1e9evWUmJios2fP2o6lpKSofv36Cg0Nte1r166dsrOztXv3bofqpkkEAABw4pzEpKQkBQYG2m1JSUlXLWXXrl0qU6aMrFarhg4dqoULFyoqKkqS1KdPH3344Yf67rvvlJiYqLlz5+rhhx+2vTc9Pd2uQZRke52enu7QV8LtZgAAACcupp2YmKiEhAS7fVar9arja9eure3btysrK0ufffaZ4uLitGbNGkVFRWnIkCG2cfXr11d4eLjatm2rAwcOqHr16kVaN00iAACAE1mt1ms2hZfz8vJSjRo1JElNmjTRpk2b9Prrr+vtt982jW3atKkkKTU1VdWrV1dYWJg2btxoNyYjI0OSrjqP8Wq43QwAAFBMlsC5koKCgqvOYdy+fbskKTw8XJIUHR2tXbt26dixY7YxycnJCggIsN2yLiySRAAAgGIiMTFRHTp0UOXKlXX69GnNnz9fq1ev1vLly3XgwAHNnz9fHTt2VLly5bRz506NGDFCLVu2VIMGDSRJsbGxioqK0iOPPKLJkycrPT1dzz77rOLj4x1KMyWaRAAAAKfOSXTEsWPH1K9fPx09elSBgYFq0KCBli9frvvuu0+HDx/WihUr9NprryknJ0eVKlVSjx499Oyzz9re7+npqSVLluixxx5TdHS0/Pz8FBcXZ7euYmFZDMMwivLDFQc+jYe5ugQATvLHpjddXQIAJ/F2YXTlc99/nHbuc8ljnHZuZyJJBAAAKIK5g7cavhEAAACYkCQCAAAUkzmJxQlNIgAAALebTfhGAAAAYEKSCAAAwO1mE5JEAAAAmJAkAgAAMCfRhG8EAAAAJiSJAAAAzEk0IUkEAACACUkiAAAAcxJNaBIBAABoEk34RgAAAGBCkggAAMCDKyYkiQAAADAhSQQAAGBOognfCAAAAExIEgEAAJiTaEKSCAAAABOSRAAAAOYkmtAkAgAAcLvZhLYZAAAAJiSJAADA7VlIEk1IEgEAAGBCkggAANweSaIZSSIAAABMSBIBAAAIEk1IEgEAAGBCkggAANwecxLNaBIBAIDbo0k043YzAAAATEgSAQCA2yNJNCNJBAAAgAlJIgAAcHskiWYkiQAAADAhSQQAACBINCFJBAAAgAlJIgAAcHvMSTQjSQQAAIAJSSIAAHB7JIlmNIkAAMDt0SSacbsZAAAAJiSJAADA7ZEkmpEkAgAAwIQkEQAAgCDRhCQRAAAAJiSJAADA7TEn0YwkEQAAACYkiQAAwO2RJJrRJAIAALdHk2jG7WYAAACYkCQCAAAQJJqQJAIAAMCEJBEAALg95iSakSQCAADAhCYRAAC4PYvF4rTNETNmzFCDBg0UEBCggIAARUdHa9myZbbj58+fV3x8vMqVK6cyZcqoR48eysjIsDtHWlqaOnXqJF9fX4WEhGj06NG6ePGiw98JTSIAAEAxUbFiRb300kvasmWLNm/erH/84x/q2rWrdu/eLUkaMWKEFi9erE8//VRr1qzRkSNH1L17d9v78/Pz1alTJ124cEHr1q3TnDlzNHv2bI0bN87hWiyGYRhF9smKCZ/Gw1xdAgAn+WPTm64uAYCTeLvwSYnwIZ877dxH3+lxQ+8PDg7Wyy+/rJ49e6pChQqaP3++evbsKUn66aefVLduXaWkpOiee+7RsmXL1LlzZx05ckShoaGSpJkzZ2rMmDE6fvy4vLy8Cn1dkkQAAOD2nHm7OTc3V9nZ2XZbbm7u39aUn5+vjz/+WDk5OYqOjtaWLVuUl5enmJgY25g6deqocuXKSklJkSSlpKSofv36tgZRktq1a6fs7GxbGllYNIkAAABOlJSUpMDAQLstKSnpquN37dqlMmXKyGq1aujQoVq4cKGioqKUnp4uLy8vBQUF2Y0PDQ1Venq6JCk9Pd2uQbx0/NIxR7AEDgAAgBNXwElMTFRCQoLdPqvVetXxtWvX1vbt25WVlaXPPvtMcXFxWrNmjfMKvAqaRAAAACeyWq3XbAov5+XlpRo1akiSmjRpok2bNun111/Xgw8+qAsXLigzM9MuTczIyFBYWJgkKSwsTBs3brQ736Wnny+NKSxuNwMAALdXXJbAuZKCggLl5uaqSZMmKl26tFauXGk7tm/fPqWlpSk6OlqSFB0drV27dunYsWO2McnJyQoICFBUVJRD1yVJBAAAKCYSExPVoUMHVa5cWadPn9b8+fO1evVqLV++XIGBgRo4cKASEhIUHBysgIAADR8+XNHR0brnnnskSbGxsYqKitIjjzyiyZMnKz09Xc8++6zi4+MdSjMlmkQAAIBi87N8x44dU79+/XT06FEFBgaqQYMGWr58ue677z5J0tSpU+Xh4aEePXooNzdX7dq10/Tp023v9/T01JIlS/TYY48pOjpafn5+iouL08SJEx2uhXUSAZQorJMI3LpcuU5ixccXOe3cv03v5rRzOxNJIgAAcHvFJUksTmgSAQAA6BFNeLoZAAAAJiSJAADA7XG72YwkEQAAACYkiQAAwO2RJJqRJAIAAMCEJBHFzuB/Ntfgni0UGREsSdp7MF0vvrNM3/5vjyqHB2vf0isvCNp39Pv6YsU21a91m0YNuE/3NqquckF++vXIKb332Q9666PVN/FTACis9999WyuTv9WhQwdl9fZWo0aN9VTCKFWpWs02ZmD/R7R5k/3v0fbs9aDGPuf4AsHAlZAkmtEkotj5PSNTY9/4Uqlpx2WRRQ93aapPpw7RPb1f0r5fMlQlJtFu/KM9mmlEvxgt/99uSVLjupV0/NRpDXh2jn5L/0P3NKymt559SPkFBZq5YK0rPhKAa9i8aaMefKivbq9fX/kX8/XG61M0dPBAffHV1/L19bWN69Gzlx4f9oTttbePjyvKBdwGTSKKnaVrf7R7Pf6txRr8z+a6u0FV7T2YroyTp+2O39+moT5P3qqccxckSR98ud7u+C+/n1TTBlXV9R8NaRKBYmjGO+/bvZ74wktq0yJae/fsVpM777Lt9/b2VvkKFW52eXATJIlmLm0ST5w4of/+979KSUlRenq6JCksLEz33nuv+vfvrwr8w8DteXhY1OO+O+Tn46UNOw+ZjjeuW0mN6lTSiJc+ueZ5Ast464/ss84qE0AROnP6z38RDAgMtNu/9OvF+nrJVypXvoJatW6jIUMflw9pIooKPaKJy5rETZs2qV27dvL19VVMTIxq1aolScrIyNC0adP00ksvafny5brzzjuveZ7c3Fzl5uba7TMK8mXx8HRa7XC+22tEaPWckfL2KqUz53L14Mh39dPBdNO4uG7R2nvwqNbvMDeQl9zTsKp6xjbRA0/McGbJAIpAQUGBJv/nRTVqfIdq1qxl29+hY2eFR0QoJCREP/+8T69NeUW//HJIU1/nt7wBZ3FZkzh8+HD985//1MyZM00Rr2EYGjp0qIYPH66UlJRrnicpKUkTJkyw2+cZepdKh99d5DXj5vn5lww17Z2kwDI+eiCmsd6d+IhiB71u1yh6W0vrwQ536qV3v7nqeaKqh+uTqUP0wjtLtXL9TzejdAA34MXnJ+jA/v2aPXe+3f6evR60/blmrdoqX76Chgzsr8NpaapUufLNLhO3IG43m7lsCZwdO3ZoxIgRV/wvxWKxaMSIEdq+ffvfnicxMVFZWVl2W6nQJk6oGDdT3sV8HTx8Qtv2Hta4N77Srp9/V/xDre3GPBDTSL7eXpq3ZOMVz1GnWpiWvj1c//18nf7z3vKbUDWAG/Hi8xO1ds1qvTtrjkLDwq45tn6DhpKktLRfb0ZpgFtyWZIYFhamjRs3qk6dOlc8vnHjRoWGhv7teaxWq6xWq90+bjXfejwsFlm97P/n2r/bvfp6zS6d+OOMaXzdamFa9s4Tmrd4g8a/tfhmlQngOhiGoaQXJmnVymS9P3uuKlas9Lfv2ffTXkli7jqKDEmimcuaxFGjRmnIkCHasmWL2rZta2sIMzIytHLlSr377rt65ZVXXFUeXGji8Pu1/H+7dfjoH/L389aDHe5Uyztrqsvj021jqlUqr+Z3VFe34eZ5hlHVw7XsnSe0Yt1eTftwlULL+UuS8guMKzaUAFzrxUkTtGzpEr32xnT5+frpxPHjkqQy/v7y9vbW4bQ0Lf16sVq0bKXAoCDt37dPL09OUpM771Kt2lcOGgDcOJc1ifHx8SpfvrymTp2q6dOnKz8/X5Lk6empJk2aaPbs2erVq5eryoMLVQguo/cn9VNY+QBlnTmvH/f/ri6PT9eqDf9vTmFc12j9npGpFSnmeYYPxDRWSLC/+nS+W306/7+5qb8eOak6nZ67KZ8BQOF9suAjSX8umP1XE59PUtcHuqt06dLasD5F8+Z+oHPnziosLFwxMbEaPPRxV5SLWxRBopnFMAzD1UXk5eXpxIkTkqTy5curdOnSN3Q+n8bDiqIsAMXQH5t4mhW4VXm7cGG+GqOWOe3cqa90cNq5nalYLKZdunRphYeHu7oMAADgppiTaFYsmkQAAABXokc0c9kSOAAAACi+SBIBAIDb43azGUkiAAAATEgSAQCA2yNINCNJBAAAgAlJIgAAcHseHkSJlyNJBAAAgAlJIgAAcHvMSTSjSQQAAG6PJXDMuN0MAAAAE5JEAADg9ggSzUgSAQAAYEKSCAAA3B5zEs1IEgEAAGBCkggAANweSaIZSSIAAABMSBIBAIDbI0g0o0kEAABuj9vNZtxuBgAAgAlJIgAAcHsEiWYkiQAAADAhSQQAAG6POYlmJIkAAAAwIUkEAABujyDRjCQRAAAAJiSJAADA7TEn0YwkEQAAACYkiQAAwO0RJJrRJAIAALfH7WYzbjcDAADAhCQRAAC4PYJEM5JEAAAAmJAkAgAAt8ecRDOSRAAAAJiQJAIAALdHkGhGkggAAFBMJCUl6a677pK/v79CQkLUrVs37du3z25M69atZbFY7LahQ4fajUlLS1OnTp3k6+urkJAQjR49WhcvXnSoFpJEAADg9orLnMQ1a9YoPj5ed911ly5evKh//etfio2N1Z49e+Tn52cbN3jwYE2cONH22tfX1/bn/Px8derUSWFhYVq3bp2OHj2qfv36qXTp0nrxxRcLXQtNIgAAcHvFpEfUN998Y/d69uzZCgkJ0ZYtW9SyZUvbfl9fX4WFhV3xHN9++6327NmjFStWKDQ0VI0aNdKkSZM0ZswYjR8/Xl5eXoWqhdvNAAAATpSbm6vs7Gy7LTc3t1DvzcrKkiQFBwfb7Z83b57Kly+vevXqKTExUWfPnrUdS0lJUf369RUaGmrb165dO2VnZ2v37t2FrpsmEQAAuL3L5/gV5ZaUlKTAwEC7LSkp6W9rKigo0FNPPaVmzZqpXr16tv19+vTRhx9+qO+++06JiYmaO3euHn74Ydvx9PR0uwZRku11enp6ob8TbjcDAAA4UWJiohISEuz2Wa3Wv31ffHy8fvzxR/3www92+4cMGWL7c/369RUeHq62bdvqwIEDql69etEULZpEAAAApz64YrVaC9UU/tWwYcO0ZMkSrV27VhUrVrzm2KZNm0qSUlNTVb16dYWFhWnjxo12YzIyMiTpqvMYr4TbzQAAAMWEYRgaNmyYFi5cqFWrVqlq1ap/+57t27dLksLDwyVJ0dHR2rVrl44dO2Ybk5ycrICAAEVFRRW6FpJEAADg9orL083x8fGaP3++vvzyS/n7+9vmEAYGBsrHx0cHDhzQ/Pnz1bFjR5UrV047d+7UiBEj1LJlSzVo0ECSFBsbq6ioKD3yyCOaPHmy0tPT9eyzzyo+Pt6hRJMkEQAAoJiYMWOGsrKy1Lp1a4WHh9u2BQsWSJK8vLy0YsUKxcbGqk6dOho5cqR69OihxYsX287h6empJUuWyNPTU9HR0Xr44YfVr18/u3UVC4MkEQAAuL3ispi2YRjXPF6pUiWtWbPmb88TGRmppUuX3lAtNIkAAMDtFZMesVjhdjMAAABMSBIBAIDbKy63m4sTkkQAAACYkCQCAAC3R5BoRpIIAAAAE5JEAADg9jyIEk1IEgEAAGBCkggAANweQaIZTSIAAHB7LIFjxu1mAAAAmJAkAgAAt+dBkGhCkggAAAATkkQAAOD2mJNoRpIIAAAAE5JEAADg9ggSzUgSAQAAYEKSCAAA3J5FRImXo0kEAABujyVwzLjdDAAAABOSRAAA4PZYAseMJBEAAAAmJIkAAMDtESSakSQCAADAhCQRAAC4PQ+iRBOSRAAAAJgUSZOYmZlZFKcBAABwCYvFeVtJ5XCT+J///EcLFiywve7Vq5fKlSun2267TTt27CjS4gAAAG4Gi8XitK2kcrhJnDlzpipVqiRJSk5OVnJyspYtW6YOHTpo9OjRRV4gAAAAbj6HH1xJT0+3NYlLlixRr169FBsbqypVqqhp06ZFXiAAAICzleDAz2kcThLLli2rw4cPS5K++eYbxcTESJIMw1B+fn7RVgcAAACXcDhJ7N69u/r06aOaNWvq5MmT6tChgyRp27ZtqlGjRpEXCAAA4GwsgWPmcJM4depUValSRYcPH9bkyZNVpkwZSdLRo0f1+OOPF3mBAAAAuPkcbhJLly6tUaNGmfaPGDGiSAoCAAC42cgRzQrVJH711VeFPuH9999/3cUAAACgeChUk9itW7dCncxisfDwCgAAKHFK8nqGzlKoJrGgoMDZdQAAALiMBz2iyQ39LN/58+eLqg4AAAAUIw43ifn5+Zo0aZJuu+02lSlTRgcPHpQkjR07Vu+//36RFwgAAOBs/CyfmcNN4gsvvKDZs2dr8uTJ8vLysu2vV6+e3nvvvSItDgAAAK7hcJP4wQcf6J133lHfvn3l6elp29+wYUP99NNPRVocAADAzWCxOG8rqRxuEn///fcr/rJKQUGB8vLyiqQoAAAAuJbDTWJUVJS+//570/7PPvtMjRs3LpKiAAAAbibmJJo5/Isr48aNU1xcnH7//XcVFBToiy++0L59+/TBBx9oyZIlzqgRAAAAN5nDSWLXrl21ePFirVixQn5+fho3bpz27t2rxYsX67777nNGjQAAAE7lYXHeVlI5nCRKUosWLZScnFzUtQAAALhESb4t7CzX1SRK0ubNm7V3715Jf85TbNKkSZEVBQAAANdyuEn87bff9NBDD+l///ufgoKCJEmZmZm699579fHHH6tixYpFXSMAAIBTkSOaOTwncdCgQcrLy9PevXt16tQpnTp1Snv37lVBQYEGDRrkjBoBAABwkzmcJK5Zs0br1q1T7dq1bftq166tN954Qy1atCjS4gAAAG4GD+YkmjicJFaqVOmKi2bn5+crIiKiSIoCAACAazncJL788ssaPny4Nm/ebNu3efNmPfnkk3rllVeKtDgAAICbgZ/lMyvU7eayZcvaPRqek5Ojpk2bqlSpP99+8eJFlSpVSo8++qi6devmlEIBAABw8xSqSXzttdecXAYAAIDrsE6iWaGaxLi4OGfXAQAAgGLkuhfTlqTz58/rwoULdvsCAgJuqCAAAICbjSDRzOEHV3JycjRs2DCFhITIz89PZcuWtdsAAABKGg+LxWmbI5KSknTXXXfJ399fISEh6tatm/bt22c35vz584qPj1e5cuVUpkwZ9ejRQxkZGXZj0tLS1KlTJ/n6+iokJESjR4/WxYsXHftOHBot6emnn9aqVas0Y8YMWa1Wvffee5owYYIiIiL0wQcfOHo6AAAA/P/WrFmj+Ph4rV+/XsnJycrLy1NsbKxycnJsY0aMGKHFixfr008/1Zo1a3TkyBF1797ddjw/P1+dOnXShQsXtG7dOs2ZM0ezZ8/WuHHjHKrFYhiG4cgbKleurA8++ECtW7dWQECAtm7dqho1amju3Ln66KOPtHTpUocKcAafxsNcXQIAJ/lj05uuLgGAk3jf0CS4G/P4F3ucdu7p3aOu+73Hjx9XSEiI1qxZo5YtWyorK0sVKlTQ/Pnz1bNnT0nSTz/9pLp16yolJUX33HOPli1bps6dO+vIkSMKDQ2VJM2cOVNjxozR8ePH5eXlVahrO5wknjp1StWqVZP05/zDU6dOSZKaN2+utWvXOno6AACAW1pubq6ys7Ptttzc3EK9NysrS5IUHBwsSdqyZYvy8vIUExNjG1OnTh1VrlxZKSkpkqSUlBTVr1/f1iBKUrt27ZSdna3du3cXum6Hm8Rq1arp0KFDtqI++eQTSdLixYsVFBTk6OkAAABczmKxOG1LSkpSYGCg3ZaUlPS3NRUUFOipp55Ss2bNVK9ePUlSenq6vLy8TD1XaGio0tPTbWP+2iBeOn7pWGE5HOwOGDBAO3bsUKtWrfTMM8+oS5cuevPNN5WXl6cpU6Y4ejoAAIBbWmJiohISEuz2Wa3Wv31ffHy8fvzxR/3www/OKu2aHG4SR4wYYftzTEyMfvrpJ23ZskU1atRQgwYNirS465W+bpqrSwDgJO+sP+TqEgA4yRPNq7rs2g7fWnWA1WotVFP4V8OGDdOSJUu0du1aVaxY0bY/LCxMFy5cUGZmpl2amJGRobCwMNuYjRs32p3v0tPPl8YUxg1/J5GRkerevXuxaRABAABKKsMwNGzYMC1cuFCrVq1S1ar2jXOTJk1UunRprVy50rZv3759SktLU3R0tCQpOjpau3bt0rFjx2xjkpOTFRAQoKiowj9EU6gkcdq0widzTzzxRKHHAgAAFAfF5Wf54uPjNX/+fH355Zfy9/e3zSEMDAyUj4+PAgMDNXDgQCUkJCg4OFgBAQEaPny4oqOjdc8990iSYmNjFRUVpUceeUSTJ09Wenq6nn32WcXHxzuUaBZqCZzLu9irnsxi0cGDBwt9cWfJOlfg6hIAOMmcLb+6ugQATuLK281PffmT0879Wtc6hR57tWZ11qxZ6t+/v6Q/F9MeOXKkPvroI+Xm5qpdu3aaPn263a3kX3/9VY899phWr14tPz8/xcXF6aWXXlKpUoWfaejwOoklAU0icOuiSQRuXTSJxYsLl60EAAAoHjyKx93mYsWZD/MAAACghCJJBAAAbq+4PLhSnJAkAgAAwIQkEQAAuD3mJJpdV5L4/fff6+GHH1Z0dLR+//13SdLcuXNd9rMxAAAAKFoON4mff/652rVrJx8fH23btk25ubmSpKysLL344otFXiAAAICzWSzO20oqh5vE559/XjNnztS7776r0qVL2/Y3a9ZMW7duLdLiAAAAbgYPi8VpW0nlcJO4b98+tWzZ0rQ/MDBQmZmZRVETAAAAXMzhJjEsLEypqamm/T/88IOqVatWJEUBAADcTB5O3Eoqh2sfPHiwnnzySW3YsEEWi0VHjhzRvHnzNGrUKD322GPOqBEAAAA3mcNL4DzzzDMqKChQ27ZtdfbsWbVs2VJWq1WjRo3S8OHDnVEjAACAU5XgqYNO43CTaLFY9O9//1ujR49Wamqqzpw5o6ioKJUpU8YZ9QEAAMAFrnsxbS8vL0VFRRVlLQAAAC5Rkp9CdhaHm8Q2bdpc8/cNV61adUMFAQAAwPUcbhIbNWpk9zovL0/bt2/Xjz/+qLi4uKKqCwAA4KYhSDRzuEmcOnXqFfePHz9eZ86cueGCAAAAbjZ+u9msyJbvefjhh/Xf//63qE4HAAAAF7ruB1cul5KSIm9v76I6HQAAwE3DgytmDjeJ3bt3t3ttGIaOHj2qzZs3a+zYsUVWGAAAAFzH4SYxMDDQ7rWHh4dq166tiRMnKjY2tsgKAwAAuFkIEs0cahLz8/M1YMAA1a9fX2XLlnVWTQAAAHAxhx5c8fT0VGxsrDIzM51UDgAAwM3nYXHeVlI5/HRzvXr1dPDgQWfUAgAAgGLC4Sbx+eef16hRo7RkyRIdPXpU2dnZdhsAAEBJY3Hif0qqQs9JnDhxokaOHKmOHTtKku6//367n+czDEMWi0X5+flFXyUAAIATleTbws5S6CZxwoQJGjp0qL777jtn1gMAAIBioNBNomEYkqRWrVo5rRgAAABXIEk0c2hOooVFhAAAANyCQ+sk1qpV628bxVOnTt1QQQAAADcbQZiZQ03ihAkTTL+4AgAAgFuPQ01i7969FRIS4qxaAAAAXII5iWaFnpNIDAsAAOA+HH66GQAA4FZDFmZW6CaxoKDAmXUAAAC4jAddoonDP8sHAACAW59DD64AAADcinhwxYwkEQAAACYkiQAAwO0xJdGMJBEAAAAmJIkAAMDteYgo8XIkiQAAADAhSQQAAG6POYlmNIkAAMDtsQSOGbebAQAAYEKSCAAA3B4/y2dGkggAAAATkkQAAOD2CBLNSBIBAABgQpIIAADcHnMSzUgSAQAAYEKSCAAA3B5BohlNIgAAcHvcWjXjOwEAAIAJSSIAAHB7Fu43m5AkAgAAFCNr165Vly5dFBERIYvFokWLFtkd79+/vywWi93Wvn17uzGnTp1S3759FRAQoKCgIA0cOFBnzpxxqA6aRAAA4PYsTtwclZOTo4YNG+qtt9666pj27dvr6NGjtu2jjz6yO963b1/t3r1bycnJWrJkidauXashQ4Y4VAe3mwEAAIqRDh06qEOHDtccY7VaFRYWdsVje/fu1TfffKNNmzbpzjvvlCS98cYb6tixo1555RVFREQUqg6SRAAA4PY8LBanbbm5ucrOzrbbcnNzb6je1atXKyQkRLVr19Zjjz2mkydP2o6lpKQoKCjI1iBKUkxMjDw8PLRhw4bCfyc3VCEAAACuKSkpSYGBgXZbUlLSdZ+vffv2+uCDD7Ry5Ur95z//0Zo1a9ShQwfl5+dLktLT0xUSEmL3nlKlSik4OFjp6emFvg63mwEAgNtz5rPNiYmJSkhIsNtntVqv+3y9e/e2/bl+/fpq0KCBqlevrtWrV6tt27bXfd7L0SQCAAC358wVcKxW6w01hX+nWrVqKl++vFJTU9W2bVuFhYXp2LFjdmMuXryoU6dOXXUe45VwuxkAAKAE++2333Ty5EmFh4dLkqKjo5WZmaktW7bYxqxatUoFBQVq2rRpoc9LkggAANxecVpM+8yZM0pNTbW9PnTokLZv367g4GAFBwdrwoQJ6tGjh8LCwnTgwAE9/fTTqlGjhtq1aydJqlu3rtq3b6/Bgwdr5syZysvL07Bhw9S7d+9CP9kskSQCAAAUK5s3b1bjxo3VuHFjSVJCQoIaN26scePGydPTUzt37tT999+vWrVqaeDAgWrSpIm+//57u1va8+bNU506ddS2bVt17NhRzZs31zvvvONQHSSJAADA7RWn1Kx169YyDOOqx5cvX/635wgODtb8+fNvqI7i9J0AAACgmCBJBAAAbq84zUksLkgSAQAAYEKSCAAA3B45ohlJIgAAAExIEgEAgNtjTqIZTSIAAHB73Fo14zsBAACACUkiAABwe9xuNiNJBAAAgAlJIgAAcHvkiGYkiQAAADAhSQQAAG6PKYlmJIkAAAAwIUkEAABuz4NZiSY0iQAAwO1xu9mM280AAAAwIUkEAABuz8LtZhOSRAAAAJiQJAIAALfHnEQzkkQAAACYkCQCAAC3xxI4ZiSJAAAAMCFJBAAAbo85iWY0iQAAwO3RJJpxuxkAAAAmJIkAAMDtsZi2GUkiAAAATEgSAQCA2/MgSDQhSQQAAIAJSSIAAHB7zEk0I0kEAACACUkiAABwe6yTaEaTCAAA3B63m8243QwAAAATkkQAAOD2WALHjCQRAAAAJiSJAADA7TEn0YwkEQAAACYkiSgRPvvkI33x6cc6euR3SVLV6jU0aMjjurd5S0nSiRPH9cbUl7VhfYrO5uQoskoVDRg0VP+IiXVl2QCu4Mi+Xdq2/DMd+2W/zmadUof4cap2x712Y04dSVPKZ+/ryM+7VJCfr+CIymr/+Fj5lwuxjUlP3aP1C+co4+BPsnh4qnylaro/4QWV8rLe7I+EWwBL4JjRJKJECA0NU/wTCapUOVKGDH391Zca9dQwzf34c1WvUVMTnn1Gp0+f1quvvaWgsmX1zbIl+tfTIzRn/qeqXSfK1eUD+Iu8C+dVrmJV1W0eq2VvTTIdzzp2RF+8NFJRLdrp7q6PyMvHV6eO/CrP0l62Mempe7T4tWd1R8cH1aLPY/Lw9NSJw4dk4f/pgSJDk4gSoUWrNnavHx/+lL749GP9uGuHqteoqZ07tmvMv8fp9voNJEkDBz+mjz6co717dtMkAsVMZP27FFn/rqseX//FHEXWv0v3/nOQbV9gSITdmB8WvKMGbbuqSccHbfvKhlUq+mLhNvjXCzOaRJQ4+fn5Wpn8jc6dO6v6DRpJkho0bKTk5cvUrEUr+fsHaMW3y3Qh94Ka3Hm3a4sF4BCjoEC/7tyoxh166qsp/9KJtAPyLx+mJh0ftN2SPpudqYyDP6nWPW30+YsjlHX8qMqGVVLT7nGKqFnPxZ8AJZUHKbRJsX5w5fDhw3r00UevOSY3N1fZ2dl2W25u7k2qEDdT6v6f1Sq6iZrf3VAvPT9Bk6e8oWrVa0iSXpw8VRcvXtR9raLV7O6GSnp+vCZPeUOVKke6uGoAjjh7OlN5uee0deknqlzvTnVJeFHV7rhXy6ZP0u/7dkqSso8flSRt/PJDRbXsoC5PPa8KkTX05SuJysz43ZXlA7eUYt0knjp1SnPmzLnmmKSkJAUGBtptU15+6SZViJspskoVfbjgC/137gL16NVbE8Yl6uCBVEnSzOnTdOb0ab359n81Z96n6vNwf/3r6RFK3f+zi6sG4JACQ5JUtXG0GsV2V4XK1dWk44Oq0uBu7V79tSTJMP4cc3urjqrbPFYVImuoee//U9mw27T3h+UuKx0lm8WJW0nl0tvNX3311TWPHzx48G/PkZiYqISEBLt95wtK31BdKJ5Kl/ayJYN1o27Xnt27tGD+XD3Sf6A+/XiePvrsK1WvUVOSVKt2HW3ftlmfLpivxGfHu7BqAI7w9g+Qh6engsMr2+0vG15ZR1N3S5L8AoMlScER5jGnTx6/OYUCbsClTWK3bt1ksVhs/1Z4JX/3pJrVapXVar/cgXGuoEjqQ/FWUGDowoULOn/+vCTJw8M+GPfw8JRRwP8WgJLEs1RphVSppT/Sf7Pbn5nxu235G//yofILKqfMy8ek/67K9e+8abXiFlOSIz8ncent5vDwcH3xxRcqKCi44rZ161ZXlodi5K1pU7R1yyYd+f13pe7/+c/XmzeqfcfOqlKlqipVqqyk55/T7l079dvhNM37YJY2rl+nVm3aurp0AJe5cP6cjqcd0PG0A5Kk7BPpOp52QKdPHpMkNW7fU6mb1mr3mmXKzDiinSu/0i871qtem86S/gwPGrfvqZ0rv1Tq5u+VmXFEGxbO0R/phxXVop3LPhdwq7EY14rxnOz+++9Xo0aNNHHixCse37Fjhxo3bqwCB9OgLJLEW86k8f/W5g3rdeLEcZUp468atWqpX/9BahrdTJKU9usvemvaFO3YtlVnz55VxcqV9XC/AerYuauLK0dRm7PlV1eXgBv0+087tOjlMab9de6NUduBoyRJe75frq1LF+jMHycUFFZRd3d9RNUaR9uN37J0gX5ctVjnc06rfKVqiv7nQJ5uLuGeaF7VZdfecCDLaeduWj3Qaed2Jpc2id9//71ycnLUvn37Kx7PycnR5s2b1apVK4fOS5MI3LpoEoFbF01i8eLSOYktWrS45nE/Pz+HG0QAAABHsUyiGYtpAwAAt0ePaFas10kEAACAa5AkAgAAECWakCQCAADAhCQRAAC4PQtRoglJIgAAQDGydu1adenSRREREbJYLFq0aJHdccMwNG7cOIWHh8vHx0cxMTHav3+/3ZhTp06pb9++CggIUFBQkAYOHKgzZ844VAdNIgAAcHsWi/M2R+Xk5Khhw4Z66623rnh88uTJmjZtmmbOnKkNGzbIz89P7dq1s/1MrST17dtXu3fvVnJyspYsWaK1a9dqyJAhjn0nrlxM21lYTBu4dbGYNnDrcuVi2lt+yXbauZtUCbju91osFi1cuFDdunWT9GeKGBERoZEjR2rUqD9/oSgrK0uhoaGaPXu2evfurb179yoqKkqbNm3SnXf++Xvm33zzjTp27KjffvtNERERhbo2SSIAAHB7Fiduubm5ys7Otttyc3Ovq85Dhw4pPT1dMTExtn2BgYFq2rSpUlJSJEkpKSkKCgqyNYiSFBMTIw8PD23YsKHQ16JJBAAAcGKXmJSUpMDAQLstKSnpuspMT0+XJIWGhtrtDw0NtR1LT09XSEiI3fFSpUopODjYNqYweLoZAADAiRITE5WQkGC3z2q1uqiawqNJBAAAbs+ZS+BYrdYiawrDwsIkSRkZGQoPD7ftz8jIUKNGjWxjjh07Zve+ixcv6tSpU7b3Fwa3mwEAAEqIqlWrKiwsTCtXrrTty87O1oYNGxQdHS1Jio6OVmZmprZs2WIbs2rVKhUUFKhp06aFvhZJIgAAcHvXs1SNs5w5c0apqam214cOHdL27dsVHBysypUr66mnntLzzz+vmjVrqmrVqho7dqwiIiJsT0DXrVtX7du31+DBgzVz5kzl5eVp2LBh6t27d6GfbJZoEgEAAIqVzZs3q02bNrbXl+YzxsXFafbs2Xr66aeVk5OjIUOGKDMzU82bN9c333wjb29v23vmzZunYcOGqW3btvLw8FCPHj00bdo0h+pgnUQAJQrrJAK3Lleuk7gj7bTTzt2wsr/Tzu1MzEkEAACACbebAQAAitGcxOKCJhEAALg9Zy6BU1JxuxkAAAAmJIkAAMDtFaclcIoLkkQAAACYkCQCAAC3R5BoRpIIAAAAE5JEAAAAokQTkkQAAACYkCQCAAC3xzqJZiSJAAAAMCFJBAAAbo91Es1oEgEAgNujRzTjdjMAAABMSBIBAACIEk1IEgEAAGBCkggAANweS+CYkSQCAADAhCQRAAC4PZbAMSNJBAAAgAlJIgAAcHsEiWY0iQAAAHSJJtxuBgAAgAlJIgAAcHssgWNGkggAAAATkkQAAOD2WALHjCQRAAAAJiSJAADA7REkmpEkAgAAwIQkEQAAgCjRhCYRAAC4PZbAMeN2MwAAAExIEgEAgNtjCRwzkkQAAACYkCQCAAC3R5BoRpIIAAAAE5JEAAAAokQTkkQAAACYkCQCAAC3xzqJZjSJAADA7bEEjhm3mwEAAGBCkggAANweQaIZSSIAAABMSBIBAIDbY06iGUkiAAAATEgSAQAAmJVoQpIIAAAAE5JEAADg9piTaEaTCAAA3B49ohm3mwEAAGBCkggAANwet5vNSBIBAABgQpIIAADcnoVZiSYkiQAAADAhSQQAACBINCFJBAAAKCbGjx8vi8Vit9WpU8d2/Pz584qPj1e5cuVUpkwZ9ejRQxkZGU6phSYRAAC4PYsTN0fdfvvtOnr0qG374YcfbMdGjBihxYsX69NPP9WaNWt05MgRde/e/Xo+8t/idjMAAHB7zlwCJzc3V7m5uXb7rFarrFbrFceXKlVKYWFhpv1ZWVl6//33NX/+fP3jH/+QJM2aNUt169bV+vXrdc899xRp3SSJAAAATpSUlKTAwEC7LSkp6arj9+/fr4iICFWrVk19+/ZVWlqaJGnLli3Ky8tTTEyMbWydOnVUuXJlpaSkFHndJIkAAMDtOXMJnMTERCUkJNjtu1qK2LRpU82ePVu1a9fW0aNHNWHCBLVo0UI//vij0tPT5eXlpaCgILv3hIaGKj09vcjrpkkEAABwomvdWr5chw4dbH9u0KCBmjZtqsjISH3yySfy8fFxVolXxO1mAACA4vTkyl8EBQWpVq1aSk1NVVhYmC5cuKDMzEy7MRkZGVecw3ijaBIBAACKqTNnzujAgQMKDw9XkyZNVLp0aa1cudJ2fN++fUpLS1N0dHSRX5vbzQAAwO0Vl7W0R40apS5duigyMlJHjhzRc889J09PTz300EMKDAzUwIEDlZCQoODgYAUEBGj48OGKjo4u8iebJZpEAACAYuO3337TQw89pJMnT6pChQpq3ry51q9frwoVKkiSpk6dKg8PD/Xo0UO5ublq166dpk+f7pRaLIZhGE45swtlnStwdQkAnGTOll9dXQIAJ3mieVWXXftkzkWnnbucX8nM5Epm1QAAAEXImUvglFQ8uAIAAAATkkQAAOD2nPmzfCUVSSIAAABMaBIBAABgQpMIAAAAE+YkAgAAt8ecRDOSRAAAAJiQJAIAALfHOolmNIkAAMDtcbvZjNvNAAAAMCFJBAAAbo8g0YwkEQAAACYkiQAAAESJJiSJAAAAMCFJBAAAbo8lcMxIEgEAAGBCkggAANwe6ySakSQCAADAhCQRAAC4PYJEM5pEAAAAukQTbjcDAADAhCQRAAC4PZbAMSNJBAAAgAlJIgAAcHssgWNGkggAAAATi2EYhquLAK5Xbm6ukpKSlJiYKKvV6upyABQh/n4DrkWTiBItOztbgYGBysrKUkBAgKvLAVCE+PsNuBa3mwEAAGBCkwgAAAATmkQAAACY0CSiRLNarXruueeY1A7cgvj7DbgWD64AAADAhCQRAAAAJjSJAAAAMKFJBAAAgAlNIgAAAExoElGivfXWW6pSpYq8vb3VtGlTbdy40dUlAbhBa9euVZcuXRQRESGLxaJFixa5uiTALdEkosRasGCBEhIS9Nxzz2nr1q1q2LCh2rVrp2PHjrm6NAA3ICcnRw0bNtRbb73l6lIAt8YSOCixmjZtqrvuuktvvvmmJKmgoECVKlXS8OHD9cwzz7i4OgBFwWKxaOHCherWrZurSwHcDkkiSqQLFy5oy5YtiomJse3z8PBQTEyMUlJSXFgZAAC3BppElEgnTpxQfn6+QkND7faHhoYqPT3dRVUBAHDroEkEAACACU0iSqTy5cvL09NTGRkZdvszMjIUFhbmoqoAALh10CSiRPLy8lKTJk20cuVK276CggKtXLlS0dHRLqwMAIBbQylXFwBcr4SEBMXFxenOO+/U3Xffrddee005OTkaMGCAq0sDcAPOnDmj1NRU2+tDhw5p+/btCg4OVuXKlV1YGeBeWAIHJdqbb76pl19+Wenp6WrUqJGmTZumpk2burosADdg9erVatOmjWl/XFycZs+effMLAtwUTSIAAABMmJMIAAAAE5pEAAAAmNAkAgAAwIQmEQAAACY0iQAAADChSQQAAIAJTSIAAABMaBIBAABgQpMI4Ib1799f3bp1s71u3bq1nnrqqZtex+rVq2WxWJSZmXnVMRaLRYsWLSr0OcePH69GjRrdUF2//PKLLBaLtm/ffkPnAYCbiSYRuEX1799fFotFFotFXl5eqlGjhiZOnKiLFy86/dpffPGFJk2aVKixhWnsAAA3XylXFwDAedq3b69Zs2YpNzdXS5cuVXx8vEqXLq3ExETT2AsXLsjLy6tIrhscHFwk5wEAuA5JInALs1qtCgsLU2RkpB577DHFxMToq6++kvT/bhG/8MILioiIUO3atSVJhw8fVq9evRQUFKTg4GB17dpVv/zyi+2c+fn5SkhIUFBQkMqVK6enn35al/8E/OW3m3NzczVmzBhVqlRJVqtVNWrU0Pvvv69ffvlFbdq0kSSVLVtWFotF/fv3lyQVFBQoKSlJVatWlY+Pjxo2bKjPPvvM7jpLly5VrVq15OPjozZt2tjVWVhjxoxRrVq15Ovrq2rVqmns2LHKy8szjXv77bdVqVIl+fr6qlevXsrKyrI7/t5776lu3bry9vZWnTp1NH369Kte848//lDfvn1VoUIF+fj4qGbNmpo1a5bDtQOAM5EkAm7Ex8dHJ0+etL1euXKlAgIClJycLEnKy8tTu3btFB0dre+//16lSpXS888/r/bt22vnzp3y8vLSq6++qtmzZ+u///2v6tatq1dffVULFy7UP/7xj6tet1+/fkpJSdG0adPUsGFDHTp0SCdOnFClSpX0+eefq0ePHtq3b58CAgLk4+MjSUpKStKHH36omTNnqmbNmlq7dq0efvhhVahQQa1atdLhw4fVvXt3xcfHa8iQIdq8ebNGjhzp8Hfi7++v2bNnKyIiQrt27dLgwYPl7++vp59+2jYmNTVVn3zyiRYvXqzs7GwNHDhQjz/+uObNmydJmjdvnsaNG6c333xTjRs31rZt2zR48GD5+fkpLi7OdM2xY8dqz549WrZsmcqXL6/U1FSdO3fO4doBwKkMALekuLg4o2vXroZhGEZBQYGRnJxsWK1WY9SoUbbjoaGhRm5uru09c+fONWrXrm0UFBTY9uXm5ho+Pj7G8uXLDcMwjPDwcGPy5Mm243l5eUbFihVt1zIMw2jVqpXx5JNPGoZhGPv27TMkGcnJyVes87vvvjMkGX/88Ydt3/nz5w1fX19j3bp1dmMHDhxoPPTQQ4ZhGEZiYqIRFRVld3zMmDGmc11OkrFw4cKrHn/55ZeNJk2a2F4/99xzhqenp/Hbb7/Z9i1btszw8PAwjh49ahiGYVSvXt2YP3++3XkmTZpkREdHG4ZhGIcOHTIkGdu2bTMMwzC6dOliDBgw4Ko1AEBxQJII3MKWLFmiMmXKKC8vTwUFBerTp4/Gjx9vO16/fn27eYg7duxQamqq/P397c5z/vx5HThwQFlZWTp69KiaNm1qO1aqVCndeeedplvOl2zfvl2enp5q1apVoetOTU3V2bNndd9999ntv3Dhgho3bixJ2rt3r10dkhQdHV3oa1yyYMECTZs2TQcOHNCZM2d08eJFBQQE2I2pXLmybrvtNrvrFBQUaN++ffL399eBAwc0cOBADR482Dbm4sWLCgwMvOI1H3vsMfXo0UNbt25VbGysunXrpnvvvdfh2gHAmWgSgVtYmzZtNGPGDHl5eSkiIkKlStn/lffz87N7febMGTVp0sR2G/WvKlSocF01XLp97IgzZ85Ikr7++mu75kz6c55lUUlJSVHfvn01YcIEtWvXToGBgfr444/16quvOlzru+++a2paPT09r/ieDh066Ndff9XSpUuVnJystm3bKj4+Xq+88sr1fxgAKGI0icAtzM/PTzVq1Cj0+DvuuEMLFixQSEiIKU27JDw8XBs2bFDLli0l/ZmYbdmyRXfccccVx9evX18FBQVas2aNYmJiTMcvJZn5+fm2fVFRUbJarUpLS7tqAlm3bl3bQziXrF+//u8/5F+sW7dOkZGR+ve//23b9+uvv5rGpaWl6ciRI4qIiLBdx8PDQ7Vr11ZoaKgiIiJ08OBB9e3bt9DXrlChguLi4hQXF6cWLVpo9OjRNIkAihWebgZg07dvX5UvX15du3bV999/r0OHDmn16tV64okn9Ntvv0mSnnzySb300ktatGiRfvrpJz3++OPXXOOwSpUqiouL06OPPqpFixbZzvnJJ59IkiIjI2WxWLRkyRIdP35cZ86ckb+/v0aNGqURI0Zozpw5OnDggLZu3ao33nhDc+bMkSQNHTpU+/fv1+jRo7Vv3z7Nnz9fs2fPdujz1qxZU2lpafr444914MABTZs2TQsXLjSN8/b2VlxcnHbs2KHvv/9eTzzxhHr16qWwsDBJ0oQJE5SUlKRp06bp559/1q5duzRr1ixNmTLlitcdN26cvvzyS6Wmpmr37t1asmSJ6tat61DtAOBsNIkAbHx9fbV27VpVrlxZ3bt3V926dTVw4ECdP3/eliyOHDlSjzzyiOLi4hQdHS1/f3898MAD1zzvjBkz1LNnTz3++OOqU6eOBg8erJycHEnSbbfdpgkTJuiZZ55RaGiohg0bJkmaNGmSxo4dq6SkJNWtW1ft27fX119/rapVq0r6c57g559/rkWLFqlhw4aaOXOmXnzxRYc+7/33368RI0Zo2LBhatSokdatW6exY8eaxtWoUUPdu3dXx44dFRsbqwYNGtgtcTNo0CC99957mjVrlurXr69WrVpp9uzZtlov5+XlpcTERDVo0EAtW7aUp6enPv74Y4dqBwBnsxhXm20OAAAAt0WSCAAAABOaRAAAAJjQJAIAAMCEJhEAAAAmNIkAAAAwoUkEAACACU0iAAAATGgSAQAAYEKTCAAAABOaRAAAAJjQJAIAAMDk/wOYTCVn2CZ2PQAAAABJRU5ErkJggg==", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "plot_confusion_matrix(y_test, y_pred,(0,1))" + ] + }, + { + "cell_type": "code", + "execution_count": 98, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAr4AAAIjCAYAAADlfxjoAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8pXeV/AAAACXBIWXMAAA9hAAAPYQGoP6dpAACYuklEQVR4nOzdeVzT9R8H8NdA7lsRREQBzStvvO+DxCzTMsUbzTuPRM37rNTSPMu8yjPN27Lyp6WJpZLmmeYtmniAoMilnPv8/vi2jcmGDAdftr2ejwcPt8++++69DfDFZ59DIYQQICIiIiIyc1ZyF0BEREREVBQYfImIiIjIIjD4EhEREZFFYPAlIiIiIovA4EtEREREFoHBl4iIiIgsAoMvEREREVkEBl8iIiIisggMvkRERERkERh8iYqIv78/+vfvL3cZFqd169Zo3bq13GW80KxZs6BQKBAfHy93KcWOQqHArFmzjHKu27dvQ6FQYP369UY5HwCcPHkStra2+Pfff412TmPr0aMHunfvLncZRLJj8CWzsH79eigUCvVXiRIl4Ovri/79++PevXtyl1espaam4uOPP0atWrXg6OgINzc3tGjRAhs3boSp7Gh+6dIlzJo1C7dv35a7lFyys7Oxbt06tG7dGiVLloSdnR38/f0xYMAAnDp1Su7yjGLLli1YsmSJ3GVoKcqapk6dip49e6JChQrqttatW2v9TnJwcECtWrWwZMkSKJVKned59OgRPvzwQ1SpUgX29vYoWbIkQkJC8NNPP+l97KSkJMyePRu1a9eGs7MzHBwcUKNGDUycOBH3799XHzdx4kTs2rUL58+fz/fzsoTvXbI8CmEq/7MR5WH9+vUYMGAAPvroIwQEBCAtLQ1//vkn1q9fD39/f1y8eBH29vay1pieng4rKyvY2NjIWkdOsbGxaNeuHS5fvowePXqgVatWSEtLw65du/D7778jNDQUmzdvhrW1tdyl5mnnzp3o1q0bDh8+nKt3NyMjAwBga2tb5HU9e/YM77zzDvbv34+WLVuiU6dOKFmyJG7fvo3t27fj2rVruHPnDsqVK4dZs2Zh9uzZiIuLg6enZ5HX+jLefPNNXLx4sdD+8EhLS0OJEiVQokSJl65JCIH09HTY2NgY5fv63LlzqFu3Lo4fP44mTZqo21u3bo2bN29i3rx5AID4+Hhs2bIFf/31F6ZMmYI5c+Zonefq1ato164d4uLiMGDAANSvXx9PnjzB5s2bce7cOYwfPx4LFizQuk9UVBSCg4Nx584ddOvWDc2bN4etrS3+/vtvfPfddyhZsiSuXbumPr5Ro0aoUqUKNm7c+MLnZcj3LpFJEURmYN26dQKA+Ouvv7TaJ06cKACIbdu2yVSZvJ49eyays7P13h4SEiKsrKzEDz/8kOu28ePHCwDi008/LcwSdUpJSTHo+B07dggA4vDhw4VTUAGNGDFCABCLFy/OdVtWVpZYsGCBiI6OFkIIMXPmTAFAxMXFFVo9SqVSPH361OjnfeONN0SFChWMes7s7Gzx7NmzAt+/MGrSZfTo0aJ8+fJCqVRqtbdq1Uq8+uqrWm3Pnj0TFSpUEC4uLiIrK0vdnpGRIWrUqCEcHR3Fn3/+qXWfrKwsERoaKgCIrVu3qtszMzNF7dq1haOjo/jjjz9y1ZWYmCimTJmi1fb5558LJycnkZyc/MLnZcj37st42feZyFAMvmQW9AXfn376SQAQc+fO1Wq/fPmy6Nq1q/Dw8BB2dnYiKChIZ/hLSEgQY8aMERUqVBC2trbC19dX9O3bVyucpKWliRkzZoiKFSsKW1tbUa5cOfHhhx+KtLQ0rXNVqFBBhIWFCSGE+OuvvwQAsX79+lyPuX//fgFA/Pjjj+q2u3fvigEDBggvLy9ha2srqlevLr755hut+x0+fFgAEN99952YOnWqKFu2rFAoFCIhIUHnaxYZGSkAiPfee0/n7ZmZmeKVV14RHh4e6rB069YtAUAsWLBALFq0SJQvX17Y29uLli1bigsXLuQ6R35eZ9V7FxERIYYPHy5Kly4t3N3dhRBC3L59WwwfPlxUrlxZ2Nvbi5IlS4p3331X3Lp1K9f9n/9SheBWrVqJVq1a5Xqdtm3bJj755BPh6+sr7OzsRNu2bcX169dzPYcvv/xSBAQECHt7e9GgQQPx+++/5zqnLtHR0aJEiRLitddey/M4FVXwvX79uggLCxNubm7C1dVV9O/fX6Smpmodu3btWtGmTRtRunRpYWtrK6pVqya++uqrXOesUKGCeOONN8T+/ftFUFCQsLOzUweZ/J5DCCH27dsnWrZsKZydnYWLi4uoX7++2Lx5sxBCen2ff+1zBs78/nwAECNGjBDffvutqF69uihRooTYs2eP+raZM2eqj01KShIffPCB+ueydOnSIjg4WJw+ffqFNam+h9etW6f1+JcvXxbdunUTnp6ewt7eXlSuXDlXcNSlfPnyon///rnadQVfIYR49913BQBx//59ddt3330nAIiPPvpI52M8efJEuLu7i6pVq6rbtm7dKgCIOXPmvLBGlfPnzwsAYvfu3XkeZ+j3blhYmM4/MlTf0znpep+3b98uPDw8dL6OiYmJws7OTowbN07dlt/vKSJd8v+5EZEJUn3M6eHhoW77559/0KxZM/j6+mLSpElwcnLC9u3b0aVLF+zatQtvv/02ACAlJQUtWrTA5cuX8d5776FevXqIj4/H3r17cffuXXh6ekKpVOKtt97C0aNHMWTIEFSrVg0XLlzA4sWLce3aNXz//fc666pfvz4CAwOxfft2hIWFad22bds2eHh4ICQkBIA0HKFx48ZQKBQYOXIkSpcujf/9738YOHAgkpKSMGbMGK37f/zxx7C1tcX48eORnp6u9yP+H3/8EQDQr18/nbeXKFECvXr1wuzZs3Hs2DEEBwerb9u4cSOSk5MxYsQIpKWlYenSpWjbti0uXLgAb29vg15nlffffx+lS5fGjBkzkJqaCgD466+/cPz4cfTo0QPlypXD7du3sWLFCrRu3RqXLl2Co6MjWrZsidGjR2PZsmWYMmUKqlWrBgDqf/X59NNPYWVlhfHjxyMxMRHz589H7969ceLECfUxK1aswMiRI9GiRQuEh4fj9u3b6NKlCzw8PF74Ee///vc/ZGVloW/fvnke97zu3bsjICAA8+bNw5kzZ/D111/Dy8sLn332mVZdr776Kt566y2UKFECP/74I95//30olUqMGDFC63xXr15Fz549MXToUAwePBhVqlQx6Bzr16/He++9h1dffRWTJ0+Gu7s7zp49i/3796NXr16YOnUqEhMTcffuXSxevBgA4OzsDAAG/3z89ttv2L59O0aOHAlPT0/4+/vrfI2GDRuGnTt3YuTIkahevToePXqEo0eP4vLly6hXr16eNeny999/o0WLFrCxscGQIUPg7++Pmzdv4scff8w1JCGne/fu4c6dO6hXr57eY56nmlzn7u6ubnvRz6Kbmxs6d+6MDRs24MaNG6hUqRL27t0LAAZ9f1WvXh0ODg44duxYrp+/nAr6vZtfz7/Pr7zyCt5++23s3r0bq1at0vqd9f333yM9PR09evQAYPj3FFEucidvImNQ9fodPHhQxMXFiejoaLFz505RunRpYWdnp/WRXLt27UTNmjW1egeUSqVo2rSpeOWVV9RtM2bM0Ns7ovpYc9OmTcLKyirXR40rV64UAMSxY8fUbTl7fIUQYvLkycLGxkY8fvxY3Zaeni7c3d21emEHDhwofHx8RHx8vNZj9OjRQ7i5ual7Y1U9mYGBgfn6OLtLly4CgN4eYSGE2L17twAgli1bJoTQ9JY5ODiIu3fvqo87ceKEACDCw8PVbfl9nVXvXfPmzbU+/hVC6Hweqp7qjRs3qtvyGuqgr8e3WrVqIj09Xd2+dOlSAUDdc52eni5KlSolGjRoIDIzM9XHrV+/XgB4YY9veHi4ACDOnj2b53Eqqt6x53vg3377bVGqVCmtNl2vS0hIiAgMDNRqq1ChggAg9u/fn+v4/JzjyZMnwsXFRTRq1CjXx9E5P9rXN6zAkJ8PAMLKykr8888/uc6D53p83dzcxIgRI3Idl5O+mnT1+LZs2VK4uLiIf//9V+9z1OXgwYO5Pp1RadWqlahataqIi4sTcXFx4sqVK+LDDz8UAMQbb7yhdWydOnWEm5tbno+1aNEiAUDs3btXCCFE3bp1X3gfXSpXrixef/31PI8x9HvX0B5fXe/zgQMHdL6WHTt21PqeNOR7ikgXrupAZiU4OBilS5eGn58f3n33XTg5OWHv3r3q3rnHjx/jt99+Q/fu3ZGcnIz4+HjEx8fj0aNHCAkJwfXr19WrQOzatQu1a9fW2TOiUCgAADt27EC1atVQtWpV9bni4+PRtm1bAMDhw4f11hoaGorMzEzs3r1b3fbLL7/gyZMnCA0NBSBNxNm1axc6deoEIYTWY4SEhCAxMRFnzpzROm9YWBgcHBxe+FolJycDAFxcXPQeo7otKSlJq71Lly7w9fVVX2/YsCEaNWqEffv2ATDsdVYZPHhwrslGOZ9HZmYmHj16hEqVKsHd3T3X8zbUgAEDtHqWWrRoAUCaMAQAp06dwqNHjzB48GCtSVW9e/fW+gRBH9Vrltfrq8uwYcO0rrdo0QKPHj3Seg9yvi6JiYmIj49Hq1atEBUVhcTERK37BwQEqD89yCk/5/j111+RnJyMSZMm5ZocqvoZyIuhPx+tWrVC9erVX3hed3d3nDhxQmvVgoKKi4vD77//jvfeew/ly5fXuu1Fz/HRo0cAoPf74cqVKyhdujRKly6NqlWrYsGCBXjrrbdyLaWWnJz8wu+T538Wk5KSDP7eUtX6oiXzCvq9m1+63ue2bdvC09MT27ZtU7clJCTg119/Vf8+BF7udy4RAHCoA5mV5cuXo3LlykhMTMTatWvx+++/w87OTn37jRs3IITA9OnTMX36dJ3nePjwIXx9fXHz5k107do1z8e7fv06Ll++jNKlS+s9lz61a9dG1apVsW3bNgwcOBCANMzB09NT/Us8Li4OT548werVq7F69ep8PUZAQECeNauo/lNLTk7W+tg1J33h+JVXXsl1bOXKlbF9+3YAhr3OedX97NkzzJs3D+vWrcO9e/e0lld7PuAZ6vmQowovCQkJAKBek7VSpUpax5UoUULvR/A5ubq6AtC8hsaoS3XOY8eOYebMmYiMjMTTp0+1jk9MTISbm5v6ur7vh/yc4+bNmwCAGjVqGPQcVAz9+cjv9+78+fMRFhYGPz8/BAUFoWPHjujXrx8CAwMNrlH1h05BnyMAvcv++fv7Y82aNVAqlbh58ybmzJmDuLi4XH9EuLi4vDCMPv+z6Orqqq7d0FpfFOgL+r2bX7re5xIlSqBr167YsmUL0tPTYWdnh927dyMzM1Mr+L7M71wigMGXzEzDhg1Rv359AFKvZPPmzdGrVy9cvXoVzs7O6vUzx48fr7MXDMgddPKiVCpRs2ZNLFq0SOftfn5+ed4/NDQUc+bMQXx8PFxcXLB371707NlT3cOoqrdPnz65xgKr1KpVS+t6fnp7AWkM7Pfff4+///4bLVu21HnM33//DQD56oXLqSCvs666R40ahXXr1mHMmDFo0qQJ3NzcoFAo0KNHD71roeaXvqWs9IUYQ1WtWhUAcOHCBdSpUyff93tRXTdv3kS7du1QtWpVLFq0CH5+frC1tcW+ffuwePHiXK+LrtfV0HMUlKE/H/n93u3evTtatGiBPXv24JdffsGCBQvw2WefYffu3Xj99ddfuu78KlWqFADNH0vPc3Jy0hob36xZM9SrVw9TpkzBsmXL1O3VqlXDuXPncOfOnVx/+Kg8/7NYtWpVnD17FtHR0S/8PZNTQkKCzj9cczL0e1dfkM7OztbZru997tGjB1atWoX//e9/6NKlC7Zv346qVauidu3a6mNe9ncuEYMvmS1ra2vMmzcPbdq0wZdffolJkyape4RsbGy0/kPSpWLFirh48eILjzl//jzatWuXr49+nxcaGorZs2dj165d8Pb2RlJSknoSBwCULl0aLi4uyM7OfmG9hnrzzTcxb948bNy4UWfwzc7OxpYtW+Dh4YFmzZpp3Xb9+vVcx1+7dk3dE2rI65yXnTt3IiwsDAsXLlS3paWl4cmTJ1rHFeS1fxHVZgQ3btxAmzZt1O1ZWVm4fft2rj84nvf666/D2toa3377rVEnCf34449IT0/H3r17tUKSIR/x5vccFStWBABcvHgxzz8I9b3+L/vzkRcfHx+8//77eP/99/Hw4UPUq1cPc+bMUQff/D6e6nv1RT/ruqgC4q1bt/J1fK1atdCnTx+sWrUK48ePV7/2b775Jr777jts3LgR06ZNy3W/pKQk/PDDD6hatar6fejUqRO+++47fPvtt5g8eXK+Hj8rKwvR0dF466238jzO0O9dDw+PXD+TAAzeya5ly5bw8fHBtm3b0Lx5c/z222+YOnWq1jGF+T1FloFjfMmstW7dGg0bNsSSJUuQlpYGLy8vtG7dGqtWrcKDBw9yHR8XF6e+3LVrV5w/fx579uzJdZyq96179+64d+8e1qxZk+uYZ8+eqVcn0KdatWqoWbMmtm3bhm3btsHHx0crhFpbW6Nr167YtWuXzv+Yc9ZrqKZNmyI4OBjr1q3TuTPU1KlTce3aNUyYMCFXD83333+vNUb35MmTOHHihDp0GPI658Xa2jpXD+wXX3yRqyfJyckJAHT+51tQ9evXR6lSpbBmzRpkZWWp2zdv3qy3hy8nPz8/DB48GL/88gu++OKLXLcrlUosXLgQd+/eNaguVY/w88M+1q1bZ/RztG/fHi4uLpg3bx7S0tK0bst5XycnJ51DT17250OX7OzsXI/l5eWFsmXLIj09/YU1Pa906dJo2bIl1q5dizt37mjd9qLef19fX/j5+Rm0i9mECROQmZmp1WP57rvvonr16vj0009znUupVGL48OFISEjAzJkzte5Ts2ZNzJkzB5GRkbkeJzk5OVdovHTpEtLS0tC0adM8azT0e7dixYpITExU90oDwIMHD3T+7syLlZUV3n33Xfz444/YtGkTsrKytIY5AIXzPUWWhT2+ZPY+/PBDdOvWDevXr8ewYcOwfPlyNG/eHDVr1sTgwYMRGBiI2NhYREZG4u7du+otPT/88EP1jmDvvfcegoKC8PjxY+zduxcrV65E7dq10bdvX2zfvh3Dhg3D4cOH0axZM2RnZ+PKlSvYvn07Dhw4oB56oU9oaChmzJgBe3t7DBw4EFZW2n+Pfvrppzh8+DAaNWqEwYMHo3r16nj8+DHOnDmDgwcP4vHjxwV+bTZu3Ih27dqhc+fO6NWrF1q0aIH09HTs3r0bERERCA0NxYcffpjrfpUqVULz5s0xfPhwpKenY8mSJShVqhQmTJigPia/r3Ne3nzzTWzatAlubm6oXr06IiMjcfDgQfVHzCp16tSBtbU1PvvsMyQmJsLOzg5t27aFl5dXgV8bW1tbzJo1C6NGjULbtm3RvXt33L59G+vXr0fFihXz1du0cOFC3Lx5E6NHj8bu3bvx5ptvwsPDA3fu3MGOHTtw5coVrR7+/Gjfvj1sbW3RqVMnDB06FCkpKVizZg28vLx0/pHxMudwdXXF4sWLMWjQIDRo0AC9evWCh4cHzp8/j6dPn2LDhg0AgKCgIGzbtg1jx45FgwYN4OzsjE6dOhnl5+N5ycnJKFeuHN599131Nr0HDx7EX3/9pfXJgL6adFm2bBmaN2+OevXqYciQIQgICMDt27fx888/49y5c3nW07lzZ+zZsydfY2cBaahCx44d8fXXX2P69OkoVaoUbG1tsXPnTrRr1w7NmzfX2rlty5YtOHPmDMaNG6f1vWJjY4Pdu3cjODgYLVu2RPfu3dGsWTPY2Njgn3/+UX9ak3M5tl9//RWOjo547bXXXlinId+7PXr0wMSJE/H2229j9OjRePr0KVasWIHKlSsbPAk1NDQUX3zxBWbOnImaNWvmWpawML6nyMIU/UISRManbwMLIaSdgSpWrCgqVqyoXi7r5s2bol+/fqJMmTLCxsZG+Pr6ijfffFPs3LlT676PHj0SI0eOFL6+vuqF0sPCwrSWFsvIyBCfffaZePXVV4WdnZ3w8PAQQUFBYvbs2SIxMVF93PPLmalcv35dvcj+0aNHdT6/2NhYMWLECOHn5ydsbGxEmTJlRLt27cTq1avVx6iW6dqxY4dBr11ycrKYNWuWePXVV4WDg4NwcXERzZo1E+vXr8+1nFPODSwWLlwo/Pz8hJ2dnWjRooU4f/58rnPn53XO671LSEgQAwYMEJ6ensLZ2VmEhISIK1eu6Hwt16xZIwIDA4W1tXW+NrB4/nXSt7HBsmXLRIUKFYSdnZ1o2LChOHbsmAgKChIdOnTIx6sr7XL19ddfixYtWgg3NzdhY2MjKlSoIAYMGKC1XJS+ndtUr0/OTTv27t0ratWqJezt7YW/v7/47LPPxNq1a3Mdp9rAQpf8nkN1bNOmTYWDg4NwdXUVDRs2FN9995369pSUFNGrVy/h7u6eawOL/P584L+NDXRBjuXM0tPTxYcffihq164tXFxchJOTk6hdu3auzTf01aTvfb548aJ4++23hbu7u7C3txdVqlQR06dP11lPTmfOnBEAci2vpW8DCyGEiIiIyLVEmxBCPHz4UIwdO1ZUqlRJ2NnZCXd3dxEcHKxewkyXhIQEMWPGDFGzZk3h6Ogo7O3tRY0aNcTkyZPFgwcPtI5t1KiR6NOnzwufk0p+v3eFEOKXX34RNWrUELa2tqJKlSri22+/zXMDC32USqXw8/MTAMQnn3yi85j8fk8R6aIQwkgzOYjI7N2+fRsBAQFYsGABxo8fL3c5slAqlShdujTeeecdnR+3kuVp164dypYti02bNsldil7nzp1DvXr1cObMGYMmWxKZG47xJSLSIy0tLdc4z40bN+Lx48do3bq1PEVRsTN37lxs27bN4MlcRenTTz/Fu+++y9BLFo9jfImI9Pjzzz8RHh6Obt26oVSpUjhz5gy++eYb1KhRA926dZO7PComGjVqhIyMDLnLyNPWrVvlLoGoWGDwJSLSw9/fH35+fli2bBkeP36MkiVLol+/fvj000+1dn0jIiLTwDG+RERERGQROMaXiIiIiCwCgy8RERERWQSLG+OrVCpx//59uLi4cLtDIiIiomJICIHk5GSULVs218ZOL8Pigu/9+/fh5+cndxlERERE9ALR0dEoV66c0c5nccHXxcUFgPRCurq6ylwNERERET0vKSkJfn5+6txmLBYXfFXDG1xdXRl8iYiIiIoxYw9L5eQ2IiIiIrIIDL5EREREZBEYfImIiIjIIjD4EhEREZFFYPAlIiIiIovA4EtEREREFoHBl4iIiIgsAoMvEREREVkEBl8iIiIisggMvkRERERkERh8iYiIiMgiMPgSERERkUVg8CUiIiIii8DgS0REREQWgcGXiIiIiCyCrMH3999/R6dOnVC2bFkoFAp8//33L7xPREQE6tWrBzs7O1SqVAnr168v9DqJiIiIyPTJGnxTU1NRu3ZtLF++PF/H37p1C2+88QbatGmDc+fOYcyYMRg0aBAOHDhQyJUSERERkakrIeeDv/7663j99dfzffzKlSsREBCAhQsXAgCqVauGo0ePYvHixQgJCSmsMomIiIioEGVkALdvAzduADeuKfHo2D+F8jiyBl9DRUZGIjg4WKstJCQEY8aM0Xuf9PR0pKenq68nJSUVVnlEREREpEdaGnDrFnD9+n8BN8fXv/8CSiVQBg+wDgNQB0fwUSHUYFLBNyYmBt7e3lpt3t7eSEpKwrNnz+Dg4JDrPvPmzcPs2bOLqkQiIiIii/X0KXDzZu5ge+MGEB0NCKH/vm/hB3yNQSiNeBRWN6VJBd+CmDx5MsaOHau+npSUBD8/PxkrIiIiIjJdycn6w+29e4afr4xLKr60G4eu8avUbRkeXkDCQyNWLTGp4FumTBnExsZqtcXGxsLV1VVnby8A2NnZwc7OrijKIyIiIjILiYm6g+3168BzUSxfSpYEKlXS/nrlFaBK6mm4j+gNxdWrmoO7dIHtokVAYKDxntB/TCr4NmnSBPv27dNq+/XXX9GkSROZKiIiIiIyTY8f6w62N24A8fGGn690aU2gzRlwK1aUgq+W7Gzg88+BadOArCypzdERWLIEGDRI6lYuBLIG35SUFNy4cUN9/datWzh37hxKliyJ8uXLY/Lkybh37x42btwIABg2bBi+/PJLTJgwAe+99x5+++03bN++HT///LNcT4GIiIioWBJCCrDPh1rVV0KC4ecsUyZ3sFWFWzc3A06UlgZ8/bUm9AYFAVu2AJUrG16UAWQNvqdOnUKbNm3U11VjccPCwrB+/Xo8ePAAd+7cUd8eEBCAn3/+GeHh4Vi6dCnKlSuHr7/+mkuZERERkUUSQhp6oCvY3rgBFGQxq3LlcgdbVbh1djZS4U5OUtBt3hwYNw6YNQuwtTXSyfVTCJHX/Drzk5SUBDc3NyQmJsLV1VXucoiIiIjypFQC9+/rHnN74waQmmrY+RQKoHx5/eFWz7Spl5OcLKVwX1/t9nv3creh8PKaSY3xJSIiIjJH2dnA3bu6g+3Nm8CzZ4adz8oK8PfXPaEsIAAo0nn/kZFAnz7SOIkjR4ASOeKnjtBbmBh8iYiIiIpAVhZw547uCWVRUdLuZYYoUUIKsTlDrepyhQpFMnIgb1lZwJw5wMcfS8k+Kgr47DNg6lTZSmLwJSIiIjKSzMwcW+8+N6ns1i3NXK78srWVVvXStVpC+fLanafFSlSU1MsbGalpa9oU6NVLvprA4EtERERkkPR0KcTqmlD2779S56Yh7O11j7etVEmaaGZtXTjPo1AIAWzaBIwcqVmSzNoamDkTmDxZ9qTO4EtERET0nGfP9O9OdudO3lvv6uLkpD/cli0rjck1eQkJwLBhwPbtmrbAQGDzZqBxY/nqyoHBl4iIiCxSSor+cHv3ruHnc3HRvcZtpUrSvC6FwvjPodhISgLq1JH+KlDp3x9Ytkx6YYoJBl8iIiIyW0lJ+pcBe/DA8PO5u2uH25yXPT3NPNzmxdUVePttYOlSwMMDWLUK6NZN7qpyYfAlIiIik5aQoH/r3bg4w8/n6ak72FaqpGPrXdL49FNpR7apUwE/P7mr0YnBl4iIiIo1IYBHj3QH2xs3gMePDT+nt7f+rXfd3Y3+FMyLEMCaNdKktYEDNe329sDKlfLVlQ8MvkRERCQ7IYCHD3Vvu3vjBpCYaPg5fX31705WjIadmpa4OGDwYOCHH6Qt3po2BapVk7uqfGPwJSIioiIhRN5b76akGHY+hUL6RF1fuHV0LJznYbF++QUICwNiYqTrz54BP/3E4EtERESWSanUv/XujRsF23q3QgX9W+/a2xfO86Ac0tKkNXiXLNG0eXoCa9cCnTrJVlZBMPgSERGRQbKz8956Nz3dsPNZW+vfetffvxhsvWvJLlwAeveW/lXp0AFYt05ao83EMPgSERFRLpmZ0i5k+rbezcw07Hw2NnlvvWtjUzjPgwpICOCLL4AJEzR/ydjZAQsWSLuymei6bQy+REREFiojQ7P17vMrJdy+XbCtdytW1D3m1s/PxLbetXQpKcDChZrQW6uWtANbjRry1vWSGHyJiIjMWFqaNPxA12oJd+5IY3IN4eiof+tdX18z2XqXpGUvvv0WaNMGGD0amDvXLAZUM/gSERGZuNTUvLfeFcKw8zk7699618fHZD/lprykpkpfXl6athYtgGvXpDEqZoLBl4iIyAQkJ+tfKeH+fcPP5+aWO9yqrpcuzXBrUU6fliaw+foCv/6q3W1vRqEXYPAlIiIqNp480R1sr1+XNncwVKlSeW+9y3Br4bKzgc8/B6ZNA7KygKtXgcWLgXHj5K6s0DD4EhERFREhpO119W29++iR4ef08tK/9a6Hh/GfA5mJ6GigXz8gIkLTFhRkcuvyGorBl4iIyIiEkHZ11RVsb9yQenUNVbas/t3JXF2N/hTI3G3fDgwdqvlmVCiASZOAWbPMftFkBl8iIiIDCQE8eKB/zG1ysuHnzGvrXScn4z8HskBJSdIKDRs2aNr8/IBNm4BWreSrqwgx+BIREemgVAL37ukPt0+fGnY+hSLvrXcdHArneRABABITgXr1pLXtVEJDgRUrLGpMDIMvERFZrOxsaaijrmB786a0Bq4hrK2lLXZ1rZTg7y9tfEUkCzc3oG1bKfi6uADLlwN9+ljcDEcGXyIiMmtZWfq33o2KKtjWuwEBuldKqFCBW+9SMbZ4MfDsGfDRR2a3TFl+MfgSEZHJy8iQttjVt/VuVpZh57O1lcbW6lotwc8PKMH/Pak4E0Iat2tjA/TsqWl3dpZ2Y7Ng/NElIiKTkJYG3Lqle+vdf/81fOtdB4e8t961ti6c50FUqBISgGHDpJUbnJ2Bhg2lv+IIAIMvEREVI0+f6t96Nzq6YFvv6gu3Zcta3PBGMncREUDfvtI+1QCQkgLs3AlMnChrWcUJgy8RERWp5GT94fbePcPP5+qqf+tdLy+GW7IAGRnAjBnA/Pmavw7d3YHVq4Fu3WQtrbhh8CUiIqNLTNS/9W5srOHnK1lS/9a7pUox3JIFu3oV6NULOHNG09a6NbBxozQgnbQw+BIRUYE8v/Vuzkll8fGGn690ad3BtmJFKfgSUQ5CSD264eHSSg2ANJltzhxg3DjAykre+oopBl8iItJJCCnA6tt6NyHB8HP6+OjfnczNzfjPgchsJSZKWwyrQm+VKsCWLdImFaQXgy8RkQUTQhp6oCvY3rgh7XBqqHLl9IdbZ2fjPwcii+TuDqxfD3ToIK3isHAh4Ogod1XFHoMvEZGZUyqB+/f1b72bmmrY+RQKoHx5/eGWW+8SFYK0NGnZk5zjfkJCgIsXgVdfla8uE8PgS0RkBrKzpRWM9G29q/o0NL+srPRvvRsQwK13iYrUhQvSBLYKFYAff9SezcnQaxAGXyIiE5GVBdy5o3tCWVSUtKKRIUqUyHvrXVvbwnkeRJRPSiXwxRfSOrzp6VLv7sqVwPDhcldmshh8iYiKkcxM7a13c469vXWrYFvvBgbq3nq3fHluvUtUbD14AAwYABw4oGmrVQto0UK+mswAf+URERWx9HQpxOqaUPbvv9KwBUPY2+vfnaxcOW69S2RyfvgBGDRIe13A8HBg7lzpB54KjMGXiKgQPHumf3eyO3cM33rXySnvrXe5ZCeRGUhNldbgXbVK0+bjA2zYALz2mnx1mREGXyKiAkpJ0R9u7941/HwuLvq33vX25u5kRGYtIQFo0kTaiU2lSxdgzRrA01O2sswNgy8RUR6SkvQvA/bggeHnc3fXDrc5L3t6MtwSWSwPDyAoSAq+jo7A0qXAwIH8pWBkDL5EZPESEvRvvRsXZ/j5PD11r5RQqRK33iWiPCxfLo2T+vRToHJluasxSwy+RGT2hAAePdIdbG/cAB4/NvycZcro38DB3d3oT4GIzM327dKC2J07a9rc3YHdu2UryRIw+BKRWRACePhQ97a7N25I29obytdXf7h1cTH+cyAiC5CUBIweLU1Y8/AA/v5bWn6FigSDLxGZDCHy3no3JcWw8ykUgJ+f/nDLbe+JyKgiI4HevaX1DAFpnNW33wKTJslblwVh8CWiYkWp1L/17o0bBdt6t0IF/VvvcklMIip0WVnAJ59IX6qFul1cpDG9ffrIW5uFYfAloiKXnZ331rvp6Yadz9pas/Xu85PK/P259S4RySgqSgq3kZGatqZNpZ7egAD56rJQDL5EVCgyM6VdyPRtvZuZadj5VFvv6hqWUL48YGNTOM+DiKhAhAA2bgRGjtSMw7K2BmbMAKZM4X7hMuGrTkQFlpGh2Xr3+ZUSbt8u2Na7FSvqDrd+ftx6l4hMSEKCtAubKvQGBgKbNwONG8tbl4Vj8CWiPKWlSZ/U6Vot4c4daUyuIRwd9W+96+vLrXeJyEyULAl8/TXw9ttA//7AsmVcDqYYYPAlIqSm5r31rhCGnc/ZWffmDa+8Iq1/y42IiMjsZGRIExRyhtsuXYBTp6Qd2ahYYPAlshDJyfpXSrh/3/Dzubnp33q3dGmGWyKyIFevAr16Sb8At27V/gXI0FusMPgSmZEnT3QH2+vXpc0dDFWqVN5b7zLcEpFFEwJYvRoID5fWWjxzBnjjDaBfP7krIz0YfIlMiBDS9rr6tt599Mjwc3p56Q62FStKmwoREZEOcXHAoEHA3r2atipVgBo15KuJXojBl6iYEUL6faor2N64IfXqGqpsWf27k7m6Gv0pEBGZtwMHpAlrMTGatmHDgIULueVjMcfgSyQDIYAHD/SPuU1ONvyceW296+Rk/OdARGRx0tKAyZOBJUs0bZ6ewNq1QKdOspVF+cfgS1RIlErg3j394fbpU8POZ2UlbdSga6WEgADAwaFwngcREUEaZ9a6NXDhgqatQwdg3TppuRoyCQy+RC8hOxuIjtYdbG/elDoHDGFtLW2xq2/rXTu7wngWRET0Qh4e0iYUFy5Iv4wXLJB2ZeMsX5PC4Ev0AllZ+rfejYoyfOtdGxuph1bXhLIKFbj1LhFRsaRQSBtSPHsmjeXlJDaTxOBLBGnd8du39W+9m5Vl2Pns7PLeepdbtBMRFXN790q/zENCNG2entLENjJZ/O+XLEZaGnDrlu6VEv791/Ctdx0c9G+9W64ct94lIjJJqanAuHHAqlXSeo8XLkj/kllg8CWz8vSp/q13o6MLtvWurmD7yiuAjw+HdhERmZXTp6Ud2K5dk64/fCit2DBpkrx1kdEw+JLJSU7WH27v3TP8fK6u+rfe9fJiuCUiMnvZ2cDnnwPTpmnGtjk6SsuWDRoka2lkXAy+VCwlJurfejc21vDzlSypO9hWqiRty8twS0RkoaKjgb59gSNHNG1BQcCWLUDlyvLVRYWCwZdk8/zWuznH3sbHG36+0qX1b71bsqTx6yciIhO3fTswdKhmS0yFQhrWMGsWYGsrZ2VUSBh8qdAIIQVYfVvvJiQYfk4fH/27k7m5Gf85EBGRmYqPBwYPBpKSpOt+fsCmTUCrVvLWRYWKwZdeihDS0ANdwfbGDc3vE0OUK6c/3Do7G/85EBGRBfL0BFasAHr3BkJDpcseHnJXRYWMwZdeSKkE7t/Xv/Vuaqph51Mo9G+9GxjIrXeJiKgQZGVJi7Y7OmraevWSeltatOBkDwvB4EsApAmtd+/q33r32TPDzmdlpX/r3YAAbr1LRERFKCoK6NMHqFpVWp4sp5Yt5amJZMHga0GysoA7d3RPKIuKkv4QNkSJElKI1bVSQoUKnBdAREQyE0IatztiBJCSAkRGAq+/DnTrJndlJBMGXzOTmam99W7Osbe3bhm+9a6trf6td8uX59a7RERUTCUkAMOGSSs3qAQGSpPYyGIxtpig9PS8t97NzjbsfPb2eW+9a21dOM+DiIioUERESGvz3r2raevfH1i2DHBxkasqKgYYfIupZ8/07052547hW+86OeW99a6VVeE8DyIioiKTkQHMmAHMn6/5j9LDA1i1isMbCACDb7GyY4e0msr169p/pOaXi0vusbaq697enLBKRERm7NEjoH174MwZTVubNsDGjdLHl0Rg8C02UlKAfv2AtLS8j3N314TZ50OupyfDLRERWSgPD+k/QgCwsQHmzAHGjeNHmqSFwbeY+PdfTeh1dgZq1NC9/S633iUiItLBygpYvx7o3h1YuhSoV0/uiqgYYvAtJnIObRg9WvpDlYiIiPT45RdpdnbOdXh9fIA//pCvJir2ZO//X758Ofz9/WFvb49GjRrh5MmTeR6/ZMkSVKlSBQ4ODvDz80N4eDjSXjQ+wATcu6e5zKFIREREeqSlAeHhQEiItN1wQoLcFZEJkTX4btu2DWPHjsXMmTNx5swZ1K5dGyEhIXj48KHO47ds2YJJkyZh5syZuHz5Mr755hts27YNU6ZMKeLKjS9njy+DLxERkQ4XLgANGwJLlkjX794FVq+WtSQyLbIG30WLFmHw4MEYMGAAqlevjpUrV8LR0RFrn99O8D/Hjx9Hs2bN0KtXL/j7+6N9+/bo2bPnC3uJTQGDLxERkR5KpTRut0EDKfwCgJ2dtC7vhAny1kYmRbbgm5GRgdOnTyM4OFhTjJUVgoODERkZqfM+TZs2xenTp9VBNyoqCvv27UPHjh31Pk56ejqSkpK0voojBl8iIiIdHjwAOnYExoyRdnACgJo1gVOngFGjuJwRGUS2yW3x8fHIzs6Gt7e3Vru3tzeuXLmi8z69evVCfHw8mjdvDiEEsrKyMGzYsDyHOsybNw+zZ882au2FQRV8bW01q7EQERFZtB9+AAYNAuLjNW3h4cDcudLENiIDyT65zRARERGYO3cuvvrqK5w5cwa7d+/Gzz//jI8//ljvfSZPnozExET1V3R0dBFWnH+q4FuuHP94JSIiQlycNHlNFXp9fIADB4BFixh6qcBk6/H19PSEtbU1YmNjtdpjY2NRpkwZnfeZPn06+vbti0GDBgEAatasidTUVAwZMgRTp06FlY5Fqu3s7GBnZ2f8J2BEqamaSam+vvLWQkREVCyULi1NYhs8GOjcGfj6a34kSi9Nth5fW1tbBAUF4dChQ+o2pVKJQ4cOoUmTJjrv8/Tp01zh1traGgAgVHtymyAuZUZERBYvO1szhldl4EDgf/8D9uxh6CWjkHUDi7FjxyIsLAz169dHw4YNsWTJEqSmpmLAgAEAgH79+sHX1xfz5s0DAHTq1AmLFi1C3bp10ahRI9y4cQPTp09Hp06d1AHYFHFiGxERWbToaKBfP2nb0i++0LQrFECHDvLVRWZH1uAbGhqKuLg4zJgxAzExMahTpw7279+vnvB2584drR7eadOmQaFQYNq0abh37x5Kly6NTp06YY6Jb3PG4EtERBZr+3Zg6FDgyRMgIgJ4/XVpFQeiQqAQpjxGoACSkpLg5uaGxMREuLq6yl0OAGly6tSp0uVdu4B33pG3HiIiokKXlASMHg1s2KBp8/MDNm8GWrSQry4qFgorr8na40sS9vgSEZFFiYwE+vQBoqI0baGhwIoVgIeHfHWR2TOp5czMFSe3ERGRRcjKAmbPlnp0VaHXxQXYuBH47juGXip07PEtBlQ9vtbWwHP7eRAREZmHR4+ATp2k3l6Vpk2Bb78FAgLkq4ssCnt8iwFV8C1bVgq/REREZsfdHSjxX3+btbXU83vkCEMvFSkGX5mlpwMPH0qXOcyBiIjMlrU1sGkTUK8ecPQoMGOGJggTFRF+x8ns/n3NZQZfIiIyG0eOAA4OQMOGmrYKFYBTp6T1eYlkwB5fmXFFByIiMisZGcDkyUCbNkDPnkBysvbtDL0kIwZfmeUMvr6+8tVBRET00q5eBZo0AT79FBBCWrlhxQq5qyJSY/CVGXt8iYjI5AkBrF4N1K0LnDkjtdnYAPPnA+PHy1sbUQ4c4yszBl8iIjJpcXHA4MHADz9o2qpUAbZskSayERUj7PGVGYMvERGZrAMHgFq1tEPvsGFSry9DLxVD7PGVmSr4KhSAj4+8tRAREeVbbCzQpQuQliZd9/QE1q6VNqkgKqbY4yszVfD19gZsbeWthYiIKN+8vaVJbAAQEgJcuMDQS8Uee3xllJUFxMRIlznMgYiIijWlEsjOliatqYwaJf0H9vbbgBX70qj443epjGJipN8jAIMvEREVYw8eAK+/Dkybpt1uZQV07crQSyaD36ky4sQ2IiIq9n74AahZE/jlF2DBAuC33+SuiKjAGHxlxOBLRETFVmqqtEJDly7Ao0dSm7e3rCURvSyO8ZURgy8RERVLp08DvXoB165p2jp3Br7+Wlq9gchEscdXRgy+RERUrGRnA599BjRurAm9jo7Srmx79jD0ksljj6+McgZfX1/56iAiIkJ8PNCtGxARoWkLCpJ2YKtcWbayiIyJPb4yYvAlIqJiw80NSEmRLisUwOTJwPHjDL1kVhh8ZaQKvqVKAQ4O8tZCREQWzsYG2LwZqFYNOHwYmDuXOyuR2eFQB5kolcC9e9Jlju8lIqIiFxkpjd+tXVvTVrkycPEi1+Uls8XvbJk8fCjt3AYw+BIRURHKygJmzwZatAB69gSePtW+naGXzBi/u2XCFR2IiKjIRUUBLVsCs2ZJKzhcvgx89ZXcVREVGQZfmaiGOQAMvkREVMiEADZuBOrUkYY4AIC1NfDRR8CYMXJWRlSkOMZXJuzxJSKiIpGQIO3Atn27pq1iReDbb6X1eoksCHt8ZcLgS0REhS4iAqhVSzv0DhgAnD3L0EsWiT2+MmHwJSKiQvXgARASAmRkSNc9PIBVq6RNKogsFHt8ZcLNK4iIqFD5+AAzZ0qX27QB/v6boZcsHnt8ZaIKvm5ugIuLvLUQEZEZEEJaJN7aWtM2cSLg5wf07s1lyojAHl9ZCKEJvuztJSKilxYXB7z9NvDJJ9rt1tZA374MvUT/4U+CDB4/BtLSpMsc30tERC/lwAFpAtsPPwAff6xZroyIcmHwlQEnthER0UtLSwPCw4EOHYCYGKnNwwNITpa3LqJijGN8ZcDgS0REL+XCBWnc7oULmraQEGD9eqBMGdnKIiru2OMrAwZfIiIqEKUSWLoUaNBAE3rt7KS2ffsYeolegD2+MmDwJSIigz16JPXyHjigaatZE9iyBahRQ766iEwIe3xlcO+e5jKDLxER5YuTk/Z/IOHhwMmTDL1EBmDwlQF7fImIyGD29lLvbkCA1Ou7aJHURkT5xqEOMlAFX0dHwN1d1lKIiKi4On1a6uWtWlXTVrMmcO0aUIL/fRMVBHt8ZaAKvuXKAQqFvLUQEVExk50NfPYZ0Lgx0LMnkJ6ufTtDL1GBMfgWsaQkzRKLHOZARERaoqOBdu2ASZOArCzg3Dngq6/krorIbDD4FjGO7yUiIp22b5d2YDtyRLquUACTJwMjRshbF5EZ4eclRSxn8PX1la8OIiIqJpKSgNGjgQ0bNG1+fsCmTUCrVvLVRWSGGHyLGHt8iYhILTIS6NMHiIrStIWGAitWSNsPE5FRMfgWMQZfIiICIK3J27o1kJEhXXdxAZYvl4IwZz4TFQqO8S1iDL5ERARAGu82frx0uWlT4Px5oG9fhl6iQsQe3yLG4EtEZKGEkP7NGWxnzQLKlwcGDuQyZURFgD2+RUwVfG1tAU9PeWshIqIikpAA9OgBLFyo3W5jAwwdytBLVEQYfIuYapt1X1/Aiq8+EZH5i4iQlinbvh2YMgU4e1buiogsFqNXEXr6FHj8WLrMYQ5ERGYuI0PaiKJtW83Hfc7OQEyMvHURWTB+tlKEVL29AIMvEZFZu3oV6NULOHNG09amDbBxI/8DIJIRe3yLECe2ERGZOSGAVauAunU1odfGBpg/Hzh4kL/8iWT2Uj2+aWlpsLe3N1YtZo/Bl4jIjD1+DAwYAOzdq2mrUgXYsgWoV0++uohIzeAeX6VSiY8//hi+vr5wdnZG1H+7zUyfPh3ffPON0Qs0Jwy+RERmzM4OuHJFc334cKnXl6GXqNgwOPh+8sknWL9+PebPnw9bW1t1e40aNfD1118btThzkzP4+vrKVwcRERUCJydg82agbFmp1/errwBHR7mrIqIcDA6+GzduxOrVq9G7d29YW1ur22vXro0rOf/SpVzY40tEZEYuXAD++9RTrX59qa1TJ3lqIqI8GRx87927h0qVKuVqVyqVyMzMNEpR5koVfK2tgTJl5K2FiIgKSKkEli4FGjQAevcGsrK0b7ezk6cuInohg4Nv9erV8ccff+Rq37lzJ+rWrWuUosyVKvj6+Ejhl4iITMyDB8DrrwNjxgDp6cCffwIrVshdFRHlk8GrOsyYMQNhYWG4d+8elEoldu/ejatXr2Ljxo346aefCqNGs5CeDjx8KF3mMAciIhP0ww/AwIHAo0eatvBwYPBg+WoiIoMY3OPbuXNn/Pjjjzh48CCcnJwwY8YMXL58GT/++CNee+21wqjRLNy/r7nM4EtEZEJSU4Fhw4AuXTSh18cHOHAAWLQI4LKeRCajQOv4tmjRAr/++quxazFr3LWNiMgEnT4t7cB27ZqmrUsXYM0awNNTtrKIqGAM7vENDAzEo5wf8/znyZMnCAwMNEpR5ogrOhARmZjoaKBpU03odXSUAu/u3Qy9RCbK4OB7+/ZtZGdn52pPT0/HvZzdmqSFwZeIyMT4+QHvvy9dDgoCzp4FBg0CFAp56yKiAsv3UIe9ObZgPHDgANzc3NTXs7OzcejQIfj7+xu1OHPC4EtEZAKE0A628+YB5csDI0YAOTZtIiLTlO/g26VLFwCAQqFAWFiY1m02Njbw9/fHwoULjVqcOWHwJSIqxpKSgNGjgYYNNb28gDRxLTxcvrqIyKjyHXyVSiUAICAgAH/99Rc8Ob7JIKrgq1BIk4GJiKiYiIyUNqK4dQvYtg1o0waoVk3uqoioEBg8xvfWrVsMvQWgCr5eXvy0jIioWMjKAmbNAlq0kEIvANjYADdvyloWERWeAi1nlpqaiiNHjuDOnTvIyMjQum306NFGKcycZGVJm/0AHOZARFQsREUBffpIvb0qTZsC334LBATIVxcRFSqDg+/Zs2fRsWNHPH36FKmpqShZsiTi4+Ph6OgILy8vBl8dYmKkrd0BBl8iIlkJAWzcCIwcCaSkSG3W1sCMGcCUKUCJAvUHEZGJMHioQ3h4ODp16oSEhAQ4ODjgzz//xL///ougoCB8/vnnhVGjyePENiKiYuDJE6BHD6B/f03oDQwEjh6Vgi9DL5HZMzj4njt3DuPGjYOVlRWsra2Rnp4OPz8/zJ8/H1OmTCmMGk0egy8RUTGgUAAnTmiu9+8PnDsHNG4sV0VEVMQMDr42NjawspLu5uXlhTt37gAA3NzcEB0dbdzqzASDLxFRMeDmBmzaJO26tn07sG4d4OIid1VEVIQM/lynbt26+Ouvv/DKK6+gVatWmDFjBuLj47Fp0ybUqFGjMGo0eTk3tGPwJSIqIlevAk5O2r94W7QAbt+W2onI4hjc4zt37lz4/LcQ7Zw5c+Dh4YHhw4cjLi4Oq1atMnqB5oA9vkRERUgIYNUqoG5doF8/zexiFYZeIoulEEIIuYsoSklJSXBzc0NiYiJcXV2L5DFbtJDmTgDA06eAg0ORPCwRkeWJiwMGDQL27tW0rVgBDBsmX01EZLDCymsG9/jqc+bMGbz55pvGOp1ZUfX4lirF0EtEVGgOHABq1dIOvcOGSb2+REQwMPgeOHAA48ePx5QpUxAVFQUAuHLlCrp06YIGDRqotzU2xPLly+Hv7w97e3s0atQIJ0+ezPP4J0+eYMSIEfDx8YGdnR0qV66Mffv2Gfy4RUWp1Izx5TAHIqJCkJYGhIcDHTpIC6cD0gS2vXul3l5HR3nrI6JiI9+T27755hsMHjwYJUuWREJCAr7++mssWrQIo0aNQmhoKC5evIhqBu5tvm3bNowdOxYrV65Eo0aNsGTJEoSEhODq1avw8vLKdXxGRgZee+01eHl5YefOnfD19cW///4Ld3d3gx63KMXFAZmZ0mUGXyIiI7twAejdW/pXJSQEWL8eKFNGtrKIqHjK9xjfWrVqoW/fvvjwww+xa9cudOvWDY0bN8b27dtRroCJrlGjRmjQoAG+/PJLAIBSqYSfnx9GjRqFSZMm5Tp+5cqVWLBgAa5cuQIbG5sCPWZRj/E9fRqoX1+6PGSINN+CiIiM4N9/gSpVgPR06bqdHTB/vrQrm5XRRvIRkQxkH+N78+ZNdOvWDQDwzjvvoESJEliwYEGBQ29GRgZOnz6N4OBgTTFWVggODkZkzr3Tc9i7dy+aNGmCESNGwNvbGzVq1MDcuXORnZ2t93HS09ORlJSk9VWUuKIDEVEhqVBBM363Zk3g1Clg9GiGXiLSK9+/HZ49ewbH/8ZJKRQK2NnZqZc1K4j4+HhkZ2fD29tbq93b2xsxqjFaz4mKisLOnTuRnZ2Nffv2Yfr06Vi4cCE++eQTvY8zb948uLm5qb/8/PwKXHNBMPgSERWixYuBTz4BTp4EuJY8Eb2AQRtYfP3113B2dgYAZGVlYf369fD09NQ6ZvTo0car7jlKpRJeXl5YvXo1rK2tERQUhHv37mHBggWYOXOmzvtMnjwZY8eOVV9PSkoq0vDL4EtEZASpqcC4cdL2wv37a9qdnICpU2Uri4hMS76Db/ny5bFmzRr19TJlymDTpk1axygUinwHX09PT1hbWyM2NlarPTY2FmX0TEjw8fGBjY0NrK2t1W3VqlVDTEwMMjIyYGtrm+s+dnZ2sLOzy1dNhYHBl4joJZ0+LU1gu3oV2LxZWhy9YkW5qyIiE5Tv4Hv79m2jPrCtrS2CgoJw6NAhdOnSBYDUo3vo0CGMHDlS532aNWuGLVu2QKlUwuq/MVzXrl2Dj4+PztBbHDD4EhEVUHY28PnnwLRpQFaW1KZUAhcvMvgSUYHIOgNg7NixWLNmDTZs2IDLly9j+PDhSE1NxYABAwAA/fr1w+TJk9XHDx8+HI8fP8YHH3yAa9eu4eeff8bcuXMxYsQIuZ7CC6nW8HV1BVxc5K2FiMhkREcD7doBkyZpQm9QEHD2LNC5s7y1EZHJMmiMr7GFhoYiLi4OM2bMQExMDOrUqYP9+/erJ7zduXNH3bMLAH5+fjhw4ADCw8NRq1Yt+Pr64oMPPsDEiRPlegp5EkLT48veXiKifNq+HRg6FHjyRLquUEgBeNYsoJh+ukdEpiHf6/iai6Jcx/fxY2mbYgBo317aTZOIiPRITgZGjQI2bNC0+fkBmzYBrVrJVxcRFTnZ1/Elw3F8LxGRAdLTgV9+0VwPDQXOn2foJSKjYfAtRAy+REQG8PSUentdXYGNG4HvvgM8POSuiojMSIGC782bNzFt2jT07NkTDx8+BAD873//wz///GPU4kwdgy8RUR6iooDnlrTEa69JWxH37SuN7SUiMiKDg++RI0dQs2ZNnDhxArt370ZKSgoA4Pz583o3kbBUOYOvr698dRARFStCSD27tWsD770nXc/J3V2WsojI/BkcfCdNmoRPPvkEv/76q9bauW3btsWff/5p1OJMHXt8iYiek5AA9Ogh7b6WkgLs2wesWyd3VURkIQwOvhcuXMDbb7+dq93Lywvx8fFGKcpcMPgSEeUQEQHUqiUtV6bSvz/QrZtcFRGRhTE4+Lq7u+PBgwe52s+ePQtffp6vRRV8HRw4P4OILFhGhrQOb9u2ml+MHh5SAF63jrv7EFGRMTj49ujRAxMnTkRMTAwUCgWUSiWOHTuG8ePHo1+/foVRo8nKuXkF52gQkUW6cgVo0gT47DPNWN42bYC//2ZPLxEVOYOD79y5c1G1alX4+fkhJSUF1atXR8uWLdG0aVNMmzatMGo0SUlJ0lrsAIc5EJGFiooC6tUDzpyRrtvYAPPnAwcP8hcjEcnC4C2LbW1tsWbNGkyfPh0XL15ESkoK6tati1deeaUw6jNZ9+5pLvP3OxFZpMBA4J13gM2bgSpVgC1bpCBMRCQTg4Pv0aNH0bx5c5QvXx7ly5cvjJrMAie2EREBWL4cqFABmDoVcHSUuxoisnAGD3Vo27YtAgICMGXKFFy6dKkwajILDL5EZFHS0oDwcGDHDu12NzdgzhyGXiIqFgwOvvfv38e4ceNw5MgR1KhRA3Xq1MGCBQtwN2fSIwZfIrIcFy4ADRsCS5YAQ4YA0dFyV0REpJPBwdfT0xMjR47EsWPHcPPmTXTr1g0bNmyAv78/2rZtWxg1miQGXyIye0olsHQp0KCBFH4B4Nkz4NQpeesiItLD4DG+OQUEBGDSpEmoXbs2pk+fjiNHjhirLpPH4EtEZu3BA2DAAODAAU1bzZrSBLYaNeSri4goDwb3+KocO3YM77//Pnx8fNCrVy/UqFEDP//8szFrM2mq4GtjA3h6ylsLEZFR/fCDtANbztAbHg6cPMnQS0TFmsE9vpMnT8bWrVtx//59vPbaa1i6dCk6d+4MR05c0KIKvr6+gFWB/7wgIipGUlOBceOAVas0bT4+wPr1QPv2spVFRJRfBgff33//HR9++CG6d+8OT3Zl6vT0KfD4sXSZwxyIyGwkJQG7dmmud+kCrFnDj7WIyGQYHHyPHTtWGHWYFW5eQURmyccH+PproFcvaVLbwIHcj52ITEq+gu/evXvx+uuvw8bGBnv37s3z2LfeessohZkyTmwjIrMQHQ04OQElS2raOncGbt0CvLzkq4uIqIDyFXy7dOmCmJgYeHl5oUuXLnqPUygUyM7ONlZtJovBl4hM3vbtwNChQHCwdDlnzy5DLxGZqHxNu1IqlfD67xedUqnU+8XQK+FQByIyWUlJQP/+QGgo8OQJsHOntEQZEZEZMHi9gY0bNyI9PT1Xe0ZGBjZu3GiUokwde3yJyCRFRgJ16gAbNmjaQkOBjh1lK4mIyJgMDr4DBgxAYmJirvbk5GQMGDDAKEWZOgZfIjIpWVnA7NlAixbS+F0AcHEBNm4EvvsO8PCQtz4iIiMxeFUHIQQUOmbx3r17F25ubkYpytSpgq+1NVCmjLy1EBHlKSoK6NNH6u1VadoU+PZbICBAvrqIiApBvoNv3bp1oVAooFAo0K5dO5QooblrdnY2bt26hQ4dOhRKkaZGFXx9fKTwS0RULN24AdSrByQnS9etrYEZM4ApU4ASL7WjPRFRsZTv32yq1RzOnTuHkJAQODs7q2+ztbWFv78/unbtavQCTU1GBhAbK13mMAciKtYqVgTatQO+/x4IDAQ2bwYaN5a7KiKiQpPv4Dtz5kwAgL+/P0JDQ2Fvb19oRZmy+/c1l3195auDiOiFFApp57UKFYCPP5bG9RIRmTGDJ7eFhYUx9OaBE9uIqFjKyAAmTQJ+/lm73dMTWLKEoZeILEK+enxLliyJa9euwdPTEx4eHjont6k8fvzYaMWZIgZfIip2rl6Vthk+cwZYtw74+2/A21vuqoiIily+gu/ixYvh8l9vwOLFi/MMvpaOwZeIig0hgNWrgfBw4NkzqS0hATh2DHjnHXlrIyKSQb6Cb1hYmPpy//79C6sWs8DgS0TFQlwcMGgQsHevpq1KFWkXtnr15KuLiEhGBo/xPXPmDC5cuKC+/sMPP6BLly6YMmUKMjIyjFqcKWLwJSLZHTgA1KqlHXqHD5eGOjD0EpEFMzj4Dh06FNeuXQMAREVFITQ0FI6OjtixYwcmTJhg9AJNzb17mstly8pXBxFZoLQ0aVhDhw5ATIzU5ukpBeCvvgIcHeWtj4hIZgYH32vXrqFOnToAgB07dqBVq1bYsmUL1q9fj127dhm7PpOj6vH19gZsbeWthYgszMOH0uQ1lQ4dgAsXgE6d5KuJiKgYMTj4CiGgVCoBAAcPHkTHjh0BAH5+foiPjzdudSYmKwt48EC6zGEORFTkypcHVqwA7OyAZcuAffu4bzoRUQ4G70lZv359fPLJJwgODsaRI0ewYsUKAMCtW7fgbeHL48TGAtnZ0mUGXyIqdA8eAE5OgKurpq1nT6B5c8DPT766iIiKKYN7fJcsWYIzZ85g5MiRmDp1KipVqgQA2LlzJ5o2bWr0Ak0JJ7YRUZH54QdpAtvo0blvY+glItLJ4B7fWrVqaa3qoLJgwQJYW1sbpShTxeBLRIUuNRUYNw5YtUq6vmGDNIa3a1d56yIiMgEGB1+V06dP4/LlywCA6tWrox6XyGHwJaLCdfq0tAPbfyvrAAC6dAFatZKtJCIiU2Jw8H348CFCQ0Nx5MgRuLu7AwCePHmCNm3aYOvWrShdurSxazQZOYOvr698dRCRmcnOBj7/HJg2TZpFC0hLky1dCgwcCHA3TSKifDF4jO+oUaOQkpKCf/75B48fP8bjx49x8eJFJCUlYbSusWYWhD2+RGR00dFAu3bApEma0BsUBJw9K+3MxtBLRJRvBvf47t+/HwcPHkS1atXUbdWrV8fy5cvRvn17oxZnatjjS0RGde0a0KgR8OSJdF2hkALwrFlcKJyIqAAM7vFVKpWwsbHJ1W5jY6Ne39dSqYJvyZLcIImIjKBSJSn4AtJKDYcPA3PnMvQSERWQwcG3bdu2+OCDD3D//n1127179xAeHo527doZtThTolRqtivmMAciMgorK2kntiFDgPPnOYmNiOglGRx8v/zySyQlJcHf3x8VK1ZExYoVERAQgKSkJHzxxReFUaNJiI8HMjOlywy+RGSwrCxg9mzgt9+02318pKXLPDzkqYuIyIwYPMbXz88PZ86cwaFDh9TLmVWrVg3BwcFGL86UcGIbERVYVBTQpw8QGSlNEPj7b2nMFBERGZVBwXfbtm3Yu3cvMjIy0K5dO4waNaqw6jI5DL5EZDAhgE2bgJEjgeRkqS0mRhrLyw0piIiMLt/Bd8WKFRgxYgReeeUVODg4YPfu3bh58yYWLFhQmPWZDAZfIjJIQgIwbBiwfbumLTAQ2LwZaNxYvrqIiMxYvsf4fvnll5g5cyauXr2Kc+fOYcOGDfjqq68KszaTwuBLRPkWEQHUqqUdevv3B86dY+glIipE+Q6+UVFRCAsLU1/v1asXsrKy8ODBg0IpzNQw+BLRC2VkAJMnA23ban5puLtLAXjdOsDFRdbyiIjMXb6HOqSnp8PJyUl93crKCra2tnj27FmhFGZqGHyJ6IXu3gW++EIa2wsArVsDGzdKa/QSEVGhM2hy2/Tp0+GYY2eGjIwMzJkzB25ubuq2RYsWGa86E6IKvi4u7LQhIj0CA4GlS4Hhw4E5c4Bx46S1eomIqEjkO/i2bNkSV69e1Wpr2rQpoqKi1NcVFrpnvBCa4MveXiJSi4+XtnHMuZXje+9JG1FUqiRfXUREFirfwTciIqIQyzBtCQmAasQHgy8RAQAOHJAmrL3zDrB8uaZdoWDoJSKSCT9jMwKO7yUitbQ0IDwc6NBBWpP3q6+An3+WuyoiIkIBdm6j3Bh8iQgAcOEC0Lu39K9Khw5AUJB8NRERkRp7fI3g3j3NZQZfIgukVEqT1ho00IReOztg2TJg3z6gTBl56yMiIgDs8TUK9vgSWbAHD4ABA6QxvSo1awJbtgA1ashXFxER5cLgawQMvkQW6upVoHlzafUGlfBwYO5cwN5evrqIiEinAg11+OOPP9CnTx80adIE9/77nH/Tpk04evSoUYszFQy+RBaqUiWgenXpso+P1Ou7aBFDLxFRMWVw8N21axdCQkLg4OCAs2fPIj09HQCQmJiIuXPnGr1AU6AKvg4OgIeHvLUQURGytgY2bQL69gX+/hto317uioiIKA8GB99PPvkEK1euxJo1a2BjY6Nub9asGc6cOWPU4kxFzs0rLHQPDyLzl50NfPYZcPy4dnv58tK2w56e8tRFRET5ZvAY36tXr6Jly5a52t3c3PDkyRNj1GRSkpKkL4DDHIjMVnS01Kt75AgQEACcOwe4uspdFRERGcjgHt8yZcrgxo0budqPHj2KwMBAoxRlSnIuZebrK18dRFRItm8HatWSQi8A3L4N/PKLrCUREVHBGBx8Bw8ejA8++AAnTpyAQqHA/fv3sXnzZowfPx7Dhw8vjBqLNU5sIzJTSUnSlsOhoYDq0yw/P+DwYeDdd+WsjIiICsjgoQ6TJk2CUqlEu3bt8PTpU7Rs2RJ2dnYYP348Ro0aVRg1FmsMvkRmKDIS6NMHiIrStIWGAitWcAYrEZEJMzj4KhQKTJ06FR9++CFu3LiBlJQUVK9eHc7OzoVRX7HH4EtkRrKygDlzgI8/liazAYCLC7B8uRSEOXuViMikFXgDC1tbW1RXrV9pwRh8iczIzZvAvHma0Nu0KfDtt9KENiIiMnkGB982bdpAkUevx2+//fZSBZmanJPbGHyJTFyVKsD8+cDYscCMGcCUKUAJbnBJRGQuDP6NXqdOHa3rmZmZOHfuHC5evIiwsDBj1WUyVD2+NjZA6dLy1kJEBkpIABwdATs7TduoUUDbtkCNGvLVRUREhcLg4Lt48WKd7bNmzUJKSspLF2RqVMHX1xewKtAG0EQki4gIaW3eHj2ABQs07QoFQy8RkZkyWlTr06cP1q5da6zTmYRnz4BHj6TLHOZAZCIyMoDJk6Ve3bt3gc8/Bw4dkrsqIiIqAkYbvBYZGQl7e3tjnc4kcHwvkYm5ehXo1QvIub16mzbS2F4iIjJ7Bgffd955R+u6EAIPHjzAqVOnMH36dKMVZgq4ogORiRACWL0aCA+XPqoBpIH5c+YA48ZxnBIRkYUwOPi6ublpXbeyskKVKlXw0UcfoX379kYrzBQw+BKZgLg4YNAgYO9eTVuVKsCWLUC9evLVRURERc6g4JudnY0BAwagZs2a8ODuRVrB19dXvjqISI+rV4HWrYGYGE3b8OHSuF5HR9nKIiIieRj0+Z61tTXat2+PJ6p9641k+fLl8Pf3h729PRo1aoSTJ0/m635bt26FQqFAly5djFpPfrHHl6iYCwwE/Pyky56eUq/vV18x9BIRWSiDB7bVqFEDUTn3r39J27Ztw9ixYzFz5kycOXMGtWvXRkhICB4+fJjn/W7fvo3x48ejRYsWRqvFUAy+RMWcjQ2weTPwzjvAhQtAp05yV0RERDIyOPh+8sknGD9+PH766Sc8ePAASUlJWl+GWrRoEQYPHowBAwagevXqWLlyJRwdHfNcGi07Oxu9e/fG7NmzERgYaPBjGosq+FpZAWXKyFYGEQGAUgksWwacPavd/sorwK5d/CElIqL8B9+PPvoIqamp6NixI86fP4+33noL5cqVg4eHBzw8PODu7m7wuN+MjAycPn0awcHBmoKsrBAcHIzIyMg8a/Hy8sLAgQNf+Bjp6ekvHc71UQVfHx/uakokqwcPgI4dgQ8+kJYre/pU7oqIiKgYyndcmz17NoYNG4bDhw8b7cHj4+ORnZ0Nb29vrXZvb29cuXJF532OHj2Kb775BufOncvXY8ybNw+zZ89+2VJzycgAVKMxOMyBSEY//CCt2hAfL12/cgX43/+Arl3lrYuIiIqdfAdfIQQAoFWrVoVWzIskJyejb9++WLNmDTw9PfN1n8mTJ2Ps2LHq60lJSfBTTXZ5CQ8eSEuDAgy+RLJITZXW4F21StPm4wOsXw9Y2NKKRESUPwZ9QK9QKIz64J6enrC2tkZsbKxWe2xsLMroGI938+ZN3L59G51yTFBRKpUAgBIlSuDq1auoWLGi1n3s7OxgZ2dn1LoBTmwjktXp09KQhmvXNG1dugBr1kirNxAREelgUPCtXLnyC8Pv48eP830+W1tbBAUF4dChQ+olyZRKJQ4dOoSRI0fmOr5q1aq4cOGCVtu0adOQnJyMpUuXGqUnN78YfIlkkJ0NLFgATJ8OZGVJbY6OwJIl0nAHI/9xTkRE5sWg4Dt79uxcO7e9rLFjxyIsLAz169dHw4YNsWTJEqSmpmLAgAEAgH79+sHX1xfz5s2Dvb09atSooXV/d3d3AMjVXtgYfIlkcOWKdugNCpJ2YKtcWd66iIjIJBgUfHv06AEvLy+jFhAaGoq4uDjMmDEDMTExqFOnDvbv36+e8Hbnzh1YWRm86lqhY/AlksGrrwIffwxMmQJMmgTMmgXY2spdFRERmQiFUM1aewFra2s8ePDA6MG3qCUlJcHNzQ2JiYlwdXUt8Hm6dQN27pQu37oF+Psbpz4iyiE5GXBw0F4vMDtbWqu3fn356iIiokJlrLz2vHx3peYzH1uMnD2+ZcvKVweR2YqMBOrUAT75RLvd2pqhl4iICiTfwVepVJp8b68xqYKvlxc/aSUyqqwsYPZsoEULICpKGtpw/LjcVRERkRngfmMFkJUlreMLcHwvkVFFRQF9+ki9vSqNG0vr8xIREb2k4jdrzATExkrDDAEGXyKjEALYuFEa2qAKvdbWUs/vkSNAQICs5RERkXlgj28BcEUHIiNKSACGDwe2bdO0BQYCmzdLvb1ERERGwuBbAPfuaS4z+BK9hKtXgddeA6KjNW39+wPLlgEuLrKVRURE5olDHQqAPb5ERlKhAvDfJjTw8AC2bwfWrWPoJSKiQsHgWwAMvkRGYm8v7bzWsSPw99/SAtlERESFhMG3ABh8iQpACGD1auDSJe32GjWAn3/mDxMRERU6Bt8CyBl8fX3lq4PIZMTFAV26AEOHAr16AenpcldEREQWiMG3AFTBt2RJwNFR3lqIir0DB4BatYC9e6Xr588DP/0kb01ERGSRGHwNpFRqVnXgJ7NEeUhLA8aMATp0AGJipDZPTykAd+0qa2lERGSZuJyZgeLjgYwM6TKHORDpceGCNKTh4kVNW0gIsH49UKaMbGUREZFlY4+vgTixjSgPSiWwdCnQoIEm9NrZSW379jH0EhGRrNjjayAGX6I8XLgAjB0rBWAAqFlTWq6sRg156yIiIgJ7fA3G4EuUh9q1gSlTpMvh4cDJkwy9RERUbLDH10AMvkQ5PH0qbUJhleNv6BkzgPbtgRYt5KuLiIhIB/b4Gki1ogPA4EsW7vRpoG5dYOFC7XYbG4ZeIiIqlhh8DcQeX7J42dnAZ58BjRsD164BU6cCZ87IXRUREdELcaiDgVTB18UFcHWVtxaiIhcdDfTtCxw5ommrVQtwdpavJiIionxij68BhNAEX/b2ksXZvl0KuarQq1AAkycDx48DlSvLWxsREVE+sMfXAE+eSHN5AAZfsiBJScDo0cCGDZo2Pz9g0yagVSv56iIiIjIQg68BOL6XLM7Vq0DHjkBUlKYtNBRYuRJwd5etLCIiooLgUAcDMPiSxSlXDijx39/HLi7Axo3Ad98x9BIRkUli8DVAzuDr6ytfHURFxslJ2nmtdWvg/HlpYptCIXdVREREBcLgawD2+JJZE0Lq0b15U7s9KAj47TcgIECeuoiIiIyEwdcADL5kthISgB49gLAwoHdvIDNT+3b28hIRkRlg8DUAgy+ZpYgIaZmy7dul6ydOAD/9JGtJREREhYHB1wCq4GtvD5QsKW8tRC8tIwOYNAlo21bzze3hAezYAbz9try1ERERFQIuZ2aAe/ekf8uV4ye/ZOKuXgV69dLearhNG2mMLz/OICIiM8Ue33xKTgYSE6XLzAVksoQAVq0C6tbVhF4bG2D+fODgQX5zExGRWWOPbz6pensBZgMyYWfPAsOGaa5XqSItV1avnnw1ERERFRH2+OYTJ7aRWahXDxg7Vro8fLjU68vQS0REFoI9vvnE4EsmKT0dsLXVHpQ+dy7QoQPw2mvy1UVERCQD9vjmE4MvmZwLF4D69YEVK7Tb7ewYeomIyCIx+OYTgy+ZDKUSWLoUaNAAuHgRGDcOuHRJ7qqIiIhkx6EO+ZQz+Pr6ylcHUZ4ePAAGDAAOHNC0vfKKfPUQEREVI+zxzSdV8C1RAvDykrcWIp1++EHagS1n6A0PB06eBKpXl68uIiKiYoI9vvmkCr6+voAV/1yg4iQ1VRrOsGqVps3HB1i/HmjfXrayiIiIihsG33x49gx49Ei6zPG9VKxcuwZ06iT9q9KlC7BmDeDpKVtZRERExRH7LvOBm1dQseXtDWRkSJcdHaXAu3s3Qy8REZEODL75wOBLxZabG/Dtt0CjRtKubIMGaa/ZS0RERGoMvvnApcyo2NixA4iO1m5r1gyIjAQqV5anJiIiIhPB4JsPDL4ku6QkoH9/oHt3oF8/IDtb+3b28hIREb0Qg28+MPiSrCIjgbp1gQ0bpOsREcBPP8laEhERkSli8M0HBl+SRVYWMHs20KIFEBUltbm4ABs3Am+9JW9tREREJojLmeWDKvhaWQFlyshbC1mIqCigTx+pt1elaVNpIltAgHx1ERERmTD2+OaDKvj6+Eg7txEVGiGkHt06dTSh19pa6vk9coShl4iI6CUwxr1ARgYQGytd9vWVtxayAKdOAWFhmuuBgcDmzUDjxvLVREREZCbY4/sCDx5InXAAx/dSEWjQABg6VLrcvz9w7hxDLxERkZGwx/cFOLGNClVmpjR+JudyZAsXAh07cgIbERGRkbHH9wUYfKnQXL0q9eaqlilTcXJi6CUiIioEDL4vwOBLRicEsGqVtDbvmTPAqFHAjRtyV0VERGT2ONThBe7d01xm8KWXFhcHDBoE7N2rafP1BZ49k68mIiIiC8Ee3xdgjy8ZzYEDQK1a2qF32DCp17dmTfnqIiIishAMvi+QM/iWLStfHWTC0tKA8HCgQwcgJkZq8/SUAvCKFYCjo7z1ERERWQgOdXgBVfD18gLs7OSthUzQjRvAO+8AFy5o2jp0ANat4zaARERERYw9vnnIzgbu35cuc5gDFYiHB/DokXTZzg5YtgzYt4+hl4iISAYMvnmIjZXCL8DgSwVUqhSwfj1Qu7a0K9uoUdpr9hIREVGRYfDNAye2kcF+/FEzjlfltdeA06eBGjXkqYmIiIgAMPjmKWfw9fWVrw4yAamp0goNb70FvPeeZp9rFWtreeoiIiIiNQbfPLDHl/Ll9GmgXj1pUwoA+N//gJ9+krcmIiIiyoXBNw8MvpSn7Gzgs8+kbYevXZPaHB2BNWuAN9+UtzYiIiLKhcuZ5YHBl/SKjgb69gWOHNG0BQUBW7YAlSvLVxcRERHpxR7fPHCML+m0bZu0A5sq9CoUwOTJwPHjDL1ERETFGHt883DvnvSvhwfg5CRvLVRM/Pkn0KOH5rqfH7BpE9CqlXw1ERERUb6wx1cPITQ9vhzmQGqNG0tDHAAgNBQ4f56hl4iIyESwx1eP+HggI0O6zOBrwZRKwOq5vw+//BJ44w2ge3duRkFERGRC2OOrBye2EaKigObNge3btdtdXaXeXoZeIiIik8LgqweDrwUTAti4EahTB4iMBIYOlVZxICIiIpPG4KsHg6+FSkiQJq+FhQHJyVJbyZLAo0fy1kVEREQvjcFXDwZfCxQRIS1TlnNoQ//+wLlzUu8vERERmTQGXz24hq8FycgAJk0C2rbVvPHu7lIAXrcOcHGRtTwiIiIyDq7qoAd7fC1EVBTQrRtw5oymrXVraYyvn59sZREREZHxscdXD1XwdXaWJvGTmXJwAO7ckS7b2ADz5wOHDjH0EhERmSEGXx2e37yCq1aZMR8f4JtvgKpVpV3ZPvww97q9REREZBb4P7wOT54AT59KlznMwcwcPJh7hYa33gL+/huoV0+emoiIiKhIFIvgu3z5cvj7+8Pe3h6NGjXCyZMn9R67Zs0atGjRAh4eHvDw8EBwcHCexxfEvXuaywy+ZiItDQgPB157TVqXVwjt221s5KmLiIiIiozswXfbtm0YO3YsZs6ciTNnzqB27doICQnBw4cPdR4fERGBnj174vDhw4iMjISfnx/at2+PeznT6kvixDYzc+EC0LAhsGSJdH3XLmD/fllLIiIioqIne/BdtGgRBg8ejAEDBqB69epYuXIlHB0dsXbtWp3Hb968Ge+//z7q1KmDqlWr4uuvv4ZSqcShQ4eMVhODr5lQKoGlS4EGDaTwCwB2dsCyZUCHDvLWRkREREVO1uXMMjIycPr0aUyePFndZmVlheDgYERGRubrHE+fPkVmZiZKliyp8/b09HSkp6erryclJb3wnAy+ZuDBA2DAAODAAU1bzZrAli1AjRry1UVERESykbXHNz4+HtnZ2fD29tZq9/b2RkxMTL7OMXHiRJQtWxbBwcE6b583bx7c3NzUX375WKaKwdfE7d0r7cCWM/SGhwMnTzL0EhERWTDZhzq8jE8//RRbt27Fnj17YG9vr/OYyZMnIzExUf0VHR39wvMy+JqwY8eAzp2B+HjpepkyUgBetAjQ8z1CRERElkHW4Ovp6Qlra2vExsZqtcfGxqJMmTJ53vfzzz/Hp59+il9++QW1atXSe5ydnR1cXV21vl5EFXzt7QE9IyiouGraFHj7bely587S2N727eWtiYiIiIoFWYOvra0tgoKCtCamqSaqNWnSRO/95s+fj48//hj79+9H/fr1jV6XKvj6+nLzimLv+WXJFApgzRpg3Tpgzx7A01OeuoiIiKjYkX2ow9ixY7FmzRps2LABly9fxvDhw5GamooBAwYAAPr166c1+e2zzz7D9OnTsXbtWvj7+yMmJgYxMTFISUkxSj3JyUBionSZwxyKuehooG1b4KeftNtLlQL69+dfLURERKRF1lUdACA0NBRxcXGYMWMGYmJiUKdOHezfv1894e3OnTuwyrGF7IoVK5CRkYF3331X6zwzZ87ErFmzXroebl5hIrZvlzaiePIE+Ocfaee1FwyPISIiIssme/AFgJEjR2LkyJE6b4uIiNC6fvv27UKthRPbirmkJGD0aGDDBk2bvT1w/z6DLxEREeVJ9qEOxQ2DbzEWGQnUqaMdekNDgfPngXr1ZCuLiIiITAOD73M41KEYysoCZs0CWrQAbt2S2lxcgI0bge++Azw8ZC2PiIiITEOxGOpQnLDHt5i5fRvo1Uvq7VVp2hT49lsgIEC2soiIiMj0sMf3OQy+xYyVFXDpknTZ2hqYPRs4coShl4iIiAzG4PscVfAtUQLw8pK3FgJQvjywciUQGAgcPQrMmCG9OUREREQGYvB9Ts7NK6z46hS9P/6QVm7IqUcPacmyxo3lqYmIiIjMAqNdDmlpQHy8dJnDHIpYRgYwaRLQqhUwalTu2+3ti74mIiIiMisMvjlwRQeZXL0KNGkCfPaZtAXxxo3AL7/IXRURERGZGQbfHHJObPP1la8OiyEEsGoVULcucOaM1GZjA8yfDwQHy1sbERERmR3OEsqBKzoUobg4YNAgYO9eTVuVKsCWLdyMgoiIiAoFe3xzYPAtIgcOALVqaYfe4cOlXl+GXiIiIiok7PHNgcG3CPzxB9Chg+a6pyewdi3QqZN8NREREZFFYI9vDgy+RaB5c03w7dABuHCBoZeIiIiKBHt8c1Ct6mBlBZQpI28tZkuhANatA/bsAYYNk64TERERFQH2+Oag6vEtU0ZaXIBeUkwM8MYbwKFD2u1lykhjehl6iYiIqAixx/c/mZlSTgM4zMEo9u4FBg6UdgQ5f176KlVK7qqIiIjIgrHH9z8PHkjLygIMvi8lNVUawtC5s2YbPKUSuH1b1rKIiIiIGHz/w4ltRnD6NBAUJG1KodKlC/D331I7ERERkYwYfP/D4PsSsrOl7YYbN5a2HwYAR0dgzRpg925pyTIiIiIimXGM738YfAvo7l2gb18gIkLTFhQk7cBWubJsZRERERE9jz2+/8kZfH195avD5Dx7Bvz1l3RZoQAmTwaOH2foJSIiomKHwfc/7PEtoFdeAZYtA/z8gMOHgblzAVtbuasiIiIiyoXB9z85g2/ZsvLVUeydPAk8fardNmAAcOkS0KqVPDURERER5QOD739Uwbd0acDeXt5aiqWsLGD2bKBpU2D8eO3bFArA2VmeuoiIiIjyicEX0qIE9+9LlznMQYeoKKBlS2DWLOnFWrFCGtZAREREZEIYfAE8fCjlOYDBV4sQwMaNQJ06QGSk1GZtLfX8tmgha2lEREREhuJyZuDENp0SEoDhw4Ft2zRtgYHA5s3Ser1EREREJobBFwy+uRw5Iq3NGx2taevfX1q9wcVFtrKIiIpKdnY2MjMz5S6DyKzZ2trCyqpoBx8w+ILBV8uRI0CbNtIwBwDw8JC2IO7WTd66iIiKgBACMTExePLkidylEJk9KysrBAQEwLYIl0Fl8AWDr5bmzaWJbKoAvHEjXxQishiq0Ovl5QVHR0coFAq5SyIyS0qlEvfv38eDBw9Qvnz5IvtZY/AFg68Wa2tg0yZgxw5gzBigiD+CICKSS3Z2tjr0lipVSu5yiMxe6dKlcf/+fWRlZcHGxqZIHpOpBha8XXFcHNC1K3DsmHa7nx8wdixDLxFZFNWYXkdHR5krIbIMqiEO2aqltYoAe3yhCb7u7oCTk6ylFJ0DB6QJazExwJkzwPnzgKur3FUREcmOwxuIioYcP2sW36UnhCb4WsQwh7Q0aQhDhw5S6AWAlBTg2jVZyyIiIiIqbBYffOPjgYwM6bLZB98LF4AGDYClSzVtHTpI7fXry1cXERGRTK5evYoyZcogOTlZ7lLMTuPGjbFr1y65y9Bi8cHXIia2KZVS2G3QALh4UWqzs5PW5d23DyhTRt76iIjopfTv3x8KhQIKhQI2NjYICAjAhAkTkJaWluvYn376Ca1atYKLiwscHR3RoEEDrF+/Xud5d+3ahdatW8PNzQ3Ozs6oVasWPvroIzx+/LiQn1HRmTx5MkaNGgUXM16nfvny5fD394e9vT0aNWqEkydPvvA+S5YsQZUqVeDg4AA/Pz+Eh4drfT9lZ2dj+vTpCAgIgIODAypWrIiPP/4YQrUcKoBp06Zh0qRJUCqVhfK8CkRYmMTERAFAJCYmCiGE2LtXCGnAgxCzZslcXGG4f1+IkBDNkwSEqFlTiAsX5K6MiKhYefbsmbh06ZJ49uyZ3KUYLCwsTHTo0EE8ePBA3LlzR+zZs0e4urqKCRMmaB23bNkyYWVlJSZPniz++ecfcf36dfH5558LOzs7MW7cOK1jp0yZIqytrcX48ePFsWPHxK1bt8Qvv/wi3nnnHbFkyZIie27p6emFdu5///1X2NjYiLt3777UeQqzxpe1detWYWtrK9auXSv++ecfMXjwYOHu7i5iY2P13mfz5s3Czs5ObN68Wdy6dUscOHBA+Pj4iPDwcPUxc+bMEaVKlRI//fSTuHXrltixY4dwdnYWS5cuVR+TlZUlvL29xU8//aTzcfL6mXs+rxmLxQffFSs0efDrr2UurjBcvCiEnZ3mSYaHC2GCv9SJiAqbqQffzp07a7W98847om7duurrd+7cETY2NmLs2LG57r9s2TIBQPz5559CCCFOnDghAOgNuAkJCXpriY6OFj169BAeHh7C0dFRBAUFqc+rq84PPvhAtGrVSn29VatWYsSIEeKDDz4QpUqVEq1btxY9e/YU3bt317pfRkaGKFWqlNiwYYMQQojs7Gwxd+5c4e/vL+zt7UWtWrXEjh079NYphBALFiwQ9evX12qLj48XPXr0EGXLlhUODg6iRo0aYsuWLVrH6KpRCCEuXLggOnToIJycnISXl5fo06ePiIuLU9/vf//7n2jWrJlwc3MTJUuWFG+88Ya4ceNGnjW+rIYNG4oRI0aor2dnZ4uyZcuKefPm6b3PiBEjRNu2bbXaxo4dK5o1a6a+/sYbb4j33ntP65h33nlH9O7dW6ttwIABok+fPjofR47gy6EO5j7U4dVXgQULpOEMBw4AixYB9vZyV0VEZDLq15f+fyjKr5eddnHx4kUcP35ca0esnTt3IjMzE+PHj891/NChQ+Hs7IzvvvsOALB582Y4Ozvj/fff13l+d3d3ne0pKSlo1aoV7t27h7179+L8+fOYMGGCwR91b9iwAba2tjh27BhWrlyJ3r1748cff0RKSor6mAMHDuDp06d4++23AQDz5s3Dxo0bsXLlSvzzzz8IDw9Hnz59cOTIEb2P88cff6D+cy92WloagoKC8PPPP+PixYsYMmQI+vbtm2t4wPM1PnnyBG3btkXdunVx6tQp7N+/H7Gxsejevbv6PqmpqRg7dixOnTqFQ4cOwcrKCm+//Xaer8/cuXPh7Oyc59edO3d03jcjIwOnT59GcHCwus3KygrBwcGIjIzU+5hNmzbF6dOn1c85KioK+/btQ8eOHbWOOXToEK79Nzn+/PnzOHr0KF5//XWtczVs2BB//PGH3scqaha/nJnZBd/z54GqVaUxvCojRwJ9+kjbDxMRkUFiYoB79+Su4sV++uknODs7IysrC+np6bCyssKXX36pvv3atWtwc3ODj49Prvva2toiMDBQHWKuX7+OwMBAgzcV2LJlC+Li4vDXX3+hZMmSAIBKlSoZ/FxeeeUVzJ8/X329YsWKcHJywp49e9C3b1/1Y7311ltwcXFBeno65s6di4MHD6JJkyYAgMDAQBw9ehSrVq1Cq1atdD7Ov//+myv4+vr6av1xMGrUKBw4cADbt29Hw4YN9db4ySefoG7dupg7d666be3atfDz88O1a9dQuXJldO3aVeux1q5di9KlS+PSpUuoUaOGzhqHDRumFZ51KVu2rM72+Ph4ZGdnw9vbW6vd29sbV65c0Xu+Xr16IT4+Hs2bN4cQAllZWRg2bBimTJmiPmbSpElISkpC1apVYW1tjezsbMyZMwe9e/fOVVt0dDSUSiWsisH+AAy+5hJ8s7OBzz8Hpk0DPvhAuqyiUDD0EhEVkBzzfwvymG3atMGKFSuQmpqKxYsXo0SJErmCVn6JHBOUDHHu3DnUrVtXHXoLKigoSOt6iRIl0L17d2zevBl9+/ZFamoqfvjhB2zduhUAcOPGDTx9+hSvvfaa1v0yMjJQt25dvY/z7Nkz2D/3KWh2djbmzp2L7du34969e8jIyEB6enqujU2er/H8+fM4fPgwnJ2dcz3OzZs3UblyZVy/fh0zZszAiRMnEB8fr+7pvXPnjt7gW7JkyZd+PQ0VERGBuXPn4quvvkKjRo1w48YNfPDBB/j4448xffp0AMD27duxefNmbNmyBa+++irOnTuHMWPGoGzZsggLC1Ofy8HBAUqlEunp6XBwcCjS56ELg+9/wdfZ2YT3b4iOBvr2BVQf5yxcCHTpAjRvLmtZRETm4NQpuSvIHycnJ3Xv6tq1a1G7dm188803GDhwIACgcuXKSExMxP3793P1EGZkZODmzZto06aN+tijR48iMzPToF7fFwUbKyurXKFatWPe88/leb1790arVq3w8OFD/Prrr3BwcECHDh0AQD0E4ueff4bvc1uw2uX8BPQ5np6eSEhI0GpbsGABli5diiVLlqBmzZpwcnLCmDFjkKFa+1RPjSkpKejUqRM+++yzXI+j6mXv1KkTKlSogDVr1qBs2bJQKpWoUaNGrnPnNHfuXK1eZF0uXbqE8uXL63x+1tbWiI2N1WqPjY1FmTz+upo+fTr69u2LQYMGAQBq1qyJ1NRUDBkyBFOnToWVlRU+/PBDTJo0CT169FAf8++//2LevHlawffx48dwcnIqFqEXsPDlzJ7fvMIkN+vZvh2oVUsTehUKYPJkIMfHMUREZFmsrKwwZcoUTJs2Dc+ePQMAdO3aFTY2Nli4cGGu41euXInU1FT07NkTgPRRd0pKCr766iud53/y5InO9lq1auHcuXN6lzsrXbo0Hjx4oNV27ty5fD2npk2bws/PD9u2bcPmzZvRrVs3dSivXr067OzscOfOHVSqVEnry8/PT+8569ati0uXLmm1HTt2DJ07d0afPn1Qu3ZtrSEgealXrx7++ecf+Pv756rByckJjx49wtWrVzFt2jS0a9cO1apVyxW6dRk2bBjOnTuX55e+oQ62trYICgrCoUOH1G1KpRKHDh1SDwnR5enTp7mGJVhbWwPQfBqg75jnxytfvHgxz173ImfUqXImIOcswYQEzWIHwcFyV2agxEQhwsK0lynz8xMiIkLuyoiITJK5reqQmZkpfH19xYIFC9RtixcvFlZWVmLKlCni8uXL4saNG2LhwoU6lzObMGGCsLa2Fh9++KE4fvy4uH37tjh48KB499139a72kJ6eLipXrixatGghjh49Km7evCl27twpjh8/LoQQYv/+/UKhUIgNGzaIa9euiRkzZghXV9dcqzp88MEHOs8/depUUb16dVGiRAnxxx9/5LqtVKlSYv369eLGjRvi9OnTYtmyZWL9+vV6X7e9e/cKLy8vkZWVpW4LDw8Xfn5+4tixY+LSpUti0KBBwtXVVev11VXjvXv3ROnSpcW7774rTp48KW7cuCH2798v+vfvL7KyskR2drYoVaqU6NOnj7h+/bo4dOiQaNCggQAg9uzZo7fGl7V161ZhZ2cn1q9fLy5duiSGDBki3N3dRUxMjPqYvn37ikmTJqmvz5w5U7i4uIjvvvtOREVFiV9++UVUrFhRa2WNsLAw4evrq17ObPfu3cLT0zPXEnqtWrUSH330kc7auJxZEcj5Ql64oMmMYWFyV2aA48eFCAzUDr2hoUI8fix3ZUREJsvcgq8QQsybN0+ULl1apKSkqNt++OEH0aJFC+Hk5CTs7e1FUFCQWLt2rc7zbtu2TbRs2VK4uLgIJycnUatWLfHRRx/luZzZ7du3RdeuXYWrq6twdHQU9evXFydOnFDfPmPGDOHt7S3c3NxEeHi4GDlyZL6D76VLlwQAUaFCBaFUKrVuUyqVYsmSJaJKlSrCxsZGlC5dWoSEhIgjR47orTUzM1OULVtW7N+/X9326NEj0blzZ+Hs7Cy8vLzEtGnTRL9+/V4YfIUQ4tq1a+Ltt98W7u7uwsHBQVStWlWMGTNGXeuvv/4qqlWrJuzs7EStWrVEREREoQdfIYT44osvRPny5YWtra1o2LChenm5nM8nLEcQyszMFLNmzRIVK1YU9vb2ws/PT7z//vta73tSUpL44IMPRPny5YW9vb0IDAwUU6dO1VrT+O7du8LGxkZER0frrEuO4KsQooAj2E1UUlIS3NzckJiYiOPHXaFadWPqVOCTT+StLV8iIoDgYGkyGwC4uADLl0urNpjkWA0iouIhLS0Nt27dQkBAQK4JT2S+li9fjr179+LAgQNyl2J2Jk6ciISEBKxevVrn7Xn9zOXMa65GnIRl0ZPbTHJFh2bNgKAg4ORJoGlT4NtvgYAAuasiIiIySUOHDsWTJ0+QnJxs1tsWy8HLywtjx46VuwwtDL7/MZnga2MDbN4MbNsGTJwIlLDot5CIiOillChRAlOnTpW7DLM0btw4uUvIxaJXdSj2wTchAejdGzh9Wru9UiVpbAZDLxEREVG+WXRyyrkTT7ELvhER0tq8d+9KwffMGeC5xbOJiIiIKP/Y4wtpd99SpeStRS0jA5g0CWjbVlPgw4fAP//IWxcRERGRibPoHt9it3nF1atAr15S765KmzbAxo3FsEuaiIiIyLRYbI9vSgqg2nhG9kwpBLBqFVC3rib02tgA8+cDBw8WgwKJiIiITJ/F9vjm3DFR1lwZFwcMGgTs3atpq1IF2LIFqFdPvrqIiIiIzIzF9vgWm4lt0dHAvn2a68OHS72+DL1ERERERmWxwff+fc1lWYNvvXrSlnGenlKv71dfcfUGIiIyKQqFAt9//73cZRRbs2bNQp06deQug2DBwTdnj6+vbxE+8JUrQGamdtv48dKqDZ06FWEhRERkLvr37w+FQgGFQgEbGxsEBARgwoQJSEtLk7u0QhcTE4MPPvgAlSpVgr29Pby9vdGsWTOsWLECT58+lbs8AMD48eNx6NAhucsgWPAY3yLv8VUqgS++kHZbmzgRmD1bc5u1NeDlVQRFEBGRuerQoQPWrVuHzMxMnD59GmFhYVAoFPjss8/kLq3QREVFoVmzZnB3d8fcuXNRs2ZN2NnZ4cKFC1i9ejV8fX3x1ltvyV0mnJ2d4ezsLHcZBPb4AiiC4PvgAdCxIzBmDJCeLg1tOHmykB+UiIgsiZ2dHcqUKQM/Pz906dIFwcHB+PXXX9W3P3r0CD179oSvry8cHR1Rs2ZNfPfdd1rnaN26NUaPHo0JEyagZMmSKFOmDGbNmqV1zPXr19GyZUvY29ujevXqWo+hcuHCBbRt2xYODg4oVaoUhgwZgpSUFPXt/fv3R5cuXTB37lx4e3vD3d0dH330EbKysvDhhx+iZMmSKFeuHNatW5fnc37//fdRokQJnDp1Ct27d0e1atUQGBiIzp074+eff0an/z5JvX37NhQKBc6dO6e+75MnT6BQKBAREaFuu3jxIl5//XU4OzvD29sbffv2RXx8vPr2nTt3ombNmurnFRwcjNTUVABAREQEGjZsCCcnJ7i7u6NZs2b4999/AeQe6qB6/p9//jl8fHxQqlQpjBgxApk5PhF+8OAB3njjDTg4OCAgIABbtmyBv78/lixZkudrQnmz2OCr6vEtUaKQO1t/+AGoVQs4cEDTNnq01EZERKZh0SKpl+RFX7p6F996K3/3XbTIaOVevHgRx48fh62trbotLS0NQUFB+Pnnn3Hx4kUMGTIEffv2xcnnOmI2bNgAJycnnDhxAvPnz8dHH32kDrdKpRLvvPMObG1tceLECaxcuRITJ07Uun9qaipCQkLg4eGBv/76Czt27MDBgwcxcuRIreN+++033L9/H7///jsWLVqEmTNn4s0334SHhwdOnDiBYcOGYejQobirWnT/OY8ePcIvv/yCESNGwMnJSecxCgMW6X/y5Anatm2LunXr4tSpU9i/fz9iY2PRvXt3AFIQ7dmzJ9577z1cvnwZEREReOeddyCEQFZWFrp06YJWrVrh77//RmRkJIYMGZLn4x8+fBg3b97E4cOHsWHDBqxfvx7r169X396vXz/cv38fERER2LVrF1avXo2HDx/m+/mQHsLCJCYmCgCiZMlEAQhRvnwhPVBKihBDhwohrdIrfZUpI8SBA4X0gERE9DKePXsmLl26JJ49e5b7xpkztX+f6/tq3Dj3fRs3zt99Z84scO1hYWHC2tpaODk5CTs7OwFAWFlZiZ07d+Z5vzfeeEOMGzdOfb1Vq1aiefPmWsc0aNBATJw4UQghxIEDB0SJEiXEvXv31Lf/73//EwDEnj17hBBCrF69Wnh4eIiUlBT1MT///LOwsrISMTEx6norVKggsrOz1cdUqVJFtGjRQn09KytLODk5ie+++05n7X/++acAIHbv3q3VXqpUKeHk5CScnJzEhAkThBBC3Lp1SwAQZ8+eVR+XkJAgAIjDhw8LIYT4+OOPRfv27bXOFR0dLQCIq1evitOnTwsA4vbt27lqefTokQAgIiIidNY6c+ZMUbt2bfV11fPPyspSt3Xr1k2EhoYKIYS4fPmyACD++usv9e3Xr18XAMTixYt1PoYpyutnTpXXEhMTjfqYFjvG9/Fj6d9CGeZw+rS0A9u1a5q2zp2Br7+WVm8gIiLT4uqav5nQpUvrbsvPfV1dDa8rhzZt2mDFihVITU3F4sWLUaJECXTt2lV9e3Z2NubOnYvt27fj3r17yMjIQHp6OhyfW0mo1nOfSPr4+Kh7Gi9fvgw/Pz+ULVtWfXuTJk20jr98+TJq166t1QvbrFkzKJVKXL16Fd7e3gCAV199FVZWmg+evb29UaNGDfV1a2trlCpVyuBezpMnT0KpVKJ3795IT0/P9/3Onz+Pw4cP6xyLe/PmTbRv3x7t2rVDzZo1ERISgvbt2+Pdd9+Fh4cHSpYsif79+yMkJASvvfYagoOD0b17d/j4+Oh9vFdffRXW1tbq6z4+Prhw4QIA4OrVqyhRogTq5VjatFKlSvDw8Mj38yHdLDb4qhg9+P72GxASAmRlSdcdHYElS6RNKorFvshERGSwsWOlr4LIuUFRIXJyckKlSpUAAGvXrkXt2rXxzTffYODAgQCABQsWYOnSpViyZAlq1qwJJycnjBkzBhkZGVrnsbGx0bquUCigVCqNXq+uxzHksStVqgSFQoGrV69qtQcGBgIAHBwc1G2qgC2EULdlPrfCUkpKCjp16qRzMqCPjw+sra3x66+/4vjx4/jll1/wxRdfYOrUqThx4gQCAgKwbt06jB49Gvv378e2bdswbdo0/Prrr2jcuHG+n39hvM6kzWLH+KoYPfg2awZUry5dDgoCzp4FBg9m6CUioiJjZWWFKVOmYNq0aXj27BkA4NixY+jcuTP69OmD2rVrIzAwENdyfjKZD9WqVUN0dDQe5Nj+9M8//8x1zPnz59WTvlSPbWVlhSpVqrzEs9JWqlQpvPbaa/jyyy+1HkuX0v/1xOesO+dENwCoV68e/vnnH/j7+6NSpUpaX6rea4VCgWbNmmH27Nk4e/YsbG1tsWfPHvU56tati8mTJ+P48eOoUaMGtmzZUqDnVqVKFWRlZeHs2bPqths3biAhIaFA5yMNBl9jB187O2m74alTgePHgcqVjfwAREREL9atWzdYW1tj+fLlAIBXXnlF3WN5+fJlDB06FLGxsQadMzg4GJUrV0ZYWBjOnz+PP/74A1OnTtU6pnfv3rC3t0dYWBguXryIw4cPY9SoUejbt696mIOxfPXVV8jKykL9+vWxbds2XL58GVevXsW3336LK1euqIcSODg4oHHjxvj0009x+fJlHDlyBNOmTdM614gRI/D48WP07NkTf/31F27evIkDBw5gwIAByM7OxokTJzB37lycOnUKd+7cwe7duxEXF4dq1arh1q1bmDx5MiIjI/Hvv//il19+wfXr11GtWrUCPa+qVasiODgYQ4YMwcmTJ3H27FkMGTIEDg4OBk3Yo9wYfF8m+CYlSb25//yj3f7qq9KSZTlm0xIRERWlEiVKYOTIkZg/fz5SU1Mxbdo01KtXDyEhIWjdujXKlCmDLl26GHROKysr7NmzB8+ePUPDhg0xaNAgzJkzR+sYR0dHHDhwAI8fP0aDBg3w7rvvol27dvjyyy+N+OwkFStWxNmzZxEcHIzJkyejdu3aqF+/Pr744guMHz8eH3/8sfrYtWvXIisrC0FBQRgzZgw++eQTrXOVLVsWx44dQ3Z2Ntq3b4+aNWtizJgxcHd3h5WVFVxdXfH777+jY8eOqFy5MqZNm4aFCxfi9ddfh6OjI65cuYKuXbuicuXKGDJkCEaMGIGhQ4cW+Llt3LgR3t7eaNmyJd5++20MHjwYLi4usLe3L/A5CVCInANeLEBSUhLc3NwAJAJwxfHjwHPj8vMnMhLo0weIipKWJjt5UurtJSIik5SWloZbt24hICCA4YKKnbt378LPzw8HDx5Eu3bt5C7HKPL6mVPltcTERLi+5MTPnDi5zdAe36wsYM4c4OOPgexsqe3WLeDvv4EGDYxeHxEREVme3377DSkpKahZsyYePHiACRMmwN/fHy1btpS7NJNm0cFXoQDKlDHgDlFRUi9vZKSmrWlT4NtvgYAAo9dHRERElikzMxNTpkxBVFQUXFxc0LRpU2zevDnXahBkGIsOvmXKAPn6/hEC2LQJGDkSSE6W2qytgRkzgClTpO3fiIiIiIwkJCQEISEhcpdhdiw6seVrmENCAjB8OLBtm6YtMBDYvBnQszYfERERERU/Fr2qQ76C7+XLwI4dmuv9+wPnzjH0EhGZKQub800kGzl+1hh8X6RpU2lNXnd3YPt2YN06wMWlsEsjIqIipho7+fTpU5krIbIMql0Dc27dXNg41OF5t24B5ctLY3hVpk8Hhg7N317rRERkkqytreHu7o6HDx8CkNaj5WYBRIVDqVQiLi4Ojo6OKFGEc6UYfFWEAFavBsLDgZkzgYkTNbfZ2DD0EhFZgDL/LfWjCr9EVHisrKxQvnz5Iv0Dk8EXAOLigEGDgL17pevTpgHt2wN168pWGxERFT2FQgEfHx94eXkhMzNT7nKIzJqtrS2srIp21C2D74ED0oS1mBjNDYMGAVWqyFUWERHJzNraukjHHRJR0SgWk9uWL18Of39/2Nvbo1GjRjh58mSex+/YsQNVq1aFvb09atasiX379hn8mLZIQ/lFY4AOHTSh19NT6vVdsQJwdCzAMyEiIiKi4kr24Ltt2zaMHTsWM2fOxJkzZ1C7dm2EhIToHV91/Phx9OzZEwMHDsTZs2fRpUsXdOnSBRcvXjTocf+wao0Sy5dqGjp0AC5cADp1epmnQ0RERETFlELIvGBho0aN0KBBA3z55ZcApFl+fn5+GDVqFCZNmpTr+NDQUKSmpuKnn35StzVu3Bh16tTBypUrX/h4SUlJcHNzQyIAVwCwswMWLJB2ZePsXSIiIiLZqfNaYiJcXV2Ndl5Zx/hmZGTg9OnTmDx5srrNysoKwcHBiIyM1HmfyMhIjB07VqstJCQE33//vc7j09PTkZ6err6emJgIAEgCgOrVgW++kf5VbUVMRERERLJKSkoCYPxNLmQNvvHx8cjOzoa3t7dWu7e3N65cuaLzPjExMTqPj8k5OS2HefPmYfbs2bna/QDg0iWgSZMC1U5EREREhevRo0dwc3Mz2vnMflWHyZMna/UQP3nyBBUqVMCdO3eM+kJS8ZSUlAQ/Pz9ER0cb9aMSKp74flsWvt+Whe+3ZUlMTET58uVRsmRJo55X1uDr6ekJa2trxMbGarXHxsaqFxF/XpkyZQw63s7ODnZ2drna3dzc+INjQVxdXfl+WxC+35aF77dl4fttWYy9zq+sqzrY2toiKCgIhw4dUrcplUocOnQITfQMQWjSpInW8QDw66+/6j2eiIiIiAgoBkMdxo4di7CwMNSvXx8NGzbEkiVLkJqaigEDBgAA+vXrB19fX8ybNw8A8MEHH6BVq1ZYuHAh3njjDWzduhWnTp3C6tWr5XwaRERERFTMyR58Q0NDERcXhxkzZiAmJgZ16tTB/v371RPY7ty5o9XN3bRpU2zZsgXTpk3DlClT8Morr+D7779HjRo18vV4dnZ2mDlzps7hD2R++H5bFr7floXvt2Xh+21ZCuv9ln0dXyIiIiKioiD7zm1EREREREWBwZeIiIiILAKDLxERERFZBAZfIiIiIrIIZhl8ly9fDn9/f9jb26NRo0Y4efJknsfv2LEDVatWhb29PWrWrIl9+/YVUaVkDIa832vWrEGLFi3g4eEBDw8PBAcHv/D7g4oXQ3++VbZu3QqFQoEuXboUboFkVIa+30+ePMGIESPg4+MDOzs7VK5cmb/TTYih7/eSJUtQpUoVODg4wM/PD+Hh4UhLSyuiaull/P777+jUqRPKli0LhUKB77///oX3iYiIQL169WBnZ4dKlSph/fr1hj+wMDNbt24Vtra2Yu3ateKff/4RgwcPFu7u7iI2Nlbn8ceOHRPW1tZi/vz54tKlS2LatGnCxsZGXLhwoYgrp4Iw9P3u1auXWL58uTh79qy4fPmy6N+/v3BzcxN3794t4sqpIAx9v1Vu3bolfH19RYsWLUTnzp2Lplh6aYa+3+np6aJ+/fqiY8eO4ujRo+LWrVsiIiJCnDt3rogrp4Iw9P3evHmzsLOzE5s3bxa3bt0SBw4cED4+PiI8PLyIK6eC2Ldvn5g6darYvXu3ACD27NmT5/FRUVHC0dFRjB07Vly6dEl88cUXwtraWuzfv9+gxzW74NuwYUMxYsQI9fXs7GxRtmxZMW/ePJ3Hd+/eXbzxxhtabY0aNRJDhw4t1DrJOAx9v5+XlZUlXFxcxIYNGwqrRDKigrzfWVlZomnTpuLrr78WYWFhDL4mxND3e8WKFSIwMFBkZGQUVYlkRIa+3yNGjBBt27bVahs7dqxo1qxZodZJxpef4DthwgTx6quvarWFhoaKkJAQgx7LrIY6ZGRk4PTp0wgODla3WVlZITg4GJGRkTrvExkZqXU8AISEhOg9noqPgrzfz3v69CkyMzNRsmTJwiqTjKSg7/dHH30ELy8vDBw4sCjKJCMpyPu9d+9eNGnSBCNGjIC3tzdq1KiBuXPnIjs7u6jKpgIqyPvdtGlTnD59Wj0cIioqCvv27UPHjh2LpGYqWsbKa7Lv3GZM8fHxyM7OVu/6puLt7Y0rV67ovE9MTIzO42NiYgqtTjKOgrzfz5s4cSLKli2b64eJip+CvN9Hjx7FN998g3PnzhVBhWRMBXm/o6Ki8Ntvv6F3797Yt28fbty4gffffx+ZmZmYOXNmUZRNBVSQ97tXr16Ij49H8+bNIYRAVlYWhg0bhilTphRFyVTE9OW1pKQkPHv2DA4ODvk6j1n1+BIZ4tNPP8XWrVuxZ88e2Nvby10OGVlycjL69u2LNWvWwNPTU+5yqAgolUp4eXlh9erVCAoKQmhoKKZOnYqVK1fKXRoVgoiICMydOxdfffUVzpw5g927d+Pnn3/Gxx9/LHdpVIyZVY+vp6cnrK2tERsbq9UeGxuLMv9v796DoqzeOIB/WXABcZGhdJYNREUhxzTloqE5pFnApJKoWDKIiuJIiKNpMaVc8oe3EEcdKxtHMGMEdSodSVBMC9ep1Lg0gosgqI1YkzYoCnHZ5/eHwzutXHLxGvv9zLx/vOc957zP2TM7Pns476tW224brVZrVn16enRlvlulpqZi3bp1yM/Px/Dhwx9lmPSQmDvflZWVqK6uxuTJk5Uyo9EIALCxsYHBYICHh8ejDZq6rCvfbxcXF/To0QPW1tZK2ZAhQ3Dt2jU0NjZCrVY/0pip67oy36tWrUJERATmz58PABg2bBhu376N6OhofPjhh1CpuLbXnXSUrzk6Ot73ai/QzVZ81Wo1fHx8cOzYMaXMaDTi2LFj8Pf3b7eNv7+/SX0AOHr0aIf16enRlfkGgA0bNmD16tXIzc2Fr6/v4wiVHgJz5/v555/Hr7/+iqKiIuWYMmUKxo8fj6KiIri5uT3O8MlMXfl+jx07FhUVFcoPHAAoLy+Hi4sLk96nXFfm+86dO22S29YfPXefl6Lu5KHla+Y9d/f0y8rKEltbW8nIyJDS0lKJjo4WJycnuXbtmoiIRERESHx8vFJfr9eLjY2NpKamSllZmSQmJvJ1Zv8h5s73unXrRK1Wy/79+6WmpkY5bt269aSGQGYwd77vxbc6/LeYO9+XL18WjUYjsbGxYjAY5NChQ9K3b1/53//+96SGQGYwd74TExNFo9HInj175OLFi3LkyBHx8PCQsLCwJzUEMsOtW7eksLBQCgsLBYCkpaVJYWGhXLp0SURE4uPjJSIiQqnf+jqzFStWSFlZmWzbto2vM2u1detW6devn6jVahk1apT8+OOPyrWAgACJjIw0qb93717x9PQUtVotQ4cOlZycnMccMT0Ic+bb3d1dALQ5EhMTH3/g1CXmfr//iYnvf4+5833q1CkZPXq02NraysCBAyUlJUWam5sfc9TUVebMd1NTkyQlJYmHh4fY2dmJm5ubxMTEyF9//fX4AyezHT9+vN1/j1vnODIyUgICAtq0GTFihKjVahk4cKCkp6ebfV8rEf49gIiIiIi6v261x5eIiIiIqCNMfImIiIjIIjDxJSIiIiKLwMSXiIiIiCwCE18iIiIisghMfImIiIjIIjDxJSIiIiKLwMSXiIiIiCwCE18iIgAZGRlwcnJ60mF0mZWVFb755ptO68yZMwdvvvnmY4mHiOhpxMSXiLqNOXPmwMrKqs1RUVHxpENDRkaGEo9KpYKrqyvmzp2LP/7446H0X1NTg+DgYABAdXU1rKysUFRUZFJn8+bNyMjIeCj360hSUpIyTmtra7i5uSE6Oho3btwwqx8m6UT0KNg86QCIiB6moKAgpKenm5T16dPnCUVjytHREQaDAUajEcXFxZg7dy6uXr2KvLy8B+5bq9X+a53evXs/8H3ux9ChQ5Gfn4+WlhaUlZVh3rx5qK2tRXZ29mO5PxFRR7jiS0Tdiq2tLbRarclhbW2NtLQ0DBs2DA4ODnBzc0NMTAzq6uo67Ke4uBjjx4+HRqOBo6MjfHx8cObMGeX6yZMnMW7cONjb28PNzQ1xcXG4fft2p7FZWVlBq9VCp9MhODgYcXFxyM/PR319PYxGIz766CO4urrC1tYWI0aMQG5urtK2sbERsbGxcHFxgZ2dHdzd3bF27VqTvlu3OgwYMAAAMHLkSFhZWeGVV14BYLqK+vnnn0On08FoNJrEGBISgnnz5innBw4cgLe3N+zs7DBw4EAkJyejubm503Ha2NhAq9Xiueeew8SJEzFjxgwcPXpUud7S0oKoqCgMGDAA9vb28PLywubNm5XrSUlJ2LVrFw4cOKCsHp84cQIAcOXKFYSFhcHJyQnOzs4ICQlBdXV1p/EQEbVi4ktEFkGlUmHLli04d+4cdu3ahe+++w7vvfdeh/XDw8Ph6uqK06dP4+zZs4iPj0ePHj0AAJWVlQgKCsK0adNQUlKC7OxsnDx5ErGxsWbFZG9vD6PRiObmZmzevBkbN25EamoqSkpKEBgYiClTpuDChQsAgC1btuDgwYPYu3cvDAYDMjMz0b9//3b7/fnnnwEA+fn5qKmpwVdffdWmzowZM3D9+nUcP35cKbtx4wZyc3MRHh4OACgoKMDs2bOxZMkSlJaWYvv27cjIyEBKSsp9j7G6uhp5eXlQq9VKmdFohKurK/bt24fS0lIkJCTggw8+wN69ewEAy5cvR1hYGIKCglBTU4OamhqMGTMGTU1NCAwMhEajQUFBAfR6PXr16oWgoCA0Njbed0xEZMGEiKibiIyMFGtra3FwcFCO6dOnt1t337598swzzyjn6enp0rt3b+Vco9FIRkZGu22joqIkOjrapKygoEBUKpXU19e32+be/svLy8XT01N8fX1FRESn00lKSopJGz8/P4mJiRERkcWLF8uECRPEaDS22z8A+frrr0VEpKqqSgBIYWGhSZ3IyEgJCQlRzkNCQmTevHnK+fbt20Wn00lLS4uIiLz66quyZs0akz52794tLi4u7cYgIpKYmCgqlUocHBzEzs5OAAgASUtL67CNiMg777wj06ZN6zDW1nt7eXmZfAZ///232NvbS15eXqf9ExGJiHCPLxF1K+PHj8enn36qnDs4OAC4u/q5du1anD9/Hjdv3kRzczMaGhpw584d9OzZs00/y5Ytw/z587F7927lz/UeHh4A7m6DKCkpQWZmplJfRGA0GlFVVYUhQ4a0G1ttbS169eoFo9GIhoYGvPzyy9ixYwdu3ryJq1evYuzYsSb1x44di+LiYgB3tym89tpr8PLyQlBQECZNmoTXX3/9gT6r8PBwLFiwAJ988glsbW2RmZmJt956CyqVShmnXq83WeFtaWnp9HMDAC8vLxw8eBANDQ348ssvUVRUhMWLF5vU2bZtG3bu3InLly+jvr4ejY2NGDFiRKfxFhcXo6KiAhqNxqS8oaEBlZWVXfgEiMjSMPElom7FwcEBgwYNMimrrq7GpEmTsGjRIqSkpMDZ2RknT55EVFQUGhsb203gkpKSMGvWLOTk5ODw4cNITExEVlYWpk6dirq6OixcuBBxcXFt2vXr16/D2DQaDX755ReoVCq4uLjA3t4eAHDz5s1/HZe3tzeqqqpw+PBh5OfnIywsDBMnTsT+/fv/tW1HJk+eDBFBTk4O/Pz8UFBQgE2bNinX6+rqkJycjNDQ0DZt7ezsOuxXrVYrc7Bu3Tq88cYbSE5OxurVqwEAWVlZWL58OTZu3Ah/f39oNBp8/PHH+OmnnzqNt66uDj4+PiY/OFo9LQ8wEtHTjYkvEXV7Z8+ehdFoxMaNG5XVzNb9pJ3x9PSEp6cnli5dirfffhvp6emYOnUqvL29UVpa2ibB/jcqlardNo6OjtDpdNDr9QgICFDK9Xo9Ro0aZVJv5syZmDlzJqZPn46goCDcuHEDzs7OJv217qdtaWnpNB47OzuEhoYiMzMTFRUV8PLygre3t3Ld29sbBoPB7HHea+XKlZgwYQIWLVqkjHPMmDGIiYlR6ty7YqtWq9vE7+3tjezsbPTt2xeOjo4PFBMRWSY+3EZE3d6gQYPQ1NSErVu34uLFi9i9ezc+++yzDuvX19cjNjYWJ06cwKVLl6DX63H69GllC8P777+PU6dOITY2FkVFRbhw4QIOHDhg9sNt/7RixQqsX78e2dnZMBgMiI+PR1FREZYsWQIASEtLw549e3D+/HmUl5dj37590Gq17f6nG3379oW9vT1yc3Px+++/o7a2tsP7hoeHIycnBzt37lQeamuVkJCAL774AsnJyTh37hzKysqQlZWFlStXmjU2f39/DB8+HGvWrAEADB48GGfOnEFeXh7Ky8uxatUqnD592qRN//79UVJSAoPBgD///BNNTU0IDw/Hs88+i5CQEBQUFKCqqgonTpxAXFwcfvvtN7NiIiLLxMSXiLq9F198EWlpaVi/fj1eeOEFZGZmmrwK7F7W1ta4fv06Zs+eDU9PT4SFhSE4OBjJyckAgOHDh+P7779HeXk5xo0bh5EjRyIhIQE6na7LMcbFxWHZsmV49913MWzYMOTm5uLgwYMYPHgwgLvbJDZs2ABfX1/4+fmhuroa3377rbKC/U82NjbYsmULtm/fDp1Oh5CQkA7vO2HCBDg7O8NgMGDWrFkm1wIDA3Ho0CEcOXIEfn5+eOmll7Bp0ya4u7ubPb6lS5dix44duHLlChYuXIjQ0FDMnDkTo0ePxvXr101WfwFgwYIF8PLygq+vL/r06QO9Xo+ePXvihx9+QL9+/RAaGoohQ4YgKioKDQ0NXAEmovtiJSLypIMgIiIiInrUuOJLRERERBaBiS8RERERWQQmvkRERERkEZj4EhEREZFFYOJLRERERBaBiS8RERERWQQmvkRERERkEZj4EhEREZFFYOJLRERERBaBiS8RERERWQQmvkRERERkEf4PiYKMD49HRK0AAAAASUVORK5CYII=", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "plot_roc_curve(y_test, y_pred)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "#### Standardized data" + ] + }, + { + "cell_type": "code", + "execution_count": 99, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Time taken for GridSearchCV: 4164.99 seconds\n", + "Best Hyperparameters:\n", + "{'l2_regularization': 0.1, 'learning_rate': 0.1, 'max_iter': 100, 'max_leaf_nodes': 31, 'min_samples_leaf': 100}\n", + "\n", + "Time taken for training with best hyperparameters: 4.97 seconds\n", + "\n", + "Mean Accuracy: 0.8917202627939143\n", + "Standard Deviation of Accuracy: 0.014477507951668005\n", + "Mean Precision: 0.84451676345978\n", + "Standard Deviation of Precision: 0.034358682865536075\n", + "Mean Recall: 0.840772847487511\n", + "Standard Deviation of Recall: 0.03791815161028012\n", + "Mean F1-score: 0.8416215259346306\n", + "Standard Deviation of F1-score: 0.021308529266832795\n", + "Mean ROC AUC: 0.879545498161235\n", + "Standard Deviation of ROC AUC: 0.0169850947707784\n", + "\n", + "Total time taken: 4169.96 seconds\n" + ] + } + ], + "source": [ + "from sklearn.ensemble import HistGradientBoostingClassifier\n", + "from sklearn.model_selection import StratifiedKFold, GridSearchCV\n", + "from sklearn.metrics import accuracy_score, precision_score, recall_score, f1_score, roc_auc_score, confusion_matrix\n", + "import numpy as np\n", + "import time\n", + "\n", + "start_total_time = time.time()\n", + "\n", + "kf = StratifiedKFold(n_splits=10, shuffle=True, random_state=42)\n", + "\n", + "model = HistGradientBoostingClassifier(random_state=42)\n", + "\n", + "param_grid = {\n", + " 'learning_rate': [0.01, 0.1, 0.2, 0.3],\n", + " 'max_iter': [100, 200, 300],\n", + " 'max_leaf_nodes': [31, 63, 127],\n", + " 'min_samples_leaf': [20, 50, 100],\n", + " 'l2_regularization': [0.0, 0.1, 1.0]\n", + "}\n", + "\n", + "grid_search = GridSearchCV(estimator=model, param_grid=param_grid, cv=kf, scoring='accuracy')\n", + "\n", + "start_time = time.time()\n", + "\n", + "grid_search.fit(standard(x), y)\n", + "\n", + "grid_search_time = time.time() - start_time\n", + "print(f\"Time taken for GridSearchCV: {grid_search_time:.2f} seconds\")\n", + "\n", + "best_params = grid_search.best_params_\n", + "\n", + "print(\"Best Hyperparameters:\")\n", + "print(best_params)\n", + "print()\n", + "\n", + "best_model = grid_search.best_estimator_\n", + "\n", + "start_time = time.time()\n", + "\n", + "accuracy_scores = []\n", + "precision_scores = []\n", + "recall_scores = []\n", + "f1_scores = []\n", + "roc_auc_scores = []\n", + "confusion_matrices = []\n", + "\n", + "for train_index, test_index in kf.split(standard(x), y):\n", + " X_train, X_test = x.iloc[train_index], x.iloc[test_index]\n", + " y_train, y_test = y.iloc[train_index], y.iloc[test_index]\n", + "\n", + " best_model.fit(X_train, y_train)\n", + "\n", + " y_pred = best_model.predict(X_test)\n", + "\n", + " accuracy = accuracy_score(y_test, y_pred)\n", + " accuracy_scores.append(accuracy)\n", + " \n", + " precision = precision_score(y_test, y_pred)\n", + " precision_scores.append(precision)\n", + " \n", + " recall = recall_score(y_test, y_pred)\n", + " recall_scores.append(recall)\n", + " \n", + " f1 = f1_score(y_test, y_pred)\n", + " f1_scores.append(f1)\n", + " \n", + " roc_auc = roc_auc_score(y_test, y_pred)\n", + " roc_auc_scores.append(roc_auc)\n", + " \n", + " confusion = confusion_matrix(y_test, y_pred)\n", + " confusion_matrices.append(confusion)\n", + "\n", + "training_time = time.time() - start_time\n", + "print(f\"Time taken for training with best hyperparameters: {training_time:.2f} seconds\")\n", + "print()\n", + "\n", + "mean_accuracy = np.mean(accuracy_scores)\n", + "std_accuracy = np.std(accuracy_scores)\n", + "\n", + "mean_precision = np.mean(precision_scores)\n", + "std_precision = np.std(precision_scores)\n", + "\n", + "mean_recall = np.mean(recall_scores)\n", + "std_recall = np.std(recall_scores)\n", + "\n", + "mean_f1 = np.mean(f1_scores)\n", + "std_f1 = np.std(f1_scores)\n", + "\n", + "mean_roc_auc = np.mean(roc_auc_scores)\n", + "std_roc_auc = np.std(roc_auc_scores)\n", + "\n", + "print(f\"Mean Accuracy: {mean_accuracy}\")\n", + "print(f\"Standard Deviation of Accuracy: {std_accuracy}\")\n", + "\n", + "print(f\"Mean Precision: {mean_precision}\")\n", + "print(f\"Standard Deviation of Precision: {std_precision}\")\n", + "\n", + "print(f\"Mean Recall: {mean_recall}\")\n", + "print(f\"Standard Deviation of Recall: {std_recall}\")\n", + "\n", + "print(f\"Mean F1-score: {mean_f1}\")\n", + "print(f\"Standard Deviation of F1-score: {std_f1}\")\n", + "\n", + "print(f\"Mean ROC AUC: {mean_roc_auc}\")\n", + "print(f\"Standard Deviation of ROC AUC: {std_roc_auc}\")\n", + "print()\n", + "\n", + "total_time = time.time() - start_total_time\n", + "print(f\"Total time taken: {total_time:.2f} seconds\")" + ] + }, + { + "cell_type": "code", + "execution_count": 100, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "x_train: (1800, 13)\n", + "y_train: (1800,)\n", + "x_test: (601, 13)\n", + "y_test: (601,)\n" + ] + } + ], + "source": [ + "from sklearn.model_selection import train_test_split\n", + "\n", + "x_train, x_test, y_train, y_test = train_test_split(x,y,test_size=0.25,random_state=42)\n", + "\n", + "print(\"x_train:\",x_train.shape)\n", + "print(\"y_train:\",y_train.shape)\n", + "print(\"x_test:\",x_test.shape)\n", + "print(\"y_test:\",y_test.shape)" + ] + }, + { + "cell_type": "code", + "execution_count": 101, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Accuracy: 0.8951747088186356\n", + "Precision: 0.8691099476439791\n", + "Recall: 0.8137254901960784\n", + "F1 Score: 0.8405063291139241\n", + "ROC AUC Score: 0.8753765990023213\n", + "Confusion Matrix:\n", + "[[372 25]\n", + " [ 38 166]]\n" + ] + } + ], + "source": [ + "model = grid_search.best_estimator_\n", + "\n", + "model.fit(x_train, y_train)\n", + "\n", + "y_pred = model.predict(x_test)\n", + "\n", + "y_pred = (y_pred >= 0.5).astype(int)\n", + "\n", + "print(\"Accuracy:\", accuracy_score(y_test, y_pred))\n", + "print(\"Precision:\", precision_score(y_test, y_pred))\n", + "print(\"Recall:\", recall_score(y_test, y_pred))\n", + "print(\"F1 Score:\", f1_score(y_test, y_pred))\n", + "print(\"ROC AUC Score:\", roc_auc_score(y_test, y_pred))\n", + "print(\"Confusion Matrix:\")\n", + "print(confusion_matrix(y_test, y_pred))" + ] + }, + { + "cell_type": "code", + "execution_count": 102, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAokAAAIjCAYAAABvUIGpAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8pXeV/AAAACXBIWXMAAA9hAAAPYQGoP6dpAABIFklEQVR4nO3daXgUZfr+/bMTSGchCwGyCYR9iayiYmQfYtgFgUEEJSDLDw2oBBAzI8iixkEFRQXcBhBBcQMFQQwgoEPYVwGRABoUEjaTQIAQknpe+NB/mwJMQ5pO6O9njjoOuuruqqt7BufyrLvuthiGYQgAAAD4Cw9XFwAAAIDihyYRAAAAJjSJAAAAMKFJBAAAgAlNIgAAAExoEgEAAGBCkwgAAAATmkQAAACY0CQCAADAhCYRwDXt379fsbGxCgwMlMVi0aJFi4r0/L/88ossFotmz55dpOctyVq3bq3WrVu7ugwAbo4mESgBDhw4oP/7v/9TtWrV5O3trYCAADVr1kyvv/66zp0759Rrx8XFadeuXXrhhRc0d+5c3XnnnU693s3Uv39/WSwWBQQEXPF73L9/vywWiywWi1555RWHz3/kyBGNHz9e27dvL4JqAeDmKuXqAgBc29dff61//vOfslqt6tevn+rVq6cLFy7ohx9+0OjRo7V792698847Trn2uXPnlJKSon//+98aNmyYU64RGRmpc+fOqXTp0k45/98pVaqUzp49q8WLF6tXr152x+bNmydvb2+dP3/+us595MgRTZgwQVWqVFGjRo0K/b5vv/32uq4HAEWJJhEoxg4dOqTevXsrMjJSq1atUnh4uO1YfHy8UlNT9fXXXzvt+sePH5ckBQUFOe0aFotF3t7eTjv/37FarWrWrJk++ugjU5M4f/58derUSZ9//vlNqeXs2bPy9fWVl5fXTbkeAFwLt5uBYmzy5Mk6c+aM3n//fbsG8ZIaNWroySeftL2+ePGiJk2apOrVq8tqtapKlSr617/+pdzcXLv3ValSRZ07d9YPP/ygu+++W97e3qpWrZo++OAD25jx48crMjJSkjR69GhZLBZVqVJF0p+3aS/9+a/Gjx8vi8Vity85OVnNmzdXUFCQypQpo9q1a+tf//qX7fjV5iSuWrVKLVq0kJ+fn4KCgtS1a1ft3bv3itdLTU1V//79FRQUpMDAQA0YMEBnz569+hd7mT59+mjZsmXKzMy07du0aZP279+vPn36mMafOnVKo0aNUv369VWmTBkFBASoQ4cO2rFjh23M6tWrddddd0mSBgwYYLttfelztm7dWvXq1dOWLVvUsmVL+fr62r6Xy+ckxsXFydvb2/T527Vrp7Jly+rIkSOF/qwAUFg0iUAxtnjxYlWrVk333ntvocYPGjRI48aN0x133KGpU6eqVatWSkpKUu/evU1jU1NT1bNnT91333169dVXVbZsWfXv31+7d++WJHXv3l1Tp06VJD300EOaO3euXnvtNYfq3717tzp37qzc3FxNnDhRr776qu6//37973//u+b7VqxYoXbt2unYsWMaP368EhIStG7dOjVr1ky//PKLaXyvXr10+vRpJSUlqVevXpo9e7YmTJhQ6Dq7d+8ui8WiL774wrZv/vz5qlOnju644w7T+IMHD2rRokXq3LmzpkyZotGjR2vXrl1q1aqVrWGrW7euJk6cKEkaMmSI5s6dq7lz56ply5a285w8eVIdOnRQo0aN9Nprr6lNmzZXrO/1119XhQoVFBcXp/z8fEnS22+/rW+//VZvvPGGIiIiCv1ZAaDQDADFUlZWliHJ6Nq1a6HGb9++3ZBkDBo0yG7/qFGjDEnGqlWrbPsiIyMNScbatWtt+44dO2ZYrVZj5MiRtn2HDh0yJBkvv/yy3Tnj4uKMyMhIUw3PPfec8dd/rEydOtWQZBw/fvyqdV+6xqxZs2z7GjVqZISEhBgnT5607duxY4fh4eFh9OvXz3S9Rx991O6cDzzwgFGuXLmrXvOvn8PPz88wDMPo2bOn0bZtW8MwDCM/P98ICwszJkyYcMXv4Pz580Z+fr7pc1itVmPixIm2fZs2bTJ9tktatWplSDJmzpx5xWOtWrWy27d8+XJDkvH8888bBw8eNMqUKWN069btbz8jAFwvkkSgmMrOzpYk+fv7F2r80qVLJUkJCQl2+0eOHClJprmLUVFRatGihe11hQoVVLt2bR08ePC6a77cpbmMX375pQoKCgr1nqNHj2r79u3q37+/goODbfsbNGig++67z/Y5/2ro0KF2r1u0aKGTJ0/avsPC6NOnj1avXq309HStWrVK6enpV7zVLP05j9HD489/fObn5+vkyZO2W+lbt24t9DWtVqsGDBhQqLGxsbH6v//7P02cOFHdu3eXt7e33n777UJfCwAcRZMIFFMBAQGSpNOnTxdq/K+//ioPDw/VqFHDbn9YWJiCgoL066+/2u2vXLmy6Rxly5bVH3/8cZ0Vmz344INq1qyZBg0apNDQUPXu3VuffPLJNRvGS3XWrl3bdKxu3bo6ceKEcnJy7PZf/lnKli0rSQ59lo4dO8rf318LFizQvHnzdNddd5m+y0sKCgo0depU1axZU1arVeXLl1eFChW0c+dOZWVlFfqat912m0MPqbzyyisKDg7W9u3bNW3aNIWEhBT6vQDgKJpEoJgKCAhQRESEfvzxR4fed/mDI1fj6el5xf2GYVz3NS7Nl7vEx8dHa9eu1YoVK/TII49o586devDBB3XfffeZxt6IG/ksl1itVnXv3l1z5szRwoULr5oiStKLL76ohIQEtWzZUh9++KGWL1+u5ORk3X777YVOTKU/vx9HbNu2TceOHZMk7dq1y6H3AoCjaBKBYqxz5846cOCAUlJS/nZsZGSkCgoKtH//frv9GRkZyszMtD2pXBTKli1r9yTwJZenlZLk4eGhtm3basqUKdqzZ49eeOEFrVq1St99990Vz32pzn379pmO/fTTTypfvrz8/Pxu7ANcRZ8+fbRt2zadPn36ig/7XPLZZ5+pTZs2ev/999W7d2/FxsYqJibG9J0UtmEvjJycHA0YMEBRUVEaMmSIJk+erE2bNhXZ+QHgcjSJQDH29NNPy8/PT4MGDVJGRobp+IEDB/T6669L+vN2qSTTE8hTpkyRJHXq1KnI6qpevbqysrK0c+dO276jR49q4cKFduNOnTpleu+lRaUvX5bnkvDwcDVq1Ehz5syxa7p+/PFHffvtt7bP6Qxt2rTRpEmT9OabbyosLOyq4zw9PU0p5aeffqrff//dbt+lZvZKDbWjxowZo7S0NM2ZM0dTpkxRlSpVFBcXd9XvEQBuFItpA8VY9erVNX/+fD344IOqW7eu3S+urFu3Tp9++qn69+8vSWrYsKHi4uL0zjvvKDMzU61atdLGjRs1Z84cdevW7arLq1yP3r17a8yYMXrggQf0xBNP6OzZs5oxY4Zq1apl9+DGxIkTtXbtWnXq1EmRkZE6duyYpk+frooVK6p58+ZXPf/LL7+sDh06KDo6WgMHDtS5c+f0xhtvKDAwUOPHjy+yz3E5Dw8PPfvss387rnPnzpo4caIGDBige++9V7t27dK8efNUrVo1u3HVq1dXUFCQZs6cKX9/f/n5+alp06aqWrWqQ3WtWrVK06dP13PPPWdbkmfWrFlq3bq1xo4dq8mTJzt0PgAoFBc/XQ2gEH7++Wdj8ODBRpUqVQwvLy/D39/faNasmfHGG28Y58+ft43Ly8szJkyYYFStWtUoXbq0UalSJSMxMdFujGH8uQROp06dTNe5fOmVqy2BYxiG8e233xr16tUzvLy8jNq1axsffvihaQmclStXGl27djUiIiIMLy8vIyIiwnjooYeMn3/+2XSNy5eJWbFihdGsWTPDx8fHCAgIMLp06WLs2bPHbsyl612+xM6sWbMMScahQ4eu+p0ahv0SOFdztSVwRo4caYSHhxs+Pj5Gs2bNjJSUlCsuXfPll18aUVFRRqlSpew+Z6tWrYzbb7/9itf863mys7ONyMhI44477jDy8vLsxo0YMcLw8PAwUlJSrvkZAOB6WAzDgZndAAAAcAvMSQQAAIAJTSIAAABMaBIBAABgQpMIAAAAE5pEAAAAmNAkAgAAwIQmEQAAACa35C+u+DQe5uoSADjJH5vedHUJAJzE24VdiTN7h3PbSuY/t0gSAQAAYHJLJokAAAAOsZCbXY4mEQAAwGJxdQXFDm0zAAAATEgSAQAAuN1swjcCAAAAE5JEAAAA5iSakCQCAADAhCQRAACAOYkmfCMAAAAwIUkEAABgTqIJTSIAAAC3m034RgAAAGBCkggAAMDtZhOSRAAAAJiQJAIAADAn0YRvBAAAACYkiQAAAMxJNCFJBAAAgAlJIgAAAHMSTWgSAQAAuN1sQtsMAAAAE5JEAAAAbjeb8I0AAADAhCYRAADA4uG8zQEzZsxQgwYNFBAQoICAAEVHR2vZsmW2461bt5bFYrHbhg4daneOtLQ0derUSb6+vgoJCdHo0aN18eJFh78SbjcDAAAUExUrVtRLL72kmjVryjAMzZkzR127dtW2bdt0++23S5IGDx6siRMn2t7j6+tr+3N+fr46deqksLAwrVu3TkePHlW/fv1UunRpvfjiiw7VQpMIAADgUTyebu7SpYvd6xdeeEEzZszQ+vXrbU2ir6+vwsLCrvj+b7/9Vnv27NGKFSsUGhqqRo0aadKkSRozZozGjx8vLy+vQtfC7WYAAAAnys3NVXZ2tt2Wm5v7t+/Lz8/Xxx9/rJycHEVHR9v2z5s3T+XLl1e9evWUmJios2fP2o6lpKSofv36Cg0Nte1r166dsrOztXv3bofqpkkEAABw4pzEpKQkBQYG2m1JSUlXLWXXrl0qU6aMrFarhg4dqoULFyoqKkqS1KdPH3344Yf67rvvlJiYqLlz5+rhhx+2vTc9Pd2uQZRke52enu7QV8LtZgAAACcupp2YmKiEhAS7fVar9arja9eure3btysrK0ufffaZ4uLitGbNGkVFRWnIkCG2cfXr11d4eLjatm2rAwcOqHr16kVaN00iAACAE1mt1ms2hZfz8vJSjRo1JElNmjTRpk2b9Prrr+vtt982jW3atKkkKTU1VdWrV1dYWJg2btxoNyYjI0OSrjqP8Wq43QwAAFBMlsC5koKCgqvOYdy+fbskKTw8XJIUHR2tXbt26dixY7YxycnJCggIsN2yLiySRAAAgGIiMTFRHTp0UOXKlXX69GnNnz9fq1ev1vLly3XgwAHNnz9fHTt2VLly5bRz506NGDFCLVu2VIMGDSRJsbGxioqK0iOPPKLJkycrPT1dzz77rOLj4x1KMyWaRAAAAKfOSXTEsWPH1K9fPx09elSBgYFq0KCBli9frvvuu0+HDx/WihUr9NprryknJ0eVKlVSjx499Oyzz9re7+npqSVLluixxx5TdHS0/Pz8FBcXZ7euYmFZDMMwivLDFQc+jYe5ugQATvLHpjddXQIAJ/F2YXTlc99/nHbuc8ljnHZuZyJJBAAAKIK5g7cavhEAAACYkCQCAAAUkzmJxQlNIgAAALebTfhGAAAAYEKSCAAAwO1mE5JEAAAAmJAkAgAAMCfRhG8EAAAAJiSJAAAAzEk0IUkEAACACUkiAAAAcxJNaBIBAABoEk34RgAAAGBCkggAAMCDKyYkiQAAADAhSQQAAGBOognfCAAAAExIEgEAAJiTaEKSCAAAABOSRAAAAOYkmtAkAgAAcLvZhLYZAAAAJiSJAADA7VlIEk1IEgEAAGBCkggAANweSaIZSSIAAABMSBIBAAAIEk1IEgEAAGBCkggAANwecxLNaBIBAIDbo0k043YzAAAATEgSAQCA2yNJNCNJBAAAgAlJIgAAcHskiWYkiQAAADAhSQQAACBINCFJBAAAgAlJIgAAcHvMSTQjSQQAAIAJSSIAAHB7JIlmNIkAAMDt0SSacbsZAAAAJiSJAADA7ZEkmpEkAgAAwIQkEQAAgCDRhCQRAAAAJiSJAADA7TEn0YwkEQAAACYkiQAAwO2RJJrRJAIAALdHk2jG7WYAAACYkCQCAAAQJJqQJAIAAMCEJBEAALg95iSakSQCAADAhCYRAAC4PYvF4rTNETNmzFCDBg0UEBCggIAARUdHa9myZbbj58+fV3x8vMqVK6cyZcqoR48eysjIsDtHWlqaOnXqJF9fX4WEhGj06NG6ePGiw98JTSIAAEAxUbFiRb300kvasmWLNm/erH/84x/q2rWrdu/eLUkaMWKEFi9erE8//VRr1qzRkSNH1L17d9v78/Pz1alTJ124cEHr1q3TnDlzNHv2bI0bN87hWiyGYRhF9smKCZ/Gw1xdAgAn+WPTm64uAYCTeLvwSYnwIZ877dxH3+lxQ+8PDg7Wyy+/rJ49e6pChQqaP3++evbsKUn66aefVLduXaWkpOiee+7RsmXL1LlzZx05ckShoaGSpJkzZ2rMmDE6fvy4vLy8Cn1dkkQAAOD2nHm7OTc3V9nZ2XZbbm7u39aUn5+vjz/+WDk5OYqOjtaWLVuUl5enmJgY25g6deqocuXKSklJkSSlpKSofv36tgZRktq1a6fs7GxbGllYNIkAAABOlJSUpMDAQLstKSnpquN37dqlMmXKyGq1aujQoVq4cKGioqKUnp4uLy8vBQUF2Y0PDQ1Venq6JCk9Pd2uQbx0/NIxR7AEDgAAgBNXwElMTFRCQoLdPqvVetXxtWvX1vbt25WVlaXPPvtMcXFxWrNmjfMKvAqaRAAAACeyWq3XbAov5+XlpRo1akiSmjRpok2bNun111/Xgw8+qAsXLigzM9MuTczIyFBYWJgkKSwsTBs3brQ736Wnny+NKSxuNwMAALdXXJbAuZKCggLl5uaqSZMmKl26tFauXGk7tm/fPqWlpSk6OlqSFB0drV27dunYsWO2McnJyQoICFBUVJRD1yVJBAAAKCYSExPVoUMHVa5cWadPn9b8+fO1evVqLV++XIGBgRo4cKASEhIUHBysgIAADR8+XNHR0brnnnskSbGxsYqKitIjjzyiyZMnKz09Xc8++6zi4+MdSjMlmkQAAIBi87N8x44dU79+/XT06FEFBgaqQYMGWr58ue677z5J0tSpU+Xh4aEePXooNzdX7dq10/Tp023v9/T01JIlS/TYY48pOjpafn5+iouL08SJEx2uhXUSAZQorJMI3LpcuU5ixccXOe3cv03v5rRzOxNJIgAAcHvFJUksTmgSAQAA6BFNeLoZAAAAJiSJAADA7XG72YwkEQAAACYkiQAAwO2RJJqRJAIAAMCEJBHFzuB/Ntfgni0UGREsSdp7MF0vvrNM3/5vjyqHB2vf0isvCNp39Pv6YsU21a91m0YNuE/3NqquckF++vXIKb332Q9666PVN/FTACis9999WyuTv9WhQwdl9fZWo0aN9VTCKFWpWs02ZmD/R7R5k/3v0fbs9aDGPuf4AsHAlZAkmtEkotj5PSNTY9/4Uqlpx2WRRQ93aapPpw7RPb1f0r5fMlQlJtFu/KM9mmlEvxgt/99uSVLjupV0/NRpDXh2jn5L/0P3NKymt559SPkFBZq5YK0rPhKAa9i8aaMefKivbq9fX/kX8/XG61M0dPBAffHV1/L19bWN69Gzlx4f9oTttbePjyvKBdwGTSKKnaVrf7R7Pf6txRr8z+a6u0FV7T2YroyTp+2O39+moT5P3qqccxckSR98ud7u+C+/n1TTBlXV9R8NaRKBYmjGO+/bvZ74wktq0yJae/fsVpM777Lt9/b2VvkKFW52eXATJIlmLm0ST5w4of/+979KSUlRenq6JCksLEz33nuv+vfvrwr8w8DteXhY1OO+O+Tn46UNOw+ZjjeuW0mN6lTSiJc+ueZ5Ast464/ss84qE0AROnP6z38RDAgMtNu/9OvF+nrJVypXvoJatW6jIUMflw9pIooKPaKJy5rETZs2qV27dvL19VVMTIxq1aolScrIyNC0adP00ksvafny5brzzjuveZ7c3Fzl5uba7TMK8mXx8HRa7XC+22tEaPWckfL2KqUz53L14Mh39dPBdNO4uG7R2nvwqNbvMDeQl9zTsKp6xjbRA0/McGbJAIpAQUGBJv/nRTVqfIdq1qxl29+hY2eFR0QoJCREP/+8T69NeUW//HJIU1/nt7wBZ3FZkzh8+HD985//1MyZM00Rr2EYGjp0qIYPH66UlJRrnicpKUkTJkyw2+cZepdKh99d5DXj5vn5lww17Z2kwDI+eiCmsd6d+IhiB71u1yh6W0vrwQ536qV3v7nqeaKqh+uTqUP0wjtLtXL9TzejdAA34MXnJ+jA/v2aPXe+3f6evR60/blmrdoqX76Chgzsr8NpaapUufLNLhO3IG43m7lsCZwdO3ZoxIgRV/wvxWKxaMSIEdq+ffvfnicxMVFZWVl2W6nQJk6oGDdT3sV8HTx8Qtv2Hta4N77Srp9/V/xDre3GPBDTSL7eXpq3ZOMVz1GnWpiWvj1c//18nf7z3vKbUDWAG/Hi8xO1ds1qvTtrjkLDwq45tn6DhpKktLRfb0ZpgFtyWZIYFhamjRs3qk6dOlc8vnHjRoWGhv7teaxWq6xWq90+bjXfejwsFlm97P/n2r/bvfp6zS6d+OOMaXzdamFa9s4Tmrd4g8a/tfhmlQngOhiGoaQXJmnVymS9P3uuKlas9Lfv2ffTXkli7jqKDEmimcuaxFGjRmnIkCHasmWL2rZta2sIMzIytHLlSr377rt65ZVXXFUeXGji8Pu1/H+7dfjoH/L389aDHe5Uyztrqsvj021jqlUqr+Z3VFe34eZ5hlHVw7XsnSe0Yt1eTftwlULL+UuS8guMKzaUAFzrxUkTtGzpEr32xnT5+frpxPHjkqQy/v7y9vbW4bQ0Lf16sVq0bKXAoCDt37dPL09OUpM771Kt2lcOGgDcOJc1ifHx8SpfvrymTp2q6dOnKz8/X5Lk6empJk2aaPbs2erVq5eryoMLVQguo/cn9VNY+QBlnTmvH/f/ri6PT9eqDf9vTmFc12j9npGpFSnmeYYPxDRWSLC/+nS+W306/7+5qb8eOak6nZ67KZ8BQOF9suAjSX8umP1XE59PUtcHuqt06dLasD5F8+Z+oHPnziosLFwxMbEaPPRxV5SLWxRBopnFMAzD1UXk5eXpxIkTkqTy5curdOnSN3Q+n8bDiqIsAMXQH5t4mhW4VXm7cGG+GqOWOe3cqa90cNq5nalYLKZdunRphYeHu7oMAADgppiTaFYsmkQAAABXokc0c9kSOAAAACi+SBIBAIDb43azGUkiAAAATEgSAQCA2yNINCNJBAAAgAlJIgAAcHseHkSJlyNJBAAAgAlJIgAAcHvMSTSjSQQAAG6PJXDMuN0MAAAAE5JEAADg9ggSzUgSAQAAYEKSCAAA3B5zEs1IEgEAAGBCkggAANweSaIZSSIAAABMSBIBAIDbI0g0o0kEAABuj9vNZtxuBgAAgAlJIgAAcHsEiWYkiQAAADAhSQQAAG6POYlmJIkAAAAwIUkEAABujyDRjCQRAAAAJiSJAADA7TEn0YwkEQAAACYkiQAAwO0RJJrRJAIAALfH7WYzbjcDAADAhCQRAAC4PYJEM5JEAAAAmJAkAgAAt8ecRDOSRAAAAJiQJAIAALdHkGhGkggAAFBMJCUl6a677pK/v79CQkLUrVs37du3z25M69atZbFY7LahQ4fajUlLS1OnTp3k6+urkJAQjR49WhcvXnSoFpJEAADg9orLnMQ1a9YoPj5ed911ly5evKh//etfio2N1Z49e+Tn52cbN3jwYE2cONH22tfX1/bn/Px8derUSWFhYVq3bp2OHj2qfv36qXTp0nrxxRcLXQtNIgAAcHvFpEfUN998Y/d69uzZCgkJ0ZYtW9SyZUvbfl9fX4WFhV3xHN9++6327NmjFStWKDQ0VI0aNdKkSZM0ZswYjR8/Xl5eXoWqhdvNAAAATpSbm6vs7Gy7LTc3t1DvzcrKkiQFBwfb7Z83b57Kly+vevXqKTExUWfPnrUdS0lJUf369RUaGmrb165dO2VnZ2v37t2FrpsmEQAAuL3L5/gV5ZaUlKTAwEC7LSkp6W9rKigo0FNPPaVmzZqpXr16tv19+vTRhx9+qO+++06JiYmaO3euHn74Ydvx9PR0uwZRku11enp6ob8TbjcDAAA4UWJiohISEuz2Wa3Wv31ffHy8fvzxR/3www92+4cMGWL7c/369RUeHq62bdvqwIEDql69etEULZpEAAAApz64YrVaC9UU/tWwYcO0ZMkSrV27VhUrVrzm2KZNm0qSUlNTVb16dYWFhWnjxo12YzIyMiTpqvMYr4TbzQAAAMWEYRgaNmyYFi5cqFWrVqlq1ap/+57t27dLksLDwyVJ0dHR2rVrl44dO2Ybk5ycrICAAEVFRRW6FpJEAADg9orL083x8fGaP3++vvzyS/n7+9vmEAYGBsrHx0cHDhzQ/Pnz1bFjR5UrV047d+7UiBEj1LJlSzVo0ECSFBsbq6ioKD3yyCOaPHmy0tPT9eyzzyo+Pt6hRJMkEQAAoJiYMWOGsrKy1Lp1a4WHh9u2BQsWSJK8vLy0YsUKxcbGqk6dOho5cqR69OihxYsX287h6empJUuWyNPTU9HR0Xr44YfVr18/u3UVC4MkEQAAuL3ispi2YRjXPF6pUiWtWbPmb88TGRmppUuX3lAtNIkAAMDtFZMesVjhdjMAAABMSBIBAIDbKy63m4sTkkQAAACYkCQCAAC3R5BoRpIIAAAAE5JEAADg9jyIEk1IEgEAAGBCkggAANweQaIZTSIAAHB7LIFjxu1mAAAAmJAkAgAAt+dBkGhCkggAAAATkkQAAOD2mJNoRpIIAAAAE5JEAADg9ggSzUgSAQAAYEKSCAAA3J5FRImXo0kEAABujyVwzLjdDAAAABOSRAAA4PZYAseMJBEAAAAmJIkAAMDtESSakSQCAADAhCQRAAC4PQ+iRBOSRAAAAJgUSZOYmZlZFKcBAABwCYvFeVtJ5XCT+J///EcLFiywve7Vq5fKlSun2267TTt27CjS4gAAAG4Gi8XitK2kcrhJnDlzpipVqiRJSk5OVnJyspYtW6YOHTpo9OjRRV4gAAAAbj6HH1xJT0+3NYlLlixRr169FBsbqypVqqhp06ZFXiAAAICzleDAz2kcThLLli2rw4cPS5K++eYbxcTESJIMw1B+fn7RVgcAAACXcDhJ7N69u/r06aOaNWvq5MmT6tChgyRp27ZtqlGjRpEXCAAA4GwsgWPmcJM4depUValSRYcPH9bkyZNVpkwZSdLRo0f1+OOPF3mBAAAAuPkcbhJLly6tUaNGmfaPGDGiSAoCAAC42cgRzQrVJH711VeFPuH9999/3cUAAACgeChUk9itW7dCncxisfDwCgAAKHFK8nqGzlKoJrGgoMDZdQAAALiMBz2iyQ39LN/58+eLqg4AAAAUIw43ifn5+Zo0aZJuu+02lSlTRgcPHpQkjR07Vu+//36RFwgAAOBs/CyfmcNN4gsvvKDZs2dr8uTJ8vLysu2vV6+e3nvvvSItDgAAAK7hcJP4wQcf6J133lHfvn3l6elp29+wYUP99NNPRVocAADAzWCxOG8rqRxuEn///fcr/rJKQUGB8vLyiqQoAAAAuJbDTWJUVJS+//570/7PPvtMjRs3LpKiAAAAbibmJJo5/Isr48aNU1xcnH7//XcVFBToiy++0L59+/TBBx9oyZIlzqgRAAAAN5nDSWLXrl21ePFirVixQn5+fho3bpz27t2rxYsX67777nNGjQAAAE7lYXHeVlI5nCRKUosWLZScnFzUtQAAALhESb4t7CzX1SRK0ubNm7V3715Jf85TbNKkSZEVBQAAANdyuEn87bff9NBDD+l///ufgoKCJEmZmZm699579fHHH6tixYpFXSMAAIBTkSOaOTwncdCgQcrLy9PevXt16tQpnTp1Snv37lVBQYEGDRrkjBoBAABwkzmcJK5Zs0br1q1T7dq1bftq166tN954Qy1atCjS4gAAAG4GD+YkmjicJFaqVOmKi2bn5+crIiKiSIoCAACAazncJL788ssaPny4Nm/ebNu3efNmPfnkk3rllVeKtDgAAICbgZ/lMyvU7eayZcvaPRqek5Ojpk2bqlSpP99+8eJFlSpVSo8++qi6devmlEIBAABw8xSqSXzttdecXAYAAIDrsE6iWaGaxLi4OGfXAQAAgGLkuhfTlqTz58/rwoULdvsCAgJuqCAAAICbjSDRzOEHV3JycjRs2DCFhITIz89PZcuWtdsAAABKGg+LxWmbI5KSknTXXXfJ399fISEh6tatm/bt22c35vz584qPj1e5cuVUpkwZ9ejRQxkZGXZj0tLS1KlTJ/n6+iokJESjR4/WxYsXHftOHBot6emnn9aqVas0Y8YMWa1Wvffee5owYYIiIiL0wQcfOHo6AAAA/P/WrFmj+Ph4rV+/XsnJycrLy1NsbKxycnJsY0aMGKHFixfr008/1Zo1a3TkyBF1797ddjw/P1+dOnXShQsXtG7dOs2ZM0ezZ8/WuHHjHKrFYhiG4cgbKleurA8++ECtW7dWQECAtm7dqho1amju3Ln66KOPtHTpUocKcAafxsNcXQIAJ/lj05uuLgGAk3jf0CS4G/P4F3ucdu7p3aOu+73Hjx9XSEiI1qxZo5YtWyorK0sVKlTQ/Pnz1bNnT0nSTz/9pLp16yolJUX33HOPli1bps6dO+vIkSMKDQ2VJM2cOVNjxozR8ePH5eXlVahrO5wknjp1StWqVZP05/zDU6dOSZKaN2+utWvXOno6AACAW1pubq6ys7Ptttzc3EK9NysrS5IUHBwsSdqyZYvy8vIUExNjG1OnTh1VrlxZKSkpkqSUlBTVr1/f1iBKUrt27ZSdna3du3cXum6Hm8Rq1arp0KFDtqI++eQTSdLixYsVFBTk6OkAAABczmKxOG1LSkpSYGCg3ZaUlPS3NRUUFOipp55Ss2bNVK9ePUlSenq6vLy8TD1XaGio0tPTbWP+2iBeOn7pWGE5HOwOGDBAO3bsUKtWrfTMM8+oS5cuevPNN5WXl6cpU6Y4ejoAAIBbWmJiohISEuz2Wa3Wv31ffHy8fvzxR/3www/OKu2aHG4SR4wYYftzTEyMfvrpJ23ZskU1atRQgwYNirS465W+bpqrSwDgJO+sP+TqEgA4yRPNq7rs2g7fWnWA1WotVFP4V8OGDdOSJUu0du1aVaxY0bY/LCxMFy5cUGZmpl2amJGRobCwMNuYjRs32p3v0tPPl8YUxg1/J5GRkerevXuxaRABAABKKsMwNGzYMC1cuFCrVq1S1ar2jXOTJk1UunRprVy50rZv3759SktLU3R0tCQpOjpau3bt0rFjx2xjkpOTFRAQoKiowj9EU6gkcdq0widzTzzxRKHHAgAAFAfF5Wf54uPjNX/+fH355Zfy9/e3zSEMDAyUj4+PAgMDNXDgQCUkJCg4OFgBAQEaPny4oqOjdc8990iSYmNjFRUVpUceeUSTJ09Wenq6nn32WcXHxzuUaBZqCZzLu9irnsxi0cGDBwt9cWfJOlfg6hIAOMmcLb+6ugQATuLK281PffmT0879Wtc6hR57tWZ11qxZ6t+/v6Q/F9MeOXKkPvroI+Xm5qpdu3aaPn263a3kX3/9VY899phWr14tPz8/xcXF6aWXXlKpUoWfaejwOoklAU0icOuiSQRuXTSJxYsLl60EAAAoHjyKx93mYsWZD/MAAACghCJJBAAAbq+4PLhSnJAkAgAAwIQkEQAAuD3mJJpdV5L4/fff6+GHH1Z0dLR+//13SdLcuXNd9rMxAAAAKFoON4mff/652rVrJx8fH23btk25ubmSpKysLL344otFXiAAAICzWSzO20oqh5vE559/XjNnztS7776r0qVL2/Y3a9ZMW7duLdLiAAAAbgYPi8VpW0nlcJO4b98+tWzZ0rQ/MDBQmZmZRVETAAAAXMzhJjEsLEypqamm/T/88IOqVatWJEUBAADcTB5O3Eoqh2sfPHiwnnzySW3YsEEWi0VHjhzRvHnzNGrUKD322GPOqBEAAAA3mcNL4DzzzDMqKChQ27ZtdfbsWbVs2VJWq1WjRo3S8OHDnVEjAACAU5XgqYNO43CTaLFY9O9//1ujR49Wamqqzpw5o6ioKJUpU8YZ9QEAAMAFrnsxbS8vL0VFRRVlLQAAAC5Rkp9CdhaHm8Q2bdpc8/cNV61adUMFAQAAwPUcbhIbNWpk9zovL0/bt2/Xjz/+qLi4uKKqCwAA4KYhSDRzuEmcOnXqFfePHz9eZ86cueGCAAAAbjZ+u9msyJbvefjhh/Xf//63qE4HAAAAF7ruB1cul5KSIm9v76I6HQAAwE3DgytmDjeJ3bt3t3ttGIaOHj2qzZs3a+zYsUVWGAAAAFzH4SYxMDDQ7rWHh4dq166tiRMnKjY2tsgKAwAAuFkIEs0cahLz8/M1YMAA1a9fX2XLlnVWTQAAAHAxhx5c8fT0VGxsrDIzM51UDgAAwM3nYXHeVlI5/HRzvXr1dPDgQWfUAgAAgGLC4Sbx+eef16hRo7RkyRIdPXpU2dnZdhsAAEBJY3Hif0qqQs9JnDhxokaOHKmOHTtKku6//367n+czDEMWi0X5+flFXyUAAIATleTbws5S6CZxwoQJGjp0qL777jtn1gMAAIBioNBNomEYkqRWrVo5rRgAAABXIEk0c2hOooVFhAAAANyCQ+sk1qpV628bxVOnTt1QQQAAADcbQZiZQ03ihAkTTL+4AgAAgFuPQ01i7969FRIS4qxaAAAAXII5iWaFnpNIDAsAAOA+HH66GQAA4FZDFmZW6CaxoKDAmXUAAAC4jAddoonDP8sHAACAW59DD64AAADcinhwxYwkEQAAACYkiQAAwO0xJdGMJBEAAAAmJIkAAMDteYgo8XIkiQAAADAhSQQAAG6POYlmNIkAAMDtsQSOGbebAQAAYEKSCAAA3B4/y2dGkggAAAATkkQAAOD2CBLNSBIBAABgQpIIAADcHnMSzUgSAQAAYEKSCAAA3B5BohlNIgAAcHvcWjXjOwEAAIAJSSIAAHB7Fu43m5AkAgAAFCNr165Vly5dFBERIYvFokWLFtkd79+/vywWi93Wvn17uzGnTp1S3759FRAQoKCgIA0cOFBnzpxxqA6aRAAA4PYsTtwclZOTo4YNG+qtt9666pj27dvr6NGjtu2jjz6yO963b1/t3r1bycnJWrJkidauXashQ4Y4VAe3mwEAAIqRDh06qEOHDtccY7VaFRYWdsVje/fu1TfffKNNmzbpzjvvlCS98cYb6tixo1555RVFREQUqg6SRAAA4PY8LBanbbm5ucrOzrbbcnNzb6je1atXKyQkRLVr19Zjjz2mkydP2o6lpKQoKCjI1iBKUkxMjDw8PLRhw4bCfyc3VCEAAACuKSkpSYGBgXZbUlLSdZ+vffv2+uCDD7Ry5Ur95z//0Zo1a9ShQwfl5+dLktLT0xUSEmL3nlKlSik4OFjp6emFvg63mwEAgNtz5rPNiYmJSkhIsNtntVqv+3y9e/e2/bl+/fpq0KCBqlevrtWrV6tt27bXfd7L0SQCAAC358wVcKxW6w01hX+nWrVqKl++vFJTU9W2bVuFhYXp2LFjdmMuXryoU6dOXXUe45VwuxkAAKAE++2333Ty5EmFh4dLkqKjo5WZmaktW7bYxqxatUoFBQVq2rRpoc9LkggAANxecVpM+8yZM0pNTbW9PnTokLZv367g4GAFBwdrwoQJ6tGjh8LCwnTgwAE9/fTTqlGjhtq1aydJqlu3rtq3b6/Bgwdr5syZysvL07Bhw9S7d+9CP9kskSQCAAAUK5s3b1bjxo3VuHFjSVJCQoIaN26scePGydPTUzt37tT999+vWrVqaeDAgWrSpIm+//57u1va8+bNU506ddS2bVt17NhRzZs31zvvvONQHSSJAADA7RWn1Kx169YyDOOqx5cvX/635wgODtb8+fNvqI7i9J0AAACgmCBJBAAAbq84zUksLkgSAQAAYEKSCAAA3B45ohlJIgAAAExIEgEAgNtjTqIZTSIAAHB73Fo14zsBAACACUkiAABwe9xuNiNJBAAAgAlJIgAAcHvkiGYkiQAAADAhSQQAAG6PKYlmJIkAAAAwIUkEAABuz4NZiSY0iQAAwO1xu9mM280AAAAwIUkEAABuz8LtZhOSRAAAAJiQJAIAALfHnEQzkkQAAACYkCQCAAC3xxI4ZiSJAAAAMCFJBAAAbo85iWY0iQAAwO3RJJpxuxkAAAAmJIkAAMDtsZi2GUkiAAAATEgSAQCA2/MgSDQhSQQAAIAJSSIAAHB7zEk0I0kEAACACUkiAABwe6yTaEaTCAAA3B63m8243QwAAAATkkQAAOD2WALHjCQRAAAAJiSJAADA7TEn0YwkEQAAACYkiSgRPvvkI33x6cc6euR3SVLV6jU0aMjjurd5S0nSiRPH9cbUl7VhfYrO5uQoskoVDRg0VP+IiXVl2QCu4Mi+Xdq2/DMd+2W/zmadUof4cap2x712Y04dSVPKZ+/ryM+7VJCfr+CIymr/+Fj5lwuxjUlP3aP1C+co4+BPsnh4qnylaro/4QWV8rLe7I+EWwBL4JjRJKJECA0NU/wTCapUOVKGDH391Zca9dQwzf34c1WvUVMTnn1Gp0+f1quvvaWgsmX1zbIl+tfTIzRn/qeqXSfK1eUD+Iu8C+dVrmJV1W0eq2VvTTIdzzp2RF+8NFJRLdrp7q6PyMvHV6eO/CrP0l62Mempe7T4tWd1R8cH1aLPY/Lw9NSJw4dk4f/pgSJDk4gSoUWrNnavHx/+lL749GP9uGuHqteoqZ07tmvMv8fp9voNJEkDBz+mjz6co717dtMkAsVMZP27FFn/rqseX//FHEXWv0v3/nOQbV9gSITdmB8WvKMGbbuqSccHbfvKhlUq+mLhNvjXCzOaRJQ4+fn5Wpn8jc6dO6v6DRpJkho0bKTk5cvUrEUr+fsHaMW3y3Qh94Ka3Hm3a4sF4BCjoEC/7tyoxh166qsp/9KJtAPyLx+mJh0ftN2SPpudqYyDP6nWPW30+YsjlHX8qMqGVVLT7nGKqFnPxZ8AJZUHKbRJsX5w5fDhw3r00UevOSY3N1fZ2dl2W25u7k2qEDdT6v6f1Sq6iZrf3VAvPT9Bk6e8oWrVa0iSXpw8VRcvXtR9raLV7O6GSnp+vCZPeUOVKke6uGoAjjh7OlN5uee0deknqlzvTnVJeFHV7rhXy6ZP0u/7dkqSso8flSRt/PJDRbXsoC5PPa8KkTX05SuJysz43ZXlA7eUYt0knjp1SnPmzLnmmKSkJAUGBtptU15+6SZViJspskoVfbjgC/137gL16NVbE8Yl6uCBVEnSzOnTdOb0ab359n81Z96n6vNwf/3r6RFK3f+zi6sG4JACQ5JUtXG0GsV2V4XK1dWk44Oq0uBu7V79tSTJMP4cc3urjqrbPFYVImuoee//U9mw27T3h+UuKx0lm8WJW0nl0tvNX3311TWPHzx48G/PkZiYqISEBLt95wtK31BdKJ5Kl/ayJYN1o27Xnt27tGD+XD3Sf6A+/XiePvrsK1WvUVOSVKt2HW3ftlmfLpivxGfHu7BqAI7w9g+Qh6engsMr2+0vG15ZR1N3S5L8AoMlScER5jGnTx6/OYUCbsClTWK3bt1ksVhs/1Z4JX/3pJrVapXVar/cgXGuoEjqQ/FWUGDowoULOn/+vCTJw8M+GPfw8JRRwP8WgJLEs1RphVSppT/Sf7Pbn5nxu235G//yofILKqfMy8ek/67K9e+8abXiFlOSIz8ncent5vDwcH3xxRcqKCi44rZ161ZXlodi5K1pU7R1yyYd+f13pe7/+c/XmzeqfcfOqlKlqipVqqyk55/T7l079dvhNM37YJY2rl+nVm3aurp0AJe5cP6cjqcd0PG0A5Kk7BPpOp52QKdPHpMkNW7fU6mb1mr3mmXKzDiinSu/0i871qtem86S/gwPGrfvqZ0rv1Tq5u+VmXFEGxbO0R/phxXVop3LPhdwq7EY14rxnOz+++9Xo0aNNHHixCse37Fjhxo3bqwCB9OgLJLEW86k8f/W5g3rdeLEcZUp468atWqpX/9BahrdTJKU9usvemvaFO3YtlVnz55VxcqV9XC/AerYuauLK0dRm7PlV1eXgBv0+087tOjlMab9de6NUduBoyRJe75frq1LF+jMHycUFFZRd3d9RNUaR9uN37J0gX5ctVjnc06rfKVqiv7nQJ5uLuGeaF7VZdfecCDLaeduWj3Qaed2Jpc2id9//71ycnLUvn37Kx7PycnR5s2b1apVK4fOS5MI3LpoEoFbF01i8eLSOYktWrS45nE/Pz+HG0QAAABHsUyiGYtpAwAAt0ePaFas10kEAACAa5AkAgAAECWakCQCAADAhCQRAAC4PQtRoglJIgAAQDGydu1adenSRREREbJYLFq0aJHdccMwNG7cOIWHh8vHx0cxMTHav3+/3ZhTp06pb9++CggIUFBQkAYOHKgzZ844VAdNIgAAcHsWi/M2R+Xk5Khhw4Z66623rnh88uTJmjZtmmbOnKkNGzbIz89P7dq1s/1MrST17dtXu3fvVnJyspYsWaK1a9dqyJAhjn0nrlxM21lYTBu4dbGYNnDrcuVi2lt+yXbauZtUCbju91osFi1cuFDdunWT9GeKGBERoZEjR2rUqD9/oSgrK0uhoaGaPXu2evfurb179yoqKkqbNm3SnXf++Xvm33zzjTp27KjffvtNERERhbo2SSIAAHB7Fiduubm5ys7Otttyc3Ovq85Dhw4pPT1dMTExtn2BgYFq2rSpUlJSJEkpKSkKCgqyNYiSFBMTIw8PD23YsKHQ16JJBAAAcGKXmJSUpMDAQLstKSnpuspMT0+XJIWGhtrtDw0NtR1LT09XSEiI3fFSpUopODjYNqYweLoZAADAiRITE5WQkGC3z2q1uqiawqNJBAAAbs+ZS+BYrdYiawrDwsIkSRkZGQoPD7ftz8jIUKNGjWxjjh07Zve+ixcv6tSpU7b3Fwa3mwEAAEqIqlWrKiwsTCtXrrTty87O1oYNGxQdHS1Jio6OVmZmprZs2WIbs2rVKhUUFKhp06aFvhZJIgAAcHvXs1SNs5w5c0apqam214cOHdL27dsVHBysypUr66mnntLzzz+vmjVrqmrVqho7dqwiIiJsT0DXrVtX7du31+DBgzVz5kzl5eVp2LBh6t27d6GfbJZoEgEAAIqVzZs3q02bNrbXl+YzxsXFafbs2Xr66aeVk5OjIUOGKDMzU82bN9c333wjb29v23vmzZunYcOGqW3btvLw8FCPHj00bdo0h+pgnUQAJQrrJAK3Lleuk7gj7bTTzt2wsr/Tzu1MzEkEAACACbebAQAAitGcxOKCJhEAALg9Zy6BU1JxuxkAAAAmJIkAAMDtFaclcIoLkkQAAACYkCQCAAC3R5BoRpIIAAAAE5JEAAAAokQTkkQAAACYkCQCAAC3xzqJZiSJAAAAMCFJBAAAbo91Es1oEgEAgNujRzTjdjMAAABMSBIBAACIEk1IEgEAAGBCkggAANweS+CYkSQCAADAhCQRAAC4PZbAMSNJBAAAgAlJIgAAcHsEiWY0iQAAAHSJJtxuBgAAgAlJIgAAcHssgWNGkggAAAATkkQAAOD2WALHjCQRAAAAJiSJAADA7REkmpEkAgAAwIQkEQAAgCjRhCYRAAC4PZbAMeN2MwAAAExIEgEAgNtjCRwzkkQAAACYkCQCAAC3R5BoRpIIAAAAE5JEAAAAokQTkkQAAACYkCQCAAC3xzqJZjSJAADA7bEEjhm3mwEAAGBCkggAANweQaIZSSIAAABMSBIBAIDbY06iGUkiAAAATEgSAQAAmJVoQpIIAAAAE5JEAADg9piTaEaTCAAA3B49ohm3mwEAAGBCkggAANwet5vNSBIBAABgQpIIAADcnoVZiSYkiQAAADAhSQQAACBINCFJBAAAKCbGjx8vi8Vit9WpU8d2/Pz584qPj1e5cuVUpkwZ9ejRQxkZGU6phSYRAAC4PYsTN0fdfvvtOnr0qG374YcfbMdGjBihxYsX69NPP9WaNWt05MgRde/e/Xo+8t/idjMAAHB7zlwCJzc3V7m5uXb7rFarrFbrFceXKlVKYWFhpv1ZWVl6//33NX/+fP3jH/+QJM2aNUt169bV+vXrdc899xRp3SSJAAAATpSUlKTAwEC7LSkp6arj9+/fr4iICFWrVk19+/ZVWlqaJGnLli3Ky8tTTEyMbWydOnVUuXJlpaSkFHndJIkAAMDtOXMJnMTERCUkJNjtu1qK2LRpU82ePVu1a9fW0aNHNWHCBLVo0UI//vij0tPT5eXlpaCgILv3hIaGKj09vcjrpkkEAABwomvdWr5chw4dbH9u0KCBmjZtqsjISH3yySfy8fFxVolXxO1mAACA4vTkyl8EBQWpVq1aSk1NVVhYmC5cuKDMzEy7MRkZGVecw3ijaBIBAACKqTNnzujAgQMKDw9XkyZNVLp0aa1cudJ2fN++fUpLS1N0dHSRX5vbzQAAwO0Vl7W0R40apS5duigyMlJHjhzRc889J09PTz300EMKDAzUwIEDlZCQoODgYAUEBGj48OGKjo4u8iebJZpEAACAYuO3337TQw89pJMnT6pChQpq3ry51q9frwoVKkiSpk6dKg8PD/Xo0UO5ublq166dpk+f7pRaLIZhGE45swtlnStwdQkAnGTOll9dXQIAJ3mieVWXXftkzkWnnbucX8nM5Epm1QAAAEXImUvglFQ8uAIAAAATkkQAAOD2nPmzfCUVSSIAAABMaBIBAABgQpMIAAAAE+YkAgAAt8ecRDOSRAAAAJiQJAIAALfHOolmNIkAAMDtcbvZjNvNAAAAMCFJBAAAbo8g0YwkEQAAACYkiQAAAESJJiSJAAAAMCFJBAAAbo8lcMxIEgEAAGBCkggAANwe6ySakSQCAADAhCQRAAC4PYJEM5pEAAAAukQTbjcDAADAhCQRAAC4PZbAMSNJBAAAgAlJIgAAcHssgWNGkggAAAATi2EYhquLAK5Xbm6ukpKSlJiYKKvV6upyABQh/n4DrkWTiBItOztbgYGBysrKUkBAgKvLAVCE+PsNuBa3mwEAAGBCkwgAAAATmkQAAACY0CSiRLNarXruueeY1A7cgvj7DbgWD64AAADAhCQRAAAAJjSJAAAAMKFJBAAAgAlNIgAAAExoElGivfXWW6pSpYq8vb3VtGlTbdy40dUlAbhBa9euVZcuXRQRESGLxaJFixa5uiTALdEkosRasGCBEhIS9Nxzz2nr1q1q2LCh2rVrp2PHjrm6NAA3ICcnRw0bNtRbb73l6lIAt8YSOCixmjZtqrvuuktvvvmmJKmgoECVKlXS8OHD9cwzz7i4OgBFwWKxaOHCherWrZurSwHcDkkiSqQLFy5oy5YtiomJse3z8PBQTEyMUlJSXFgZAAC3BppElEgnTpxQfn6+QkND7faHhoYqPT3dRVUBAHDroEkEAACACU0iSqTy5cvL09NTGRkZdvszMjIUFhbmoqoAALh10CSiRPLy8lKTJk20cuVK276CggKtXLlS0dHRLqwMAIBbQylXFwBcr4SEBMXFxenOO+/U3Xffrddee005OTkaMGCAq0sDcAPOnDmj1NRU2+tDhw5p+/btCg4OVuXKlV1YGeBeWAIHJdqbb76pl19+Wenp6WrUqJGmTZumpk2burosADdg9erVatOmjWl/XFycZs+effMLAtwUTSIAAABMmJMIAAAAE5pEAAAAmNAkAgAAwIQmEQAAACY0iQAAADChSQQAAIAJTSIAAABMaBIBAABgQpMI4Ib1799f3bp1s71u3bq1nnrqqZtex+rVq2WxWJSZmXnVMRaLRYsWLSr0OcePH69GjRrdUF2//PKLLBaLtm/ffkPnAYCbiSYRuEX1799fFotFFotFXl5eqlGjhiZOnKiLFy86/dpffPGFJk2aVKixhWnsAAA3XylXFwDAedq3b69Zs2YpNzdXS5cuVXx8vEqXLq3ExETT2AsXLsjLy6tIrhscHFwk5wEAuA5JInALs1qtCgsLU2RkpB577DHFxMToq6++kvT/bhG/8MILioiIUO3atSVJhw8fVq9evRQUFKTg4GB17dpVv/zyi+2c+fn5SkhIUFBQkMqVK6enn35al/8E/OW3m3NzczVmzBhVqlRJVqtVNWrU0Pvvv69ffvlFbdq0kSSVLVtWFotF/fv3lyQVFBQoKSlJVatWlY+Pjxo2bKjPPvvM7jpLly5VrVq15OPjozZt2tjVWVhjxoxRrVq15Ovrq2rVqmns2LHKy8szjXv77bdVqVIl+fr6qlevXsrKyrI7/t5776lu3bry9vZWnTp1NH369Kte848//lDfvn1VoUIF+fj4qGbNmpo1a5bDtQOAM5EkAm7Ex8dHJ0+etL1euXKlAgIClJycLEnKy8tTu3btFB0dre+//16lSpXS888/r/bt22vnzp3y8vLSq6++qtmzZ+u///2v6tatq1dffVULFy7UP/7xj6tet1+/fkpJSdG0adPUsGFDHTp0SCdOnFClSpX0+eefq0ePHtq3b58CAgLk4+MjSUpKStKHH36omTNnqmbNmlq7dq0efvhhVahQQa1atdLhw4fVvXt3xcfHa8iQIdq8ebNGjhzp8Hfi7++v2bNnKyIiQrt27dLgwYPl7++vp59+2jYmNTVVn3zyiRYvXqzs7GwNHDhQjz/+uObNmydJmjdvnsaNG6c333xTjRs31rZt2zR48GD5+fkpLi7OdM2xY8dqz549WrZsmcqXL6/U1FSdO3fO4doBwKkMALekuLg4o2vXroZhGEZBQYGRnJxsWK1WY9SoUbbjoaGhRm5uru09c+fONWrXrm0UFBTY9uXm5ho+Pj7G8uXLDcMwjPDwcGPy5Mm243l5eUbFihVt1zIMw2jVqpXx5JNPGoZhGPv27TMkGcnJyVes87vvvjMkGX/88Ydt3/nz5w1fX19j3bp1dmMHDhxoPPTQQ4ZhGEZiYqIRFRVld3zMmDGmc11OkrFw4cKrHn/55ZeNJk2a2F4/99xzhqenp/Hbb7/Z9i1btszw8PAwjh49ahiGYVSvXt2YP3++3XkmTZpkREdHG4ZhGIcOHTIkGdu2bTMMwzC6dOliDBgw4Ko1AEBxQJII3MKWLFmiMmXKKC8vTwUFBerTp4/Gjx9vO16/fn27eYg7duxQamqq/P397c5z/vx5HThwQFlZWTp69KiaNm1qO1aqVCndeeedplvOl2zfvl2enp5q1apVoetOTU3V2bNndd9999ntv3Dhgho3bixJ2rt3r10dkhQdHV3oa1yyYMECTZs2TQcOHNCZM2d08eJFBQQE2I2pXLmybrvtNrvrFBQUaN++ffL399eBAwc0cOBADR482Dbm4sWLCgwMvOI1H3vsMfXo0UNbt25VbGysunXrpnvvvdfh2gHAmWgSgVtYmzZtNGPGDHl5eSkiIkKlStn/lffz87N7febMGTVp0sR2G/WvKlSocF01XLp97IgzZ85Ikr7++mu75kz6c55lUUlJSVHfvn01YcIEtWvXToGBgfr444/16quvOlzru+++a2paPT09r/ieDh066Ndff9XSpUuVnJystm3bKj4+Xq+88sr1fxgAKGI0icAtzM/PTzVq1Cj0+DvuuEMLFixQSEiIKU27JDw8XBs2bFDLli0l/ZmYbdmyRXfccccVx9evX18FBQVas2aNYmJiTMcvJZn5+fm2fVFRUbJarUpLS7tqAlm3bl3bQziXrF+//u8/5F+sW7dOkZGR+ve//23b9+uvv5rGpaWl6ciRI4qIiLBdx8PDQ7Vr11ZoaKgiIiJ08OBB9e3bt9DXrlChguLi4hQXF6cWLVpo9OjRNIkAihWebgZg07dvX5UvX15du3bV999/r0OHDmn16tV64okn9Ntvv0mSnnzySb300ktatGiRfvrpJz3++OPXXOOwSpUqiouL06OPPqpFixbZzvnJJ59IkiIjI2WxWLRkyRIdP35cZ86ckb+/v0aNGqURI0Zozpw5OnDggLZu3ao33nhDc+bMkSQNHTpU+/fv1+jRo7Vv3z7Nnz9fs2fPdujz1qxZU2lpafr444914MABTZs2TQsXLjSN8/b2VlxcnHbs2KHvv/9eTzzxhHr16qWwsDBJ0oQJE5SUlKRp06bp559/1q5duzRr1ixNmTLlitcdN26cvvzyS6Wmpmr37t1asmSJ6tat61DtAOBsNIkAbHx9fbV27VpVrlxZ3bt3V926dTVw4ECdP3/eliyOHDlSjzzyiOLi4hQdHS1/f3898MAD1zzvjBkz1LNnTz3++OOqU6eOBg8erJycHEnSbbfdpgkTJuiZZ55RaGiohg0bJkmaNGmSxo4dq6SkJNWtW1ft27fX119/rapVq0r6c57g559/rkWLFqlhw4aaOXOmXnzxRYc+7/33368RI0Zo2LBhatSokdatW6exY8eaxtWoUUPdu3dXx44dFRsbqwYNGtgtcTNo0CC99957mjVrlurXr69WrVpp9uzZtlov5+XlpcTERDVo0EAtW7aUp6enPv74Y4dqBwBnsxhXm20OAAAAt0WSCAAAABOaRAAAAJjQJAIAAMCEJhEAAAAmNIkAAAAwoUkEAACACU0iAAAATGgSAQAAYEKTCAAAABOaRAAAAJjQJAIAAMDk/wOYTCVn2CZ2PQAAAABJRU5ErkJggg==", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "plot_confusion_matrix(y_test, y_pred,(0,1))" + ] + }, + { + "cell_type": "code", + "execution_count": 103, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAr4AAAIjCAYAAADlfxjoAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8pXeV/AAAACXBIWXMAAA9hAAAPYQGoP6dpAACYuklEQVR4nOzdeVzT9R8H8NdA7lsRREQBzStvvO+DxCzTMsUbzTuPRM37rNTSPMu8yjPN27Lyp6WJpZLmmeYtmniAoMilnPv8/vi2jcmGDAdftr2ejwcPt8++++69DfDFZ59DIYQQICIiIiIyc1ZyF0BEREREVBQYfImIiIjIIjD4EhEREZFFYPAlIiIiIovA4EtEREREFoHBl4iIiIgsAoMvEREREVkEBl8iIiIisggMvkRERERkERh8iYqIv78/+vfvL3cZFqd169Zo3bq13GW80KxZs6BQKBAfHy93KcWOQqHArFmzjHKu27dvQ6FQYP369UY5HwCcPHkStra2+Pfff412TmPr0aMHunfvLncZRLJj8CWzsH79eigUCvVXiRIl4Ovri/79++PevXtyl1espaam4uOPP0atWrXg6OgINzc3tGjRAhs3boSp7Gh+6dIlzJo1C7dv35a7lFyys7Oxbt06tG7dGiVLloSdnR38/f0xYMAAnDp1Su7yjGLLli1YsmSJ3GVoKcqapk6dip49e6JChQrqttatW2v9TnJwcECtWrWwZMkSKJVKned59OgRPvzwQ1SpUgX29vYoWbIkQkJC8NNPP+l97KSkJMyePRu1a9eGs7MzHBwcUKNGDUycOBH3799XHzdx4kTs2rUL58+fz/fzsoTvXbI8CmEq/7MR5WH9+vUYMGAAPvroIwQEBCAtLQ1//vkn1q9fD39/f1y8eBH29vay1pieng4rKyvY2NjIWkdOsbGxaNeuHS5fvowePXqgVatWSEtLw65du/D7778jNDQUmzdvhrW1tdyl5mnnzp3o1q0bDh8+nKt3NyMjAwBga2tb5HU9e/YM77zzDvbv34+WLVuiU6dOKFmyJG7fvo3t27fj2rVruHPnDsqVK4dZs2Zh9uzZiIuLg6enZ5HX+jLefPNNXLx4sdD+8EhLS0OJEiVQokSJl65JCIH09HTY2NgY5fv63LlzqFu3Lo4fP44mTZqo21u3bo2bN29i3rx5AID4+Hhs2bIFf/31F6ZMmYI5c+Zonefq1ato164d4uLiMGDAANSvXx9PnjzB5s2bce7cOYwfPx4LFizQuk9UVBSCg4Nx584ddOvWDc2bN4etrS3+/vtvfPfddyhZsiSuXbumPr5Ro0aoUqUKNm7c+MLnZcj3LpFJEURmYN26dQKA+Ouvv7TaJ06cKACIbdu2yVSZvJ49eyays7P13h4SEiKsrKzEDz/8kOu28ePHCwDi008/LcwSdUpJSTHo+B07dggA4vDhw4VTUAGNGDFCABCLFy/OdVtWVpZYsGCBiI6OFkIIMXPmTAFAxMXFFVo9SqVSPH361OjnfeONN0SFChWMes7s7Gzx7NmzAt+/MGrSZfTo0aJ8+fJCqVRqtbdq1Uq8+uqrWm3Pnj0TFSpUEC4uLiIrK0vdnpGRIWrUqCEcHR3Fn3/+qXWfrKwsERoaKgCIrVu3qtszMzNF7dq1haOjo/jjjz9y1ZWYmCimTJmi1fb5558LJycnkZyc/MLnZcj37st42feZyFAMvmQW9AXfn376SQAQc+fO1Wq/fPmy6Nq1q/Dw8BB2dnYiKChIZ/hLSEgQY8aMERUqVBC2trbC19dX9O3bVyucpKWliRkzZoiKFSsKW1tbUa5cOfHhhx+KtLQ0rXNVqFBBhIWFCSGE+OuvvwQAsX79+lyPuX//fgFA/Pjjj+q2u3fvigEDBggvLy9ha2srqlevLr755hut+x0+fFgAEN99952YOnWqKFu2rFAoFCIhIUHnaxYZGSkAiPfee0/n7ZmZmeKVV14RHh4e6rB069YtAUAsWLBALFq0SJQvX17Y29uLli1bigsXLuQ6R35eZ9V7FxERIYYPHy5Kly4t3N3dhRBC3L59WwwfPlxUrlxZ2Nvbi5IlS4p3331X3Lp1K9f9n/9SheBWrVqJVq1a5Xqdtm3bJj755BPh6+sr7OzsRNu2bcX169dzPYcvv/xSBAQECHt7e9GgQQPx+++/5zqnLtHR0aJEiRLitddey/M4FVXwvX79uggLCxNubm7C1dVV9O/fX6Smpmodu3btWtGmTRtRunRpYWtrK6pVqya++uqrXOesUKGCeOONN8T+/ftFUFCQsLOzUweZ/J5DCCH27dsnWrZsKZydnYWLi4uoX7++2Lx5sxBCen2ff+1zBs78/nwAECNGjBDffvutqF69uihRooTYs2eP+raZM2eqj01KShIffPCB+ueydOnSIjg4WJw+ffqFNam+h9etW6f1+JcvXxbdunUTnp6ewt7eXlSuXDlXcNSlfPnyon///rnadQVfIYR49913BQBx//59ddt3330nAIiPPvpI52M8efJEuLu7i6pVq6rbtm7dKgCIOXPmvLBGlfPnzwsAYvfu3XkeZ+j3blhYmM4/MlTf0znpep+3b98uPDw8dL6OiYmJws7OTowbN07dlt/vKSJd8v+5EZEJUn3M6eHhoW77559/0KxZM/j6+mLSpElwcnLC9u3b0aVLF+zatQtvv/02ACAlJQUtWrTA5cuX8d5776FevXqIj4/H3r17cffuXXh6ekKpVOKtt97C0aNHMWTIEFSrVg0XLlzA4sWLce3aNXz//fc666pfvz4CAwOxfft2hIWFad22bds2eHh4ICQkBIA0HKFx48ZQKBQYOXIkSpcujf/9738YOHAgkpKSMGbMGK37f/zxx7C1tcX48eORnp6u9yP+H3/8EQDQr18/nbeXKFECvXr1wuzZs3Hs2DEEBwerb9u4cSOSk5MxYsQIpKWlYenSpWjbti0uXLgAb29vg15nlffffx+lS5fGjBkzkJqaCgD466+/cPz4cfTo0QPlypXD7du3sWLFCrRu3RqXLl2Co6MjWrZsidGjR2PZsmWYMmUKqlWrBgDqf/X59NNPYWVlhfHjxyMxMRHz589H7969ceLECfUxK1aswMiRI9GiRQuEh4fj9u3b6NKlCzw8PF74Ee///vc/ZGVloW/fvnke97zu3bsjICAA8+bNw5kzZ/D111/Dy8sLn332mVZdr776Kt566y2UKFECP/74I95//30olUqMGDFC63xXr15Fz549MXToUAwePBhVqlQx6Bzr16/He++9h1dffRWTJ0+Gu7s7zp49i/3796NXr16YOnUqEhMTcffuXSxevBgA4OzsDAAG/3z89ttv2L59O0aOHAlPT0/4+/vrfI2GDRuGnTt3YuTIkahevToePXqEo0eP4vLly6hXr16eNeny999/o0WLFrCxscGQIUPg7++Pmzdv4scff8w1JCGne/fu4c6dO6hXr57eY56nmlzn7u6ubnvRz6Kbmxs6d+6MDRs24MaNG6hUqRL27t0LAAZ9f1WvXh0ODg44duxYrp+/nAr6vZtfz7/Pr7zyCt5++23s3r0bq1at0vqd9f333yM9PR09evQAYPj3FFEucidvImNQ9fodPHhQxMXFiejoaLFz505RunRpYWdnp/WRXLt27UTNmjW1egeUSqVo2rSpeOWVV9RtM2bM0Ns7ovpYc9OmTcLKyirXR40rV64UAMSxY8fUbTl7fIUQYvLkycLGxkY8fvxY3Zaeni7c3d21emEHDhwofHx8RHx8vNZj9OjRQ7i5ual7Y1U9mYGBgfn6OLtLly4CgN4eYSGE2L17twAgli1bJoTQ9JY5ODiIu3fvqo87ceKEACDCw8PVbfl9nVXvXfPmzbU+/hVC6Hweqp7qjRs3qtvyGuqgr8e3WrVqIj09Xd2+dOlSAUDdc52eni5KlSolGjRoIDIzM9XHrV+/XgB4YY9veHi4ACDOnj2b53Eqqt6x53vg3377bVGqVCmtNl2vS0hIiAgMDNRqq1ChggAg9u/fn+v4/JzjyZMnwsXFRTRq1CjXx9E5P9rXN6zAkJ8PAMLKykr8888/uc6D53p83dzcxIgRI3Idl5O+mnT1+LZs2VK4uLiIf//9V+9z1OXgwYO5Pp1RadWqlahataqIi4sTcXFx4sqVK+LDDz8UAMQbb7yhdWydOnWEm5tbno+1aNEiAUDs3btXCCFE3bp1X3gfXSpXrixef/31PI8x9HvX0B5fXe/zgQMHdL6WHTt21PqeNOR7ikgXrupAZiU4OBilS5eGn58f3n33XTg5OWHv3r3q3rnHjx/jt99+Q/fu3ZGcnIz4+HjEx8fj0aNHCAkJwfXr19WrQOzatQu1a9fW2TOiUCgAADt27EC1atVQtWpV9bni4+PRtm1bAMDhw4f11hoaGorMzEzs3r1b3fbLL7/gyZMnCA0NBSBNxNm1axc6deoEIYTWY4SEhCAxMRFnzpzROm9YWBgcHBxe+FolJycDAFxcXPQeo7otKSlJq71Lly7w9fVVX2/YsCEaNWqEffv2ATDsdVYZPHhwrslGOZ9HZmYmHj16hEqVKsHd3T3X8zbUgAEDtHqWWrRoAUCaMAQAp06dwqNHjzB48GCtSVW9e/fW+gRBH9Vrltfrq8uwYcO0rrdo0QKPHj3Seg9yvi6JiYmIj49Hq1atEBUVhcTERK37BwQEqD89yCk/5/j111+RnJyMSZMm5ZocqvoZyIuhPx+tWrVC9erVX3hed3d3nDhxQmvVgoKKi4vD77//jvfeew/ly5fXuu1Fz/HRo0cAoPf74cqVKyhdujRKly6NqlWrYsGCBXjrrbdyLaWWnJz8wu+T538Wk5KSDP7eUtX6oiXzCvq9m1+63ue2bdvC09MT27ZtU7clJCTg119/Vf8+BF7udy4RAHCoA5mV5cuXo3LlykhMTMTatWvx+++/w87OTn37jRs3IITA9OnTMX36dJ3nePjwIXx9fXHz5k107do1z8e7fv06Ll++jNKlS+s9lz61a9dG1apVsW3bNgwcOBCANMzB09NT/Us8Li4OT548werVq7F69ep8PUZAQECeNauo/lNLTk7W+tg1J33h+JVXXsl1bOXKlbF9+3YAhr3OedX97NkzzJs3D+vWrcO9e/e0lld7PuAZ6vmQowovCQkJAKBek7VSpUpax5UoUULvR/A5ubq6AtC8hsaoS3XOY8eOYebMmYiMjMTTp0+1jk9MTISbm5v6ur7vh/yc4+bNmwCAGjVqGPQcVAz9+cjv9+78+fMRFhYGPz8/BAUFoWPHjujXrx8CAwMNrlH1h05BnyMAvcv++fv7Y82aNVAqlbh58ybmzJmDuLi4XH9EuLi4vDCMPv+z6Orqqq7d0FpfFOgL+r2bX7re5xIlSqBr167YsmUL0tPTYWdnh927dyMzM1Mr+L7M71wigMGXzEzDhg1Rv359AFKvZPPmzdGrVy9cvXoVzs7O6vUzx48fr7MXDMgddPKiVCpRs2ZNLFq0SOftfn5+ed4/NDQUc+bMQXx8PFxcXLB371707NlT3cOoqrdPnz65xgKr1KpVS+t6fnp7AWkM7Pfff4+///4bLVu21HnM33//DQD56oXLqSCvs666R40ahXXr1mHMmDFo0qQJ3NzcoFAo0KNHD71roeaXvqWs9IUYQ1WtWhUAcOHCBdSpUyff93tRXTdv3kS7du1QtWpVLFq0CH5+frC1tcW+ffuwePHiXK+LrtfV0HMUlKE/H/n93u3evTtatGiBPXv24JdffsGCBQvw2WefYffu3Xj99ddfuu78KlWqFADNH0vPc3Jy0hob36xZM9SrVw9TpkzBsmXL1O3VqlXDuXPncOfOnVx/+Kg8/7NYtWpVnD17FtHR0S/8PZNTQkKCzj9cczL0e1dfkM7OztbZru997tGjB1atWoX//e9/6NKlC7Zv346qVauidu3a6mNe9ncuEYMvmS1ra2vMmzcPbdq0wZdffolJkyape4RsbGy0/kPSpWLFirh48eILjzl//jzatWuXr49+nxcaGorZs2dj165d8Pb2RlJSknoSBwCULl0aLi4uyM7OfmG9hnrzzTcxb948bNy4UWfwzc7OxpYtW+Dh4YFmzZpp3Xb9+vVcx1+7dk3dE2rI65yXnTt3IiwsDAsXLlS3paWl4cmTJ1rHFeS1fxHVZgQ3btxAmzZt1O1ZWVm4fft2rj84nvf666/D2toa3377rVEnCf34449IT0/H3r17tUKSIR/x5vccFStWBABcvHgxzz8I9b3+L/vzkRcfHx+8//77eP/99/Hw4UPUq1cPc+bMUQff/D6e6nv1RT/ruqgC4q1bt/J1fK1atdCnTx+sWrUK48ePV7/2b775Jr777jts3LgR06ZNy3W/pKQk/PDDD6hatar6fejUqRO+++47fPvtt5g8eXK+Hj8rKwvR0dF466238jzO0O9dDw+PXD+TAAzeya5ly5bw8fHBtm3b0Lx5c/z222+YOnWq1jGF+T1FloFjfMmstW7dGg0bNsSSJUuQlpYGLy8vtG7dGqtWrcKDBw9yHR8XF6e+3LVrV5w/fx579uzJdZyq96179+64d+8e1qxZk+uYZ8+eqVcn0KdatWqoWbMmtm3bhm3btsHHx0crhFpbW6Nr167YtWuXzv+Yc9ZrqKZNmyI4OBjr1q3TuTPU1KlTce3aNUyYMCFXD83333+vNUb35MmTOHHihDp0GPI658Xa2jpXD+wXX3yRqyfJyckJAHT+51tQ9evXR6lSpbBmzRpkZWWp2zdv3qy3hy8nPz8/DB48GL/88gu++OKLXLcrlUosXLgQd+/eNaguVY/w88M+1q1bZ/RztG/fHi4uLpg3bx7S0tK0bst5XycnJ51DT17250OX7OzsXI/l5eWFsmXLIj09/YU1Pa906dJo2bIl1q5dizt37mjd9qLef19fX/j5+Rm0i9mECROQmZmp1WP57rvvonr16vj0009znUupVGL48OFISEjAzJkzte5Ts2ZNzJkzB5GRkbkeJzk5OVdovHTpEtLS0tC0adM8azT0e7dixYpITExU90oDwIMHD3T+7syLlZUV3n33Xfz444/YtGkTsrKytIY5AIXzPUWWhT2+ZPY+/PBDdOvWDevXr8ewYcOwfPlyNG/eHDVr1sTgwYMRGBiI2NhYREZG4u7du+otPT/88EP1jmDvvfcegoKC8PjxY+zduxcrV65E7dq10bdvX2zfvh3Dhg3D4cOH0axZM2RnZ+PKlSvYvn07Dhw4oB56oU9oaChmzJgBe3t7DBw4EFZW2n+Pfvrppzh8+DAaNWqEwYMHo3r16nj8+DHOnDmDgwcP4vHjxwV+bTZu3Ih27dqhc+fO6NWrF1q0aIH09HTs3r0bERERCA0NxYcffpjrfpUqVULz5s0xfPhwpKenY8mSJShVqhQmTJigPia/r3Ne3nzzTWzatAlubm6oXr06IiMjcfDgQfVHzCp16tSBtbU1PvvsMyQmJsLOzg5t27aFl5dXgV8bW1tbzJo1C6NGjULbtm3RvXt33L59G+vXr0fFihXz1du0cOFC3Lx5E6NHj8bu3bvx5ptvwsPDA3fu3MGOHTtw5coVrR7+/Gjfvj1sbW3RqVMnDB06FCkpKVizZg28vLx0/pHxMudwdXXF4sWLMWjQIDRo0AC9evWCh4cHzp8/j6dPn2LDhg0AgKCgIGzbtg1jx45FgwYN4OzsjE6dOhnl5+N5ycnJKFeuHN599131Nr0HDx7EX3/9pfXJgL6adFm2bBmaN2+OevXqYciQIQgICMDt27fx888/49y5c3nW07lzZ+zZsydfY2cBaahCx44d8fXXX2P69OkoVaoUbG1tsXPnTrRr1w7NmzfX2rlty5YtOHPmDMaNG6f1vWJjY4Pdu3cjODgYLVu2RPfu3dGsWTPY2Njgn3/+UX9ak3M5tl9//RWOjo547bXXXlinId+7PXr0wMSJE/H2229j9OjRePr0KVasWIHKlSsbPAk1NDQUX3zxBWbOnImaNWvmWpawML6nyMIU/UISRManbwMLIaSdgSpWrCgqVqyoXi7r5s2bol+/fqJMmTLCxsZG+Pr6ijfffFPs3LlT676PHj0SI0eOFL6+vuqF0sPCwrSWFsvIyBCfffaZePXVV4WdnZ3w8PAQQUFBYvbs2SIxMVF93PPLmalcv35dvcj+0aNHdT6/2NhYMWLECOHn5ydsbGxEmTJlRLt27cTq1avVx6iW6dqxY4dBr11ycrKYNWuWePXVV4WDg4NwcXERzZo1E+vXr8+1nFPODSwWLlwo/Pz8hJ2dnWjRooU4f/58rnPn53XO671LSEgQAwYMEJ6ensLZ2VmEhISIK1eu6Hwt16xZIwIDA4W1tXW+NrB4/nXSt7HBsmXLRIUKFYSdnZ1o2LChOHbsmAgKChIdOnTIx6sr7XL19ddfixYtWgg3NzdhY2MjKlSoIAYMGKC1XJS+ndtUr0/OTTv27t0ratWqJezt7YW/v7/47LPPxNq1a3Mdp9rAQpf8nkN1bNOmTYWDg4NwdXUVDRs2FN9995369pSUFNGrVy/h7u6eawOL/P584L+NDXRBjuXM0tPTxYcffihq164tXFxchJOTk6hdu3auzTf01aTvfb548aJ4++23hbu7u7C3txdVqlQR06dP11lPTmfOnBEAci2vpW8DCyGEiIiIyLVEmxBCPHz4UIwdO1ZUqlRJ2NnZCXd3dxEcHKxewkyXhIQEMWPGDFGzZk3h6Ogo7O3tRY0aNcTkyZPFgwcPtI5t1KiR6NOnzwufk0p+v3eFEOKXX34RNWrUELa2tqJKlSri22+/zXMDC32USqXw8/MTAMQnn3yi85j8fk8R6aIQwkgzOYjI7N2+fRsBAQFYsGABxo8fL3c5slAqlShdujTeeecdnR+3kuVp164dypYti02bNsldil7nzp1DvXr1cObMGYMmWxKZG47xJSLSIy0tLdc4z40bN+Lx48do3bq1PEVRsTN37lxs27bN4MlcRenTTz/Fu+++y9BLFo9jfImI9Pjzzz8RHh6Obt26oVSpUjhz5gy++eYb1KhRA926dZO7PComGjVqhIyMDLnLyNPWrVvlLoGoWGDwJSLSw9/fH35+fli2bBkeP36MkiVLol+/fvj000+1dn0jIiLTwDG+RERERGQROMaXiIiIiCwCgy8RERERWQSLG+OrVCpx//59uLi4cLtDIiIiomJICIHk5GSULVs218ZOL8Pigu/9+/fh5+cndxlERERE9ALR0dEoV66c0c5nccHXxcUFgPRCurq6ylwNERERET0vKSkJfn5+6txmLBYXfFXDG1xdXRl8iYiIiIoxYw9L5eQ2IiIiIrIIDL5EREREZBEYfImIiIjIIjD4EhEREZFFYPAlIiIiIovA4EtEREREFoHBl4iIiIgsAoMvEREREVkEBl8iIiIisggMvkRERERkERh8iYiIiMgiMPgSERERkUVg8CUiIiIii8DgS0REREQWgcGXiIiIiCyCrMH3999/R6dOnVC2bFkoFAp8//33L7xPREQE6tWrBzs7O1SqVAnr168v9DqJiIiIyPTJGnxTU1NRu3ZtLF++PF/H37p1C2+88QbatGmDc+fOYcyYMRg0aBAOHDhQyJUSERERkakrIeeDv/7663j99dfzffzKlSsREBCAhQsXAgCqVauGo0ePYvHixQgJCSmsMomIiIioEGVkALdvAzduADeuKfHo2D+F8jiyBl9DRUZGIjg4WKstJCQEY8aM0Xuf9PR0pKenq68nJSUVVnlEREREpEdaGnDrFnD9+n8BN8fXv/8CSiVQBg+wDgNQB0fwUSHUYFLBNyYmBt7e3lpt3t7eSEpKwrNnz+Dg4JDrPvPmzcPs2bOLqkQiIiIii/X0KXDzZu5ge+MGEB0NCKH/vm/hB3yNQSiNeBRWN6VJBd+CmDx5MsaOHau+npSUBD8/PxkrIiIiIjJdycn6w+29e4afr4xLKr60G4eu8avUbRkeXkDCQyNWLTGp4FumTBnExsZqtcXGxsLV1VVnby8A2NnZwc7OrijKIyIiIjILiYm6g+3168BzUSxfSpYEKlXS/nrlFaBK6mm4j+gNxdWrmoO7dIHtokVAYKDxntB/TCr4NmnSBPv27dNq+/XXX9GkSROZKiIiIiIyTY8f6w62N24A8fGGn690aU2gzRlwK1aUgq+W7Gzg88+BadOArCypzdERWLIEGDRI6lYuBLIG35SUFNy4cUN9/datWzh37hxKliyJ8uXLY/Lkybh37x42btwIABg2bBi+/PJLTJgwAe+99x5+++03bN++HT///LNcT4GIiIioWBJCCrDPh1rVV0KC4ecsUyZ3sFWFWzc3A06UlgZ8/bUm9AYFAVu2AJUrG16UAWQNvqdOnUKbNm3U11VjccPCwrB+/Xo8ePAAd+7cUd8eEBCAn3/+GeHh4Vi6dCnKlSuHr7/+mkuZERERkUUSQhp6oCvY3rgBFGQxq3LlcgdbVbh1djZS4U5OUtBt3hwYNw6YNQuwtTXSyfVTCJHX/Drzk5SUBDc3NyQmJsLV1VXucoiIiIjypFQC9+/rHnN74waQmmrY+RQKoHx5/eFWz7Spl5OcLKVwX1/t9nv3creh8PKaSY3xJSIiIjJH2dnA3bu6g+3Nm8CzZ4adz8oK8PfXPaEsIAAo0nn/kZFAnz7SOIkjR4ASOeKnjtBbmBh8iYiIiIpAVhZw547uCWVRUdLuZYYoUUIKsTlDrepyhQpFMnIgb1lZwJw5wMcfS8k+Kgr47DNg6lTZSmLwJSIiIjKSzMwcW+8+N6ns1i3NXK78srWVVvXStVpC+fLanafFSlSU1MsbGalpa9oU6NVLvprA4EtERERkkPR0KcTqmlD2779S56Yh7O11j7etVEmaaGZtXTjPo1AIAWzaBIwcqVmSzNoamDkTmDxZ9qTO4EtERET0nGfP9O9OdudO3lvv6uLkpD/cli0rjck1eQkJwLBhwPbtmrbAQGDzZqBxY/nqyoHBl4iIiCxSSor+cHv3ruHnc3HRvcZtpUrSvC6FwvjPodhISgLq1JH+KlDp3x9Ytkx6YYoJBl8iIiIyW0lJ+pcBe/DA8PO5u2uH25yXPT3NPNzmxdUVePttYOlSwMMDWLUK6NZN7qpyYfAlIiIik5aQoH/r3bg4w8/n6ak72FaqpGPrXdL49FNpR7apUwE/P7mr0YnBl4iIiIo1IYBHj3QH2xs3gMePDT+nt7f+rXfd3Y3+FMyLEMCaNdKktYEDNe329sDKlfLVlQ8MvkRERCQ7IYCHD3Vvu3vjBpCYaPg5fX31705WjIadmpa4OGDwYOCHH6Qt3po2BapVk7uqfGPwJSIioiIhRN5b76akGHY+hUL6RF1fuHV0LJznYbF++QUICwNiYqTrz54BP/3E4EtERESWSanUv/XujRsF23q3QgX9W+/a2xfO86Ac0tKkNXiXLNG0eXoCa9cCnTrJVlZBMPgSERGRQbKz8956Nz3dsPNZW+vfetffvxhsvWvJLlwAeveW/lXp0AFYt05ao83EMPgSERFRLpmZ0i5k+rbezcw07Hw2NnlvvWtjUzjPgwpICOCLL4AJEzR/ydjZAQsWSLuymei6bQy+REREFiojQ7P17vMrJdy+XbCtdytW1D3m1s/PxLbetXQpKcDChZrQW6uWtANbjRry1vWSGHyJiIjMWFqaNPxA12oJd+5IY3IN4eiof+tdX18z2XqXpGUvvv0WaNMGGD0amDvXLAZUM/gSERGZuNTUvLfeFcKw8zk7699618fHZD/lprykpkpfXl6athYtgGvXpDEqZoLBl4iIyAQkJ+tfKeH+fcPP5+aWO9yqrpcuzXBrUU6fliaw+foCv/6q3W1vRqEXYPAlIiIqNp480R1sr1+XNncwVKlSeW+9y3Br4bKzgc8/B6ZNA7KygKtXgcWLgXHj5K6s0DD4EhERFREhpO119W29++iR4ef08tK/9a6Hh/GfA5mJ6GigXz8gIkLTFhRkcuvyGorBl4iIyIiEkHZ11RVsb9yQenUNVbas/t3JXF2N/hTI3G3fDgwdqvlmVCiASZOAWbPMftFkBl8iIiIDCQE8eKB/zG1ysuHnzGvrXScn4z8HskBJSdIKDRs2aNr8/IBNm4BWreSrqwgx+BIREemgVAL37ukPt0+fGnY+hSLvrXcdHArneRABABITgXr1pLXtVEJDgRUrLGpMDIMvERFZrOxsaaijrmB786a0Bq4hrK2lLXZ1rZTg7y9tfEUkCzc3oG1bKfi6uADLlwN9+ljcDEcGXyIiMmtZWfq33o2KKtjWuwEBuldKqFCBW+9SMbZ4MfDsGfDRR2a3TFl+MfgSEZHJy8iQttjVt/VuVpZh57O1lcbW6lotwc8PKMH/Pak4E0Iat2tjA/TsqWl3dpZ2Y7Ng/NElIiKTkJYG3Lqle+vdf/81fOtdB4e8t961ti6c50FUqBISgGHDpJUbnJ2Bhg2lv+IIAIMvEREVI0+f6t96Nzq6YFvv6gu3Zcta3PBGMncREUDfvtI+1QCQkgLs3AlMnChrWcUJgy8RERWp5GT94fbePcPP5+qqf+tdLy+GW7IAGRnAjBnA/Pmavw7d3YHVq4Fu3WQtrbhh8CUiIqNLTNS/9W5srOHnK1lS/9a7pUox3JIFu3oV6NULOHNG09a6NbBxozQgnbQw+BIRUYE8v/Vuzkll8fGGn690ad3BtmJFKfgSUQ5CSD264eHSSg2ANJltzhxg3DjAykre+oopBl8iItJJCCnA6tt6NyHB8HP6+OjfnczNzfjPgchsJSZKWwyrQm+VKsCWLdImFaQXgy8RkQUTQhp6oCvY3rgh7XBqqHLl9IdbZ2fjPwcii+TuDqxfD3ToIK3isHAh4Ogod1XFHoMvEZGZUyqB+/f1b72bmmrY+RQKoHx5/eGWW+8SFYK0NGnZk5zjfkJCgIsXgVdfla8uE8PgS0RkBrKzpRWM9G29q/o0NL+srPRvvRsQwK13iYrUhQvSBLYKFYAff9SezcnQaxAGXyIiE5GVBdy5o3tCWVSUtKKRIUqUyHvrXVvbwnkeRJRPSiXwxRfSOrzp6VLv7sqVwPDhcldmshh8iYiKkcxM7a13c469vXWrYFvvBgbq3nq3fHluvUtUbD14AAwYABw4oGmrVQto0UK+mswAf+URERWx9HQpxOqaUPbvv9KwBUPY2+vfnaxcOW69S2RyfvgBGDRIe13A8HBg7lzpB54KjMGXiKgQPHumf3eyO3cM33rXySnvrXe5ZCeRGUhNldbgXbVK0+bjA2zYALz2mnx1mREGXyKiAkpJ0R9u7941/HwuLvq33vX25u5kRGYtIQFo0kTaiU2lSxdgzRrA01O2sswNgy8RUR6SkvQvA/bggeHnc3fXDrc5L3t6MtwSWSwPDyAoSAq+jo7A0qXAwIH8pWBkDL5EZPESEvRvvRsXZ/j5PD11r5RQqRK33iWiPCxfLo2T+vRToHJluasxSwy+RGT2hAAePdIdbG/cAB4/NvycZcro38DB3d3oT4GIzM327dKC2J07a9rc3YHdu2UryRIw+BKRWRACePhQ97a7N25I29obytdXf7h1cTH+cyAiC5CUBIweLU1Y8/AA/v5bWn6FigSDLxGZDCHy3no3JcWw8ykUgJ+f/nDLbe+JyKgiI4HevaX1DAFpnNW33wKTJslblwVh8CWiYkWp1L/17o0bBdt6t0IF/VvvcklMIip0WVnAJ59IX6qFul1cpDG9ffrIW5uFYfAloiKXnZ331rvp6Yadz9pas/Xu85PK/P259S4RySgqSgq3kZGatqZNpZ7egAD56rJQDL5EVCgyM6VdyPRtvZuZadj5VFvv6hqWUL48YGNTOM+DiKhAhAA2bgRGjtSMw7K2BmbMAKZM4X7hMuGrTkQFlpGh2Xr3+ZUSbt8u2Na7FSvqDrd+ftx6l4hMSEKCtAubKvQGBgKbNwONG8tbl4Vj8CWiPKWlSZ/U6Vot4c4daUyuIRwd9W+96+vLrXeJyEyULAl8/TXw9ttA//7AsmVcDqYYYPAlIqSm5r31rhCGnc/ZWffmDa+8Iq1/y42IiMjsZGRIExRyhtsuXYBTp6Qd2ahYYPAlshDJyfpXSrh/3/Dzubnp33q3dGmGWyKyIFevAr16Sb8At27V/gXI0FusMPgSmZEnT3QH2+vXpc0dDFWqVN5b7zLcEpFFEwJYvRoID5fWWjxzBnjjDaBfP7krIz0YfIlMiBDS9rr6tt599Mjwc3p56Q62FStKmwoREZEOcXHAoEHA3r2atipVgBo15KuJXojBl6iYEUL6faor2N64IfXqGqpsWf27k7m6Gv0pEBGZtwMHpAlrMTGatmHDgIULueVjMcfgSyQDIYAHD/SPuU1ONvyceW296+Rk/OdARGRx0tKAyZOBJUs0bZ6ewNq1QKdOspVF+cfgS1RIlErg3j394fbpU8POZ2UlbdSga6WEgADAwaFwngcREUEaZ9a6NXDhgqatQwdg3TppuRoyCQy+RC8hOxuIjtYdbG/elDoHDGFtLW2xq2/rXTu7wngWRET0Qh4e0iYUFy5Iv4wXLJB2ZeMsX5PC4Ev0AllZ+rfejYoyfOtdGxuph1bXhLIKFbj1LhFRsaRQSBtSPHsmjeXlJDaTxOBLBGnd8du39W+9m5Vl2Pns7PLeepdbtBMRFXN790q/zENCNG2entLENjJZ/O+XLEZaGnDrlu6VEv791/Ctdx0c9G+9W64ct94lIjJJqanAuHHAqlXSeo8XLkj/kllg8CWz8vSp/q13o6MLtvWurmD7yiuAjw+HdhERmZXTp6Ud2K5dk64/fCit2DBpkrx1kdEw+JLJSU7WH27v3TP8fK6u+rfe9fJiuCUiMnvZ2cDnnwPTpmnGtjk6SsuWDRoka2lkXAy+VCwlJurfejc21vDzlSypO9hWqiRty8twS0RkoaKjgb59gSNHNG1BQcCWLUDlyvLVRYWCwZdk8/zWuznH3sbHG36+0qX1b71bsqTx6yciIhO3fTswdKhmS0yFQhrWMGsWYGsrZ2VUSBh8qdAIIQVYfVvvJiQYfk4fH/27k7m5Gf85EBGRmYqPBwYPBpKSpOt+fsCmTUCrVvLWRYWKwZdeihDS0ANdwfbGDc3vE0OUK6c/3Do7G/85EBGRBfL0BFasAHr3BkJDpcseHnJXRYWMwZdeSKkE7t/Xv/Vuaqph51Mo9G+9GxjIrXeJiKgQZGVJi7Y7OmraevWSeltatOBkDwvB4EsApAmtd+/q33r32TPDzmdlpX/r3YAAbr1LRERFKCoK6NMHqFpVWp4sp5Yt5amJZMHga0GysoA7d3RPKIuKkv4QNkSJElKI1bVSQoUKnBdAREQyE0IatztiBJCSAkRGAq+/DnTrJndlJBMGXzOTmam99W7Osbe3bhm+9a6trf6td8uX59a7RERUTCUkAMOGSSs3qAQGSpPYyGIxtpig9PS8t97NzjbsfPb2eW+9a21dOM+DiIioUERESGvz3r2raevfH1i2DHBxkasqKgYYfIupZ8/07052547hW+86OeW99a6VVeE8DyIioiKTkQHMmAHMn6/5j9LDA1i1isMbCACDb7GyY4e0msr169p/pOaXi0vusbaq697enLBKRERm7NEjoH174MwZTVubNsDGjdLHl0Rg8C02UlKAfv2AtLS8j3N314TZ50OupyfDLRERWSgPD+k/QgCwsQHmzAHGjeNHmqSFwbeY+PdfTeh1dgZq1NC9/S633iUiItLBygpYvx7o3h1YuhSoV0/uiqgYYvAtJnIObRg9WvpDlYiIiPT45RdpdnbOdXh9fIA//pCvJir2ZO//X758Ofz9/WFvb49GjRrh5MmTeR6/ZMkSVKlSBQ4ODvDz80N4eDjSXjQ+wATcu6e5zKFIREREeqSlAeHhQEiItN1wQoLcFZEJkTX4btu2DWPHjsXMmTNx5swZ1K5dGyEhIXj48KHO47ds2YJJkyZh5syZuHz5Mr755hts27YNU6ZMKeLKjS9njy+DLxERkQ4XLgANGwJLlkjX794FVq+WtSQyLbIG30WLFmHw4MEYMGAAqlevjpUrV8LR0RFrn99O8D/Hjx9Hs2bN0KtXL/j7+6N9+/bo2bPnC3uJTQGDLxERkR5KpTRut0EDKfwCgJ2dtC7vhAny1kYmRbbgm5GRgdOnTyM4OFhTjJUVgoODERkZqfM+TZs2xenTp9VBNyoqCvv27UPHjh31Pk56ejqSkpK0voojBl8iIiIdHjwAOnYExoyRdnACgJo1gVOngFGjuJwRGUS2yW3x8fHIzs6Gt7e3Vru3tzeuXLmi8z69evVCfHw8mjdvDiEEsrKyMGzYsDyHOsybNw+zZ882au2FQRV8bW01q7EQERFZtB9+AAYNAuLjNW3h4cDcudLENiIDyT65zRARERGYO3cuvvrqK5w5cwa7d+/Gzz//jI8//ljvfSZPnozExET1V3R0dBFWnH+q4FuuHP94JSIiQlycNHlNFXp9fIADB4BFixh6qcBk6/H19PSEtbU1YmNjtdpjY2NRpkwZnfeZPn06+vbti0GDBgEAatasidTUVAwZMgRTp06FlY5Fqu3s7GBnZ2f8J2BEqamaSam+vvLWQkREVCyULi1NYhs8GOjcGfj6a34kSi9Nth5fW1tbBAUF4dChQ+o2pVKJQ4cOoUmTJjrv8/Tp01zh1traGgAgVHtymyAuZUZERBYvO1szhldl4EDgf/8D9uxh6CWjkHUDi7FjxyIsLAz169dHw4YNsWTJEqSmpmLAgAEAgH79+sHX1xfz5s0DAHTq1AmLFi1C3bp10ahRI9y4cQPTp09Hp06d1AHYFHFiGxERWbToaKBfP2nb0i++0LQrFECHDvLVRWZH1uAbGhqKuLg4zJgxAzExMahTpw7279+vnvB2584drR7eadOmQaFQYNq0abh37x5Kly6NTp06YY6Jb3PG4EtERBZr+3Zg6FDgyRMgIgJ4/XVpFQeiQqAQpjxGoACSkpLg5uaGxMREuLq6yl0OAGly6tSp0uVdu4B33pG3HiIiokKXlASMHg1s2KBp8/MDNm8GWrSQry4qFgorr8na40sS9vgSEZFFiYwE+vQBoqI0baGhwIoVgIeHfHWR2TOp5czMFSe3ERGRRcjKAmbPlnp0VaHXxQXYuBH47juGXip07PEtBlQ9vtbWwHP7eRAREZmHR4+ATp2k3l6Vpk2Bb78FAgLkq4ssCnt8iwFV8C1bVgq/REREZsfdHSjxX3+btbXU83vkCEMvFSkGX5mlpwMPH0qXOcyBiIjMlrU1sGkTUK8ecPQoMGOGJggTFRF+x8ns/n3NZQZfIiIyG0eOAA4OQMOGmrYKFYBTp6T1eYlkwB5fmXFFByIiMisZGcDkyUCbNkDPnkBysvbtDL0kIwZfmeUMvr6+8tVBRET00q5eBZo0AT79FBBCWrlhxQq5qyJSY/CVGXt8iYjI5AkBrF4N1K0LnDkjtdnYAPPnA+PHy1sbUQ4c4yszBl8iIjJpcXHA4MHADz9o2qpUAbZskSayERUj7PGVGYMvERGZrAMHgFq1tEPvsGFSry9DLxVD7PGVmSr4KhSAj4+8tRAREeVbbCzQpQuQliZd9/QE1q6VNqkgKqbY4yszVfD19gZsbeWthYiIKN+8vaVJbAAQEgJcuMDQS8Uee3xllJUFxMRIlznMgYiIijWlEsjOliatqYwaJf0H9vbbgBX70qj443epjGJipN8jAIMvEREVYw8eAK+/Dkybpt1uZQV07crQSyaD36ky4sQ2IiIq9n74AahZE/jlF2DBAuC33+SuiKjAGHxlxOBLRETFVmqqtEJDly7Ao0dSm7e3rCURvSyO8ZURgy8RERVLp08DvXoB165p2jp3Br7+Wlq9gchEscdXRgy+RERUrGRnA599BjRurAm9jo7Srmx79jD0ksljj6+McgZfX1/56iAiIkJ8PNCtGxARoWkLCpJ2YKtcWbayiIyJPb4yYvAlIqJiw80NSEmRLisUwOTJwPHjDL1kVhh8ZaQKvqVKAQ4O8tZCREQWzsYG2LwZqFYNOHwYmDuXOyuR2eFQB5kolcC9e9Jlju8lIqIiFxkpjd+tXVvTVrkycPEi1+Uls8XvbJk8fCjt3AYw+BIRURHKygJmzwZatAB69gSePtW+naGXzBi/u2XCFR2IiKjIRUUBLVsCs2ZJKzhcvgx89ZXcVREVGQZfmaiGOQAMvkREVMiEADZuBOrUkYY4AIC1NfDRR8CYMXJWRlSkOMZXJuzxJSKiIpGQIO3Atn27pq1iReDbb6X1eoksCHt8ZcLgS0REhS4iAqhVSzv0DhgAnD3L0EsWiT2+MmHwJSKiQvXgARASAmRkSNc9PIBVq6RNKogsFHt8ZcLNK4iIqFD5+AAzZ0qX27QB/v6boZcsHnt8ZaIKvm5ugIuLvLUQEZEZEEJaJN7aWtM2cSLg5wf07s1lyojAHl9ZCKEJvuztJSKilxYXB7z9NvDJJ9rt1tZA374MvUT/4U+CDB4/BtLSpMsc30tERC/lwAFpAtsPPwAff6xZroyIcmHwlQEnthER0UtLSwPCw4EOHYCYGKnNwwNITpa3LqJijGN8ZcDgS0REL+XCBWnc7oULmraQEGD9eqBMGdnKIiru2OMrAwZfIiIqEKUSWLoUaNBAE3rt7KS2ffsYeolegD2+MmDwJSIigz16JPXyHjigaatZE9iyBahRQ766iEwIe3xlcO+e5jKDLxER5YuTk/Z/IOHhwMmTDL1EBmDwlQF7fImIyGD29lLvbkCA1Ou7aJHURkT5xqEOMlAFX0dHwN1d1lKIiKi4On1a6uWtWlXTVrMmcO0aUIL/fRMVBHt8ZaAKvuXKAQqFvLUQEVExk50NfPYZ0Lgx0LMnkJ6ufTtDL1GBMfgWsaQkzRKLHOZARERaoqOBdu2ASZOArCzg3Dngq6/krorIbDD4FjGO7yUiIp22b5d2YDtyRLquUACTJwMjRshbF5EZ4eclRSxn8PX1la8OIiIqJpKSgNGjgQ0bNG1+fsCmTUCrVvLVRWSGGHyLGHt8iYhILTIS6NMHiIrStIWGAitWSNsPE5FRMfgWMQZfIiICIK3J27o1kJEhXXdxAZYvl4IwZz4TFQqO8S1iDL5ERARAGu82frx0uWlT4Px5oG9fhl6iQsQe3yLG4EtEZKGEkP7NGWxnzQLKlwcGDuQyZURFgD2+RUwVfG1tAU9PeWshIqIikpAA9OgBLFyo3W5jAwwdytBLVEQYfIuYapt1X1/Aiq8+EZH5i4iQlinbvh2YMgU4e1buiogsFqNXEXr6FHj8WLrMYQ5ERGYuI0PaiKJtW83Hfc7OQEyMvHURWTB+tlKEVL29AIMvEZFZu3oV6NULOHNG09amDbBxI/8DIJIRe3yLECe2ERGZOSGAVauAunU1odfGBpg/Hzh4kL/8iWT2Uj2+aWlpsLe3N1YtZo/Bl4jIjD1+DAwYAOzdq2mrUgXYsgWoV0++uohIzeAeX6VSiY8//hi+vr5wdnZG1H+7zUyfPh3ffPON0Qs0Jwy+RERmzM4OuHJFc334cKnXl6GXqNgwOPh+8sknWL9+PebPnw9bW1t1e40aNfD1118btThzkzP4+vrKVwcRERUCJydg82agbFmp1/errwBHR7mrIqIcDA6+GzduxOrVq9G7d29YW1ur22vXro0rOf/SpVzY40tEZEYuXAD++9RTrX59qa1TJ3lqIqI8GRx87927h0qVKuVqVyqVyMzMNEpR5koVfK2tgTJl5K2FiIgKSKkEli4FGjQAevcGsrK0b7ezk6cuInohg4Nv9erV8ccff+Rq37lzJ+rWrWuUosyVKvj6+Ejhl4iITMyDB8DrrwNjxgDp6cCffwIrVshdFRHlk8GrOsyYMQNhYWG4d+8elEoldu/ejatXr2Ljxo346aefCqNGs5CeDjx8KF3mMAciIhP0ww/AwIHAo0eatvBwYPBg+WoiIoMY3OPbuXNn/Pjjjzh48CCcnJwwY8YMXL58GT/++CNee+21wqjRLNy/r7nM4EtEZEJSU4Fhw4AuXTSh18cHOHAAWLQI4LKeRCajQOv4tmjRAr/++quxazFr3LWNiMgEnT4t7cB27ZqmrUsXYM0awNNTtrKIqGAM7vENDAzEo5wf8/znyZMnCAwMNEpR5ogrOhARmZjoaKBpU03odXSUAu/u3Qy9RCbK4OB7+/ZtZGdn52pPT0/HvZzdmqSFwZeIyMT4+QHvvy9dDgoCzp4FBg0CFAp56yKiAsv3UIe9ObZgPHDgANzc3NTXs7OzcejQIfj7+xu1OHPC4EtEZAKE0A628+YB5csDI0YAOTZtIiLTlO/g26VLFwCAQqFAWFiY1m02Njbw9/fHwoULjVqcOWHwJSIqxpKSgNGjgYYNNb28gDRxLTxcvrqIyKjyHXyVSiUAICAgAH/99Rc8Ob7JIKrgq1BIk4GJiKiYiIyUNqK4dQvYtg1o0waoVk3uqoioEBg8xvfWrVsMvQWgCr5eXvy0jIioWMjKAmbNAlq0kEIvANjYADdvyloWERWeAi1nlpqaiiNHjuDOnTvIyMjQum306NFGKcycZGVJm/0AHOZARFQsREUBffpIvb0qTZsC334LBATIVxcRFSqDg+/Zs2fRsWNHPH36FKmpqShZsiTi4+Ph6OgILy8vBl8dYmKkrd0BBl8iIlkJAWzcCIwcCaSkSG3W1sCMGcCUKUCJAvUHEZGJMHioQ3h4ODp16oSEhAQ4ODjgzz//xL///ougoCB8/vnnhVGjyePENiKiYuDJE6BHD6B/f03oDQwEjh6Vgi9DL5HZMzj4njt3DuPGjYOVlRWsra2Rnp4OPz8/zJ8/H1OmTCmMGk0egy8RUTGgUAAnTmiu9+8PnDsHNG4sV0VEVMQMDr42NjawspLu5uXlhTt37gAA3NzcEB0dbdzqzASDLxFRMeDmBmzaJO26tn07sG4d4OIid1VEVIQM/lynbt26+Ouvv/DKK6+gVatWmDFjBuLj47Fp0ybUqFGjMGo0eTk3tGPwJSIqIlevAk5O2r94W7QAbt+W2onI4hjc4zt37lz4/LcQ7Zw5c+Dh4YHhw4cjLi4Oq1atMnqB5oA9vkRERUgIYNUqoG5doF8/zexiFYZeIoulEEIIuYsoSklJSXBzc0NiYiJcXV2L5DFbtJDmTgDA06eAg0ORPCwRkeWJiwMGDQL27tW0rVgBDBsmX01EZLDCymsG9/jqc+bMGbz55pvGOp1ZUfX4lirF0EtEVGgOHABq1dIOvcOGSb2+REQwMPgeOHAA48ePx5QpUxAVFQUAuHLlCrp06YIGDRqotzU2xPLly+Hv7w97e3s0atQIJ0+ezPP4J0+eYMSIEfDx8YGdnR0qV66Mffv2Gfy4RUWp1Izx5TAHIqJCkJYGhIcDHTpIC6cD0gS2vXul3l5HR3nrI6JiI9+T27755hsMHjwYJUuWREJCAr7++mssWrQIo0aNQmhoKC5evIhqBu5tvm3bNowdOxYrV65Eo0aNsGTJEoSEhODq1avw8vLKdXxGRgZee+01eHl5YefOnfD19cW///4Ld3d3gx63KMXFAZmZ0mUGXyIiI7twAejdW/pXJSQEWL8eKFNGtrKIqHjK9xjfWrVqoW/fvvjwww+xa9cudOvWDY0bN8b27dtRroCJrlGjRmjQoAG+/PJLAIBSqYSfnx9GjRqFSZMm5Tp+5cqVWLBgAa5cuQIbG5sCPWZRj/E9fRqoX1+6PGSINN+CiIiM4N9/gSpVgPR06bqdHTB/vrQrm5XRRvIRkQxkH+N78+ZNdOvWDQDwzjvvoESJEliwYEGBQ29GRgZOnz6N4OBgTTFWVggODkZkzr3Tc9i7dy+aNGmCESNGwNvbGzVq1MDcuXORnZ2t93HS09ORlJSk9VWUuKIDEVEhqVBBM363Zk3g1Clg9GiGXiLSK9+/HZ49ewbH/8ZJKRQK2NnZqZc1K4j4+HhkZ2fD29tbq93b2xsxqjFaz4mKisLOnTuRnZ2Nffv2Yfr06Vi4cCE++eQTvY8zb948uLm5qb/8/PwKXHNBMPgSERWixYuBTz4BTp4EuJY8Eb2AQRtYfP3113B2dgYAZGVlYf369fD09NQ6ZvTo0car7jlKpRJeXl5YvXo1rK2tERQUhHv37mHBggWYOXOmzvtMnjwZY8eOVV9PSkoq0vDL4EtEZASpqcC4cdL2wv37a9qdnICpU2Uri4hMS76Db/ny5bFmzRr19TJlymDTpk1axygUinwHX09PT1hbWyM2NlarPTY2FmX0TEjw8fGBjY0NrK2t1W3VqlVDTEwMMjIyYGtrm+s+dnZ2sLOzy1dNhYHBl4joJZ0+LU1gu3oV2LxZWhy9YkW5qyIiE5Tv4Hv79m2jPrCtrS2CgoJw6NAhdOnSBYDUo3vo0CGMHDlS532aNWuGLVu2QKlUwuq/MVzXrl2Dj4+PztBbHDD4EhEVUHY28PnnwLRpQFaW1KZUAhcvMvgSUYHIOgNg7NixWLNmDTZs2IDLly9j+PDhSE1NxYABAwAA/fr1w+TJk9XHDx8+HI8fP8YHH3yAa9eu4eeff8bcuXMxYsQIuZ7CC6nW8HV1BVxc5K2FiMhkREcD7doBkyZpQm9QEHD2LNC5s7y1EZHJMmiMr7GFhoYiLi4OM2bMQExMDOrUqYP9+/erJ7zduXNH3bMLAH5+fjhw4ADCw8NRq1Yt+Pr64oMPPsDEiRPlegp5EkLT48veXiKifNq+HRg6FHjyRLquUEgBeNYsoJh+ukdEpiHf6/iai6Jcx/fxY2mbYgBo317aTZOIiPRITgZGjQI2bNC0+fkBmzYBrVrJVxcRFTnZ1/Elw3F8LxGRAdLTgV9+0VwPDQXOn2foJSKjYfAtRAy+REQG8PSUentdXYGNG4HvvgM8POSuiojMSIGC782bNzFt2jT07NkTDx8+BAD873//wz///GPU4kwdgy8RUR6iooDnlrTEa69JWxH37SuN7SUiMiKDg++RI0dQs2ZNnDhxArt370ZKSgoA4Pz583o3kbBUOYOvr698dRARFStCSD27tWsD770nXc/J3V2WsojI/BkcfCdNmoRPPvkEv/76q9bauW3btsWff/5p1OJMHXt8iYiek5AA9Ogh7b6WkgLs2wesWyd3VURkIQwOvhcuXMDbb7+dq93Lywvx8fFGKcpcMPgSEeUQEQHUqiUtV6bSvz/QrZtcFRGRhTE4+Lq7u+PBgwe52s+ePQtffp6vRRV8HRw4P4OILFhGhrQOb9u2ml+MHh5SAF63jrv7EFGRMTj49ujRAxMnTkRMTAwUCgWUSiWOHTuG8ePHo1+/foVRo8nKuXkF52gQkUW6cgVo0gT47DPNWN42bYC//2ZPLxEVOYOD79y5c1G1alX4+fkhJSUF1atXR8uWLdG0aVNMmzatMGo0SUlJ0lrsAIc5EJGFiooC6tUDzpyRrtvYAPPnAwcP8hcjEcnC4C2LbW1tsWbNGkyfPh0XL15ESkoK6tati1deeaUw6jNZ9+5pLvP3OxFZpMBA4J13gM2bgSpVgC1bpCBMRCQTg4Pv0aNH0bx5c5QvXx7ly5cvjJrMAie2EREBWL4cqFABmDoVcHSUuxoisnAGD3Vo27YtAgICMGXKFFy6dKkwajILDL5EZFHS0oDwcGDHDu12NzdgzhyGXiIqFgwOvvfv38e4ceNw5MgR1KhRA3Xq1MGCBQtwN2fSIwZfIrIcFy4ADRsCS5YAQ4YA0dFyV0REpJPBwdfT0xMjR47EsWPHcPPmTXTr1g0bNmyAv78/2rZtWxg1miQGXyIye0olsHQp0KCBFH4B4Nkz4NQpeesiItLD4DG+OQUEBGDSpEmoXbs2pk+fjiNHjhirLpPH4EtEZu3BA2DAAODAAU1bzZrSBLYaNeSri4goDwb3+KocO3YM77//Pnx8fNCrVy/UqFEDP//8szFrM2mq4GtjA3h6ylsLEZFR/fCDtANbztAbHg6cPMnQS0TFmsE9vpMnT8bWrVtx//59vPbaa1i6dCk6d+4MR05c0KIKvr6+gFWB/7wgIipGUlOBceOAVas0bT4+wPr1QPv2spVFRJRfBgff33//HR9++CG6d+8OT3Zl6vT0KfD4sXSZwxyIyGwkJQG7dmmud+kCrFnDj7WIyGQYHHyPHTtWGHWYFW5eQURmyccH+PproFcvaVLbwIHcj52ITEq+gu/evXvx+uuvw8bGBnv37s3z2LfeessohZkyTmwjIrMQHQ04OQElS2raOncGbt0CvLzkq4uIqIDyFXy7dOmCmJgYeHl5oUuXLnqPUygUyM7ONlZtJovBl4hM3vbtwNChQHCwdDlnzy5DLxGZqHxNu1IqlfD67xedUqnU+8XQK+FQByIyWUlJQP/+QGgo8OQJsHOntEQZEZEZMHi9gY0bNyI9PT1Xe0ZGBjZu3GiUokwde3yJyCRFRgJ16gAbNmjaQkOBjh1lK4mIyJgMDr4DBgxAYmJirvbk5GQMGDDAKEWZOgZfIjIpWVnA7NlAixbS+F0AcHEBNm4EvvsO8PCQtz4iIiMxeFUHIQQUOmbx3r17F25ubkYpytSpgq+1NVCmjLy1EBHlKSoK6NNH6u1VadoU+PZbICBAvrqIiApBvoNv3bp1oVAooFAo0K5dO5QooblrdnY2bt26hQ4dOhRKkaZGFXx9fKTwS0RULN24AdSrByQnS9etrYEZM4ApU4ASL7WjPRFRsZTv32yq1RzOnTuHkJAQODs7q2+ztbWFv78/unbtavQCTU1GBhAbK13mMAciKtYqVgTatQO+/x4IDAQ2bwYaN5a7KiKiQpPv4Dtz5kwAgL+/P0JDQ2Fvb19oRZmy+/c1l3195auDiOiFFApp57UKFYCPP5bG9RIRmTGDJ7eFhYUx9OaBE9uIqFjKyAAmTQJ+/lm73dMTWLKEoZeILEK+enxLliyJa9euwdPTEx4eHjont6k8fvzYaMWZIgZfIip2rl6Vthk+cwZYtw74+2/A21vuqoiIily+gu/ixYvh8l9vwOLFi/MMvpaOwZeIig0hgNWrgfBw4NkzqS0hATh2DHjnHXlrIyKSQb6Cb1hYmPpy//79C6sWs8DgS0TFQlwcMGgQsHevpq1KFWkXtnr15KuLiEhGBo/xPXPmDC5cuKC+/sMPP6BLly6YMmUKMjIyjFqcKWLwJSLZHTgA1KqlHXqHD5eGOjD0EpEFMzj4Dh06FNeuXQMAREVFITQ0FI6OjtixYwcmTJhg9AJNzb17mstly8pXBxFZoLQ0aVhDhw5ATIzU5ukpBeCvvgIcHeWtj4hIZgYH32vXrqFOnToAgB07dqBVq1bYsmUL1q9fj127dhm7PpOj6vH19gZsbeWthYgszMOH0uQ1lQ4dgAsXgE6d5KuJiKgYMTj4CiGgVCoBAAcPHkTHjh0BAH5+foiPjzdudSYmKwt48EC6zGEORFTkypcHVqwA7OyAZcuAffu4bzoRUQ4G70lZv359fPLJJwgODsaRI0ewYsUKAMCtW7fgbeHL48TGAtnZ0mUGXyIqdA8eAE5OgKurpq1nT6B5c8DPT766iIiKKYN7fJcsWYIzZ85g5MiRmDp1KipVqgQA2LlzJ5o2bWr0Ak0JJ7YRUZH54QdpAtvo0blvY+glItLJ4B7fWrVqaa3qoLJgwQJYW1sbpShTxeBLRIUuNRUYNw5YtUq6vmGDNIa3a1d56yIiMgEGB1+V06dP4/LlywCA6tWrox6XyGHwJaLCdfq0tAPbfyvrAAC6dAFatZKtJCIiU2Jw8H348CFCQ0Nx5MgRuLu7AwCePHmCNm3aYOvWrShdurSxazQZOYOvr698dRCRmcnOBj7/HJg2TZpFC0hLky1dCgwcCHA3TSKifDF4jO+oUaOQkpKCf/75B48fP8bjx49x8eJFJCUlYbSusWYWhD2+RGR00dFAu3bApEma0BsUBJw9K+3MxtBLRJRvBvf47t+/HwcPHkS1atXUbdWrV8fy5cvRvn17oxZnatjjS0RGde0a0KgR8OSJdF2hkALwrFlcKJyIqAAM7vFVKpWwsbHJ1W5jY6Ne39dSqYJvyZLcIImIjKBSJSn4AtJKDYcPA3PnMvQSERWQwcG3bdu2+OCDD3D//n1127179xAeHo527doZtThTolRqtivmMAciMgorK2kntiFDgPPnOYmNiOglGRx8v/zySyQlJcHf3x8VK1ZExYoVERAQgKSkJHzxxReFUaNJiI8HMjOlywy+RGSwrCxg9mzgt9+02318pKXLPDzkqYuIyIwYPMbXz88PZ86cwaFDh9TLmVWrVg3BwcFGL86UcGIbERVYVBTQpw8QGSlNEPj7b2nMFBERGZVBwXfbtm3Yu3cvMjIy0K5dO4waNaqw6jI5DL5EZDAhgE2bgJEjgeRkqS0mRhrLyw0piIiMLt/Bd8WKFRgxYgReeeUVODg4YPfu3bh58yYWLFhQmPWZDAZfIjJIQgIwbBiwfbumLTAQ2LwZaNxYvrqIiMxYvsf4fvnll5g5cyauXr2Kc+fOYcOGDfjqq68KszaTwuBLRPkWEQHUqqUdevv3B86dY+glIipE+Q6+UVFRCAsLU1/v1asXsrKy8ODBg0IpzNQw+BLRC2VkAJMnA23ban5puLtLAXjdOsDFRdbyiIjMXb6HOqSnp8PJyUl93crKCra2tnj27FmhFGZqGHyJ6IXu3gW++EIa2wsArVsDGzdKa/QSEVGhM2hy2/Tp0+GYY2eGjIwMzJkzB25ubuq2RYsWGa86E6IKvi4u7LQhIj0CA4GlS4Hhw4E5c4Bx46S1eomIqEjkO/i2bNkSV69e1Wpr2rQpoqKi1NcVFrpnvBCa4MveXiJSi4+XtnHMuZXje+9JG1FUqiRfXUREFirfwTciIqIQyzBtCQmAasQHgy8RAQAOHJAmrL3zDrB8uaZdoWDoJSKSCT9jMwKO7yUitbQ0IDwc6NBBWpP3q6+An3+WuyoiIkIBdm6j3Bh8iQgAcOEC0Lu39K9Khw5AUJB8NRERkRp7fI3g3j3NZQZfIgukVEqT1ho00IReOztg2TJg3z6gTBl56yMiIgDs8TUK9vgSWbAHD4ABA6QxvSo1awJbtgA1ashXFxER5cLgawQMvkQW6upVoHlzafUGlfBwYO5cwN5evrqIiEinAg11+OOPP9CnTx80adIE9/77nH/Tpk04evSoUYszFQy+RBaqUiWgenXpso+P1Ou7aBFDLxFRMWVw8N21axdCQkLg4OCAs2fPIj09HQCQmJiIuXPnGr1AU6AKvg4OgIeHvLUQURGytgY2bQL69gX+/hto317uioiIKA8GB99PPvkEK1euxJo1a2BjY6Nub9asGc6cOWPU4kxFzs0rLHQPDyLzl50NfPYZcPy4dnv58tK2w56e8tRFRET5ZvAY36tXr6Jly5a52t3c3PDkyRNj1GRSkpKkL4DDHIjMVnS01Kt75AgQEACcOwe4uspdFRERGcjgHt8yZcrgxo0budqPHj2KwMBAoxRlSnIuZebrK18dRFRItm8HatWSQi8A3L4N/PKLrCUREVHBGBx8Bw8ejA8++AAnTpyAQqHA/fv3sXnzZowfPx7Dhw8vjBqLNU5sIzJTSUnSlsOhoYDq0yw/P+DwYeDdd+WsjIiICsjgoQ6TJk2CUqlEu3bt8PTpU7Rs2RJ2dnYYP348Ro0aVRg1FmsMvkRmKDIS6NMHiIrStIWGAitWcAYrEZEJMzj4KhQKTJ06FR9++CFu3LiBlJQUVK9eHc7OzoVRX7HH4EtkRrKygDlzgI8/liazAYCLC7B8uRSEOXuViMikFXgDC1tbW1RXrV9pwRh8iczIzZvAvHma0Nu0KfDtt9KENiIiMnkGB982bdpAkUevx2+//fZSBZmanJPbGHyJTFyVKsD8+cDYscCMGcCUKUAJbnBJRGQuDP6NXqdOHa3rmZmZOHfuHC5evIiwsDBj1WUyVD2+NjZA6dLy1kJEBkpIABwdATs7TduoUUDbtkCNGvLVRUREhcLg4Lt48WKd7bNmzUJKSspLF2RqVMHX1xewKtAG0EQki4gIaW3eHj2ABQs07QoFQy8RkZkyWlTr06cP1q5da6zTmYRnz4BHj6TLHOZAZCIyMoDJk6Ve3bt3gc8/Bw4dkrsqIiIqAkYbvBYZGQl7e3tjnc4kcHwvkYm5ehXo1QvIub16mzbS2F4iIjJ7Bgffd955R+u6EAIPHjzAqVOnMH36dKMVZgq4ogORiRACWL0aCA+XPqoBpIH5c+YA48ZxnBIRkYUwOPi6ublpXbeyskKVKlXw0UcfoX379kYrzBQw+BKZgLg4YNAgYO9eTVuVKsCWLUC9evLVRURERc6g4JudnY0BAwagZs2a8ODuRVrB19dXvjqISI+rV4HWrYGYGE3b8OHSuF5HR9nKIiIieRj0+Z61tTXat2+PJ6p9641k+fLl8Pf3h729PRo1aoSTJ0/m635bt26FQqFAly5djFpPfrHHl6iYCwwE/Pyky56eUq/vV18x9BIRWSiDB7bVqFEDUTn3r39J27Ztw9ixYzFz5kycOXMGtWvXRkhICB4+fJjn/W7fvo3x48ejRYsWRqvFUAy+RMWcjQ2weTPwzjvAhQtAp05yV0RERDIyOPh+8sknGD9+PH766Sc8ePAASUlJWl+GWrRoEQYPHowBAwagevXqWLlyJRwdHfNcGi07Oxu9e/fG7NmzERgYaPBjGosq+FpZAWXKyFYGEQGAUgksWwacPavd/sorwK5d/CElIqL8B9+PPvoIqamp6NixI86fP4+33noL5cqVg4eHBzw8PODu7m7wuN+MjAycPn0awcHBmoKsrBAcHIzIyMg8a/Hy8sLAgQNf+Bjp6ekvHc71UQVfHx/uakokqwcPgI4dgQ8+kJYre/pU7oqIiKgYyndcmz17NoYNG4bDhw8b7cHj4+ORnZ0Nb29vrXZvb29cuXJF532OHj2Kb775BufOncvXY8ybNw+zZ89+2VJzycgAVKMxOMyBSEY//CCt2hAfL12/cgX43/+Arl3lrYuIiIqdfAdfIQQAoFWrVoVWzIskJyejb9++WLNmDTw9PfN1n8mTJ2Ps2LHq60lJSfBTTXZ5CQ8eSEuDAgy+RLJITZXW4F21StPm4wOsXw9Y2NKKRESUPwZ9QK9QKIz64J6enrC2tkZsbKxWe2xsLMroGI938+ZN3L59G51yTFBRKpUAgBIlSuDq1auoWLGi1n3s7OxgZ2dn1LoBTmwjktXp09KQhmvXNG1dugBr1kirNxAREelgUPCtXLnyC8Pv48eP830+W1tbBAUF4dChQ+olyZRKJQ4dOoSRI0fmOr5q1aq4cOGCVtu0adOQnJyMpUuXGqUnN78YfIlkkJ0NLFgATJ8OZGVJbY6OwJIl0nAHI/9xTkRE5sWg4Dt79uxcO7e9rLFjxyIsLAz169dHw4YNsWTJEqSmpmLAgAEAgH79+sHX1xfz5s2Dvb09atSooXV/d3d3AMjVXtgYfIlkcOWKdugNCpJ2YKtcWd66iIjIJBgUfHv06AEvLy+jFhAaGoq4uDjMmDEDMTExqFOnDvbv36+e8Hbnzh1YWRm86lqhY/AlksGrrwIffwxMmQJMmgTMmgXY2spdFRERmQiFUM1aewFra2s8ePDA6MG3qCUlJcHNzQ2JiYlwdXUt8Hm6dQN27pQu37oF+Psbpz4iyiE5GXBw0F4vMDtbWqu3fn356iIiokJlrLz2vHx3peYzH1uMnD2+ZcvKVweR2YqMBOrUAT75RLvd2pqhl4iICiTfwVepVJp8b68xqYKvlxc/aSUyqqwsYPZsoEULICpKGtpw/LjcVRERkRngfmMFkJUlreMLcHwvkVFFRQF9+ki9vSqNG0vr8xIREb2k4jdrzATExkrDDAEGXyKjEALYuFEa2qAKvdbWUs/vkSNAQICs5RERkXlgj28BcEUHIiNKSACGDwe2bdO0BQYCmzdLvb1ERERGwuBbAPfuaS4z+BK9hKtXgddeA6KjNW39+wPLlgEuLrKVRURE5olDHQqAPb5ERlKhAvDfJjTw8AC2bwfWrWPoJSKiQsHgWwAMvkRGYm8v7bzWsSPw99/SAtlERESFhMG3ABh8iQpACGD1auDSJe32GjWAn3/mDxMRERU6Bt8CyBl8fX3lq4PIZMTFAV26AEOHAr16AenpcldEREQWiMG3AFTBt2RJwNFR3lqIir0DB4BatYC9e6Xr588DP/0kb01ERGSRGHwNpFRqVnXgJ7NEeUhLA8aMATp0AGJipDZPTykAd+0qa2lERGSZuJyZgeLjgYwM6TKHORDpceGCNKTh4kVNW0gIsH49UKaMbGUREZFlY4+vgTixjSgPSiWwdCnQoIEm9NrZSW379jH0EhGRrNjjayAGX6I8XLgAjB0rBWAAqFlTWq6sRg156yIiIgJ7fA3G4EuUh9q1gSlTpMvh4cDJkwy9RERUbLDH10AMvkQ5PH0qbUJhleNv6BkzgPbtgRYt5KuLiIhIB/b4Gki1ogPA4EsW7vRpoG5dYOFC7XYbG4ZeIiIqlhh8DcQeX7J42dnAZ58BjRsD164BU6cCZ87IXRUREdELcaiDgVTB18UFcHWVtxaiIhcdDfTtCxw5ommrVQtwdpavJiIionxij68BhNAEX/b2ksXZvl0KuarQq1AAkycDx48DlSvLWxsREVE+sMfXAE+eSHN5AAZfsiBJScDo0cCGDZo2Pz9g0yagVSv56iIiIjIQg68BOL6XLM7Vq0DHjkBUlKYtNBRYuRJwd5etLCIiooLgUAcDMPiSxSlXDijx39/HLi7Axo3Ad98x9BIRkUli8DVAzuDr6ytfHURFxslJ2nmtdWvg/HlpYptCIXdVREREBcLgawD2+JJZE0Lq0b15U7s9KAj47TcgIECeuoiIiIyEwdcADL5kthISgB49gLAwoHdvIDNT+3b28hIRkRlg8DUAgy+ZpYgIaZmy7dul6ydOAD/9JGtJREREhYHB1wCq4GtvD5QsKW8tRC8tIwOYNAlo21bzze3hAezYAbz9try1ERERFQIuZ2aAe/ekf8uV4ye/ZOKuXgV69dLearhNG2mMLz/OICIiM8Ue33xKTgYSE6XLzAVksoQAVq0C6tbVhF4bG2D+fODgQX5zExGRWWOPbz6pensBZgMyYWfPAsOGaa5XqSItV1avnnw1ERERFRH2+OYTJ7aRWahXDxg7Vro8fLjU68vQS0REFoI9vvnE4EsmKT0dsLXVHpQ+dy7QoQPw2mvy1UVERCQD9vjmE4MvmZwLF4D69YEVK7Tb7ewYeomIyCIx+OYTgy+ZDKUSWLoUaNAAuHgRGDcOuHRJ7qqIiIhkx6EO+ZQz+Pr6ylcHUZ4ePAAGDAAOHNC0vfKKfPUQEREVI+zxzSdV8C1RAvDykrcWIp1++EHagS1n6A0PB06eBKpXl68uIiKiYoI9vvmkCr6+voAV/1yg4iQ1VRrOsGqVps3HB1i/HmjfXrayiIiIihsG33x49gx49Ei6zPG9VKxcuwZ06iT9q9KlC7BmDeDpKVtZRERExRH7LvOBm1dQseXtDWRkSJcdHaXAu3s3Qy8REZEODL75wOBLxZabG/Dtt0CjRtKubIMGaa/ZS0RERGoMvvnApcyo2NixA4iO1m5r1gyIjAQqV5anJiIiIhPB4JsPDL4ku6QkoH9/oHt3oF8/IDtb+3b28hIREb0Qg28+MPiSrCIjgbp1gQ0bpOsREcBPP8laEhERkSli8M0HBl+SRVYWMHs20KIFEBUltbm4ABs3Am+9JW9tREREJojLmeWDKvhaWQFlyshbC1mIqCigTx+pt1elaVNpIltAgHx1ERERmTD2+OaDKvj6+Eg7txEVGiGkHt06dTSh19pa6vk9coShl4iI6CUwxr1ARgYQGytd9vWVtxayAKdOAWFhmuuBgcDmzUDjxvLVREREZCbY4/sCDx5InXAAx/dSEWjQABg6VLrcvz9w7hxDLxERkZGwx/cFOLGNClVmpjR+JudyZAsXAh07cgIbERGRkbHH9wUYfKnQXL0q9eaqlilTcXJi6CUiIioEDL4vwOBLRicEsGqVtDbvmTPAqFHAjRtyV0VERGT2ONThBe7d01xm8KWXFhcHDBoE7N2rafP1BZ49k68mIiIiC8Ee3xdgjy8ZzYEDQK1a2qF32DCp17dmTfnqIiIishAMvi+QM/iWLStfHWTC0tKA8HCgQwcgJkZq8/SUAvCKFYCjo7z1ERERWQgOdXgBVfD18gLs7OSthUzQjRvAO+8AFy5o2jp0ANat4zaARERERYw9vnnIzgbu35cuc5gDFYiHB/DokXTZzg5YtgzYt4+hl4iISAYMvnmIjZXCL8DgSwVUqhSwfj1Qu7a0K9uoUdpr9hIREVGRYfDNAye2kcF+/FEzjlfltdeA06eBGjXkqYmIiIgAMPjmKWfw9fWVrw4yAamp0goNb70FvPeeZp9rFWtreeoiIiIiNQbfPLDHl/Ll9GmgXj1pUwoA+N//gJ9+krcmIiIiyoXBNw8MvpSn7Gzgs8+kbYevXZPaHB2BNWuAN9+UtzYiIiLKhcuZ5YHBl/SKjgb69gWOHNG0BQUBW7YAlSvLVxcRERHpxR7fPHCML+m0bZu0A5sq9CoUwOTJwPHjDL1ERETFGHt883DvnvSvhwfg5CRvLVRM/Pkn0KOH5rqfH7BpE9CqlXw1ERERUb6wx1cPITQ9vhzmQGqNG0tDHAAgNBQ4f56hl4iIyESwx1eP+HggI0O6zOBrwZRKwOq5vw+//BJ44w2ge3duRkFERGRC2OOrBye2EaKigObNge3btdtdXaXeXoZeIiIik8LgqweDrwUTAti4EahTB4iMBIYOlVZxICIiIpPG4KsHg6+FSkiQJq+FhQHJyVJbyZLAo0fy1kVEREQvjcFXDwZfCxQRIS1TlnNoQ//+wLlzUu8vERERmTQGXz24hq8FycgAJk0C2rbVvPHu7lIAXrcOcHGRtTwiIiIyDq7qoAd7fC1EVBTQrRtw5oymrXVraYyvn59sZREREZHxscdXD1XwdXaWJvGTmXJwAO7ckS7b2ADz5wOHDjH0EhERmSEGXx2e37yCq1aZMR8f4JtvgKpVpV3ZPvww97q9REREZBb4P7wOT54AT59KlznMwcwcPJh7hYa33gL+/huoV0+emoiIiKhIFIvgu3z5cvj7+8Pe3h6NGjXCyZMn9R67Zs0atGjRAh4eHvDw8EBwcHCexxfEvXuaywy+ZiItDQgPB157TVqXVwjt221s5KmLiIiIiozswXfbtm0YO3YsZs6ciTNnzqB27doICQnBw4cPdR4fERGBnj174vDhw4iMjISfnx/at2+PeznT6kvixDYzc+EC0LAhsGSJdH3XLmD/fllLIiIioqIne/BdtGgRBg8ejAEDBqB69epYuXIlHB0dsXbtWp3Hb968Ge+//z7q1KmDqlWr4uuvv4ZSqcShQ4eMVhODr5lQKoGlS4EGDaTwCwB2dsCyZUCHDvLWRkREREVO1uXMMjIycPr0aUyePFndZmVlheDgYERGRubrHE+fPkVmZiZKliyp8/b09HSkp6erryclJb3wnAy+ZuDBA2DAAODAAU1bzZrAli1AjRry1UVERESykbXHNz4+HtnZ2fD29tZq9/b2RkxMTL7OMXHiRJQtWxbBwcE6b583bx7c3NzUX375WKaKwdfE7d0r7cCWM/SGhwMnTzL0EhERWTDZhzq8jE8//RRbt27Fnj17YG9vr/OYyZMnIzExUf0VHR39wvMy+JqwY8eAzp2B+HjpepkyUgBetAjQ8z1CRERElkHW4Ovp6Qlra2vExsZqtcfGxqJMmTJ53vfzzz/Hp59+il9++QW1atXSe5ydnR1cXV21vl5EFXzt7QE9IyiouGraFHj7bely587S2N727eWtiYiIiIoFWYOvra0tgoKCtCamqSaqNWnSRO/95s+fj48//hj79+9H/fr1jV6XKvj6+nLzimLv+WXJFApgzRpg3Tpgzx7A01OeuoiIiKjYkX2ow9ixY7FmzRps2LABly9fxvDhw5GamooBAwYAAPr166c1+e2zzz7D9OnTsXbtWvj7+yMmJgYxMTFISUkxSj3JyUBionSZwxyKuehooG1b4KeftNtLlQL69+dfLURERKRF1lUdACA0NBRxcXGYMWMGYmJiUKdOHezfv1894e3OnTuwyrGF7IoVK5CRkYF3331X6zwzZ87ErFmzXroebl5hIrZvlzaiePIE+Ocfaee1FwyPISIiIssme/AFgJEjR2LkyJE6b4uIiNC6fvv27UKthRPbirmkJGD0aGDDBk2bvT1w/z6DLxEREeVJ9qEOxQ2DbzEWGQnUqaMdekNDgfPngXr1ZCuLiIiITAOD73M41KEYysoCZs0CWrQAbt2S2lxcgI0bge++Azw8ZC2PiIiITEOxGOpQnLDHt5i5fRvo1Uvq7VVp2hT49lsgIEC2soiIiMj0sMf3OQy+xYyVFXDpknTZ2hqYPRs4coShl4iIiAzG4PscVfAtUQLw8pK3FgJQvjywciUQGAgcPQrMmCG9OUREREQGYvB9Ts7NK6z46hS9P/6QVm7IqUcPacmyxo3lqYmIiIjMAqNdDmlpQHy8dJnDHIpYRgYwaRLQqhUwalTu2+3ti74mIiIiMisMvjlwRQeZXL0KNGkCfPaZtAXxxo3AL7/IXRURERGZGQbfHHJObPP1la8OiyEEsGoVULcucOaM1GZjA8yfDwQHy1sbERERmR3OEsqBKzoUobg4YNAgYO9eTVuVKsCWLdyMgoiIiAoFe3xzYPAtIgcOALVqaYfe4cOlXl+GXiIiIiok7PHNgcG3CPzxB9Chg+a6pyewdi3QqZN8NREREZFFYI9vDgy+RaB5c03w7dABuHCBoZeIiIiKBHt8c1Ct6mBlBZQpI28tZkuhANatA/bsAYYNk64TERERFQH2+Oag6vEtU0ZaXIBeUkwM8MYbwKFD2u1lykhjehl6iYiIqAixx/c/mZlSTgM4zMEo9u4FBg6UdgQ5f176KlVK7qqIiIjIgrHH9z8PHkjLygIMvi8lNVUawtC5s2YbPKUSuH1b1rKIiIiIGHz/w4ltRnD6NBAUJG1KodKlC/D331I7ERERkYwYfP/D4PsSsrOl7YYbN5a2HwYAR0dgzRpg925pyTIiIiIimXGM738YfAvo7l2gb18gIkLTFhQk7cBWubJsZRERERE9jz2+/8kZfH195avD5Dx7Bvz1l3RZoQAmTwaOH2foJSIiomKHwfc/7PEtoFdeAZYtA/z8gMOHgblzAVtbuasiIiIiyoXB9z85g2/ZsvLVUeydPAk8fardNmAAcOkS0KqVPDURERER5QOD739Uwbd0acDeXt5aiqWsLGD2bKBpU2D8eO3bFArA2VmeuoiIiIjyicEX0qIE9+9LlznMQYeoKKBlS2DWLOnFWrFCGtZAREREZEIYfAE8fCjlOYDBV4sQwMaNQJ06QGSk1GZtLfX8tmgha2lEREREhuJyZuDENp0SEoDhw4Ft2zRtgYHA5s3Ser1EREREJobBFwy+uRw5Iq3NGx2taevfX1q9wcVFtrKIiIpKdnY2MjMz5S6DyKzZ2trCyqpoBx8w+ILBV8uRI0CbNtIwBwDw8JC2IO7WTd66iIiKgBACMTExePLkidylEJk9KysrBAQEwLYIl0Fl8AWDr5bmzaWJbKoAvHEjXxQishiq0Ovl5QVHR0coFAq5SyIyS0qlEvfv38eDBw9Qvnz5IvtZY/AFg68Wa2tg0yZgxw5gzBigiD+CICKSS3Z2tjr0lipVSu5yiMxe6dKlcf/+fWRlZcHGxqZIHpOpBha8XXFcHNC1K3DsmHa7nx8wdixDLxFZFNWYXkdHR5krIbIMqiEO2aqltYoAe3yhCb7u7oCTk6ylFJ0DB6QJazExwJkzwPnzgKur3FUREcmOwxuIioYcP2sW36UnhCb4WsQwh7Q0aQhDhw5S6AWAlBTg2jVZyyIiIiIqbBYffOPjgYwM6bLZB98LF4AGDYClSzVtHTpI7fXry1cXERGRTK5evYoyZcogOTlZ7lLMTuPGjbFr1y65y9Bi8cHXIia2KZVS2G3QALh4UWqzs5PW5d23DyhTRt76iIjopfTv3x8KhQIKhQI2NjYICAjAhAkTkJaWluvYn376Ca1atYKLiwscHR3RoEEDrF+/Xud5d+3ahdatW8PNzQ3Ozs6oVasWPvroIzx+/LiQn1HRmTx5MkaNGgUXM16nfvny5fD394e9vT0aNWqEkydPvvA+S5YsQZUqVeDg4AA/Pz+Eh4drfT9lZ2dj+vTpCAgIgIODAypWrIiPP/4YQrUcKoBp06Zh0qRJUCqVhfK8CkRYmMTERAFAJCYmCiGE2LtXCGnAgxCzZslcXGG4f1+IkBDNkwSEqFlTiAsX5K6MiKhYefbsmbh06ZJ49uyZ3KUYLCwsTHTo0EE8ePBA3LlzR+zZs0e4urqKCRMmaB23bNkyYWVlJSZPniz++ecfcf36dfH5558LOzs7MW7cOK1jp0yZIqytrcX48ePFsWPHxK1bt8Qvv/wi3nnnHbFkyZIie27p6emFdu5///1X2NjYiLt3777UeQqzxpe1detWYWtrK9auXSv++ecfMXjwYOHu7i5iY2P13mfz5s3Czs5ObN68Wdy6dUscOHBA+Pj4iPDwcPUxc+bMEaVKlRI//fSTuHXrltixY4dwdnYWS5cuVR+TlZUlvL29xU8//aTzcfL6mXs+rxmLxQffFSs0efDrr2UurjBcvCiEnZ3mSYaHC2GCv9SJiAqbqQffzp07a7W98847om7duurrd+7cETY2NmLs2LG57r9s2TIBQPz5559CCCFOnDghAOgNuAkJCXpriY6OFj169BAeHh7C0dFRBAUFqc+rq84PPvhAtGrVSn29VatWYsSIEeKDDz4QpUqVEq1btxY9e/YU3bt317pfRkaGKFWqlNiwYYMQQojs7Gwxd+5c4e/vL+zt7UWtWrXEjh079NYphBALFiwQ9evX12qLj48XPXr0EGXLlhUODg6iRo0aYsuWLVrH6KpRCCEuXLggOnToIJycnISXl5fo06ePiIuLU9/vf//7n2jWrJlwc3MTJUuWFG+88Ya4ceNGnjW+rIYNG4oRI0aor2dnZ4uyZcuKefPm6b3PiBEjRNu2bbXaxo4dK5o1a6a+/sYbb4j33ntP65h33nlH9O7dW6ttwIABok+fPjofR47gy6EO5j7U4dVXgQULpOEMBw4AixYB9vZyV0VEZDLq15f+fyjKr5eddnHx4kUcP35ca0esnTt3IjMzE+PHj891/NChQ+Hs7IzvvvsOALB582Y4Ozvj/fff13l+d3d3ne0pKSlo1aoV7t27h7179+L8+fOYMGGCwR91b9iwAba2tjh27BhWrlyJ3r1748cff0RKSor6mAMHDuDp06d4++23AQDz5s3Dxo0bsXLlSvzzzz8IDw9Hnz59cOTIEb2P88cff6D+cy92WloagoKC8PPPP+PixYsYMmQI+vbtm2t4wPM1PnnyBG3btkXdunVx6tQp7N+/H7Gxsejevbv6PqmpqRg7dixOnTqFQ4cOwcrKCm+//Xaer8/cuXPh7Oyc59edO3d03jcjIwOnT59GcHCwus3KygrBwcGIjIzU+5hNmzbF6dOn1c85KioK+/btQ8eOHbWOOXToEK79Nzn+/PnzOHr0KF5//XWtczVs2BB//PGH3scqaha/nJnZBd/z54GqVaUxvCojRwJ9+kjbDxMRkUFiYoB79+Su4sV++uknODs7IysrC+np6bCyssKXX36pvv3atWtwc3ODj49Prvva2toiMDBQHWKuX7+OwMBAgzcV2LJlC+Li4vDXX3+hZMmSAIBKlSoZ/FxeeeUVzJ8/X329YsWKcHJywp49e9C3b1/1Y7311ltwcXFBeno65s6di4MHD6JJkyYAgMDAQBw9ehSrVq1Cq1atdD7Ov//+myv4+vr6av1xMGrUKBw4cADbt29Hw4YN9db4ySefoG7dupg7d666be3atfDz88O1a9dQuXJldO3aVeux1q5di9KlS+PSpUuoUaOGzhqHDRumFZ51KVu2rM72+Ph4ZGdnw9vbW6vd29sbV65c0Xu+Xr16IT4+Hs2bN4cQAllZWRg2bBimTJmiPmbSpElISkpC1apVYW1tjezsbMyZMwe9e/fOVVt0dDSUSiWsisH+AAy+5hJ8s7OBzz8Hpk0DPvhAuqyiUDD0EhEVkBzzfwvymG3atMGKFSuQmpqKxYsXo0SJErmCVn6JHBOUDHHu3DnUrVtXHXoLKigoSOt6iRIl0L17d2zevBl9+/ZFamoqfvjhB2zduhUAcOPGDTx9+hSvvfaa1v0yMjJQt25dvY/z7Nkz2D/3KWh2djbmzp2L7du34969e8jIyEB6enqujU2er/H8+fM4fPgwnJ2dcz3OzZs3UblyZVy/fh0zZszAiRMnEB8fr+7pvXPnjt7gW7JkyZd+PQ0VERGBuXPn4quvvkKjRo1w48YNfPDBB/j4448xffp0AMD27duxefNmbNmyBa+++irOnTuHMWPGoGzZsggLC1Ofy8HBAUqlEunp6XBwcCjS56ELg+9/wdfZ2YT3b4iOBvr2BVQf5yxcCHTpAjRvLmtZRETm4NQpuSvIHycnJ3Xv6tq1a1G7dm188803GDhwIACgcuXKSExMxP3793P1EGZkZODmzZto06aN+tijR48iMzPToF7fFwUbKyurXKFatWPe88/leb1790arVq3w8OFD/Prrr3BwcECHDh0AQD0E4ueff4bvc1uw2uX8BPQ5np6eSEhI0GpbsGABli5diiVLlqBmzZpwcnLCmDFjkKFa+1RPjSkpKejUqRM+++yzXI+j6mXv1KkTKlSogDVr1qBs2bJQKpWoUaNGrnPnNHfuXK1eZF0uXbqE8uXL63x+1tbWiI2N1WqPjY1FmTz+upo+fTr69u2LQYMGAQBq1qyJ1NRUDBkyBFOnToWVlRU+/PBDTJo0CT169FAf8++//2LevHlawffx48dwcnIqFqEXsPDlzJ7fvMIkN+vZvh2oVUsTehUKYPJkIMfHMUREZFmsrKwwZcoUTJs2Dc+ePQMAdO3aFTY2Nli4cGGu41euXInU1FT07NkTgPRRd0pKCr766iud53/y5InO9lq1auHcuXN6lzsrXbo0Hjx4oNV27ty5fD2npk2bws/PD9u2bcPmzZvRrVs3dSivXr067OzscOfOHVSqVEnry8/PT+8569ati0uXLmm1HTt2DJ07d0afPn1Qu3ZtrSEgealXrx7++ecf+Pv756rByckJjx49wtWrVzFt2jS0a9cO1apVyxW6dRk2bBjOnTuX55e+oQ62trYICgrCoUOH1G1KpRKHDh1SDwnR5enTp7mGJVhbWwPQfBqg75jnxytfvHgxz173ImfUqXImIOcswYQEzWIHwcFyV2agxEQhwsK0lynz8xMiIkLuyoiITJK5reqQmZkpfH19xYIFC9RtixcvFlZWVmLKlCni8uXL4saNG2LhwoU6lzObMGGCsLa2Fh9++KE4fvy4uH37tjh48KB499139a72kJ6eLipXrixatGghjh49Km7evCl27twpjh8/LoQQYv/+/UKhUIgNGzaIa9euiRkzZghXV9dcqzp88MEHOs8/depUUb16dVGiRAnxxx9/5LqtVKlSYv369eLGjRvi9OnTYtmyZWL9+vV6X7e9e/cKLy8vkZWVpW4LDw8Xfn5+4tixY+LSpUti0KBBwtXVVev11VXjvXv3ROnSpcW7774rTp48KW7cuCH2798v+vfvL7KyskR2drYoVaqU6NOnj7h+/bo4dOiQaNCggQAg9uzZo7fGl7V161ZhZ2cn1q9fLy5duiSGDBki3N3dRUxMjPqYvn37ikmTJqmvz5w5U7i4uIjvvvtOREVFiV9++UVUrFhRa2WNsLAw4evrq17ObPfu3cLT0zPXEnqtWrUSH330kc7auJxZEcj5Ql64oMmMYWFyV2aA48eFCAzUDr2hoUI8fix3ZUREJsvcgq8QQsybN0+ULl1apKSkqNt++OEH0aJFC+Hk5CTs7e1FUFCQWLt2rc7zbtu2TbRs2VK4uLgIJycnUatWLfHRRx/luZzZ7du3RdeuXYWrq6twdHQU9evXFydOnFDfPmPGDOHt7S3c3NxEeHi4GDlyZL6D76VLlwQAUaFCBaFUKrVuUyqVYsmSJaJKlSrCxsZGlC5dWoSEhIgjR47orTUzM1OULVtW7N+/X9326NEj0blzZ+Hs7Cy8vLzEtGnTRL9+/V4YfIUQ4tq1a+Ltt98W7u7uwsHBQVStWlWMGTNGXeuvv/4qqlWrJuzs7EStWrVEREREoQdfIYT44osvRPny5YWtra1o2LChenm5nM8nLEcQyszMFLNmzRIVK1YU9vb2ws/PT7z//vta73tSUpL44IMPRPny5YW9vb0IDAwUU6dO1VrT+O7du8LGxkZER0frrEuO4KsQooAj2E1UUlIS3NzckJiYiOPHXaFadWPqVOCTT+StLV8iIoDgYGkyGwC4uADLl0urNpjkWA0iouIhLS0Nt27dQkBAQK4JT2S+li9fjr179+LAgQNyl2J2Jk6ciISEBKxevVrn7Xn9zOXMa65GnIRl0ZPbTHJFh2bNgKAg4ORJoGlT4NtvgYAAuasiIiIySUOHDsWTJ0+QnJxs1tsWy8HLywtjx46VuwwtDL7/MZnga2MDbN4MbNsGTJwIlLDot5CIiOillChRAlOnTpW7DLM0btw4uUvIxaJXdSj2wTchAejdGzh9Wru9UiVpbAZDLxEREVG+WXRyyrkTT7ELvhER0tq8d+9KwffMGeC5xbOJiIiIKP/Y4wtpd99SpeStRS0jA5g0CWjbVlPgw4fAP//IWxcRERGRibPoHt9it3nF1atAr15S765KmzbAxo3FsEuaiIiIyLRYbI9vSgqg2nhG9kwpBLBqFVC3rib02tgA8+cDBw8WgwKJiIiITJ/F9vjm3DFR1lwZFwcMGgTs3atpq1IF2LIFqFdPvrqIiIiIzIzF9vgWm4lt0dHAvn2a68OHS72+DL1ERERERmWxwff+fc1lWYNvvXrSlnGenlKv71dfcfUGIiIyKQqFAt9//73cZRRbs2bNQp06deQug2DBwTdnj6+vbxE+8JUrQGamdtv48dKqDZ06FWEhRERkLvr37w+FQgGFQgEbGxsEBARgwoQJSEtLk7u0QhcTE4MPPvgAlSpVgr29Pby9vdGsWTOsWLECT58+lbs8AMD48eNx6NAhucsgWPAY3yLv8VUqgS++kHZbmzgRmD1bc5u1NeDlVQRFEBGRuerQoQPWrVuHzMxMnD59GmFhYVAoFPjss8/kLq3QREVFoVmzZnB3d8fcuXNRs2ZN2NnZ4cKFC1i9ejV8fX3x1ltvyV0mnJ2d4ezsLHcZBPb4AiiC4PvgAdCxIzBmDJCeLg1tOHmykB+UiIgsiZ2dHcqUKQM/Pz906dIFwcHB+PXXX9W3P3r0CD179oSvry8cHR1Rs2ZNfPfdd1rnaN26NUaPHo0JEyagZMmSKFOmDGbNmqV1zPXr19GyZUvY29ujevXqWo+hcuHCBbRt2xYODg4oVaoUhgwZgpSUFPXt/fv3R5cuXTB37lx4e3vD3d0dH330EbKysvDhhx+iZMmSKFeuHNatW5fnc37//fdRokQJnDp1Ct27d0e1atUQGBiIzp074+eff0an/z5JvX37NhQKBc6dO6e+75MnT6BQKBAREaFuu3jxIl5//XU4OzvD29sbffv2RXx8vPr2nTt3ombNmurnFRwcjNTUVABAREQEGjZsCCcnJ7i7u6NZs2b4999/AeQe6qB6/p9//jl8fHxQqlQpjBgxApk5PhF+8OAB3njjDTg4OCAgIABbtmyBv78/lixZkudrQnmz2OCr6vEtUaKQO1t/+AGoVQs4cEDTNnq01EZERKZh0SKpl+RFX7p6F996K3/3XbTIaOVevHgRx48fh62trbotLS0NQUFB+Pnnn3Hx4kUMGTIEffv2xcnnOmI2bNgAJycnnDhxAvPnz8dHH32kDrdKpRLvvPMObG1tceLECaxcuRITJ07Uun9qaipCQkLg4eGBv/76Czt27MDBgwcxcuRIreN+++033L9/H7///jsWLVqEmTNn4s0334SHhwdOnDiBYcOGYejQobirWnT/OY8ePcIvv/yCESNGwMnJSecxCgMW6X/y5Anatm2LunXr4tSpU9i/fz9iY2PRvXt3AFIQ7dmzJ9577z1cvnwZEREReOeddyCEQFZWFrp06YJWrVrh77//RmRkJIYMGZLn4x8+fBg3b97E4cOHsWHDBqxfvx7r169X396vXz/cv38fERER2LVrF1avXo2HDx/m+/mQHsLCJCYmCgCiZMlEAQhRvnwhPVBKihBDhwohrdIrfZUpI8SBA4X0gERE9DKePXsmLl26JJ49e5b7xpkztX+f6/tq3Dj3fRs3zt99Z84scO1hYWHC2tpaODk5CTs7OwFAWFlZiZ07d+Z5vzfeeEOMGzdOfb1Vq1aiefPmWsc0aNBATJw4UQghxIEDB0SJEiXEvXv31Lf/73//EwDEnj17hBBCrF69Wnh4eIiUlBT1MT///LOwsrISMTEx6norVKggsrOz1cdUqVJFtGjRQn09KytLODk5ie+++05n7X/++acAIHbv3q3VXqpUKeHk5CScnJzEhAkThBBC3Lp1SwAQZ8+eVR+XkJAgAIjDhw8LIYT4+OOPRfv27bXOFR0dLQCIq1evitOnTwsA4vbt27lqefTokQAgIiIidNY6c+ZMUbt2bfV11fPPyspSt3Xr1k2EhoYKIYS4fPmyACD++usv9e3Xr18XAMTixYt1PoYpyutnTpXXEhMTjfqYFjvG9/Fj6d9CGeZw+rS0A9u1a5q2zp2Br7+WVm8gIiLT4uqav5nQpUvrbsvPfV1dDa8rhzZt2mDFihVITU3F4sWLUaJECXTt2lV9e3Z2NubOnYvt27fj3r17yMjIQHp6OhyfW0mo1nOfSPr4+Kh7Gi9fvgw/Pz+ULVtWfXuTJk20jr98+TJq166t1QvbrFkzKJVKXL16Fd7e3gCAV199FVZWmg+evb29UaNGDfV1a2trlCpVyuBezpMnT0KpVKJ3795IT0/P9/3Onz+Pw4cP6xyLe/PmTbRv3x7t2rVDzZo1ERISgvbt2+Pdd9+Fh4cHSpYsif79+yMkJASvvfYagoOD0b17d/j4+Oh9vFdffRXW1tbq6z4+Prhw4QIA4OrVqyhRogTq5VjatFKlSvDw8Mj38yHdLDb4qhg9+P72GxASAmRlSdcdHYElS6RNKorFvshERGSwsWOlr4LIuUFRIXJyckKlSpUAAGvXrkXt2rXxzTffYODAgQCABQsWYOnSpViyZAlq1qwJJycnjBkzBhkZGVrnsbGx0bquUCigVCqNXq+uxzHksStVqgSFQoGrV69qtQcGBgIAHBwc1G2qgC2EULdlPrfCUkpKCjp16qRzMqCPjw+sra3x66+/4vjx4/jll1/wxRdfYOrUqThx4gQCAgKwbt06jB49Gvv378e2bdswbdo0/Prrr2jcuHG+n39hvM6kzWLH+KoYPfg2awZUry5dDgoCzp4FBg9m6CUioiJjZWWFKVOmYNq0aXj27BkA4NixY+jcuTP69OmD2rVrIzAwENdyfjKZD9WqVUN0dDQe5Nj+9M8//8x1zPnz59WTvlSPbWVlhSpVqrzEs9JWqlQpvPbaa/jyyy+1HkuX0v/1xOesO+dENwCoV68e/vnnH/j7+6NSpUpaX6rea4VCgWbNmmH27Nk4e/YsbG1tsWfPHvU56tati8mTJ+P48eOoUaMGtmzZUqDnVqVKFWRlZeHs2bPqths3biAhIaFA5yMNBl9jB187O2m74alTgePHgcqVjfwAREREL9atWzdYW1tj+fLlAIBXXnlF3WN5+fJlDB06FLGxsQadMzg4GJUrV0ZYWBjOnz+PP/74A1OnTtU6pnfv3rC3t0dYWBguXryIw4cPY9SoUejbt696mIOxfPXVV8jKykL9+vWxbds2XL58GVevXsW3336LK1euqIcSODg4oHHjxvj0009x+fJlHDlyBNOmTdM614gRI/D48WP07NkTf/31F27evIkDBw5gwIAByM7OxokTJzB37lycOnUKd+7cwe7duxEXF4dq1arh1q1bmDx5MiIjI/Hvv//il19+wfXr11GtWrUCPa+qVasiODgYQ4YMwcmTJ3H27FkMGTIEDg4OBk3Yo9wYfF8m+CYlSb25//yj3f7qq9KSZTlm0xIRERWlEiVKYOTIkZg/fz5SU1Mxbdo01KtXDyEhIWjdujXKlCmDLl26GHROKysr7NmzB8+ePUPDhg0xaNAgzJkzR+sYR0dHHDhwAI8fP0aDBg3w7rvvol27dvjyyy+N+OwkFStWxNmzZxEcHIzJkyejdu3aqF+/Pr744guMHz8eH3/8sfrYtWvXIisrC0FBQRgzZgw++eQTrXOVLVsWx44dQ3Z2Ntq3b4+aNWtizJgxcHd3h5WVFVxdXfH777+jY8eOqFy5MqZNm4aFCxfi9ddfh6OjI65cuYKuXbuicuXKGDJkCEaMGIGhQ4cW+Llt3LgR3t7eaNmyJd5++20MHjwYLi4usLe3L/A5CVCInANeLEBSUhLc3NwAJAJwxfHjwHPj8vMnMhLo0weIipKWJjt5UurtJSIik5SWloZbt24hICCA4YKKnbt378LPzw8HDx5Eu3bt5C7HKPL6mVPltcTERLi+5MTPnDi5zdAe36wsYM4c4OOPgexsqe3WLeDvv4EGDYxeHxEREVme3377DSkpKahZsyYePHiACRMmwN/fHy1btpS7NJNm0cFXoQDKlDHgDlFRUi9vZKSmrWlT4NtvgYAAo9dHRERElikzMxNTpkxBVFQUXFxc0LRpU2zevDnXahBkGIsOvmXKAPn6/hEC2LQJGDkSSE6W2qytgRkzgClTpO3fiIiIiIwkJCQEISEhcpdhdiw6seVrmENCAjB8OLBtm6YtMBDYvBnQszYfERERERU/Fr2qQ76C7+XLwI4dmuv9+wPnzjH0EhGZKQub800kGzl+1hh8X6RpU2lNXnd3YPt2YN06wMWlsEsjIqIipho7+fTpU5krIbIMql0Dc27dXNg41OF5t24B5ctLY3hVpk8Hhg7N317rRERkkqytreHu7o6HDx8CkNaj5WYBRIVDqVQiLi4Ojo6OKFGEc6UYfFWEAFavBsLDgZkzgYkTNbfZ2DD0EhFZgDL/LfWjCr9EVHisrKxQvnz5Iv0Dk8EXAOLigEGDgL17pevTpgHt2wN168pWGxERFT2FQgEfHx94eXkhMzNT7nKIzJqtrS2srIp21C2D74ED0oS1mBjNDYMGAVWqyFUWERHJzNraukjHHRJR0SgWk9uWL18Of39/2Nvbo1GjRjh58mSex+/YsQNVq1aFvb09atasiX379hn8mLZIQ/lFY4AOHTSh19NT6vVdsQJwdCzAMyEiIiKi4kr24Ltt2zaMHTsWM2fOxJkzZ1C7dm2EhIToHV91/Phx9OzZEwMHDsTZs2fRpUsXdOnSBRcvXjTocf+wao0Sy5dqGjp0AC5cADp1epmnQ0RERETFlELIvGBho0aN0KBBA3z55ZcApFl+fn5+GDVqFCZNmpTr+NDQUKSmpuKnn35StzVu3Bh16tTBypUrX/h4SUlJcHNzQyIAVwCwswMWLJB2ZePsXSIiIiLZqfNaYiJcXV2Ndl5Zx/hmZGTg9OnTmDx5srrNysoKwcHBiIyM1HmfyMhIjB07VqstJCQE33//vc7j09PTkZ6err6emJgIAEgCgOrVgW++kf5VbUVMRERERLJKSkoCYPxNLmQNvvHx8cjOzoa3t7dWu7e3N65cuaLzPjExMTqPj8k5OS2HefPmYfbs2bna/QDg0iWgSZMC1U5EREREhevRo0dwc3Mz2vnMflWHyZMna/UQP3nyBBUqVMCdO3eM+kJS8ZSUlAQ/Pz9ER0cb9aMSKp74flsWvt+Whe+3ZUlMTET58uVRsmRJo55X1uDr6ekJa2trxMbGarXHxsaqFxF/XpkyZQw63s7ODnZ2drna3dzc+INjQVxdXfl+WxC+35aF77dl4fttWYy9zq+sqzrY2toiKCgIhw4dUrcplUocOnQITfQMQWjSpInW8QDw66+/6j2eiIiIiAgoBkMdxo4di7CwMNSvXx8NGzbEkiVLkJqaigEDBgAA+vXrB19fX8ybNw8A8MEHH6BVq1ZYuHAh3njjDWzduhWnTp3C6tWr5XwaRERERFTMyR58Q0NDERcXhxkzZiAmJgZ16tTB/v371RPY7ty5o9XN3bRpU2zZsgXTpk3DlClT8Morr+D7779HjRo18vV4dnZ2mDlzps7hD2R++H5bFr7floXvt2Xh+21ZCuv9ln0dXyIiIiKioiD7zm1EREREREWBwZeIiIiILAKDLxERERFZBAZfIiIiIrIIZhl8ly9fDn9/f9jb26NRo0Y4efJknsfv2LEDVatWhb29PWrWrIl9+/YVUaVkDIa832vWrEGLFi3g4eEBDw8PBAcHv/D7g4oXQ3++VbZu3QqFQoEuXboUboFkVIa+30+ePMGIESPg4+MDOzs7VK5cmb/TTYih7/eSJUtQpUoVODg4wM/PD+Hh4UhLSyuiaull/P777+jUqRPKli0LhUKB77///oX3iYiIQL169WBnZ4dKlSph/fr1hj+wMDNbt24Vtra2Yu3ateKff/4RgwcPFu7u7iI2Nlbn8ceOHRPW1tZi/vz54tKlS2LatGnCxsZGXLhwoYgrp4Iw9P3u1auXWL58uTh79qy4fPmy6N+/v3BzcxN3794t4sqpIAx9v1Vu3bolfH19RYsWLUTnzp2Lplh6aYa+3+np6aJ+/fqiY8eO4ujRo+LWrVsiIiJCnDt3rogrp4Iw9P3evHmzsLOzE5s3bxa3bt0SBw4cED4+PiI8PLyIK6eC2Ldvn5g6darYvXu3ACD27NmT5/FRUVHC0dFRjB07Vly6dEl88cUXwtraWuzfv9+gxzW74NuwYUMxYsQI9fXs7GxRtmxZMW/ePJ3Hd+/eXbzxxhtabY0aNRJDhw4t1DrJOAx9v5+XlZUlXFxcxIYNGwqrRDKigrzfWVlZomnTpuLrr78WYWFhDL4mxND3e8WKFSIwMFBkZGQUVYlkRIa+3yNGjBBt27bVahs7dqxo1qxZodZJxpef4DthwgTx6quvarWFhoaKkJAQgx7LrIY6ZGRk4PTp0wgODla3WVlZITg4GJGRkTrvExkZqXU8AISEhOg9noqPgrzfz3v69CkyMzNRsmTJwiqTjKSg7/dHH30ELy8vDBw4sCjKJCMpyPu9d+9eNGnSBCNGjIC3tzdq1KiBuXPnIjs7u6jKpgIqyPvdtGlTnD59Wj0cIioqCvv27UPHjh2LpGYqWsbKa7Lv3GZM8fHxyM7OVu/6puLt7Y0rV67ovE9MTIzO42NiYgqtTjKOgrzfz5s4cSLKli2b64eJip+CvN9Hjx7FN998g3PnzhVBhWRMBXm/o6Ki8Ntvv6F3797Yt28fbty4gffffx+ZmZmYOXNmUZRNBVSQ97tXr16Ij49H8+bNIYRAVlYWhg0bhilTphRFyVTE9OW1pKQkPHv2DA4ODvk6j1n1+BIZ4tNPP8XWrVuxZ88e2Nvby10OGVlycjL69u2LNWvWwNPTU+5yqAgolUp4eXlh9erVCAoKQmhoKKZOnYqVK1fKXRoVgoiICMydOxdfffUVzpw5g927d+Pnn3/Gxx9/LHdpVIyZVY+vp6cnrK2tERsbq9UeGxuLMv9v796DoqzeOIB/WXABcZGhdJYNREUhxzTloqE5pFnApJKoWDKIiuJIiKNpMaVc8oe3EEcdKxtHMGMEdSodSVBMC9ep1Lg0gosgqI1YkzYoCnHZ5/eHwzutXHLxGvv9zLx/vOc957zP2TM7Pns476tW224brVZrVn16enRlvlulpqZi3bp1yM/Px/Dhwx9lmPSQmDvflZWVqK6uxuTJk5Uyo9EIALCxsYHBYICHh8ejDZq6rCvfbxcXF/To0QPW1tZK2ZAhQ3Dt2jU0NjZCrVY/0pip67oy36tWrUJERATmz58PABg2bBhu376N6OhofPjhh1CpuLbXnXSUrzk6Ot73ai/QzVZ81Wo1fHx8cOzYMaXMaDTi2LFj8Pf3b7eNv7+/SX0AOHr0aIf16enRlfkGgA0bNmD16tXIzc2Fr6/v4wiVHgJz5/v555/Hr7/+iqKiIuWYMmUKxo8fj6KiIri5uT3O8MlMXfl+jx07FhUVFcoPHAAoLy+Hi4sLk96nXFfm+86dO22S29YfPXefl6Lu5KHla+Y9d/f0y8rKEltbW8nIyJDS0lKJjo4WJycnuXbtmoiIRERESHx8vFJfr9eLjY2NpKamSllZmSQmJvJ1Zv8h5s73unXrRK1Wy/79+6WmpkY5bt269aSGQGYwd77vxbc6/LeYO9+XL18WjUYjsbGxYjAY5NChQ9K3b1/53//+96SGQGYwd74TExNFo9HInj175OLFi3LkyBHx8PCQsLCwJzUEMsOtW7eksLBQCgsLBYCkpaVJYWGhXLp0SURE4uPjJSIiQqnf+jqzFStWSFlZmWzbto2vM2u1detW6devn6jVahk1apT8+OOPyrWAgACJjIw0qb93717x9PQUtVotQ4cOlZycnMccMT0Ic+bb3d1dALQ5EhMTH3/g1CXmfr//iYnvf4+5833q1CkZPXq02NraysCBAyUlJUWam5sfc9TUVebMd1NTkyQlJYmHh4fY2dmJm5ubxMTEyF9//fX4AyezHT9+vN1/j1vnODIyUgICAtq0GTFihKjVahk4cKCkp6ebfV8rEf49gIiIiIi6v261x5eIiIiIqCNMfImIiIjIIjDxJSIiIiKLwMSXiIiIiCwCE18iIiIisghMfImIiIjIIjDxJSIiIiKLwMSXiIiIiCwCE18iIgAZGRlwcnJ60mF0mZWVFb755ptO68yZMwdvvvnmY4mHiOhpxMSXiLqNOXPmwMrKqs1RUVHxpENDRkaGEo9KpYKrqyvmzp2LP/7446H0X1NTg+DgYABAdXU1rKysUFRUZFJn8+bNyMjIeCj360hSUpIyTmtra7i5uSE6Oho3btwwqx8m6UT0KNg86QCIiB6moKAgpKenm5T16dPnCUVjytHREQaDAUajEcXFxZg7dy6uXr2KvLy8B+5bq9X+a53evXs/8H3ux9ChQ5Gfn4+WlhaUlZVh3rx5qK2tRXZ29mO5PxFRR7jiS0Tdiq2tLbRarclhbW2NtLQ0DBs2DA4ODnBzc0NMTAzq6uo67Ke4uBjjx4+HRqOBo6MjfHx8cObMGeX6yZMnMW7cONjb28PNzQ1xcXG4fft2p7FZWVlBq9VCp9MhODgYcXFxyM/PR319PYxGIz766CO4urrC1tYWI0aMQG5urtK2sbERsbGxcHFxgZ2dHdzd3bF27VqTvlu3OgwYMAAAMHLkSFhZWeGVV14BYLqK+vnnn0On08FoNJrEGBISgnnz5innBw4cgLe3N+zs7DBw4EAkJyejubm503Ha2NhAq9Xiueeew8SJEzFjxgwcPXpUud7S0oKoqCgMGDAA9vb28PLywubNm5XrSUlJ2LVrFw4cOKCsHp84cQIAcOXKFYSFhcHJyQnOzs4ICQlBdXV1p/EQEbVi4ktEFkGlUmHLli04d+4cdu3ahe+++w7vvfdeh/XDw8Ph6uqK06dP4+zZs4iPj0ePHj0AAJWVlQgKCsK0adNQUlKC7OxsnDx5ErGxsWbFZG9vD6PRiObmZmzevBkbN25EamoqSkpKEBgYiClTpuDChQsAgC1btuDgwYPYu3cvDAYDMjMz0b9//3b7/fnnnwEA+fn5qKmpwVdffdWmzowZM3D9+nUcP35cKbtx4wZyc3MRHh4OACgoKMDs2bOxZMkSlJaWYvv27cjIyEBKSsp9j7G6uhp5eXlQq9VKmdFohKurK/bt24fS0lIkJCTggw8+wN69ewEAy5cvR1hYGIKCglBTU4OamhqMGTMGTU1NCAwMhEajQUFBAfR6PXr16oWgoCA0Njbed0xEZMGEiKibiIyMFGtra3FwcFCO6dOnt1t337598swzzyjn6enp0rt3b+Vco9FIRkZGu22joqIkOjrapKygoEBUKpXU19e32+be/svLy8XT01N8fX1FRESn00lKSopJGz8/P4mJiRERkcWLF8uECRPEaDS22z8A+frrr0VEpKqqSgBIYWGhSZ3IyEgJCQlRzkNCQmTevHnK+fbt20Wn00lLS4uIiLz66quyZs0akz52794tLi4u7cYgIpKYmCgqlUocHBzEzs5OAAgASUtL67CNiMg777wj06ZN6zDW1nt7eXmZfAZ///232NvbS15eXqf9ExGJiHCPLxF1K+PHj8enn36qnDs4OAC4u/q5du1anD9/Hjdv3kRzczMaGhpw584d9OzZs00/y5Ytw/z587F7927lz/UeHh4A7m6DKCkpQWZmplJfRGA0GlFVVYUhQ4a0G1ttbS169eoFo9GIhoYGvPzyy9ixYwdu3ryJq1evYuzYsSb1x44di+LiYgB3tym89tpr8PLyQlBQECZNmoTXX3/9gT6r8PBwLFiwAJ988glsbW2RmZmJt956CyqVShmnXq83WeFtaWnp9HMDAC8vLxw8eBANDQ348ssvUVRUhMWLF5vU2bZtG3bu3InLly+jvr4ejY2NGDFiRKfxFhcXo6KiAhqNxqS8oaEBlZWVXfgEiMjSMPElom7FwcEBgwYNMimrrq7GpEmTsGjRIqSkpMDZ2RknT55EVFQUGhsb203gkpKSMGvWLOTk5ODw4cNITExEVlYWpk6dirq6OixcuBBxcXFt2vXr16/D2DQaDX755ReoVCq4uLjA3t4eAHDz5s1/HZe3tzeqqqpw+PBh5OfnIywsDBMnTsT+/fv/tW1HJk+eDBFBTk4O/Pz8UFBQgE2bNinX6+rqkJycjNDQ0DZt7ezsOuxXrVYrc7Bu3Tq88cYbSE5OxurVqwEAWVlZWL58OTZu3Ah/f39oNBp8/PHH+OmnnzqNt66uDj4+PiY/OFo9LQ8wEtHTjYkvEXV7Z8+ehdFoxMaNG5XVzNb9pJ3x9PSEp6cnli5dirfffhvp6emYOnUqvL29UVpa2ibB/jcqlardNo6OjtDpdNDr9QgICFDK9Xo9Ro0aZVJv5syZmDlzJqZPn46goCDcuHEDzs7OJv217qdtaWnpNB47OzuEhoYiMzMTFRUV8PLygre3t3Ld29sbBoPB7HHea+XKlZgwYQIWLVqkjHPMmDGIiYlR6ty7YqtWq9vE7+3tjezsbPTt2xeOjo4PFBMRWSY+3EZE3d6gQYPQ1NSErVu34uLFi9i9ezc+++yzDuvX19cjNjYWJ06cwKVLl6DX63H69GllC8P777+PU6dOITY2FkVFRbhw4QIOHDhg9sNt/7RixQqsX78e2dnZMBgMiI+PR1FREZYsWQIASEtLw549e3D+/HmUl5dj37590Gq17f6nG3379oW9vT1yc3Px+++/o7a2tsP7hoeHIycnBzt37lQeamuVkJCAL774AsnJyTh37hzKysqQlZWFlStXmjU2f39/DB8+HGvWrAEADB48GGfOnEFeXh7Ky8uxatUqnD592qRN//79UVJSAoPBgD///BNNTU0IDw/Hs88+i5CQEBQUFKCqqgonTpxAXFwcfvvtN7NiIiLLxMSXiLq9F198EWlpaVi/fj1eeOEFZGZmmrwK7F7W1ta4fv06Zs+eDU9PT4SFhSE4OBjJyckAgOHDh+P7779HeXk5xo0bh5EjRyIhIQE6na7LMcbFxWHZsmV49913MWzYMOTm5uLgwYMYPHgwgLvbJDZs2ABfX1/4+fmhuroa3377rbKC/U82NjbYsmULtm/fDp1Oh5CQkA7vO2HCBDg7O8NgMGDWrFkm1wIDA3Ho0CEcOXIEfn5+eOmll7Bp0ya4u7ubPb6lS5dix44duHLlChYuXIjQ0FDMnDkTo0ePxvXr101WfwFgwYIF8PLygq+vL/r06QO9Xo+ePXvihx9+QL9+/RAaGoohQ4YgKioKDQ0NXAEmovtiJSLypIMgIiIiInrUuOJLRERERBaBiS8RERERWQQmvkRERERkEZj4EhEREZFFYOJLRERERBaBiS8RERERWQQmvkRERERkEZj4EhEREZFFYOJLRERERBaBiS8RERERWQQmvkRERERkEf4PiYKMD49HRK0AAAAASUVORK5CYII=", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "plot_roc_curve(y_test, y_pred)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Gradient Boosting CLassifier" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "#### Normalized data" + ] + }, + { + "cell_type": "code", + "execution_count": 106, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Time taken for GridSearchCV: 622.46 seconds\n", + "Best Hyperparameters:\n", + "{'learning_rate': 0.1, 'max_depth': 3, 'n_estimators': 100, 'subsample': 0.8}\n", + "\n", + "Time taken for training with best hyperparameters: 8.55 seconds\n", + "\n", + "Mean Accuracy: 0.8892219917012449\n", + "Standard Deviation of Accuracy: 0.014251086861520372\n", + "Mean Precision: 0.8494764199981569\n", + "Standard Deviation of Precision: 0.02849725122139536\n", + "Mean Recall: 0.8237143696738173\n", + "Standard Deviation of Recall: 0.03673016743764838\n", + "Mean F1-score: 0.835649264494583\n", + "Standard Deviation of F1-score: 0.022112443252909064\n", + "Mean ROC AUC: 0.8735499204653856\n", + "Standard Deviation of ROC AUC: 0.01767142589371357\n", + "\n", + "Total time taken: 631.01 seconds\n" + ] + } + ], + "source": [ + "from sklearn.ensemble import GradientBoostingClassifier\n", + "from sklearn.model_selection import StratifiedKFold, GridSearchCV\n", + "from sklearn.metrics import accuracy_score, precision_score, recall_score, f1_score, roc_auc_score, confusion_matrix\n", + "import numpy as np\n", + "import time\n", + "\n", + "start_total_time = time.time()\n", + "\n", + "kf = StratifiedKFold(n_splits=10, shuffle=True, random_state=42)\n", + "\n", + "model = GradientBoostingClassifier(random_state=42)\n", + "\n", + "param_grid = {\n", + " 'n_estimators': [10, 100, 200],\n", + " 'learning_rate': [0.01, 0.1, 0.2],\n", + " 'max_depth': [3, 4, 5],\n", + " 'subsample': [0.8, 0.9]\n", + "}\n", + "\n", + "grid_search = GridSearchCV(estimator=model, param_grid=param_grid, cv=kf, scoring='accuracy')\n", + "\n", + "start_time = time.time()\n", + "\n", + "grid_search.fit(standard(x), y)\n", + "\n", + "grid_search_time = time.time() - start_time\n", + "print(f\"Time taken for GridSearchCV: {grid_search_time:.2f} seconds\")\n", + "\n", + "best_params = grid_search.best_params_\n", + "\n", + "print(\"Best Hyperparameters:\")\n", + "print(best_params)\n", + "print()\n", + "\n", + "best_model = grid_search.best_estimator_\n", + "\n", + "start_time = time.time()\n", + "\n", + "accuracy_scores = []\n", + "precision_scores = []\n", + "recall_scores = []\n", + "f1_scores = []\n", + "roc_auc_scores = []\n", + "confusion_matrices = []\n", + "\n", + "for train_index, test_index in kf.split(normal(x), y):\n", + " X_train, X_test = x.iloc[train_index], x.iloc[test_index]\n", + " y_train, y_test = y.iloc[train_index], y.iloc[test_index]\n", + "\n", + " best_model.fit(X_train, y_train)\n", + "\n", + " y_pred = best_model.predict(X_test)\n", + "\n", + " accuracy = accuracy_score(y_test, y_pred)\n", + " accuracy_scores.append(accuracy)\n", + " \n", + " precision = precision_score(y_test, y_pred)\n", + " precision_scores.append(precision)\n", + " \n", + " recall = recall_score(y_test, y_pred)\n", + " recall_scores.append(recall)\n", + " \n", + " f1 = f1_score(y_test, y_pred)\n", + " f1_scores.append(f1)\n", + " \n", + " roc_auc = roc_auc_score(y_test, y_pred)\n", + " roc_auc_scores.append(roc_auc)\n", + " \n", + " confusion = confusion_matrix(y_test, y_pred)\n", + " confusion_matrices.append(confusion)\n", + "\n", + "training_time = time.time() - start_time\n", + "print(f\"Time taken for training with best hyperparameters: {training_time:.2f} seconds\")\n", + "print()\n", + "\n", + "mean_accuracy = np.mean(accuracy_scores)\n", + "std_accuracy = np.std(accuracy_scores)\n", + "\n", + "mean_precision = np.mean(precision_scores)\n", + "std_precision = np.std(precision_scores)\n", + "\n", + "mean_recall = np.mean(recall_scores)\n", + "std_recall = np.std(recall_scores)\n", + "\n", + "mean_f1 = np.mean(f1_scores)\n", + "std_f1 = np.std(f1_scores)\n", + "\n", + "mean_roc_auc = np.mean(roc_auc_scores)\n", + "std_roc_auc = np.std(roc_auc_scores)\n", + "\n", + "print(f\"Mean Accuracy: {mean_accuracy}\")\n", + "print(f\"Standard Deviation of Accuracy: {std_accuracy}\")\n", + "\n", + "print(f\"Mean Precision: {mean_precision}\")\n", + "print(f\"Standard Deviation of Precision: {std_precision}\")\n", + "\n", + "print(f\"Mean Recall: {mean_recall}\")\n", + "print(f\"Standard Deviation of Recall: {std_recall}\")\n", + "\n", + "print(f\"Mean F1-score: {mean_f1}\")\n", + "print(f\"Standard Deviation of F1-score: {std_f1}\")\n", + "\n", + "print(f\"Mean ROC AUC: {mean_roc_auc}\")\n", + "print(f\"Standard Deviation of ROC AUC: {std_roc_auc}\")\n", + "print()\n", + "\n", + "total_time = time.time() - start_total_time\n", + "print(f\"Total time taken: {total_time:.2f} seconds\")" + ] + }, + { + "cell_type": "code", + "execution_count": 107, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "x_train: (1800, 13)\n", + "y_train: (1800,)\n", + "x_test: (601, 13)\n", + "y_test: (601,)\n" + ] + } + ], + "source": [ + "from sklearn.model_selection import train_test_split\n", + "\n", + "x_train, x_test, y_train, y_test = train_test_split(x,y,test_size=0.25,random_state=42)\n", + "\n", + "print(\"x_train:\",x_train.shape)\n", + "print(\"y_train:\",y_train.shape)\n", + "print(\"x_test:\",x_test.shape)\n", + "print(\"y_test:\",y_test.shape)" + ] + }, + { + "cell_type": "code", + "execution_count": 108, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Accuracy: 0.8818635607321131\n", + "Precision: 0.8518518518518519\n", + "Recall: 0.7892156862745098\n", + "F1 Score: 0.8193384223918574\n", + "ROC AUC Score: 0.8593433595100508\n", + "Confusion Matrix:\n", + "[[369 28]\n", + " [ 43 161]]\n" + ] + } + ], + "source": [ + "model = grid_search.best_estimator_\n", + "\n", + "model.fit(x_train, y_train)\n", + "\n", + "y_pred = model.predict(x_test)\n", + "\n", + "y_pred = (y_pred >= 0.5).astype(int)\n", + "\n", + "print(\"Accuracy:\", accuracy_score(y_test, y_pred))\n", + "print(\"Precision:\", precision_score(y_test, y_pred))\n", + "print(\"Recall:\", recall_score(y_test, y_pred))\n", + "print(\"F1 Score:\", f1_score(y_test, y_pred))\n", + "print(\"ROC AUC Score:\", roc_auc_score(y_test, y_pred))\n", + "print(\"Confusion Matrix:\")\n", + "print(confusion_matrix(y_test, y_pred))" + ] + }, + { + "cell_type": "code", + "execution_count": 109, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAokAAAIjCAYAAABvUIGpAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8pXeV/AAAACXBIWXMAAA9hAAAPYQGoP6dpAABIM0lEQVR4nO3dfXzO9f////uxscPMTgzbLMz5yXIapeX87ZxE9JaoRk7eNCpDWuVcra9OFIVOkYjOKEo1hMoqZEjIWSE2IpZhZnv9/vBzfDo8qR3s2LE5btcur8vF8Xo9j9frcRzvty6P7s/X63nYLMuyBAAAAPyNj6cLAAAAQMFDkwgAAAADTSIAAAAMNIkAAAAw0CQCAADAQJMIAAAAA00iAAAADDSJAAAAMNAkAgAAwECTCOAf7dq1S+3atVNwcLBsNpuWLFmSp+f/9ddfZbPZNGfOnDw9b2HWsmVLtWzZ0tNlAPByNIlAIbBnzx7973//U+XKlVWsWDEFBQWpSZMmeumll3TmzBm3Xjs2NlZbt27VU089pXnz5qlRo0ZuvV5+6tu3r2w2m4KCgi77Pe7atUs2m002m03PPfecy+c/dOiQxo8fr5SUlDyoFgDyVxFPFwDgn3366af673//K7vdrvvvv1+1a9fWuXPn9M0332jUqFHatm2bXnvtNbdc+8yZM0pOTtYTTzyhoUOHuuUaUVFROnPmjIoWLeqW8/+bIkWK6PTp01q6dKl69uzpdGz+/PkqVqyYzp49e1XnPnTokCZMmKCKFSuqfv36uX7fl19+eVXXA4C8RJMIFGD79u1Tr169FBUVpVWrVqls2bKOY3Fxcdq9e7c+/fRTt13/6NGjkqSQkBC3XcNms6lYsWJuO/+/sdvtatKkid59912jSVywYIE6d+6sDz/8MF9qOX36tIoXLy4/P798uR4A/BOmm4ECbMqUKTp16pTefPNNpwbxoqpVq+rhhx92vD5//rwmTZqkKlWqyG63q2LFinr88ceVmZnp9L6KFSvq9ttv1zfffKNbbrlFxYoVU+XKlfX22287xowfP15RUVGSpFGjRslms6lixYqSLkzTXvzz340fP142m81pX1JSkpo2baqQkBCVKFFCNWrU0OOPP+44fqV7EletWqVmzZopICBAISEh6tq1q7Zv337Z6+3evVt9+/ZVSEiIgoOD1a9fP50+ffrKX+wlevfureXLl+vEiROOfevXr9euXbvUu3dvY/zx48c1cuRI1alTRyVKlFBQUJA6duyozZs3O8asXr1aN998sySpX79+jmnri5+zZcuWql27tjZu3KjmzZurePHiju/l0nsSY2NjVaxYMePzt2/fXiVLltShQ4dy/VkBILdoEoECbOnSpapcubJuu+22XI0fMGCAxo4dq5tuuklTp05VixYtlJiYqF69ehljd+/erbvuuktt27bV888/r5IlS6pv377atm2bJKl79+6aOnWqJOmee+7RvHnz9OKLL7pU/7Zt23T77bcrMzNTEydO1PPPP6877rhD33777T++b8WKFWrfvr2OHDmi8ePHKz4+XuvWrVOTJk3066+/GuN79uypv/76S4mJierZs6fmzJmjCRMm5LrO7t27y2az6aOPPnLsW7BggWrWrKmbbrrJGL93714tWbJEt99+u1544QWNGjVKW7duVYsWLRwNW61atTRx4kRJ0qBBgzRv3jzNmzdPzZs3d5zn2LFj6tixo+rXr68XX3xRrVq1umx9L730ksqUKaPY2FhlZ2dLkl599VV9+eWXmj59uiIjI3P9WQEg1ywABdLJkyctSVbXrl1zNT4lJcWSZA0YMMBp/8iRIy1J1qpVqxz7oqKiLEnW2rVrHfuOHDli2e12a8SIEY59+/btsyRZzz77rNM5Y2NjraioKKOGcePGWX//18rUqVMtSdbRo0evWPfFa8yePduxr379+lZYWJh17Ngxx77NmzdbPj4+1v33329c74EHHnA655133mmVKlXqitf8++cICAiwLMuy7rrrLqt169aWZVlWdna2FRERYU2YMOGy38HZs2et7Oxs43PY7XZr4sSJjn3r1683PttFLVq0sCRZs2bNuuyxFi1aOO374osvLEnW5MmTrb1791olSpSwunXr9q+fEQCuFkkiUEClp6dLkgIDA3M1/rPPPpMkxcfHO+0fMWKEJBn3LkZHR6tZs2aO12XKlFGNGjW0d+/eq675UhfvZfz444+Vk5OTq/ccPnxYKSkp6tu3r0JDQx3769atq7Zt2zo+598NHjzY6XWzZs107Ngxx3eYG71799bq1auVmpqqVatWKTU19bJTzdKF+xh9fC786zM7O1vHjh1zTKX/+OOPub6m3W5Xv379cjW2Xbt2+t///qeJEyeqe/fuKlasmF599dVcXwsAXEWTCBRQQUFBkqS//vorV+N/++03+fj4qGrVqk77IyIiFBISot9++81pf4UKFYxzlCxZUn/++edVVmy6++671aRJEw0YMEDh4eHq1auX3nvvvX9sGC/WWaNGDeNYrVq19McffygjI8Np/6WfpWTJkpLk0mfp1KmTAgMDtWjRIs2fP18333yz8V1elJOTo6lTp6patWqy2+0qXbq0ypQpoy1btujkyZO5vuYNN9zg0kMqzz33nEJDQ5WSkqJp06YpLCws1+8FAFfRJAIFVFBQkCIjI/XTTz+59L5LHxy5El9f38vutyzrqq9x8X65i/z9/bV27VqtWLFC9913n7Zs2aK7775bbdu2NcZei2v5LBfZ7XZ1795dc+fO1eLFi6+YIkrS008/rfj4eDVv3lzvvPOOvvjiCyUlJenGG2/MdWIqXfh+XLFp0yYdOXJEkrR161aX3gsArqJJBAqw22+/XXv27FFycvK/jo2KilJOTo527drltD8tLU0nTpxwPKmcF0qWLOn0JPBFl6aVkuTj46PWrVvrhRde0M8//6ynnnpKq1at0ldffXXZc1+sc+fOncaxHTt2qHTp0goICLi2D3AFvXv31qZNm/TXX39d9mGfiz744AO1atVKb775pnr16qV27dqpTZs2xneS24Y9NzIyMtSvXz9FR0dr0KBBmjJlitavX59n5weAS9EkAgXYo48+qoCAAA0YMEBpaWnG8T179uill16SdGG6VJLxBPILL7wgSercuXOe1VWlShWdPHlSW7Zscew7fPiwFi9e7DTu+PHjxnsvLip96bI8F5UtW1b169fX3LlznZqun376SV9++aXjc7pDq1atNGnSJL388suKiIi44jhfX18jpXz//ff1+++/O+272MxerqF21ejRo7V//37NnTtXL7zwgipWrKjY2Ngrfo8AcK1YTBsowKpUqaIFCxbo7rvvVq1atZx+cWXdunV6//331bdvX0lSvXr1FBsbq9dee00nTpxQixYt9MMPP2ju3Lnq1q3bFZdXuRq9evXS6NGjdeedd+qhhx7S6dOnNXPmTFWvXt3pwY2JEydq7dq16ty5s6KionTkyBHNmDFD5cqVU9OmTa94/meffVYdO3ZUTEyM+vfvrzNnzmj69OkKDg7W+PHj8+xzXMrHx0dPPvnkv467/fbbNXHiRPXr10+33Xabtm7dqvnz56ty5cpO46pUqaKQkBDNmjVLgYGBCggIUOPGjVWpUiWX6lq1apVmzJihcePGOZbkmT17tlq2bKkxY8ZoypQpLp0PAHLFw09XA8iFX375xRo4cKBVsWJFy8/PzwoMDLSaNGliTZ8+3Tp79qxjXFZWljVhwgSrUqVKVtGiRa3y5ctbCQkJTmMs68ISOJ07dzauc+nSK1daAseyLOvLL7+0ateubfn5+Vk1atSw3nnnHWMJnJUrV1pdu3a1IiMjLT8/PysyMtK65557rF9++cW4xqXLxKxYscJq0qSJ5e/vbwUFBVldunSxfv75Z6cxF6936RI7s2fPtiRZ+/btu+J3alnOS+BcyZWWwBkxYoRVtmxZy9/f32rSpImVnJx82aVrPv74Yys6OtoqUqSI0+ds0aKFdeONN172mn8/T3p6uhUVFWXddNNNVlZWltO44cOHWz4+PlZycvI/fgYAuBo2y3Lhzm4AAAB4Be5JBAAAgIEmEQAAAAaaRAAAABhoEgEAAGCgSQQAAICBJhEAAAAGmkQAAAAYrstfXPFvMNTTJQBwkz/Xv+zpEgC4STEPdiXu7B3ObCqc/94iSQQAAIDhukwSAQAAXGIjN7sUTSIAAIDN5ukKChzaZgAAABhIEgEAAJhuNvCNAAAAwECSCAAAwD2JBpJEAAAAGEgSAQAAuCfRwDcCAAAAA0kiAAAA9yQaaBIBAACYbjbwjQAAAMBAkggAAMB0s4EkEQAAAAaSRAAAAO5JNPCNAAAAwECSCAAAwD2JBpJEAAAAGEgSAQAAuCfRQJMIAADAdLOBthkAAKCAmDlzpurWraugoCAFBQUpJiZGy5cvdxxv2bKlbDab0zZ48GCnc+zfv1+dO3dW8eLFFRYWplGjRun8+fMu10KSCAAAUECmm8uVK6dnnnlG1apVk2VZmjt3rrp27apNmzbpxhtvlCQNHDhQEydOdLynePHijj9nZ2erc+fOioiI0Lp163T48GHdf//9Klq0qJ5++mmXaqFJBAAAcKPMzExlZmY67bPb7bLb7cbYLl26OL1+6qmnNHPmTH333XeOJrF48eKKiIi47LW+/PJL/fzzz1qxYoXCw8NVv359TZo0SaNHj9b48ePl5+eX67oLRtsMAADgSTYft22JiYkKDg522hITE/+1pOzsbC1cuFAZGRmKiYlx7J8/f75Kly6t2rVrKyEhQadPn3YcS05OVp06dRQeHu7Y1759e6Wnp2vbtm0ufSUkiQAAAG6UkJCg+Ph4p32XSxEv2rp1q2JiYnT27FmVKFFCixcvVnR0tCSpd+/eioqKUmRkpLZs2aLRo0dr586d+uijjyRJqampTg2iJMfr1NRUl+qmSQQAAPBx39PNV5pavpIaNWooJSVFJ0+e1AcffKDY2FitWbNG0dHRGjRokGNcnTp1VLZsWbVu3Vp79uxRlSpV8rRuppsBAAAKED8/P1WtWlUNGzZUYmKi6tWrp5deeumyYxs3bixJ2r17tyQpIiJCaWlpTmMuvr7SfYxXQpMIAADgxnsSr1VOTo7x4MtFKSkpkqSyZctKkmJiYrR161YdOXLEMSYpKUlBQUGOKevcYroZAACggCymnZCQoI4dO6pChQr666+/tGDBAq1evVpffPGF9uzZowULFqhTp04qVaqUtmzZouHDh6t58+aqW7euJKldu3aKjo7WfffdpylTpig1NVVPPvmk4uLiXJrylmgSAQAACowjR47o/vvv1+HDhxUcHKy6devqiy++UNu2bXXgwAGtWLFCL774ojIyMlS+fHn16NFDTz75pOP9vr6+WrZsmYYMGaKYmBgFBAQoNjbWaV3F3LJZlmXl5YcrCPwbDPV0CQDc5M/1L3u6BABuUsyD0ZV/m2fcdu4zKx5z27ndiXsSAQAAYGC6GQAAoIDck1iQkCQCAADAQJIIAACQB0vVXG/4RgAAAGAgSQQAAOCeRANNIgAAANPNBr4RAAAAGEgSAQAAmG42kCQCAADAQJIIAADAPYkGvhEAAAAYSBIBAAC4J9FAkggAAAADSSIAAAD3JBpoEgEAAGgSDXwjAAAAMJAkAgAA8OCKgSQRAAAABpJEAAAA7kk08I0AAADAQJIIAADAPYkGkkQAAAAYSBIBAAC4J9FAkwgAAMB0s4G2GQAAAAaSRAAA4PVsJIkGkkQAAAAYSBIBAIDXI0k0kSQCAADAQJIIAABAkGggSQQAAICBJBEAAHg97kk00SQCAACvR5NoYroZAAAABpJEAADg9UgSTSSJAAAAMJAkAgAAr0eSaCJJBAAAgIEkEQAAgCDRQJIIAAAAA0kiAADwetyTaCJJBAAAgIEkEQAAeD2SRBNNIgAA8Ho0iSammwEAAGAgSQQAAF6PJNFEkggAAAADSSIAAABBooEkEQAAAAaSRAAA4PW4J9FEkggAAAADSSIAAPB6JIkmmkQAAOD1aBJNTDcDAADAQJIIAABAkGggSQQAACggZs6cqbp16yooKEhBQUGKiYnR8uXLHcfPnj2ruLg4lSpVSiVKlFCPHj2UlpbmdI79+/erc+fOKl68uMLCwjRq1CidP3/e5VpoEgEAgNez2Wxu21xRrlw5PfPMM9q4caM2bNig//znP+ratau2bdsmSRo+fLiWLl2q999/X2vWrNGhQ4fUvXt3x/uzs7PVuXNnnTt3TuvWrdPcuXM1Z84cjR071vXvxLIsy+V3FXD+DYZ6ugQAbvLn+pc9XQIANynmwZvgwge877Zzp73x32t6f2hoqJ599lndddddKlOmjBYsWKC77rpLkrRjxw7VqlVLycnJuvXWW7V8+XLdfvvtOnTokMLDwyVJs2bN0ujRo3X06FH5+fnl+rokiQAAwOu5M0nMzMxUenq605aZmfmvNWVnZ2vhwoXKyMhQTEyMNm7cqKysLLVp08YxpmbNmqpQoYKSk5MlScnJyapTp46jQZSk9u3bKz093ZFG5hZNIgAAgBslJiYqODjYaUtMTLzi+K1bt6pEiRKy2+0aPHiwFi9erOjoaKWmpsrPz08hISFO48PDw5WamipJSk1NdWoQLx6/eMwVPN0MAAC8njvXSUxISFB8fLzTPrvdfsXxNWrUUEpKik6ePKkPPvhAsbGxWrNmjdvquxKaRAAA4PXc2STa7fZ/bAov5efnp6pVq0qSGjZsqPXr1+ull17S3XffrXPnzunEiRNOaWJaWpoiIiIkSREREfrhhx+cznfx6eeLY3KL6WYAAIACLCcnR5mZmWrYsKGKFi2qlStXOo7t3LlT+/fvV0xMjCQpJiZGW7du1ZEjRxxjkpKSFBQUpOjoaJeuS5IIAABQQBbTTkhIUMeOHVWhQgX99ddfWrBggVavXq0vvvhCwcHB6t+/v+Lj4xUaGqqgoCANGzZMMTExuvXWWyVJ7dq1U3R0tO677z5NmTJFqampevLJJxUXF+dSminRJAIAABQYR44c0f3336/Dhw8rODhYdevW1RdffKG2bdtKkqZOnSofHx/16NFDmZmZat++vWbMmOF4v6+vr5YtW6YhQ4YoJiZGAQEBio2N1cSJE12uhXUSARQqrJMIXL88uU7iDUMWu+3cv8+8023ndifuSQQAAICB6WYAAOD13Pl0c2FFkggAAAADSSIAAPB6JIkmmkQAAAB6RAPTzQAAADCQJAIAAK/HdLOJJBEAAAAGkkQAAOD1SBJNJIkAAAAwkCSiwBn436YaeFczRUWGSpK2703V068t15ff/uwY07huJY2Pu10316mo7Owcbfnld3V58BWdzcySJNWvWU6TH+6mhjdWUHa2pSUrUzT6+Q+VceacRz4TgMt78/VXtTLpS+3bt1f2YsVUv34DPRI/UhUrVXaM+ePoUb3w/BR9t26dMk5nqGLFSho4aLDatGvvwcpxvSFJNJEkosD5Pe2Exkz/WLf1maImfZ7V6h9+0ftTB6lW5QhJFxrEj19+UCu/26Fm9z6rpvc+q1kL1ygn58LPkJctE6xPZw3TngNH1fy+59Q17hVFV4nQ6xPv8+THAnAZG9b/oLvv6aN5776nV1+frfPnz2vwwP46ffq0Y8wTj4/Wr/v26aWXZ+rDxUvVuk1bjRrxiLZv//kfzgzgWpEkosD5bO1PTq/Hv7JUA//bVLfUraTte1M1ZUR3zVi4Ws/NTnKM2fXbEcefOzarrazz2Xok8T1Z1oXGcdhTi7Th/cdVuXxp7T3wR/58EAD/auZrbzq9nvjUM2rVLEbbf96mho1uliRt3rRJT4wdpzp160qSBg1+UO+8PVfbt21TrVrR+V4zrk8kiSaPNol//PGH3nrrLSUnJys1NVWSFBERodtuu019+/ZVmTJlPFkeCgAfH5t6tL1JAf5++n7LPpUpWUK31K2khcs36Ks58apUrrR++TVN419eqnUpeyVJdr8iysrKdjSIknQm88I08231q9AkAgXYqb/+kiQFBQc79tVr0EBffL5czZu3VGBQkL74fLkyz2Wq0c23eKpMXI/oEQ0em25ev369qlevrmnTpik4OFjNmzdX8+bNFRwcrGnTpqlmzZrasGHDv54nMzNT6enpTpuVk50PnwDudGPVSB399nmd/P5FTXvibt094nXt2JuqSuVKS5Ke+F8nvfXROnWNm6GU7Qf02avDVKXChf+oWP3DToWXCtLw+1uraBFfhQT6a/JDXSVJEWWCr3hNAJ6Vk5OjKf/vadVvcJOqVavu2P/s8y/qfNZ5NW/SWDc3qKPJE8Zq6ksvq0JUlAerBa5/HksShw0bpv/+97+aNWuWEfFalqXBgwdr2LBhSk5O/sfzJCYmasKECU77fMNvVtGy/BdmYfbLr2lq3CtRwSX8dWebBnp94n1qN+Al+fhc+P/Kmx9+o3mffCdJ2rzzoFreUkOxXWM0dvon2r43VQPHztMzI7pr4rA7lJ2ToxnvrlHqH+mycnI8+bEA/IOnJ0/Qnl27NGfeAqf9r0x/SX/9la7X3pyjkJCS+mrVCj064hHNfnu+qlWv4aFqcb1hutnksSZx8+bNmjNnzmX/R7HZbBo+fLgaNGjwr+dJSEhQfHy8076wZqPzrE54Rtb5bMe08KbtB9TwxgqKu6el4z7E7XtTncbv3Jeq8hElHa8Xfb5Biz7foLDQQGWcyZRlSQ/d+x/tO3gs/z4EgFx7evJErV2zWm/NfUfhERGO/Qf279fCBe/ow4+XqWrVapKkGjVr6seNG7Tw3fkaM26ip0oGrnseaxIjIiL0ww8/qGbNmpc9/sMPPyg8PPxfz2O322W325322Xx886RGFBw+NpvsfkX026FjOnTkhKpXDHM6XjUqzGmJnIuOHL9wf9P9XW/V2XNZWvndjnypF0DuWJalxKcmadXKJL05Z57KlSvvdPzs2TOSJB+b891RPj6+snIsAXmFJNHksSZx5MiRGjRokDZu3KjWrVs7GsK0tDStXLlSr7/+up577jlPlQcPmjjsDn3x7TYdOPynAgOK6e6OjdS8UTV1eXCGJGnq3BV6cnBnbf3ld23eeVD3dmmsGhXD1XvU/z0lOfju5vpu816dOn1OrW+tqacf6aYx0z/WyVNnPPWxAFzG05MmaPlny/Ti9BkKKB6gP44elSSVCAxUsWLFVLFSZVWoEKVJE8YqfuRohYSEaNWqFfou+VtNn/Gqh6sHrm826++PgOazRYsWaerUqdq4caOysy88bOLr66uGDRsqPj5ePXv2vKrz+jcYmpdlIp/NHNdbrW6poYjSQTp56qx+2vW7np+9Qqu+/78UcGS/tvpfz+YqGVxcW3/5XU+8uMTxdLMkvTHpPnVoWlslivtp569pevHtlXr30/We+DjIY3+uf9nTJSAP1bvx8vcUTpycqK53dpck/fbbr3rphee1adNGnT59WhXKV9D9/R5Qlzu65WOlyA/FPLjmStWRy9127t3PdXTbud3Jo03iRVlZWfrjjwv3n5UuXVpFixa9pvPRJALXL5pE4PpFk1iwFIjFtIsWLaqyZct6ugwAAOCluCfRVCCaRAAAAE+iRzTx280AAAAwkCQCAACvx3SziSQRAAAABpJEAADg9QgSTSSJAAAAMJAkAgAAr+fjQ5R4KZJEAAAAGEgSAQCA1+OeRBNNIgAA8HosgWNiuhkAAAAGkkQAAOD1CBJNJIkAAAAwkCQCAACvxz2JJpJEAAAAGEgSAQCA1yNJNJEkAgAAwECSCAAAvB5BookmEQAAeD2mm01MNwMAAMBAkggAALweQaKJJBEAAAAGkkQAAOD1uCfRRJIIAAAAA0kiAADwegSJJpJEAAAAGEgSAQCA1+OeRBNJIgAAAAwkiQAAwOsRJJpoEgEAgNdjutnEdDMAAAAMJIkAAMDrESSaSBIBAABgIEkEAABej3sSTSSJAAAAMNAkAgAAr2ezuW9zRWJiom6++WYFBgYqLCxM3bp1086dO53GtGzZUjabzWkbPHiw05j9+/erc+fOKl68uMLCwjRq1CidP3/epVqYbgYAACgg1qxZo7i4ON188806f/68Hn/8cbVr104///yzAgICHOMGDhyoiRMnOl4XL17c8efs7Gx17txZERERWrdunQ4fPqz7779fRYsW1dNPP53rWmgSAQCA1yso9yR+/vnnTq/nzJmjsLAwbdy4Uc2bN3fsL168uCIiIi57ji+//FI///yzVqxYofDwcNWvX1+TJk3S6NGjNX78ePn5+eWqFqabAQCA13PndHNmZqbS09OdtszMzFzVdfLkSUlSaGio0/758+erdOnSql27thISEnT69GnHseTkZNWpU0fh4eGOfe3bt1d6erq2bduW6++EJhEAAMCNEhMTFRwc7LQlJib+6/tycnL0yCOPqEmTJqpdu7Zjf+/evfXOO+/oq6++UkJCgubNm6d7773XcTw1NdWpQZTkeJ2amprrupluBgAAXs+d080JCQmKj4932me32//1fXFxcfrpp5/0zTffOO0fNGiQ48916tRR2bJl1bp1a+3Zs0dVqlTJm6JFkggAAOBWdrtdQUFBTtu/NYlDhw7VsmXL9NVXX6lcuXL/OLZx48aSpN27d0uSIiIilJaW5jTm4usr3cd4OTSJAADA6126pExebq6wLEtDhw7V4sWLtWrVKlWqVOlf35OSkiJJKlu2rCQpJiZGW7du1ZEjRxxjkpKSFBQUpOjo6FzXwnQzAABAAREXF6cFCxbo448/VmBgoOMewuDgYPn7+2vPnj1asGCBOnXqpFKlSmnLli0aPny4mjdvrrp160qS2rVrp+joaN13332aMmWKUlNT9eSTTyouLi5X09wX0SQCAACvV0BWwNHMmTMlXVgw++9mz56tvn37ys/PTytWrNCLL76ojIwMlS9fXj169NCTTz7pGOvr66tly5ZpyJAhiomJUUBAgGJjY53WVcwNmkQAAIACwrKsfzxevnx5rVmz5l/PExUVpc8+++yaaqFJBAAAXq+gLKZdkNAkAgAAr0ePaOLpZgAAABhIEgEAgNdjutlEkggAAAADSSIAAPB6BIkmkkQAAAAYSBIBAIDX8yFKNJAkAgAAwECSCAAAvB5BookmEQAAeD2WwDEx3QwAAAADSSIAAPB6PgSJBpJEAAAAGEgSAQCA1+OeRBNJIgAAAAwkiQAAwOsRJJpIEgEAAGAgSQQAAF7PJqLES9EkAgAAr8cSOCammwEAAGAgSQQAAF6PJXBMJIkAAAAwkCQCAACvR5BoIkkEAACAgSQRAAB4PR+iRANJIgAAAAx50iSeOHEiL04DAADgETab+7bCyuUm8f/9v/+nRYsWOV737NlTpUqV0g033KDNmzfnaXEAAAD5wWazuW0rrFxuEmfNmqXy5ctLkpKSkpSUlKTly5erY8eOGjVqVJ4XCAAAgPzn8oMrqampjiZx2bJl6tmzp9q1a6eKFSuqcePGeV4gAACAuxXiwM9tXE4SS5YsqQMHDkiSPv/8c7Vp00aSZFmWsrOz87Y6AAAAeITLSWL37t3Vu3dvVatWTceOHVPHjh0lSZs2bVLVqlXzvEAAAAB3Ywkck8tN4tSpU1WxYkUdOHBAU6ZMUYkSJSRJhw8f1oMPPpjnBQIAACD/udwkFi1aVCNHjjT2Dx8+PE8KAgAAyG/kiKZcNYmffPJJrk94xx13XHUxAAAAKBhy1SR269YtVyez2Ww8vAIAAAqdwryeobvkqknMyclxdx0AAAAe40OPaLimn+U7e/ZsXtUBAACAAsTlJjE7O1uTJk3SDTfcoBIlSmjv3r2SpDFjxujNN9/M8wIBAADcjZ/lM7ncJD711FOaM2eOpkyZIj8/P8f+2rVr64033sjT4gAAAOAZLjeJb7/9tl577TX16dNHvr6+jv316tXTjh078rQ4AACA/GCzuW8rrFxuEn///ffL/rJKTk6OsrKy8qQoAAAAeJbLTWJ0dLS+/vprY/8HH3ygBg0a5ElRAAAA+Yl7Ek0u/+LK2LFjFRsbq99//105OTn66KOPtHPnTr399ttatmyZO2oEAABAPnM5SezatauWLl2qFStWKCAgQGPHjtX27du1dOlStW3b1h01AgAAuJWPzX1bYeVykihJzZo1U1JSUl7XAgAA4BGFeVrYXa6qSZSkDRs2aPv27ZIu3KfYsGHDPCsKAAAAnuVyk3jw4EHdc889+vbbbxUSEiJJOnHihG677TYtXLhQ5cqVy+saAQAA3Ioc0eTyPYkDBgxQVlaWtm/fruPHj+v48ePavn27cnJyNGDAAHfUCAAAgHzmcpK4Zs0arVu3TjVq1HDsq1GjhqZPn65mzZrlaXEAAAD5wYd7Eg0uJ4nly5e/7KLZ2dnZioyMzJOiAAAA4FkuN4nPPvushg0bpg0bNjj2bdiwQQ8//LCee+65PC0OAAAgP/CzfKZcTTeXLFnS6dHwjIwMNW7cWEWKXHj7+fPnVaRIET3wwAPq1q2bWwoFAABA/slVk/jiiy+6uQwAAADPYZ1EU66axNjYWHfXAQAAgALkqhfTlqSzZ8/q3LlzTvuCgoKuqSAAAID8RpBocvnBlYyMDA0dOlRhYWEKCAhQyZIlnTYAAIDCxsdmc9vmisTERN18880KDAxUWFiYunXrpp07dzqNOXv2rOLi4lSqVCmVKFFCPXr0UFpamtOY/fv3q3PnzipevLjCwsI0atQonT9/3rXvxKXRkh599FGtWrVKM2fOlN1u1xtvvKEJEyYoMjJSb7/9tqunAwAAwP9vzZo1iouL03fffaekpCRlZWWpXbt2ysjIcIwZPny4li5dqvfff19r1qzRoUOH1L17d8fx7Oxsde7cWefOndO6des0d+5czZkzR2PHjnWpFptlWZYrb6hQoYLefvtttWzZUkFBQfrxxx9VtWpVzZs3T++++64+++wzlwpwB/8GQz1dAgA3+XP9y54uAYCbFLumm+CuzYMf/ey2c8/oHn3V7z169KjCwsK0Zs0aNW/eXCdPnlSZMmW0YMEC3XXXXZKkHTt2qFatWkpOTtatt96q5cuX6/bbb9ehQ4cUHh4uSZo1a5ZGjx6to0ePys/PL1fXdjlJPH78uCpXrizpwv2Hx48flyQ1bdpUa9eudfV0AAAA17XMzEylp6c7bZmZmbl678mTJyVJoaGhkqSNGzcqKytLbdq0cYypWbOmKlSooOTkZElScnKy6tSp42gQJal9+/ZKT0/Xtm3bcl23y01i5cqVtW/fPkdR7733niRp6dKlCgkJcfV0AAAAHmez2dy2JSYmKjg42GlLTEz815pycnL0yCOPqEmTJqpdu7YkKTU1VX5+fkbPFR4ertTUVMeYvzeIF49fPJZbLge7/fr10+bNm9WiRQs99thj6tKli15++WVlZWXphRdecPV0AAAA17WEhATFx8c77bPb7f/6vri4OP3000/65ptv3FXaP3K5SRw+fLjjz23atNGOHTu0ceNGVa1aVXXr1s3T4q7WoW9f8nQJANzk7Q2/eboEAG4y6NYoj13b5alVF9jt9lw1hX83dOhQLVu2TGvXrlW5cuUc+yMiInTu3DmdOHHCKU1MS0tTRESEY8wPP/zgdL6LTz9fHJMb1/ydREVFqXv37gWmQQQAACisLMvS0KFDtXjxYq1atUqVKlVyOt6wYUMVLVpUK1eudOzbuXOn9u/fr5iYGElSTEyMtm7dqiNHjjjGJCUlKSgoSNHRuX+IJldJ4rRp03J9woceeijXYwEAAAqCgvKzfHFxcVqwYIE+/vhjBQYGOu4hDA4Olr+/v4KDg9W/f3/Fx8crNDRUQUFBGjZsmGJiYnTrrbdKktq1a6fo6Gjdd999mjJlilJTU/Xkk08qLi7OpUQzV0vgXNrFXvFkNpv27t2b64u7y5+nsz1dAgA3eX/LQU+XAMBNPDnd/MjHO9x27he71sz12Cs1q7Nnz1bfvn0lXVhMe8SIEXr33XeVmZmp9u3ba8aMGU5Tyb/99puGDBmi1atXKyAgQLGxsXrmmWdUpEju7zR0eZ3EwoAmEbh+0SQC1y+axILFg8tWAgAAFAw+BWO2uUBx58M8AAAAKKRIEgEAgNcrKA+uFCQkiQAAADCQJAIAAK/HPYmmq0oSv/76a917772KiYnR77//LkmaN2+ex342BgAAAHnL5Sbxww8/VPv27eXv769NmzYpMzNTknTy5Ek9/fTTeV4gAACAu9ls7tsKK5ebxMmTJ2vWrFl6/fXXVbRoUcf+Jk2a6Mcff8zT4gAAAPKDj83mtq2wcrlJ3Llzp5o3b27sDw4O1okTJ/KiJgAAAHiYy01iRESEdu/ebez/5ptvVLly5TwpCgAAID/5uHErrFyufeDAgXr44Yf1/fffy2az6dChQ5o/f75GjhypIUOGuKNGAAAA5DOXl8B57LHHlJOTo9atW+v06dNq3ry57Ha7Ro4cqWHDhrmjRgAAALcqxLcOuo3LTaLNZtMTTzyhUaNGaffu3Tp16pSio6NVokQJd9QHAAAAD7jqxbT9/PwUHR2dl7UAAAB4RGF+CtldXG4SW7Vq9Y+/b7hq1aprKggAAACe53KTWL9+fafXWVlZSklJ0U8//aTY2Ni8qgsAACDfECSaXG4Sp06detn948eP16lTp665IAAAgPzGbzeb8mz5nnvvvVdvvfVWXp0OAAAAHnTVD65cKjk5WcWKFcur0wEAAOQbHlwxudwkdu/e3em1ZVk6fPiwNmzYoDFjxuRZYQAAAPAcl5vE4OBgp9c+Pj6qUaOGJk6cqHbt2uVZYQAAAPmFINHkUpOYnZ2tfv36qU6dOipZsqS7agIAAICHufTgiq+vr9q1a6cTJ064qRwAAID852Nz31ZYufx0c+3atbV371531AIAAIACwuUmcfLkyRo5cqSWLVumw4cPKz093WkDAAAobGxu/KewyvU9iRMnTtSIESPUqVMnSdIdd9zh9PN8lmXJZrMpOzs776sEAABwo8I8LewuuW4SJ0yYoMGDB+urr75yZz0AAAAoAHLdJFqWJUlq0aKF24oBAADwBJJEk0v3JNpYRAgAAMAruLROYvXq1f+1UTx+/Pg1FQQAAJDfCMJMLjWJEyZMMH5xBQAAANcfl5rEXr16KSwszF21AAAAeAT3JJpyfU8iMSwAAID3cPnpZgAAgOsNWZgp101iTk6OO+sAAADwGB+6RIPLP8sHAACA659LD64AAABcj3hwxUSSCAAAAANJIgAA8HrckmgiSQQAAICBJBEAAHg9HxElXookEQAAAAaSRAAA4PW4J9FEkwgAALweS+CYmG4GAACAgSQRAAB4PX6Wz0SSCAAAAANJIgAA8HoEiSaSRAAAABhIEgEAgNfjnkQTSSIAAAAMJIkAAMDrESSaaBIBAIDXY2rVxHcCAAAAA0kiAADwejbmmw0kiQAAADCQJAIAAK9HjmgiSQQAAChA1q5dqy5duigyMlI2m01LlixxOt63b1/ZbDanrUOHDk5jjh8/rj59+igoKEghISHq37+/Tp065VIdNIkAAMDr+dhsbttclZGRoXr16umVV1654pgOHTro8OHDju3dd991Ot6nTx9t27ZNSUlJWrZsmdauXatBgwa5VAfTzQAAAG6UmZmpzMxMp312u112u/2y4zt27KiOHTv+4zntdrsiIiIue2z79u36/PPPtX79ejVq1EiSNH36dHXq1EnPPfecIiMjc1U3SSIAAPB6NjduiYmJCg4OdtoSExOvqd7Vq1crLCxMNWrU0JAhQ3Ts2DHHseTkZIWEhDgaRElq06aNfHx89P333+f6GiSJAADA67lzBZyEhATFx8c77btSipgbHTp0UPfu3VWpUiXt2bNHjz/+uDp27Kjk5GT5+voqNTVVYWFhTu8pUqSIQkNDlZqamuvr0CQCAAC40T9NLV+NXr16Of5cp04d1a1bV1WqVNHq1avVunXrPLsO080AAMDrXfq0cF5u7la5cmWVLl1au3fvliRFREToyJEjTmPOnz+v48ePX/E+xsuhSQQAACjEDh48qGPHjqls2bKSpJiYGJ04cUIbN250jFm1apVycnLUuHHjXJ+X6WYAAOD1ClJqdurUKUcqKEn79u1TSkqKQkNDFRoaqgkTJqhHjx6KiIjQnj179Oijj6pq1apq3769JKlWrVrq0KGDBg4cqFmzZikrK0tDhw5Vr169cv1ks1SwvhMAAACvt2HDBjVo0EANGjSQJMXHx6tBgwYaO3asfH19tWXLFt1xxx2qXr26+vfvr4YNG+rrr792uu9x/vz5qlmzplq3bq1OnTqpadOmeu2111yqw2ZZlpWnn6wA+PN0tqdLAOAm72856OkSALjJoFujPHbt91IOue3cPevnPr0rSEgSAQAAYOCeRAAA4PXc/wxy4UOSCAAAAANJIgAA8Hr5sZ5hYUOTCAAAvB5Tqya+EwAAABhIEgEAgNdjutlEkggAAAADSSIAAPB65IgmkkQAAAAYSBIBAIDX45ZEE0kiAAAADCSJAADA6/lwV6KBJhEAAHg9pptNTDcDAADAQJIIAAC8no3pZgNJIgAAAAwkiQAAwOtxT6KJJBEAAAAGkkQAAOD1WALHRJIIAAAAA0kiAADwetyTaKJJBAAAXo8m0cR0MwAAAAwkiQAAwOuxmLaJJBEAAAAGkkQAAOD1fAgSDSSJAAAAMJAkAgAAr8c9iSaSRAAAABhIEgEAgNdjnUQTTSIAAPB6TDebmG4GAACAgSQRAAB4PZbAMZEkAgAAwECSCAAAvB73JJpIEgEAAGAgSUSh8/Zbr2vG9Km6u/d9Gj4qQZL0zORxWv/9d/rj6BH5+xdXnXr1FffwCFWsVNnD1QK41MEdW7R++ftK+3WXMk4c1x0PjVO1hk2cxhw7tF9rF72hgzu3KCc7W6VuiNIdw8YqqFSYJGnLV59q+3df6civu3Xu7GnFzfhIxQJKeOLj4DrBEjgmmkQUKj9v26rFH76nqtVqOO2vWetGte/YReFlyyr95Em9MesVPfzgAH20LEm+vr4eqhbA5WRlnlWZ8pVVu1l7fTJ9onH8RNohLZw8XLVbdNBt3e+XvVhx/fH7bypStOj/neNcpirWaaSKdRrpm/ffys/yAa9Bk4hC4/TpDI17/FEljJmg2W+86nSsW4+ejj9HRt6g/8U9pPvuvlOHD/2ucuUr5HepAP5BpXq3qFK9W654/JsPZ6tSvVvU4u6Bjn0h4ZFOYxq27y5JOrB9s3uKhNchSDRxTyIKjecSJ6tJsxa65dbb/nHcmTOn9eknixV5QzmFR0TkU3UA8oKVk6O9m39QyYgb9MGzCZox9L+aP2GYdm381tOl4TrnY7O5bSusCnSTeODAAT3wwAP/OCYzM1Pp6elOW2ZmZj5ViPyS9Pln2rnjZw0ZNvyKYz547121uq2hWt3WSMnffq1pM99Q0aJ++VglgGt1Ov2Ess6e0Q/LFqlSnUa6a9QzqtqwiT6ZPlEHdmzxdHmAVynQTeLx48c1d+7cfxyTmJio4OBgp23qc8/kU4XID2mph/XCs4ka/9QU2e32K47r0PF2zX33Q818422Vr1BRT4yO5z8YgELGsixJUtWbblPDDj0UFlVFjW/vpcr1GmvzqmUerg7XM5sbt8LKo/ckfvLJJ/94fO/evf96joSEBMXHxzvtO53NrZbXkx3bt+nP48fUt/ddjn3Z2dlK+XGDPli0QGu/T5Gvr69KBAaqRGCgKkRVVO26ddW2eYzWrFqhdh07e7B6AK7wDwySj6+vSkU630tcKrKCfv/lJw9VBXgnj3ZT3bp1k81mc/yX4+XY/mUu3263G+lS9unsPKkPBUOjW2I0//2PnfZNHveEoipV0n19B1z26WXLkixZOpd1Lr/KBJAHfIsUVXilGjqeetBp/5+pBxVUOtxDVcErFObIz0082iSWLVtWM2bMUNeuXS97PCUlRQ0bNsznqlDQBAQEqErVak77ivn7Kzg4RFWqVtPvBw9oxRfL1TimiUJKltSRtDS9PfsN2e123da0uYeqBnAl586e0Ym0Q47X6UdTdeS3PSpWIlBBpcJ0c8e7tGzG0ypXo47K16qnX7ds0J6U79Qz4TnHezJOHFfGyT/15/9/nj8O7pNfseIKLFVG/iWC8v0zAdcjjzaJDRs21MaNG6/YJP5byghIkp+fXSmbNmrhgnn6K/2kQkuVVv2bGur1OQsUGlrK0+UBuETavl/03jOjHK9Xv3thSasbm7ZVh4GjVK1RU7Xp+5B+WLZQX70zQyXLltMdw8aqXPXajvds/mqZkpe843i96OkRkqT2A0aqdrN2+fRJcD3hZ/lMNsuDXdjXX3+tjIwMdejQ4bLHMzIytGHDBrVo0cKl8/7JdDNw3Xp/y8F/HwSgUBp0a5THrv39npNuO3fjKsFuO7c7eTRJbNas2T8eDwgIcLlBBAAAcFUhXs7QbXgMGAAAeD16RFOBXicRAAAAnkGSCAAAQJRoIEkEAACAgSQRAAB4PZbAMZEkAgAAwECSCAAAvB5L4JhIEgEAAAqQtWvXqkuXLoqMjJTNZtOSJUucjluWpbFjx6ps2bLy9/dXmzZttGvXLqcxx48fV58+fRQUFKSQkBD1799fp06dcqkOmkQAAOD1bG7cXJWRkaF69erplVdeuezxKVOmaNq0aZo1a5a+//57BQQEqH379jp79qxjTJ8+fbRt2zYlJSVp2bJlWrt2rQYNGuRSHR79WT534Wf5gOsXP8sHXL88+bN8P/6W7rZz3xQVdNXvtdlsWrx4sbp16ybpQooYGRmpESNGaOTIkZKkkydPKjw8XHPmzFGvXr20fft2RUdHa/369WrUqJEk6fPPP1enTp108OBBRUZG5uraJIkAAABulJmZqfT0dKctMzPzqs61b98+paamqk2bNo59wcHBaty4sZKTkyVJycnJCgkJcTSIktSmTRv5+Pjo+++/z/W1aBIBAIDXs7nxn8TERAUHBzttiYmJV1VnamqqJCk8PNxpf3h4uONYamqqwsLCnI4XKVJEoaGhjjG5wdPNAAAAbpSQkKD4+HinfXa73UPV5B5NIgAA8HruXALHbrfnWVMYEREhSUpLS1PZsmUd+9PS0lS/fn3HmCNHjji97/z58zp+/Ljj/bnBdDMAAEAhUalSJUVERGjlypWOfenp6fr+++8VExMjSYqJidGJEye0ceNGx5hVq1YpJydHjRs3zvW1SBIBAIDXK0hraZ86dUq7d+92vN63b59SUlIUGhqqChUq6JFHHtHkyZNVrVo1VapUSWPGjFFkZKTjCehatWqpQ4cOGjhwoGbNmqWsrCwNHTpUvXr1yvWTzRJNIgAAQIGyYcMGtWrVyvH64v2MsbGxmjNnjh599FFlZGRo0KBBOnHihJo2barPP/9cxYoVc7xn/vz5Gjp0qFq3bi0fHx/16NFD06ZNc6kO1kkEUKiwTiJw/fLkOombD/zltnPXKx/otnO7E0kiAADwerYCNeFcMPDgCgAAAAwkiQAAwOu5cwmcwookEQAAAAaSRAAA4PUIEk0kiQAAADCQJAIAABAlGkgSAQAAYCBJBAAAXo91Ek0kiQAAADCQJAIAAK/HOokmmkQAAOD16BFNTDcDAADAQJIIAABAlGggSQQAAICBJBEAAHg9lsAxkSQCAADAQJIIAAC8HkvgmEgSAQAAYCBJBAAAXo8g0USTCAAAQJdoYLoZAAAABpJEAADg9VgCx0SSCAAAAANJIgAA8HosgWMiSQQAAICBJBEAAHg9gkQTSSIAAAAMJIkAAABEiQaaRAAA4PVYAsfEdDMAAAAMJIkAAMDrsQSOiSQRAAAABpJEAADg9QgSTSSJAAAAMJAkAgAAECUaSBIBAABgIEkEAABej3USTTSJAADA67EEjonpZgAAABhIEgEAgNcjSDSRJAIAAMBAkggAALwe9ySaSBIBAABgIEkEAADgrkQDSSIAAAAMJIkAAMDrcU+iiSYRAAB4PXpEE9PNAAAAMJAkAgAAr8d0s4kkEQAAAAaSRAAA4PVs3JVoIEkEAACAgSQRAACAINFAkggAAAADSSIAAPB6BIkmmkQAAOD1WALHxHQzAABAATF+/HjZbDanrWbNmo7jZ8+eVVxcnEqVKqUSJUqoR48eSktLc0stNIkAAMDr2dz4j6tuvPFGHT582LF98803jmPDhw/X0qVL9f7772vNmjU6dOiQunfvnpdfhQPTzQAAAAVIkSJFFBERYew/efKk3nzzTS1YsED/+c9/JEmzZ89WrVq19N133+nWW2/N0zpIEgEAAGzu2zIzM5Wenu60ZWZmXrGUXbt2KTIyUpUrV1afPn20f/9+SdLGjRuVlZWlNm3aOMbWrFlTFSpUUHJych5+GRfQJAIAALhRYmKigoODnbbExMTLjm3cuLHmzJmjzz//XDNnztS+ffvUrFkz/fXXX0pNTZWfn59CQkKc3hMeHq7U1NQ8r5vpZgAA4PXc+XBzQkKC4uPjnfbZ7fbLju3YsaPjz3Xr1lXjxo0VFRWl9957T/7+/m6s0kSSCAAA4EZ2u11BQUFO25WaxEuFhISoevXq2r17tyIiInTu3DmdOHHCaUxaWtpl72G8VjSJAADA69ls7tuuxalTp7Rnzx6VLVtWDRs2VNGiRbVy5UrH8Z07d2r//v2KiYm5xm/AxHQzAADwelezVI07jBw5Ul26dFFUVJQOHTqkcePGydfXV/fcc4+Cg4PVv39/xcfHKzQ0VEFBQRo2bJhiYmLy/MlmiSYRAACgwDh48KDuueceHTt2TGXKlFHTpk313XffqUyZMpKkqVOnysfHRz169FBmZqbat2+vGTNmuKUWm2VZllvO7EF/ns72dAkA3OT9LQc9XQIANxl0a5THru3O3qFkcV+3nduduCcRAAAABppEAAAAGGgSAQAAYODBFQAA4PWudama6xFJIgAAAAwkiQAAwOsVlHUSCxKaRAAA4PWYbjYx3QwAAAADSSIAAPB6BIkmkkQAAAAYSBIBAACIEg0kiQAAADCQJAIAAK/HEjgmkkQAAAAYSBIBAIDXY51EE0kiAAAADCSJAADA6xEkmmgSAQAA6BINTDcDAADAQJIIAAC8HkvgmEgSAQAAYCBJBAAAXo8lcEwkiQAAADDYLMuyPF0EcLUyMzOVmJiohIQE2e12T5cDIA/x9xvwLJpEFGrp6ekKDg7WyZMnFRQU5OlyAOQh/n4DnsV0MwAAAAw0iQAAADDQJAIAAMBAk4hCzW63a9y4cdzUDlyH+PsNeBYPrgAAAMBAkggAAAADTSIAAAAMNIkAAAAw0CQCAADAQJOIQu2VV15RxYoVVaxYMTVu3Fg//PCDp0sCcI3Wrl2rLl26KDIyUjabTUuWLPF0SYBXoklEobVo0SLFx8dr3Lhx+vHHH1WvXj21b99eR44c8XRpAK5BRkaG6tWrp1deecXTpQBejSVwUGg1btxYN998s15++WVJUk5OjsqXL69hw4bpscce83B1APKCzWbT4sWL1a1bN0+XAngdkkQUSufOndPGjRvVpk0bxz4fHx+1adNGycnJHqwMAIDrA00iCqU//vhD2dnZCg8Pd9ofHh6u1NRUD1UFAMD1gyYRAAAABppEFEqlS5eWr6+v0tLSnPanpaUpIiLCQ1UBAHD9oElEoeTn56eGDRtq5cqVjn05OTlauXKlYmJiPFgZAADXhyKeLgC4WvHx8YqNjVWjRo10yy236MUXX1RGRob69evn6dIAXINTp05p9+7djtf79u1TSkqKQkNDVaFCBQ9WBngXlsBBofbyyy/r2WefVWpqqurXr69p06apcePGni4LwDVYvXq1WrVqZeyPjY3VnDlz8r8gwEvRJAIAAMDAPYkAAAAw0CQCAADAQJMIAAAAA00iAAAADDSJAAAAMNAkAgAAwECTCAAAAANNIgAAAAw0iQCuWd++fdWtWzfH65YtW+qRRx7J9zpWr14tm82mEydOXHGMzWbTkiVLcn3O8ePHq379+tdU16+//iqbzaaUlJRrOg8A5CeaROA61bdvX9lsNtlsNvn5+alq1aqaOHGizp8/7/Zrf/TRR5o0aVKuxuamsQMA5L8ini4AgPt06NBBs2fPVmZmpj777DPFxcWpaNGiSkhIMMaeO3dOfn5+eXLd0NDQPDkPAMBzSBKB65jdbldERISioqI0ZMgQtWnTRp988omk/5sifuqppxQZGakaNWpIkg4cOKCePXsqJCREoaGh6tq1q3799VfHObOzsxUfH6+QkBCVKlVKjz76qC79CfhLp5szMzM1evRolS9fXna7XVWrVtWbb76pX3/9Va1atZIklSxZUjabTX379pUk5eTkKDExUZUqVZK/v7/q1aunDz74wOk6n332mapXry5/f3+1atXKqc7cGj16tKpXr67ixYurcuXKGjNmjLKysoxxr776qsqXL6/ixYurZ8+eOnnypNPxN954Q7Vq1VKxYsVUs2ZNzZgx44rX/PPPP9WnTx+VKVNG/v7+qlatmmbPnu1y7QDgTiSJgBfx9/fXsWPHHK9XrlypoKAgJSUlSZKysrLUvn17xcTE6Ouvv1aRIkU0efJkdejQQVu2bJGfn5+ef/55zZkzR2+99ZZq1aql559/XosXL9Z//vOfK173/vvvV3JysqZNm6Z69epp3759+uOPP1S+fHl9+OGH6tGjh3bu3KmgoCD5+/tLkhITE/XOO+9o1qxZqlatmtauXat7771XZcqUUYsWLXTgwAF1795dcXFxGjRokDZs2KARI0a4/J0EBgZqzpw5ioyM1NatWzVw4EAFBgbq0UcfdYzZvXu33nvvPS1dulTp6enq37+/HnzwQc2fP1+SNH/+fI0dO1Yvv/yyGjRooE2bNmngwIEKCAhQbGyscc0xY8bo559/1vLly1W6dGnt3r1bZ86ccbl2AHArC8B1KTY21uratatlWZaVk5NjJSUlWXa73Ro5cqTjeHh4uJWZmel4z7x586waNWpYOTk5jn2ZmZmWv7+/9cUXX1iWZVlly5a1pkyZ4jielZVllStXznEty7KsFi1aWA8//LBlWZa1c+dOS5KVlJR02Tq/+uorS5L1559/OvadPXvWKl68uLVu3Tqnsf3797fuuecey7IsKyEhwYqOjnY6Pnr0aONcl5JkLV68+IrHn332Wathw4aO1+PGjbN8fX2tgwcPOvYtX77c8vHxsQ4fPmxZlmVVqVLFWrBggdN5Jk2aZMXExFiWZVn79u2zJFmbNm2yLMuyunTpYvXr1++KNQBAQUCSCFzHli1bphIlSigrK0s5OTnq3bu3xo8f7zhep04dp/sQN2/erN27dyswMNDpPGfPntWePXt08uRJHT58WI0bN3YcK1KkiBo1amRMOV+UkpIiX19ftWjRItd17969W6dPn1bbtm2d9p87d04NGjSQJG3fvt2pDkmKiYnJ9TUuWrRokaZNm6Y9e/bo1KlTOn/+vIKCgpzGVKhQQTfccIPTdXJycrRz504FBgZqz5496t+/vwYOHOgYc/78eQUHB1/2mkOGDFGPHj30448/ql27durWrZtuu+02l2sHAHeiSQSuY61atdLMmTPl5+enyMhIFSni/Fc+ICDA6fWpU6fUsGFDxzTq35UpU+aqarg4feyKU6dOSZI+/fRTp+ZMunCfZV5JTk5Wnz59NGHCBLVv317BwcFauHChnn/+eZdrff31142m1dfX97Lv6dixo3777Td99tlnSkpKUuvWrRUXF6fnnnvu6j8MAOQxmkTgOhYQEKCqVavmevxNN92kRYsWKSwszEjTLipbtqy+//57NW/eXNKFxGzjxo266aabLju+Tp06ysnJ0Zo1a9SmTRvj+MUkMzs727EvOjpadrtd+/fvv2ICWatWLcdDOBd99913//4h/2bdunWKiorSE0884dj322+/GeP279+vQ4cOKTIy0nEdHx8f1ahRQ+Hh4YqMjNTevXvVp0+fXF+7TJkyio2NVWxsrJo1a6ZRo0bRJAIoUHi6GYBDnz59VLp0aXXt2lVff/219u3bp9WrV+uhhx7SwYMHJUkPP/ywnnnmGS1ZskQ7duzQgw8++I9rHFasWFGxsbF64IEHtGTJEsc533vvPUlSVFSUbDabli1bpqNHj+rUqVMKDAzUyJEjNXz4cM2dO1d79uzRjz/+qOnTp2vu3LmSpMGDB2vXrl0aNWqUdu7cqQULFmjOnDkufd5q1app//79Wrhwofbs2aNp06Zp8eLFxrhixYopNjZWmzdv1tdff62HHnpIPXv2VEREhCRpwoQJSkxM1LRp0/TLL79o69atmj17tl544YXLXnfs2LH6+OOPtXv3bm3btk3Lli1TrVq1XKodANyNJhGAQ/HixbV27VpVqFBB3bt3V61atdS/f3+dPXvWkSyOGDFC9913n2JjYxUTE6PAwEDdeeed/3jemTNn6q677tKDDz6omjVrauDAgcrIyJAk3XDDDZowYYIee+wxhYeHa+jQoZKkSZMmacyYMUpMTFStWrXUoUMHffrpp6pUqZKkC/cJfvjhh1qyZInq1aunWbNm6emnn3bp895xxx0aPny4hg4dqvr162vdunUaM2aMMa5q1arq3r27OnXqpHbt2qlu3bpOS9wMGDBAb7zxhmbPnq06deqoRYsWmjNnjqPWS/n5+SkhIUF169ZV8+bN5evrq4ULF7pUOwC4m8260t3mAAAA8FokiQAAADDQJAIAAMBAkwgAAAADTSIAAAAMNIkAAAAw0CQCAADAQJMIAAAAA00iAAAADDSJAAAAMNAkAgAAwECTCAAAAMP/B3tOHd3KWAR/AAAAAElFTkSuQmCC", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "plot_confusion_matrix(y_test, y_pred,(0,1))" + ] + }, + { + "cell_type": "code", + "execution_count": 110, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAr4AAAIjCAYAAADlfxjoAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8pXeV/AAAACXBIWXMAAA9hAAAPYQGoP6dpAACbTUlEQVR4nOzdeVzT9R8H8Ne4xiGXIoiI4pGKiRdeeR8kZplYKd5HaerPozzK+6rU0rwq8yrPtDS1tDKtTC2VNM80EQ9U8EBBEQS59/n98W0bY0M3HHzH9no+HjzcPvvuu/fGwDefvT/vj0IIIUBEREREZOXs5A6AiIiIiKgkMPElIiIiIpvAxJeIiIiIbAITXyIiIiKyCUx8iYiIiMgmMPElIiIiIpvAxJeIiIiIbAITXyIiIiKyCUx8iYiIiMgmMPElKiFBQUEYNGiQ3GHYnHbt2qFdu3Zyh/FEs2bNgkKhQFJSktyhWByFQoFZs2aZ5VzXrl2DQqHAunXrzHI+ADh27BicnJxw/fp1s53T3Hr16oWePXvKHQaR7Jj4klVYt24dFAqF5svBwQEBAQEYNGgQbt68KXd4Fi09PR3vv/8+6tWrB1dXV3h6eqJ169bYsGEDSsuO5ufPn8esWbNw7do1uUPRk5eXh7Vr16Jdu3YoW7YslEolgoKCMHjwYBw/flzu8Mxi8+bNWLJkidxh6CjJmKZOnYrevXujSpUqmrF27drp/E5ycXFBvXr1sGTJEqhUKoPnuXfvHt555x3UqlULzs7OKFu2LMLDw/Hjjz8W+tipqamYPXs26tevjzJlysDFxQV169bFxIkTcevWLc1xEydOxPbt23HmzBmjn5ctvHfJ9ihEafmfjegx1q1bh8GDB+O9995D1apVkZmZib/++gvr1q1DUFAQzp07B2dnZ1ljzMrKgp2dHRwdHWWNI787d+6gY8eOiI6ORq9evdC2bVtkZmZi+/bt+OOPPxAZGYlNmzbB3t5e7lAfa9u2bejRowf279+vN7ubnZ0NAHBycirxuDIyMvDKK69gz549aNOmDbp27YqyZcvi2rVr2Lp1Ky5evIi4uDhUqlQJs2bNwuzZs5GYmAgfH58Sj/VpvPTSSzh37lyx/eGRmZkJBwcHODg4PHVMQghkZWXB0dHRLO/r06dPo2HDhjhy5Aiee+45zXi7du1w5coVzJs3DwCQlJSEzZs34++//8aUKVMwZ84cnfPExMSgY8eOSExMxODBg9G4cWM8ePAAmzZtwunTpzFhwgQsWLBA5z6xsbEICwtDXFwcevTogVatWsHJyQn//PMPvv76a5QtWxYXL17UHN+sWTPUqlULGzZseOLzMuW9S1SqCCIrsHbtWgFA/P333zrjEydOFADEli1bZIpMXhkZGSIvL6/Q28PDw4WdnZ3YuXOn3m0TJkwQAMSHH35YnCEalJaWZtLx3377rQAg9u/fXzwBFdHIkSMFALF48WK923Jzc8WCBQtEfHy8EEKImTNnCgAiMTGx2OJRqVTi0aNHZj/viy++KKpUqWLWc+bl5YmMjIwi3784YjJkzJgxonLlykKlUumMt23bVjz77LM6YxkZGaJKlSrC3d1d5Obmasazs7NF3bp1haurq/jrr7907pObmysiIyMFAPHNN99oxnNyckT9+vWFq6ur+PPPP/XiSklJEVOmTNEZ+/jjj4Wbm5t4+PDhE5+XKe/dp/G032ciUzHxJatQWOL7448/CgBi7ty5OuPR0dHi1VdfFd7e3kKpVIrQ0FCDyV9ycrJ4++23RZUqVYSTk5MICAgQ/fv310lOMjMzxYwZM0T16tWFk5OTqFSpknjnnXdEZmamzrmqVKkiBg4cKIQQ4u+//xYAxLp16/Qec8+ePQKA+OGHHzRjN27cEIMHDxa+vr7CyclJ1KlTR3z55Zc699u/f78AIL7++msxdepUUbFiRaFQKERycrLB1ywqKkoAEK+//rrB23NycsQzzzwjvL29NcnS1atXBQCxYMECsWjRIlG5cmXh7Ows2rRpI86ePat3DmNeZ/X37sCBA2LEiBGifPnywsvLSwghxLVr18SIESNEzZo1hbOzsyhbtqx47bXXxNWrV/XuX/BLnQS3bdtWtG3bVu912rJli/jggw9EQECAUCqVokOHDuLSpUt6z+Gzzz4TVatWFc7OzqJJkybijz/+0DunIfHx8cLBwUE8//zzjz1OTZ34Xrp0SQwcOFB4enoKDw8PMWjQIJGenq5z7Jo1a0T79u1F+fLlhZOTkwgODhaff/653jmrVKkiXnzxRbFnzx4RGhoqlEqlJpEx9hxCCLF7927Rpk0bUaZMGeHu7i4aN24sNm3aJISQXt+Cr33+hNPYnw8AYuTIkeKrr74SderUEQ4ODuK7777T3DZz5kzNsampqeKtt97S/FyWL19ehIWFiRMnTjwxJvV7eO3atTqPHx0dLXr06CF8fHyEs7OzqFmzpl7iaEjlypXFoEGD9MYNJb5CCPHaa68JAOLWrVuasa+//loAEO+9957Bx3jw4IHw8vIStWvX1ox98803AoCYM2fOE2NUO3PmjAAgduzY8djjTH3vDhw40OAfGer3dH6Gvs9bt24V3t7eBl/HlJQUoVQqxfjx4zVjxr6niAwx/nMjolJI/TGnt7e3Zuzff/9Fy5YtERAQgEmTJsHNzQ1bt25FREQEtm/fju7duwMA0tLS0Lp1a0RHR+P1119Ho0aNkJSUhF27duHGjRvw8fGBSqXCyy+/jEOHDuHNN99EcHAwzp49i8WLF+PixYv4/vvvDcbVuHFjVKtWDVu3bsXAgQN1btuyZQu8vb0RHh4OQCpHaN68ORQKBUaNGoXy5cvj559/xhtvvIHU1FS8/fbbOvd///334eTkhAkTJiArK6vQj/h/+OEHAMCAAQMM3u7g4IA+ffpg9uzZOHz4MMLCwjS3bdiwAQ8fPsTIkSORmZmJpUuXokOHDjh79iz8/PxMep3V/ve//6F8+fKYMWMG0tPTAQB///03jhw5gl69eqFSpUq4du0ali9fjnbt2uH8+fNwdXVFmzZtMGbMGHzyySeYMmUKgoODAUDzb2E+/PBD2NnZYcKECUhJScH8+fPRt29fHD16VHPM8uXLMWrUKLRu3Rpjx47FtWvXEBERAW9v7yd+xPvzzz8jNzcX/fv3f+xxBfXs2RNVq1bFvHnzcPLkSXzxxRfw9fXFRx99pBPXs88+i5dffhkODg744Ycf8L///Q8qlQojR47UOV9MTAx69+6NYcOGYejQoahVq5ZJ51i3bh1ef/11PPvss5g8eTK8vLxw6tQp7NmzB3369MHUqVORkpKCGzduYPHixQCAMmXKAIDJPx+///47tm7dilGjRsHHxwdBQUEGX6Phw4dj27ZtGDVqFOrUqYN79+7h0KFDiI6ORqNGjR4bkyH//PMPWrduDUdHR7z55psICgrClStX8MMPP+iVJOR38+ZNxMXFoVGjRoUeU5B6cZ2Xl5dm7Ek/i56enujWrRvWr1+Py5cvo0aNGti1axcAmPT+qlOnDlxcXHD48GG9n7/8ivreNVbB7/MzzzyD7t27Y8eOHVi5cqXO76zvv/8eWVlZ6NWrFwDT31NEeuTOvInMQT3r99tvv4nExEQRHx8vtm3bJsqXLy+USqXOR3IdO3YUISEhOrMDKpVKtGjRQjzzzDOasRkzZhQ6O6L+WHPjxo3Czs5O76PGFStWCADi8OHDmrH8M75CCDF58mTh6Ogo7t+/rxnLysoSXl5eOrOwb7zxhvD39xdJSUk6j9GrVy/h6empmY1Vz2RWq1bNqI+zIyIiBIBCZ4SFEGLHjh0CgPjkk0+EENrZMhcXF3Hjxg3NcUePHhUAxNixYzVjxr7O6u9dq1atdD7+FUIYfB7qmeoNGzZoxh5X6lDYjG9wcLDIysrSjC9dulQA0MxcZ2VliXLlyokmTZqInJwczXHr1q0TAJ444zt27FgBQJw6deqxx6mpZ8cKzsB3795dlCtXTmfM0OsSHh4uqlWrpjNWpUoVAUDs2bNH73hjzvHgwQPh7u4umjVrpvdxdP6P9gsrKzDl5wOAsLOzE//++6/eeVBgxtfT01OMHDlS77j8CovJ0IxvmzZthLu7u7h+/Xqhz9GQ3377Te/TGbW2bduK2rVri8TERJGYmCguXLgg3nnnHQFAvPjiizrHNmjQQHh6ej72sRYtWiQAiF27dgkhhGjYsOET72NIzZo1xQsvvPDYY0x975o642vo+7x3716Dr2WXLl103pOmvKeIDGFXB7IqYWFhKF++PAIDA/Haa6/Bzc0Nu3bt0szO3b9/H7///jt69uyJhw8fIikpCUlJSbh37x7Cw8Nx6dIlTReI7du3o379+gZnRhQKBQDg22+/RXBwMGrXrq05V1JSEjp06AAA2L9/f6GxRkZGIicnBzt27NCM/fLLL3jw4AEiIyMBSAtxtm/fjq5du0IIofMY4eHhSElJwcmTJ3XOO3DgQLi4uDzxtXr48CEAwN3dvdBj1LelpqbqjEdERCAgIEBzvWnTpmjWrBl2794NwLTXWW3o0KF6i43yP4+cnBzcu3cPNWrUgJeXl97zNtXgwYN1ZpZat24NQFowBADHjx/HvXv3MHToUJ1FVX379tX5BKEw6tfsca+vIcOHD9e53rp1a9y7d0/ne5D/dUlJSUFSUhLatm2L2NhYpKSk6Ny/atWqmk8P8jPmHL/++isePnyISZMm6S0OVf8MPI6pPx9t27ZFnTp1nnheLy8vHD16VKdrQVElJibijz/+wOuvv47KlSvr3Pak53jv3j0AKPT9cOHCBZQvXx7ly5dH7dq1sWDBArz88st6rdQePnz4xPdJwZ/F1NRUk99b6lif1DKvqO9dYxn6Pnfo0AE+Pj7YsmWLZiw5ORm//vqr5vch8HS/c4kAgKUOZFWWLVuGmjVrIiUlBWvWrMEff/wBpVKpuf3y5csQQmD69OmYPn26wXPcvXsXAQEBuHLlCl599dXHPt6lS5cQHR2N8uXLF3quwtSvXx+1a9fGli1b8MYbbwCQyhx8fHw0v8QTExPx4MEDrFq1CqtWrTLqMapWrfrYmNXU/6k9fPhQ52PX/ApLjp955hm9Y2vWrImtW7cCMO11flzcGRkZmDdvHtauXYubN2/qtFcrmOCZqmCSo05ekpOTAUDTk7VGjRo6xzk4OBT6EXx+Hh4eALSvoTniUp/z8OHDmDlzJqKiovDo0SOd41NSUuDp6am5Xtj7wZhzXLlyBQBQt25dk56Dmqk/H8a+d+fPn4+BAwciMDAQoaGh6NKlCwYMGIBq1aqZHKP6D52iPkcAhbb9CwoKwurVq6FSqXDlyhXMmTMHiYmJen9EuLu7PzEZLfiz6OHhoYnd1FiflNAX9b1rLEPfZwcHB7z66qvYvHkzsrKyoFQqsWPHDuTk5Ogkvk/zO5cIYOJLVqZp06Zo3LgxAGlWslWrVujTpw9iYmJQpkwZTf/MCRMmGJwFA/QTncdRqVQICQnBokWLDN4eGBj42PtHRkZizpw5SEpKgru7O3bt2oXevXtrZhjV8fbr10+vFlitXr16OteNme0FpBrY77//Hv/88w/atGlj8Jh//vkHAIyahcuvKK+zobhHjx6NtWvX4u2338Zzzz0HT09PKBQK9OrVq9BeqMYqrJVVYUmMqWrXrg0AOHv2LBo0aGD0/Z4U15UrV9CxY0fUrl0bixYtQmBgIJycnLB7924sXrxY73Ux9Lqaeo6iMvXnw9j3bs+ePdG6dWt89913+OWXX7BgwQJ89NFH2LFjB1544YWnjttY5cqVA6D9Y6kgNzc3ndr4li1bolGjRpgyZQo++eQTzXhwcDBOnz6NuLg4vT981Ar+LNauXRunTp1CfHz8E3/P5JecnGzwD9f8TH3vFpZI5+XlGRwv7Pvcq1cvrFy5Ej///DMiIiKwdetW1K5dG/Xr19cc87S/c4mY+JLVsre3x7x589C+fXt89tlnmDRpkmZGyNHRUec/JEOqV6+Oc+fOPfGYM2fOoGPHjkZ99FtQZGQkZs+eje3bt8PPzw+pqamaRRwAUL58ebi7uyMvL++J8ZrqpZdewrx587BhwwaDiW9eXh42b94Mb29vtGzZUue2S5cu6R1/8eJFzUyoKa/z42zbtg0DBw7EwoULNWOZmZl48OCBznFFee2fRL0ZweXLl9G+fXvNeG5uLq5du6b3B0dBL7zwAuzt7fHVV1+ZdZHQDz/8gKysLOzatUsnSTLlI15jz1G9enUAwLlz5x77B2Fhr//T/nw8jr+/P/73v//hf//7H+7evYtGjRphzpw5msTX2MdTv1ef9LNuiDpBvHr1qlHH16tXD/369cPKlSsxYcIEzWv/0ksv4euvv8aGDRswbdo0vfulpqZi586dqF27tub70LVrV3z99df46quvMHnyZKMePzc3F/Hx8Xj55Zcfe5yp711vb2+9n0kAJu9k16ZNG/j7+2PLli1o1aoVfv/9d0ydOlXnmOJ8T5FtYI0vWbV27dqhadOmWLJkCTIzM+Hr64t27dph5cqVuH37tt7xiYmJmsuvvvoqzpw5g++++07vOPXsW8+ePXHz5k2sXr1a75iMjAxNd4LCBAcHIyQkBFu2bMGWLVvg7++vk4Ta29vj1Vdfxfbt2w3+x5w/XlO1aNECYWFhWLt2rcGdoaZOnYqLFy/i3Xff1Zuh+f7773VqdI8dO4ajR49qkg5TXufHsbe315uB/fTTT/Vmktzc3ADA4H++RdW4cWOUK1cOq1evRm5urmZ806ZNhc7w5RcYGIihQ4fil19+waeffqp3u0qlwsKFC3Hjxg2T4lLPCBcs+1i7dq3Zz9GpUye4u7tj3rx5yMzM1Lkt/33d3NwMlp487c+HIXl5eXqP5evri4oVKyIrK+uJMRVUvnx5tGnTBmvWrEFcXJzObU+a/Q8ICEBgYKBJu5i9++67yMnJ0ZmxfO2111CnTh18+OGHeudSqVQYMWIEkpOTMXPmTJ37hISEYM6cOYiKitJ7nIcPH+oljefPn0dmZiZatGjx2BhNfe9Wr14dKSkpmllpALh9+7bB352PY2dnh9deew0//PADNm7ciNzcXJ0yB6B43lNkWzjjS1bvnXfeQY8ePbBu3ToMHz4cy5YtQ6tWrRASEoKhQ4eiWrVquHPnDqKionDjxg3Nlp7vvPOOZkew119/HaGhobh//z527dqFFStWoH79+ujfvz+2bt2K4cOHY//+/WjZsiXy8vJw4cIFbN26FXv37tWUXhQmMjISM2bMgLOzM9544w3Y2en+Pfrhhx9i//79aNasGYYOHYo6derg/v37OHnyJH777Tfcv3+/yK/Nhg0b0LFjR3Tr1g19+vRB69atkZWVhR07duDAgQOIjIzEO++8o3e/GjVqoFWrVhgxYgSysrKwZMkSlCtXDu+++67mGGNf58d56aWXsHHjRnh6eqJOnTqIiorCb7/9pvmIWa1Bgwawt7fHRx99hJSUFCiVSnTo0AG+vr5Ffm2cnJwwa9YsjB49Gh06dEDPnj1x7do1rFu3DtWrVzdqtmnhwoW4cuUKxowZgx07duCll16Ct7c34uLi8O233+LChQs6M/zG6NSpE5ycnNC1a1cMGzYMaWlpWL16NXx9fQ3+kfE05/Dw8MDixYsxZMgQNGnSBH369IG3tzfOnDmDR48eYf369QCA0NBQbNmyBePGjUOTJk1QpkwZdO3a1Sw/HwU9fPgQlSpVwmuvvabZpve3337D33//rfPJQGExGfLJJ5+gVatWaNSoEd58801UrVoV165dw08//YTTp08/Np5u3brhu+++M6p2FpBKFbp06YIvvvgC06dPR7ly5eDk5IRt27ahY8eOaNWqlc7ObZs3b8bJkycxfvx4nfeKo6MjduzYgbCwMLRp0wY9e/ZEy5Yt4ejoiH///VfzaU3+dmy//vorXF1d8fzzzz8xTlPeu7169cLEiRPRvXt3jBkzBo8ePcLy5ctRs2ZNkxehRkZG4tNPP8XMmTMREhKi15awON5TZGNKvpEEkfkVtoGFENLOQNWrVxfVq1fXtMu6cuWKGDBggKhQoYJwdHQUAQEB4qWXXhLbtm3Tue+9e/fEqFGjREBAgKZR+sCBA3Vai2VnZ4uPPvpIPPvss0KpVApvb28RGhoqZs+eLVJSUjTHFWxnpnbp0iVNk/1Dhw4ZfH537twRI0eOFIGBgcLR0VFUqFBBdOzYUaxatUpzjLpN17fffmvSa/fw4UMxa9Ys8eyzzwoXFxfh7u4uWrZsKdatW6fXzin/BhYLFy4UgYGBQqlUitatW4szZ87onduY1/lx37vk5GQxePBg4ePjI8qUKSPCw8PFhQsXDL6Wq1evFtWqVRP29vZGbWBR8HUqbGODTz75RFSpUkUolUrRtGlTcfjwYREaGio6d+5sxKsr7XL1xRdfiNatWwtPT0/h6OgoqlSpIgYPHqzTLqqwndvUr0/+TTt27dol6tWrJ5ydnUVQUJD46KOPxJo1a/SOU29gYYix51Af26JFC+Hi4iI8PDxE06ZNxddff625PS0tTfTp00d4eXnpbWBh7M8H/tvYwBDka2eWlZUl3nnnHVG/fn3h7u4u3NzcRP369fU23ygspsK+z+fOnRPdu3cXXl5ewtnZWdSqVUtMnz7dYDz5nTx5UgDQa69V2AYWQghx4MABvRZtQghx9+5dMW7cOFGjRg2hVCqFl5eXCAsL07QwMyQ5OVnMmDFDhISECFdXV+Hs7Czq1q0rJk+eLG7fvq1zbLNmzUS/fv2e+JzUjH3vCiHEL7/8IurWrSucnJxErVq1xFdfffXYDSwKo1KpRGBgoAAgPvjgA4PHGPueIjJEIYSZVnIQkdW7du0aqlatigULFmDChAlyhyMLlUqF8uXL45VXXjH4cSvZno4dO6JixYrYuHGj3KEU6vTp02jUqBFOnjxp0mJLImvDGl8iokJkZmbq1Xlu2LAB9+/fR7t27eQJiizO3LlzsWXLFpMXc5WkDz/8EK+99hqTXrJ5rPElIirEX3/9hbFjx6JHjx4oV64cTp48iS+//BJ169ZFjx495A6PLESzZs2QnZ0tdxiP9c0338gdApFFYOJLRFSIoKAgBAYG4pNPPsH9+/dRtmxZDBgwAB9++KHOrm9ERFQ6sMaXiIiIiGwCa3yJiIiIyCYw8SUiIiIim2BzNb4qlQq3bt2Cu7s7tzskIiIiskBCCDx8+BAVK1bU29jpadhc4nvr1i0EBgbKHQYRERERPUF8fDwqVapktvPZXOLr7u4OQHohPTw8ZI6GiIiIiApKTU1FYGCgJm8zF5tLfNXlDR4eHkx8iYiIiCyYuctSubiNiIiIiGwCE18iIiIisglMfImIiIjIJjDxJSIiIiKbwMSXiIiIiGwCE18iIiIisglMfImIiIjIJjDxJSIiIiKbwMSXiIiIiGwCE18iIiIisglMfImIiIjIJjDxJSIiIiKbwMSXiIiIiGwCE18iIiIisglMfImIiIjIJsia+P7xxx/o2rUrKlasCIVCge+///6J9zlw4AAaNWoEpVKJGjVqYN26dcUeJxERERGVfrImvunp6ahfvz6WLVtm1PFXr17Fiy++iPbt2+P06dN4++23MWTIEOzdu7eYIyUiIiKi0s5Bzgd/4YUX8MILLxh9/IoVK1C1alUsXLgQABAcHIxDhw5h8eLFCA8PL64wiYiIiKiYJSYC0dFA9L8qJBz4t1geQ9bE11RRUVEICwvTGQsPD8fbb79d6H2ysrKQlZWluZ6amlpc4RERERHRYwgBxMf/l+Dm+zp/Hrh3D6iA21iLweiGg5hVDI9fqhLfhIQE+Pn56Yz5+fkhNTUVGRkZcHFx0bvPvHnzMHv27JIKkYiIiMjm5eYCsbFSQps/wb1wAUhLM3yfl7ETX2AIyiMJxTVNWaoS36KYPHkyxo0bp7mempqKwMBAGSMiIiIisg4ZGcDFi9pZW3WCe+kSkJ1t3DlckY4VruPR/9FKzViWty+QfNfs8ZaqxLdChQq4c+eOztidO3fg4eFhcLYXAJRKJZRKZUmER0RERGSVUlL0SxOio4GrV6XyBWMoFEC1akBwsParseIE6sztC/tLMdoDIyKgXLRIOtjMSlXi+9xzz2H37t06Y7/++iuee+45mSIiIiIisg5CAHfuGK6/vX3b+PM4OgI1awJ16ugmuTVrApp5yrw84OOPgWnTpLoIAHB1BZYsAYYMAR4+NPfTAyBz4puWlobLly9rrl+9ehWnT59G2bJlUblyZUyePBk3b97Ehg0bAADDhw/HZ599hnfffRevv/46fv/9d2zduhU//fSTXE+BiIiIqFRRqYC4OP362+hoIDnZ+POUKQPUri0ltfmT3GrVAIcnZZiZmcAXX2iT3tBQYPNmKTsuRrImvsePH0f79u0119W1uAMHDsS6detw+/ZtxMXFaW6vWrUqfvrpJ4wdOxZLly5FpUqV8MUXX7CVGREREVEBOTnA5cv69bcxMcCjR8afx8dHd+ZWneRWqiSVLxSJm5uU6LZqBYwfD8yaBTg5FfFkxlMIYWxlhnVITU2Fp6cnUlJS4OHhIXc4RERERE/l0SOpW0LB8oTLl7UTqsYIDNRNcNVf5cubIciHD4HUVCAgQHf85k39MRRfvlaqanyJiIiIbNX9+/qlCdHRwLVrxp/Dzg6oXl2//rZ2bcDdvZgCj4oC+vUDKlQADh7UrYMwkPQWJya+RERERBZCCGkhmaH62wKNrR5LqQRq1dKvv33mGem2EpGbC8yZA7z/vrSYLTYW+OgjYOrUEgpAHxNfIiIiohKWlyfN1BZsDxYdLVUEGMvDw3D9bVAQYG9fXNEbITZWmuWNitKOtWgB9OkjX0xg4ktERERUbLKypM0cCtbfXrwoNTYwlp+ffu1tnTqAv/9TLDArDkIAGzcCo0ZpW5LZ2wMzZwKTJxvR7qF4MfElIiIiekoPH+ovMIuOBq5ckWZ3jVWlin79bXAwULZs8cVuNsnJwPDhwNat2rFq1YBNm4DmzeWLKx8mvkRERERGSkrSL02Ijgbi440/h4MDUKOGfv1trVpSl69SKTUVaNBAahCsNmgQ8MknxbhqznRMfImIiIjyEQK4ccNw/W1SkvHncXHRbvCQP8mtXr1EWtaWLA8PoHt3YOlSwNsbWLkS6NFD7qj0MPElIiIim5SbK63BKlh/e+ECkJZm/Hm8vPTLE+rUASpXltqH2YwPP5QKl6dOlZoCWyAmvkRERGTVMjOl3coK1t9evAhkZxt/Hn9/w/W3fn4WtsCsuAkBrF4tLVp74w3tuLMzsGKFfHEZgYkvERERWYWUFGm2tmD97dWrgEpl3DkUCqBqVf3yhNq1pZldm5eYCAwdCuzcKdVytGghvUClBBNfIiIiKjWEAO7eNVx/e+uW8edxdARq1tQvT6hZU8rnyIBffgEGDgQSEqTrGRnAjz8y8SUiIiJ6GiqV1CCgYP1tdLTUNctYbm76pQnqBWYyt5QtPTIzpR68S5Zox3x8gDVrgK5dZQurKPgtJyIiItnk5Ei9bguWJ1y4ADx6ZPx5ypXTbw8WHAxUqmRjC8zM7exZoG9f6V+1zp2BtWuBChXki6uImPgSERFRsXv0SFpgVjDBvXRJ6q5grEqV9Otvg4OB8uWLL3abJATw6afAu+9K288BgFIJLFgg7cpWSlfzMfElIiIis0lONlx/e/26lEsZw85OKkUoWH9bu7ZF7YVg3dLSgIULtUlvvXrSDmx168ob11Ni4ktEREQmEQK4fdtw/e2dO8afR6mUdisrmOA+84x0G8nI3R346iugfXtgzBhg7lypXVkpx8SXiIiIDMrLA65d0+9/Gx0ttQ4zlru74frbqlWlVrBkAdLTpS9fX+1Y69ZSs+Nq1eSLy8yY+BIREdm47Gyp1rZg/W1MjLSg31i+vobrbytWLLUlobbhxAlpAVtAAPDrr7qrAa0o6QWY+BIREdmMtDSpW0LB+tsrV6TZXWNVqaJfnhAcDJQtW3yxUzHIywM+/hiYNk1aYRgTAyxeDIwfL3dkxYaJLxERkZVJStIvTTh/HoiPN/4c9vZSrW3B/re1a0u9camUi48HBgwADhzQjoWGlrq+vKZi4ktERFQKCQHcvKlfnnD+vJT4GsvFRVpgVrD+tkYNwMmp+OInGW3dCgwbBjx4IF1XKIBJk4BZs6z+m87El4iIyILl5gJXr+qXJ1y4ADx8aPx5vLwM199WqcINHmxGaqrUoWH9eu1YYCCwcSPQtq18cZUgJr5EREQWIDNTWkBfMMG9eFFafGYsf3/D9bd+flxgZtNSUoBGjYDYWO1YZCSwfDng7S1fXCWMiS8REVEJSk01XH979SqgUhl3DoVCagVWsP42OFia2SXS4+kJdOggJb7u7sCyZUC/fjb31xATXyIiIjMTAkhM1K+/jY6W6nKN5egoLTArWH9bq5ZUm0tkksWLgYwM4L33rK5NmbGY+BIRERWRSiUtji9YnhAdDdy/b/x53NykbgkF62+rVZOSXyKTCCHV7To6Ar17a8fLlJF2Y7NhTHyJiIieICdH6nVbcHveCxeAR4+MP0+5cobrbytV4gIzMpPkZGD4cKlzQ5kyQNOmQPXqckdlMZj4EhER/efRI6mHf8H628uXpeTXWJUq6dfe1qkDlC9ffLET4cABoH9/4MYN6XpaGrBtGzBxoqxhWRImvkREZHOSk/Vrb6OjgWvXpE+JjWFnJ5UiFKy/rV0b8PAo1vCJdGVnAzNmAPPna9/AXl7AqlVAjx6yhmZpmPgSEZFVEgJISDBcf5uQYPx5lEqgZk39+ttnngGcnYsvfiKjxMQAffoAJ09qx9q1AzZskHr0kg4mvkREVKqpVNJMbcH62+hoqXWpsdzdDdffVq0qbd9LZFGEkGZ0x46VOjUA0mK2OXOA8eNZNF4IJr5ERFQqZGcDly7p19/GxEibPxjL19dw/W3FijbX0pRKs5QUaYthddJbqxawebO0SQUViokvERFZlLQ0qVtCwfrby5eBvDzjz1O5sn79bXCw1FmBqNTz8gLWrQM6d5a6OCxcCLi6yh2VxWPiS0REsrh3z3D9bVyc8eewtwdq1NCvv61VS+rkRGQ1MjOltiNly2rHwsOBc+eAZ5+VL65ShokvEREVGyGkncoM1d8mJhp/Hmdn7QYP+ZPcGjUAJ6fii5/IIpw9Ky1gq1IF+OEH3ZocJr0mYeJLRERPLS8PiI3Vr7+9cAF4+ND483h5Ga6/rVKFa3XIBqlUwKefSn14s7Kk2d0VK4ARI+SOrNRi4ktEREbLygIuXtQvT4iJkRafGatCBcP1txUqcIEZEQDg9m1g8GBg717tWL16QOvW8sVkBZj4EhGRntRUaba2YIIbGytNQhlDoQCCgvTrb4ODpZldIirEzp3AkCFAUpJ2bOxYYO5cNo9+Skx8iYhslBBSnW3B8oToaKku11iOjtJmDgXrb2vW5CJzIpOkp0s9eFeu1I75+wPr1wPPPy9fXFaEiS8RkZVTqYD4eP32YOfPA/fvG38eNzfdBWbqJLdaNSn5JaKnkJwMPPecVDekFhEBrF4N+PjIFpa1YeJLRGQlcnKAK1f0E9wLF6SJJGOVLWu4/jYwkAvMiIqNtzcQGiolvq6uwNKlwBtvsOjdzJj4EhGVMhkZ0v+NBduDXbokJb/GCggwXH9bvjz/ryWSxbJl0g/4hx9KtUJkdkx8iYgs1IMHhutvr12T6nONYWcnlSIUrL+tXRvw8CjO6InosbZuBZRKoFs37ZiXF7Bjh2wh2QImvkREMhICSEgwXH+bkGD8eZycpN3KCtbfPvMMF4ETWZTUVGDMGGnBmrc38M8/QKVKckdlM5j4EhGVAJUKuH5dvz1YdLQ0s2usMmUM199WrQo48Dc6kWWLigL69gWuXpWuJycDX30FTJokb1w2hL8miYjMKDsbuHxZv/42JkYq3TNW+fKG628DAlh/S1Tq5OYCH3wgfeXlSWPu7lJNb79+8sZmY5j4EhEVQXq61C2hYP3t5cva/9eMUbmyfv1tcDBQrlzxxU5EJSg2Vkpuo6K0Yy1aSDO9VavKF5eNYuJLRPQY9+4Zrr+NizP+HPb2QI0a+uUJtWtLpQtEZIWEADZsAEaNAtLSpDF7e2DGDGDKFNYmyYSvOhHZPCGAW7cM19/evWv8eZyd9Td4CA6WFpg5ORVf/ERkgZKTpV3Y1ElvtWrApk1A8+byxmXjmPgSkc3Iy5PWlBSsv42OBh4+NP48np6GyxOqVJEmdIiIULYs8MUXQPfuwKBBwCefSHW9JCsmvkRkdbKygIsX9etvL16UbjNWhQr67cGCg6VxLjAjIh3Z2dIvmPzJbUQEcPy4tCMbWQQmvkRUaj18aLj+NjZWah9mDIUCCArSL08IDpZabBIRPVFMDNCnj1TM/803un8ZM+m1KEx8icjiJSYarr+9ccP4czg4SLW2BduD1aoFuLoWX+xEZMWEAFatAsaOlfoVnjwJvPgiMGCA3JFRIZj4EpFFEAKIjzdcf3vvnvHncXXVLjDLn+RWrw44OhZf/ERkYxITgSFDgF27tGO1agF168oXEz0RE18iKlG5ucCVK/r1txcuSL1xjVW2rOH628BAwM6u+OInIsLevdKCtfz7ig8fDixcyI+QLBwTXyIqFhkZUtlbwfKEixeBnBzjzxMQYDjBLV+eC8yIqIRlZgKTJwNLlmjHfHyANWuArl1lC4uMx8SXiJ7Kgwf6yW10tNQ2TAjjzmFnJ21gVLD+tnZtqXUYEZHs7t8H2rUDzp7VjnXuDKxdK7V6oVKBiS8RPZEQwJ07hutvb982/jxOTkDNmvoJbs2a0uYPREQWy9tb2oTi7FlAqQQWLJB2ZeNHT6UKE18i0lCpgOvX9duDRUdLM7vGKlPGcHlC1arcpZOISimFQtqQIiNDquXlIrZSif8FEdmg7Gzg8mX98oQLF6Tf6cYqX16/922dOlJdLidBiKhU27VLmtkND9eO+fhIC9uo1GLiS2TF0tOlBWYFyxMuX5a6KxircmXDGzz4+BRf7EREskhPB8aPB1auBHx9pdIGX1+5oyIzYeJLZAXu3zdcf3v9uvHnsLeXet0W7H9bu7ZUukBEZPVOnJB2YLt4Ubp+967UsWHSJHnjIrNh4ktUSggB3LpluP727l3jz+PsLPVYL1h/W6OG9KkeEZHNycsDPv4YmDZN+3GYq6vUtmzIEFlDI/Ni4ktkYfLypFZghlqEpaYafx5PT8P1t1WqSLO7REQEacvI/v2Bgwe1Y6GhwObNUssZsipMfIlkkpUFXLqkX54QEyPdZiw/P/32YHXqSG0lucCMiOgxtm4Fhg3Ttq1RKKSyhlmzpP6LZHWY+BIVs4cPpW4JBWtwY2Ol2V1jBQXp198GB0utJYmIyERJScDQodqP0gIDgY0bgbZt5Y2LihUTXyIzSUw0XH9744bx53BwAJ55Rr/+tlYtbv9ORGRWPj7A8uVA375AZKR0mTMJVo+JL5EJhJDKwQrW3p4/D9y7Z/x5XF2lbgkFyxOqVwccHYsvfiIim5WbKzUxzz+L0KcPUKkS0Lo1a8NsBBNfIgNyc6VShIL1txcuAGlpxp/H21u/NCE4WOqLa2dXfPETEVE+sbFAv37SjMOaNbq3tWkjT0wkCya+ZNMyMqR2jQXrby9dkiYGjFWxouH6W19fTiIQEclGCKlud+RIadYiKgp44QWgRw+5IyOZMPElm5CSYrj+9upV6feiMRQKoFo1/frb2rWl1mFERGRBkpOB4cOlzg1q1apJi9jIZjHxJashBHDnjuH629u3jT+Pk5PUurFg/W3NmtLmD0REZOEOHJB68+ZfXTxoEPDJJ4C7u1xRkQVg4kuljkoFxMXp199GR0t/4BurTBn92tvgYGlCwIE/GUREpU92NjBjBjB/vvbjPG9vYOVKljcQACa+ZMFycoDLl/Xrb2NigEePjD+Pj4/h+ttKlVh/S0RkNe7dAzp1Ak6e1I61bw9s2CD9wicCE1+yAOnpUjJbsP728mXtlunGCAzUr78NDpYSXyIisnLe3tpf+I6OwJw5wPjxbKFDOpj4Uom5f99w/e3168afw95e6nVbsP62dm2pdIGIiGyUnR2wbh3QsyewdCnQqJHcEZEFYuJLZiWEtJDMUP3tnTvGn0ep1N/gIThY2tVMqSy++ImIqJT45RdpxXH+Prz+/sCff8oXE1k82RPfZcuWYcGCBUhISED9+vXx6aefomnTpoUev2TJEixfvhxxcXHw8fHBa6+9hnnz5sGZy+1LVF4ecO2afnlCdLR223NjeHgYrr8NCpJmd4mIiHRkZgKTJwNLlki1u//8w62GyWiyJr5btmzBuHHjsGLFCjRr1gxLlixBeHg4YmJi4Ovrq3f85s2bMWnSJKxZswYtWrTAxYsXMWjQICgUCixatEiGZ2D9srKkzRwKlidcvCj97jGWn5/h+lt/fy4wIyIiI509C/TtK/0LSO3KVq0CJk6UNy4qNRRCGNu+3/yaNWuGJk2a4LPPPgMAqFQqBAYGYvTo0Zg0aZLe8aNGjUJ0dDT27dunGRs/fjyOHj2KQ4cOGfWYqamp8PT0REpKCjw8PMzzRKzAw4fSdrwFyxOuXJFmd40VFGS4/rZs2WILnYiIrJ1KBXz6qZTgZmVJY0olsGABMGoUZ1CsUHHla7LN+GZnZ+PEiROYPHmyZszOzg5hYWGIiooyeJ8WLVrgq6++wrFjx9C0aVPExsZi9+7d6N+/f6GPk5WVhSz1DwmkF9KWJSXplyZERwPx8cafw8FBqrUtWH9bqxbg5lZ8sRMRkQ26fRsYPBjYu1c7FhICbN4M1K0rX1xUKsmW+CYlJSEvLw9+fn46435+frhw4YLB+/Tp0wdJSUlo1aoVhBDIzc3F8OHDMWXKlEIfZ968eZg9e7ZZY7d0Qkif/hiqv01KMv48Li7SbG3B+tsaNaROMURERMVq505gyBDd/7zGjgXmzuVWmlQksi9uM8WBAwcwd+5cfP7552jWrBkuX76Mt956C++//z6mT59u8D6TJ0/GuHHjNNdTU1MRaCX7dOfmArGx+vW3Fy4AaWnGn8fb23D9beXKbH9IREQySUyU6nnT06Xr/v5Su7JOnWQNi0o32RJfHx8f2Nvb406BHld37txBhQoVDN5n+vTp6N+/P4YMGQIACAkJQXp6Ot58801MnToVdgayNKVSCWUp73+Vmam7wYP66+JFaXdGY1WsqF9/GxwM+PqyPIqIiCxM+fJS54ahQ4Fu3YAvvuCORPTUZEt8nZycEBoain379iEiIgKAtLht3759GDVqlMH7PHr0SC+5tf+v55WMa/SKTUoKEBEB/PGHVNdvDIUCqFpVvzwhOBjw9CzWcImIiIouL0/6KDP/ZNUbb0gty8LDOUNDZiFrqcO4ceMwcOBANG7cGE2bNsWSJUuQnp6OwYMHAwAGDBiAgIAAzJs3DwDQtWtXLFq0CA0bNtSUOkyfPh1du3bVJMDWZPt24MABw7c5OgI1a+onuDVrSrW5REREpUZ8PDBggLRY7dNPteMKBdC5s3xxkdWRNfGNjIxEYmIiZsyYgYSEBDRo0AB79uzRLHiLi4vTmeGdNm0aFAoFpk2bhps3b6J8+fLo2rUr5syZI9dTKFaXLmkvv/gi0LKlNtGtVk3qrkBERFSqbd0KDBsGPHggzfa88ALQpYvcUZGVkrWPrxxKUx/f3r2Bb76RLsfESLO5REREViE1FRgzBli/XjsWGAhs2gS0bi1fXGQRrK6PLz3ZtWvay5UryxYGERGReUVFAf36Sa2J1CIjgeXLuf0wFSs2q7Jg6sS3YkW2KyQiIiuQmwvMni3N6KqTXnd3YMMG4OuvmfRSseOMr4XKyAASEqTLQUGyhkJERPT07t0DunaVZnvVWrQAvvpKakdEVAI442uhrl/XXmbiS0REpZ6Xl3ZVtr29NPN78CCTXipRTHwtVP76Xia+RERU6tnbAxs3Ao0aAYcOATNmsD0RlTi+4ywUE18iIirVDh6UGss3baodq1IFOH6cm1GQbDjja6HyJ778FIiIiEqN7Gxg8mSgfXupL+fDh7q3M+klGTHxtVBXr2ovc8aXiIhKhZgY4LnngA8/BISQOjcsXy53VEQaTHwtlHrGV6GQ+nkTERFZLCGAVauAhg2BkyelMUdHYP58YMIEeWMjyoc1vhYqfw9fpVLWUIiIiAqXmAgMHQrs3Kkdq1UL2LxZWshGZEE442uBHj0C7t6VLrO+l4iILNbevUC9erpJ7/Dh0qwvk16yQJzxtUDs6EBERBbvzh0gIgLIzJSu+/gAa9ZIm1QQWSjO+FogJr5ERGTx/PykRWwAEB4OnD3LpJcsHmd8LRATXyIisjgqFZCXJy1aUxs9GqhUCejeHbDjXBpZPr5LLRB7+BIRkUW5fRt44QVg2jTdcTs74NVXmfRSqcF3qgViD18iIrIYO3cCISHAL78ACxYAv/8ud0RERcbE1wKpZ3zt7KRPkIiIiEpcerrUoSEiArh3Txrz85M1JKKnxRpfC6ROfAMCACcnWUMhIiJbdOIE0KcPcPGidqxbN+CLL6TuDUSlFGd8LUxaGpCUJF1mfS8REZWovDzgo4+A5s21Sa+rq7Qr23ffMemlUo8zvhaGHR2IiEgWSUlAjx7AgQPasdBQaQe2mjVlC4vInDjja2GY+BIRkSw8PaWPHQFAoQAmTwaOHGHSS1aFia+FYeJLRESycHQENm0CgoOB/fuBuXO50ISsDksdLAwTXyIiKhFRUVL9bv362rGaNYFz59iXl6wW39kWhptXEBFRscrNBWbPBlq3Bnr3Bh490r2dSS9ZMb67LYx68wp7e/bwJSIiM4uNBdq0AWbNkjo4REcDn38ud1REJYaJr4VRz/hWqgQ4sBCFiIjMQQhgwwagQQOpxAGQZljeew94+205IyMqUUytLEhqKnD/vnSZ9b1ERGQWycnSDmxbt2rHqlcHvvpK6tdLZEM442tBrl/XXmZ9LxERPbUDB4B69XST3sGDgVOnmPSSTeKMrwVR1/cCnPElIqKndPs2EB4OZGdL1729gZUrpU0qiGwUZ3wtCFuZERGR2fj7AzNnSpfbtwf++YdJL9k8zvhaECa+RERUZEIAKpW0aE1t4kQgMBDo25dtyojAGV+Lwh6+RERUJImJQPfuwAcf6I7b2wP9+zPpJfoPfxIsiLrG18EBqFhR3liIiKiU2LtXWsC2cyfw/vvadmVEpIeJrwVRz/gGBrKHLxERPUFmJjB2LNC5M5CQII15ewMPH8obF5EFY3plIR48kL4A1vcSEdETnD0r1e2ePasdCw8H1q0DKlSQLSwiS8cZXwvBHr5ERPREKhWwdCnQpIk26VUqpbHdu5n0Ej0BZ3wtBHv4EhHRY927J83y7t2rHQsJATZvBurWlS8uolKEM74Wgq3MiIjosdzcgJs3tdfHjgWOHWPSS2QCJr4WgokvERE9lrOzNLtbtao067tokTRGREZjqYOFYOJLREQ6TpyQZnlr19aOhYQAFy+y9Q9REXHG10Koa3wdHdnDl4jIpuXlAR99BDRvDvTuDWRl6d7OpJeoyJj4WgAhtDO+lSvr7jZJREQ2JD4e6NgRmDQJyM0FTp8GPv9c7qiIrAYTXwvw4AGQmipdZpkDEZGN2rpV2oHt4EHpukIBTJ4MjBwpb1xEVoSfl1gA1vcSEdmw1FRgzBhg/XrtWGAgsHEj0LatfHERWSEmvhYgf+LLzSuIiGxIVBTQrx8QG6sdi4wEli+Xth8mIrNi4msBuHkFEZENunkTaNcOyM6Wrru7A8uWSYmwQiFraETWijW+FoClDkRENiggAJgwQbrcogVw5gzQvz+TXqJixBlfC8DEl4jIBggh/Zs/sZ01S2rn88YbbFNGVAI442sB1ImvkxPg7y9rKEREVBySk4FevYCFC3XHHR2BYcOY9BKVECa+MhNCW+NbpQpgx+8IEZF1OXBAalO2dSswZQpw6pTcERHZLKZZMrt/H0hLky6zzIGIyIpkZ0sbUXToANy4IY2VKQMkJMgbF5EN42crMmN9LxGRFYqJAfr0AU6e1I61bw9s2ABUqiRfXEQ2jjO+MmMPXyIiKyIEsHIl0LChNul1dATmzwd++41JL5HMnmrGNzMzE87OzuaKxSaxhy8RkZW4fx8YPBjYtUs7VqsWsHkz0KiRfHERkYbJM74qlQrvv/8+AgICUKZMGcT+t9vM9OnT8eWXX5o9QGvHUgciIiuhVAIXLmivjxghzfoy6SWyGCYnvh988AHWrVuH+fPnw8nJSTNet25dfPHFF2YNzhYw8SUishJubsCmTUDFitKs7+efA66uckdFRPmYnPhu2LABq1atQt++fWFvb68Zr1+/Pi7k/0uXjKJOfJVKwM9P1lCIiMgUZ88C/33qqdG4sTTWtas8MRHRY5mc+N68eRM1atTQG1epVMjJyTFLULYifw/foCD28CUiKhVUKmDpUqBJE6BvXyA3V/d2pVKeuIjoiUxOterUqYM///xTb3zbtm1o2LChWYKyFUlJwKNH0mWWORARlQK3bwMvvAC8/TaQlQX89RewfLncURGRkUzu6jBjxgwMHDgQN2/ehEqlwo4dOxATE4MNGzbgxx9/LI4YrRbre4mISpGdO4E33gDu3dOOjR0LDB0qX0xEZBKTZ3y7deuGH374Ab/99hvc3NwwY8YMREdH44cffsDzzz9fHDFaLSa+RESlQHo6MHw4EBGhTXr9/YG9e4FFiwC29SQqNYrUx7d169b49ddfzR2LzeHmFUREFu7ECWkHtosXtWMREcDq1YCPj2xhEVHRmDzjW61aNdzL/zHPfx48eIBq1aqZJShbwc0riIgsWHw80KKFNul1dZUS3h07mPQSlVImJ77Xrl1DXl6e3nhWVhZu3rxplqBsBUsdiIgsWGAg8L//SZdDQ4FTp4AhQwCFQt64iKjIjC512JVvC8a9e/fC09NTcz0vLw/79u1DELM3k6gTXxcXwNdX1lCIiAiQ+kzmT2znzQMqVwZGjgTybdpERKWTQgghjDnQ7r8mswqFAgXv4ujoiKCgICxcuBAvvfSS+aM0o9TUVHh6eiIlJQUeHh6yxSGEtMlPRgYQHAycPy9bKERElJoKjBkDNG2qneUlItkUV75m9IyvSqUCAFStWhV///03fFjf9FTu3pWSXoBlDkREsoqKkjaiuHoV2LIFaN9empEgIqtjco3v1atXmfSaAet7iYhklpsLzJoFtG6tXW3s6AhcuSJrWERUfIrUziw9PR0HDx5EXFwcsrOzdW4bM2aMWQKzdkx8iYhkFBsL9OsnzfaqtWgBfPUV+0sSWTGTE99Tp06hS5cuePToEdLT01G2bFkkJSXB1dUVvr6+THyNxB6+REQyEALYsAEYNQpIS5PG7O2BGTOAKVMAhyLNBxFRKWFyqcPYsWPRtWtXJCcnw8XFBX/99ReuX7+O0NBQfPzxx8URo1ViD18iohL24AHQqxcwaJA26a1WDTh0SEp8mfQSWT2TE9/Tp09j/PjxsLOzg729PbKyshAYGIj58+djypQpxRGjVWKpAxFRCVMogKNHtdcHDQJOnwaaN5crIiIqYSYnvo6OjprWZr6+voiLiwMAeHp6Ij4+3rzRWTF14uvqyg2AiIhKhKcnsHGj9Et361Zg7VrA3V3uqIioBJn8uU7Dhg3x999/45lnnkHbtm0xY8YMJCUlYePGjahbt25xxGh1hACuX5cuBwVxEyAiomIREyM1TK9USTvWurU08+DmJltYRCQfk2d8586dC39/fwDAnDlz4O3tjREjRiAxMRErV640e4DWKCEByMyULnNhGxGRmQkBrFwJNGwIDBgA/NeHXoNJL5HNMnnGt3HjxprLvr6+2LNnj1kDsgWs7yUiKiaJicCQIcCuXdL1/fuBVauA4cPljYuILILJM76FOXnypMVvV2wpmPgSERWDvXuBevW0SS8gJbwDBsgXExFZFJMS371792LChAmYMmUKYmNjAQAXLlxAREQEmjRpotnW2BTLli1DUFAQnJ2d0axZMxw7duyxxz948AAjR46Ev78/lEolatasid27d5v8uHJi4ktEZEaZmcDYsUDnzlItGSAtYNu1C1i+XFpFTEQEE0odvvzySwwdOhRly5ZFcnIyvvjiCyxatAijR49GZGQkzp07h2AT9zbfsmULxo0bhxUrVqBZs2ZYsmQJwsPDERMTA19fX73js7Oz8fzzz8PX1xfbtm1DQEAArl+/Di8vL5MeV275e/iyxpeI6CmcPQv07Sv9qxYeDqxbB1SoIFtYRGSZFEIIYcyB9erVQ//+/fHOO+9g+/bt6NGjB5o3b46tW7eiUv4VsyZo1qwZmjRpgs8++wwAoFKpEBgYiNGjR2PSpEl6x69YsQILFizAhQsX4OjoWKTHTE1NhaenJ1JSUuDh4VGkczytTp2AX3+VLiclAeXKyRIGEVHpdv06UKsWkJUlXVcqgfnzpV3Z7MxWyUdEMiiufM3o3wxXrlxBjx49AACvvPIKHBwcsGDBgiInvdnZ2Thx4gTCwsK0wdjZISwsDFH5907PZ9euXXjuuecwcuRI+Pn5oW7dupg7dy7y8vIKfZysrCykpqbqfMlNXepQpgxQtqysoRARlV5Vqmjrd0NCgOPHgTFjmPQSUaGM/u2QkZEB1//qpBQKBZRKpaatWVEkJSUhLy8Pfn5+OuN+fn5IUNdoFRAbG4tt27YhLy8Pu3fvxvTp07Fw4UJ88MEHhT7OvHnz4OnpqfkKDAwscszmoFKxhy8RkdksXgx88AFw7BjAXvJE9AQmtTP74osvUKZMGQBAbm4u1q1bB58C246NGTPGfNEVoFKp4Ovri1WrVsHe3h6hoaG4efMmFixYgJkzZxq8z+TJkzFu3DjN9dTUVFmT34QEIDtbusz6XiIiI6WnA+PHS9sLDxqkHXdzA6ZOlS0sIipdjE58K1eujNWrV2uuV6hQARs3btQ5RqFQGJ34+vj4wN7eHnfu3NEZv3PnDioUsiDB398fjo6OsLe314wFBwcjISEB2dnZcHJy0ruPUqmEUqk0KqaSkH9hGzs6EBEZ4cQJaQFbTAywaZO0+1r16nJHRUSlkNGJ77X8PbjMwMnJCaGhodi3bx8iIiIASDO6+/btw6hRowzep2XLlti8eTNUKhXs/qvhunjxIvz9/Q0mvZaIrcyIiIyUlwd8/DEwbRqQmyuNqVTAuXNMfImoSGRdATBu3DisXr0a69evR3R0NEaMGIH09HQMHjwYADBgwABMnjxZc/yIESNw//59vPXWW7h48SJ++uknzJ07FyNHjpTrKZiMiS8RkRHi44GOHYFJk7RJb2gocOoU0K2bvLERUall8pbF5hQZGYnExETMmDEDCQkJaNCgAfbs2aNZ8BYXF6eZ2QWAwMBA7N27F2PHjkW9evUQEBCAt956CxMnTpTrKZgsf+LLGl8iIgO2bgWGDQMePJCuKxRSAjxrFlBKPt0jIstkdB9fayF3H9+wMGDfPuny/fuAt3eJh0BEZJkePgRGjwbWr9eOBQYCGzcCbdvKFxcRlTjZ+/iSeahnfD08gFK24RwRUfHKygJ++UV7PTISOHOGSS8RmQ0T3xKUlwfExUmX2cOXiKgAHx9pttfDA9iwAfj6a34sRkRmVaTE98qVK5g2bRp69+6Nu3fvAgB+/vln/Pvvv2YNztrcvg3k5EiXubCNiGxebCxQoKUlnn9e2uWnf3/ODhCR2Zmc+B48eBAhISE4evQoduzYgbS0NADAmTNnCt1EgiT5e/hyYRsR2SwhpJnd+vWB11+XrufHOjAiKiYmJ76TJk3CBx98gF9//VWnd26HDh3w119/mTU4a8NWZkRk85KTgV69pN3X0tKA3buBtWvljoqIbITJie/Zs2fRvXt3vXFfX18kJSWZJShrxcSXiGzagQNAvXpSuzK1QYOAHj3kioiIbIzJia+Xlxdu376tN37q1CkEBASYJShrxcSXiGxSdrbUh7dDB+DGDWnM21tKgNeuBdzd5Y2PiGyGyYlvr169MHHiRCQkJEChUEClUuHw4cOYMGECBgwYUBwxWo38Nb5MfInIJly4ADz3HPDRR9pa3vbtgX/+4UwvEZU4kxPfuXPnonbt2ggMDERaWhrq1KmDNm3aoEWLFpg2bVpxxGg11DO+Xl5cu0FENiA2FmjUCDh5Urru6AjMnw/89htQqZK8sRGRTSryzm1xcXE4d+4c0tLS0LBhQzzzzDPmjq1YyLVzW24u4OIi/duggbTdPBGR1evXD9i0CahVC9i8WUqEiYieoLjyNQdT73Do0CG0atUKlStXRuXKlc0WiLW7dUtKegGWORCRDVm2DKhSBZg6FXB1lTsaIrJxJpc6dOjQAVWrVsWUKVNw/vz54ojJKrGHLxFZtcxMYOxY4Ntvdcc9PYE5c5j0EpFFMDnxvXXrFsaPH4+DBw+ibt26aNCgARYsWIAb6pW6ZBA7OhCR1Tp7FmjaFFiyBHjzTSA+Xu6IiIgMMjnx9fHxwahRo3D48GFcuXIFPXr0wPr16xEUFIQOHToUR4xWgYkvEVkdlQpYuhRo0kRKfgEgIwM4flzeuIiICmFyjW9+VatWxaRJk1C/fn1Mnz4dBw8eNFdcVoeJLxFZldu3gcGDgb17tWMhIdICtrp15YuLiOgxTJ7xVTt8+DD+97//wd/fH3369EHdunXx008/mTM2q8LEl4isxs6d0g5s+ZPesWOBY8eY9BKRRTN5xnfy5Mn45ptvcOvWLTz//PNYunQpunXrBlcuXHgs9eK2smWBEuyiRkRkPunpwPjxwMqV2jF/f2DdOqBTJ9nCIiIylsmJ7x9//IF33nkHPXv2hI+PT3HEZHVyc7W7dHK2l4hKrdRUYPt27fWICGD1aoD/FxBRKWFy4nv48OHiiMOq3bgB5OVJl5n4ElGp5e8PfPEF0KePtKjtjTcAhULuqIiIjGZU4rtr1y688MILcHR0xK5dux577Msvv2yWwKwJ63uJqFSKjwfc3KQaLbVu3aTaLV9f+eIiIioioxLfiIgIJCQkwNfXFxEREYUep1AokKee2iQNbl5BRKXO1q3AsGFAWJh0Of/MLpNeIiqljOrqoFKp4PvfLzqVSlXoF5NewzjjS0SlRmoqMGgQEBkJPHgAbNsmtSgjIrICJrcz27BhA7KysvTGs7OzsWHDBrMEZW2Y+BJRqRAVBTRoAKxfrx2LjAS6dJEtJCIiczI58R08eDBSUlL0xh8+fIjBgwebJShrw8SXiCxabi4wezbQurW2NsvdHdiwAfj6a8DbW974iIjMxOSuDkIIKAys4r1x4wY8PT3NEpS1Uf8/4uMDlCkjbyxERDpiY4F+/aTZXrUWLYCvvuKiBCKyOkYnvg0bNoRCoYBCoUDHjh3h4KC9a15eHq5evYrOnTsXS5ClWXY2cPOmdJmzvURkUS5fBho1Ah4+lK7b2wMzZgBTpgAOT7WjPRGRRTL6N5u6m8Pp06cRHh6OMvmmLp2cnBAUFIRXX33V7AGWdjduACqVdJmJLxFZlOrVgY4dge+/B6pVAzZtApo3lzsqIqJiY3TiO3PmTABAUFAQIiMj4ezsXGxBWRPW9xKRxVIopJ3XqlQB3n9fquslIrJiJi9uGzhwIJNeE7CHLxFZhOxsYNIk4KefdMd9fIAlS5j0EpFNMGrGt2zZsrh48SJ8fHzg7e1tcHGb2v37980WnDXgjC8RyS4mRtpm+ORJYO1a4J9/AD8/uaMiIipxRiW+ixcvhvt/swGLFy9+bOJLupj4EpFshABWrQLGjgUyMqSx5GTg8GHglVfkjY2ISAYKIYSQO4iSlJqaCk9PT6SkpMDDw6PYH691a+DQIelyWpq07T0RUbFLTASGDAF27dKO1aol7cLWqJF8cRERGaG48jWTa3xPnjyJs2fPaq7v3LkTERERmDJlCrKzs80WmLVQz/j6+jLpJaISsncvUK+ebtI7YoRU6sCkl4hsmMmJ77Bhw3Dx4kUAQGxsLCIjI+Hq6opvv/0W7777rtkDLM2ystjDl4hKUGamVNbQuTOQkCCN+fhICfDnnwOurvLGR0QkM5MT34sXL6JBgwYAgG+//RZt27bF5s2bsW7dOmzfvt3c8ZVq8fFSiR3AxJeISsDdu9LiNbXOnYGzZ4GuXeWLiYjIgpic+AohoPpvR4bffvsNXbp0AQAEBgYiKSnJvNGVclzYRkQlqnJlYPlyQKkEPvkE2L0bqFBB7qiIiCyGyXtSNm7cGB988AHCwsJw8OBBLF++HABw9epV+LE9jg4mvkRUrG7flhYP5F/40bs30KoVEBgoX1xERBbK5BnfJUuW4OTJkxg1ahSmTp2KGjVqAAC2bduGFi1amD3A0oybVxBRsdm5U1rANmaM/m1MeomIDDJbO7PMzEzY29vD0dHRHKcrNiXZzqxvX6lzEABERwO1axfrwxGRLUhPB8aPB1au1I5t2wa8+qp8MRERmVlx5WsmlzqonThxAtHR0QCAOnXqoBFb5OjJX+pQpYpsYRCRtThxQtqB7b/OOgCAiAigbVvZQiIiKk1MTnzv3r2LyMhIHDx4EF5eXgCABw8eoH379vjmm29Qvnx5c8dYaqkTXz8/wMVF1lCIqDTLywM+/hiYNg3IzZXGXF2BpUuBN94AuJsmEZFRTK7xHT16NNLS0vDvv//i/v37uH//Ps6dO4fU1FSMMVRrZqMyM4Fbt6TLrO8loiKLjwc6dgQmTdImvaGhwKlT0s5sTHqJiIxm8ozvnj178NtvvyE4OFgzVqdOHSxbtgydOnUya3ClWVyc9jI7OhBRkVy8CDRrBjx4IF1XKKQEeNYswMlJzsiIiEolk2d8VSqVwQVsjo6Omv6+xFZmRGQGNWpIiS8gdWrYvx+YO5dJLxFREZmc+Hbo0AFvvfUWbqk/xwdw8+ZNjB07Fh07djRrcKUZE18iemp2dtJObG++CZw5w0VsRERPyeTE97PPPkNqaiqCgoJQvXp1VK9eHVWrVkVqaio+/fTT4oixVGIPXyIySW4uMHs28PvvuuP+/lLrMm9veeIiIrIiJtf4BgYG4uTJk9i3b5+mnVlwcDDCwsLMHlxpxhlfIjJabCzQrx8QFQUEBAD//AOULSt3VEREVsekxHfLli3YtWsXsrOz0bFjR4wePbq44ir18ie+lSvLFgYRWTIhgI0bgVGjgIcPpbGEBKmWlxtSEBGZndGJ7/LlyzFy5Eg888wzcHFxwY4dO3DlyhUsWLCgOOMrtdSJr78/4OwsayhEZImSk4Hhw4GtW7Vj1aoBmzYBzZvLFxcRkRUzusb3s88+w8yZMxETE4PTp09j/fr1+Pzzz4sztlIrI0OatAFY30tEBhw4ANSrp5v0DhoEnD7NpJeIqBgZnfjGxsZi4MCBmut9+vRBbm4ubt++XSyBlWbXr2svs76XiDSys4HJk4EOHYAbN6QxLy8pAV67FnB3lzU8IiJrZ3SpQ1ZWFtzc3DTX7ezs4OTkhIyMjGIJrDTjwjYiMujGDeDTT6XaXgBo1w7YsEHq0UtERMXOpMVt06dPh6urq+Z6dnY25syZA09PT83YokWLzBddKcXEl4gMqlYNWLoUGDECmDMHGD9e6tVLREQlwujEt02bNoiJidEZa9GiBWJjYzXXFdwzHgATXyL6T1IS4Ooqfam9/rq0EUWNGvLFRURko4xOfA8cOFCMYVgXbl5BRNi7V1qw9sorwLJl2nGFgkkvEZFM+BlbMVDP+CoULN0jsjmZmcDYsUDnzlJ7l88/B376Se6oiIgIRdi5jZ5MnfhWrAgolbKGQkQl6exZoG9f6V+1zp2B0FD5YiIiIg3O+JrZo0fA3bvSZdb3EtkIlUpatNakiTbpVSqBTz4Bdu8GKlSQNz4iIgLAGV+zy7+wjfW9RDbg9m1g8GCpplctJATYvBmoW1e+uIiISA8TXzNjRwciGxITA7RqJXVvUBs7Fpg7l3uVExFZoCKVOvz555/o168fnnvuOdy8eRMAsHHjRhw6dMiswZVGTHyJbEiNGkCdOtJlf39p1nfRIia9REQWyuTEd/v27QgPD4eLiwtOnTqFrKwsAEBKSgrmzp1r9gBLGya+RDbE3h7YuBHo3x/45x+gUye5IyIioscwOfH94IMPsGLFCqxevRqOjo6a8ZYtW+LkyZNmDa40Yg9fIiuVlwd89BFw5IjueOXK0rbDPj7yxEVEREYzucY3JiYGbdq00Rv39PTEgwcPzBFTqaae8bWzAypVkjUUIjKX+HhpVvfgQekv2tOnAQ8PuaMiIiITmTzjW6FCBVy+fFlv/NChQ6hWrZpZgirN1IlvQADg5CRrKERkDlu3AvXqSUkvIP2Q//KLrCEREVHRmJz4Dh06FG+99RaOHj0KhUKBW7duYdOmTZgwYQJGjBhRHDGWGmlp2sXdrO8lKuVSU6UthyMjAfWnWYGBwP79wGuvyRkZEREVkcmlDpMmTYJKpULHjh3x6NEjtGnTBkqlEhMmTMDo0aOLI8ZSgz18iaxEVBTQrx8QG6sdi4wEli8HvL3li4uIiJ6KyYmvQqHA1KlT8c477+Dy5ctIS0tDnTp1UKZMmeKIr1RhRweiUi43F5gzB3j/fWkxGwC4uwPLlkmJsEIhb3xERPRUiryBhZOTE+qo+1cSACa+RKXelSvAvHnapLdFC+Crr/gRDhGRlTA58W3fvj0Uj5n1+P33358qoNKMiS9RKVerFjB/PjBuHDBjBjBlCuDADS6JiKyFyb/RGzRooHM9JycHp0+fxrlz5zBw4EBzxVUq5e/hy8SXqBRITgZcXQGlUjs2ejTQoQNQt658cRERUbEwOfFdvHixwfFZs2YhLS3tqQMqzdQzvvb20uJvIrJgBw5IvXl79QIWLNCOKxRMeomIrJTJ7cwK069fP6xZs8ZcpyuV1IlvpUr8dJTIYmVnA5MnS7O6N24AH38M7Nsnd1RERFQCzJaeRUVFwdnZ2VynK3VSU4H796XLLHMgslAxMUCfPkD+7dXbt5dqe4mIyOqZnPi+8sorOteFELh9+zaOHz+O6dOnmy2w0ub6de1lJr5EFkYIYNUqYOxYICNDGnN0lFqXjR8v7TFORERWz+TE19PTU+e6nZ0datWqhffeew+dOnUyW2ClTf6Fbex8RGRBEhOBIUOAXbu0Y7VqAZs3A40ayRcXERGVOJMS37y8PAwePBghISHw5u5FOtjKjMgCxcQA7doBCQnasREjpLpeV1fZwiIiInmY9Pmevb09OnXqhAfqfevNZNmyZQgKCoKzszOaNWuGY8eOGXW/b775BgqFAhEREWaNpyiY+BJZoGrVtC1WfHykWd/PP2fSS0Rko0wubKtbty5i8+9f/5S2bNmCcePGYebMmTh58iTq16+P8PBw3L1797H3u3btGiZMmIDWrVubLZanwcSXyAI5OgKbNgGvvAKcPQt07Sp3REREJCOTE98PPvgAEyZMwI8//ojbt28jNTVV58tUixYtwtChQzF48GDUqVMHK1asgKur62Nbo+Xl5aFv376YPXs2qlWrZvJjFgd1ja+DAxAQIG8sRDZJpQI++QQ4dUp3/JlngO3bgQoV5ImLiIgshtGJ73vvvYf09HR06dIFZ86cwcsvv4xKlSrB29sb3t7e8PLyMrnuNzs7GydOnEBYWJg2IDs7hIWFISoq6rGx+Pr64o033njiY2RlZT11cm4M9YxvYCB7+BKVuNu3gS5dgLfektqVPXokd0RERGSBjE7RZs+ejeHDh2P//v1me/CkpCTk5eXBz89PZ9zPzw8XLlwweJ9Dhw7hyy+/xOnTp416jHnz5mH27NlPG+pjPXggfQEscyAqcTt3Sl0bkpKk6xcuAD//DLz6qrxxERGRxTE68RVCAADatm1bbME8ycOHD9G/f3+sXr0aPj4+Rt1n8uTJGDdunOZ6amoqAs28nzB7+BLJID1d6sG7cqV2zN8fWLcOsOHWikREVDiTPpRXKBRmfXAfHx/Y29vjzp07OuN37txBBQP1eFeuXMG1a9fQNd8CFZVKBQBwcHBATEwMqlevrnMfpVIJpVJp1rgLYg9fohJ24oRU0nDxonYsIgJYvVrq3kBERGSASYlvzZo1n5j83lfv22sEJycnhIaGYt++fZqWZCqVCvv27cOoUaP0jq9duzbOnj2rMzZt2jQ8fPgQS5cuNftMrrHY0YGohOTlAQsWANOnA7m50pirK7BkiVTuYOY/zomIyLqYlPjOnj1bb+e2pzVu3DgMHDgQjRs3RtOmTbFkyRKkp6dj8ODBAIABAwYgICAA8+bNg7OzM+rWratzfy8vLwDQGy9JTHyJSsiFC7pJb2iotANbzZryxkVERKWCSYlvr1694Ovra9YAIiMjkZiYiBkzZiAhIQENGjTAnj17NAve4uLiYGdncte1EsXEl6iEPPss8P77wJQpwKRJwKxZgJOT3FEREVEpoRDqVWtPYG9vj9u3b5s98S1pqamp8PT0REpKCjw8PMxyzvr1gX/+kXrlZ2QA9vZmOS0RPXwIuLjo9gjMy5N69TZuLF9cRERUrIojXwNM6ONrZH5sc4TQzvhWrsykl8hsoqKABg2ADz7QHbe3Z9JLRERFYnTiq1KpSv1sb3F48ABQ74nBMgciM8jNBWbPBlq3BmJjpdKGI0fkjoqIiKwA9xh7SqzvJTKj2FigXz9ptleteXOpPy8REdFTsuxVY6VA/h6+THyJikgIYMMGqbRBnfTa20szvwcPskE2ERGZBWd8n1L+GV/+30xUBMnJwIgRwJYt2rFq1YBNm6TZXiIiIjNh4vuUWOpA9BRiYoDnnwfi47VjgwYBn3wCuLvLFhYREVknljo8JSa+RE+hShXgv01o4O0NbN0KrF3LpJeIiIoFE9+npE58nZy4/obIZM7O0s5rXbpIzbB79JA7IiIismJMfJ+CENrFbVWqABa+wRyRvIQAVq0Czp/XHa9bF/jpJ6BSJXniIiIim8FU7Sncvw+kpUmXWeZA9BiJiUBEBDBsGNCnD5CVJXdERERkg5j4PgXW9xIZYe9eoF49YNcu6fqZM8CPP8obExER2SQmvk+BiS/RY2RmAm+/DXTuDCQkSGM+PlIC/OqrsoZGRES2ie3MnkL+zSvYw5con7NnpZKGc+e0Y+HhwLp1QIUKsoVFRES2jTO+T4EzvkQFqFTA0qVAkybapFeplMZ272bSS0REsuKM71Ng4ktUwNmzwLhxUgIMACEhUruyunXljYuIiAic8X0q6sRXqQT8/GQNhcgy1K8PTJkiXR47Fjh2jEkvERFZDM74FhF7+BIBePRI2oQi/w/AjBlAp05A69byxUVERGQA07UiSkqS/s8HuLCNbNSJE0DDhsDChbrjjo5MeomIyCIx8S0i1veSzcrLAz76CGjeHLh4EZg6FTh5Uu6oiIiInoilDkXExJdsUnw80L8/cPCgdqxePaBMGfliIiIiMhJnfIsofw9fJr5kE7ZulZJcddKrUACTJwNHjgA1a8obGxERkRE441tE+Wd8WeNLVi01FRgzBli/XjsWGAhs3Ai0bStfXERERCZi4ltELHUgmxATA3TpAsTGasciI4EVKwAvL9nCIiIiKgqWOhSROvF1dgZ8fWUNhaj4VKoEOPz397G7O7BhA/D110x6iYioVGLiWwRCaBPfoCCp1JHIKrm5STuvtWsHnDkjLWzjG56IiEopJr5FcPcukJEhXWZ9L1kNIaQZ3StXdMdDQ4Hff+ebnYiISj0mvkXA+l6yOsnJQK9ewMCBQN++QE6O7u2c5SUiIivAxLcImPiSVTlwQGpTtnWrdP3oUeDHH2UNiYiIqDgw8S0CJr5kFbKzgUmTgA4dgBs3pDFvb+Dbb4Hu3eWNjYiIqBiwnVkR5N+8gmWPVCrFxAB9+uhuNdy+vVTjW6mSfHEREREVI874FgFnfKnUEgJYuRJo2FCb9Do6AvPnA7/9xqSXiIisGmd8i0Cd+Lq6Aj4+soZCZJpTp4Dhw7XXa9WS2pU1aiRfTERERCWEM74mEgK4fl26zB6+VOo0agSMGyddHjFCmvVl0ktERDaCM74mSkgAMjOlyyxzIIuXlQU4Oen+hTZ3LtC5M/D88/LFRUREJAPO+Joof30vF7aRRTt7FmjcGFi+XHdcqWTSS0RENomJr4m4sI0snkoFLF0KNGkCnDsHjB8PnD8vd1RERESyY6mDiZj4kkW7fRsYPBjYu1c79swz8sVDRERkQTjja6L8PXyZ+JJF2blT2oEtf9I7dixw7BhQp458cREREVkIzviaiDW+ZHHS06VyhpUrtWP+/sC6dUCnTrKFRUREZGmY+JpInfiWKQOULStrKETAxYtA167Sv2oREcDq1WwyTUREVABLHUygUrGHL1kYPz8gO1u67OoqJbw7djDpJSIiMoCJrwlu39bmGKzvJYvg6Ql89RXQrJm0K9uQIfyLjIiIqBBMfE3A+l6S3bffAvHxumMtWwJRUUDNmvLEREREVEow8TUBW5mRbFJTgUGDgJ49gQEDgLw83ds5y0tERPRETHxNwMSXZBEVBTRsCKxfL10/cAD48UdZQyIiIiqNmPiagIkvlajcXGD2bKB1ayA2Vhpzdwc2bABeflne2IiIiEohtjMzQf7NK1jjS8UqNhbo10+a7VVr0UJayMY3HxERUZFwxtcE6hlfDw/Ay0vOSMhqCSHN6DZooE167e2lmd+DB5n0EhERPQXO+BopLw+Ii5Mus4cvFZvjx4GBA7XXq1UDNm0CmjeXLyYiIiIrwRlfI92+DeTkSJdZ30vFpkkTYNgw6fKgQcDp00x6iYiIzIQzvkbKX9/LxJfMJicHcHDQ/Qhh4UKgSxcuYCMiIjIzzvgaiZtXkNnFxEizueo2ZWpubkx6iYiIigETXyOxlRmZjRDAypVSb96TJ4HRo4HLl+WOioiIyOqx1MFITHzJLBITgSFDgF27tGMBAUBGhnwxERER2QjO+BqJNb701PbuBerV0016hw+XZn1DQuSLi4iIyEYw8TWSesbXy4s9fMlEmZnA2LFA585AQoI05uMjJcDLlwOurvLGR0REZCNY6mCE3FwgPl66zNleMsnly8ArrwBnz2rHOncG1q4FKlSQLy4iIiIbxBlfI9y6JSW/ABNfMpG3N3DvnnRZqQQ++QTYvZtJLxERkQyY+BqB9b1UZOXKAevWAfXrS7uyjR7Nbf+IiIhkwsTXCOzhS0b74QdtHa/a888DJ04AdevKExMREREBYOJrFLYyoydKT5c6NLz8MvD661Kv3vzs7eWJi4iIiDSY+BqBiS891okTQKNG0qYUAPDzz8CPP8obExEREelh4msE1viSQXl5wEcfSdsOX7wojbm6AqtXAy+9JG9sREREpIftzIygnvEtWxbw8JA1FLIU8fFA//7AwYPasdBQYPNmoGZN+eIiIiKiQnHG9wlyc4EbN6TLnO0lAMCWLdIObOqkV6EAJk8Gjhxh0ktERGTBOOP7BDduSJ9oA0x8CcBffwG9emmvBwYCGzcCbdvKFxMREREZhTO+T8CFbaSjeXOpxAEAIiOBM2eY9BIREZUSnPF9Ai5ss3EqFWBX4O/Dzz4DXnwR6NmTm1EQERGVIpzxfQJuXmHDYmOBVq2ArVt1xz08pNleJr1ERESlChPfJ2Cpgw0SAtiwAWjQAIiKAoYNk7o4EBERUanGxPcJ8ie+VarIFgaVlORkafHawIHAw4fSWNmywL178sZFRERET42J7xOoa3zLlQPc3eWNhYrZgQNSm7L8pQ2DBgGnT0uzv0RERFSqMfF9jOxs4OZN6TLre61YdjYwaRLQoYO2abOXl5QAr13Lv3iIiIisBLs6PMaNG9KifoD1vVYrNhbo0QM4eVI71q6dVOMbGChbWERERGR+nPF9DC5sswEuLkBcnHTZ0RGYPx/Yt49JLxERkRVi4vsY7OFrA/z9gS+/BGrXlnZle+cd/b69REREZBX4P/xjsIevFfrtN/0ODS+/DPzzD9CokTwxERERUYmwiMR32bJlCAoKgrOzM5o1a4Zjx44Veuzq1avRunVreHt7w9vbG2FhYY89/mmw1MGKZGYCY8cCzz8v9eUVQvd2R0d54iIiIqISI3viu2XLFowbNw4zZ87EyZMnUb9+fYSHh+Pu3bsGjz9w4AB69+6N/fv3IyoqCoGBgejUqRNuqtsvmBF7+FqJs2eBpk2BJUuk69u3A3v2yBoSERERlTyFEAWnvkpWs2bN0KRJE3z22WcAAJVKhcDAQIwePRqTJk164v3z8vLg7e2Nzz77DAMGDHji8ampqfD09ERKSgo8PDwee2ylSlI7s/LlgULycLJkKhXw6afAxIlAVpY0plQCCxYAo0Zxy2EiIiILZUq+ZgpZ25llZ2fjxIkTmDx5smbMzs4OYWFhiIqKMuocjx49Qk5ODsqWLWvw9qysLGSpkx5IL6QxsrKAW7eky6zvLYVu3wYGDwb27tWOhYQAmzcDdevKFxcRERHJRtZSh6SkJOTl5cHPz09n3M/PDwkJCUadY+LEiahYsSLCwsIM3j5v3jx4enpqvgKNbFMVH68tA2V9bymza5e0A1v+pHfsWODYMSa9RERENkz2Gt+n8eGHH+Kbb77Bd999B2dnZ4PHTJ48GSkpKZqv+Ph4o87NhW2l1OHDQLduQFKSdL1CBSkBXrQIKOQ9QkRERLZB1sTXx8cH9vb2uHPnjs74nTt3UKFChcfe9+OPP8aHH36IX375BfXq1Sv0OKVSCQ8PD50vYzDxLaVatAC6d5cud+smLWzr1EnemIiIiMgiyJr4Ojk5ITQ0FPv27dOMqVQq7Nu3D88991yh95s/fz7ef/997NmzB40bNy6W2Lh5RSlRcG2mQgGsXg2sXQt89x3g4yNPXERERGRxZC91GDduHFavXo3169cjOjoaI0aMQHp6OgYPHgwAGDBggM7it48++gjTp0/HmjVrEBQUhISEBCQkJCAtLc2scXHzilIgPh7o0AH48Ufd8XLlgEGD2LWBiIiIdMja1QEAIiMjkZiYiBkzZiAhIQENGjTAnj17NAve4uLiYJdvC9nly5cjOzsbr732ms55Zs6ciVmzZpktLvbwtXBbt0obUTx4APz7r7Tz2hPKY4iIiMi2yd7Ht6QZ2xcuIEBqZ+bnBxjZYIJKQmoqMGYMsH69diwwEPj+e245TEREZCWKq4+v7KUOligzU9vDl/W9FiQqCmjQQDfpjYwEzpxh0ktERERPxMTXgLg47WXW91qA3Fxg1iygdWvtqkN3d2DDBuDrrwFvb1nDIyIiotJB9hpfS8RWZhbk2jWgTx9ptletRQvgq6/4VwkRERGZhDO+BjDxtSB2dsD589Jle3tg9mzg4EEmvURERGQyJr4GsIevBalcGVixAqhWDTh0CJgxA3DgBxVERERkOia+BrCHr4z+/FPq3JBfr15Sy7LmzeWJiYiIiKwCE18D8ie+lSvLFoZtyc4GJk0C2rYFRo/Wv93ZueRjIiIiIqvCxNcAdeLr7898q0TExADPPQd89JG0BfGGDcAvv8gdFREREVkZJr4FZGRoN6xgfW8xEwJYuRJo2BA4eVIac3QE5s8HwsLkjY2IiIisDlcJFXD9uvYy63uLUWIiMGQIsGuXdqxWLWDzZm5GQURERMWCM74FsJVZCdi7F6hXTzfpHTFCmvVl0ktERETFhDO+BTDxLWZ//gl07qy97uMDrFkDdO0qX0xERERkEzjjWwB7+BazVq20iW/nzsDZs0x6iYiIqERwxrcAzvgWM4UCWLsW+O47YPhw6ToRERFRCeCMbwHqxFehYA/fp5aQALz4IrBvn+54hQpSTS+TXiIiIipBnPEtQJ34VqwIKJWyhlK67doFvPEGkJQEnDkjfZUrJ3dUREREZMM445vPo0fA3bvSZZY5FFF6ulTC0K2blPQCgEqlW0NCREREJAMmvvmwvvcpnTgBhIZKm1KoRUQA//wjjRMRERHJiIlvPvkTX25eYYK8PGm74ebNpe2HAcDVFVi9GtixQ2pZRkRERCQz1vjmwxnfIrhxA+jfHzhwQDsWGirtwFazpmxhERERERXEGd98mPgWQUYG8Pff0mWFApg8GThyhEkvERERWRwmvvlw84oieOYZ4JNPgMBAYP9+YO5cwMlJ7qiIiIiI9DDxzUc942tnJ+VxZMCxY1L7i/wGDwbOnwfatpUnJiIiIiIjMPHNR534BgRw0lJPbi4wezbQogUwYYLubQoFUKaMPHERERERGYmJ73/S0rRtZ1nmUEBsLNCmDTBrltTBYflyqayBiIiIqBRh4vsfLmwzQAhgwwagQQMgKkoas7eXZn5bt5Y1NCIiIiJTsZ3Zf9jDt4DkZGDECGDLFu1YtWrApk1Sv14iIiKiUoaJ738445vPwYNSb974eO3YoEFS9wZ3d9nCIiIqKXl5ecjJyZE7DCKr5uTkBDu7ki0+YOL7Hya+/zl4EGjfXipzAABvb2kL4h495I2LiKgECCGQkJCABw8eyB0KkdWzs7ND1apV4VSCHQWY+P6HPXz/06qVtJBNnQBv2ABUqiR3VEREJUKd9Pr6+sLV1RUKhULukIiskkqlwq1bt3D79m1Urly5xH7WmPj+J38PX5vO8+ztgY0bgW+/Bd5+W3pBiIhsQF5enibpLVeunNzhEFm98uXL49atW8jNzYWjo2OJPCazmv+oE9/AQKCEXnv5JSYCr74KHD6sOx4YCIwbx6SXiGyKuqbX1dVV5kiIbIO6xCEvL6/EHpMzvgBSU4H796XLNlPmsHevtGAtIQE4eRI4cwbw8JA7KiIi2bG8gahkyPGzxik92NjCtsxMqYShc2cp6QWk3TsuXpQ1LCIiIqLixsQXNpT4nj0LNGkCLF2qHevcWRpv3Fi+uIiIiGQSExODChUq4OHDh3KHYnWaN2+O7du3yx2GDia+sIHNK1QqKdlt0gQ4d04aUyqlvry7dwMVKsgbHxERPZVBgwZBoVBAoVDA0dERVatWxbvvvovMzEy9Y3/88Ue0bdsW7u7ucHV1RZMmTbBu3TqD592+fTvatWsHT09PlClTBvXq1cN7772H++r6QCswefJkjB49Gu5W3Kd+2bJlCAoKgrOzM5o1a4Zjx4498T5LlixBrVq14OLigsDAQIwdO1bv/XTz5k3069cP5cqVg4uLC0JCQnD8+HHN7dOmTcOkSZOgUqnM/pyKiokvrHzG9/ZtoEsXqbwhK0saCwkBjh8HRo8GWMtGRGQVOnfujNu3byM2NhaLFy/GypUrMXPmTJ1jPv30U3Tr1g0tW7bE0aNH8c8//6BXr14YPnw4JkyYoHPs1KlTERkZiSZNmuDnn3/GuXPnsHDhQpw5cwYbN24sseeVnZ1dbOeOi4vDjz/+iEGDBj3VeYozxqe1ZcsWjBs3DjNnzsTJkydRv359hIeH4+7du4XeZ/PmzZg0aRJmzpyJ6OhofPnll9iyZQumTJmiOSY5ORktW7aEo6Mjfv75Z5w/fx4LFy6Et7e35pgXXngBDx8+xM8//1ysz9EkwsakpKQIACIlJUUz1r27ENKODUJcuyZjcMXh3DkhlErtExw7VoiMDLmjIiKyOBkZGeL8+fMioxT+jhw4cKDo1q2bztgrr7wiGjZsqLkeFxcnHB0dxbhx4/Tu/8knnwgA4q+//hJCCHH06FEBQCxZssTg4yUnJxcaS3x8vOjVq5fw9vYWrq6uIjQ0VHNeQ3G+9dZbom3btprrbdu2FSNHjhRvvfWWKFeunGjXrp3o3bu36Nmzp879srOzRbly5cT69euFEELk5eWJuXPniqCgIOHs7Czq1asnvv3220LjFEKIBQsWiMaNG+uMJSUliV69eomKFSsKFxcXUbduXbF582adYwzFKIQQZ8+eFZ07dxZubm7C19dX9OvXTyQmJmru9/PPP4uWLVsKT09PUbZsWfHiiy+Ky5cvPzbGp9W0aVMxcuRIzfW8vDxRsWJFMW/evELvM3LkSNGhQwedsXHjxomWLVtqrk+cOFG0atXqiY8/ePBg0a9fP4O3Pe5nzlC+Zg6c8YV28wp7eyAgQN5YzO7ZZ4EFC6Ryhr17gUWLAGdnuaMiIio1GjeW+ruX5NfTLrs4d+4cjhw5orMj1rZt25CTk6M3swsAw4YNQ5kyZfD1118DADZt2oQyZcrgf//7n8Hze3l5GRxPS0tD27ZtcfPmTezatQtnzpzBu+++a/JH3evXr4eTkxMOHz6MFStWoG/fvvjhhx+QlpamOWbv3r149OgRunfvDgCYN28eNmzYgBUrVuDff//F2LFj0a9fPxw8eLDQx/nzzz/RuMCLnZmZidDQUPz00084d+4c3nzzTfTv31+vPKBgjA8ePECHDh3QsGFDHD9+HHv27MGdO3fQs2dPzX3S09Mxbtw4HD9+HPv27YOdnR26d+/+2Ndn7ty5KFOmzGO/4uLiDN43OzsbJ06cQFhYmGbMzs4OYWFhiIqKKvQxW7RogRMnTmiec2xsLHbv3o0uXbpojtm1axcaN26MHj16wNfXFw0bNsTq1av1ztW0aVP8+eefhT5WiTNrGl0KGPoLwstLmgytWlXGwMzl9GkhMjN1x1QqIe7flyceIqJSorDZp4AA7YdmJfUVEGBa7AMHDhT29vbCzc1NKJVKAUDY2dmJbdu2aY4ZPny48PT0LPQc9erVEy+88IIQQogXXnhB1KtXz7QghBArV64U7u7u4t69e4XGacyMb/6ZaiGEyMnJET4+PmLDhg2asd69e4vIyEghhBCZmZnC1dVVHDlyROd+b7zxhujdu3eh8davX1+89957T3xeL774ohg/fvxjY3z//fdFp06ddMbi4+MFABETE2PwvImJiQKAOHv2bKGPfe/ePXHp0qXHfuXk5Bi8782bNwUAvdflnXfeEU2bNn3sc166dKlwdHQUDg4OAoAYPny4zu1KpVIolUoxefJkcfLkSbFy5Urh7Ows1q1bp3Pczp07hZ2dncjLy9N7DDlmfG2+j++DB9IXUMrre/PygI8/BqZNA956S7qsplAA+WpuiIjIeHKs/y3KY7Zv3x7Lly9Heno6Fi9eDAcHB7z66qtFenwhRJHud/r0aTRs2BBly5Yt0v3VQkNDda47ODigZ8+e2LRpE/r374/09HTs3LkT33zzDQDg8uXLePToEZ5//nmd+2VnZ6Nhw4aFPk5GRgacC3wKmpeXh7lz52Lr1q24efMmsrOzkZWVpbexScEYz5w5g/3796NMmTJ6j3PlyhXUrFkTly5dwowZM3D06FEkJSVpZnrj4uJQt25dgzGWLVv2qV9PUx04cABz587F559/jmbNmuHy5ct466238P7772P69OkApC2HGzdujLlz5wIAGjZsiHPnzmHFihUYOHCg5lwuLi5QqVTIysqCi4tLiT4PQ2w+8b1+XXu51Ca+8fFA//6A+uOchQuBiAigVStZwyIisgb5FqlbNDc3N9SoUQMAsGbNGtSvXx9ffvkl3njjDQBAzZo1kZKSglu3bqFixYo6983OzsaVK1fQvn17zbGHDh1CTk6OSVvJPimxsbOz00uq1TvmFXwuBfXt2xdt27bF3bt38euvv8LFxQWdO3cGAE0JxE8//YSAAjWLSqWy0Hh8fHyQnJysM7ZgwQIsXboUS5YsQUhICNzc3PD222/rLWArGGNaWhq6du2Kjz76SO9x/P39AQBdu3ZFlSpVsHr1alSsWBEqlQp169Z97OK4uXPnapLLwpw/fx6VK1c2+Pzs7e1x584dnfE7d+6gwmP+upo+fTr69++PIUOGAABCQkKQnp6ON998E1OnToWdnR38/f1Rp04dnfsFBwfrtS+7f/8+3NzcLCLpBdjVQVPfC5TSxHfrVqBePW3Sq1AAkycDTZvKGxcREcnGzs4OU6ZMwbRp05CRkQEAePXVV+Ho6IiFCxfqHb9ixQqkp6ejd+/eAIA+ffogLS0Nn3/+ucHzP1B/VFpAvXr1cPr06ULbnZUvXx63b9/WGTt9+rRRz6lFixYIDAzEli1bsGnTJvTo0UOTlNepUwdKpRJxcXGoUaOGzldgYGCh52zYsCHOnz+vM3b48GF069YN/fr1Q/369VGtWjVcNGKTp0aNGuHff/9FUFCQXgxubm64d+8eYmJiMG3aNHTs2BHBwcF6Sbchw4cPx+nTpx/7VfAPGTUnJyeEhoZi3759mjGVSoV9+/bhueeeK/QxHz16BDs73RTR3t4egPbTgJYtWyImJkbnmIsXL6JKlSo6Y+fOnXvsrHuJM2vhRClQsGZk8WJtTVW+0iHLl5IixMCBukVhgYFCHDggd2RERKWStXV1yMnJEQEBAWLBggWascWLFws7OzsxZcoUER0dLS5fviwWLlwolEqlTg2rEEK8++67wt7eXrzzzjviyJEj4tq1a+K3334Tr732WqHdHrKyskTNmjVF69atxaFDh8SVK1fEtm3bNDWme/bsEQqFQqxfv15cvHhRzJgxQ3h4eOjV+L711lsGzz916lRRp04d4eDgIP7880+928qVKyfWrVsnLl++LE6cOCE++eQTvZrT/Hbt2iV8fX1Fbm6uZmzs2LEiMDBQHD58WJw/f14MGTJEeHh46Ly+hmK8efOmKF++vHjttdfEsWPHxOXLl8WePXvEoEGDRG5ursjLyxPlypUT/fr1E5cuXRL79u0TTZo0EQDEd999V2iMT+ubb74RSqVSrFu3Tpw/f168+eabwsvLSyQkJGiO6d+/v5g0aZLm+syZM4W7u7v4+uuvRWxsrPjll19E9erVdTprHDt2TDg4OIg5c+aIS5cuiU2bNglXV1fx1Vdf6Tx+27ZtC62jlqPG1+YT37fe0uaNf/whb2xGO3JEiGrVdJPeyEguYCMiegrWlvgKIcS8efNE+fLlRVpammZs586donXr1sLNzU04OzuL0NBQsWbNGoPn3bJli2jTpo1wd3cXbm5uol69euK99957bDuza9euiVdffVV4eHgIV1dX0bhxY3H06FHN7TNmzBB+fn7C09NTjB07VowaNcroxPf8+fMCgKhSpYpQqVQ6t6lUKrFkyRJRq1Yt4ejoKMqXLy/Cw8PFwYMHC401JydHVKxYUezZs0czdu/ePdGtWzdRpkwZ4evrK6ZNmyYGDBjwxMRXCCEuXrwounfvLry8vISLi4uoXbu2ePvttzWx/vrrryI4OFgolUpRr149ceDAgWJPfIUQ4tNPPxWVK1cWTk5OomnTppr2cvmfz8CBAzXXc3JyxKxZs0T16tWFs7OzCAwMFP/73//0vu8//PCDqFu3rlAqlaJ27dpi1apVOrffuHFDODo6ivj4eINxyZH4KoQoYgV7KZWamgpPT0+kpKTAw8MDERHAzp3SbXFxwGM+EbEMBw4AYWHSYjYAcHcHli0D+vXjZhRERE8hMzMTV69eRdWqVfUWPJH1WrZsGXbt2oW9e/fKHYrVmThxIpKTk7Fq1SqDtz/uZ65gvmYuNr+4TV3j6+AAFFIiY1latgRCQ4Fjx4AWLYCvvrLSfZaJiIiK37Bhw/DgwQM8fPjQqrctloOvry/GjRsndxg6bDrxFUK7XXHlytIGFhbP0RHYtAnYsgWYOFHK2ImIiKhIHBwcMHXqVLnDsErjx4+XOwQ9Nt3V4cEDIDVVumyRk6bJyUDfvsCJE7rjNWoAU6cy6SUiIiIygU1nTurZXsACW5kdOCD15r1xQ0p8T54ECjTPJiIiIiLj2fSMr0X28M3OBiZNAjp0kJJeALh7F/j3X3njIiIiIirlOOP7H4tIfGNigD59pNldtfbtgQ0bgEqV5IuLiIiIyArY9Ixv/sRX1hpfIYCVK4GGDbVJr6MjMH8+8NtvTHqJiIiIzIAzvv+RbcY3MREYMgTYtUs7VqsWsHkz0KiRTEERERERWR+bnvFV1/g6OgL+/jIFER8P7N6tvT5ihDTry6SXiIiIyKxsNvHN38O3ShXATq5XolEj4IMPAB8fadb388/ZvYGIiEoVhUKB77//Xu4wLNasWbPQoEEDucMg2HDim5wMpKVJl0u0vvfCBSAnR3dswgSpa0PXriUYCBERWYtBgwZBoVBAoVDA0dERVatWxbvvvovMzEy5Qyt2CQkJeOutt1CjRg04OzvDz88PLVu2xPLly/Ho0SO5wwMATJgwAfv27ZM7DIIN1/hev669XCL1vSoV8Omn0m5rEycCs2drb7O3B3x9SyAIIiKyVp07d8batWuRk5ODEydOYODAgVAoFPjoo4/kDq3YxMbGomXLlvDy8sLcuXMREhICpVKJs2fPYtWqVQgICMDLL78sd5goU6YMypQpI3cYBBue8Y2L014u9sT39m2gSxfg7beBrCyptOHYsWJ+UCIisiVKpRIVKlRAYGAgIiIiEBYWhl9//VVz+71799C7d28EBATA1dUVISEh+Prrr3XO0a5dO4wZMwbvvvsuypYtiwoVKmDWrFk6x1y6dAlt2rSBs7Mz6tSpo/MYamfPnkWHDh3g4uKCcuXK4c0330Sa+mNWSDPUERERmDt3Lvz8/ODl5YX33nsPubm5eOedd1C2bFlUqlQJa9eufexz/t///gcHBwccP34cPXv2RHBwMKpVq4Zu3brhp59+Qtf/Pkm9du0aFAoFTp8+rbnvgwcPoFAocODAAc3YuXPn8MILL6BMmTLw8/ND//79kZSUpLl927ZtCAkJ0TyvsLAwpKenAwAOHDiApk2bws3NDV5eXmjZsiWu/zfLVrDUQf38P/74Y/j7+6NcuXIYOXIkcvJ9Inz79m28+OKLcHFxQdWqVbF582YEBQVhyZIlj31N6PFsNvEtsRnfnTuBevWAvXu1Y2PGSGNERFQ6LFoktZZ80peh2cWXXzbuvosWmS3cc+fO4ciRI3ByctKMZWZmIjQ0FD/99BPOnTuHN998E/3798exAhMx69evh5ubG44ePYr58+fjvffe0yS3KpUKr7zyCpycnHD06FGsWLECEydO1Ll/eno6wsPD4e3tjb///hvffvstfvvtN4waNUrnuN9//x23bt3CH3/8gUWLFmHmzJl46aWX4O3tjaNHj2L48OEYNmwYbqg3cyrg3r17+OWXXzBy5Ei4ubkZPEahUBj9mj148AAdOnRAw4YNcfz4cezZswd37txBz549AUiJaO/evfH6668jOjoaBw4cwCuvvAIhBHJzcxEREYG2bdvin3/+QVRUFN58883HPv7+/ftx5coV7N+/H+vXr8e6deuwbt06ze0DBgzArVu3cODAAWzfvh2rVq3C3bt3jX4+VAhhY1JSUgQAMXRoipCWuAlx5EgxPFBamhDDhgnNgwBCVKggxN69xfBgRET0tDIyMsT58+dFRkaG/o0zZ+r+Pi/sq3lz/fs2b27cfWfOLHLsAwcOFPb29sLNzU0olUoBQNjZ2Ylt27Y99n4vvviiGD9+vOZ627ZtRatWrXSOadKkiZg4caIQQoi9e/cKBwcHcfPmTc3tP//8swAgvvvuOyGEEKtWrRLe3t4iLS1Nc8xPP/0k7OzsREJCgibeKlWqiLy8PM0xtWrVEq1bt9Zcz83NFW5ubuLrr782GPtff/0lAIgdO3bojJcrV064ubkJNzc38e677wohhLh69aoAIE6dOqU5Ljk5WQAQ+/fvF0II8f7774tOnTrpnCs+Pl4AEDExMeLEiRMCgLh27ZpeLPfu3RMAxIEDBwzGOnPmTFG/fn3NdfXzz83N1Yz16NFDREZGCiGEiI6OFgDE33//rbn90qVLAoBYvHixwccojR73M6fO11JSUsz6mKzxRTHM+J44Ie3AdvGidqxbN+CLL6TuDUREVLp4eAABAU8+rnx5w2PG3NfDw/S48mnfvj2WL1+O9PR0LF68GA4ODnj11Vc1t+fl5WHu3LnYunUrbt68iezsbGRlZcG1QCehegU+kfT399fMNEZHRyMwMBAVK1bU3P7cc8/pHB8dHY369evrzMK2bNkSKpUKMTEx8PPzAwA8++yzsMvXUsnPzw9169bVXLe3t0e5cuVMnuU8duwYVCoV+vbti6ysLKPvd+bMGezfv99gLe6VK1fQqVMndOzYESEhIQgPD0enTp3w2muvwdvbG2XLlsWgQYMQHh6O559/HmFhYejZsyf8H9Mr9dlnn4W9vb3mur+/P86ePQsAiImJgYODAxrla21ao0YNeHt7G/18yDCbTXzVNb5KJfDfz6B5/P47EB4O5OZK111dgSVLpE0qTPjIhYiILMi4cdJXUeTfoKgYubm5oUaNGgCANWvWoH79+vjyyy/xxhtvAAAWLFiApUuXYsmSJQgJCYGbmxvefvttZGdn65zH0dFR57pCoYBKpTJ7vIYex5THrlGjBhQKBWJiYnTGq1WrBgBwcXHRjKkTbCGEZiynQIeltLQ0dO3a1eBiQH9/f9jb2+PXX3/FkSNH8Msvv+DTTz/F1KlTcfToUVStWhVr167FmDFjsGfPHmzZsgXTpk3Dr7/+iubNmxv9/IvjdSZdNl/ja/Yevi1bAnXqSJdDQ4FTp4ChQ5n0EhFRibGzs8OUKVMwbdo0ZGRkAAAOHz6Mbt26oV+/fqhfvz6qVauGi/k/mTRCcHAw4uPjcfv2bc3YX3/9pXfMmTNnNIu+1I9tZ2eHWrVqPcWz0lWuXDk8//zz+Oyzz3Qey5Dy/83E5487/0I3AGjUqBH+/fdfBAUFoUaNGjpf6tlrhUKBli1bYvbs2Th16hScnJzw3Xffac7RsGFDTJ48GUeOHEHdunWxefPmIj23WrVqITc3F6dOndKMXb58GcnJyUU6H2nZbOL73+8B85c5KJXSdsNTpwJHjgA1a5r5AYiIiJ6sR48esLe3x7JlywAAzzzzjGbGMjo6GsOGDcOdO3dMOmdYWBhq1qyJgQMH4syZM/jzzz8xdepUnWP69u0LZ2dnDBw4EOfOncP+/fsxevRo9O/fX1PmYC6ff/45cnNz0bhxY2zZsgXR0dGIiYnBV199hQsXLmhKCVxcXNC8eXN8+OGHiI6OxsGDBzFt2jSdc40cORL3799H79698ffff+PKlSvYu3cvBg8ejLy8PBw9ehRz587F8ePHERcXhx07diAxMRHBwcG4evUqJk+ejKioKFy/fh2//PILLl26hODg4CI9r9q1ayMsLAxvvvkmjh07hlOnTuHNN9+Ei4uLSQv2SJ/NJr5qT7V5RWqqNJv777+6488+K7Usy7ealoiIqCQ5ODhg1KhRmD9/PtLT0zFt2jQ0atQI4eHhaNeuHSpUqICIiAiTzmlnZ4fvvvsOGRkZaNq0KYYMGYI5c+boHOPq6oq9e/fi/v37aNKkCV577TV07NgRn332mRmfnaR69eo4deoUwsLCMHnyZNSvXx+NGzfGp59+igkTJuD999/XHLtmzRrk5uYiNDQUb7/9Nj744AOdc1WsWBGHDx9GXl4eOnXqhJCQELz99tvw8vKCnZ0dPDw88Mcff6BLly6oWbMmpk2bhoULF+KFF16Aq6srLly4gFdffRU1a9bEm2++iZEjR2LYsGFFfm4bNmyAn58f2rRpg+7du2Po0KFwd3eHs7Nzkc9JgELkL3ixAampqfD09ASQAsAD8+YBkyYV4URRUUC/fkBsrNSa7NgxabaXiIhKpczMTFy9ehVVq1ZlckEW58aNGwgMDMRvv/2Gjh07yh2OWTzuZ06dr6WkpMDjKRd+5mezi9vUTC51yM0F5swB3n8fyMuTxq5eBf75B2jSxNzhERERkQ36/fffkZaWhpCQENy+fRvvvvsugoKC0KZNG7lDK9WY+AaZcHBsrDTLGxWlHWvRAvjqq6esmSAiIiLSysnJwZQpUxAbGwt3d3e0aNECmzZt0usGQaax+cTXqHxVCGDjRmDUKODhQ2nM3h6YMQOYMgVwsPmXkYiIiMwoPDwc4eHhcodhdWw6Y3N2Bnx9n3BQcjIwYgSwZYt2rFo1YNMmoJDefERERERkeWy6q0NQkBHtdaOjgW+/1V4fNAg4fZpJLxGRlbKxNd9EspHjZ83mE98natFC6snr5QVs3QqsXQu4uxdzZEREVNLUtZOPHj2SORIi26DeNTD/1s3FzaZLHQzW9169ClSuLNXwqk2fDgwbZtxe60REVCrZ29vDy8sLd+/eBSD1o+VmAUTFQ6VSITExEa6urnAowbVSNp346sz4CgGsWgWMHQvMnAlMnKi9zdGRSS8RkQ2oUKECAGiSXyIqPnZ2dqhcuXKJ/oHJxBcAEhOBIUOAXbuk69OmAZ06AQ0byhUaERHJQKFQwN/fH76+vsjJyZE7HCKr5uTkBDu7kq26ZeK7d6+0YC0hQXvDkCFArVoyRUVERHKzt7cv0bpDIioZFrG4bdmyZQgKCoKzszOaNWuGY8eOPfb4b7/9FrVr14azszNCQkKwe/dukx/TCZmo++XbQOfO2qTXx0ea9V2+HHB1LcIzISIiIiJLJXviu2XLFowbNw4zZ87EyZMnUb9+fYSHhxdaX3XkyBH07t0bb7zxBk6dOoWIiAhERETg3LlzJj3uH2gH11VLtQOdOwNnzwJduz7N0yEiIiIiC6UQMjcsbNasGZo0aYLPPvsMgLTKLzAwEKNHj8akSZP0jo+MjER6ejp+/PFHzVjz5s3RoEEDrFix4omPl5qaCk9PT6QA8AAApRJYsEDalY2rd4mIiIhkp8nXUlLg4eFhtvPKWuObnZ2NEydOYPLkyZoxOzs7hIWFISoqyuB9oqKiMG7cOJ2x8PBwfP/99waPz8rKQlZWluZ6SkoKACAVAOrUAb78UvpXvRUxEREREckqNTUVgPk3uZA18U1KSkJeXh78/Px0xv38/HDhwgWD90lISDB4fEL+xWn5zJs3D7Nnz9YbDwSA8+eB554rUuxEREREVLzu3bsHT09Ps53P6rs6TJ48WWeG+MGDB6hSpQri4uLM+kKSZUpNTUVgYCDi4+PN+lEJWSZ+v20Lv9+2hd9v25KSkoLKlSujbNmyZj2vrImvj48P7O3tcefOHZ3xO3fuaJqIF1ShQgWTjlcqlVAqlXrjnp6e/MGxIR4eHvx+2xB+v20Lv9+2hd9v22LuPr+ydnVwcnJCaGgo9u3bpxlTqVTYt28fniukBOG5557TOR4Afv3110KPJyIiIiICLKDUYdy4cRg4cCAaN26Mpk2bYsmSJUhPT8fgwYMBAAMGDEBAQADmzZsHAHjrrbfQtm1bLFy4EC+++CK++eYbHD9+HKtWrZLzaRARERGRhZM98Y2MjERiYiJmzJiBhIQENGjQAHv27NEsYIuLi9OZ5m7RogU2b96MadOmYcqUKXjmmWfw/fffo27dukY9nlKpxMyZMw2WP5D14ffbtvD7bVv4/bYt/H7bluL6fsvex5eIiIiIqCTIvnMbEREREVFJYOJLRERERDaBiS8RERER2QQmvkRERERkE6wy8V22bBmCgoLg7OyMZs2a4dixY489/ttvv0Xt2rXh7OyMkJAQ7N69u4QiJXMw5fu9evVqtG7dGt7e3vD29kZYWNgT3x9kWUz9+Vb75ptvoFAoEBERUbwBklmZ+v1+8OABRo4cCX9/fyiVStSsWZO/00sRU7/fS5YsQa1ateDi4oLAwECMHTsWmZmZJRQtPY0//vgDXbt2RcWKFaFQKPD9998/8T4HDhxAo0aNoFQqUaNGDaxbt870BxZW5ptvvhFOTk5izZo14t9//xVDhw4VXl5e4s6dOwaPP3z4sLC3txfz588X58+fF9OmTROOjo7i7NmzJRw5FYWp3+8+ffqIZcuWiVOnTono6GgxaNAg4enpKW7cuFHCkVNRmPr9Vrt69aoICAgQrVu3Ft26dSuZYOmpmfr9zsrKEo0bNxZdunQRhw4dElevXhUHDhwQp0+fLuHIqShM/X5v2rRJKJVKsWnTJnH16lWx9//t3XlMVNcXB/AvMziAOGioIkzBBRRqXKosWkBjpbRgXaio0EoQFcUKiJG6EDdAfyBaxahxrRWsJYIarUQQFJUWRtsqsjSCgwiojWCjNiIKHZg5vz8aJh1Z6oxsZc4neX+8++6977w5mXDm8t5MZiZZWFjQypUrOzlypo309HRav349nTlzhgDQ2bNn2+xfXl5OvXv3pvDwcCouLqa9e/eSUCikjIwMjc7b4wrf8ePHU0hIiGpfoVCQRCKhrVu3ttjfx8eHpk2bptY2YcIEWrp0aYfGydqHpvl+XWNjI4nFYjp27FhHhcjakTb5bmxsJBcXFzpy5AgFBARw4fsfomm+Dxw4QNbW1iSXyzsrRNaONM13SEgIubm5qbWFh4eTq6trh8bJ2t+bFL5r1qyhkSNHqrX5+vqSh4eHRufqUbc6yOVy5OXlwd3dXdUmEAjg7u6O69evtzjm+vXrav0BwMPDo9X+rPvQJt+ve/XqFRoaGmBqatpRYbJ2om2+N2/eDDMzMwQGBnZGmKydaJPv1NRUODs7IyQkBAMHDsSoUaMQGxsLhULRWWEzLWmTbxcXF+Tl5aluhygvL0d6ejo+/fTTTomZda72qte6/Jfb2tOTJ0+gUChUv/rWZODAgbhz506LY6qrq1vsX11d3WFxsvahTb5ft3btWkgkkmZvJtb9aJPv3NxcfPvttygoKOiECFl70ibf5eXluHLlCvz8/JCeno6ysjIEBwejoaEBkZGRnRE205I2+Z43bx6ePHmCiRMngojQ2NiIL7/8EuvWreuMkFkna61eq6mpQV1dHYyMjN5onh614suYJuLi4pCcnIyzZ8/C0NCwq8Nh7ezFixfw9/fHN998g/79+3d1OKwTKJVKmJmZ4fDhw3BwcICvry/Wr1+PgwcPdnVorANkZ2cjNjYW+/fvx61bt3DmzBmkpaVhy5YtXR0a68Z61Ipv//79IRQK8fjxY7X2x48fw9zcvMUx5ubmGvVn3Yc2+W6yY8cOxMXFISsrC2PGjOnIMFk70TTf9+7dQ2VlJWbMmKFqUyqVAAB9fX3IZDLY2Nh0bNBMa9q8vy0sLNCrVy8IhUJV24gRI1BdXQ25XA6RSNShMTPtaZPvjRs3wt/fH4sXLwYAjB49Gi9fvkRQUBDWr18PgYDX9nqS1uo1ExOTN17tBXrYiq9IJIKDgwMuX76salMqlbh8+TKcnZ1bHOPs7KzWHwAuXbrUan/WfWiTbwDYvn07tmzZgoyMDDg6OnZGqKwdaJrv9957D7/99hsKCgpU28yZMzFlyhQUFBTAysqqM8NnGtLm/e3q6oqysjLVBxwAKC0thYWFBRe93Zw2+X716lWz4rbpQ8/fz0uxnqTd6jXNnrvr/pKTk8nAwIASExOpuLiYgoKCqF+/flRdXU1ERP7+/hQREaHqL5VKSV9fn3bs2EElJSUUGRnJX2f2H6JpvuPi4kgkEtHp06epqqpKtb148aKrLoFpQNN8v46/1eG/RdN8P3jwgMRiMYWGhpJMJqPz58+TmZkZ/e9//+uqS2Aa0DTfkZGRJBaL6cSJE1ReXk4XL14kGxsb8vHx6apLYBp48eIF5efnU35+PgGg+Ph4ys/Pp/v37xMRUUREBPn7+6v6N32d2erVq6mkpIT27dvHX2fWZO/evTRo0CASiUQ0fvx4+vnnn1XHJk+eTAEBAWr9T548Sba2tiQSiWjkyJGUlpbWyRGzt6FJvgcPHkwAmm2RkZGdHzjTiqbv73/iwve/R9N8X7t2jSZMmEAGBgZkbW1NMTEx1NjY2MlRM21pku+GhgaKiooiGxsbMjQ0JCsrKwoODqY///yz8wNnGrt69WqLf4+bchwQEECTJ09uNmbs2LEkEonI2tqaEhISND6vHhH/P4AxxhhjjPV8PeoeX8YYY4wxxlrDhS9jjDHGGNMJXPgyxhhjjDGdwIUvY4wxxhjTCVz4MsYYY4wxncCFL2OMMcYY0wlc+DLGGGOMMZ3AhS9jjDHGGNMJXPgyxhiAxMRE9OvXr6vD0Jqenh5++OGHNvssWLAAn332WafEwxhj3REXvoyxHmPBggXQ09NrtpWVlXV1aEhMTFTFIxAIYGlpiYULF+KPP/5ol/mrqqowdepUAEBlZSX09PRQUFCg1mf37t1ITExsl/O1JioqSnWdQqEQVlZWCAoKwrNnzzSah4t0xlhH0O/qABhjrD15enoiISFBrW3AgAFdFI06ExMTyGQyKJVKFBYWYuHChXj06BEyMzPfem5zc/N/7dO3b9+3Ps+bGDlyJLKysqBQKFBSUoJFixbh+fPnSElJ6ZTzM8ZYa3jFlzHWoxgYGMDc3FxtEwqFiI+Px+jRo2FsbAwrKysEBwejtra21XkKCwsxZcoUiMVimJiYwMHBATdv3lQdz83NxaRJk2BkZAQrKyuEhYXh5cuXbcamp6cHc3NzSCQSTJ06FWFhYcjKykJdXR2USiU2b94MS0tLGBgYYOzYscjIyFCNlcvlCA0NhYWFBQwNDTF48GBs3bpVbe6mWx2GDh0KABg3bhz09PTw4YcfAlBfRT18+DAkEgmUSqVajF5eXli0aJFq/9y5c7C3t4ehoSGsra0RHR2NxsbGNq9TX18f5ubmePfdd+Hu7o65c+fi0qVLquMKhQKBgYEYOnQojIyMYGdnh927d6uOR0VF4dixYzh37pxq9Tg7OxsA8PDhQ/j4+KBfv34wNTWFl5cXKisr24yHMcaacOHLGNMJAoEAe/bswe3bt3Hs2DFcuXIFa9asabW/n58fLC0tcePGDeTl5SEiIgK9evUCANy7dw+enp6YPXs2ioqKkJKSgtzcXISGhmoUk5GREZRKJRobG7F7927s3LkTO3bsQFFRETw8PDBz5kzcvXsXALBnzx6kpqbi5MmTkMlkSEpKwpAhQ1qc99dffwUAZGVloaqqCmfOnGnWZ+7cuXj69CmuXr2qanv27BkyMjLg5+cHAMjJycH8+fOxYsUKFBcX49ChQ0hMTERMTMwbX2NlZSUyMzMhEolUbUqlEpaWljh16hSKi4uxadMmrFu3DidPngQArFq1Cj4+PvD09ERVVRWqqqrg4uKChoYGeHh4QCwWIycnB1KpFH369IGnpyfkcvkbx8QY02HEGGM9REBAAAmFQjI2NlZtc+bMabHvqVOn6J133lHtJyQkUN++fVX7YrGYEhMTWxwbGBhIQUFBam05OTkkEAiorq6uxTGvz19aWkq2trbk6OhIREQSiYRiYmLUxjg5OVFwcDARES1fvpzc3NxIqVS2OD8AOnv2LBERVVRUEADKz89X6xMQEEBeXl6qfS8vL1q0aJFq/9ChQySRSEihUBAR0UcffUSxsbFqcxw/fpwsLCxajIGIKDIykgQCARkbG5OhoSEBIAAUHx/f6hgiopCQEJo9e3arsTad287OTu01+Ouvv8jIyIgyMzPbnJ8xxoiI+B5fxliPMmXKFBw4cEC1b2xsDODv1c+tW7fizp07qKmpQWNjI+rr6/Hq1Sv07t272Tzh4eFYvHgxjh8/rvp3vY2NDYC/b4MoKipCUlKSqj8RQalUoqKiAiNGjGgxtufPn6NPnz5QKpWor6/HxIkTceTIEdTU1ODRo0dwdXVV6+/q6orCwkIAf9+m8PHHH8POzg6enp6YPn06Pvnkk7d6rfz8/LBkyRLs378fBgYGSEpKwueffw6BQKC6TqlUqrbCq1Ao2nzdAMDOzg6pqamor6/H999/j4KCAixfvlytz759+3D06FE8ePAAdXV1kMvlGDt2bJvxFhYWoqysDGKxWK29vr4e9+7d0+IVYIzpGi58GWM9irGxMYYNG6bWVllZienTp2PZsmWIiYmBqakpcnNzERgYCLlc3mIBFxUVhXnz5iEtLQ0XLlxAZGQkkpOTMWvWLNTW1mLp0qUICwtrNm7QoEGtxiYWi3Hr1i0IBAJYWFjAyMgIAFBTU/Ov12Vvb4+KigpcuHABWVlZ8PHxgbu7O06fPv2vY1szY8YMEBHS0tLg5OSEnJwc7Nq1S3W8trYW0dHR8Pb2bjbW0NCw1XlFIpEqB3FxcZg2bRqio6OxZcsWAEBycjJWrVqFnTt3wtnZGWKxGF9//TV++eWXNuOtra2Fg4OD2geOJt3lAUbGWPfGhS9jrMfLy8uDUqnEzp07VauZTfeTtsXW1ha2trZYuXIlvvjiCyQkJGDWrFmwt7dHcXFxswL73wgEghbHmJiYQCKRQCqVYvLkyap2qVSK8ePHq/Xz9fWFr68v5syZA09PTzx79gympqZq8zXdT6tQKNqMx9DQEN7e3khKSkJZWRns7Oxgb2+vOm5vbw+ZTKbxdb5uw4YNcHNzw7Jly1TX6eLiguDgYFWf11dsRSJRs/jt7e2RkpICMzMzmJiYvFVMjDHdxA+3McZ6vGHDhqGhoQF79+5FeXk5jh8/joMHD7bav66uDqGhocjOzsb9+/chlUpx48YN1S0Ma9euxbVr1xAaGoqCggLcvXsX586d0/jhtn9avXo1tm3bhpSUFMhkMkRERKCgoAArVqwAAMTHx+PEiRO4c+cOSktLcerUKZibm7f4oxtmZmYwMjJCRkYGHj9+jOfPn7d6Xj8/P6SlpeHo0aOqh9qabNq0Cd999x2io6Nx+/ZtlJSUIDk5GRs2bNDo2pydnTFmzBjExsYCAIYPH46bN28iMzMTpaWl2LhxI27cuKE2ZsiQISgqKoJMJsOTJ0/Q0NAAPz8/9O/fH15eXsjJyUFFRQWys7MRFhaG33//XaOYGGO6iQtfxliP9/777yM+Ph7btm3DqFGjkJSUpPZVYK8TCoV4+vQp5s+fD1tbW/j4+GDq1KmIjo4GAIwZMwY//vgjSktLMWnSJIwbNw6bNm2CRCLROsawsDCEh4fjq6++wujRo5GRkYHU1FQMHz4cwN+3SWzfvh2Ojo5wcnJCZWUl0tPTVSvY/6Svr489e/bg0KFDkEgk8PLyavW8bm5uMDU1hUwmw7x589SOeXh44Pz587h48SKcnJzwwQcfYNeuXRg8eLDG17dy5UocOXIEDx8+xNKlS+Ht7Q1fX19MmDABT58+VVv9BYAlS5bAzs4Ojo6OGDBgAKRSKXr37o2ffvoJgwYNgre3N0aMGIHAwEDU19fzCjBj7I3oERF1dRCMMcYYY4x1NF7xZYwxxhhjOoELX8YYY4wxphO48GWMMcYYYzqBC1/GGGOMMaYTuPBljDHGGGM6gQtfxhhjjDGmE7jwZYwxxhhjOoELX8YYY4wxphO48GWMMcYYYzqBC1/GGGOMMaYTuPBljDHGGGM64f9kfHZZ5ke1qQAAAABJRU5ErkJggg==", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "plot_roc_curve(y_test, y_pred)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "#### Standardized data" + ] + }, + { + "cell_type": "code", + "execution_count": 111, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Time taken for GridSearchCV: 608.26 seconds\n", + "Best Hyperparameters:\n", + "{'learning_rate': 0.1, 'max_depth': 3, 'n_estimators': 100, 'subsample': 0.8}\n", + "\n", + "Time taken for training with best hyperparameters: 8.36 seconds\n", + "\n", + "Mean Accuracy: 0.8892219917012449\n", + "Standard Deviation of Accuracy: 0.014251086861520372\n", + "Mean Precision: 0.8494764199981569\n", + "Standard Deviation of Precision: 0.02849725122139536\n", + "Mean Recall: 0.8237143696738173\n", + "Standard Deviation of Recall: 0.03673016743764838\n", + "Mean F1-score: 0.835649264494583\n", + "Standard Deviation of F1-score: 0.022112443252909064\n", + "Mean ROC AUC: 0.8735499204653856\n", + "Standard Deviation of ROC AUC: 0.01767142589371357\n", + "\n", + "Total time taken: 616.63 seconds\n" + ] + } + ], + "source": [ + "from sklearn.ensemble import GradientBoostingClassifier\n", + "from sklearn.model_selection import StratifiedKFold, GridSearchCV\n", + "from sklearn.metrics import accuracy_score, precision_score, recall_score, f1_score, roc_auc_score, confusion_matrix\n", + "import numpy as np\n", + "import time\n", + "\n", + "start_total_time = time.time()\n", + "\n", + "kf = StratifiedKFold(n_splits=10, shuffle=True, random_state=42)\n", + "\n", + "model = GradientBoostingClassifier(random_state=42)\n", + "\n", + "param_grid = {\n", + " 'n_estimators': [10, 100, 200],\n", + " 'learning_rate': [0.01, 0.1, 0.2],\n", + " 'max_depth': [3, 4, 5],\n", + " 'subsample': [0.8, 0.9]\n", + "}\n", + "\n", + "grid_search = GridSearchCV(estimator=model, param_grid=param_grid, cv=kf, scoring='accuracy')\n", + "\n", + "start_time = time.time()\n", + "\n", + "grid_search.fit(standard(x), y)\n", + "\n", + "grid_search_time = time.time() - start_time\n", + "print(f\"Time taken for GridSearchCV: {grid_search_time:.2f} seconds\")\n", + "\n", + "best_params = grid_search.best_params_\n", + "\n", + "print(\"Best Hyperparameters:\")\n", + "print(best_params)\n", + "print()\n", + "\n", + "best_model = grid_search.best_estimator_\n", + "\n", + "start_time = time.time()\n", + "\n", + "accuracy_scores = []\n", + "precision_scores = []\n", + "recall_scores = []\n", + "f1_scores = []\n", + "roc_auc_scores = []\n", + "confusion_matrices = []\n", + "\n", + "for train_index, test_index in kf.split(standard(x), y):\n", + " X_train, X_test = x.iloc[train_index], x.iloc[test_index]\n", + " y_train, y_test = y.iloc[train_index], y.iloc[test_index]\n", + "\n", + " best_model.fit(X_train, y_train)\n", + "\n", + " y_pred = best_model.predict(X_test)\n", + "\n", + " accuracy = accuracy_score(y_test, y_pred)\n", + " accuracy_scores.append(accuracy)\n", + " \n", + " precision = precision_score(y_test, y_pred)\n", + " precision_scores.append(precision)\n", + " \n", + " recall = recall_score(y_test, y_pred)\n", + " recall_scores.append(recall)\n", + " \n", + " f1 = f1_score(y_test, y_pred)\n", + " f1_scores.append(f1)\n", + " \n", + " roc_auc = roc_auc_score(y_test, y_pred)\n", + " roc_auc_scores.append(roc_auc)\n", + " \n", + " confusion = confusion_matrix(y_test, y_pred)\n", + " confusion_matrices.append(confusion)\n", + "\n", + "training_time = time.time() - start_time\n", + "print(f\"Time taken for training with best hyperparameters: {training_time:.2f} seconds\")\n", + "print()\n", + "\n", + "mean_accuracy = np.mean(accuracy_scores)\n", + "std_accuracy = np.std(accuracy_scores)\n", + "\n", + "mean_precision = np.mean(precision_scores)\n", + "std_precision = np.std(precision_scores)\n", + "\n", + "mean_recall = np.mean(recall_scores)\n", + "std_recall = np.std(recall_scores)\n", + "\n", + "mean_f1 = np.mean(f1_scores)\n", + "std_f1 = np.std(f1_scores)\n", + "\n", + "mean_roc_auc = np.mean(roc_auc_scores)\n", + "std_roc_auc = np.std(roc_auc_scores)\n", + "\n", + "print(f\"Mean Accuracy: {mean_accuracy}\")\n", + "print(f\"Standard Deviation of Accuracy: {std_accuracy}\")\n", + "\n", + "print(f\"Mean Precision: {mean_precision}\")\n", + "print(f\"Standard Deviation of Precision: {std_precision}\")\n", + "\n", + "print(f\"Mean Recall: {mean_recall}\")\n", + "print(f\"Standard Deviation of Recall: {std_recall}\")\n", + "\n", + "print(f\"Mean F1-score: {mean_f1}\")\n", + "print(f\"Standard Deviation of F1-score: {std_f1}\")\n", + "\n", + "print(f\"Mean ROC AUC: {mean_roc_auc}\")\n", + "print(f\"Standard Deviation of ROC AUC: {std_roc_auc}\")\n", + "print()\n", + "\n", + "total_time = time.time() - start_total_time\n", + "print(f\"Total time taken: {total_time:.2f} seconds\")" + ] + }, + { + "cell_type": "code", + "execution_count": 112, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "x_train: (1800, 13)\n", + "y_train: (1800,)\n", + "x_test: (601, 13)\n", + "y_test: (601,)\n" + ] + } + ], + "source": [ + "from sklearn.model_selection import train_test_split\n", + "\n", + "x_train, x_test, y_train, y_test = train_test_split(x,y,test_size=0.25,random_state=42)\n", + "\n", + "print(\"x_train:\",x_train.shape)\n", + "print(\"y_train:\",y_train.shape)\n", + "print(\"x_test:\",x_test.shape)\n", + "print(\"y_test:\",y_test.shape)" + ] + }, + { + "cell_type": "code", + "execution_count": 113, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Accuracy: 0.8818635607321131\n", + "Precision: 0.8518518518518519\n", + "Recall: 0.7892156862745098\n", + "F1 Score: 0.8193384223918574\n", + "ROC AUC Score: 0.8593433595100508\n", + "Confusion Matrix:\n", + "[[369 28]\n", + " [ 43 161]]\n" + ] + } + ], + "source": [ + "model = grid_search.best_estimator_\n", + "\n", + "model.fit(x_train, y_train)\n", + "\n", + "y_pred = model.predict(x_test)\n", + "\n", + "y_pred = (y_pred >= 0.5).astype(int)\n", + "\n", + "print(\"Accuracy:\", accuracy_score(y_test, y_pred))\n", + "print(\"Precision:\", precision_score(y_test, y_pred))\n", + "print(\"Recall:\", recall_score(y_test, y_pred))\n", + "print(\"F1 Score:\", f1_score(y_test, y_pred))\n", + "print(\"ROC AUC Score:\", roc_auc_score(y_test, y_pred))\n", + "print(\"Confusion Matrix:\")\n", + "print(confusion_matrix(y_test, y_pred))" + ] + }, + { + "cell_type": "code", + "execution_count": 114, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAokAAAIjCAYAAABvUIGpAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8pXeV/AAAACXBIWXMAAA9hAAAPYQGoP6dpAABIM0lEQVR4nO3dfXzO9f////uxscPMTgzbLMz5yXIapeX87ZxE9JaoRk7eNCpDWuVcra9OFIVOkYjOKEo1hMoqZEjIWSE2IpZhZnv9/vBzfDo8qR3s2LE5btcur8vF8Xo9j9frcRzvty6P7s/X63nYLMuyBAAAAPyNj6cLAAAAQMFDkwgAAAADTSIAAAAMNIkAAAAw0CQCAADAQJMIAAAAA00iAAAADDSJAAAAMNAkAgAAwECTCOAf7dq1S+3atVNwcLBsNpuWLFmSp+f/9ddfZbPZNGfOnDw9b2HWsmVLtWzZ0tNlAPByNIlAIbBnzx7973//U+XKlVWsWDEFBQWpSZMmeumll3TmzBm3Xjs2NlZbt27VU089pXnz5qlRo0ZuvV5+6tu3r2w2m4KCgi77Pe7atUs2m002m03PPfecy+c/dOiQxo8fr5SUlDyoFgDyVxFPFwDgn3366af673//K7vdrvvvv1+1a9fWuXPn9M0332jUqFHatm2bXnvtNbdc+8yZM0pOTtYTTzyhoUOHuuUaUVFROnPmjIoWLeqW8/+bIkWK6PTp01q6dKl69uzpdGz+/PkqVqyYzp49e1XnPnTokCZMmKCKFSuqfv36uX7fl19+eVXXA4C8RJMIFGD79u1Tr169FBUVpVWrVqls2bKOY3Fxcdq9e7c+/fRTt13/6NGjkqSQkBC3XcNms6lYsWJuO/+/sdvtatKkid59912jSVywYIE6d+6sDz/8MF9qOX36tIoXLy4/P798uR4A/BOmm4ECbMqUKTp16pTefPNNpwbxoqpVq+rhhx92vD5//rwmTZqkKlWqyG63q2LFinr88ceVmZnp9L6KFSvq9ttv1zfffKNbbrlFxYoVU+XKlfX22287xowfP15RUVGSpFGjRslms6lixYqSLkzTXvzz340fP142m81pX1JSkpo2baqQkBCVKFFCNWrU0OOPP+44fqV7EletWqVmzZopICBAISEh6tq1q7Zv337Z6+3evVt9+/ZVSEiIgoOD1a9fP50+ffrKX+wlevfureXLl+vEiROOfevXr9euXbvUu3dvY/zx48c1cuRI1alTRyVKlFBQUJA6duyozZs3O8asXr1aN998sySpX79+jmnri5+zZcuWql27tjZu3KjmzZurePHiju/l0nsSY2NjVaxYMePzt2/fXiVLltShQ4dy/VkBILdoEoECbOnSpapcubJuu+22XI0fMGCAxo4dq5tuuklTp05VixYtlJiYqF69ehljd+/erbvuuktt27bV888/r5IlS6pv377atm2bJKl79+6aOnWqJOmee+7RvHnz9OKLL7pU/7Zt23T77bcrMzNTEydO1PPPP6877rhD33777T++b8WKFWrfvr2OHDmi8ePHKz4+XuvWrVOTJk3066+/GuN79uypv/76S4mJierZs6fmzJmjCRMm5LrO7t27y2az6aOPPnLsW7BggWrWrKmbbrrJGL93714tWbJEt99+u1544QWNGjVKW7duVYsWLRwNW61atTRx4kRJ0qBBgzRv3jzNmzdPzZs3d5zn2LFj6tixo+rXr68XX3xRrVq1umx9L730ksqUKaPY2FhlZ2dLkl599VV9+eWXmj59uiIjI3P9WQEg1ywABdLJkyctSVbXrl1zNT4lJcWSZA0YMMBp/8iRIy1J1qpVqxz7oqKiLEnW2rVrHfuOHDli2e12a8SIEY59+/btsyRZzz77rNM5Y2NjraioKKOGcePGWX//18rUqVMtSdbRo0evWPfFa8yePduxr379+lZYWJh17Ngxx77NmzdbPj4+1v33329c74EHHnA655133mmVKlXqitf8++cICAiwLMuy7rrrLqt169aWZVlWdna2FRERYU2YMOGy38HZs2et7Oxs43PY7XZr4sSJjn3r1683PttFLVq0sCRZs2bNuuyxFi1aOO374osvLEnW5MmTrb1791olSpSwunXr9q+fEQCuFkkiUEClp6dLkgIDA3M1/rPPPpMkxcfHO+0fMWKEJBn3LkZHR6tZs2aO12XKlFGNGjW0d+/eq675UhfvZfz444+Vk5OTq/ccPnxYKSkp6tu3r0JDQx3769atq7Zt2zo+598NHjzY6XWzZs107Ngxx3eYG71799bq1auVmpqqVatWKTU19bJTzdKF+xh9fC786zM7O1vHjh1zTKX/+OOPub6m3W5Xv379cjW2Xbt2+t///qeJEyeqe/fuKlasmF599dVcXwsAXEWTCBRQQUFBkqS//vorV+N/++03+fj4qGrVqk77IyIiFBISot9++81pf4UKFYxzlCxZUn/++edVVmy6++671aRJEw0YMEDh4eHq1auX3nvvvX9sGC/WWaNGDeNYrVq19McffygjI8Np/6WfpWTJkpLk0mfp1KmTAgMDtWjRIs2fP18333yz8V1elJOTo6lTp6patWqy2+0qXbq0ypQpoy1btujkyZO5vuYNN9zg0kMqzz33nEJDQ5WSkqJp06YpLCws1+8FAFfRJAIFVFBQkCIjI/XTTz+59L5LHxy5El9f38vutyzrqq9x8X65i/z9/bV27VqtWLFC9913n7Zs2aK7775bbdu2NcZei2v5LBfZ7XZ1795dc+fO1eLFi6+YIkrS008/rfj4eDVv3lzvvPOOvvjiCyUlJenGG2/MdWIqXfh+XLFp0yYdOXJEkrR161aX3gsArqJJBAqw22+/XXv27FFycvK/jo2KilJOTo527drltD8tLU0nTpxwPKmcF0qWLOn0JPBFl6aVkuTj46PWrVvrhRde0M8//6ynnnpKq1at0ldffXXZc1+sc+fOncaxHTt2qHTp0goICLi2D3AFvXv31qZNm/TXX39d9mGfiz744AO1atVKb775pnr16qV27dqpTZs2xneS24Y9NzIyMtSvXz9FR0dr0KBBmjJlitavX59n5weAS9EkAgXYo48+qoCAAA0YMEBpaWnG8T179uill16SdGG6VJLxBPILL7wgSercuXOe1VWlShWdPHlSW7Zscew7fPiwFi9e7DTu+PHjxnsvLip96bI8F5UtW1b169fX3LlznZqun376SV9++aXjc7pDq1atNGnSJL388suKiIi44jhfX18jpXz//ff1+++/O+272MxerqF21ejRo7V//37NnTtXL7zwgipWrKjY2Ngrfo8AcK1YTBsowKpUqaIFCxbo7rvvVq1atZx+cWXdunV6//331bdvX0lSvXr1FBsbq9dee00nTpxQixYt9MMPP2ju3Lnq1q3bFZdXuRq9evXS6NGjdeedd+qhhx7S6dOnNXPmTFWvXt3pwY2JEydq7dq16ty5s6KionTkyBHNmDFD5cqVU9OmTa94/meffVYdO3ZUTEyM+vfvrzNnzmj69OkKDg7W+PHj8+xzXMrHx0dPPvnkv467/fbbNXHiRPXr10+33Xabtm7dqvnz56ty5cpO46pUqaKQkBDNmjVLgYGBCggIUOPGjVWpUiWX6lq1apVmzJihcePGOZbkmT17tlq2bKkxY8ZoypQpLp0PAHLFw09XA8iFX375xRo4cKBVsWJFy8/PzwoMDLSaNGliTZ8+3Tp79qxjXFZWljVhwgSrUqVKVtGiRa3y5ctbCQkJTmMs68ISOJ07dzauc+nSK1daAseyLOvLL7+0ateubfn5+Vk1atSw3nnnHWMJnJUrV1pdu3a1IiMjLT8/PysyMtK65557rF9++cW4xqXLxKxYscJq0qSJ5e/vbwUFBVldunSxfv75Z6cxF6936RI7s2fPtiRZ+/btu+J3alnOS+BcyZWWwBkxYoRVtmxZy9/f32rSpImVnJx82aVrPv74Yys6OtoqUqSI0+ds0aKFdeONN172mn8/T3p6uhUVFWXddNNNVlZWltO44cOHWz4+PlZycvI/fgYAuBo2y3Lhzm4AAAB4Be5JBAAAgIEmEQAAAAaaRAAAABhoEgEAAGCgSQQAAICBJhEAAAAGmkQAAAAYrstfXPFvMNTTJQBwkz/Xv+zpEgC4STEPdiXu7B3ObCqc/94iSQQAAIDhukwSAQAAXGIjN7sUTSIAAIDN5ukKChzaZgAAABhIEgEAAJhuNvCNAAAAwECSCAAAwD2JBpJEAAAAGEgSAQAAuCfRwDcCAAAAA0kiAAAA9yQaaBIBAACYbjbwjQAAAMBAkggAAMB0s4EkEQAAAAaSRAAAAO5JNPCNAAAAwECSCAAAwD2JBpJEAAAAGEgSAQAAuCfRQJMIAADAdLOBthkAAKCAmDlzpurWraugoCAFBQUpJiZGy5cvdxxv2bKlbDab0zZ48GCnc+zfv1+dO3dW8eLFFRYWplGjRun8+fMu10KSCAAAUECmm8uVK6dnnnlG1apVk2VZmjt3rrp27apNmzbpxhtvlCQNHDhQEydOdLynePHijj9nZ2erc+fOioiI0Lp163T48GHdf//9Klq0qJ5++mmXaqFJBAAAcKPMzExlZmY67bPb7bLb7cbYLl26OL1+6qmnNHPmTH333XeOJrF48eKKiIi47LW+/PJL/fzzz1qxYoXCw8NVv359TZo0SaNHj9b48ePl5+eX67oLRtsMAADgSTYft22JiYkKDg522hITE/+1pOzsbC1cuFAZGRmKiYlx7J8/f75Kly6t2rVrKyEhQadPn3YcS05OVp06dRQeHu7Y1759e6Wnp2vbtm0ufSUkiQAAAG6UkJCg+Ph4p32XSxEv2rp1q2JiYnT27FmVKFFCixcvVnR0tCSpd+/eioqKUmRkpLZs2aLRo0dr586d+uijjyRJqampTg2iJMfr1NRUl+qmSQQAAPBx39PNV5pavpIaNWooJSVFJ0+e1AcffKDY2FitWbNG0dHRGjRokGNcnTp1VLZsWbVu3Vp79uxRlSpV8rRuppsBAAAKED8/P1WtWlUNGzZUYmKi6tWrp5deeumyYxs3bixJ2r17tyQpIiJCaWlpTmMuvr7SfYxXQpMIAADgxnsSr1VOTo7x4MtFKSkpkqSyZctKkmJiYrR161YdOXLEMSYpKUlBQUGOKevcYroZAACggCymnZCQoI4dO6pChQr666+/tGDBAq1evVpffPGF9uzZowULFqhTp04qVaqUtmzZouHDh6t58+aqW7euJKldu3aKjo7WfffdpylTpig1NVVPPvmk4uLiXJrylmgSAQAACowjR47o/vvv1+HDhxUcHKy6devqiy++UNu2bXXgwAGtWLFCL774ojIyMlS+fHn16NFDTz75pOP9vr6+WrZsmYYMGaKYmBgFBAQoNjbWaV3F3LJZlmXl5YcrCPwbDPV0CQDc5M/1L3u6BABuUsyD0ZV/m2fcdu4zKx5z27ndiXsSAQAAYGC6GQAAoIDck1iQkCQCAADAQJIIAACQB0vVXG/4RgAAAGAgSQQAAOCeRANNIgAAANPNBr4RAAAAGEgSAQAAmG42kCQCAADAQJIIAADAPYkGvhEAAAAYSBIBAAC4J9FAkggAAAADSSIAAAD3JBpoEgEAAGgSDXwjAAAAMJAkAgAA8OCKgSQRAAAABpJEAAAA7kk08I0AAADAQJIIAADAPYkGkkQAAAAYSBIBAAC4J9FAkwgAAMB0s4G2GQAAAAaSRAAA4PVsJIkGkkQAAAAYSBIBAIDXI0k0kSQCAADAQJIIAABAkGggSQQAAICBJBEAAHg97kk00SQCAACvR5NoYroZAAAABpJEAADg9UgSTSSJAAAAMJAkAgAAr0eSaCJJBAAAgIEkEQAAgCDRQJIIAAAAA0kiAADwetyTaCJJBAAAgIEkEQAAeD2SRBNNIgAA8Ho0iSammwEAAGAgSQQAAF6PJNFEkggAAAADSSIAAABBooEkEQAAAAaSRAAA4PW4J9FEkggAAAADSSIAAPB6JIkmmkQAAOD1aBJNTDcDAADAQJIIAABAkGggSQQAACggZs6cqbp16yooKEhBQUGKiYnR8uXLHcfPnj2ruLg4lSpVSiVKlFCPHj2UlpbmdI79+/erc+fOKl68uMLCwjRq1CidP3/e5VpoEgEAgNez2Wxu21xRrlw5PfPMM9q4caM2bNig//znP+ratau2bdsmSRo+fLiWLl2q999/X2vWrNGhQ4fUvXt3x/uzs7PVuXNnnTt3TuvWrdPcuXM1Z84cjR071vXvxLIsy+V3FXD+DYZ6ugQAbvLn+pc9XQIANynmwZvgwge877Zzp73x32t6f2hoqJ599lndddddKlOmjBYsWKC77rpLkrRjxw7VqlVLycnJuvXWW7V8+XLdfvvtOnTokMLDwyVJs2bN0ujRo3X06FH5+fnl+rokiQAAwOu5M0nMzMxUenq605aZmfmvNWVnZ2vhwoXKyMhQTEyMNm7cqKysLLVp08YxpmbNmqpQoYKSk5MlScnJyapTp46jQZSk9u3bKz093ZFG5hZNIgAAgBslJiYqODjYaUtMTLzi+K1bt6pEiRKy2+0aPHiwFi9erOjoaKWmpsrPz08hISFO48PDw5WamipJSk1NdWoQLx6/eMwVPN0MAAC8njvXSUxISFB8fLzTPrvdfsXxNWrUUEpKik6ePKkPPvhAsbGxWrNmjdvquxKaRAAA4PXc2STa7fZ/bAov5efnp6pVq0qSGjZsqPXr1+ull17S3XffrXPnzunEiRNOaWJaWpoiIiIkSREREfrhhx+cznfx6eeLY3KL6WYAAIACLCcnR5mZmWrYsKGKFi2qlStXOo7t3LlT+/fvV0xMjCQpJiZGW7du1ZEjRxxjkpKSFBQUpOjoaJeuS5IIAABQQBbTTkhIUMeOHVWhQgX99ddfWrBggVavXq0vvvhCwcHB6t+/v+Lj4xUaGqqgoCANGzZMMTExuvXWWyVJ7dq1U3R0tO677z5NmTJFqampevLJJxUXF+dSminRJAIAABQYR44c0f3336/Dhw8rODhYdevW1RdffKG2bdtKkqZOnSofHx/16NFDmZmZat++vWbMmOF4v6+vr5YtW6YhQ4YoJiZGAQEBio2N1cSJE12uhXUSARQqrJMIXL88uU7iDUMWu+3cv8+8023ndifuSQQAAICB6WYAAOD13Pl0c2FFkggAAAADSSIAAPB6JIkmmkQAAAB6RAPTzQAAADCQJAIAAK/HdLOJJBEAAAAGkkQAAOD1SBJNJIkAAAAwkCSiwBn436YaeFczRUWGSpK2703V068t15ff/uwY07huJY2Pu10316mo7Owcbfnld3V58BWdzcySJNWvWU6TH+6mhjdWUHa2pSUrUzT6+Q+VceacRz4TgMt78/VXtTLpS+3bt1f2YsVUv34DPRI/UhUrVXaM+ePoUb3w/BR9t26dMk5nqGLFSho4aLDatGvvwcpxvSFJNJEkosD5Pe2Exkz/WLf1maImfZ7V6h9+0ftTB6lW5QhJFxrEj19+UCu/26Fm9z6rpvc+q1kL1ygn58LPkJctE6xPZw3TngNH1fy+59Q17hVFV4nQ6xPv8+THAnAZG9b/oLvv6aN5776nV1+frfPnz2vwwP46ffq0Y8wTj4/Wr/v26aWXZ+rDxUvVuk1bjRrxiLZv//kfzgzgWpEkosD5bO1PTq/Hv7JUA//bVLfUraTte1M1ZUR3zVi4Ws/NTnKM2fXbEcefOzarrazz2Xok8T1Z1oXGcdhTi7Th/cdVuXxp7T3wR/58EAD/auZrbzq9nvjUM2rVLEbbf96mho1uliRt3rRJT4wdpzp160qSBg1+UO+8PVfbt21TrVrR+V4zrk8kiSaPNol//PGH3nrrLSUnJys1NVWSFBERodtuu019+/ZVmTJlPFkeCgAfH5t6tL1JAf5++n7LPpUpWUK31K2khcs36Ks58apUrrR++TVN419eqnUpeyVJdr8iysrKdjSIknQm88I08231q9AkAgXYqb/+kiQFBQc79tVr0EBffL5czZu3VGBQkL74fLkyz2Wq0c23eKpMXI/oEQ0em25ev369qlevrmnTpik4OFjNmzdX8+bNFRwcrGnTpqlmzZrasGHDv54nMzNT6enpTpuVk50PnwDudGPVSB399nmd/P5FTXvibt094nXt2JuqSuVKS5Ke+F8nvfXROnWNm6GU7Qf02avDVKXChf+oWP3DToWXCtLw+1uraBFfhQT6a/JDXSVJEWWCr3hNAJ6Vk5OjKf/vadVvcJOqVavu2P/s8y/qfNZ5NW/SWDc3qKPJE8Zq6ksvq0JUlAerBa5/HksShw0bpv/+97+aNWuWEfFalqXBgwdr2LBhSk5O/sfzJCYmasKECU77fMNvVtGy/BdmYfbLr2lq3CtRwSX8dWebBnp94n1qN+Al+fhc+P/Kmx9+o3mffCdJ2rzzoFreUkOxXWM0dvon2r43VQPHztMzI7pr4rA7lJ2ToxnvrlHqH+mycnI8+bEA/IOnJ0/Qnl27NGfeAqf9r0x/SX/9la7X3pyjkJCS+mrVCj064hHNfnu+qlWv4aFqcb1hutnksSZx8+bNmjNnzmX/R7HZbBo+fLgaNGjwr+dJSEhQfHy8076wZqPzrE54Rtb5bMe08KbtB9TwxgqKu6el4z7E7XtTncbv3Jeq8hElHa8Xfb5Biz7foLDQQGWcyZRlSQ/d+x/tO3gs/z4EgFx7evJErV2zWm/NfUfhERGO/Qf279fCBe/ow4+XqWrVapKkGjVr6seNG7Tw3fkaM26ip0oGrnseaxIjIiL0ww8/qGbNmpc9/sMPPyg8PPxfz2O322W325322Xx886RGFBw+NpvsfkX026FjOnTkhKpXDHM6XjUqzGmJnIuOHL9wf9P9XW/V2XNZWvndjnypF0DuWJalxKcmadXKJL05Z57KlSvvdPzs2TOSJB+b891RPj6+snIsAXmFJNHksSZx5MiRGjRokDZu3KjWrVs7GsK0tDStXLlSr7/+up577jlPlQcPmjjsDn3x7TYdOPynAgOK6e6OjdS8UTV1eXCGJGnq3BV6cnBnbf3ld23eeVD3dmmsGhXD1XvU/z0lOfju5vpu816dOn1OrW+tqacf6aYx0z/WyVNnPPWxAFzG05MmaPlny/Ti9BkKKB6gP44elSSVCAxUsWLFVLFSZVWoEKVJE8YqfuRohYSEaNWqFfou+VtNn/Gqh6sHrm826++PgOazRYsWaerUqdq4caOysy88bOLr66uGDRsqPj5ePXv2vKrz+jcYmpdlIp/NHNdbrW6poYjSQTp56qx+2vW7np+9Qqu+/78UcGS/tvpfz+YqGVxcW3/5XU+8uMTxdLMkvTHpPnVoWlslivtp569pevHtlXr30/We+DjIY3+uf9nTJSAP1bvx8vcUTpycqK53dpck/fbbr3rphee1adNGnT59WhXKV9D9/R5Qlzu65WOlyA/FPLjmStWRy9127t3PdXTbud3Jo03iRVlZWfrjjwv3n5UuXVpFixa9pvPRJALXL5pE4PpFk1iwFIjFtIsWLaqyZct6ugwAAOCluCfRVCCaRAAAAE+iRzTx280AAAAwkCQCAACvx3SziSQRAAAABpJEAADg9QgSTSSJAAAAMJAkAgAAr+fjQ5R4KZJEAAAAGEgSAQCA1+OeRBNNIgAA8HosgWNiuhkAAAAGkkQAAOD1CBJNJIkAAAAwkCQCAACvxz2JJpJEAAAAGEgSAQCA1yNJNJEkAgAAwECSCAAAvB5BookmEQAAeD2mm01MNwMAAMBAkggAALweQaKJJBEAAAAGkkQAAOD1uCfRRJIIAAAAA0kiAADwegSJJpJEAAAAGEgSAQCA1+OeRBNJIgAAAAwkiQAAwOsRJJpoEgEAgNdjutnEdDMAAAAMJIkAAMDrESSaSBIBAABgIEkEAABej3sSTSSJAAAAMNAkAgAAr2ezuW9zRWJiom6++WYFBgYqLCxM3bp1086dO53GtGzZUjabzWkbPHiw05j9+/erc+fOKl68uMLCwjRq1CidP3/epVqYbgYAACgg1qxZo7i4ON188806f/68Hn/8cbVr104///yzAgICHOMGDhyoiRMnOl4XL17c8efs7Gx17txZERERWrdunQ4fPqz7779fRYsW1dNPP53rWmgSAQCA1yso9yR+/vnnTq/nzJmjsLAwbdy4Uc2bN3fsL168uCIiIi57ji+//FI///yzVqxYofDwcNWvX1+TJk3S6NGjNX78ePn5+eWqFqabAQCA13PndHNmZqbS09OdtszMzFzVdfLkSUlSaGio0/758+erdOnSql27thISEnT69GnHseTkZNWpU0fh4eGOfe3bt1d6erq2bduW6++EJhEAAMCNEhMTFRwc7LQlJib+6/tycnL0yCOPqEmTJqpdu7Zjf+/evfXOO+/oq6++UkJCgubNm6d7773XcTw1NdWpQZTkeJ2amprrupluBgAAXs+d080JCQmKj4932me32//1fXFxcfrpp5/0zTffOO0fNGiQ48916tRR2bJl1bp1a+3Zs0dVqlTJm6JFkggAAOBWdrtdQUFBTtu/NYlDhw7VsmXL9NVXX6lcuXL/OLZx48aSpN27d0uSIiIilJaW5jTm4usr3cd4OTSJAADA6126pExebq6wLEtDhw7V4sWLtWrVKlWqVOlf35OSkiJJKlu2rCQpJiZGW7du1ZEjRxxjkpKSFBQUpOjo6FzXwnQzAABAAREXF6cFCxbo448/VmBgoOMewuDgYPn7+2vPnj1asGCBOnXqpFKlSmnLli0aPny4mjdvrrp160qS2rVrp+joaN13332aMmWKUlNT9eSTTyouLi5X09wX0SQCAACvV0BWwNHMmTMlXVgw++9mz56tvn37ys/PTytWrNCLL76ojIwMlS9fXj169NCTTz7pGOvr66tly5ZpyJAhiomJUUBAgGJjY53WVcwNmkQAAIACwrKsfzxevnx5rVmz5l/PExUVpc8+++yaaqFJBAAAXq+gLKZdkNAkAgAAr0ePaOLpZgAAABhIEgEAgNdjutlEkggAAAADSSIAAPB6BIkmkkQAAAAYSBIBAIDX8yFKNJAkAgAAwECSCAAAvB5BookmEQAAeD2WwDEx3QwAAAADSSIAAPB6PgSJBpJEAAAAGEgSAQCA1+OeRBNJIgAAAAwkiQAAwOsRJJpIEgEAAGAgSQQAAF7PJqLES9EkAgAAr8cSOCammwEAAGAgSQQAAF6PJXBMJIkAAAAwkCQCAACvR5BoIkkEAACAgSQRAAB4PR+iRANJIgAAAAx50iSeOHEiL04DAADgETab+7bCyuUm8f/9v/+nRYsWOV737NlTpUqV0g033KDNmzfnaXEAAAD5wWazuW0rrFxuEmfNmqXy5ctLkpKSkpSUlKTly5erY8eOGjVqVJ4XCAAAgPzn8oMrqampjiZx2bJl6tmzp9q1a6eKFSuqcePGeV4gAACAuxXiwM9tXE4SS5YsqQMHDkiSPv/8c7Vp00aSZFmWsrOz87Y6AAAAeITLSWL37t3Vu3dvVatWTceOHVPHjh0lSZs2bVLVqlXzvEAAAAB3Ywkck8tN4tSpU1WxYkUdOHBAU6ZMUYkSJSRJhw8f1oMPPpjnBQIAACD/udwkFi1aVCNHjjT2Dx8+PE8KAgAAyG/kiKZcNYmffPJJrk94xx13XHUxAAAAKBhy1SR269YtVyez2Ww8vAIAAAqdwryeobvkqknMyclxdx0AAAAe40OPaLimn+U7e/ZsXtUBAACAAsTlJjE7O1uTJk3SDTfcoBIlSmjv3r2SpDFjxujNN9/M8wIBAADcjZ/lM7ncJD711FOaM2eOpkyZIj8/P8f+2rVr64033sjT4gAAAOAZLjeJb7/9tl577TX16dNHvr6+jv316tXTjh078rQ4AACA/GCzuW8rrFxuEn///ffL/rJKTk6OsrKy8qQoAAAAeJbLTWJ0dLS+/vprY/8HH3ygBg0a5ElRAAAA+Yl7Ek0u/+LK2LFjFRsbq99//105OTn66KOPtHPnTr399ttatmyZO2oEAABAPnM5SezatauWLl2qFStWKCAgQGPHjtX27du1dOlStW3b1h01AgAAuJWPzX1bYeVykihJzZo1U1JSUl7XAgAA4BGFeVrYXa6qSZSkDRs2aPv27ZIu3KfYsGHDPCsKAAAAnuVyk3jw4EHdc889+vbbbxUSEiJJOnHihG677TYtXLhQ5cqVy+saAQAA3Ioc0eTyPYkDBgxQVlaWtm/fruPHj+v48ePavn27cnJyNGDAAHfUCAAAgHzmcpK4Zs0arVu3TjVq1HDsq1GjhqZPn65mzZrlaXEAAAD5wYd7Eg0uJ4nly5e/7KLZ2dnZioyMzJOiAAAA4FkuN4nPPvushg0bpg0bNjj2bdiwQQ8//LCee+65PC0OAAAgP/CzfKZcTTeXLFnS6dHwjIwMNW7cWEWKXHj7+fPnVaRIET3wwAPq1q2bWwoFAABA/slVk/jiiy+6uQwAAADPYZ1EU66axNjYWHfXAQAAgALkqhfTlqSzZ8/q3LlzTvuCgoKuqSAAAID8RpBocvnBlYyMDA0dOlRhYWEKCAhQyZIlnTYAAIDCxsdmc9vmisTERN18880KDAxUWFiYunXrpp07dzqNOXv2rOLi4lSqVCmVKFFCPXr0UFpamtOY/fv3q3PnzipevLjCwsI0atQonT9/3rXvxKXRkh599FGtWrVKM2fOlN1u1xtvvKEJEyYoMjJSb7/9tqunAwAAwP9vzZo1iouL03fffaekpCRlZWWpXbt2ysjIcIwZPny4li5dqvfff19r1qzRoUOH1L17d8fx7Oxsde7cWefOndO6des0d+5czZkzR2PHjnWpFptlWZYrb6hQoYLefvtttWzZUkFBQfrxxx9VtWpVzZs3T++++64+++wzlwpwB/8GQz1dAgA3+XP9y54uAYCbFLumm+CuzYMf/ey2c8/oHn3V7z169KjCwsK0Zs0aNW/eXCdPnlSZMmW0YMEC3XXXXZKkHTt2qFatWkpOTtatt96q5cuX6/bbb9ehQ4cUHh4uSZo1a5ZGjx6to0ePys/PL1fXdjlJPH78uCpXrizpwv2Hx48flyQ1bdpUa9eudfV0AAAA17XMzEylp6c7bZmZmbl678mTJyVJoaGhkqSNGzcqKytLbdq0cYypWbOmKlSooOTkZElScnKy6tSp42gQJal9+/ZKT0/Xtm3bcl23y01i5cqVtW/fPkdR7733niRp6dKlCgkJcfV0AAAAHmez2dy2JSYmKjg42GlLTEz815pycnL0yCOPqEmTJqpdu7YkKTU1VX5+fkbPFR4ertTUVMeYvzeIF49fPJZbLge7/fr10+bNm9WiRQs99thj6tKli15++WVlZWXphRdecPV0AAAA17WEhATFx8c77bPb7f/6vri4OP3000/65ptv3FXaP3K5SRw+fLjjz23atNGOHTu0ceNGVa1aVXXr1s3T4q7WoW9f8nQJANzk7Q2/eboEAG4y6NYoj13b5alVF9jt9lw1hX83dOhQLVu2TGvXrlW5cuUc+yMiInTu3DmdOHHCKU1MS0tTRESEY8wPP/zgdL6LTz9fHJMb1/ydREVFqXv37gWmQQQAACisLMvS0KFDtXjxYq1atUqVKlVyOt6wYUMVLVpUK1eudOzbuXOn9u/fr5iYGElSTEyMtm7dqiNHjjjGJCUlKSgoSNHRuX+IJldJ4rRp03J9woceeijXYwEAAAqCgvKzfHFxcVqwYIE+/vhjBQYGOu4hDA4Olr+/v4KDg9W/f3/Fx8crNDRUQUFBGjZsmGJiYnTrrbdKktq1a6fo6Gjdd999mjJlilJTU/Xkk08qLi7OpUQzV0vgXNrFXvFkNpv27t2b64u7y5+nsz1dAgA3eX/LQU+XAMBNPDnd/MjHO9x27he71sz12Cs1q7Nnz1bfvn0lXVhMe8SIEXr33XeVmZmp9u3ba8aMGU5Tyb/99puGDBmi1atXKyAgQLGxsXrmmWdUpEju7zR0eZ3EwoAmEbh+0SQC1y+axILFg8tWAgAAFAw+BWO2uUBx58M8AAAAKKRIEgEAgNcrKA+uFCQkiQAAADCQJAIAAK/HPYmmq0oSv/76a917772KiYnR77//LkmaN2+ex342BgAAAHnL5Sbxww8/VPv27eXv769NmzYpMzNTknTy5Ek9/fTTeV4gAACAu9ls7tsKK5ebxMmTJ2vWrFl6/fXXVbRoUcf+Jk2a6Mcff8zT4gAAAPKDj83mtq2wcrlJ3Llzp5o3b27sDw4O1okTJ/KiJgAAAHiYy01iRESEdu/ebez/5ptvVLly5TwpCgAAID/5uHErrFyufeDAgXr44Yf1/fffy2az6dChQ5o/f75GjhypIUOGuKNGAAAA5DOXl8B57LHHlJOTo9atW+v06dNq3ry57Ha7Ro4cqWHDhrmjRgAAALcqxLcOuo3LTaLNZtMTTzyhUaNGaffu3Tp16pSio6NVokQJd9QHAAAAD7jqxbT9/PwUHR2dl7UAAAB4RGF+CtldXG4SW7Vq9Y+/b7hq1aprKggAAACe53KTWL9+fafXWVlZSklJ0U8//aTY2Ni8qgsAACDfECSaXG4Sp06detn948eP16lTp665IAAAgPzGbzeb8mz5nnvvvVdvvfVWXp0OAAAAHnTVD65cKjk5WcWKFcur0wEAAOQbHlwxudwkdu/e3em1ZVk6fPiwNmzYoDFjxuRZYQAAAPAcl5vE4OBgp9c+Pj6qUaOGJk6cqHbt2uVZYQAAAPmFINHkUpOYnZ2tfv36qU6dOipZsqS7agIAAICHufTgiq+vr9q1a6cTJ064qRwAAID852Nz31ZYufx0c+3atbV371531AIAAIACwuUmcfLkyRo5cqSWLVumw4cPKz093WkDAAAobGxu/KewyvU9iRMnTtSIESPUqVMnSdIdd9zh9PN8lmXJZrMpOzs776sEAABwo8I8LewuuW4SJ0yYoMGDB+urr75yZz0AAAAoAHLdJFqWJUlq0aKF24oBAADwBJJEk0v3JNpYRAgAAMAruLROYvXq1f+1UTx+/Pg1FQQAAJDfCMJMLjWJEyZMMH5xBQAAANcfl5rEXr16KSwszF21AAAAeAT3JJpyfU8iMSwAAID3cPnpZgAAgOsNWZgp101iTk6OO+sAAADwGB+6RIPLP8sHAACA659LD64AAABcj3hwxUSSCAAAAANJIgAA8HrckmgiSQQAAICBJBEAAHg9HxElXookEQAAAAaSRAAA4PW4J9FEkwgAALweS+CYmG4GAACAgSQRAAB4PX6Wz0SSCAAAAANJIgAA8HoEiSaSRAAAABhIEgEAgNfjnkQTSSIAAAAMJIkAAMDrESSaaBIBAIDXY2rVxHcCAAAAA0kiAADwejbmmw0kiQAAADCQJAIAAK9HjmgiSQQAAChA1q5dqy5duigyMlI2m01LlixxOt63b1/ZbDanrUOHDk5jjh8/rj59+igoKEghISHq37+/Tp065VIdNIkAAMDr+dhsbttclZGRoXr16umVV1654pgOHTro8OHDju3dd991Ot6nTx9t27ZNSUlJWrZsmdauXatBgwa5VAfTzQAAAG6UmZmpzMxMp312u112u/2y4zt27KiOHTv+4zntdrsiIiIue2z79u36/PPPtX79ejVq1EiSNH36dHXq1EnPPfecIiMjc1U3SSIAAPB6NjduiYmJCg4OdtoSExOvqd7Vq1crLCxMNWrU0JAhQ3Ts2DHHseTkZIWEhDgaRElq06aNfHx89P333+f6GiSJAADA67lzBZyEhATFx8c77btSipgbHTp0UPfu3VWpUiXt2bNHjz/+uDp27Kjk5GT5+voqNTVVYWFhTu8pUqSIQkNDlZqamuvr0CQCAAC40T9NLV+NXr16Of5cp04d1a1bV1WqVNHq1avVunXrPLsO080AAMDrXfq0cF5u7la5cmWVLl1au3fvliRFREToyJEjTmPOnz+v48ePX/E+xsuhSQQAACjEDh48qGPHjqls2bKSpJiYGJ04cUIbN250jFm1apVycnLUuHHjXJ+X6WYAAOD1ClJqdurUKUcqKEn79u1TSkqKQkNDFRoaqgkTJqhHjx6KiIjQnj179Oijj6pq1apq3769JKlWrVrq0KGDBg4cqFmzZikrK0tDhw5Vr169cv1ks1SwvhMAAACvt2HDBjVo0EANGjSQJMXHx6tBgwYaO3asfH19tWXLFt1xxx2qXr26+vfvr4YNG+rrr792uu9x/vz5qlmzplq3bq1OnTqpadOmeu2111yqw2ZZlpWnn6wA+PN0tqdLAOAm72856OkSALjJoFujPHbt91IOue3cPevnPr0rSEgSAQAAYOCeRAAA4PXc/wxy4UOSCAAAAANJIgAA8Hr5sZ5hYUOTCAAAvB5Tqya+EwAAABhIEgEAgNdjutlEkggAAAADSSIAAPB65IgmkkQAAAAYSBIBAIDX45ZEE0kiAAAADCSJAADA6/lwV6KBJhEAAHg9pptNTDcDAADAQJIIAAC8no3pZgNJIgAAAAwkiQAAwOtxT6KJJBEAAAAGkkQAAOD1WALHRJIIAAAAA0kiAADwetyTaKJJBAAAXo8m0cR0MwAAAAwkiQAAwOuxmLaJJBEAAAAGkkQAAOD1fAgSDSSJAAAAMJAkAgAAr8c9iSaSRAAAABhIEgEAgNdjnUQTTSIAAPB6TDebmG4GAACAgSQRAAB4PZbAMZEkAgAAwECSCAAAvB73JJpIEgEAAGAgSUSh8/Zbr2vG9Km6u/d9Gj4qQZL0zORxWv/9d/rj6BH5+xdXnXr1FffwCFWsVNnD1QK41MEdW7R++ftK+3WXMk4c1x0PjVO1hk2cxhw7tF9rF72hgzu3KCc7W6VuiNIdw8YqqFSYJGnLV59q+3df6civu3Xu7GnFzfhIxQJKeOLj4DrBEjgmmkQUKj9v26rFH76nqtVqOO2vWetGte/YReFlyyr95Em9MesVPfzgAH20LEm+vr4eqhbA5WRlnlWZ8pVVu1l7fTJ9onH8RNohLZw8XLVbdNBt3e+XvVhx/fH7bypStOj/neNcpirWaaSKdRrpm/ffys/yAa9Bk4hC4/TpDI17/FEljJmg2W+86nSsW4+ejj9HRt6g/8U9pPvuvlOHD/2ucuUr5HepAP5BpXq3qFK9W654/JsPZ6tSvVvU4u6Bjn0h4ZFOYxq27y5JOrB9s3uKhNchSDRxTyIKjecSJ6tJsxa65dbb/nHcmTOn9eknixV5QzmFR0TkU3UA8oKVk6O9m39QyYgb9MGzCZox9L+aP2GYdm381tOl4TrnY7O5bSusCnSTeODAAT3wwAP/OCYzM1Pp6elOW2ZmZj5ViPyS9Pln2rnjZw0ZNvyKYz547121uq2hWt3WSMnffq1pM99Q0aJ++VglgGt1Ov2Ess6e0Q/LFqlSnUa6a9QzqtqwiT6ZPlEHdmzxdHmAVynQTeLx48c1d+7cfxyTmJio4OBgp23qc8/kU4XID2mph/XCs4ka/9QU2e32K47r0PF2zX33Q818422Vr1BRT4yO5z8YgELGsixJUtWbblPDDj0UFlVFjW/vpcr1GmvzqmUerg7XM5sbt8LKo/ckfvLJJ/94fO/evf96joSEBMXHxzvtO53NrZbXkx3bt+nP48fUt/ddjn3Z2dlK+XGDPli0QGu/T5Gvr69KBAaqRGCgKkRVVO26ddW2eYzWrFqhdh07e7B6AK7wDwySj6+vSkU630tcKrKCfv/lJw9VBXgnj3ZT3bp1k81mc/yX4+XY/mUu3263G+lS9unsPKkPBUOjW2I0//2PnfZNHveEoipV0n19B1z26WXLkixZOpd1Lr/KBJAHfIsUVXilGjqeetBp/5+pBxVUOtxDVcErFObIz0082iSWLVtWM2bMUNeuXS97PCUlRQ0bNsznqlDQBAQEqErVak77ivn7Kzg4RFWqVtPvBw9oxRfL1TimiUJKltSRtDS9PfsN2e123da0uYeqBnAl586e0Ym0Q47X6UdTdeS3PSpWIlBBpcJ0c8e7tGzG0ypXo47K16qnX7ds0J6U79Qz4TnHezJOHFfGyT/15/9/nj8O7pNfseIKLFVG/iWC8v0zAdcjjzaJDRs21MaNG6/YJP5byghIkp+fXSmbNmrhgnn6K/2kQkuVVv2bGur1OQsUGlrK0+UBuETavl/03jOjHK9Xv3thSasbm7ZVh4GjVK1RU7Xp+5B+WLZQX70zQyXLltMdw8aqXPXajvds/mqZkpe843i96OkRkqT2A0aqdrN2+fRJcD3hZ/lMNsuDXdjXX3+tjIwMdejQ4bLHMzIytGHDBrVo0cKl8/7JdDNw3Xp/y8F/HwSgUBp0a5THrv39npNuO3fjKsFuO7c7eTRJbNas2T8eDwgIcLlBBAAAcFUhXs7QbXgMGAAAeD16RFOBXicRAAAAnkGSCAAAQJRoIEkEAACAgSQRAAB4PZbAMZEkAgAAwECSCAAAvB5L4JhIEgEAAAqQtWvXqkuXLoqMjJTNZtOSJUucjluWpbFjx6ps2bLy9/dXmzZttGvXLqcxx48fV58+fRQUFKSQkBD1799fp06dcqkOmkQAAOD1bG7cXJWRkaF69erplVdeuezxKVOmaNq0aZo1a5a+//57BQQEqH379jp79qxjTJ8+fbRt2zYlJSVp2bJlWrt2rQYNGuRSHR79WT534Wf5gOsXP8sHXL88+bN8P/6W7rZz3xQVdNXvtdlsWrx4sbp16ybpQooYGRmpESNGaOTIkZKkkydPKjw8XHPmzFGvXr20fft2RUdHa/369WrUqJEk6fPPP1enTp108OBBRUZG5uraJIkAAABulJmZqfT0dKctMzPzqs61b98+paamqk2bNo59wcHBaty4sZKTkyVJycnJCgkJcTSIktSmTRv5+Pjo+++/z/W1aBIBAIDXs7nxn8TERAUHBzttiYmJV1VnamqqJCk8PNxpf3h4uONYamqqwsLCnI4XKVJEoaGhjjG5wdPNAAAAbpSQkKD4+HinfXa73UPV5B5NIgAA8HruXALHbrfnWVMYEREhSUpLS1PZsmUd+9PS0lS/fn3HmCNHjji97/z58zp+/Ljj/bnBdDMAAEAhUalSJUVERGjlypWOfenp6fr+++8VExMjSYqJidGJEye0ceNGx5hVq1YpJydHjRs3zvW1SBIBAIDXK0hraZ86dUq7d+92vN63b59SUlIUGhqqChUq6JFHHtHkyZNVrVo1VapUSWPGjFFkZKTjCehatWqpQ4cOGjhwoGbNmqWsrCwNHTpUvXr1yvWTzRJNIgAAQIGyYcMGtWrVyvH64v2MsbGxmjNnjh599FFlZGRo0KBBOnHihJo2barPP/9cxYoVc7xn/vz5Gjp0qFq3bi0fHx/16NFD06ZNc6kO1kkEUKiwTiJw/fLkOombD/zltnPXKx/otnO7E0kiAADwerYCNeFcMPDgCgAAAAwkiQAAwOu5cwmcwookEQAAAAaSRAAA4PUIEk0kiQAAADCQJAIAABAlGkgSAQAAYCBJBAAAXo91Ek0kiQAAADCQJAIAAK/HOokmmkQAAOD16BFNTDcDAADAQJIIAABAlGggSQQAAICBJBEAAHg9lsAxkSQCAADAQJIIAAC8HkvgmEgSAQAAYCBJBAAAXo8g0USTCAAAQJdoYLoZAAAABpJEAADg9VgCx0SSCAAAAANJIgAA8HosgWMiSQQAAICBJBEAAHg9gkQTSSIAAAAMJIkAAABEiQaaRAAA4PVYAsfEdDMAAAAMJIkAAMDrsQSOiSQRAAAABpJEAADg9QgSTSSJAAAAMJAkAgAAECUaSBIBAABgIEkEAABej3USTTSJAADA67EEjonpZgAAABhIEgEAgNcjSDSRJAIAAMBAkggAALwe9ySaSBIBAABgIEkEAADgrkQDSSIAAAAMJIkAAMDrcU+iiSYRAAB4PXpEE9PNAAAAMJAkAgAAr8d0s4kkEQAAAAaSRAAA4PVs3JVoIEkEAACAgSQRAACAINFAkggAAAADSSIAAPB6BIkmmkQAAOD1WALHxHQzAABAATF+/HjZbDanrWbNmo7jZ8+eVVxcnEqVKqUSJUqoR48eSktLc0stNIkAAMDr2dz4j6tuvPFGHT582LF98803jmPDhw/X0qVL9f7772vNmjU6dOiQunfvnpdfhQPTzQAAAAVIkSJFFBERYew/efKk3nzzTS1YsED/+c9/JEmzZ89WrVq19N133+nWW2/N0zpIEgEAAGzu2zIzM5Wenu60ZWZmXrGUXbt2KTIyUpUrV1afPn20f/9+SdLGjRuVlZWlNm3aOMbWrFlTFSpUUHJych5+GRfQJAIAALhRYmKigoODnbbExMTLjm3cuLHmzJmjzz//XDNnztS+ffvUrFkz/fXXX0pNTZWfn59CQkKc3hMeHq7U1NQ8r5vpZgAA4PXc+XBzQkKC4uPjnfbZ7fbLju3YsaPjz3Xr1lXjxo0VFRWl9957T/7+/m6s0kSSCAAA4EZ2u11BQUFO25WaxEuFhISoevXq2r17tyIiInTu3DmdOHHCaUxaWtpl72G8VjSJAADA69ls7tuuxalTp7Rnzx6VLVtWDRs2VNGiRbVy5UrH8Z07d2r//v2KiYm5xm/AxHQzAADwelezVI07jBw5Ul26dFFUVJQOHTqkcePGydfXV/fcc4+Cg4PVv39/xcfHKzQ0VEFBQRo2bJhiYmLy/MlmiSYRAACgwDh48KDuueceHTt2TGXKlFHTpk313XffqUyZMpKkqVOnysfHRz169FBmZqbat2+vGTNmuKUWm2VZllvO7EF/ns72dAkA3OT9LQc9XQIANxl0a5THru3O3qFkcV+3nduduCcRAAAABppEAAAAGGgSAQAAYODBFQAA4PWudama6xFJIgAAAAwkiQAAwOsVlHUSCxKaRAAA4PWYbjYx3QwAAAADSSIAAPB6BIkmkkQAAAAYSBIBAACIEg0kiQAAADCQJAIAAK/HEjgmkkQAAAAYSBIBAIDXY51EE0kiAAAADCSJAADA6xEkmmgSAQAA6BINTDcDAADAQJIIAAC8HkvgmEgSAQAAYCBJBAAAXo8lcEwkiQAAADDYLMuyPF0EcLUyMzOVmJiohIQE2e12T5cDIA/x9xvwLJpEFGrp6ekKDg7WyZMnFRQU5OlyAOQh/n4DnsV0MwAAAAw0iQAAADDQJAIAAMBAk4hCzW63a9y4cdzUDlyH+PsNeBYPrgAAAMBAkggAAAADTSIAAAAMNIkAAAAw0CQCAADAQJOIQu2VV15RxYoVVaxYMTVu3Fg//PCDp0sCcI3Wrl2rLl26KDIyUjabTUuWLPF0SYBXoklEobVo0SLFx8dr3Lhx+vHHH1WvXj21b99eR44c8XRpAK5BRkaG6tWrp1deecXTpQBejSVwUGg1btxYN998s15++WVJUk5OjsqXL69hw4bpscce83B1APKCzWbT4sWL1a1bN0+XAngdkkQUSufOndPGjRvVpk0bxz4fHx+1adNGycnJHqwMAIDrA00iCqU//vhD2dnZCg8Pd9ofHh6u1NRUD1UFAMD1gyYRAAAABppEFEqlS5eWr6+v0tLSnPanpaUpIiLCQ1UBAHD9oElEoeTn56eGDRtq5cqVjn05OTlauXKlYmJiPFgZAADXhyKeLgC4WvHx8YqNjVWjRo10yy236MUXX1RGRob69evn6dIAXINTp05p9+7djtf79u1TSkqKQkNDVaFCBQ9WBngXlsBBofbyyy/r2WefVWpqqurXr69p06apcePGni4LwDVYvXq1WrVqZeyPjY3VnDlz8r8gwEvRJAIAAMDAPYkAAAAw0CQCAADAQJMIAAAAA00iAAAADDSJAAAAMNAkAgAAwECTCAAAAANNIgAAAAw0iQCuWd++fdWtWzfH65YtW+qRRx7J9zpWr14tm82mEydOXHGMzWbTkiVLcn3O8ePHq379+tdU16+//iqbzaaUlJRrOg8A5CeaROA61bdvX9lsNtlsNvn5+alq1aqaOHGizp8/7/Zrf/TRR5o0aVKuxuamsQMA5L8ini4AgPt06NBBs2fPVmZmpj777DPFxcWpaNGiSkhIMMaeO3dOfn5+eXLd0NDQPDkPAMBzSBKB65jdbldERISioqI0ZMgQtWnTRp988omk/5sifuqppxQZGakaNWpIkg4cOKCePXsqJCREoaGh6tq1q3799VfHObOzsxUfH6+QkBCVKlVKjz76qC79CfhLp5szMzM1evRolS9fXna7XVWrVtWbb76pX3/9Va1atZIklSxZUjabTX379pUk5eTkKDExUZUqVZK/v7/q1aunDz74wOk6n332mapXry5/f3+1atXKqc7cGj16tKpXr67ixYurcuXKGjNmjLKysoxxr776qsqXL6/ixYurZ8+eOnnypNPxN954Q7Vq1VKxYsVUs2ZNzZgx44rX/PPPP9WnTx+VKVNG/v7+qlatmmbPnu1y7QDgTiSJgBfx9/fXsWPHHK9XrlypoKAgJSUlSZKysrLUvn17xcTE6Ouvv1aRIkU0efJkdejQQVu2bJGfn5+ef/55zZkzR2+99ZZq1aql559/XosXL9Z//vOfK173/vvvV3JysqZNm6Z69epp3759+uOPP1S+fHl9+OGH6tGjh3bu3KmgoCD5+/tLkhITE/XOO+9o1qxZqlatmtauXat7771XZcqUUYsWLXTgwAF1795dcXFxGjRokDZs2KARI0a4/J0EBgZqzpw5ioyM1NatWzVw4EAFBgbq0UcfdYzZvXu33nvvPS1dulTp6enq37+/HnzwQc2fP1+SNH/+fI0dO1Yvv/yyGjRooE2bNmngwIEKCAhQbGyscc0xY8bo559/1vLly1W6dGnt3r1bZ86ccbl2AHArC8B1KTY21uratatlWZaVk5NjJSUlWXa73Ro5cqTjeHh4uJWZmel4z7x586waNWpYOTk5jn2ZmZmWv7+/9cUXX1iWZVlly5a1pkyZ4jielZVllStXznEty7KsFi1aWA8//LBlWZa1c+dOS5KVlJR02Tq/+uorS5L1559/OvadPXvWKl68uLVu3Tqnsf3797fuuecey7IsKyEhwYqOjnY6Pnr0aONcl5JkLV68+IrHn332Wathw4aO1+PGjbN8fX2tgwcPOvYtX77c8vHxsQ4fPmxZlmVVqVLFWrBggdN5Jk2aZMXExFiWZVn79u2zJFmbNm2yLMuyunTpYvXr1++KNQBAQUCSCFzHli1bphIlSigrK0s5OTnq3bu3xo8f7zhep04dp/sQN2/erN27dyswMNDpPGfPntWePXt08uRJHT58WI0bN3YcK1KkiBo1amRMOV+UkpIiX19ftWjRItd17969W6dPn1bbtm2d9p87d04NGjSQJG3fvt2pDkmKiYnJ9TUuWrRokaZNm6Y9e/bo1KlTOn/+vIKCgpzGVKhQQTfccIPTdXJycrRz504FBgZqz5496t+/vwYOHOgYc/78eQUHB1/2mkOGDFGPHj30448/ql27durWrZtuu+02l2sHAHeiSQSuY61atdLMmTPl5+enyMhIFSni/Fc+ICDA6fWpU6fUsGFDxzTq35UpU+aqarg4feyKU6dOSZI+/fRTp+ZMunCfZV5JTk5Wnz59NGHCBLVv317BwcFauHChnn/+eZdrff31142m1dfX97Lv6dixo3777Td99tlnSkpKUuvWrRUXF6fnnnvu6j8MAOQxmkTgOhYQEKCqVavmevxNN92kRYsWKSwszEjTLipbtqy+//57NW/eXNKFxGzjxo266aabLju+Tp06ysnJ0Zo1a9SmTRvj+MUkMzs727EvOjpadrtd+/fvv2ICWatWLcdDOBd99913//4h/2bdunWKiorSE0884dj322+/GeP279+vQ4cOKTIy0nEdHx8f1ahRQ+Hh4YqMjNTevXvVp0+fXF+7TJkyio2NVWxsrJo1a6ZRo0bRJAIoUHi6GYBDnz59VLp0aXXt2lVff/219u3bp9WrV+uhhx7SwYMHJUkPP/ywnnnmGS1ZskQ7duzQgw8++I9rHFasWFGxsbF64IEHtGTJEsc533vvPUlSVFSUbDabli1bpqNHj+rUqVMKDAzUyJEjNXz4cM2dO1d79uzRjz/+qOnTp2vu3LmSpMGDB2vXrl0aNWqUdu7cqQULFmjOnDkufd5q1app//79Wrhwofbs2aNp06Zp8eLFxrhixYopNjZWmzdv1tdff62HHnpIPXv2VEREhCRpwoQJSkxM1LRp0/TLL79o69atmj17tl544YXLXnfs2LH6+OOPtXv3bm3btk3Lli1TrVq1XKodANyNJhGAQ/HixbV27VpVqFBB3bt3V61atdS/f3+dPXvWkSyOGDFC9913n2JjYxUTE6PAwEDdeeed/3jemTNn6q677tKDDz6omjVrauDAgcrIyJAk3XDDDZowYYIee+wxhYeHa+jQoZKkSZMmacyYMUpMTFStWrXUoUMHffrpp6pUqZKkC/cJfvjhh1qyZInq1aunWbNm6emnn3bp895xxx0aPny4hg4dqvr162vdunUaM2aMMa5q1arq3r27OnXqpHbt2qlu3bpOS9wMGDBAb7zxhmbPnq06deqoRYsWmjNnjqPWS/n5+SkhIUF169ZV8+bN5evrq4ULF7pUOwC4m8260t3mAAAA8FokiQAAADDQJAIAAMBAkwgAAAADTSIAAAAMNIkAAAAw0CQCAADAQJMIAAAAA00iAAAADDSJAAAAMNAkAgAAwECTCAAAAMP/B3tOHd3KWAR/AAAAAElFTkSuQmCC", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "plot_confusion_matrix(y_test, y_pred,(0,1))" + ] + }, + { + "cell_type": "code", + "execution_count": 115, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAr4AAAIjCAYAAADlfxjoAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8pXeV/AAAACXBIWXMAAA9hAAAPYQGoP6dpAACbTUlEQVR4nOzdeVzT9R8H8Ne4xiGXIoiI4pGKiRdeeR8kZplYKd5HaerPozzK+6rU0rwq8yrPtDS1tDKtTC2VNM80EQ9U8EBBEQS59/n98W0bY0M3HHzH9no+HjzcPvvuu/fGwDefvT/vj0IIIUBEREREZOXs5A6AiIiIiKgkMPElIiIiIpvAxJeIiIiIbAITXyIiIiKyCUx8iYiIiMgmMPElIiIiIpvAxJeIiIiIbAITXyIiIiKyCUx8iYiIiMgmMPElKiFBQUEYNGiQ3GHYnHbt2qFdu3Zyh/FEs2bNgkKhQFJSktyhWByFQoFZs2aZ5VzXrl2DQqHAunXrzHI+ADh27BicnJxw/fp1s53T3Hr16oWePXvKHQaR7Jj4klVYt24dFAqF5svBwQEBAQEYNGgQbt68KXd4Fi09PR3vv/8+6tWrB1dXV3h6eqJ169bYsGEDSsuO5ufPn8esWbNw7do1uUPRk5eXh7Vr16Jdu3YoW7YslEolgoKCMHjwYBw/flzu8Mxi8+bNWLJkidxh6CjJmKZOnYrevXujSpUqmrF27drp/E5ycXFBvXr1sGTJEqhUKoPnuXfvHt555x3UqlULzs7OKFu2LMLDw/Hjjz8W+tipqamYPXs26tevjzJlysDFxQV169bFxIkTcevWLc1xEydOxPbt23HmzBmjn5ctvHfJ9ihEafmfjegx1q1bh8GDB+O9995D1apVkZmZib/++gvr1q1DUFAQzp07B2dnZ1ljzMrKgp2dHRwdHWWNI787d+6gY8eOiI6ORq9evdC2bVtkZmZi+/bt+OOPPxAZGYlNmzbB3t5e7lAfa9u2bejRowf279+vN7ubnZ0NAHBycirxuDIyMvDKK69gz549aNOmDbp27YqyZcvi2rVr2Lp1Ky5evIi4uDhUqlQJs2bNwuzZs5GYmAgfH58Sj/VpvPTSSzh37lyx/eGRmZkJBwcHODg4PHVMQghkZWXB0dHRLO/r06dPo2HDhjhy5Aiee+45zXi7du1w5coVzJs3DwCQlJSEzZs34++//8aUKVMwZ84cnfPExMSgY8eOSExMxODBg9G4cWM8ePAAmzZtwunTpzFhwgQsWLBA5z6xsbEICwtDXFwcevTogVatWsHJyQn//PMPvv76a5QtWxYXL17UHN+sWTPUqlULGzZseOLzMuW9S1SqCCIrsHbtWgFA/P333zrjEydOFADEli1bZIpMXhkZGSIvL6/Q28PDw4WdnZ3YuXOn3m0TJkwQAMSHH35YnCEalJaWZtLx3377rQAg9u/fXzwBFdHIkSMFALF48WK923Jzc8WCBQtEfHy8EEKImTNnCgAiMTGx2OJRqVTi0aNHZj/viy++KKpUqWLWc+bl5YmMjIwi3784YjJkzJgxonLlykKlUumMt23bVjz77LM6YxkZGaJKlSrC3d1d5Obmasazs7NF3bp1haurq/jrr7907pObmysiIyMFAPHNN99oxnNyckT9+vWFq6ur+PPPP/XiSklJEVOmTNEZ+/jjj4Wbm5t4+PDhE5+XKe/dp/G032ciUzHxJatQWOL7448/CgBi7ty5OuPR0dHi1VdfFd7e3kKpVIrQ0FCDyV9ycrJ4++23RZUqVYSTk5MICAgQ/fv310lOMjMzxYwZM0T16tWFk5OTqFSpknjnnXdEZmamzrmqVKkiBg4cKIQQ4u+//xYAxLp16/Qec8+ePQKA+OGHHzRjN27cEIMHDxa+vr7CyclJ1KlTR3z55Zc699u/f78AIL7++msxdepUUbFiRaFQKERycrLB1ywqKkoAEK+//rrB23NycsQzzzwjvL29NcnS1atXBQCxYMECsWjRIlG5cmXh7Ows2rRpI86ePat3DmNeZ/X37sCBA2LEiBGifPnywsvLSwghxLVr18SIESNEzZo1hbOzsyhbtqx47bXXxNWrV/XuX/BLnQS3bdtWtG3bVu912rJli/jggw9EQECAUCqVokOHDuLSpUt6z+Gzzz4TVatWFc7OzqJJkybijz/+0DunIfHx8cLBwUE8//zzjz1OTZ34Xrp0SQwcOFB4enoKDw8PMWjQIJGenq5z7Jo1a0T79u1F+fLlhZOTkwgODhaff/653jmrVKkiXnzxRbFnzx4RGhoqlEqlJpEx9hxCCLF7927Rpk0bUaZMGeHu7i4aN24sNm3aJISQXt+Cr33+hNPYnw8AYuTIkeKrr74SderUEQ4ODuK7777T3DZz5kzNsampqeKtt97S/FyWL19ehIWFiRMnTjwxJvV7eO3atTqPHx0dLXr06CF8fHyEs7OzqFmzpl7iaEjlypXFoEGD9MYNJb5CCPHaa68JAOLWrVuasa+//loAEO+9957Bx3jw4IHw8vIStWvX1ox98803AoCYM2fOE2NUO3PmjAAgduzY8djjTH3vDhw40OAfGer3dH6Gvs9bt24V3t7eBl/HlJQUoVQqxfjx4zVjxr6niAwx/nMjolJI/TGnt7e3Zuzff/9Fy5YtERAQgEmTJsHNzQ1bt25FREQEtm/fju7duwMA0tLS0Lp1a0RHR+P1119Ho0aNkJSUhF27duHGjRvw8fGBSqXCyy+/jEOHDuHNN99EcHAwzp49i8WLF+PixYv4/vvvDcbVuHFjVKtWDVu3bsXAgQN1btuyZQu8vb0RHh4OQCpHaN68ORQKBUaNGoXy5cvj559/xhtvvIHU1FS8/fbbOvd///334eTkhAkTJiArK6vQj/h/+OEHAMCAAQMM3u7g4IA+ffpg9uzZOHz4MMLCwjS3bdiwAQ8fPsTIkSORmZmJpUuXokOHDjh79iz8/PxMep3V/ve//6F8+fKYMWMG0tPTAQB///03jhw5gl69eqFSpUq4du0ali9fjnbt2uH8+fNwdXVFmzZtMGbMGHzyySeYMmUKgoODAUDzb2E+/PBD2NnZYcKECUhJScH8+fPRt29fHD16VHPM8uXLMWrUKLRu3Rpjx47FtWvXEBERAW9v7yd+xPvzzz8jNzcX/fv3f+xxBfXs2RNVq1bFvHnzcPLkSXzxxRfw9fXFRx99pBPXs88+i5dffhkODg744Ycf8L///Q8qlQojR47UOV9MTAx69+6NYcOGYejQoahVq5ZJ51i3bh1ef/11PPvss5g8eTK8vLxw6tQp7NmzB3369MHUqVORkpKCGzduYPHixQCAMmXKAIDJPx+///47tm7dilGjRsHHxwdBQUEGX6Phw4dj27ZtGDVqFOrUqYN79+7h0KFDiI6ORqNGjR4bkyH//PMPWrduDUdHR7z55psICgrClStX8MMPP+iVJOR38+ZNxMXFoVGjRoUeU5B6cZ2Xl5dm7Ek/i56enujWrRvWr1+Py5cvo0aNGti1axcAmPT+qlOnDlxcXHD48GG9n7/8ivreNVbB7/MzzzyD7t27Y8eOHVi5cqXO76zvv/8eWVlZ6NWrFwDT31NEeuTOvInMQT3r99tvv4nExEQRHx8vtm3bJsqXLy+USqXOR3IdO3YUISEhOrMDKpVKtGjRQjzzzDOasRkzZhQ6O6L+WHPjxo3Czs5O76PGFStWCADi8OHDmrH8M75CCDF58mTh6Ogo7t+/rxnLysoSXl5eOrOwb7zxhvD39xdJSUk6j9GrVy/h6empmY1Vz2RWq1bNqI+zIyIiBIBCZ4SFEGLHjh0CgPjkk0+EENrZMhcXF3Hjxg3NcUePHhUAxNixYzVjxr7O6u9dq1atdD7+FUIYfB7qmeoNGzZoxh5X6lDYjG9wcLDIysrSjC9dulQA0MxcZ2VliXLlyokmTZqInJwczXHr1q0TAJ444zt27FgBQJw6deqxx6mpZ8cKzsB3795dlCtXTmfM0OsSHh4uqlWrpjNWpUoVAUDs2bNH73hjzvHgwQPh7u4umjVrpvdxdP6P9gsrKzDl5wOAsLOzE//++6/eeVBgxtfT01OMHDlS77j8CovJ0IxvmzZthLu7u7h+/Xqhz9GQ3377Te/TGbW2bduK2rVri8TERJGYmCguXLgg3nnnHQFAvPjiizrHNmjQQHh6ej72sRYtWiQAiF27dgkhhGjYsOET72NIzZo1xQsvvPDYY0x975o642vo+7x3716Dr2WXLl103pOmvKeIDGFXB7IqYWFhKF++PAIDA/Haa6/Bzc0Nu3bt0szO3b9/H7///jt69uyJhw8fIikpCUlJSbh37x7Cw8Nx6dIlTReI7du3o379+gZnRhQKBQDg22+/RXBwMGrXrq05V1JSEjp06AAA2L9/f6GxRkZGIicnBzt27NCM/fLLL3jw4AEiIyMBSAtxtm/fjq5du0IIofMY4eHhSElJwcmTJ3XOO3DgQLi4uDzxtXr48CEAwN3dvdBj1LelpqbqjEdERCAgIEBzvWnTpmjWrBl2794NwLTXWW3o0KF6i43yP4+cnBzcu3cPNWrUgJeXl97zNtXgwYN1ZpZat24NQFowBADHjx/HvXv3MHToUJ1FVX379tX5BKEw6tfsca+vIcOHD9e53rp1a9y7d0/ne5D/dUlJSUFSUhLatm2L2NhYpKSk6Ny/atWqmk8P8jPmHL/++isePnyISZMm6S0OVf8MPI6pPx9t27ZFnTp1nnheLy8vHD16VKdrQVElJibijz/+wOuvv47KlSvr3Pak53jv3j0AKPT9cOHCBZQvXx7ly5dH7dq1sWDBArz88st6rdQePnz4xPdJwZ/F1NRUk99b6lif1DKvqO9dYxn6Pnfo0AE+Pj7YsmWLZiw5ORm//vqr5vch8HS/c4kAgKUOZFWWLVuGmjVrIiUlBWvWrMEff/wBpVKpuf3y5csQQmD69OmYPn26wXPcvXsXAQEBuHLlCl599dXHPt6lS5cQHR2N8uXLF3quwtSvXx+1a9fGli1b8MYbbwCQyhx8fHw0v8QTExPx4MEDrFq1CqtWrTLqMapWrfrYmNXU/6k9fPhQ52PX/ApLjp955hm9Y2vWrImtW7cCMO11flzcGRkZmDdvHtauXYubN2/qtFcrmOCZqmCSo05ekpOTAUDTk7VGjRo6xzk4OBT6EXx+Hh4eALSvoTniUp/z8OHDmDlzJqKiovDo0SOd41NSUuDp6am5Xtj7wZhzXLlyBQBQt25dk56Dmqk/H8a+d+fPn4+BAwciMDAQoaGh6NKlCwYMGIBq1aqZHKP6D52iPkcAhbb9CwoKwurVq6FSqXDlyhXMmTMHiYmJen9EuLu7PzEZLfiz6OHhoYnd1FiflNAX9b1rLEPfZwcHB7z66qvYvHkzsrKyoFQqsWPHDuTk5Ogkvk/zO5cIYOJLVqZp06Zo3LgxAGlWslWrVujTpw9iYmJQpkwZTf/MCRMmGJwFA/QTncdRqVQICQnBokWLDN4eGBj42PtHRkZizpw5SEpKgru7O3bt2oXevXtrZhjV8fbr10+vFlitXr16OteNme0FpBrY77//Hv/88w/atGlj8Jh//vkHAIyahcuvKK+zobhHjx6NtWvX4u2338Zzzz0HT09PKBQK9OrVq9BeqMYqrJVVYUmMqWrXrg0AOHv2LBo0aGD0/Z4U15UrV9CxY0fUrl0bixYtQmBgIJycnLB7924sXrxY73Ux9Lqaeo6iMvXnw9j3bs+ePdG6dWt89913+OWXX7BgwQJ89NFH2LFjB1544YWnjttY5cqVA6D9Y6kgNzc3ndr4li1bolGjRpgyZQo++eQTzXhwcDBOnz6NuLg4vT981Ar+LNauXRunTp1CfHz8E3/P5JecnGzwD9f8TH3vFpZI5+XlGRwv7Pvcq1cvrFy5Ej///DMiIiKwdetW1K5dG/Xr19cc87S/c4mY+JLVsre3x7x589C+fXt89tlnmDRpkmZGyNHRUec/JEOqV6+Oc+fOPfGYM2fOoGPHjkZ99FtQZGQkZs+eje3bt8PPzw+pqamaRRwAUL58ebi7uyMvL++J8ZrqpZdewrx587BhwwaDiW9eXh42b94Mb29vtGzZUue2S5cu6R1/8eJFzUyoKa/z42zbtg0DBw7EwoULNWOZmZl48OCBznFFee2fRL0ZweXLl9G+fXvNeG5uLq5du6b3B0dBL7zwAuzt7fHVV1+ZdZHQDz/8gKysLOzatUsnSTLlI15jz1G9enUAwLlz5x77B2Fhr//T/nw8jr+/P/73v//hf//7H+7evYtGjRphzpw5msTX2MdTv1ef9LNuiDpBvHr1qlHH16tXD/369cPKlSsxYcIEzWv/0ksv4euvv8aGDRswbdo0vfulpqZi586dqF27tub70LVrV3z99df46quvMHnyZKMePzc3F/Hx8Xj55Zcfe5yp711vb2+9n0kAJu9k16ZNG/j7+2PLli1o1aoVfv/9d0ydOlXnmOJ8T5FtYI0vWbV27dqhadOmWLJkCTIzM+Hr64t27dph5cqVuH37tt7xiYmJmsuvvvoqzpw5g++++07vOPXsW8+ePXHz5k2sXr1a75iMjAxNd4LCBAcHIyQkBFu2bMGWLVvg7++vk4Ta29vj1Vdfxfbt2w3+x5w/XlO1aNECYWFhWLt2rcGdoaZOnYqLFy/i3Xff1Zuh+f7773VqdI8dO4ajR49qkg5TXufHsbe315uB/fTTT/Vmktzc3ADA4H++RdW4cWOUK1cOq1evRm5urmZ806ZNhc7w5RcYGIihQ4fil19+waeffqp3u0qlwsKFC3Hjxg2T4lLPCBcs+1i7dq3Zz9GpUye4u7tj3rx5yMzM1Lkt/33d3NwMlp487c+HIXl5eXqP5evri4oVKyIrK+uJMRVUvnx5tGnTBmvWrEFcXJzObU+a/Q8ICEBgYKBJu5i9++67yMnJ0ZmxfO2111CnTh18+OGHeudSqVQYMWIEkpOTMXPmTJ37hISEYM6cOYiKitJ7nIcPH+oljefPn0dmZiZatGjx2BhNfe9Wr14dKSkpmllpALh9+7bB352PY2dnh9deew0//PADNm7ciNzcXJ0yB6B43lNkWzjjS1bvnXfeQY8ePbBu3ToMHz4cy5YtQ6tWrRASEoKhQ4eiWrVquHPnDqKionDjxg3Nlp7vvPOOZkew119/HaGhobh//z527dqFFStWoH79+ujfvz+2bt2K4cOHY//+/WjZsiXy8vJw4cIFbN26FXv37tWUXhQmMjISM2bMgLOzM9544w3Y2en+Pfrhhx9i//79aNasGYYOHYo6derg/v37OHnyJH777Tfcv3+/yK/Nhg0b0LFjR3Tr1g19+vRB69atkZWVhR07duDAgQOIjIzEO++8o3e/GjVqoFWrVhgxYgSysrKwZMkSlCtXDu+++67mGGNf58d56aWXsHHjRnh6eqJOnTqIiorCb7/9pvmIWa1Bgwawt7fHRx99hJSUFCiVSnTo0AG+vr5Ffm2cnJwwa9YsjB49Gh06dEDPnj1x7do1rFu3DtWrVzdqtmnhwoW4cuUKxowZgx07duCll16Ct7c34uLi8O233+LChQs6M/zG6NSpE5ycnNC1a1cMGzYMaWlpWL16NXx9fQ3+kfE05/Dw8MDixYsxZMgQNGnSBH369IG3tzfOnDmDR48eYf369QCA0NBQbNmyBePGjUOTJk1QpkwZdO3a1Sw/HwU9fPgQlSpVwmuvvabZpve3337D33//rfPJQGExGfLJJ5+gVatWaNSoEd58801UrVoV165dw08//YTTp08/Np5u3brhu+++M6p2FpBKFbp06YIvvvgC06dPR7ly5eDk5IRt27ahY8eOaNWqlc7ObZs3b8bJkycxfvx4nfeKo6MjduzYgbCwMLRp0wY9e/ZEy5Yt4ejoiH///VfzaU3+dmy//vorXF1d8fzzzz8xTlPeu7169cLEiRPRvXt3jBkzBo8ePcLy5ctRs2ZNkxehRkZG4tNPP8XMmTMREhKi15awON5TZGNKvpEEkfkVtoGFENLOQNWrVxfVq1fXtMu6cuWKGDBggKhQoYJwdHQUAQEB4qWXXhLbtm3Tue+9e/fEqFGjREBAgKZR+sCBA3Vai2VnZ4uPPvpIPPvss0KpVApvb28RGhoqZs+eLVJSUjTHFWxnpnbp0iVNk/1Dhw4ZfH537twRI0eOFIGBgcLR0VFUqFBBdOzYUaxatUpzjLpN17fffmvSa/fw4UMxa9Ys8eyzzwoXFxfh7u4uWrZsKdatW6fXzin/BhYLFy4UgYGBQqlUitatW4szZ87onduY1/lx37vk5GQxePBg4ePjI8qUKSPCw8PFhQsXDL6Wq1evFtWqVRP29vZGbWBR8HUqbGODTz75RFSpUkUolUrRtGlTcfjwYREaGio6d+5sxKsr7XL1xRdfiNatWwtPT0/h6OgoqlSpIgYPHqzTLqqwndvUr0/+TTt27dol6tWrJ5ydnUVQUJD46KOPxJo1a/SOU29gYYix51Af26JFC+Hi4iI8PDxE06ZNxddff625PS0tTfTp00d4eXnpbWBh7M8H/tvYwBDka2eWlZUl3nnnHVG/fn3h7u4u3NzcRP369fU23ygspsK+z+fOnRPdu3cXXl5ewtnZWdSqVUtMnz7dYDz5nTx5UgDQa69V2AYWQghx4MABvRZtQghx9+5dMW7cOFGjRg2hVCqFl5eXCAsL07QwMyQ5OVnMmDFDhISECFdXV+Hs7Czq1q0rJk+eLG7fvq1zbLNmzUS/fv2e+JzUjH3vCiHEL7/8IurWrSucnJxErVq1xFdfffXYDSwKo1KpRGBgoAAgPvjgA4PHGPueIjJEIYSZVnIQkdW7du0aqlatigULFmDChAlyhyMLlUqF8uXL45VXXjH4cSvZno4dO6JixYrYuHGj3KEU6vTp02jUqBFOnjxp0mJLImvDGl8iokJkZmbq1Xlu2LAB9+/fR7t27eQJiizO3LlzsWXLFpMXc5WkDz/8EK+99hqTXrJ5rPElIirEX3/9hbFjx6JHjx4oV64cTp48iS+//BJ169ZFjx495A6PLESzZs2QnZ0tdxiP9c0338gdApFFYOJLRFSIoKAgBAYG4pNPPsH9+/dRtmxZDBgwAB9++KHOrm9ERFQ6sMaXiIiIiGwCa3yJiIiIyCYw8SUiIiIim2BzNb4qlQq3bt2Cu7s7tzskIiIiskBCCDx8+BAVK1bU29jpadhc4nvr1i0EBgbKHQYRERERPUF8fDwqVapktvPZXOLr7u4OQHohPTw8ZI6GiIiIiApKTU1FYGCgJm8zF5tLfNXlDR4eHkx8iYiIiCyYuctSubiNiIiIiGwCE18iIiIisglMfImIiIjIJjDxJSIiIiKbwMSXiIiIiGwCE18iIiIisglMfImIiIjIJjDxJSIiIiKbwMSXiIiIiGwCE18iIiIisglMfImIiIjIJjDxJSIiIiKbwMSXiIiIiGwCE18iIiIisglMfImIiIjIJsia+P7xxx/o2rUrKlasCIVCge+///6J9zlw4AAaNWoEpVKJGjVqYN26dcUeJxERERGVfrImvunp6ahfvz6WLVtm1PFXr17Fiy++iPbt2+P06dN4++23MWTIEOzdu7eYIyUiIiKi0s5Bzgd/4YUX8MILLxh9/IoVK1C1alUsXLgQABAcHIxDhw5h8eLFCA8PL64wiYiIiKiYJSYC0dFA9L8qJBz4t1geQ9bE11RRUVEICwvTGQsPD8fbb79d6H2ysrKQlZWluZ6amlpc4RERERHRYwgBxMf/l+Dm+zp/Hrh3D6iA21iLweiGg5hVDI9fqhLfhIQE+Pn56Yz5+fkhNTUVGRkZcHFx0bvPvHnzMHv27JIKkYiIiMjm5eYCsbFSQps/wb1wAUhLM3yfl7ETX2AIyiMJxTVNWaoS36KYPHkyxo0bp7mempqKwMBAGSMiIiIisg4ZGcDFi9pZW3WCe+kSkJ1t3DlckY4VruPR/9FKzViWty+QfNfs8ZaqxLdChQq4c+eOztidO3fg4eFhcLYXAJRKJZRKZUmER0RERGSVUlL0SxOio4GrV6XyBWMoFEC1akBwsParseIE6sztC/tLMdoDIyKgXLRIOtjMSlXi+9xzz2H37t06Y7/++iuee+45mSIiIiIisg5CAHfuGK6/vX3b+PM4OgI1awJ16ugmuTVrApp5yrw84OOPgWnTpLoIAHB1BZYsAYYMAR4+NPfTAyBz4puWlobLly9rrl+9ehWnT59G2bJlUblyZUyePBk3b97Ehg0bAADDhw/HZ599hnfffRevv/46fv/9d2zduhU//fSTXE+BiIiIqFRRqYC4OP362+hoIDnZ+POUKQPUri0ltfmT3GrVAIcnZZiZmcAXX2iT3tBQYPNmKTsuRrImvsePH0f79u0119W1uAMHDsS6detw+/ZtxMXFaW6vWrUqfvrpJ4wdOxZLly5FpUqV8MUXX7CVGREREVEBOTnA5cv69bcxMcCjR8afx8dHd+ZWneRWqiSVLxSJm5uU6LZqBYwfD8yaBTg5FfFkxlMIYWxlhnVITU2Fp6cnUlJS4OHhIXc4RERERE/l0SOpW0LB8oTLl7UTqsYIDNRNcNVf5cubIciHD4HUVCAgQHf85k39MRRfvlaqanyJiIiIbNX9+/qlCdHRwLVrxp/Dzg6oXl2//rZ2bcDdvZgCj4oC+vUDKlQADh7UrYMwkPQWJya+RERERBZCCGkhmaH62wKNrR5LqQRq1dKvv33mGem2EpGbC8yZA7z/vrSYLTYW+OgjYOrUEgpAHxNfIiIiohKWlyfN1BZsDxYdLVUEGMvDw3D9bVAQYG9fXNEbITZWmuWNitKOtWgB9OkjX0xg4ktERERUbLKypM0cCtbfXrwoNTYwlp+ffu1tnTqAv/9TLDArDkIAGzcCo0ZpW5LZ2wMzZwKTJxvR7qF4MfElIiIiekoPH+ovMIuOBq5ckWZ3jVWlin79bXAwULZs8cVuNsnJwPDhwNat2rFq1YBNm4DmzeWLKx8mvkRERERGSkrSL02Ijgbi440/h4MDUKOGfv1trVpSl69SKTUVaNBAahCsNmgQ8MknxbhqznRMfImIiIjyEQK4ccNw/W1SkvHncXHRbvCQP8mtXr1EWtaWLA8PoHt3YOlSwNsbWLkS6NFD7qj0MPElIiIim5SbK63BKlh/e+ECkJZm/Hm8vPTLE+rUASpXltqH2YwPP5QKl6dOlZoCWyAmvkRERGTVMjOl3coK1t9evAhkZxt/Hn9/w/W3fn4WtsCsuAkBrF4tLVp74w3tuLMzsGKFfHEZgYkvERERWYWUFGm2tmD97dWrgEpl3DkUCqBqVf3yhNq1pZldm5eYCAwdCuzcKdVytGghvUClBBNfIiIiKjWEAO7eNVx/e+uW8edxdARq1tQvT6hZU8rnyIBffgEGDgQSEqTrGRnAjz8y8SUiIiJ6GiqV1CCgYP1tdLTUNctYbm76pQnqBWYyt5QtPTIzpR68S5Zox3x8gDVrgK5dZQurKPgtJyIiItnk5Ei9bguWJ1y4ADx6ZPx5ypXTbw8WHAxUqmRjC8zM7exZoG9f6V+1zp2BtWuBChXki6uImPgSERFRsXv0SFpgVjDBvXRJ6q5grEqV9Otvg4OB8uWLL3abJATw6afAu+9K288BgFIJLFgg7cpWSlfzMfElIiIis0lONlx/e/26lEsZw85OKkUoWH9bu7ZF7YVg3dLSgIULtUlvvXrSDmx168ob11Ni4ktEREQmEQK4fdtw/e2dO8afR6mUdisrmOA+84x0G8nI3R346iugfXtgzBhg7lypXVkpx8SXiIiIDMrLA65d0+9/Gx0ttQ4zlru74frbqlWlVrBkAdLTpS9fX+1Y69ZSs+Nq1eSLy8yY+BIREdm47Gyp1rZg/W1MjLSg31i+vobrbytWLLUlobbhxAlpAVtAAPDrr7qrAa0o6QWY+BIREdmMtDSpW0LB+tsrV6TZXWNVqaJfnhAcDJQtW3yxUzHIywM+/hiYNk1aYRgTAyxeDIwfL3dkxYaJLxERkZVJStIvTTh/HoiPN/4c9vZSrW3B/re1a0u9camUi48HBgwADhzQjoWGlrq+vKZi4ktERFQKCQHcvKlfnnD+vJT4GsvFRVpgVrD+tkYNwMmp+OInGW3dCgwbBjx4IF1XKIBJk4BZs6z+m87El4iIyILl5gJXr+qXJ1y4ADx8aPx5vLwM199WqcINHmxGaqrUoWH9eu1YYCCwcSPQtq18cZUgJr5EREQWIDNTWkBfMMG9eFFafGYsf3/D9bd+flxgZtNSUoBGjYDYWO1YZCSwfDng7S1fXCWMiS8REVEJSk01XH979SqgUhl3DoVCagVWsP42OFia2SXS4+kJdOggJb7u7sCyZUC/fjb31xATXyIiIjMTAkhM1K+/jY6W6nKN5egoLTArWH9bq5ZUm0tkksWLgYwM4L33rK5NmbGY+BIRERWRSiUtji9YnhAdDdy/b/x53NykbgkF62+rVZOSXyKTCCHV7To6Ar17a8fLlJF2Y7NhTHyJiIieICdH6nVbcHveCxeAR4+MP0+5cobrbytV4gIzMpPkZGD4cKlzQ5kyQNOmQPXqckdlMZj4EhER/efRI6mHf8H628uXpeTXWJUq6dfe1qkDlC9ffLET4cABoH9/4MYN6XpaGrBtGzBxoqxhWRImvkREZHOSk/Vrb6OjgWvXpE+JjWFnJ5UiFKy/rV0b8PAo1vCJdGVnAzNmAPPna9/AXl7AqlVAjx6yhmZpmPgSEZFVEgJISDBcf5uQYPx5lEqgZk39+ttnngGcnYsvfiKjxMQAffoAJ09qx9q1AzZskHr0kg4mvkREVKqpVNJMbcH62+hoqXWpsdzdDdffVq0qbd9LZFGEkGZ0x46VOjUA0mK2OXOA8eNZNF4IJr5ERFQqZGcDly7p19/GxEibPxjL19dw/W3FijbX0pRKs5QUaYthddJbqxawebO0SQUViokvERFZlLQ0qVtCwfrby5eBvDzjz1O5sn79bXCw1FmBqNTz8gLWrQM6d5a6OCxcCLi6yh2VxWPiS0REsrh3z3D9bVyc8eewtwdq1NCvv61VS+rkRGQ1MjOltiNly2rHwsOBc+eAZ5+VL65ShokvEREVGyGkncoM1d8mJhp/Hmdn7QYP+ZPcGjUAJ6fii5/IIpw9Ky1gq1IF+OEH3ZocJr0mYeJLRERPLS8PiI3Vr7+9cAF4+ND483h5Ga6/rVKFa3XIBqlUwKefSn14s7Kk2d0VK4ARI+SOrNRi4ktEREbLygIuXtQvT4iJkRafGatCBcP1txUqcIEZEQDg9m1g8GBg717tWL16QOvW8sVkBZj4EhGRntRUaba2YIIbGytNQhlDoQCCgvTrb4ODpZldIirEzp3AkCFAUpJ2bOxYYO5cNo9+Skx8iYhslBBSnW3B8oToaKku11iOjtJmDgXrb2vW5CJzIpOkp0s9eFeu1I75+wPr1wPPPy9fXFaEiS8RkZVTqYD4eP32YOfPA/fvG38eNzfdBWbqJLdaNSn5JaKnkJwMPPecVDekFhEBrF4N+PjIFpa1YeJLRGQlcnKAK1f0E9wLF6SJJGOVLWu4/jYwkAvMiIqNtzcQGiolvq6uwNKlwBtvsOjdzJj4EhGVMhkZ0v+NBduDXbokJb/GCggwXH9bvjz/ryWSxbJl0g/4hx9KtUJkdkx8iYgs1IMHhutvr12T6nONYWcnlSIUrL+tXRvw8CjO6InosbZuBZRKoFs37ZiXF7Bjh2wh2QImvkREMhICSEgwXH+bkGD8eZycpN3KCtbfPvMMF4ETWZTUVGDMGGnBmrc38M8/QKVKckdlM5j4EhGVAJUKuH5dvz1YdLQ0s2usMmUM199WrQo48Dc6kWWLigL69gWuXpWuJycDX30FTJokb1w2hL8miYjMKDsbuHxZv/42JkYq3TNW+fKG628DAlh/S1Tq5OYCH3wgfeXlSWPu7lJNb79+8sZmY5j4EhEVQXq61C2hYP3t5cva/9eMUbmyfv1tcDBQrlzxxU5EJSg2Vkpuo6K0Yy1aSDO9VavKF5eNYuJLRPQY9+4Zrr+NizP+HPb2QI0a+uUJtWtLpQtEZIWEADZsAEaNAtLSpDF7e2DGDGDKFNYmyYSvOhHZPCGAW7cM19/evWv8eZyd9Td4CA6WFpg5ORVf/ERkgZKTpV3Y1ElvtWrApk1A8+byxmXjmPgSkc3Iy5PWlBSsv42OBh4+NP48np6GyxOqVJEmdIiIULYs8MUXQPfuwKBBwCefSHW9JCsmvkRkdbKygIsX9etvL16UbjNWhQr67cGCg6VxLjAjIh3Z2dIvmPzJbUQEcPy4tCMbWQQmvkRUaj18aLj+NjZWah9mDIUCCArSL08IDpZabBIRPVFMDNCnj1TM/803un8ZM+m1KEx8icjiJSYarr+9ccP4czg4SLW2BduD1aoFuLoWX+xEZMWEAFatAsaOlfoVnjwJvPgiMGCA3JFRIZj4EpFFEAKIjzdcf3vvnvHncXXVLjDLn+RWrw44OhZf/ERkYxITgSFDgF27tGO1agF168oXEz0RE18iKlG5ucCVK/r1txcuSL1xjVW2rOH628BAwM6u+OInIsLevdKCtfz7ig8fDixcyI+QLBwTXyIqFhkZUtlbwfKEixeBnBzjzxMQYDjBLV+eC8yIqIRlZgKTJwNLlmjHfHyANWuArl1lC4uMx8SXiJ7Kgwf6yW10tNQ2TAjjzmFnJ21gVLD+tnZtqXUYEZHs7t8H2rUDzp7VjnXuDKxdK7V6oVKBiS8RPZEQwJ07hutvb982/jxOTkDNmvoJbs2a0uYPREQWy9tb2oTi7FlAqQQWLJB2ZeNHT6UKE18i0lCpgOvX9duDRUdLM7vGKlPGcHlC1arcpZOISimFQtqQIiNDquXlIrZSif8FEdmg7Gzg8mX98oQLF6Tf6cYqX16/922dOlJdLidBiKhU27VLmtkND9eO+fhIC9uo1GLiS2TF0tOlBWYFyxMuX5a6KxircmXDGzz4+BRf7EREskhPB8aPB1auBHx9pdIGX1+5oyIzYeJLZAXu3zdcf3v9uvHnsLeXet0W7H9bu7ZUukBEZPVOnJB2YLt4Ubp+967UsWHSJHnjIrNh4ktUSggB3LpluP727l3jz+PsLPVYL1h/W6OG9KkeEZHNycsDPv4YmDZN+3GYq6vUtmzIEFlDI/Ni4ktkYfLypFZghlqEpaYafx5PT8P1t1WqSLO7REQEacvI/v2Bgwe1Y6GhwObNUssZsipMfIlkkpUFXLqkX54QEyPdZiw/P/32YHXqSG0lucCMiOgxtm4Fhg3Ttq1RKKSyhlmzpP6LZHWY+BIVs4cPpW4JBWtwY2Ol2V1jBQXp198GB0utJYmIyERJScDQodqP0gIDgY0bgbZt5Y2LihUTXyIzSUw0XH9744bx53BwAJ55Rr/+tlYtbv9ORGRWPj7A8uVA375AZKR0mTMJVo+JL5EJhJDKwQrW3p4/D9y7Z/x5XF2lbgkFyxOqVwccHYsvfiIim5WbKzUxzz+L0KcPUKkS0Lo1a8NsBBNfIgNyc6VShIL1txcuAGlpxp/H21u/NCE4WOqLa2dXfPETEVE+sbFAv37SjMOaNbq3tWkjT0wkCya+ZNMyMqR2jQXrby9dkiYGjFWxouH6W19fTiIQEclGCKlud+RIadYiKgp44QWgRw+5IyOZMPElm5CSYrj+9upV6feiMRQKoFo1/frb2rWl1mFERGRBkpOB4cOlzg1q1apJi9jIZjHxJashBHDnjuH629u3jT+Pk5PUurFg/W3NmtLmD0REZOEOHJB68+ZfXTxoEPDJJ4C7u1xRkQVg4kuljkoFxMXp199GR0t/4BurTBn92tvgYGlCwIE/GUREpU92NjBjBjB/vvbjPG9vYOVKljcQACa+ZMFycoDLl/Xrb2NigEePjD+Pj4/h+ttKlVh/S0RkNe7dAzp1Ak6e1I61bw9s2CD9wicCE1+yAOnpUjJbsP728mXtlunGCAzUr78NDpYSXyIisnLe3tpf+I6OwJw5wPjxbKFDOpj4Uom5f99w/e3168afw95e6nVbsP62dm2pdIGIiGyUnR2wbh3QsyewdCnQqJHcEZEFYuJLZiWEtJDMUP3tnTvGn0ep1N/gIThY2tVMqSy++ImIqJT45RdpxXH+Prz+/sCff8oXE1k82RPfZcuWYcGCBUhISED9+vXx6aefomnTpoUev2TJEixfvhxxcXHw8fHBa6+9hnnz5sGZy+1LVF4ecO2afnlCdLR223NjeHgYrr8NCpJmd4mIiHRkZgKTJwNLlki1u//8w62GyWiyJr5btmzBuHHjsGLFCjRr1gxLlixBeHg4YmJi4Ovrq3f85s2bMWnSJKxZswYtWrTAxYsXMWjQICgUCixatEiGZ2D9srKkzRwKlidcvCj97jGWn5/h+lt/fy4wIyIiI509C/TtK/0LSO3KVq0CJk6UNy4qNRRCGNu+3/yaNWuGJk2a4LPPPgMAqFQqBAYGYvTo0Zg0aZLe8aNGjUJ0dDT27dunGRs/fjyOHj2KQ4cOGfWYqamp8PT0REpKCjw8PMzzRKzAw4fSdrwFyxOuXJFmd40VFGS4/rZs2WILnYiIrJ1KBXz6qZTgZmVJY0olsGABMGoUZ1CsUHHla7LN+GZnZ+PEiROYPHmyZszOzg5hYWGIiooyeJ8WLVrgq6++wrFjx9C0aVPExsZi9+7d6N+/f6GPk5WVhSz1DwmkF9KWJSXplyZERwPx8cafw8FBqrUtWH9bqxbg5lZ8sRMRkQ26fRsYPBjYu1c7FhICbN4M1K0rX1xUKsmW+CYlJSEvLw9+fn46435+frhw4YLB+/Tp0wdJSUlo1aoVhBDIzc3F8OHDMWXKlEIfZ968eZg9e7ZZY7d0Qkif/hiqv01KMv48Li7SbG3B+tsaNaROMURERMVq505gyBDd/7zGjgXmzuVWmlQksi9uM8WBAwcwd+5cfP7552jWrBkuX76Mt956C++//z6mT59u8D6TJ0/GuHHjNNdTU1MRaCX7dOfmArGx+vW3Fy4AaWnGn8fb23D9beXKbH9IREQySUyU6nnT06Xr/v5Su7JOnWQNi0o32RJfHx8f2Nvb406BHld37txBhQoVDN5n+vTp6N+/P4YMGQIACAkJQXp6Ot58801MnToVdgayNKVSCWUp73+Vmam7wYP66+JFaXdGY1WsqF9/GxwM+PqyPIqIiCxM+fJS54ahQ4Fu3YAvvuCORPTUZEt8nZycEBoain379iEiIgKAtLht3759GDVqlMH7PHr0SC+5tf+v55WMa/SKTUoKEBEB/PGHVNdvDIUCqFpVvzwhOBjw9CzWcImIiIouL0/6KDP/ZNUbb0gty8LDOUNDZiFrqcO4ceMwcOBANG7cGE2bNsWSJUuQnp6OwYMHAwAGDBiAgIAAzJs3DwDQtWtXLFq0CA0bNtSUOkyfPh1du3bVJMDWZPt24MABw7c5OgI1a+onuDVrSrW5REREpUZ8PDBggLRY7dNPteMKBdC5s3xxkdWRNfGNjIxEYmIiZsyYgYSEBDRo0AB79uzRLHiLi4vTmeGdNm0aFAoFpk2bhps3b6J8+fLo2rUr5syZI9dTKFaXLmkvv/gi0LKlNtGtVk3qrkBERFSqbd0KDBsGPHggzfa88ALQpYvcUZGVkrWPrxxKUx/f3r2Bb76RLsfESLO5REREViE1FRgzBli/XjsWGAhs2gS0bi1fXGQRrK6PLz3ZtWvay5UryxYGERGReUVFAf36Sa2J1CIjgeXLuf0wFSs2q7Jg6sS3YkW2KyQiIiuQmwvMni3N6KqTXnd3YMMG4OuvmfRSseOMr4XKyAASEqTLQUGyhkJERPT07t0DunaVZnvVWrQAvvpKakdEVAI442uhrl/XXmbiS0REpZ6Xl3ZVtr29NPN78CCTXipRTHwtVP76Xia+RERU6tnbAxs3Ao0aAYcOATNmsD0RlTi+4ywUE18iIirVDh6UGss3baodq1IFOH6cm1GQbDjja6HyJ778FIiIiEqN7Gxg8mSgfXupL+fDh7q3M+klGTHxtVBXr2ovc8aXiIhKhZgY4LnngA8/BISQOjcsXy53VEQaTHwtlHrGV6GQ+nkTERFZLCGAVauAhg2BkyelMUdHYP58YMIEeWMjyoc1vhYqfw9fpVLWUIiIiAqXmAgMHQrs3Kkdq1UL2LxZWshGZEE442uBHj0C7t6VLrO+l4iILNbevUC9erpJ7/Dh0qwvk16yQJzxtUDs6EBERBbvzh0gIgLIzJSu+/gAa9ZIm1QQWSjO+FogJr5ERGTx/PykRWwAEB4OnD3LpJcsHmd8LRATXyIisjgqFZCXJy1aUxs9GqhUCejeHbDjXBpZPr5LLRB7+BIRkUW5fRt44QVg2jTdcTs74NVXmfRSqcF3qgViD18iIrIYO3cCISHAL78ACxYAv/8ud0RERcbE1wKpZ3zt7KRPkIiIiEpcerrUoSEiArh3Txrz85M1JKKnxRpfC6ROfAMCACcnWUMhIiJbdOIE0KcPcPGidqxbN+CLL6TuDUSlFGd8LUxaGpCUJF1mfS8REZWovDzgo4+A5s21Sa+rq7Qr23ffMemlUo8zvhaGHR2IiEgWSUlAjx7AgQPasdBQaQe2mjVlC4vInDjja2GY+BIRkSw8PaWPHQFAoQAmTwaOHGHSS1aFia+FYeJLRESycHQENm0CgoOB/fuBuXO50ISsDksdLAwTXyIiKhFRUVL9bv362rGaNYFz59iXl6wW39kWhptXEBFRscrNBWbPBlq3Bnr3Bh490r2dSS9ZMb67LYx68wp7e/bwJSIiM4uNBdq0AWbNkjo4REcDn38ud1REJYaJr4VRz/hWqgQ4sBCFiIjMQQhgwwagQQOpxAGQZljeew94+205IyMqUUytLEhqKnD/vnSZ9b1ERGQWycnSDmxbt2rHqlcHvvpK6tdLZEM442tBrl/XXmZ9LxERPbUDB4B69XST3sGDgVOnmPSSTeKMrwVR1/cCnPElIqKndPs2EB4OZGdL1729gZUrpU0qiGwUZ3wtCFuZERGR2fj7AzNnSpfbtwf++YdJL9k8zvhaECa+RERUZEIAKpW0aE1t4kQgMBDo25dtyojAGV+Lwh6+RERUJImJQPfuwAcf6I7b2wP9+zPpJfoPfxIsiLrG18EBqFhR3liIiKiU2LtXWsC2cyfw/vvadmVEpIeJrwVRz/gGBrKHLxERPUFmJjB2LNC5M5CQII15ewMPH8obF5EFY3plIR48kL4A1vcSEdETnD0r1e2ePasdCw8H1q0DKlSQLSwiS8cZXwvBHr5ERPREKhWwdCnQpIk26VUqpbHdu5n0Ej0BZ3wtBHv4EhHRY927J83y7t2rHQsJATZvBurWlS8uolKEM74Wgq3MiIjosdzcgJs3tdfHjgWOHWPSS2QCJr4WgokvERE9lrOzNLtbtao067tokTRGREZjqYOFYOJLREQ6TpyQZnlr19aOhYQAFy+y9Q9REXHG10Koa3wdHdnDl4jIpuXlAR99BDRvDvTuDWRl6d7OpJeoyJj4WgAhtDO+lSvr7jZJREQ2JD4e6NgRmDQJyM0FTp8GPv9c7qiIrAYTXwvw4AGQmipdZpkDEZGN2rpV2oHt4EHpukIBTJ4MjBwpb1xEVoSfl1gA1vcSEdmw1FRgzBhg/XrtWGAgsHEj0LatfHERWSEmvhYgf+LLzSuIiGxIVBTQrx8QG6sdi4wEli+Xth8mIrNi4msBuHkFEZENunkTaNcOyM6Wrru7A8uWSYmwQiFraETWijW+FoClDkRENiggAJgwQbrcogVw5gzQvz+TXqJixBlfC8DEl4jIBggh/Zs/sZ01S2rn88YbbFNGVAI442sB1ImvkxPg7y9rKEREVBySk4FevYCFC3XHHR2BYcOY9BKVECa+MhNCW+NbpQpgx+8IEZF1OXBAalO2dSswZQpw6pTcERHZLKZZMrt/H0hLky6zzIGIyIpkZ0sbUXToANy4IY2VKQMkJMgbF5EN42crMmN9LxGRFYqJAfr0AU6e1I61bw9s2ABUqiRfXEQ2jjO+MmMPXyIiKyIEsHIl0LChNul1dATmzwd++41JL5HMnmrGNzMzE87OzuaKxSaxhy8RkZW4fx8YPBjYtUs7VqsWsHkz0KiRfHERkYbJM74qlQrvv/8+AgICUKZMGcT+t9vM9OnT8eWXX5o9QGvHUgciIiuhVAIXLmivjxghzfoy6SWyGCYnvh988AHWrVuH+fPnw8nJSTNet25dfPHFF2YNzhYw8SUishJubsCmTUDFitKs7+efA66uckdFRPmYnPhu2LABq1atQt++fWFvb68Zr1+/Pi7k/0uXjKJOfJVKwM9P1lCIiMgUZ88C/33qqdG4sTTWtas8MRHRY5mc+N68eRM1atTQG1epVMjJyTFLULYifw/foCD28CUiKhVUKmDpUqBJE6BvXyA3V/d2pVKeuIjoiUxOterUqYM///xTb3zbtm1o2LChWYKyFUlJwKNH0mWWORARlQK3bwMvvAC8/TaQlQX89RewfLncURGRkUzu6jBjxgwMHDgQN2/ehEqlwo4dOxATE4MNGzbgxx9/LI4YrRbre4mISpGdO4E33gDu3dOOjR0LDB0qX0xEZBKTZ3y7deuGH374Ab/99hvc3NwwY8YMREdH44cffsDzzz9fHDFaLSa+RESlQHo6MHw4EBGhTXr9/YG9e4FFiwC29SQqNYrUx7d169b49ddfzR2LzeHmFUREFu7ECWkHtosXtWMREcDq1YCPj2xhEVHRmDzjW61aNdzL/zHPfx48eIBq1aqZJShbwc0riIgsWHw80KKFNul1dZUS3h07mPQSlVImJ77Xrl1DXl6e3nhWVhZu3rxplqBsBUsdiIgsWGAg8L//SZdDQ4FTp4AhQwCFQt64iKjIjC512JVvC8a9e/fC09NTcz0vLw/79u1DELM3k6gTXxcXwNdX1lCIiAiQ+kzmT2znzQMqVwZGjgTybdpERKWTQgghjDnQ7r8mswqFAgXv4ujoiKCgICxcuBAvvfSS+aM0o9TUVHh6eiIlJQUeHh6yxSGEtMlPRgYQHAycPy9bKERElJoKjBkDNG2qneUlItkUV75m9IyvSqUCAFStWhV///03fFjf9FTu3pWSXoBlDkREsoqKkjaiuHoV2LIFaN9empEgIqtjco3v1atXmfSaAet7iYhklpsLzJoFtG6tXW3s6AhcuSJrWERUfIrUziw9PR0HDx5EXFwcsrOzdW4bM2aMWQKzdkx8iYhkFBsL9OsnzfaqtWgBfPUV+0sSWTGTE99Tp06hS5cuePToEdLT01G2bFkkJSXB1dUVvr6+THyNxB6+REQyEALYsAEYNQpIS5PG7O2BGTOAKVMAhyLNBxFRKWFyqcPYsWPRtWtXJCcnw8XFBX/99ReuX7+O0NBQfPzxx8URo1ViD18iohL24AHQqxcwaJA26a1WDTh0SEp8mfQSWT2TE9/Tp09j/PjxsLOzg729PbKyshAYGIj58+djypQpxRGjVWKpAxFRCVMogKNHtdcHDQJOnwaaN5crIiIqYSYnvo6OjprWZr6+voiLiwMAeHp6Ij4+3rzRWTF14uvqyg2AiIhKhKcnsHGj9Et361Zg7VrA3V3uqIioBJn8uU7Dhg3x999/45lnnkHbtm0xY8YMJCUlYePGjahbt25xxGh1hACuX5cuBwVxEyAiomIREyM1TK9USTvWurU08+DmJltYRCQfk2d8586dC39/fwDAnDlz4O3tjREjRiAxMRErV640e4DWKCEByMyULnNhGxGRmQkBrFwJNGwIDBgA/NeHXoNJL5HNMnnGt3HjxprLvr6+2LNnj1kDsgWs7yUiKiaJicCQIcCuXdL1/fuBVauA4cPljYuILILJM76FOXnypMVvV2wpmPgSERWDvXuBevW0SS8gJbwDBsgXExFZFJMS371792LChAmYMmUKYmNjAQAXLlxAREQEmjRpotnW2BTLli1DUFAQnJ2d0axZMxw7duyxxz948AAjR46Ev78/lEolatasid27d5v8uHJi4ktEZEaZmcDYsUDnzlItGSAtYNu1C1i+XFpFTEQEE0odvvzySwwdOhRly5ZFcnIyvvjiCyxatAijR49GZGQkzp07h2AT9zbfsmULxo0bhxUrVqBZs2ZYsmQJwsPDERMTA19fX73js7Oz8fzzz8PX1xfbtm1DQEAArl+/Di8vL5MeV275e/iyxpeI6CmcPQv07Sv9qxYeDqxbB1SoIFtYRGSZFEIIYcyB9erVQ//+/fHOO+9g+/bt6NGjB5o3b46tW7eiUv4VsyZo1qwZmjRpgs8++wwAoFKpEBgYiNGjR2PSpEl6x69YsQILFizAhQsX4OjoWKTHTE1NhaenJ1JSUuDh4VGkczytTp2AX3+VLiclAeXKyRIGEVHpdv06UKsWkJUlXVcqgfnzpV3Z7MxWyUdEMiiufM3o3wxXrlxBjx49AACvvPIKHBwcsGDBgiInvdnZ2Thx4gTCwsK0wdjZISwsDFH5907PZ9euXXjuuecwcuRI+Pn5oW7dupg7dy7y8vIKfZysrCykpqbqfMlNXepQpgxQtqysoRARlV5Vqmjrd0NCgOPHgTFjmPQSUaGM/u2QkZEB1//qpBQKBZRKpaatWVEkJSUhLy8Pfn5+OuN+fn5IUNdoFRAbG4tt27YhLy8Pu3fvxvTp07Fw4UJ88MEHhT7OvHnz4OnpqfkKDAwscszmoFKxhy8RkdksXgx88AFw7BjAXvJE9AQmtTP74osvUKZMGQBAbm4u1q1bB58C246NGTPGfNEVoFKp4Ovri1WrVsHe3h6hoaG4efMmFixYgJkzZxq8z+TJkzFu3DjN9dTUVFmT34QEIDtbusz6XiIiI6WnA+PHS9sLDxqkHXdzA6ZOlS0sIipdjE58K1eujNWrV2uuV6hQARs3btQ5RqFQGJ34+vj4wN7eHnfu3NEZv3PnDioUsiDB398fjo6OsLe314wFBwcjISEB2dnZcHJy0ruPUqmEUqk0KqaSkH9hGzs6EBEZ4cQJaQFbTAywaZO0+1r16nJHRUSlkNGJ77X8PbjMwMnJCaGhodi3bx8iIiIASDO6+/btw6hRowzep2XLlti8eTNUKhXs/qvhunjxIvz9/Q0mvZaIrcyIiIyUlwd8/DEwbRqQmyuNqVTAuXNMfImoSGRdATBu3DisXr0a69evR3R0NEaMGIH09HQMHjwYADBgwABMnjxZc/yIESNw//59vPXWW7h48SJ++uknzJ07FyNHjpTrKZiMiS8RkRHi44GOHYFJk7RJb2gocOoU0K2bvLERUall8pbF5hQZGYnExETMmDEDCQkJaNCgAfbs2aNZ8BYXF6eZ2QWAwMBA7N27F2PHjkW9evUQEBCAt956CxMnTpTrKZgsf+LLGl8iIgO2bgWGDQMePJCuKxRSAjxrFlBKPt0jIstkdB9fayF3H9+wMGDfPuny/fuAt3eJh0BEZJkePgRGjwbWr9eOBQYCGzcCbdvKFxcRlTjZ+/iSeahnfD08gFK24RwRUfHKygJ++UV7PTISOHOGSS8RmQ0T3xKUlwfExUmX2cOXiKgAHx9pttfDA9iwAfj6a34sRkRmVaTE98qVK5g2bRp69+6Nu3fvAgB+/vln/Pvvv2YNztrcvg3k5EiXubCNiGxebCxQoKUlnn9e2uWnf3/ODhCR2Zmc+B48eBAhISE4evQoduzYgbS0NADAmTNnCt1EgiT5e/hyYRsR2SwhpJnd+vWB11+XrufHOjAiKiYmJ76TJk3CBx98gF9//VWnd26HDh3w119/mTU4a8NWZkRk85KTgV69pN3X0tKA3buBtWvljoqIbITJie/Zs2fRvXt3vXFfX18kJSWZJShrxcSXiGzagQNAvXpSuzK1QYOAHj3kioiIbIzJia+Xlxdu376tN37q1CkEBASYJShrxcSXiGxSdrbUh7dDB+DGDWnM21tKgNeuBdzd5Y2PiGyGyYlvr169MHHiRCQkJEChUEClUuHw4cOYMGECBgwYUBwxWo38Nb5MfInIJly4ADz3HPDRR9pa3vbtgX/+4UwvEZU4kxPfuXPnonbt2ggMDERaWhrq1KmDNm3aoEWLFpg2bVpxxGg11DO+Xl5cu0FENiA2FmjUCDh5Urru6AjMnw/89htQqZK8sRGRTSryzm1xcXE4d+4c0tLS0LBhQzzzzDPmjq1YyLVzW24u4OIi/duggbTdPBGR1evXD9i0CahVC9i8WUqEiYieoLjyNQdT73Do0CG0atUKlStXRuXKlc0WiLW7dUtKegGWORCRDVm2DKhSBZg6FXB1lTsaIrJxJpc6dOjQAVWrVsWUKVNw/vz54ojJKrGHLxFZtcxMYOxY4Ntvdcc9PYE5c5j0EpFFMDnxvXXrFsaPH4+DBw+ibt26aNCgARYsWIAb6pW6ZBA7OhCR1Tp7FmjaFFiyBHjzTSA+Xu6IiIgMMjnx9fHxwahRo3D48GFcuXIFPXr0wPr16xEUFIQOHToUR4xWgYkvEVkdlQpYuhRo0kRKfgEgIwM4flzeuIiICmFyjW9+VatWxaRJk1C/fn1Mnz4dBw8eNFdcVoeJLxFZldu3gcGDgb17tWMhIdICtrp15YuLiOgxTJ7xVTt8+DD+97//wd/fH3369EHdunXx008/mTM2q8LEl4isxs6d0g5s+ZPesWOBY8eY9BKRRTN5xnfy5Mn45ptvcOvWLTz//PNYunQpunXrBlcuXHgs9eK2smWBEuyiRkRkPunpwPjxwMqV2jF/f2DdOqBTJ9nCIiIylsmJ7x9//IF33nkHPXv2hI+PT3HEZHVyc7W7dHK2l4hKrdRUYPt27fWICGD1aoD/FxBRKWFy4nv48OHiiMOq3bgB5OVJl5n4ElGp5e8PfPEF0KePtKjtjTcAhULuqIiIjGZU4rtr1y688MILcHR0xK5dux577Msvv2yWwKwJ63uJqFSKjwfc3KQaLbVu3aTaLV9f+eIiIioioxLfiIgIJCQkwNfXFxEREYUep1AokKee2iQNbl5BRKXO1q3AsGFAWJh0Of/MLpNeIiqljOrqoFKp4PvfLzqVSlXoF5NewzjjS0SlRmoqMGgQEBkJPHgAbNsmtSgjIrICJrcz27BhA7KysvTGs7OzsWHDBrMEZW2Y+BJRqRAVBTRoAKxfrx2LjAS6dJEtJCIiczI58R08eDBSUlL0xh8+fIjBgwebJShrw8SXiCxabi4wezbQurW2NsvdHdiwAfj6a8DbW974iIjMxOSuDkIIKAys4r1x4wY8PT3NEpS1Uf8/4uMDlCkjbyxERDpiY4F+/aTZXrUWLYCvvuKiBCKyOkYnvg0bNoRCoYBCoUDHjh3h4KC9a15eHq5evYrOnTsXS5ClWXY2cPOmdJmzvURkUS5fBho1Ah4+lK7b2wMzZgBTpgAOT7WjPRGRRTL6N5u6m8Pp06cRHh6OMvmmLp2cnBAUFIRXX33V7AGWdjduACqVdJmJLxFZlOrVgY4dge+/B6pVAzZtApo3lzsqIqJiY3TiO3PmTABAUFAQIiMj4ezsXGxBWRPW9xKRxVIopJ3XqlQB3n9fquslIrJiJi9uGzhwIJNeE7CHLxFZhOxsYNIk4KefdMd9fIAlS5j0EpFNMGrGt2zZsrh48SJ8fHzg7e1tcHGb2v37980WnDXgjC8RyS4mRtpm+ORJYO1a4J9/AD8/uaMiIipxRiW+ixcvhvt/swGLFy9+bOJLupj4EpFshABWrQLGjgUyMqSx5GTg8GHglVfkjY2ISAYKIYSQO4iSlJqaCk9PT6SkpMDDw6PYH691a+DQIelyWpq07T0RUbFLTASGDAF27dKO1aol7cLWqJF8cRERGaG48jWTa3xPnjyJs2fPaq7v3LkTERERmDJlCrKzs80WmLVQz/j6+jLpJaISsncvUK+ebtI7YoRU6sCkl4hsmMmJ77Bhw3Dx4kUAQGxsLCIjI+Hq6opvv/0W7777rtkDLM2ystjDl4hKUGamVNbQuTOQkCCN+fhICfDnnwOurvLGR0QkM5MT34sXL6JBgwYAgG+//RZt27bF5s2bsW7dOmzfvt3c8ZVq8fFSiR3AxJeISsDdu9LiNbXOnYGzZ4GuXeWLiYjIgpic+AohoPpvR4bffvsNXbp0AQAEBgYiKSnJvNGVclzYRkQlqnJlYPlyQKkEPvkE2L0bqFBB7qiIiCyGyXtSNm7cGB988AHCwsJw8OBBLF++HABw9epV+LE9jg4mvkRUrG7flhYP5F/40bs30KoVEBgoX1xERBbK5BnfJUuW4OTJkxg1ahSmTp2KGjVqAAC2bduGFi1amD3A0oybVxBRsdm5U1rANmaM/m1MeomIDDJbO7PMzEzY29vD0dHRHKcrNiXZzqxvX6lzEABERwO1axfrwxGRLUhPB8aPB1au1I5t2wa8+qp8MRERmVlx5WsmlzqonThxAtHR0QCAOnXqoBFb5OjJX+pQpYpsYRCRtThxQtqB7b/OOgCAiAigbVvZQiIiKk1MTnzv3r2LyMhIHDx4EF5eXgCABw8eoH379vjmm29Qvnx5c8dYaqkTXz8/wMVF1lCIqDTLywM+/hiYNg3IzZXGXF2BpUuBN94AuJsmEZFRTK7xHT16NNLS0vDvv//i/v37uH//Ps6dO4fU1FSMMVRrZqMyM4Fbt6TLrO8loiKLjwc6dgQmTdImvaGhwKlT0s5sTHqJiIxm8ozvnj178NtvvyE4OFgzVqdOHSxbtgydOnUya3ClWVyc9jI7OhBRkVy8CDRrBjx4IF1XKKQEeNYswMlJzsiIiEolk2d8VSqVwQVsjo6Omv6+xFZmRGQGNWpIiS8gdWrYvx+YO5dJLxFREZmc+Hbo0AFvvfUWbqk/xwdw8+ZNjB07Fh07djRrcKUZE18iemp2dtJObG++CZw5w0VsRERPyeTE97PPPkNqaiqCgoJQvXp1VK9eHVWrVkVqaio+/fTT4oixVGIPXyIySW4uMHs28PvvuuP+/lLrMm9veeIiIrIiJtf4BgYG4uTJk9i3b5+mnVlwcDDCwsLMHlxpxhlfIjJabCzQrx8QFQUEBAD//AOULSt3VEREVsekxHfLli3YtWsXsrOz0bFjR4wePbq44ir18ie+lSvLFgYRWTIhgI0bgVGjgIcPpbGEBKmWlxtSEBGZndGJ7/LlyzFy5Eg888wzcHFxwY4dO3DlyhUsWLCgOOMrtdSJr78/4OwsayhEZImSk4Hhw4GtW7Vj1aoBmzYBzZvLFxcRkRUzusb3s88+w8yZMxETE4PTp09j/fr1+Pzzz4sztlIrI0OatAFY30tEBhw4ANSrp5v0DhoEnD7NpJeIqBgZnfjGxsZi4MCBmut9+vRBbm4ubt++XSyBlWbXr2svs76XiDSys4HJk4EOHYAbN6QxLy8pAV67FnB3lzU8IiJrZ3SpQ1ZWFtzc3DTX7ezs4OTkhIyMjGIJrDTjwjYiMujGDeDTT6XaXgBo1w7YsEHq0UtERMXOpMVt06dPh6urq+Z6dnY25syZA09PT83YokWLzBddKcXEl4gMqlYNWLoUGDECmDMHGD9e6tVLREQlwujEt02bNoiJidEZa9GiBWJjYzXXFdwzHgATXyL6T1IS4Ooqfam9/rq0EUWNGvLFRURko4xOfA8cOFCMYVgXbl5BRNi7V1qw9sorwLJl2nGFgkkvEZFM+BlbMVDP+CoULN0jsjmZmcDYsUDnzlJ7l88/B376Se6oiIgIRdi5jZ5MnfhWrAgolbKGQkQl6exZoG9f6V+1zp2B0FD5YiIiIg3O+JrZo0fA3bvSZdb3EtkIlUpatNakiTbpVSqBTz4Bdu8GKlSQNz4iIgLAGV+zy7+wjfW9RDbg9m1g8GCpplctJATYvBmoW1e+uIiISA8TXzNjRwciGxITA7RqJXVvUBs7Fpg7l3uVExFZoCKVOvz555/o168fnnvuOdy8eRMAsHHjRhw6dMiswZVGTHyJbEiNGkCdOtJlf39p1nfRIia9REQWyuTEd/v27QgPD4eLiwtOnTqFrKwsAEBKSgrmzp1r9gBLGya+RDbE3h7YuBHo3x/45x+gUye5IyIioscwOfH94IMPsGLFCqxevRqOjo6a8ZYtW+LkyZNmDa40Yg9fIiuVlwd89BFw5IjueOXK0rbDPj7yxEVEREYzucY3JiYGbdq00Rv39PTEgwcPzBFTqaae8bWzAypVkjUUIjKX+HhpVvfgQekv2tOnAQ8PuaMiIiITmTzjW6FCBVy+fFlv/NChQ6hWrZpZgirN1IlvQADg5CRrKERkDlu3AvXqSUkvIP2Q//KLrCEREVHRmJz4Dh06FG+99RaOHj0KhUKBW7duYdOmTZgwYQJGjBhRHDGWGmlp2sXdrO8lKuVSU6UthyMjAfWnWYGBwP79wGuvyRkZEREVkcmlDpMmTYJKpULHjh3x6NEjtGnTBkqlEhMmTMDo0aOLI8ZSgz18iaxEVBTQrx8QG6sdi4wEli8HvL3li4uIiJ6KyYmvQqHA1KlT8c477+Dy5ctIS0tDnTp1UKZMmeKIr1RhRweiUi43F5gzB3j/fWkxGwC4uwPLlkmJsEIhb3xERPRUiryBhZOTE+qo+1cSACa+RKXelSvAvHnapLdFC+Crr/gRDhGRlTA58W3fvj0Uj5n1+P33358qoNKMiS9RKVerFjB/PjBuHDBjBjBlCuDADS6JiKyFyb/RGzRooHM9JycHp0+fxrlz5zBw4EBzxVUq5e/hy8SXqBRITgZcXQGlUjs2ejTQoQNQt658cRERUbEwOfFdvHixwfFZs2YhLS3tqQMqzdQzvvb20uJvIrJgBw5IvXl79QIWLNCOKxRMeomIrJTJ7cwK069fP6xZs8ZcpyuV1IlvpUr8dJTIYmVnA5MnS7O6N24AH38M7Nsnd1RERFQCzJaeRUVFwdnZ2VynK3VSU4H796XLLHMgslAxMUCfPkD+7dXbt5dqe4mIyOqZnPi+8sorOteFELh9+zaOHz+O6dOnmy2w0ub6de1lJr5EFkYIYNUqYOxYICNDGnN0lFqXjR8v7TFORERWz+TE19PTU+e6nZ0datWqhffeew+dOnUyW2ClTf6Fbex8RGRBEhOBIUOAXbu0Y7VqAZs3A40ayRcXERGVOJMS37y8PAwePBghISHw5u5FOtjKjMgCxcQA7doBCQnasREjpLpeV1fZwiIiInmY9Pmevb09OnXqhAfqfevNZNmyZQgKCoKzszOaNWuGY8eOGXW/b775BgqFAhEREWaNpyiY+BJZoGrVtC1WfHykWd/PP2fSS0Rko0wubKtbty5i8+9f/5S2bNmCcePGYebMmTh58iTq16+P8PBw3L1797H3u3btGiZMmIDWrVubLZanwcSXyAI5OgKbNgGvvAKcPQt07Sp3REREJCOTE98PPvgAEyZMwI8//ojbt28jNTVV58tUixYtwtChQzF48GDUqVMHK1asgKur62Nbo+Xl5aFv376YPXs2qlWrZvJjFgd1ja+DAxAQIG8sRDZJpQI++QQ4dUp3/JlngO3bgQoV5ImLiIgshtGJ73vvvYf09HR06dIFZ86cwcsvv4xKlSrB29sb3t7e8PLyMrnuNzs7GydOnEBYWJg2IDs7hIWFISoq6rGx+Pr64o033njiY2RlZT11cm4M9YxvYCB7+BKVuNu3gS5dgLfektqVPXokd0RERGSBjE7RZs+ejeHDh2P//v1me/CkpCTk5eXBz89PZ9zPzw8XLlwweJ9Dhw7hyy+/xOnTp416jHnz5mH27NlPG+pjPXggfQEscyAqcTt3Sl0bkpKk6xcuAD//DLz6qrxxERGRxTE68RVCAADatm1bbME8ycOHD9G/f3+sXr0aPj4+Rt1n8uTJGDdunOZ6amoqAs28nzB7+BLJID1d6sG7cqV2zN8fWLcOsOHWikREVDiTPpRXKBRmfXAfHx/Y29vjzp07OuN37txBBQP1eFeuXMG1a9fQNd8CFZVKBQBwcHBATEwMqlevrnMfpVIJpVJp1rgLYg9fohJ24oRU0nDxonYsIgJYvVrq3kBERGSASYlvzZo1n5j83lfv22sEJycnhIaGYt++fZqWZCqVCvv27cOoUaP0jq9duzbOnj2rMzZt2jQ8fPgQS5cuNftMrrHY0YGohOTlAQsWANOnA7m50pirK7BkiVTuYOY/zomIyLqYlPjOnj1bb+e2pzVu3DgMHDgQjRs3RtOmTbFkyRKkp6dj8ODBAIABAwYgICAA8+bNg7OzM+rWratzfy8vLwDQGy9JTHyJSsiFC7pJb2iotANbzZryxkVERKWCSYlvr1694Ovra9YAIiMjkZiYiBkzZiAhIQENGjTAnj17NAve4uLiYGdncte1EsXEl6iEPPss8P77wJQpwKRJwKxZgJOT3FEREVEpoRDqVWtPYG9vj9u3b5s98S1pqamp8PT0REpKCjw8PMxyzvr1gX/+kXrlZ2QA9vZmOS0RPXwIuLjo9gjMy5N69TZuLF9cRERUrIojXwNM6ONrZH5sc4TQzvhWrsykl8hsoqKABg2ADz7QHbe3Z9JLRERFYnTiq1KpSv1sb3F48ABQ74nBMgciM8jNBWbPBlq3BmJjpdKGI0fkjoqIiKwA9xh7SqzvJTKj2FigXz9ptleteXOpPy8REdFTsuxVY6VA/h6+THyJikgIYMMGqbRBnfTa20szvwcPskE2ERGZBWd8n1L+GV/+30xUBMnJwIgRwJYt2rFq1YBNm6TZXiIiIjNh4vuUWOpA9BRiYoDnnwfi47VjgwYBn3wCuLvLFhYREVknljo8JSa+RE+hShXgv01o4O0NbN0KrF3LpJeIiIoFE9+npE58nZy4/obIZM7O0s5rXbpIzbB79JA7IiIismJMfJ+CENrFbVWqABa+wRyRvIQAVq0Czp/XHa9bF/jpJ6BSJXniIiIim8FU7Sncvw+kpUmXWeZA9BiJiUBEBDBsGNCnD5CVJXdERERkg5j4PgXW9xIZYe9eoF49YNcu6fqZM8CPP8obExER2SQmvk+BiS/RY2RmAm+/DXTuDCQkSGM+PlIC/OqrsoZGRES2ie3MnkL+zSvYw5con7NnpZKGc+e0Y+HhwLp1QIUKsoVFRES2jTO+T4EzvkQFqFTA0qVAkybapFeplMZ272bSS0REsuKM71Ng4ktUwNmzwLhxUgIMACEhUruyunXljYuIiAic8X0q6sRXqQT8/GQNhcgy1K8PTJkiXR47Fjh2jEkvERFZDM74FhF7+BIBePRI2oQi/w/AjBlAp05A69byxUVERGQA07UiSkqS/s8HuLCNbNSJE0DDhsDChbrjjo5MeomIyCIx8S0i1veSzcrLAz76CGjeHLh4EZg6FTh5Uu6oiIiInoilDkXExJdsUnw80L8/cPCgdqxePaBMGfliIiIiMhJnfIsofw9fJr5kE7ZulZJcddKrUACTJwNHjgA1a8obGxERkRE441tE+Wd8WeNLVi01FRgzBli/XjsWGAhs3Ai0bStfXERERCZi4ltELHUgmxATA3TpAsTGasciI4EVKwAvL9nCIiIiKgqWOhSROvF1dgZ8fWUNhaj4VKoEOPz397G7O7BhA/D110x6iYioVGLiWwRCaBPfoCCp1JHIKrm5STuvtWsHnDkjLWzjG56IiEopJr5FcPcukJEhXWZ9L1kNIaQZ3StXdMdDQ4Hff+ebnYiISj0mvkXA+l6yOsnJQK9ewMCBQN++QE6O7u2c5SUiIivAxLcImPiSVTlwQGpTtnWrdP3oUeDHH2UNiYiIqDgw8S0CJr5kFbKzgUmTgA4dgBs3pDFvb+Dbb4Hu3eWNjYiIqBiwnVkR5N+8gmWPVCrFxAB9+uhuNdy+vVTjW6mSfHEREREVI874FgFnfKnUEgJYuRJo2FCb9Do6AvPnA7/9xqSXiIisGmd8i0Cd+Lq6Aj4+soZCZJpTp4Dhw7XXa9WS2pU1aiRfTERERCWEM74mEgK4fl26zB6+VOo0agSMGyddHjFCmvVl0ktERDaCM74mSkgAMjOlyyxzIIuXlQU4Oen+hTZ3LtC5M/D88/LFRUREJAPO+Joof30vF7aRRTt7FmjcGFi+XHdcqWTSS0RENomJr4m4sI0snkoFLF0KNGkCnDsHjB8PnD8vd1RERESyY6mDiZj4kkW7fRsYPBjYu1c79swz8sVDRERkQTjja6L8PXyZ+JJF2blT2oEtf9I7dixw7BhQp458cREREVkIzviaiDW+ZHHS06VyhpUrtWP+/sC6dUCnTrKFRUREZGmY+JpInfiWKQOULStrKETAxYtA167Sv2oREcDq1WwyTUREVABLHUygUrGHL1kYPz8gO1u67OoqJbw7djDpJSIiMoCJrwlu39bmGKzvJYvg6Ql89RXQrJm0K9uQIfyLjIiIqBBMfE3A+l6S3bffAvHxumMtWwJRUUDNmvLEREREVEow8TUBW5mRbFJTgUGDgJ49gQEDgLw83ds5y0tERPRETHxNwMSXZBEVBTRsCKxfL10/cAD48UdZQyIiIiqNmPiagIkvlajcXGD2bKB1ayA2Vhpzdwc2bABeflne2IiIiEohtjMzQf7NK1jjS8UqNhbo10+a7VVr0UJayMY3HxERUZFwxtcE6hlfDw/Ay0vOSMhqCSHN6DZooE167e2lmd+DB5n0EhERPQXO+BopLw+Ii5Mus4cvFZvjx4GBA7XXq1UDNm0CmjeXLyYiIiIrwRlfI92+DeTkSJdZ30vFpkkTYNgw6fKgQcDp00x6iYiIzIQzvkbKX9/LxJfMJicHcHDQ/Qhh4UKgSxcuYCMiIjIzzvgaiZtXkNnFxEizueo2ZWpubkx6iYiIigETXyOxlRmZjRDAypVSb96TJ4HRo4HLl+WOioiIyOqx1MFITHzJLBITgSFDgF27tGMBAUBGhnwxERER2QjO+BqJNb701PbuBerV0016hw+XZn1DQuSLi4iIyEYw8TWSesbXy4s9fMlEmZnA2LFA585AQoI05uMjJcDLlwOurvLGR0REZCNY6mCE3FwgPl66zNleMsnly8ArrwBnz2rHOncG1q4FKlSQLy4iIiIbxBlfI9y6JSW/ABNfMpG3N3DvnnRZqQQ++QTYvZtJLxERkQyY+BqB9b1UZOXKAevWAfXrS7uyjR7Nbf+IiIhkwsTXCOzhS0b74QdtHa/a888DJ04AdevKExMREREBYOJrFLYyoydKT5c6NLz8MvD661Kv3vzs7eWJi4iIiDSY+BqBiS891okTQKNG0qYUAPDzz8CPP8obExEREelh4msE1viSQXl5wEcfSdsOX7wojbm6AqtXAy+9JG9sREREpIftzIygnvEtWxbw8JA1FLIU8fFA//7AwYPasdBQYPNmoGZN+eIiIiKiQnHG9wlyc4EbN6TLnO0lAMCWLdIObOqkV6EAJk8Gjhxh0ktERGTBOOP7BDduSJ9oA0x8CcBffwG9emmvBwYCGzcCbdvKFxMREREZhTO+T8CFbaSjeXOpxAEAIiOBM2eY9BIREZUSnPF9Ai5ss3EqFWBX4O/Dzz4DXnwR6NmTm1EQERGVIpzxfQJuXmHDYmOBVq2ArVt1xz08pNleJr1ERESlChPfJ2Cpgw0SAtiwAWjQAIiKAoYNk7o4EBERUanGxPcJ8ie+VarIFgaVlORkafHawIHAw4fSWNmywL178sZFRERET42J7xOoa3zLlQPc3eWNhYrZgQNSm7L8pQ2DBgGnT0uzv0RERFSqMfF9jOxs4OZN6TLre61YdjYwaRLQoYO2abOXl5QAr13Lv3iIiIisBLs6PMaNG9KifoD1vVYrNhbo0QM4eVI71q6dVOMbGChbWERERGR+nPF9DC5sswEuLkBcnHTZ0RGYPx/Yt49JLxERkRVi4vsY7OFrA/z9gS+/BGrXlnZle+cd/b69REREZBX4P/xjsIevFfrtN/0ODS+/DPzzD9CokTwxERERUYmwiMR32bJlCAoKgrOzM5o1a4Zjx44Veuzq1avRunVreHt7w9vbG2FhYY89/mmw1MGKZGYCY8cCzz8v9eUVQvd2R0d54iIiIqISI3viu2XLFowbNw4zZ87EyZMnUb9+fYSHh+Pu3bsGjz9w4AB69+6N/fv3IyoqCoGBgejUqRNuqtsvmBF7+FqJs2eBpk2BJUuk69u3A3v2yBoSERERlTyFEAWnvkpWs2bN0KRJE3z22WcAAJVKhcDAQIwePRqTJk164v3z8vLg7e2Nzz77DAMGDHji8ampqfD09ERKSgo8PDwee2ylSlI7s/LlgULycLJkKhXw6afAxIlAVpY0plQCCxYAo0Zxy2EiIiILZUq+ZgpZ25llZ2fjxIkTmDx5smbMzs4OYWFhiIqKMuocjx49Qk5ODsqWLWvw9qysLGSpkx5IL6QxsrKAW7eky6zvLYVu3wYGDwb27tWOhYQAmzcDdevKFxcRERHJRtZSh6SkJOTl5cHPz09n3M/PDwkJCUadY+LEiahYsSLCwsIM3j5v3jx4enpqvgKNbFMVH68tA2V9bymza5e0A1v+pHfsWODYMSa9RERENkz2Gt+n8eGHH+Kbb77Bd999B2dnZ4PHTJ48GSkpKZqv+Ph4o87NhW2l1OHDQLduQFKSdL1CBSkBXrQIKOQ9QkRERLZB1sTXx8cH9vb2uHPnjs74nTt3UKFChcfe9+OPP8aHH36IX375BfXq1Sv0OKVSCQ8PD50vYzDxLaVatAC6d5cud+smLWzr1EnemIiIiMgiyJr4Ojk5ITQ0FPv27dOMqVQq7Nu3D88991yh95s/fz7ef/997NmzB40bNy6W2Lh5RSlRcG2mQgGsXg2sXQt89x3g4yNPXERERGRxZC91GDduHFavXo3169cjOjoaI0aMQHp6OgYPHgwAGDBggM7it48++gjTp0/HmjVrEBQUhISEBCQkJCAtLc2scXHzilIgPh7o0AH48Ufd8XLlgEGD2LWBiIiIdMja1QEAIiMjkZiYiBkzZiAhIQENGjTAnj17NAve4uLiYJdvC9nly5cjOzsbr732ms55Zs6ciVmzZpktLvbwtXBbt0obUTx4APz7r7Tz2hPKY4iIiMi2yd7Ht6QZ2xcuIEBqZ+bnBxjZYIJKQmoqMGYMsH69diwwEPj+e245TEREZCWKq4+v7KUOligzU9vDl/W9FiQqCmjQQDfpjYwEzpxh0ktERERPxMTXgLg47WXW91qA3Fxg1iygdWvtqkN3d2DDBuDrrwFvb1nDIyIiotJB9hpfS8RWZhbk2jWgTx9ptletRQvgq6/4VwkRERGZhDO+BjDxtSB2dsD589Jle3tg9mzg4EEmvURERGQyJr4GsIevBalcGVixAqhWDTh0CJgxA3DgBxVERERkOia+BrCHr4z+/FPq3JBfr15Sy7LmzeWJiYiIiKwCE18D8ie+lSvLFoZtyc4GJk0C2rYFRo/Wv93ZueRjIiIiIqvCxNcAdeLr7898q0TExADPPQd89JG0BfGGDcAvv8gdFREREVkZJr4FZGRoN6xgfW8xEwJYuRJo2BA4eVIac3QE5s8HwsLkjY2IiIisDlcJFXD9uvYy63uLUWIiMGQIsGuXdqxWLWDzZm5GQURERMWCM74FsJVZCdi7F6hXTzfpHTFCmvVl0ktERETFhDO+BTDxLWZ//gl07qy97uMDrFkDdO0qX0xERERkEzjjWwB7+BazVq20iW/nzsDZs0x6iYiIqERwxrcAzvgWM4UCWLsW+O47YPhw6ToRERFRCeCMbwHqxFehYA/fp5aQALz4IrBvn+54hQpSTS+TXiIiIipBnPEtQJ34VqwIKJWyhlK67doFvPEGkJQEnDkjfZUrJ3dUREREZMM445vPo0fA3bvSZZY5FFF6ulTC0K2blPQCgEqlW0NCREREJAMmvvmwvvcpnTgBhIZKm1KoRUQA//wjjRMRERHJiIlvPvkTX25eYYK8PGm74ebNpe2HAcDVFVi9GtixQ2pZRkRERCQz1vjmwxnfIrhxA+jfHzhwQDsWGirtwFazpmxhERERERXEGd98mPgWQUYG8Pff0mWFApg8GThyhEkvERERWRwmvvlw84oieOYZ4JNPgMBAYP9+YO5cwMlJ7qiIiIiI9DDxzUc942tnJ+VxZMCxY1L7i/wGDwbOnwfatpUnJiIiIiIjMPHNR534BgRw0lJPbi4wezbQogUwYYLubQoFUKaMPHERERERGYmJ73/S0rRtZ1nmUEBsLNCmDTBrltTBYflyqayBiIiIqBRh4vsfLmwzQAhgwwagQQMgKkoas7eXZn5bt5Y1NCIiIiJTsZ3Zf9jDt4DkZGDECGDLFu1YtWrApk1Sv14iIiKiUoaJ738445vPwYNSb974eO3YoEFS9wZ3d9nCIiIqKXl5ecjJyZE7DCKr5uTkBDu7ki0+YOL7Hya+/zl4EGjfXipzAABvb2kL4h495I2LiKgECCGQkJCABw8eyB0KkdWzs7ND1apV4VSCHQWY+P6HPXz/06qVtJBNnQBv2ABUqiR3VEREJUKd9Pr6+sLV1RUKhULukIiskkqlwq1bt3D79m1Urly5xH7WmPj+J38PX5vO8+ztgY0bgW+/Bd5+W3pBiIhsQF5enibpLVeunNzhEFm98uXL49atW8jNzYWjo2OJPCazmv+oE9/AQKCEXnv5JSYCr74KHD6sOx4YCIwbx6SXiGyKuqbX1dVV5kiIbIO6xCEvL6/EHpMzvgBSU4H796XLNlPmsHevtGAtIQE4eRI4cwbw8JA7KiIi2bG8gahkyPGzxik92NjCtsxMqYShc2cp6QWk3TsuXpQ1LCIiIqLixsQXNpT4nj0LNGkCLF2qHevcWRpv3Fi+uIiIiGQSExODChUq4OHDh3KHYnWaN2+O7du3yx2GDia+sIHNK1QqKdlt0gQ4d04aUyqlvry7dwMVKsgbHxERPZVBgwZBoVBAoVDA0dERVatWxbvvvovMzEy9Y3/88Ue0bdsW7u7ucHV1RZMmTbBu3TqD592+fTvatWsHT09PlClTBvXq1cN7772H++r6QCswefJkjB49Gu5W3Kd+2bJlCAoKgrOzM5o1a4Zjx4498T5LlixBrVq14OLigsDAQIwdO1bv/XTz5k3069cP5cqVg4uLC0JCQnD8+HHN7dOmTcOkSZOgUqnM/pyKiokvrHzG9/ZtoEsXqbwhK0saCwkBjh8HRo8GWMtGRGQVOnfujNu3byM2NhaLFy/GypUrMXPmTJ1jPv30U3Tr1g0tW7bE0aNH8c8//6BXr14YPnw4JkyYoHPs1KlTERkZiSZNmuDnn3/GuXPnsHDhQpw5cwYbN24sseeVnZ1dbOeOi4vDjz/+iEGDBj3VeYozxqe1ZcsWjBs3DjNnzsTJkydRv359hIeH4+7du4XeZ/PmzZg0aRJmzpyJ6OhofPnll9iyZQumTJmiOSY5ORktW7aEo6Mjfv75Z5w/fx4LFy6Et7e35pgXXngBDx8+xM8//1ysz9EkwsakpKQIACIlJUUz1r27ENKODUJcuyZjcMXh3DkhlErtExw7VoiMDLmjIiKyOBkZGeL8+fMioxT+jhw4cKDo1q2bztgrr7wiGjZsqLkeFxcnHB0dxbhx4/Tu/8knnwgA4q+//hJCCHH06FEBQCxZssTg4yUnJxcaS3x8vOjVq5fw9vYWrq6uIjQ0VHNeQ3G+9dZbom3btprrbdu2FSNHjhRvvfWWKFeunGjXrp3o3bu36Nmzp879srOzRbly5cT69euFEELk5eWJuXPniqCgIOHs7Czq1asnvv3220LjFEKIBQsWiMaNG+uMJSUliV69eomKFSsKFxcXUbduXbF582adYwzFKIQQZ8+eFZ07dxZubm7C19dX9OvXTyQmJmru9/PPP4uWLVsKT09PUbZsWfHiiy+Ky5cvPzbGp9W0aVMxcuRIzfW8vDxRsWJFMW/evELvM3LkSNGhQwedsXHjxomWLVtqrk+cOFG0atXqiY8/ePBg0a9fP4O3Pe5nzlC+Zg6c8YV28wp7eyAgQN5YzO7ZZ4EFC6Ryhr17gUWLAGdnuaMiIio1GjeW+ruX5NfTLrs4d+4cjhw5orMj1rZt25CTk6M3swsAw4YNQ5kyZfD1118DADZt2oQyZcrgf//7n8Hze3l5GRxPS0tD27ZtcfPmTezatQtnzpzBu+++a/JH3evXr4eTkxMOHz6MFStWoG/fvvjhhx+QlpamOWbv3r149OgRunfvDgCYN28eNmzYgBUrVuDff//F2LFj0a9fPxw8eLDQx/nzzz/RuMCLnZmZidDQUPz00084d+4c3nzzTfTv31+vPKBgjA8ePECHDh3QsGFDHD9+HHv27MGdO3fQs2dPzX3S09Mxbtw4HD9+HPv27YOdnR26d+/+2Ndn7ty5KFOmzGO/4uLiDN43OzsbJ06cQFhYmGbMzs4OYWFhiIqKKvQxW7RogRMnTmiec2xsLHbv3o0uXbpojtm1axcaN26MHj16wNfXFw0bNsTq1av1ztW0aVP8+eefhT5WiTNrGl0KGPoLwstLmgytWlXGwMzl9GkhMjN1x1QqIe7flyceIqJSorDZp4AA7YdmJfUVEGBa7AMHDhT29vbCzc1NKJVKAUDY2dmJbdu2aY4ZPny48PT0LPQc9erVEy+88IIQQogXXnhB1KtXz7QghBArV64U7u7u4t69e4XGacyMb/6ZaiGEyMnJET4+PmLDhg2asd69e4vIyEghhBCZmZnC1dVVHDlyROd+b7zxhujdu3eh8davX1+89957T3xeL774ohg/fvxjY3z//fdFp06ddMbi4+MFABETE2PwvImJiQKAOHv2bKGPfe/ePXHp0qXHfuXk5Bi8782bNwUAvdflnXfeEU2bNn3sc166dKlwdHQUDg4OAoAYPny4zu1KpVIolUoxefJkcfLkSbFy5Urh7Ows1q1bp3Pczp07hZ2dncjLy9N7DDlmfG2+j++DB9IXUMrre/PygI8/BqZNA956S7qsplAA+WpuiIjIeHKs/y3KY7Zv3x7Lly9Heno6Fi9eDAcHB7z66qtFenwhRJHud/r0aTRs2BBly5Yt0v3VQkNDda47ODigZ8+e2LRpE/r374/09HTs3LkT33zzDQDg8uXLePToEZ5//nmd+2VnZ6Nhw4aFPk5GRgacC3wKmpeXh7lz52Lr1q24efMmsrOzkZWVpbexScEYz5w5g/3796NMmTJ6j3PlyhXUrFkTly5dwowZM3D06FEkJSVpZnrj4uJQt25dgzGWLVv2qV9PUx04cABz587F559/jmbNmuHy5ct466238P7772P69OkApC2HGzdujLlz5wIAGjZsiHPnzmHFihUYOHCg5lwuLi5QqVTIysqCi4tLiT4PQ2w+8b1+XXu51Ca+8fFA//6A+uOchQuBiAigVStZwyIisgb5FqlbNDc3N9SoUQMAsGbNGtSvXx9ffvkl3njjDQBAzZo1kZKSglu3bqFixYo6983OzsaVK1fQvn17zbGHDh1CTk6OSVvJPimxsbOz00uq1TvmFXwuBfXt2xdt27bF3bt38euvv8LFxQWdO3cGAE0JxE8//YSAAjWLSqWy0Hh8fHyQnJysM7ZgwQIsXboUS5YsQUhICNzc3PD222/rLWArGGNaWhq6du2Kjz76SO9x/P39AQBdu3ZFlSpVsHr1alSsWBEqlQp169Z97OK4uXPnapLLwpw/fx6VK1c2+Pzs7e1x584dnfE7d+6gwmP+upo+fTr69++PIUOGAABCQkKQnp6ON998E1OnToWdnR38/f1Rp04dnfsFBwfrtS+7f/8+3NzcLCLpBdjVQVPfC5TSxHfrVqBePW3Sq1AAkycDTZvKGxcREcnGzs4OU6ZMwbRp05CRkQEAePXVV+Ho6IiFCxfqHb9ixQqkp6ejd+/eAIA+ffogLS0Nn3/+ucHzP1B/VFpAvXr1cPr06ULbnZUvXx63b9/WGTt9+rRRz6lFixYIDAzEli1bsGnTJvTo0UOTlNepUwdKpRJxcXGoUaOGzldgYGCh52zYsCHOnz+vM3b48GF069YN/fr1Q/369VGtWjVcNGKTp0aNGuHff/9FUFCQXgxubm64d+8eYmJiMG3aNHTs2BHBwcF6Sbchw4cPx+nTpx/7VfAPGTUnJyeEhoZi3759mjGVSoV9+/bhueeeK/QxHz16BDs73RTR3t4egPbTgJYtWyImJkbnmIsXL6JKlSo6Y+fOnXvsrHuJM2vhRClQsGZk8WJtTVW+0iHLl5IixMCBukVhgYFCHDggd2RERKWStXV1yMnJEQEBAWLBggWascWLFws7OzsxZcoUER0dLS5fviwWLlwolEqlTg2rEEK8++67wt7eXrzzzjviyJEj4tq1a+K3334Tr732WqHdHrKyskTNmjVF69atxaFDh8SVK1fEtm3bNDWme/bsEQqFQqxfv15cvHhRzJgxQ3h4eOjV+L711lsGzz916lRRp04d4eDgIP7880+928qVKyfWrVsnLl++LE6cOCE++eQTvZrT/Hbt2iV8fX1Fbm6uZmzs2LEiMDBQHD58WJw/f14MGTJEeHh46Ly+hmK8efOmKF++vHjttdfEsWPHxOXLl8WePXvEoEGDRG5ursjLyxPlypUT/fr1E5cuXRL79u0TTZo0EQDEd999V2iMT+ubb74RSqVSrFu3Tpw/f168+eabwsvLSyQkJGiO6d+/v5g0aZLm+syZM4W7u7v4+uuvRWxsrPjll19E9erVdTprHDt2TDg4OIg5c+aIS5cuiU2bNglXV1fx1Vdf6Tx+27ZtC62jlqPG1+YT37fe0uaNf/whb2xGO3JEiGrVdJPeyEguYCMiegrWlvgKIcS8efNE+fLlRVpammZs586donXr1sLNzU04OzuL0NBQsWbNGoPn3bJli2jTpo1wd3cXbm5uol69euK99957bDuza9euiVdffVV4eHgIV1dX0bhxY3H06FHN7TNmzBB+fn7C09NTjB07VowaNcroxPf8+fMCgKhSpYpQqVQ6t6lUKrFkyRJRq1Yt4ejoKMqXLy/Cw8PFwYMHC401JydHVKxYUezZs0czdu/ePdGtWzdRpkwZ4evrK6ZNmyYGDBjwxMRXCCEuXrwounfvLry8vISLi4uoXbu2ePvttzWx/vrrryI4OFgolUpRr149ceDAgWJPfIUQ4tNPPxWVK1cWTk5OomnTppr2cvmfz8CBAzXXc3JyxKxZs0T16tWFs7OzCAwMFP/73//0vu8//PCDqFu3rlAqlaJ27dpi1apVOrffuHFDODo6ivj4eINxyZH4KoQoYgV7KZWamgpPT0+kpKTAw8MDERHAzp3SbXFxwGM+EbEMBw4AYWHSYjYAcHcHli0D+vXjZhRERE8hMzMTV69eRdWqVfUWPJH1WrZsGXbt2oW9e/fKHYrVmThxIpKTk7Fq1SqDtz/uZ65gvmYuNr+4TV3j6+AAFFIiY1latgRCQ4Fjx4AWLYCvvrLSfZaJiIiK37Bhw/DgwQM8fPjQqrctloOvry/GjRsndxg6bDrxFUK7XXHlytIGFhbP0RHYtAnYsgWYOFHK2ImIiKhIHBwcMHXqVLnDsErjx4+XOwQ9Nt3V4cEDIDVVumyRk6bJyUDfvsCJE7rjNWoAU6cy6SUiIiIygU1nTurZXsACW5kdOCD15r1xQ0p8T54ECjTPJiIiIiLj2fSMr0X28M3OBiZNAjp0kJJeALh7F/j3X3njIiIiIirlOOP7H4tIfGNigD59pNldtfbtgQ0bgEqV5IuLiIiIyArY9Ixv/sRX1hpfIYCVK4GGDbVJr6MjMH8+8NtvTHqJiIiIzIAzvv+RbcY3MREYMgTYtUs7VqsWsHkz0KiRTEERERERWR+bnvFV1/g6OgL+/jIFER8P7N6tvT5ihDTry6SXiIiIyKxsNvHN38O3ShXATq5XolEj4IMPAB8fadb388/ZvYGIiEoVhUKB77//Xu4wLNasWbPQoEEDucMg2HDim5wMpKVJl0u0vvfCBSAnR3dswgSpa0PXriUYCBERWYtBgwZBoVBAoVDA0dERVatWxbvvvovMzEy5Qyt2CQkJeOutt1CjRg04OzvDz88PLVu2xPLly/Ho0SO5wwMATJgwAfv27ZM7DIIN1/hev669XCL1vSoV8Omn0m5rEycCs2drb7O3B3x9SyAIIiKyVp07d8batWuRk5ODEydOYODAgVAoFPjoo4/kDq3YxMbGomXLlvDy8sLcuXMREhICpVKJs2fPYtWqVQgICMDLL78sd5goU6YMypQpI3cYBBue8Y2L014u9sT39m2gSxfg7beBrCyptOHYsWJ+UCIisiVKpRIVKlRAYGAgIiIiEBYWhl9//VVz+71799C7d28EBATA1dUVISEh+Prrr3XO0a5dO4wZMwbvvvsuypYtiwoVKmDWrFk6x1y6dAlt2rSBs7Mz6tSpo/MYamfPnkWHDh3g4uKCcuXK4c0330Sa+mNWSDPUERERmDt3Lvz8/ODl5YX33nsPubm5eOedd1C2bFlUqlQJa9eufexz/t///gcHBwccP34cPXv2RHBwMKpVq4Zu3brhp59+Qtf/Pkm9du0aFAoFTp8+rbnvgwcPoFAocODAAc3YuXPn8MILL6BMmTLw8/ND//79kZSUpLl927ZtCAkJ0TyvsLAwpKenAwAOHDiApk2bws3NDV5eXmjZsiWu/zfLVrDUQf38P/74Y/j7+6NcuXIYOXIkcvJ9Inz79m28+OKLcHFxQdWqVbF582YEBQVhyZIlj31N6PFsNvEtsRnfnTuBevWAvXu1Y2PGSGNERFQ6LFoktZZ80peh2cWXXzbuvosWmS3cc+fO4ciRI3ByctKMZWZmIjQ0FD/99BPOnTuHN998E/3798exAhMx69evh5ubG44ePYr58+fjvffe0yS3KpUKr7zyCpycnHD06FGsWLECEydO1Ll/eno6wsPD4e3tjb///hvffvstfvvtN4waNUrnuN9//x23bt3CH3/8gUWLFmHmzJl46aWX4O3tjaNHj2L48OEYNmwYbqg3cyrg3r17+OWXXzBy5Ei4ubkZPEahUBj9mj148AAdOnRAw4YNcfz4cezZswd37txBz549AUiJaO/evfH6668jOjoaBw4cwCuvvAIhBHJzcxEREYG2bdvin3/+QVRUFN58883HPv7+/ftx5coV7N+/H+vXr8e6deuwbt06ze0DBgzArVu3cODAAWzfvh2rVq3C3bt3jX4+VAhhY1JSUgQAMXRoipCWuAlx5EgxPFBamhDDhgnNgwBCVKggxN69xfBgRET0tDIyMsT58+dFRkaG/o0zZ+r+Pi/sq3lz/fs2b27cfWfOLHLsAwcOFPb29sLNzU0olUoBQNjZ2Ylt27Y99n4vvviiGD9+vOZ627ZtRatWrXSOadKkiZg4caIQQoi9e/cKBwcHcfPmTc3tP//8swAgvvvuOyGEEKtWrRLe3t4iLS1Nc8xPP/0k7OzsREJCgibeKlWqiLy8PM0xtWrVEq1bt9Zcz83NFW5ubuLrr782GPtff/0lAIgdO3bojJcrV064ubkJNzc38e677wohhLh69aoAIE6dOqU5Ljk5WQAQ+/fvF0II8f7774tOnTrpnCs+Pl4AEDExMeLEiRMCgLh27ZpeLPfu3RMAxIEDBwzGOnPmTFG/fn3NdfXzz83N1Yz16NFDREZGCiGEiI6OFgDE33//rbn90qVLAoBYvHixwccojR73M6fO11JSUsz6mKzxRTHM+J44Ie3AdvGidqxbN+CLL6TuDUREVLp4eAABAU8+rnx5w2PG3NfDw/S48mnfvj2WL1+O9PR0LF68GA4ODnj11Vc1t+fl5WHu3LnYunUrbt68iezsbGRlZcG1QCehegU+kfT399fMNEZHRyMwMBAVK1bU3P7cc8/pHB8dHY369evrzMK2bNkSKpUKMTEx8PPzAwA8++yzsMvXUsnPzw9169bVXLe3t0e5cuVMnuU8duwYVCoV+vbti6ysLKPvd+bMGezfv99gLe6VK1fQqVMndOzYESEhIQgPD0enTp3w2muvwdvbG2XLlsWgQYMQHh6O559/HmFhYejZsyf8H9Mr9dlnn4W9vb3mur+/P86ePQsAiImJgYODAxrla21ao0YNeHt7G/18yDCbTXzVNb5KJfDfz6B5/P47EB4O5OZK111dgSVLpE0qTPjIhYiILMi4cdJXUeTfoKgYubm5oUaNGgCANWvWoH79+vjyyy/xxhtvAAAWLFiApUuXYsmSJQgJCYGbmxvefvttZGdn65zH0dFR57pCoYBKpTJ7vIYex5THrlGjBhQKBWJiYnTGq1WrBgBwcXHRjKkTbCGEZiynQIeltLQ0dO3a1eBiQH9/f9jb2+PXX3/FkSNH8Msvv+DTTz/F1KlTcfToUVStWhVr167FmDFjsGfPHmzZsgXTpk3Dr7/+iubNmxv9/IvjdSZdNl/ja/Yevi1bAnXqSJdDQ4FTp4ChQ5n0EhFRibGzs8OUKVMwbdo0ZGRkAAAOHz6Mbt26oV+/fqhfvz6qVauGi/k/mTRCcHAw4uPjcfv2bc3YX3/9pXfMmTNnNIu+1I9tZ2eHWrVqPcWz0lWuXDk8//zz+Oyzz3Qey5Dy/83E5487/0I3AGjUqBH+/fdfBAUFoUaNGjpf6tlrhUKBli1bYvbs2Th16hScnJzw3Xffac7RsGFDTJ48GUeOHEHdunWxefPmIj23WrVqITc3F6dOndKMXb58GcnJyUU6H2nZbOL73+8B85c5KJXSdsNTpwJHjgA1a5r5AYiIiJ6sR48esLe3x7JlywAAzzzzjGbGMjo6GsOGDcOdO3dMOmdYWBhq1qyJgQMH4syZM/jzzz8xdepUnWP69u0LZ2dnDBw4EOfOncP+/fsxevRo9O/fX1PmYC6ff/45cnNz0bhxY2zZsgXR0dGIiYnBV199hQsXLmhKCVxcXNC8eXN8+OGHiI6OxsGDBzFt2jSdc40cORL3799H79698ffff+PKlSvYu3cvBg8ejLy8PBw9ehRz587F8ePHERcXhx07diAxMRHBwcG4evUqJk+ejKioKFy/fh2//PILLl26hODg4CI9r9q1ayMsLAxvvvkmjh07hlOnTuHNN9+Ei4uLSQv2SJ/NJr5qT7V5RWqqNJv777+6488+K7Usy7ealoiIqCQ5ODhg1KhRmD9/PtLT0zFt2jQ0atQI4eHhaNeuHSpUqICIiAiTzmlnZ4fvvvsOGRkZaNq0KYYMGYI5c+boHOPq6oq9e/fi/v37aNKkCV577TV07NgRn332mRmfnaR69eo4deoUwsLCMHnyZNSvXx+NGzfGp59+igkTJuD999/XHLtmzRrk5uYiNDQUb7/9Nj744AOdc1WsWBGHDx9GXl4eOnXqhJCQELz99tvw8vKCnZ0dPDw88Mcff6BLly6oWbMmpk2bhoULF+KFF16Aq6srLly4gFdffRU1a9bEm2++iZEjR2LYsGFFfm4bNmyAn58f2rRpg+7du2Po0KFwd3eHs7Nzkc9JgELkL3ixAampqfD09ASQAsAD8+YBkyYV4URRUUC/fkBsrNSa7NgxabaXiIhKpczMTFy9ehVVq1ZlckEW58aNGwgMDMRvv/2Gjh07yh2OWTzuZ06dr6WkpMDjKRd+5mezi9vUTC51yM0F5swB3n8fyMuTxq5eBf75B2jSxNzhERERkQ36/fffkZaWhpCQENy+fRvvvvsugoKC0KZNG7lDK9WY+AaZcHBsrDTLGxWlHWvRAvjqq6esmSAiIiLSysnJwZQpUxAbGwt3d3e0aNECmzZt0usGQaax+cTXqHxVCGDjRmDUKODhQ2nM3h6YMQOYMgVwsPmXkYiIiMwoPDwc4eHhcodhdWw6Y3N2Bnx9n3BQcjIwYgSwZYt2rFo1YNMmoJDefERERERkeWy6q0NQkBHtdaOjgW+/1V4fNAg4fZpJLxGRlbKxNd9EspHjZ83mE98natFC6snr5QVs3QqsXQu4uxdzZEREVNLUtZOPHj2SORIi26DeNTD/1s3FzaZLHQzW9169ClSuLNXwqk2fDgwbZtxe60REVCrZ29vDy8sLd+/eBSD1o+VmAUTFQ6VSITExEa6urnAowbVSNp346sz4CgGsWgWMHQvMnAlMnKi9zdGRSS8RkQ2oUKECAGiSXyIqPnZ2dqhcuXKJ/oHJxBcAEhOBIUOAXbuk69OmAZ06AQ0byhUaERHJQKFQwN/fH76+vsjJyZE7HCKr5uTkBDu7kq26ZeK7d6+0YC0hQXvDkCFArVoyRUVERHKzt7cv0bpDIioZFrG4bdmyZQgKCoKzszOaNWuGY8eOPfb4b7/9FrVr14azszNCQkKwe/dukx/TCZmo++XbQOfO2qTXx0ea9V2+HHB1LcIzISIiIiJLJXviu2XLFowbNw4zZ87EyZMnUb9+fYSHhxdaX3XkyBH07t0bb7zxBk6dOoWIiAhERETg3LlzJj3uH2gH11VLtQOdOwNnzwJduz7N0yEiIiIiC6UQMjcsbNasGZo0aYLPPvsMgLTKLzAwEKNHj8akSZP0jo+MjER6ejp+/PFHzVjz5s3RoEEDrFix4omPl5qaCk9PT6QA8AAApRJYsEDalY2rd4mIiIhkp8nXUlLg4eFhtvPKWuObnZ2NEydOYPLkyZoxOzs7hIWFISoqyuB9oqKiMG7cOJ2x8PBwfP/99waPz8rKQlZWluZ6SkoKACAVAOrUAb78UvpXvRUxEREREckqNTUVgPk3uZA18U1KSkJeXh78/Px0xv38/HDhwgWD90lISDB4fEL+xWn5zJs3D7Nnz9YbDwSA8+eB554rUuxEREREVLzu3bsHT09Ps53P6rs6TJ48WWeG+MGDB6hSpQri4uLM+kKSZUpNTUVgYCDi4+PN+lEJWSZ+v20Lv9+2hd9v25KSkoLKlSujbNmyZj2vrImvj48P7O3tcefOHZ3xO3fuaJqIF1ShQgWTjlcqlVAqlXrjnp6e/MGxIR4eHvx+2xB+v20Lv9+2hd9v22LuPr+ydnVwcnJCaGgo9u3bpxlTqVTYt28fniukBOG5557TOR4Afv3110KPJyIiIiICLKDUYdy4cRg4cCAaN26Mpk2bYsmSJUhPT8fgwYMBAAMGDEBAQADmzZsHAHjrrbfQtm1bLFy4EC+++CK++eYbHD9+HKtWrZLzaRARERGRhZM98Y2MjERiYiJmzJiBhIQENGjQAHv27NEsYIuLi9OZ5m7RogU2b96MadOmYcqUKXjmmWfw/fffo27dukY9nlKpxMyZMw2WP5D14ffbtvD7bVv4/bYt/H7bluL6fsvex5eIiIiIqCTIvnMbEREREVFJYOJLRERERDaBiS8RERER2QQmvkRERERkE6wy8V22bBmCgoLg7OyMZs2a4dixY489/ttvv0Xt2rXh7OyMkJAQ7N69u4QiJXMw5fu9evVqtG7dGt7e3vD29kZYWNgT3x9kWUz9+Vb75ptvoFAoEBERUbwBklmZ+v1+8OABRo4cCX9/fyiVStSsWZO/00sRU7/fS5YsQa1ateDi4oLAwECMHTsWmZmZJRQtPY0//vgDXbt2RcWKFaFQKPD9998/8T4HDhxAo0aNoFQqUaNGDaxbt870BxZW5ptvvhFOTk5izZo14t9//xVDhw4VXl5e4s6dOwaPP3z4sLC3txfz588X58+fF9OmTROOjo7i7NmzJRw5FYWp3+8+ffqIZcuWiVOnTono6GgxaNAg4enpKW7cuFHCkVNRmPr9Vrt69aoICAgQrVu3Ft26dSuZYOmpmfr9zsrKEo0bNxZdunQRhw4dElevXhUHDhwQp0+fLuHIqShM/X5v2rRJKJVKsWnTJnH16lWx9//t3XlMVNcXB/AvMziAOGioIkzBBRRqXKosWkBjpbRgXaio0EoQFcUKiJG6EDdAfyBaxahxrRWsJYIarUQQFJUWRtsqsjSCgwiojWCjNiIKHZg5vz8aJh1Z6oxsZc4neX+8++6977w5mXDm8t5MZiZZWFjQypUrOzlypo309HRav349nTlzhgDQ2bNn2+xfXl5OvXv3pvDwcCouLqa9e/eSUCikjIwMjc7b4wrf8ePHU0hIiGpfoVCQRCKhrVu3ttjfx8eHpk2bptY2YcIEWrp0aYfGydqHpvl+XWNjI4nFYjp27FhHhcjakTb5bmxsJBcXFzpy5AgFBARw4fsfomm+Dxw4QNbW1iSXyzsrRNaONM13SEgIubm5qbWFh4eTq6trh8bJ2t+bFL5r1qyhkSNHqrX5+vqSh4eHRufqUbc6yOVy5OXlwd3dXdUmEAjg7u6O69evtzjm+vXrav0BwMPDo9X+rPvQJt+ve/XqFRoaGmBqatpRYbJ2om2+N2/eDDMzMwQGBnZGmKydaJPv1NRUODs7IyQkBAMHDsSoUaMQGxsLhULRWWEzLWmTbxcXF+Tl5aluhygvL0d6ejo+/fTTTomZda72qte6/Jfb2tOTJ0+gUChUv/rWZODAgbhz506LY6qrq1vsX11d3WFxsvahTb5ft3btWkgkkmZvJtb9aJPv3NxcfPvttygoKOiECFl70ibf5eXluHLlCvz8/JCeno6ysjIEBwejoaEBkZGRnRE205I2+Z43bx6ePHmCiRMngojQ2NiIL7/8EuvWreuMkFkna61eq6mpQV1dHYyMjN5onh614suYJuLi4pCcnIyzZ8/C0NCwq8Nh7ezFixfw9/fHN998g/79+3d1OKwTKJVKmJmZ4fDhw3BwcICvry/Wr1+PgwcPdnVorANkZ2cjNjYW+/fvx61bt3DmzBmkpaVhy5YtXR0a68Z61Ipv//79IRQK8fjxY7X2x48fw9zcvMUx5ubmGvVn3Yc2+W6yY8cOxMXFISsrC2PGjOnIMFk70TTf9+7dQ2VlJWbMmKFqUyqVAAB9fX3IZDLY2Nh0bNBMa9q8vy0sLNCrVy8IhUJV24gRI1BdXQ25XA6RSNShMTPtaZPvjRs3wt/fH4sXLwYAjB49Gi9fvkRQUBDWr18PgYDX9nqS1uo1ExOTN17tBXrYiq9IJIKDgwMuX76salMqlbh8+TKcnZ1bHOPs7KzWHwAuXbrUan/WfWiTbwDYvn07tmzZgoyMDDg6OnZGqKwdaJrv9957D7/99hsKCgpU28yZMzFlyhQUFBTAysqqM8NnGtLm/e3q6oqysjLVBxwAKC0thYWFBRe93Zw2+X716lWz4rbpQ8/fz0uxnqTd6jXNnrvr/pKTk8nAwIASExOpuLiYgoKCqF+/flRdXU1ERP7+/hQREaHqL5VKSV9fn3bs2EElJSUUGRnJX2f2H6JpvuPi4kgkEtHp06epqqpKtb148aKrLoFpQNN8v46/1eG/RdN8P3jwgMRiMYWGhpJMJqPz58+TmZkZ/e9//+uqS2Aa0DTfkZGRJBaL6cSJE1ReXk4XL14kGxsb8vHx6apLYBp48eIF5efnU35+PgGg+Ph4ys/Pp/v37xMRUUREBPn7+6v6N32d2erVq6mkpIT27dvHX2fWZO/evTRo0CASiUQ0fvx4+vnnn1XHJk+eTAEBAWr9T548Sba2tiQSiWjkyJGUlpbWyRGzt6FJvgcPHkwAmm2RkZGdHzjTiqbv73/iwve/R9N8X7t2jSZMmEAGBgZkbW1NMTEx1NjY2MlRM21pku+GhgaKiooiGxsbMjQ0JCsrKwoODqY///yz8wNnGrt69WqLf4+bchwQEECTJ09uNmbs2LEkEonI2tqaEhISND6vHhH/P4AxxhhjjPV8PeoeX8YYY4wxxlrDhS9jjDHGGNMJXPgyxhhjjDGdwIUvY4wxxhjTCVz4MsYYY4wxncCFL2OMMcYY0wlc+DLGGGOMMZ3AhS9jjDHGGNMJXPgyxhiAxMRE9OvXr6vD0Jqenh5++OGHNvssWLAAn332WafEwxhj3REXvoyxHmPBggXQ09NrtpWVlXV1aEhMTFTFIxAIYGlpiYULF+KPP/5ol/mrqqowdepUAEBlZSX09PRQUFCg1mf37t1ITExsl/O1JioqSnWdQqEQVlZWCAoKwrNnzzSah4t0xlhH0O/qABhjrD15enoiISFBrW3AgAFdFI06ExMTyGQyKJVKFBYWYuHChXj06BEyMzPfem5zc/N/7dO3b9+3Ps+bGDlyJLKysqBQKFBSUoJFixbh+fPnSElJ6ZTzM8ZYa3jFlzHWoxgYGMDc3FxtEwqFiI+Px+jRo2FsbAwrKysEBwejtra21XkKCwsxZcoUiMVimJiYwMHBATdv3lQdz83NxaRJk2BkZAQrKyuEhYXh5cuXbcamp6cHc3NzSCQSTJ06FWFhYcjKykJdXR2USiU2b94MS0tLGBgYYOzYscjIyFCNlcvlCA0NhYWFBQwNDTF48GBs3bpVbe6mWx2GDh0KABg3bhz09PTw4YcfAlBfRT18+DAkEgmUSqVajF5eXli0aJFq/9y5c7C3t4ehoSGsra0RHR2NxsbGNq9TX18f5ubmePfdd+Hu7o65c+fi0qVLquMKhQKBgYEYOnQojIyMYGdnh927d6uOR0VF4dixYzh37pxq9Tg7OxsA8PDhQ/j4+KBfv34wNTWFl5cXKisr24yHMcaacOHLGNMJAoEAe/bswe3bt3Hs2DFcuXIFa9asabW/n58fLC0tcePGDeTl5SEiIgK9evUCANy7dw+enp6YPXs2ioqKkJKSgtzcXISGhmoUk5GREZRKJRobG7F7927s3LkTO3bsQFFRETw8PDBz5kzcvXsXALBnzx6kpqbi5MmTkMlkSEpKwpAhQ1qc99dffwUAZGVloaqqCmfOnGnWZ+7cuXj69CmuXr2qanv27BkyMjLg5+cHAMjJycH8+fOxYsUKFBcX49ChQ0hMTERMTMwbX2NlZSUyMzMhEolUbUqlEpaWljh16hSKi4uxadMmrFu3DidPngQArFq1Cj4+PvD09ERVVRWqqqrg4uKChoYGeHh4QCwWIycnB1KpFH369IGnpyfkcvkbx8QY02HEGGM9REBAAAmFQjI2NlZtc+bMabHvqVOn6J133lHtJyQkUN++fVX7YrGYEhMTWxwbGBhIQUFBam05OTkkEAiorq6uxTGvz19aWkq2trbk6OhIREQSiYRiYmLUxjg5OVFwcDARES1fvpzc3NxIqVS2OD8AOnv2LBERVVRUEADKz89X6xMQEEBeXl6qfS8vL1q0aJFq/9ChQySRSEihUBAR0UcffUSxsbFqcxw/fpwsLCxajIGIKDIykgQCARkbG5OhoSEBIAAUHx/f6hgiopCQEJo9e3arsTad287OTu01+Ouvv8jIyIgyMzPbnJ8xxoiI+B5fxliPMmXKFBw4cEC1b2xsDODv1c+tW7fizp07qKmpQWNjI+rr6/Hq1Sv07t272Tzh4eFYvHgxjh8/rvp3vY2NDYC/b4MoKipCUlKSqj8RQalUoqKiAiNGjGgxtufPn6NPnz5QKpWor6/HxIkTceTIEdTU1ODRo0dwdXVV6+/q6orCwkIAf9+m8PHHH8POzg6enp6YPn06Pvnkk7d6rfz8/LBkyRLs378fBgYGSEpKwueffw6BQKC6TqlUqrbCq1Ao2nzdAMDOzg6pqamor6/H999/j4KCAixfvlytz759+3D06FE8ePAAdXV1kMvlGDt2bJvxFhYWoqysDGKxWK29vr4e9+7d0+IVYIzpGi58GWM9irGxMYYNG6bWVllZienTp2PZsmWIiYmBqakpcnNzERgYCLlc3mIBFxUVhXnz5iEtLQ0XLlxAZGQkkpOTMWvWLNTW1mLp0qUICwtrNm7QoEGtxiYWi3Hr1i0IBAJYWFjAyMgIAFBTU/Ov12Vvb4+KigpcuHABWVlZ8PHxgbu7O06fPv2vY1szY8YMEBHS0tLg5OSEnJwc7Nq1S3W8trYW0dHR8Pb2bjbW0NCw1XlFIpEqB3FxcZg2bRqio6OxZcsWAEBycjJWrVqFnTt3wtnZGWKxGF9//TV++eWXNuOtra2Fg4OD2geOJt3lAUbGWPfGhS9jrMfLy8uDUqnEzp07VauZTfeTtsXW1ha2trZYuXIlvvjiCyQkJGDWrFmwt7dHcXFxswL73wgEghbHmJiYQCKRQCqVYvLkyap2qVSK8ePHq/Xz9fWFr68v5syZA09PTzx79gympqZq8zXdT6tQKNqMx9DQEN7e3khKSkJZWRns7Oxgb2+vOm5vbw+ZTKbxdb5uw4YNcHNzw7Jly1TX6eLiguDgYFWf11dsRSJRs/jt7e2RkpICMzMzmJiYvFVMjDHdxA+3McZ6vGHDhqGhoQF79+5FeXk5jh8/joMHD7bav66uDqGhocjOzsb9+/chlUpx48YN1S0Ma9euxbVr1xAaGoqCggLcvXsX586d0/jhtn9avXo1tm3bhpSUFMhkMkRERKCgoAArVqwAAMTHx+PEiRO4c+cOSktLcerUKZibm7f4oxtmZmYwMjJCRkYGHj9+jOfPn7d6Xj8/P6SlpeHo0aOqh9qabNq0Cd999x2io6Nx+/ZtlJSUIDk5GRs2bNDo2pydnTFmzBjExsYCAIYPH46bN28iMzMTpaWl2LhxI27cuKE2ZsiQISgqKoJMJsOTJ0/Q0NAAPz8/9O/fH15eXsjJyUFFRQWys7MRFhaG33//XaOYGGO6iQtfxliP9/777yM+Ph7btm3DqFGjkJSUpPZVYK8TCoV4+vQp5s+fD1tbW/j4+GDq1KmIjo4GAIwZMwY//vgjSktLMWnSJIwbNw6bNm2CRCLROsawsDCEh4fjq6++wujRo5GRkYHU1FQMHz4cwN+3SWzfvh2Ojo5wcnJCZWUl0tPTVSvY/6Svr489e/bg0KFDkEgk8PLyavW8bm5uMDU1hUwmw7x589SOeXh44Pz587h48SKcnJzwwQcfYNeuXRg8eLDG17dy5UocOXIEDx8+xNKlS+Ht7Q1fX19MmDABT58+VVv9BYAlS5bAzs4Ojo6OGDBgAKRSKXr37o2ffvoJgwYNgre3N0aMGIHAwEDU19fzCjBj7I3oERF1dRCMMcYYY4x1NF7xZYwxxhhjOoELX8YYY4wxphO48GWMMcYYYzqBC1/GGGOMMaYTuPBljDHGGGM6gQtfxhhjjDGmE7jwZYwxxhhjOoELX8YYY4wxphO48GWMMcYYYzqBC1/GGGOMMaYTuPBljDHGGGM64f9kfHZZ5ke1qQAAAABJRU5ErkJggg==", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "plot_roc_curve(y_test, y_pred)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### K Nearest Neighbors" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "#### Normalized data" + ] + }, + { + "cell_type": "code", + "execution_count": 116, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Time taken for GridSearchCV: 13.22 seconds\n", + "Best Hyperparameters:\n", + "{'metric': 'manhattan', 'n_neighbors': 9, 'weights': 'uniform'}\n", + "\n", + "Time taken for training with best hyperparameters: 0.54 seconds\n", + "\n", + "Mean Accuracy: 0.8146749654218535\n", + "Standard Deviation of Accuracy: 0.028345736805029095\n", + "Mean Precision: 0.7763764918358598\n", + "Standard Deviation of Precision: 0.04938355482155652\n", + "Mean Recall: 0.6461357625624449\n", + "Standard Deviation of Recall: 0.05529803012408481\n", + "Mean F1-score: 0.704225329880496\n", + "Standard Deviation of F1-score: 0.04728772331593986\n", + "Mean ROC AUC: 0.7743054850867533\n", + "Standard Deviation of ROC AUC: 0.0330882710529744\n", + "\n", + "Total time taken: 13.76 seconds\n" + ] + } + ], + "source": [ + "from sklearn.neighbors import KNeighborsClassifier\n", + "from sklearn.model_selection import StratifiedKFold, GridSearchCV\n", + "from sklearn.metrics import accuracy_score, precision_score, recall_score, f1_score, roc_auc_score, confusion_matrix\n", + "import numpy as np\n", + "import time\n", + "\n", + "start_total_time = time.time()\n", + "\n", + "kf = StratifiedKFold(n_splits=10, shuffle=True, random_state=42)\n", + "\n", + "model = KNeighborsClassifier()\n", + "\n", + "param_grid = {\n", + " 'n_neighbors': [3, 5, 7, 9, 11],\n", + " 'weights': ['uniform', 'distance'],\n", + " 'metric': ['euclidean', 'manhattan', 'minkowski']\n", + "}\n", + "\n", + "grid_search = GridSearchCV(estimator=model, param_grid=param_grid, cv=kf, scoring='accuracy')\n", + "\n", + "start_time = time.time()\n", + "\n", + "grid_search.fit(standard(x), y)\n", + "\n", + "grid_search_time = time.time() - start_time\n", + "print(f\"Time taken for GridSearchCV: {grid_search_time:.2f} seconds\")\n", + "\n", + "best_params = grid_search.best_params_\n", + "\n", + "print(\"Best Hyperparameters:\")\n", + "print(best_params)\n", + "print()\n", + "\n", + "best_model = grid_search.best_estimator_\n", + "\n", + "start_time = time.time()\n", + "\n", + "accuracy_scores = []\n", + "precision_scores = []\n", + "recall_scores = []\n", + "f1_scores = []\n", + "roc_auc_scores = []\n", + "confusion_matrices = []\n", + "\n", + "for train_index, test_index in kf.split(normal(x), y):\n", + " X_train, X_test = x.iloc[train_index], x.iloc[test_index]\n", + " y_train, y_test = y.iloc[train_index], y.iloc[test_index]\n", + "\n", + " best_model.fit(X_train, y_train)\n", + "\n", + " y_pred = best_model.predict(X_test)\n", + "\n", + " accuracy = accuracy_score(y_test, y_pred)\n", + " accuracy_scores.append(accuracy)\n", + " \n", + " precision = precision_score(y_test, y_pred)\n", + " precision_scores.append(precision)\n", + " \n", + " recall = recall_score(y_test, y_pred)\n", + " recall_scores.append(recall)\n", + " \n", + " f1 = f1_score(y_test, y_pred)\n", + " f1_scores.append(f1)\n", + " \n", + " roc_auc = roc_auc_score(y_test, y_pred)\n", + " roc_auc_scores.append(roc_auc)\n", + " \n", + " confusion = confusion_matrix(y_test, y_pred)\n", + " confusion_matrices.append(confusion)\n", + "\n", + "training_time = time.time() - start_time\n", + "print(f\"Time taken for training with best hyperparameters: {training_time:.2f} seconds\")\n", + "print()\n", + "\n", + "mean_accuracy = np.mean(accuracy_scores)\n", + "std_accuracy = np.std(accuracy_scores)\n", + "\n", + "mean_precision = np.mean(precision_scores)\n", + "std_precision = np.std(precision_scores)\n", + "\n", + "mean_recall = np.mean(recall_scores)\n", + "std_recall = np.std(recall_scores)\n", + "\n", + "mean_f1 = np.mean(f1_scores)\n", + "std_f1 = np.std(f1_scores)\n", + "\n", + "mean_roc_auc = np.mean(roc_auc_scores)\n", + "std_roc_auc = np.std(roc_auc_scores)\n", + "\n", + "print(f\"Mean Accuracy: {mean_accuracy}\")\n", + "print(f\"Standard Deviation of Accuracy: {std_accuracy}\")\n", + "\n", + "print(f\"Mean Precision: {mean_precision}\")\n", + "print(f\"Standard Deviation of Precision: {std_precision}\")\n", + "\n", + "print(f\"Mean Recall: {mean_recall}\")\n", + "print(f\"Standard Deviation of Recall: {std_recall}\")\n", + "\n", + "print(f\"Mean F1-score: {mean_f1}\")\n", + "print(f\"Standard Deviation of F1-score: {std_f1}\")\n", + "\n", + "print(f\"Mean ROC AUC: {mean_roc_auc}\")\n", + "print(f\"Standard Deviation of ROC AUC: {std_roc_auc}\")\n", + "print()\n", + "\n", + "total_time = time.time() - start_total_time\n", + "print(f\"Total time taken: {total_time:.2f} seconds\")" + ] + }, + { + "cell_type": "code", + "execution_count": 117, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "x_train: (1800, 13)\n", + "y_train: (1800,)\n", + "x_test: (601, 13)\n", + "y_test: (601,)\n" + ] + } + ], + "source": [ + "from sklearn.model_selection import train_test_split\n", + "\n", + "x_train, x_test, y_train, y_test = train_test_split(x,y,test_size=0.25,random_state=42)\n", + "\n", + "print(\"x_train:\",x_train.shape)\n", + "print(\"y_train:\",y_train.shape)\n", + "print(\"x_test:\",x_test.shape)\n", + "print(\"y_test:\",y_test.shape)" + ] + }, + { + "cell_type": "code", + "execution_count": 118, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Accuracy: 0.8119800332778702\n", + "Precision: 0.7791411042944786\n", + "Recall: 0.6225490196078431\n", + "F1 Score: 0.6920980926430519\n", + "ROC AUC Score: 0.7659344594260878\n", + "Confusion Matrix:\n", + "[[361 36]\n", + " [ 77 127]]\n" + ] + } + ], + "source": [ + "model = grid_search.best_estimator_\n", + "\n", + "model.fit(x_train, y_train)\n", + "\n", + "y_pred = model.predict(x_test)\n", + "\n", + "y_pred = (y_pred >= 0.5).astype(int)\n", + "\n", + "print(\"Accuracy:\", accuracy_score(y_test, y_pred))\n", + "print(\"Precision:\", precision_score(y_test, y_pred))\n", + "print(\"Recall:\", recall_score(y_test, y_pred))\n", + "print(\"F1 Score:\", f1_score(y_test, y_pred))\n", + "print(\"ROC AUC Score:\", roc_auc_score(y_test, y_pred))\n", + "print(\"Confusion Matrix:\")\n", + "print(confusion_matrix(y_test, y_pred))" + ] + }, + { + "cell_type": "code", + "execution_count": 119, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAokAAAIjCAYAAABvUIGpAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8pXeV/AAAACXBIWXMAAA9hAAAPYQGoP6dpAABHUklEQVR4nO3df3zN9f//8fvZ2LGNbYb9CvN7LD9TacmvsPkZb3pLlJEfpVEZ0npHflTrrR9KQj+R6HeIkob86G35lSEhY0Wx+ZWNaTPb6/tHH+fb8ZrssONszu36vrwuF+f1ep7XeZzzfpfH+/58nuexGIZhCAAAAPgbD1cXAAAAgJKHJhEAAAAmNIkAAAAwoUkEAACACU0iAAAATGgSAQAAYEKTCAAAABOaRAAAAJjQJAIAAMCEJhHAP9q3b5+io6Pl7+8vi8WixYsXF+v9f/nlF1ksFs2dO7dY71uatW3bVm3btnV1GQDcHE0iUArs379fDz74oGrVqqVy5crJz89PLVu21Kuvvqo///zTqa8dGxurnTt36tlnn9X8+fN18803O/X1rqWBAwfKYrHIz8+v0M9x3759slgsslgsevHFFx2+/+HDhzVx4kSlpKQUQ7UAcG2VcXUBAP7Zl19+qX//+9+yWq0aMGCAGjZsqHPnzum7777T2LFjtWvXLr355ptOee0///xTycnJ+s9//qMRI0Y45TXCw8P1559/qmzZsk65/+WUKVNGZ8+e1dKlS9WnTx+7awsWLFC5cuWUk5NzRfc+fPiwJk2apBo1aqhp06ZFft4333xzRa8HAMWJJhEowdLS0tS3b1+Fh4dr9erVCg0NtV2Li4tTamqqvvzyS6e9/rFjxyRJAQEBTnsNi8WicuXKOe3+l2O1WtWyZUt98MEHpiZx4cKF6tq1qz777LNrUsvZs2fl4+MjLy+va/J6APBPmG4GSrCpU6fqzJkzeuedd+waxAvq1KmjRx991Pb4/PnzmjJlimrXri2r1aoaNWroySefVG5urt3zatSooW7duum7777TrbfeqnLlyqlWrVp67733bGMmTpyo8PBwSdLYsWNlsVhUo0YNSX9N0174899NnDhRFovF7lxSUpLuuOMOBQQEqHz58oqIiNCTTz5pu36pNYmrV69Wq1at5Ovrq4CAAPXo0UO7d+8u9PVSU1M1cOBABQQEyN/fX4MGDdLZs2cv/cFepF+/flq+fLlOnTplO7d582bt27dP/fr1M40/efKkxowZo0aNGql8+fLy8/NT586dtX37dtuYNWvW6JZbbpEkDRo0yDZtfeF9tm3bVg0bNtTWrVvVunVr+fj42D6Xi9ckxsbGqly5cqb3HxMTo4oVK+rw4cNFfq8AUFQ0iUAJtnTpUtWqVUu33357kcYPGTJEEyZM0E033aRp06apTZs2SkxMVN++fU1jU1NTdffdd6tjx4566aWXVLFiRQ0cOFC7du2SJPXq1UvTpk2TJN17772aP3++XnnlFYfq37Vrl7p166bc3FxNnjxZL730ku666y7973//+8fnrVy5UjExMTp69KgmTpyo+Ph4bdiwQS1bttQvv/xiGt+nTx+dPn1aiYmJ6tOnj+bOnatJkyYVuc5evXrJYrHo888/t51buHCh6tevr5tuusk0/sCBA1q8eLG6deuml19+WWPHjtXOnTvVpk0bW8PWoEEDTZ48WZI0bNgwzZ8/X/Pnz1fr1q1t9zlx4oQ6d+6spk2b6pVXXlG7du0Kre/VV19VlSpVFBsbq/z8fEnSG2+8oW+++UavvfaawsLCivxeAaDIDAAlUmZmpiHJ6NGjR5HGp6SkGJKMIUOG2J0fM2aMIclYvXq17Vx4eLghyVi3bp3t3NGjRw2r1WqMHj3adi4tLc2QZLzwwgt294yNjTXCw8NNNTz99NPG3/+1Mm3aNEOScezYsUvWfeE15syZYzvXtGlTIygoyDhx4oTt3Pbt2w0PDw9jwIABptd74IEH7O75r3/9y6hUqdIlX/Pv78PX19cwDMO4++67jfbt2xuGYRj5+flGSEiIMWnSpEI/g5ycHCM/P9/0PqxWqzF58mTbuc2bN5ve2wVt2rQxJBmzZ88u9FqbNm3szq1YscKQZDzzzDPGgQMHjPLlyxs9e/a87HsEgCtFkgiUUFlZWZKkChUqFGn8V199JUmKj4+3Oz969GhJMq1djIyMVKtWrWyPq1SpooiICB04cOCKa77YhbWMS5YsUUFBQZGec+TIEaWkpGjgwIEKDAy0nW/cuLE6duxoe59/99BDD9k9btWqlU6cOGH7DIuiX79+WrNmjdLT07V69Wqlp6cXOtUs/bWO0cPjr3995ufn68SJE7ap9B9++KHIr2m1WjVo0KAijY2OjtaDDz6oyZMnq1evXipXrpzeeOONIr8WADiKJhEoofz8/CRJp0+fLtL4X3/9VR4eHqpTp47d+ZCQEAUEBOjXX3+1O1+9enXTPSpWrKg//vjjCis2u+eee9SyZUsNGTJEwcHB6tu3rz7++ON/bBgv1BkREWG61qBBAx0/flzZ2dl25y9+LxUrVpQkh95Lly5dVKFCBX300UdasGCBbrnlFtNneUFBQYGmTZumunXrymq1qnLlyqpSpYp27NihzMzMIr/mDTfc4NCXVF588UUFBgYqJSVF06dPV1BQUJGfCwCOokkESig/Pz+FhYXpxx9/dOh5F39x5FI8PT0LPW8YxhW/xoX1chd4e3tr3bp1Wrlype6//37t2LFD99xzjzp27GgaezWu5r1cYLVa1atXL82bN0+LFi26ZIooSc8995zi4+PVunVrvf/++1qxYoWSkpJ04403Fjkxlf76fByxbds2HT16VJK0c+dOh54LAI6iSQRKsG7dumn//v1KTk6+7Njw8HAVFBRo3759duczMjJ06tQp2zeVi0PFihXtvgl8wcVppSR5eHioffv2evnll/XTTz/p2Wef1erVq/Xtt98Weu8Lde7du9d0bc+ePapcubJ8fX2v7g1cQr9+/bRt2zadPn260C/7XPDpp5+qXbt2euedd9S3b19FR0erQ4cOps+kqA17UWRnZ2vQoEGKjIzUsGHDNHXqVG3evLnY7g8AF6NJBEqwxx9/XL6+vhoyZIgyMjJM1/fv369XX31V0l/TpZJM30B++eWXJUldu3Yttrpq166tzMxM7dixw3buyJEjWrRokd24kydPmp57YVPpi7fluSA0NFRNmzbVvHnz7JquH3/8Ud98843tfTpDu3btNGXKFM2YMUMhISGXHOfp6WlKKT/55BP9/vvvducuNLOFNdSOGjdunA4ePKh58+bp5ZdfVo0aNRQbG3vJzxEArhabaQMlWO3atbVw4ULdc889atCggd0vrmzYsEGffPKJBg4cKElq0qSJYmNj9eabb+rUqVNq06aNNm3apHnz5qlnz56X3F7lSvTt21fjxo3Tv/71Lz3yyCM6e/asZs2apXr16tl9cWPy5Mlat26dunbtqvDwcB09elQzZ85U1apVdccdd1zy/i+88II6d+6sqKgoDR48WH/++adee+01+fv7a+LEicX2Pi7m4eGhp5566rLjunXrpsmTJ2vQoEG6/fbbtXPnTi1YsEC1atWyG1e7dm0FBARo9uzZqlChgnx9fdWiRQvVrFnTobpWr16tmTNn6umnn7ZtyTNnzhy1bdtW48eP19SpUx26HwAUiYu/XQ2gCH7++Wdj6NChRo0aNQwvLy+jQoUKRsuWLY3XXnvNyMnJsY3Ly8szJk2aZNSsWdMoW7asUa1aNSMhIcFujGH8tQVO165dTa9z8dYrl9oCxzAM45tvvjEaNmxoeHl5GREREcb7779v2gJn1apVRo8ePYywsDDDy8vLCAsLM+69917j559/Nr3GxdvErFy50mjZsqXh7e1t+Pn5Gd27dzd++uknuzEXXu/iLXbmzJljSDLS0tIu+Zkahv0WOJdyqS1wRo8ebYSGhhre3t5Gy5YtjeTk5EK3rlmyZIkRGRlplClTxu59tmnTxrjxxhsLfc2/3ycrK8sIDw83brrpJiMvL89u3KhRowwPDw8jOTn5H98DAFwJi2E4sLIbAAAAboE1iQAAADChSQQAAIAJTSIAAABMaBIBAABgQpMIAAAAE5pEAAAAmNAkAgAAwOS6/MUV72YjXF0CACf5Y/MMV5cAwEnKubArcWbv8Oe20vnvLZJEAAAAmFyXSSIAAIBDLORmF6NJBAAAsFhcXUGJQ9sMAAAAE5JEAAAApptN+EQAAABgQpIIAADAmkQTkkQAAACYkCQCAACwJtGETwQAAAAmNIkAAAAWi/MOB8yaNUuNGzeWn5+f/Pz8FBUVpeXLl9uut23bVhaLxe546KGH7O5x8OBBde3aVT4+PgoKCtLYsWN1/vx5hz8SppsBAABKyHRz1apV9fzzz6tu3boyDEPz5s1Tjx49tG3bNt14442SpKFDh2ry5Mm25/j4+Nj+nJ+fr65duyokJEQbNmzQkSNHNGDAAJUtW1bPPfecQ7XQJAIAAJQQ3bt3t3v87LPPatasWfr+++9tTaKPj49CQkIKff4333yjn376SStXrlRwcLCaNm2qKVOmaNy4cZo4caK8vLyKXEvJaJsBAABcyYnTzbm5ucrKyrI7cnNzL1tSfn6+PvzwQ2VnZysqKsp2fsGCBapcubIaNmyohIQEnT171nYtOTlZjRo1UnBwsO1cTEyMsrKytGvXLoc+EppEAAAAJ0pMTJS/v7/dkZiYeMnxO3fuVPny5WW1WvXQQw9p0aJFioyMlCT169dP77//vr799lslJCRo/vz5uu+++2zPTU9Pt2sQJdkep6enO1Q3080AAABOXJOYkJCg+Ph4u3NWq/WS4yMiIpSSkqLMzEx9+umnio2N1dq1axUZGalhw4bZxjVq1EihoaFq37699u/fr9q1axdr3TSJAAAATmS1Wv+xKbyYl5eX6tSpI0lq3ry5Nm/erFdffVVvvPGGaWyLFi0kSampqapdu7ZCQkK0adMmuzEZGRmSdMl1jJfCdDMAAEAJ2QKnMAUFBZdcw5iSkiJJCg0NlSRFRUVp586dOnr0qG1MUlKS/Pz8bFPWRUWSCAAAUEIkJCSoc+fOql69uk6fPq2FCxdqzZo1WrFihfbv36+FCxeqS5cuqlSpknbs2KFRo0apdevWaty4sSQpOjpakZGRuv/++zV16lSlp6frqaeeUlxcnENppkSTCAAAUGL2STx69KgGDBigI0eOyN/fX40bN9aKFSvUsWNHHTp0SCtXrtQrr7yi7OxsVatWTb1799ZTTz1le76np6eWLVum4cOHKyoqSr6+voqNjbXbV7GoLIZhGMX55koC72YjXF0CACf5Y/MMV5cAwEnKuTC68m41wWn3/nO94w1aSVAy2mYAAACUKEw3AwAAlJDp5pKETwQAAAAmJIkAAAAkiSZ8IgAAADAhSQQAAPC4+k2vrzckiQAAADAhSQQAAGBNoglNIgAAQDH8xvL1hrYZAAAAJiSJAAAATDeb8IkAAADAhCQRAACANYkmJIkAAAAwIUkEAABgTaIJnwgAAABMSBIBAABYk2hCkwgAAMB0swmfCAAAAExIEgEAAJhuNiFJBAAAgAlJIgAAAGsSTfhEAAAAYEKSCAAAwJpEE5JEAAAAmJAkAgAAsCbRhCYRAACAJtGETwQAAAAmJIkAAAB8ccWEJBEAAAAmJIkAAACsSTThEwEAAIAJSSIAAABrEk1IEgEAAGBCkggAAMCaRBOaRAAAAKabTWibAQAAYEKSCAAA3J6FJNGEJBEAAAAmJIkAAMDtkSSakSQCAADAhCQRAACAINGEJBEAAAAmJIkAAMDtsSbRjCYRAAC4PZpEM6abAQAAYEKSCAAA3B5JohlJIgAAAExIEgEAgNsjSTQjSQQAAIAJSSIAAABBoglJIgAAAExIEgEAgNtjTaIZSSIAAABMSBIBAIDbI0k0o0kEAABujybRjOlmAAAAmJAkAgAAt0eSaEaSCAAAABOSRAAAAIJEE5JEAAAAmNAkAgAAt2exWJx2OGLWrFlq3Lix/Pz85Ofnp6ioKC1fvtx2PScnR3FxcapUqZLKly+v3r17KyMjw+4eBw8eVNeuXeXj46OgoCCNHTtW58+fd/gzoUkEAAAoIapWrarnn39eW7du1ZYtW3TnnXeqR48e2rVrlyRp1KhRWrp0qT755BOtXbtWhw8fVq9evWzPz8/PV9euXXXu3Dlt2LBB8+bN09y5czVhwgSHa7EYhmEU2zsrIbybjXB1CQCc5I/NM1xdAgAnKefCb0pUGfSR0+792+yeys3NtTtntVpltVqL9PzAwEC98MILuvvuu1WlShUtXLhQd999tyRpz549atCggZKTk3Xbbbdp+fLl6tatmw4fPqzg4GBJ0uzZszVu3DgdO3ZMXl5eRa6bJBEAALg9Z043JyYmyt/f3+5ITEy8bE35+fn68MMPlZ2draioKG3dulV5eXnq0KGDbUz9+vVVvXp1JScnS5KSk5PVqFEjW4MoSTExMcrKyrKlkUXFt5sBAACcKCEhQfHx8Xbn/ilF3Llzp6KiopSTk6Py5ctr0aJFioyMVEpKiry8vBQQEGA3Pjg4WOnp6ZKk9PR0uwbxwvUL1xxBkwgAAODELXAcmVqWpIiICKWkpCgzM1OffvqpYmNjtXbtWucVeAk0iQAAACWIl5eX6tSpI0lq3ry5Nm/erFdffVX33HOPzp07p1OnTtmliRkZGQoJCZEkhYSEaNOmTXb3u/Dt5wtjioo1iQAAwO2VlC1wClNQUKDc3Fw1b95cZcuW1apVq2zX9u7dq4MHDyoqKkqSFBUVpZ07d+ro0aO2MUlJSfLz81NkZKRDr0uSCAAAUEIkJCSoc+fOql69uk6fPq2FCxdqzZo1WrFihfz9/TV48GDFx8crMDBQfn5+GjlypKKionTbbbdJkqKjoxUZGan7779fU6dOVXp6up566inFxcU5NOUt0SQCAAAUS+JXHI4ePaoBAwboyJEj8vf3V+PGjbVixQp17NhRkjRt2jR5eHiod+/eys3NVUxMjGbOnGl7vqenp5YtW6bhw4crKipKvr6+io2N1eTJkx2uhX0SAZQq7JMIXL9cuU9iyNBPnXbv9Lfudtq9nYkkEQAAuL2SkiSWJDSJAADA7dEkmvHtZgAAAJiQJAIAABAkmpAkAgAAwIQkEQAAuD3WJJqRJAIAAMCEJBEAALg9kkQzkkQAAACYkCQCAAC3R5JoRpMIAABAj2jCdDMAAABMSBIBAIDbY7rZjCQRAAAAJiSJAADA7ZEkmpEkAgAAwIQkESXO0H/foaF3t1J4WKAkafeBdD335nJ987+fbGNaNK6piXHddEujGsrPL9COn39X94dfV05uniTp8cEx6tzqRjWuV1Xnzp9XaOvHXfJeAFzexx8u1McffaDDv/8uSapdp64eHP6w7mjVxjZme8o2vfbqNO3cuUOeHh6KqN9As958R+XKlXNV2bjOkCSa0SSixPk945TGv7ZEqQePySKL7uveQp9MG6bb+j6v3QfS1aJxTS2Z8bBenPON4v/7ic7nF6hxvRtUUGDY7uFV1lOfJ23Txh1piu0Z5cJ3A+BygoJD9OioMaoeHi7DMLR0yWI9OiJOH322SHXq1NX2lG16+MEhemDIg3riP+NVxtNTe/fukYcHk2GAM9EkosT5at2Pdo8nvr5UQ/99h25tXFO7D6Rr6uhemvnhGr04J8k2Zt+vR+2e88zsryRJ93Vv4fyCAVyVtu3utHs88tFR+vjDD7Rje4rq1KmrF/6bqHv736/BQ4fZxtSoWetal4nrHEmimUubxOPHj+vdd99VcnKy0tPTJUkhISG6/fbbNXDgQFWpUsWV5aEE8PCwqHfHm+Tr7aWNO9JUpWJ53dq4pj5cvkXfzo1XzaqV9fMvGZo4Y6k2pBxwdbkArlJ+fr6+WfG1/vzzrJo0aaYTJ05o547t6tKtuwb076tDhw6qZs1aGvHIY7qp+c2uLhfXE3pEE5c1iZs3b1ZMTIx8fHzUoUMH1atXT5KUkZGh6dOn6/nnn9eKFSt0883//C+B3Nxc5ebm2p0zCvJl8fB0Wu1wvhvrhGnNvNEq51VGZ/7M1T2j39KeA+m6tVENSdJ/HuyihGmLtGPvb+rf7VZ99cZINf/3c9p/8JhrCwdwRfb9vFf39+urc+dy5ePjo2nTX1ftOnW0Y3uKJGn26zMUP/ZxRdRvoGVLFmvY4IH6bMkyhYfXcGndwPXMZU3iyJEj9e9//1uzZ882RbyGYeihhx7SyJEjlZyc/I/3SUxM1KRJk+zOeQbforKhtxZ7zbh2fv4lQy36Jsq/vLf+1aGZ3pp8v6KHvCoPj7/+t/LOZ99p/hffS5K27/1NbW+NUGyPKE147QtXlg3gCtWoUVMff7ZYZ86cVtI3KzT+yXF6Z+77KigokCTd3ece9fxXb0lSgwaR2rgxWYs//0yPjhrtyrJxHWG62cxlq363b9+uUaNGFfpfisVi0ahRo5SSknLZ+yQkJCgzM9PuKBPc3AkV41rKO5+vA4eOa9vuQ5rw2hfa+fPviru3rY4cy5L01zee/25vWrqqhVR0RakAikFZLy9VDw9X5I0N9eio0aoXUV8L3n9Plf9v2VGt2rXtxtesVVvpRw67olTAbbisSQwJCdGmTZsueX3Tpk0KDg6+7H2sVqv8/PzsDqaarz8eFousXmX06+ETOnz0lOrVCLK7Xic8SAePnHRRdQCKW0FBgfLOndMNN1RVlaAg/ZKWZnf9119+UWjYDS6qDtcji8XitKO0ctl085gxYzRs2DBt3bpV7du3tzWEGRkZWrVqld566y29+OKLrioPLjR55F1a8b9dOnTkD1XwLad7Ot+s1jfXVfeHZ0qSps1bqace6qqdP/+u7Xt/033dWyiiRrD6jX3Hdo9qIRVV0c9H1UIrytPDQ43r/fWXyf5Dx5T95zmXvC8AhXt12ku6o1VrhYSG6mx2tr76cpm2bN6kWW++I4vFooGDBmvW668pIqK+Iuo30BdLFumXtAN6adp0V5cOXNdc1iTGxcWpcuXKmjZtmmbOnKn8/HxJkqenp5o3b665c+eqT58+rioPLlQlsLzemTJAIZX9lHkmRz/u+13dH56p1Rv3SJJmLFyjctaymjq6tyr6+2jnz7+r2/AZSvvtuO0e44d31f133WZ7vPGjBElS9JBXtX7rvmv7hgD8o5MnT+iphHE6duyoyleooHr1IjTrzXcUdXtLSdJ9AwYqN/ecXpiaqMzMTEVE1Nfst95VterVXVw5rielOPBzGothGMblhzlXXl6ejh//6y/4ypUrq2zZsld1P+9mI4qjLAAl0B+bZ7i6BABOUs6FG/PVGbPcafdOfbGz0+7tTCViM+2yZcsqNDTU1WUAAAA3VZrXDjpLiWgSAQAAXIke0YwfvgQAAIAJSSIAAHB7TDebkSQCAADAhCQRAAC4PYJEM5JEAAAAmJAkAgAAt+fhQZR4MZJEAAAAmJAkAgAAt8eaRDOaRAAA4PbYAseM6WYAAACYkCQCAAC3R5BoRpIIAAAAE5JEAADg9liTaEaSCAAAABOSRAAA4PZIEs1IEgEAAGBCkggAANweQaIZTSIAAHB7TDebMd0MAAAAE5JEAADg9ggSzUgSAQAAYEKSCAAA3B5rEs1IEgEAAGBCkggAANweQaIZSSIAAABMSBIBAIDbY02iGUkiAAAATEgSAQCA2yNINKNJBAAAbo/pZjOmmwEAAGBCkggAANweQaIZSSIAAEAJkZiYqFtuuUUVKlRQUFCQevbsqb1799qNadu2rSwWi93x0EMP2Y05ePCgunbtKh8fHwUFBWns2LE6f/68Q7WQJAIAALdXUtYkrl27VnFxcbrlllt0/vx5Pfnkk4qOjtZPP/0kX19f27ihQ4dq8uTJtsc+Pj62P+fn56tr164KCQnRhg0bdOTIEQ0YMEBly5bVc889V+RaaBIBAABKiK+//tru8dy5cxUUFKStW7eqdevWtvM+Pj4KCQkp9B7ffPONfvrpJ61cuVLBwcFq2rSppkyZonHjxmnixIny8vIqUi1MNwMAALdnsTjvyM3NVVZWlt2Rm5tbpLoyMzMlSYGBgXbnFyxYoMqVK6thw4ZKSEjQ2bNnbdeSk5PVqFEjBQcH287FxMQoKytLu3btKvJnQpMIAADgRImJifL397c7EhMTL/u8goICPfbYY2rZsqUaNmxoO9+vXz+9//77+vbbb5WQkKD58+frvvvus11PT0+3axAl2R6np6cXuW6mmwEAgNtz5prEhIQExcfH252zWq2XfV5cXJx+/PFHfffdd3bnhw0bZvtzo0aNFBoaqvbt22v//v2qXbt28RQtmkQAAACnboFjtVqL1BT+3YgRI7Rs2TKtW7dOVatW/cexLVq0kCSlpqaqdu3aCgkJ0aZNm+zGZGRkSNIl1zEWhulmAACAEsIwDI0YMUKLFi3S6tWrVbNmzcs+JyUlRZIUGhoqSYqKitLOnTt19OhR25ikpCT5+fkpMjKyyLWQJAIAALdXUrbAiYuL08KFC7VkyRJVqFDBtobQ399f3t7e2r9/vxYuXKguXbqoUqVK2rFjh0aNGqXWrVurcePGkqTo6GhFRkbq/vvv19SpU5Wenq6nnnpKcXFxDiWaJIkAAAAlxKxZs5SZmam2bdsqNDTUdnz00UeSJC8vL61cuVLR0dGqX7++Ro8erd69e2vp0qW2e3h6emrZsmXy9PRUVFSU7rvvPg0YMMBuX8WiIEkEAABur6QkiYZh/OP1atWqae3atZe9T3h4uL766qurqoUkEQAAACYkiQAAwO2VkCCxRCFJBAAAgAlJIgAAcHslZU1iSUKTCAAA3B49ohnTzQAAADAhSQQAAG6P6WYzkkQAAACYkCQCAAC3R5BoRpIIAAAAE5JEAADg9jyIEk1IEgEAAGBCkggAANweQaIZTSIAAHB7bIFjxnQzAAAATEgSAQCA2/MgSDQhSQQAAIAJSSIAAHB7rEk0I0kEAACACUkiAABwewSJZiSJAAAAMCFJBAAAbs8iosSL0SQCAAC3xxY4Zkw3AwAAwIQkEQAAuD22wDEjSQQAAIAJSSIAAHB7BIlmJIkAAAAwIUkEAABuz4Mo0YQkEQAAACbF0iSeOnWqOG4DAADgEhaL847SyuEm8b///a8++ugj2+M+ffqoUqVKuuGGG7R9+/ZiLQ4AAOBasFgsTjtKK4ebxNmzZ6tatWqSpKSkJCUlJWn58uXq3Lmzxo4dW+wFAgAA4Npz+Isr6enptiZx2bJl6tOnj6Kjo1WjRg21aNGi2AsEAABwtlIc+DmNw0lixYoVdejQIUnS119/rQ4dOkiSDMNQfn5+8VYHAAAAl3A4SezVq5f69eununXr6sSJE+rcubMkadu2bapTp06xFwgAAOBsbIFj5nCTOG3aNNWoUUOHDh3S1KlTVb58eUnSkSNH9PDDDxd7gQAAALj2HG4Sy5YtqzFjxpjOjxo1qlgKAgAAuNbIEc2K1CR+8cUXRb7hXXfddcXFAAAAoGQoUpPYs2fPIt3MYrHw5RUAAFDqlOb9DJ2lSE1iQUGBs+sAAABwGQ96RJOr+lm+nJyc4qoDAAAAJYjDTWJ+fr6mTJmiG264QeXLl9eBAwckSePHj9c777xT7AUCAAA4Gz/LZ+Zwk/jss89q7ty5mjp1qry8vGznGzZsqLfffrtYiwMAAIBrONwkvvfee3rzzTfVv39/eXp62s43adJEe/bsKdbiAAAArgWLxXlHaeVwk/j7778X+ssqBQUFysvLK5aiAAAA4FoON4mRkZFav3696fynn36qZs2aFUtRAAAA1xJrEs0c/sWVCRMmKDY2Vr///rsKCgr0+eefa+/evXrvvfe0bNkyZ9QIAACAa8zhJLFHjx5aunSpVq5cKV9fX02YMEG7d+/W0qVL1bFjR2fUCAAA4FQeFucdpZXDSaIktWrVSklJScVdCwAAgEuU5mlhZ7miJlGStmzZot27d0v6a51i8+bNi60oAAAAuJbDTeJvv/2me++9V//73/8UEBAgSTp16pRuv/12ffjhh6patWpx1wgAAOBU5IhmDq9JHDJkiPLy8rR7926dPHlSJ0+e1O7du1VQUKAhQ4Y4o0YAAABcYw4niWvXrtWGDRsUERFhOxcREaHXXntNrVq1KtbiAAAArgUP1iSaOJwkVqtWrdBNs/Pz8xUWFlYsRQEAAMC1HG4SX3jhBY0cOVJbtmyxnduyZYseffRRvfjii8VaHAAAwLXAz/KZFWm6uWLFinZfDc/OzlaLFi1UpsxfTz9//rzKlCmjBx54QD179nRKoQAAALh2itQkvvLKK04uAwAAwHXYJ9GsSE1ibGyss+sAAABACXLFm2lLUk5Ojs6dO2d3zs/P76oKAgAAuNYIEs0c/uJKdna2RowYoaCgIPn6+qpixYp2BwAAQGnjYbE47XBEYmKibrnlFlWoUEFBQUHq2bOn9u7dazcmJydHcXFxqlSpksqXL6/evXsrIyPDbszBgwfVtWtX+fj4KCgoSGPHjtX58+cd+0wcGi3p8ccf1+rVqzVr1ixZrVa9/fbbmjRpksLCwvTee+85ejsAAAD8n7Vr1youLk7ff/+9kpKSlJeXp+joaGVnZ9vGjBo1SkuXLtUnn3yitWvX6vDhw+rVq5ften5+vrp27apz585pw4YNmjdvnubOnasJEyY4VIvFMAzDkSdUr15d7733ntq2bSs/Pz/98MMPqlOnjubPn68PPvhAX331lUMFOIN3sxGuLgGAk/yxeYarSwDgJOWuahHc1Xn485+cdu+ZvSKv+LnHjh1TUFCQ1q5dq9atWyszM1NVqlTRwoULdffdd0uS9uzZowYNGig5OVm33Xabli9frm7duunw4cMKDg6WJM2ePVvjxo3TsWPH5OXlVaTXdjhJPHnypGrVqiXpr/WHJ0+elCTdcccdWrdunaO3AwAAuK7l5uYqKyvL7sjNzS3SczMzMyVJgYGBkqStW7cqLy9PHTp0sI2pX7++qlevruTkZElScnKyGjVqZGsQJSkmJkZZWVnatWtXket2uEmsVauW0tLSbEV9/PHHkqSlS5cqICDA0dsBAAC4nMVicdqRmJgof39/uyMxMfGyNRUUFOixxx5Ty5Yt1bBhQ0lSenq6vLy8TD1XcHCw0tPTbWP+3iBeuH7hWlE5HOwOGjRI27dvV5s2bfTEE0+oe/fumjFjhvLy8vTyyy87ejsAAIDrWkJCguLj4+3OWa3Wyz4vLi5OP/74o7777jtnlfaPHG4SR40aZftzhw4dtGfPHm3dulV16tRR48aNi7W4K/VTEj8PCFyvNqSecHUJAJzkzvqVXPbaDk+tOsBqtRapKfy7ESNGaNmyZVq3bp2qVq1qOx8SEqJz587p1KlTdmliRkaGQkJCbGM2bdpkd78L336+MKYorvozCQ8PV69evUpMgwgAAFBaGYahESNGaNGiRVq9erVq1qxpd7158+YqW7asVq1aZTu3d+9eHTx4UFFRUZKkqKgo7dy5U0ePHrWNSUpKkp+fnyIji/4lmiIlidOnTy/yDR955JEijwUAACgJSsrP8sXFxWnhwoVasmSJKlSoYFtD6O/vL29vb/n7+2vw4MGKj49XYGCg/Pz8NHLkSEVFRem2226TJEVHRysyMlL333+/pk6dqvT0dD311FOKi4tzKNEs0hY4F3exl7yZxaIDBw4U+cWdJe14jqtLAOAkacezLz8IQKnkyunmx5bscdq9X+lRv8hjL9WszpkzRwMHDpT012bao0eP1gcffKDc3FzFxMRo5syZdlPJv/76q4YPH641a9bI19dXsbGxev7551WmTNFXGjq8T2JpQJMIXL9oEoHrF01iyeLCbSsBAABKBo+SMdtcojjzyzwAAAAopUgSAQCA2yspX1wpSUgSAQAAYEKSCAAA3B5rEs2uKElcv3697rvvPkVFRen333+XJM2fP99lPxsDAACA4uVwk/jZZ58pJiZG3t7e2rZtm3JzcyVJmZmZeu6554q9QAAAAGezWJx3lFYON4nPPPOMZs+erbfeektly5a1nW/ZsqV++OGHYi0OAADgWvCwWJx2lFYON4l79+5V69atTef9/f116tSp4qgJAAAALuZwkxgSEqLU1FTT+e+++061atUqlqIAAACuJQ8nHqWVw7UPHTpUjz76qDZu3CiLxaLDhw9rwYIFGjNmjIYPH+6MGgEAAHCNObwFzhNPPKGCggK1b99eZ8+eVevWrWW1WjVmzBiNHDnSGTUCAAA4VSleOug0DjeJFotF//nPfzR27FilpqbqzJkzioyMVPny5Z1RHwAAAFzgijfT9vLyUmRkZHHWAgAA4BKl+VvIzuJwk9iuXbt//H3D1atXX1VBAAAAcD2Hm8SmTZvaPc7Ly1NKSop+/PFHxcbGFlddAAAA1wxBopnDTeK0adMKPT9x4kSdOXPmqgsCAAC41vjtZrNi277nvvvu07vvvltctwMAAIALXfEXVy6WnJyscuXKFdftAAAArhm+uGLmcJPYq1cvu8eGYejIkSPasmWLxo8fX2yFAQAAwHUcbhL9/f3tHnt4eCgiIkKTJ09WdHR0sRUGAABwrRAkmjnUJObn52vQoEFq1KiRKlas6KyaAAAA4GIOfXHF09NT0dHROnXqlJPKAQAAuPY8LM47SiuHv93csGFDHThwwBm1AAAAoIRwuEl85plnNGbMGC1btkxHjhxRVlaW3QEAAFDaWJz4n9KqyGsSJ0+erNGjR6tLly6SpLvuusvu5/kMw5DFYlF+fn7xVwkAAOBEpXla2FmK3CROmjRJDz30kL799ltn1gMAAIASoMhNomEYkqQ2bdo4rRgAAABXIEk0c2hNooVNhAAAANyCQ/sk1qtX77KN4smTJ6+qIAAAgGuNIMzMoSZx0qRJpl9cAQAAwPXHoSaxb9++CgoKclYtAAAALsGaRLMir0kkhgUAAHAfDn+7GQAA4HpDFmZW5CaxoKDAmXUAAAC4jAddoonDP8sHAACA659DX1wBAAC4HvHFFTOSRAAAAJiQJAIAALfHkkQzkkQAAACYkCQCAAC35yGixIuRJAIAAMCEJBEAALg91iSa0SQCAAC3xxY4Zkw3AwAAwIQkEQAAuD1+ls+MJBEAAAAmJIkAAMDtESSakSQCAADAhCQRAAC4PdYkmpEkAgAAwIQkEQAAuD2CRDOaRAAA4PaYWjXjMwEAAIAJSSIAAHB7FuabTUgSAQAAYEKSCAAA3B45ohlJIgAAAExIEgEAgNtjM20zkkQAAACY0CQCAAC3Z3Hi4ah169ape/fuCgsLk8Vi0eLFi+2uDxw4UBaLxe7o1KmT3ZiTJ0+qf//+8vPzU0BAgAYPHqwzZ844VAdNIgAAcHsWi/MOR2VnZ6tJkyZ6/fXXLzmmU6dOOnLkiO344IMP7K73799fu3btUlJSkpYtW6Z169Zp2LBhDtXBmkQAAIASpHPnzurcufM/jrFarQoJCSn02u7du/X1119r8+bNuvnmmyVJr732mrp06aIXX3xRYWFhRaqDJBEAALi9i6dvi/PIzc1VVlaW3ZGbm3tV9a5Zs0ZBQUGKiIjQ8OHDdeLECdu15ORkBQQE2BpESerQoYM8PDy0cePGIr8GTSIAAIATJSYmyt/f3+5ITEy84vt16tRJ7733nlatWqX//ve/Wrt2rTp37qz8/HxJUnp6uoKCguyeU6ZMGQUGBio9Pb3Ir8N0MwAAcHvOTM0SEhIUHx9vd85qtV7x/fr27Wv7c6NGjdS4cWPVrl1ba9asUfv27a/4vhcjSQQAAHAiq9UqPz8/u+NqmsSL1apVS5UrV1ZqaqokKSQkREePHrUbc/78eZ08efKS6xgLQ5MIAADcnjPXJDrbb7/9phMnTig0NFSSFBUVpVOnTmnr1q22MatXr1ZBQYFatGhR5Psy3QwAAFCCnDlzxpYKSlJaWppSUlIUGBiowMBATZo0Sb1791ZISIj279+vxx9/XHXq1FFMTIwkqUGDBurUqZOGDh2q2bNnKy8vTyNGjFDfvn2L/M1miSQRAACgRG2mvWXLFjVr1kzNmjWTJMXHx6tZs2aaMGGCPD09tWPHDt11112qV6+eBg8erObNm2v9+vV2U9gLFixQ/fr11b59e3Xp0kV33HGH3nzzTcc+E8MwjCuov0RLO57j6hIAOEna8WxXlwDASe6sX8llr/1JymGn3fvfTYue3pUkTDcDAAC3dy3WDpY2NIkAAMDtsf7OjM8EAAAAJiSJAADA7THdbEaSCAAAABOSRAAA4PbIEc1IEgEAAGBCkggAANweSxLNSBIBAABgQpIIAADcngerEk1oEgEAgNtjutmM6WYAAACYkCQCAAC3Z2G62YQkEQAAACYkiQAAwO2xJtGMJBEAAAAmJIkAAMDtsQWOGUkiAAAATEgSAQCA22NNohlNIgAAcHs0iWZMNwMAAMCEJBEAALg9NtM2I0kEAACACUkiAABwex4EiSYkiQAAADAhSQQAAG6PNYlmJIkAAAAwIUkEAABuj30SzWgSAQCA22O62YzpZgAAAJiQJAIAALfHFjhmJIkAAAAwIUkEAABujzWJZiSJAAAAMCFJRKkwoHdnHU0/bDrfrdc9urtfrAbe3aXQ5z055QW1vjPa2eUBcMC+XduUtGihDqbuVeYfx/VgQqKa3tZGkpR//ry+WPCGftyarOPph+XtU171m9ysngOGK6BSFUnSzzt/0LSnRhR673Evvq0adSOv2XvB9YMtcMxoElEqTH97gQoKCmyPfzmQqicfe1Ct2nVUlaAQLfxild345Us+1acL5+mW2+641qUCuIzcnBzdUKOObm/fTW88n2B37Vxujg7u/1ld+gzSDTXq6Gz2aX3y1iua9ew4Jbz8riSpVv1Gen7uUrvnLV3wpvbs2KrwOg2u2fsArnc0iSgVAioG2j3+eP67Cr2hmho3u1kWi0WBlSrbXd+wbrVatY+Wt4/PtSwTQBE0bB6lhs2jCr3m7Vtej05+1e7cPQ/G679jhujksXQFVglRmbJl5V+xku16/vnz2r5pvdp1/bcsxEG4Qvwvx4w1iSh18vLytPqbLxXTtWehfyHs2/OT9u/bq07d/uWC6gAUtz+zs2WxWOTtW6HQ69s3rVf26SxFte96jSvD9cTDYnHaUVqV6Cbx0KFDeuCBB/5xTG5urrKysuyO3Nzca1QhXCF53WqdOXNaHbvcVej1FcsWqXqNWops1PTaFgag2OWdy9Wi92bq5lYd5e3jW+iYDSuXKbJZC1WsHHSNqwOubyW6STx58qTmzZv3j2MSExPl7+9vd8x69YVrVCFc4etli3TLbS1VqYr5L4Tc3Bx9m7RcMd16XvvCABSr/PPn9dbU8ZJh6N7hYwsd88fxo/pp20bd3qHbNa4O1xuLE4/SyqVrEr/44ot/vH7gwIHL3iMhIUHx8fF25w6fNq6qLpRcGemHlbJlo8Y/93Kh19d/m6TcnD/VvlP3a1wZgOL0V4P4lE4eS9djU167ZIqYvOpL+VbwU5NbW13jCoHrn0ubxJ49/1pTZhiXbuoutwjZarXKarXanTtxLqdY6kPJ882XS+RfMVC3RhX+F8KKZYt12x1tTV90AVB6XGgQjx45pFHPzFB5P/9CxxmGoQ2rvtRt7TrLswzfw8RVKs2Rn5O4dLo5NDRUn3/+uQoKCgo9fvjhB1eWhxKmoKBASV8uUcfO3Qv9C+Hwbwf1Y8pWdereywXVASiqnD/P6tCBn3XowM+SpBMZR3TowM86eSxd+efP683/PqmDqXv0QPxEFRQUKPOPE8r844TO5+XZ3Wfvjq06kXFYLTsycwA4g0v/r1fz5s21detW9ejRo9Drl0sZ4V62bf5eRzOOKLprz0Kvr1i2WJWDgnXTrYVvrQGgZDiYusduM+xP350uSbrtzi7q1newdmz6TpL07GOxds8b9cwM1Wt0k+3x/1YuVa36jRRStYbzi8Z1j5/lM7MYLuzC1q9fr+zsbHXq1KnQ69nZ2dqyZYvatGnj0H3TjjPdDFyv0o5nu7oEAE5yZ/1Klx/kJBv3Zzrt3i1qF75koqRzaZLYqtU/LzT29fV1uEEEAABwVCneztBpWOkLAADcHj2iWYneJxEAAACuQZIIAABAlGhCkggAAAATkkQAAOD22ALHjCQRAAAAJiSJAADA7bEFjhlJIgAAAExIEgEAgNsjSDSjSQQAAKBLNGG6GQAAACYkiQAAwO2xBY4ZSSIAAABMSBIBAIDbYwscM5JEAACAEmTdunXq3r27wsLCZLFYtHjxYrvrhmFowoQJCg0Nlbe3tzp06KB9+/bZjTl58qT69+8vPz8/BQQEaPDgwTpz5oxDddAkAgAAt2dx4uGo7OxsNWnSRK+//nqh16dOnarp06dr9uzZ2rhxo3x9fRUTE6OcnBzbmP79+2vXrl1KSkrSsmXLtG7dOg0bNsyhOiyGYRhXUH+JlnY85/KDAJRKacezXV0CACe5s34ll7329oOnnXbvJtUrXPFzLRaLFi1apJ49e0r6K0UMCwvT6NGjNWbMGElSZmamgoODNXfuXPXt21e7d+9WZGSkNm/erJtvvlmS9PXXX6tLly767bffFBYWVqTXJkkEAABwYpSYm5urrKwsuyM3N/eKykxLS1N6ero6dOhgO+fv768WLVooOTlZkpScnKyAgABbgyhJHTp0kIeHhzZu3Fjk16JJBAAAbs/ixP8kJibK39/f7khMTLyiOtPT0yVJwcHBdueDg4Nt19LT0xUUFGR3vUyZMgoMDLSNKQq+3QwAAOBECQkJio+PtztntVpdVE3R0SQCAAC358wtcKxWa7E1hSEhIZKkjIwMhYaG2s5nZGSoadOmtjFHjx61e9758+d18uRJ2/OLgulmAACAUqJmzZoKCQnRqlWrbOeysrK0ceNGRUVFSZKioqJ06tQpbd261TZm9erVKigoUIsWLYr8WiSJAADA7ZWkvbTPnDmj1NRU2+O0tDSlpKQoMDBQ1atX12OPPaZnnnlGdevWVc2aNTV+/HiFhYXZvgHdoEEDderUSUOHDtXs2bOVl5enESNGqG/fvkX+ZrNEkwgAAFCibNmyRe3atbM9vrCeMTY2VnPnztXjjz+u7OxsDRs2TKdOndIdd9yhr7/+WuXKlbM9Z8GCBRoxYoTat28vDw8P9e7dW9OnT3eoDvZJBFCqsE8icP1y5T6JP/7u2K+ROKLhDeWddm9nYk0iAAAATJhuBgAAbs9SolYllgwkiQAAADAhSQQAAG7PmfskllY0iQAAwO3RI5ox3QwAAAATkkQAAACiRBOSRAAAAJiQJAIAALfHFjhmJIkAAAAwIUkEAABujy1wzEgSAQAAYEKSCAAA3B5BohlNIgAAAF2iCdPNAAAAMCFJBAAAbo8tcMxIEgEAAGBCkggAANweW+CYkSQCAADAhCQRAAC4PYJEM5JEAAAAmJAkAgAAECWa0CQCAAC3xxY4Zkw3AwAAwIQkEQAAuD22wDEjSQQAAIAJSSIAAHB7BIlmJIkAAAAwIUkEAAAgSjQhSQQAAIAJSSIAAHB77JNoRpMIAADcHlvgmDHdDAAAABOSRAAA4PYIEs1IEgEAAGBCkggAANweaxLNSBIBAABgQpIIAADAqkQTkkQAAACYkCQCAAC3x5pEM5pEAADg9ugRzZhuBgAAgAlJIgAAcHtMN5uRJAIAAMCEJBEAALg9C6sSTUgSAQAAYEKSCAAAQJBoQpIIAAAAE5JEAADg9ggSzWgSAQCA22MLHDOmmwEAAGBCkggAANweW+CYkSQCAADAhCQRAACAINGEJBEAAAAmJIkAAMDtESSakSQCAADAhCQRAAC4PfZJNKNJBAAAbo8tcMyYbgYAAIAJTSIAAHB7FovzDkdMnDhRFovF7qhfv77tek5OjuLi4lSpUiWVL19evXv3VkZGRjF/Gn+hSQQAAChBbrzxRh05csR2fPfdd7Zro0aN0tKlS/XJJ59o7dq1Onz4sHr16uWUOliTCAAAUIKUKVNGISEhpvOZmZl65513tHDhQt15552SpDlz5qhBgwb6/vvvddtttxVrHSSJAAAATpSbm6usrCy7Izc395Lj9+3bp7CwMNWqVUv9+/fXwYMHJUlbt25VXl6eOnToYBtbv359Va9eXcnJycVeN00iAABwe85ck5iYmCh/f3+7IzExsdA6WrRooblz5+rrr7/WrFmzlJaWplatWun06dNKT0+Xl5eXAgIC7J4THBys9PT0Yv9MmG4GAABwooSEBMXHx9uds1qthY7t3Lmz7c+NGzdWixYtFB4ero8//lje3t5OrfNiNIkAAMDtOXOfRKvVesmm8HICAgJUr149paamqmPHjjp37pxOnTpllyZmZGQUuobxajHdDAAA3F5J2QLnYmfOnNH+/fsVGhqq5s2bq2zZslq1apXt+t69e3Xw4EFFRUVd5SdgRpIIAABQQowZM0bdu3dXeHi4Dh8+rKefflqenp6699575e/vr8GDBys+Pl6BgYHy8/PTyJEjFRUVVezfbJZoEgEAAErMj/L99ttvuvfee3XixAlVqVJFd9xxh77//ntVqVJFkjRt2jR5eHiod+/eys3NVUxMjGbOnOmUWiyGYRhOubMLpR3PcXUJAJwk7Xi2q0sA4CR31q/kstc+nVPgtHtXKFc6V/eRJAIAAJSUKLEEKZ2tLQAAAJyKJBEAALg9Z26BU1qRJAIAAMCEJBEAALi9q93P8HpEkggAAAATkkQAAOD2CBLNaBIBAADoEk2YbgYAAIAJSSIAAHB7bIFjRpIIAAAAE5JEAADg9tgCx4wkEQAAACYWwzAMVxcBXKnc3FwlJiYqISFBVqvV1eUAKEb88w24Fk0iSrWsrCz5+/srMzNTfn5+ri4HQDHin2/AtZhuBgAAgAlNIgAAAExoEgEAAGBCk4hSzWq16umnn2ZRO3Ad4p9vwLX44goAAABMSBIBAABgQpMIAAAAE5pEAAAAmNAkAgAAwIQmEaXa66+/rho1aqhcuXJq0aKFNm3a5OqSAFyldevWqXv37goLC5PFYtHixYtdXRLglmgSUWp99NFHio+P19NPP60ffvhBTZo0UUxMjI4ePerq0gBchezsbDVp0kSvv/66q0sB3Bpb4KDUatGihW655RbNmDFDklRQUKBq1app5MiReuKJJ1xcHYDiYLFYtGjRIvXs2dPVpQBuhyQRpdK5c+e0detWdejQwXbOw8NDHTp0UHJysgsrAwDg+kCTiFLp+PHjys/PV3BwsN354OBgpaenu6gqAACuHzSJAAAAMKFJRKlUuXJleXp6KiMjw+58RkaGQkJCXFQVAADXD5pElEpeXl5q3ry5Vq1aZTtXUFCgVatWKSoqyoWVAQBwfSjj6gKAKxUfH6/Y2FjdfPPNuvXWW/XKK68oOztbgwYNcnVpAK7CmTNnlJqaanuclpamlJQUBQYGqnr16i6sDHAvbIGDUm3GjBl64YUXlJ6erqZNm2r69Olq0aKFq8sCcBXWrFmjdu3amc7HxsZq7ty5174gwE3RJAIAAMCENYkAAAAwoUkEAACACU0iAAAATGgSAQAAYEKTCAAAABOaRAAAAJjQJAIAAMCEJhEAAAAmNIkArtrAgQPVs2dP2+O2bdvqscceu+Z1rFmzRhaLRadOnbrkGIvFosWLFxf5nhMnTlTTpk2vqq5ffvlFFotFKSkpV3UfALiWaBKB69TAgQNlsVhksVjk5eWlOnXqaPLkyTp//rzTX/vzzz/XlClTijS2KI0dAODaK+PqAgA4T6dOnTRnzhzl5ubqq6++UlxcnMqWLauEhATT2HPnzsnLy6tYXjcwMLBY7gMAcB2SROA6ZrVaFRISovDwcA0fPlwdOnTQF198Ien/TxE/++yzCgsLU0REhCTp0KFD6tOnjwICAhQYGKgePXrol19+sd0zPz9f8fHxCggIUKVKlfT444/r4p+Av3i6OTc3V+PGjVO1atVktVpVp04dvfPOO/rll1/Url07SVLFihVlsVg0cOBASVJBQYESExNVs2ZNeXt7q0mTJvr000/tXuerr75SvXr15O3trXbt2tnVWVTjxo1TvXr15OPjo1q1amn8+PHKy8szjXvjjTdUrVo1+fj4qE+fPsrMzLS7/vbbb6tBgwYqV66c6tevr5kzZ17yNf/44w/1799fVapUkbe3t+rWras5c+Y4XDsAOBNJIuBGvL29deLECdvjVatWyc/PT0lJSZKkvLw8xcTEKCoqSuvXr1eZMmX0zDPPqFOnTtqxY4e8vLz00ksvae7cuXr33XfVoEEDvfTSS1q0aJHuvPPOS77ugAEDlJycrOnTp6tJkyZKS0vT8ePHVa1aNX322Wfq3bu39u7dKz8/P3l7e0uSEhMT9f7772v27NmqW7eu1q1bp/vuu09VqlRRmzZtdOjQIfXq1UtxcXEaNmyYtmzZotGjRzv8mVSoUEFz585VWFiYdu7cqaFDh6pChQp6/PHHbWNSU1P18ccfa+nSpcrKytLgwYP18MMPa8GCBZKkBQsWaMKECZoxY4aaNWumbdu2aejQofL19VVsbKzpNcePH6+ffvpJy5cvV+XKlZWamqo///zT4doBwKkMANel2NhYo0ePHoZhGEZBQYGRlJRkWK1WY8yYMbbrwcHBRm5uru058+fPNyIiIoyCggLbudzcXMPb29tYsWKFYRiGERoaakydOtV2PS8vz6hatarttQzDMNq0aWM8+uijhmEYxt69ew1JRlJSUqF1fvvtt4Yk448//rCdy8nJMXx8fIwNGzbYjR08eLBx7733GoZhGAkJCUZkZKTd9XHjxpnudTFJxqJFiy55/YUXXjCaN29ue/z0008bnp6exm+//WY7t3z5csPDw8M4cuSIYRiGUbt2bWPhwoV295kyZYoRFRVlGIZhpKWlGZKMbdu2GYZhGN27dzcGDRp0yRoAoCQgSQSuY8uWLVP58uWVl5engoIC9evXTxMnTrRdb9Sokd06xO3btys1NVUVKlSwu09OTo7279+vzMxMHTlyRC1atLBdK1OmjG6++WbTlPMFKSkp8vT0VJs2bYpcd2pqqs6ePauOHTvanT937pyaNWsmSdq9e7ddHZIUFRVV5Ne44KOPPtL06dO1f/9+nTlzRufPn5efn5/dmOrVq+uGG26we52CggLt3btXFSpU0P79+zV48GANHTrUNub8+fPy9/cv9DWHDx+u3r1764cfflB0dLR69uyp22+/3eHaAcCZaBKB61i7du00a9YseXl5KSwsTGXK2P8j7+vra/f4zJkzat68uW0a9e+qVKlyRTVcmD52xJkzZyRJX375pV1zJv21zrK4JCcnq3///po0aZJiYmLk7++vDz/8UC+99JLDtb711lumptXT07PQ53Tu3Fm//vqrvvrqKyUlJal9+/aKi4vTiy++eOVvBgCKGU0icB3z9fVVnTp1ijz+pptu0kcffaSgoCBTmnZBaGioNm7cqNatW0v6KzHbunWrbrrppkLHN2rUSAUFBVq7dq06dOhgun4hyczPz7edi4yMlNVq1cGDBy+ZQDZo0MD2JZwLvv/++8u/yb/ZsGGDwsPD9Z///Md27tdffzWNO3jwoA4fPqywsDDb63h4eCgiIkLBwcEKCwvTgQMH1L9//yK/dpUqVRQbG6vY2Fi1atVKY8eOpUkEUKLw7WYANv3791flypXVo0cPrV+/XmlpaVqzZo0eeeQR/fbbb5KkRx99VM8//7wWL16sPXv26OGHH/7HPQ5r1Kih2NhYPfDAA1q8eLHtnh9//LEkKTw8XBaLRcuWLdOxY8d05swZVahQQWPGjNGoUaM0b9487d+/Xz/88INee+01zZs3T5L00EMPad++fRo7dqz27t2rhQsXau7cuQ6937p16+rgwYP68MMPtX//fk2fPl2LFi0yjStXrpxiY2O1fft2rV+/Xo888oj69OmjkJAQSdKkSZOUmJio6dOn6+eff9bOnTs1Z84cvfzyy4W+7oQJE7RkyRKlpqZq165dWrZsmRo0aOBQ7QDgbDSJAGx8fHy0bt06Va9eXb169VKDBg00ePBg5eTk2JLF0aNH6/7771dsbKyioqJUoUIF/etf//rH+86aNUt33323Hn74YdWvX19Dhw5Vdna2JOmGG27QpEmT9MQTTyg4OFgjRoyQJE2ZMkXjx49XYmKiGjRooE6dOunLL79UzZo1Jf21TvCzzz7T4sWL1aRJE82ePVvPPfecQ+/3rrvu0qhRozRixAg1bdpUGzZs0Pjx403j6tSpo169eqlLly6Kjo5W48aN7ba4GTJkiN5++23NmTNHjRo1Ups2bTR37lxbrRfz8vJSQkKCGjdurNatW8vT01MffvihQ7UDgLNZjEutNgcAAIDbIkkEAACACU0iAAAATGgSAQAAYEKTCAAAABOaRAAAAJjQJAIAAMCEJhEAAAAmNIkAAAAwoUkEAACACU0iAAAATGgSAQAAYPL/AFJG2uAvS7WVAAAAAElFTkSuQmCC", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "plot_confusion_matrix(y_test, y_pred,(0,1))" + ] + }, + { + "cell_type": "code", + "execution_count": 120, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAr4AAAIjCAYAAADlfxjoAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8pXeV/AAAACXBIWXMAAA9hAAAPYQGoP6dpAACg2klEQVR4nOzdd3iTVRsG8Dvde0AHq9CWPUqBsmSPSpEhOBiyURCQoQyVPVRAQQRRBESZgoKAnwgICALKkD3KKqMgq0ALpaWFtrQ53x/H5G1oWhpI87bN/buuXiYnJ8nT2JYnT85zjkYIIUBEREREVMjZqB0AEREREZElMPElIiIiIqvAxJeIiIiIrAITXyIiIiKyCkx8iYiIiMgqMPElIiIiIqvAxJeIiIiIrAITXyIiIiKyCkx8iYiIiMgqMPElspDAwED06dNH7TCsTrNmzdCsWTO1w3iqyZMnQ6PRIC4uTu1Q8h2NRoPJkyeb5bGuXLkCjUaDpUuXmuXxAODgwYNwcHDAv//+a7bHNLeuXbuic+fOaodBpDomvlQoLF26FBqNRv9lZ2eHkiVLok+fPrhx44ba4eVrycnJ+Pjjj1G9enW4uLjA09MTjRs3xvLly1FQTjQ/c+YMJk+ejCtXrqgdShYZGRlYsmQJmjVrhiJFisDR0RGBgYHo27cvDh8+rHZ4ZrFq1SrMmTNH7TAMWDKmcePG4Y033kCZMmX0Y82aNTP4m+Ts7Izq1atjzpw50Gq1Rh/n7t27eP/991GxYkU4OTmhSJEiiIiIwMaNG7N97sTEREyZMgWhoaFwc3ODs7MzqlWrhg8//BA3b97Uz/vwww+xbt06nDhxItfflzX87JL10YiC8i8bUQ6WLl2Kvn374qOPPkJQUBBSUlLwzz//YOnSpQgMDMSpU6fg5OSkaoypqamwsbGBvb29qnFkdvv2bbRs2RJnz55F165d0bRpU6SkpGDdunX466+/0KVLF6xcuRK2trZqh5qjtWvXolOnTti5c2eW6m5aWhoAwMHBweJxPXr0CK+++iq2bNmCJk2aoH379ihSpAiuXLmCNWvW4Pz587h69SpKlSqFyZMnY8qUKYiNjYWPj4/FY30e7dq1w6lTp/LsjUdKSgrs7OxgZ2f33DEJIZCamgp7e3uz/FwfP34cNWvWxL59+/DCCy/ox5s1a4ZLly5h+vTpAIC4uDisWrUKhw4dwtixYzF16lSDx4mKikLLli0RGxuLvn37onbt2rh//z5WrlyJ48ePY9SoUZg5c6bBfaKjoxEeHo6rV6+iU6dOaNSoERwcHHDy5En8+OOPKFKkCM6fP6+fX69ePVSsWBHLly9/6vdlys8uUYEiiAqBJUuWCADi0KFDBuMffvihACBWr16tUmTqevTokcjIyMj29oiICGFjYyN+/fXXLLeNGjVKABCffvppXoZoVFJSkknzf/75ZwFA7Ny5M28CekaDBw8WAMTs2bOz3Jaeni5mzpwprl27JoQQYtKkSQKAiI2NzbN4tFqtePjwodkft23btqJMmTJmfcyMjAzx6NGjZ75/XsRkzLBhw0Tp0qWFVqs1GG/atKmoWrWqwdijR49EmTJlhLu7u0hPT9ePp6WliWrVqgkXFxfxzz//GNwnPT1ddOnSRQAQP/30k3788ePHIjQ0VLi4uIi///47S1wJCQli7NixBmOff/65cHV1FQ8ePHjq92XKz+7zeN7/z0SmYuJLhUJ2ie/GjRsFADFt2jSD8bNnz4rXXntNeHt7C0dHRxEWFmY0+YuPjxfvvfeeKFOmjHBwcBAlS5YUPXv2NEhOUlJSxMSJE0XZsmWFg4ODKFWqlHj//fdFSkqKwWOVKVNG9O7dWwghxKFDhwQAsXTp0izPuWXLFgFA/Pbbb/qx69evi759+wo/Pz/h4OAgqlSpIr7//nuD++3cuVMAED/++KMYN26cKFGihNBoNCI+Pt7oa7Z//34BQLz55ptGb3/8+LEoX7688Pb21idLly9fFgDEzJkzxRdffCFKly4tnJycRJMmTURkZGSWx8jN66z7f7dr1y4xaNAg4evrK7y8vIQQQly5ckUMGjRIVKhQQTg5OYkiRYqI119/XVy+fDnL/Z/80iXBTZs2FU2bNs3yOq1evVp88sknomTJksLR0VG0aNFCXLhwIcv38PXXX4ugoCDh5OQk6tSpI/76668sj2nMtWvXhJ2dnXjxxRdznKejS3wvXLggevfuLTw9PYWHh4fo06ePSE5ONpi7ePFi0bx5c+Hr6yscHBxE5cqVxTfffJPlMcuUKSPatm0rtmzZIsLCwoSjo6M+kcntYwghxObNm0WTJk2Em5ubcHd3F7Vr1xYrV64UQsjX98nXPnPCmdvfDwBi8ODB4ocffhBVqlQRdnZ24pdfftHfNmnSJP3cxMRE8e677+p/L319fUV4eLg4cuTIU2PS/QwvWbLE4PnPnj0rOnXqJHx8fISTk5OoUKFClsTRmNKlS4s+ffpkGTeW+AohxOuvvy4AiJs3b+rHfvzxRwFAfPTRR0af4/79+8LLy0tUqlRJP/bTTz8JAGLq1KlPjVHnxIkTAoBYv359jvNM/dnt3bu30TcZup/pzIz9f16zZo3w9vY2+jomJCQIR0dHMXLkSP1Ybn+miIzJ/edGRAWQ7mNOb29v/djp06fRsGFDlCxZEqNHj4arqyvWrFmDjh07Yt26dXjllVcAAElJSWjcuDHOnj2LN998E7Vq1UJcXBw2bNiA69evw8fHB1qtFi+//DL27NmDt99+G5UrV0ZkZCRmz56N8+fP43//+5/RuGrXro3g4GCsWbMGvXv3Nrht9erV8Pb2RkREBAC5HKF+/frQaDQYMmQIfH198fvvv+Ott95CYmIi3nvvPYP7f/zxx3BwcMCoUaOQmpqa7Uf8v/32GwCgV69eRm+3s7NDt27dMGXKFOzduxfh4eH625YvX44HDx5g8ODBSElJwZdffokWLVogMjIS/v7+Jr3OOu+88w58fX0xceJEJCcnAwAOHTqEffv2oWvXrihVqhSuXLmC+fPno1mzZjhz5gxcXFzQpEkTDBs2DHPnzsXYsWNRuXJlAND/NzuffvopbGxsMGrUKCQkJGDGjBno3r07Dhw4oJ8zf/58DBkyBI0bN8bw4cNx5coVdOzYEd7e3k/9iPf3339Heno6evbsmeO8J3Xu3BlBQUGYPn06jh49iu+++w5+fn747LPPDOKqWrUqXn75ZdjZ2eG3337DO++8A61Wi8GDBxs8XlRUFN544w0MGDAA/fv3R8WKFU16jKVLl+LNN99E1apVMWbMGHh5eeHYsWPYsmULunXrhnHjxiEhIQHXr1/H7NmzAQBubm4AYPLvx59//ok1a9ZgyJAh8PHxQWBgoNHXaODAgVi7di2GDBmCKlWq4O7du9izZw/Onj2LWrVq5RiTMSdPnkTjxo1hb2+Pt99+G4GBgbh06RJ+++23LEsSMrtx4wauXr2KWrVqZTvnSbrmOi8vL/3Y034XPT090aFDByxbtgwXL15EuXLlsGHDBgAw6eerSpUqcHZ2xt69e7P8/mX2rD+7ufXk/+fy5cvjlVdewfr167Fw4UKDv1n/+9//kJqaiq5duwIw/WeKKAu1M28ic9BV/bZv3y5iY2PFtWvXxNq1a4Wvr69wdHQ0+EiuZcuWIiQkxKA6oNVqRYMGDUT58uX1YxMnTsy2OqL7WHPFihXCxsYmy0eNCxYsEADE3r179WOZK75CCDFmzBhhb28v7t27px9LTU0VXl5eBlXYt956SxQvXlzExcUZPEfXrl2Fp6envhqrq2QGBwfn6uPsjh07CgDZVoSFEGL9+vUCgJg7d64QQqmWOTs7i+vXr+vnHThwQAAQw4cP14/l9nXW/b9r1KiRwce/Qgij34euUr18+XL9WE5LHbKr+FauXFmkpqbqx7/88ksBQF+5Tk1NFUWLFhV16tQRjx8/1s9bunSpAPDUiu/w4cMFAHHs2LEc5+noqmNPVuBfeeUVUbRoUYMxY69LRESECA4ONhgrU6aMACC2bNmSZX5uHuP+/fvC3d1d1KtXL8vH0Zk/2s9uWYEpvx8AhI2NjTh9+nSWx8ETFV9PT08xePDgLPMyyy4mYxXfJk2aCHd3d/Hvv/9m+z0as3379iyfzug0bdpUVKpUScTGxorY2Fhx7tw58f777wsAom3btgZza9SoITw9PXN8ri+++EIAEBs2bBBCCFGzZs2n3seYChUqiJdeeinHOab+7Jpa8TX2/3nr1q1GX8s2bdoY/Eya8jNFZAx3daBCJTw8HL6+vggICMDrr78OV1dXbNiwQV+du3fvHv7880907twZDx48QFxcHOLi4nD37l1ERETgwoUL+l0g1q1bh9DQUKOVEY1GAwD4+eefUblyZVSqVEn/WHFxcWjRogUAYOfOndnG2qVLFzx+/Bjr16/Xj23btg33799Hly5dAMhGnHXr1qF9+/YQQhg8R0REBBISEnD06FGDx+3duzecnZ2f+lo9ePAAAODu7p7tHN1tiYmJBuMdO3ZEyZIl9dfr1q2LevXqYfPmzQBMe511+vfvn6XZKPP38fjxY9y9exflypWDl5dXlu/bVH379jWoLDVu3BiAbBgCgMOHD+Pu3bvo37+/QVNV9+7dDT5ByI7uNcvp9TVm4MCBBtcbN26Mu3fvGvw/yPy6JCQkIC4uDk2bNkV0dDQSEhIM7h8UFKT/9CCz3DzGH3/8gQcPHmD06NFZmkN1vwM5MfX3o2nTpqhSpcpTH9fLywsHDhww2LXgWcXGxuKvv/7Cm2++idKlSxvc9rTv8e7duwCQ7c/DuXPn4OvrC19fX1SqVAkzZ87Eyy+/nGUrtQcPHjz15+TJ38XExESTf7Z0sT5ty7xn/dnNLWP/n1u0aAEfHx+sXr1aPxYfH48//vhD//cQeL6/uUQAwKUOVKjMmzcPFSpUQEJCAhYvXoy//voLjo6O+tsvXrwIIQQmTJiACRMmGH2MO3fuoGTJkrh06RJee+21HJ/vwoULOHv2LHx9fbN9rOyEhoaiUqVKWL16Nd566y0AcpmDj4+P/o94bGws7t+/j2+//Rbffvttrp4jKCgox5h1dP+oPXjwwOBj18yyS47Lly+fZW6FChWwZs0aAKa9zjnF/ejRI0yfPh1LlizBjRs3DLZXezLBM9WTSY4ueYmPjwcA/Z6s5cqVM5hnZ2eX7UfwmXl4eABQXkNzxKV7zL1792LSpEnYv38/Hj58aDA/ISEBnp6e+uvZ/Tzk5jEuXboEAKhWrZpJ34OOqb8fuf3ZnTFjBnr37o2AgACEhYWhTZs26NWrF4KDg02OUfdG51m/RwDZbvsXGBiIRYsWQavV4tKlS5g6dSpiY2OzvIlwd3d/ajL65O+ih4eHPnZTY31aQv+sP7u5Zez/s52dHV577TWsWrUKqampcHR0xPr16/H48WODxPd5/uYSAUx8qZCpW7cuateuDUBWJRs1aoRu3bohKioKbm5u+v0zR40aZbQKBmRNdHKi1WoREhKCL774wujtAQEBOd6/S5cumDp1KuLi4uDu7o4NGzbgjTfe0FcYdfH26NEjy1pgnerVqxtcz021F5BrYP/3v//h5MmTaNKkidE5J0+eBIBcVeEye5bX2VjcQ4cOxZIlS/Dee+/hhRdegKenJzQaDbp27ZrtXqi5ld1WVtklMaaqVKkSACAyMhI1atTI9f2eFtelS5fQsmVLVKpUCV988QUCAgLg4OCAzZs3Y/bs2VleF2Ovq6mP8axM/f3I7c9u586d0bhxY/zyyy/Ytm0bZs6cic8++wzr16/HSy+99Nxx51bRokUBKG+WnuTq6mqwNr5hw4aoVasWxo4di7lz5+rHK1eujOPHj+Pq1atZ3vjoPPm7WKlSJRw7dgzXrl176t+ZzOLj442+cc3M1J/d7BLpjIwMo+PZ/X/u2rUrFi5ciN9//x0dO3bEmjVrUKlSJYSGhurnPO/fXCImvlRo2draYvr06WjevDm+/vprjB49Wl8Rsre3N/gHyZiyZcvi1KlTT51z4sQJtGzZMlcf/T6pS5cumDJlCtatWwd/f38kJibqmzgAwNfXF+7u7sjIyHhqvKZq164dpk+fjuXLlxtNfDMyMrBq1Sp4e3ujYcOGBrdduHAhy/zz58/rK6GmvM45Wbt2LXr37o1Zs2bpx1JSUnD//n2Dec/y2j+N7jCCixcvonnz5vrx9PR0XLlyJcsbjie99NJLsLW1xQ8//GDWJqHffvsNqamp2LBhg0GSZMpHvLl9jLJlywIATp06leMbwuxe/+f9/chJ8eLF8c477+Cdd97BnTt3UKtWLUydOlWf+Ob2+XQ/q0/7XTdGlyBevnw5V/OrV6+OHj16YOHChRg1apT+tW/Xrh1+/PFHLF++HOPHj89yv8TERPz666+oVKmS/v9D+/bt8eOPP+KHH37AmDFjcvX86enpuHbtGl5++eUc55n6s+vt7Z3ldxKAySfZNWnSBMWLF8fq1avRqFEj/Pnnnxg3bpzBnLz8mSLrwDW+VKg1a9YMdevWxZw5c5CSkgI/Pz80a9YMCxcuRExMTJb5sbGx+suvvfYaTpw4gV9++SXLPF31rXPnzrhx4wYWLVqUZc6jR4/0uxNkp3LlyggJCcHq1auxevVqFC9e3CAJtbW1xWuvvYZ169YZ/Yc5c7ymatCgAcLDw7FkyRKjJ0ONGzcO58+fxwcffJClQvO///3PYI3uwYMHceDAAX3SYcrrnBNbW9ssFdivvvoqSyXJ1dUVAIz+4/usateujaJFi2LRokVIT0/Xj69cuTLbCl9mAQEB6N+/P7Zt24avvvoqy+1arRazZs3C9evXTYpLVxF+ctnHkiVLzP4YrVq1gru7O6ZPn46UlBSD2zLf19XV1ejSk+f9/TAmIyMjy3P5+fmhRIkSSE1NfWpMT/L19UWTJk2wePFiXL161eC2p1X/S5YsiYCAAJNOMfvggw/w+PFjg4rl66+/jipVquDTTz/N8lharRaDBg1CfHw8Jk2aZHCfkJAQTJ06Ffv378/yPA8ePMiSNJ45cwYpKSlo0KBBjjGa+rNbtmxZJCQk6KvSABATE2P0b2dObGxs8Prrr+O3337DihUrkJ6ebrDMAcibnymyLqz4UqH3/vvvo1OnTli6dCkGDhyIefPmoVGjRggJCUH//v0RHByM27dvY//+/bh+/br+SM/3339ffyLYm2++ibCwMNy7dw8bNmzAggULEBoaip49e2LNmjUYOHAgdu7ciYYNGyIjIwPnzp3DmjVrsHXrVv3Si+x06dIFEydOhJOTE9566y3Y2Bi+H/3000+xc+dO1KtXD/3790eVKlVw7949HD16FNu3b8e9e/ee+bVZvnw5WrZsiQ4dOqBbt25o3LgxUlNTsX79euzatQtdunTB+++/n+V+5cqVQ6NGjTBo0CCkpqZizpw5KFq0KD744AP9nNy+zjlp164dVqxYAU9PT1SpUgX79+/H9u3b9R8x69SoUQO2trb47LPPkJCQAEdHR7Ro0QJ+fn7P/No4ODhg8uTJGDp0KFq0aIHOnTvjypUrWLp0KcqWLZuratOsWbNw6dIlDBs2DOvXr0e7du3g7e2Nq1ev4ueff8a5c+cMKvy50apVKzg4OKB9+/YYMGAAkpKSsGjRIvj5+Rl9k/E8j+Hh4YHZs2ejX79+qFOnDrp16wZvb2+cOHECDx8+xLJlywAAYWFhWL16NUaMGIE6derAzc0N7du3N8vvx5MePHiAUqVK4fXXX9cf07t9+3YcOnTI4JOB7GIyZu7cuWjUqBFq1aqFt99+G0FBQbhy5Qo2bdqE48eP5xhPhw4d8Msvv+Rq7Swglyq0adMG3333HSZMmICiRYvCwcEBa9euRcuWLdGoUSODk9tWrVqFo0ePYuTIkQY/K/b29li/fj3Cw8PRpEkTdO7cGQ0bNoS9vT1Onz6t/7Qm83Zsf/zxB1xcXPDiiy8+NU5Tfna7du2KDz/8EK+88gqGDRuGhw8fYv78+ahQoYLJTahdunTBV199hUmTJiEkJCTLtoR58TNFVsbyG0kQmV92B1gIIU8GKlu2rChbtqx+u6xLly6JXr16iWLFigl7e3tRsmRJ0a5dO7F27VqD+969e1cMGTJElCxZUr9Reu/evQ22FktLSxOfffaZqFq1qnB0dBTe3t4iLCxMTJkyRSQkJOjnPbmdmc6FCxf0m+zv2bPH6Pd3+/ZtMXjwYBEQECDs7e1FsWLFRMuWLcW3336rn6Pbpuvnn3826bV78OCBmDx5sqhatapwdnYW7u7uomHDhmLp0qVZtnPKfIDFrFmzREBAgHB0dBSNGzcWJ06cyPLYuXmdc/p/Fx8fL/r27St8fHyEm5ubiIiIEOfOnTP6Wi5atEgEBwcLW1vbXB1g8eTrlN3BBnPnzhVlypQRjo6Oom7dumLv3r0iLCxMtG7dOhevrjzl6rvvvhONGzcWnp6ewt7eXpQpU0b07dvXYLuo7E5u070+mQ/t2LBhg6hevbpwcnISgYGB4rPPPhOLFy/OMk93gIUxuX0M3dwGDRoIZ2dn4eHhIerWrSt+/PFH/e1JSUmiW7duwsvLK8sBFrn9/cB/BxsYg0zbmaWmpor3339fhIaGCnd3d+Hq6ipCQ0OzHL6RXUzZ/X8+deqUeOWVV4SXl5dwcnISFStWFBMmTDAaT2ZHjx4VALJsr5XdARZCCLFr164sW7QJIcSdO3fEiBEjRLly5YSjo6Pw8vIS4eHh+i3MjImPjxcTJ04UISEhwsXFRTg5OYlq1aqJMWPGiJiYGIO59erVEz169Hjq96ST259dIYTYtm2bqFatmnBwcBAVK1YUP/zwQ44HWGRHq9WKgIAAAUB88sknRufk9meKyBiNEGbq5CCiQu/KlSsICgrCzJkzMWrUKLXDUYVWq4Wvry9effVVox+3kvVp2bIlSpQogRUrVqgdSraOHz+OWrVq4ejRoyY1WxIVNlzjS0SUjZSUlCzrPJcvX4579+6hWbNm6gRF+c60adOwevVqk5u5LOnTTz/F66+/zqSXrB7X+BIRZeOff/7B8OHD0alTJxQtWhRHjx7F999/j2rVqqFTp05qh0f5RL169ZCWlqZ2GDn66aef1A6BKF9g4ktElI3AwEAEBARg7ty5uHfvHooUKYJevXrh008/NTj1jYiICgau8SUiIiIiq8A1vkRERERkFZj4EhEREZFVsLo1vlqtFjdv3oS7uzuPOyQiIiLKh4QQePDgAUqUKJHlYKfnYXWJ782bNxEQEKB2GERERET0FNeuXUOpUqXM9nhWl/i6u7sDkC+kh4eHytEQERER0ZMSExMREBCgz9vMxeoSX93yBg8PDya+RERERPmYuZelsrmNiIiIiKwCE18iIiIisgpMfImIiIjIKjDxJSIiIiKrwMSXiIiIiKwCE18iIiIisgpMfImIiIjIKjDxJSIiIiKrwMSXiIiIiKwCE18iIiIisgpMfImIiIjIKjDxJSIiIiKrwMSXiIiIiKwCE18iIiIisgpMfImIiIjIKqia+P71119o3749SpQoAY1Gg//9739Pvc+uXbtQq1YtODo6oly5cli6dGmex0lEREREBZ+qiW9ycjJCQ0Mxb968XM2/fPky2rZti+bNm+P48eN477330K9fP2zdujWPIyUiIiKigs5OzSd/6aWX8NJLL+V6/oIFCxAUFIRZs2YBACpXrow9e/Zg9uzZiIiIyKswiYiIiMgCtFrgyCEt/vr2dJ48foFa47t//36Eh4cbjEVERGD//v3Z3ic1NRWJiYkGX0RERESUPyQmAuvWAW++CdTwj8Hd+m3QfXGLPHkuVSu+prp16xb8/f0Nxvz9/ZGYmIhHjx7B2dk5y32mT5+OKVOmWCpEIiIiInqKCxeATZuAjRuBv/4CHj8GXsav2IF+8EUc8qpMWaAS32cxZswYjBgxQn89MTERAQEBKkZEREREZF3S0oC//1aS3QsXlNtckIy5GImBWKgfe+juBzy4Y/Y4ClTiW6xYMdy+fdtg7Pbt2/Dw8DBa7QUAR0dHODo6WiI8IiIiIvrP7dvA5s0y2d22DXjwIOucWjiCNXbdUTY9Shns2BEuX3wBBAebPaYClfi+8MIL2Lx5s8HYH3/8gRdeeEGliIiIiIgIkI1px44pVd1Dh4zPs7UFGjfIwGS3z9Hkj/HQpKfLG1xcgDlzgH79jGfJZqBq4puUlISLFy/qr1++fBnHjx9HkSJFULp0aYwZMwY3btzA8uXLAQADBw7E119/jQ8++ABvvvkm/vzzT6xZswabNm1S61sgIiIisloPHgDbt8tkd/NmICbG+LyiRYGXXgLatgUiIgBvhxSgxneALukNCwNWrQIqVMjTeFVNfA8fPozmzZvrr+vW4vbu3RtLly5FTEwMrl69qr89KCgImzZtwvDhw/Hll1+iVKlS+O6777iVGREREZGFXLqkVHV375brd42pXh1o104mu/XqyUqvwlUmuo0aASNHApMnAw4OeR67Rggh8vxZ8pHExER4enoiISEBHh4eaodDRERElK89fgzs2aMku1FRxuc5OwMtW8pkt00bwGAvgQcP5L5lJUsa3unGjaxjyLt8rUCt8SUiIiKivBcbC/z+u0x0t26VOasxpUsrVd3mzWXym8X+/UCPHkCxYrJEbJcp/TSS9OYlJr5EREREVk4I4Phxpap78KAce5KNDdCggZLsVq0KaDTZPGh6OjB1KvDxx0BGBhAdDXz2GTBuXF5+Kzli4ktERERkhZKTDRvTbtwwPs/bW2lMa90aKFIkFw8eHS2rvJlP123QAOjWzSyxPysmvkRERERW4vJlpaq7axeQmmp8XrVqSlW3fn3D1Qk5EgJYsQIYMkTZkszWFpg0CRgzxoQHyhtMfImIiIgKqcePgX37ZLK7aRNw5ozxeU5OQIsWMtFt2xYoU+YZniw+Hhg4EFizRhkLDgZWrpTZcz7AxJeIiIioEImLA7ZsURrT7t83Pq9UKaWq26KFPD/imSUmAjVqAJm2oUWfPsDcuYC7+3M8sHkx8SUiIiIqwIQATp5UljD880/2jWn16yvJbkhIDo1ppvLwAF55BfjyS7koeOFCoFMnMz24+TDxJSIiIipgHj4EduxQljBcv258npeXbEjTNab5+ORhUJ9+CqSkyF0bDDbxzT+Y+BIREREVAP/+q1R1d+6UOaYxVaooVd0GDfKgn0wIYNEi2bT21lvKuJMTsGCBmZ/MvJj4EhEREeVD6elyNzBdVffUKePzHB3l4RG6xrSgoDwMKjYW6N8f+PVXeVpFgwZA5cp5+ITmxcSXiIiIKJ+4d09pTNuyRW6UYEzJkkqi27Il4OpqgeC2bQN69wZu3ZLXHz2SgTLxJSIiIqKnEUJWcnVLGPbvB7TarPM0GqBePWUJQ2ioGRvTniYlRe7BO2eOMubjAyxeDLRvb6EgzIOJLxEREZEFPXok1+hu3CgT3sw7gGXm6QlERMhkt3VrwNfXsnECACIjge7d5X91WrcGliwBihVTIaDnw8SXiIiIKI9du6ZUdf/8Uya/xlSqpFR1GzYE7O0tG6eeEMBXXwEffKAc7+boCMycKU9ls1i52byY+BIRERGZWUaG3E9X15h28qTxeQ4OQLNmSrIbHGzRMLOXlATMmqUkvdWryxPYqlVTN67nxMSXiIiIyAzi4+VJabrGtLt3jc8rXlxpTAsPB9zcLBtnrri7Az/8ILeLGDYMmDZNbldWwDHxJSIiInoGQgBnzihV3b17ZaX3SRoNUKeOUtWtWTMfrhRITpZffn7KWOPGwPnz+agM/fyY+BIRERHlUkoKsGuX0ph25YrxeR4eQKtWMtF96SXA39+SUZroyBHZwFayJPDHH/JsY51ClPQCTHyJiIiIcnTjhtKYtmOHPC7YmAoVlKpuo0Zy/W6+lpEBfP45MH68PC0jKgqYPRsYOVLtyPIME18iIiKiTDIygEOHlKru8ePG59nbA02bKsluuXIWDfP5XLsG9Ooly9c6YWEFbl9eUzHxJSIiIqt3/748mGzjRuD334G4OOPz/P2VxrQXX5Q9YAXOmjXAgAHymwbkguPRo4HJkwtAmfr5MPElIiIiqyMEcO6c0pj299/GG9MAoHZtpapbq5bhEtgCJTFR7tCwbJkyFhAArFghS9dWgIkvERERWYXUVGD3bmUJQ3S08XlubkpjWps2BfKAsqwSEmTWnvmb7tIFmD8f8PZWLy4LY+JLREREhdbNm8DmzTLR/eMPuWOXMeXKKVXdxo3lIWWFiqcn0KKFTHzd3YF584AePfLhvmp5i4kvERERFRparWxM0y1hOHrU+Dw7O6BJE5notmsnd2Qo9GbPlmclf/RRodumLLeY+BIREVGBlpAgq7m6xrQ7d4zP8/OTSxd0jWmenpaN02KEkOt27e2BN95Qxt3c5GlsVoyJLxERERUoQsgDxXR76/79t9yG1phatZQlDLVrF+DGtNyKjwcGDpQ7N7i5AXXrAmXLqh1VvsHEl4iIiPK91FTgr7+UJQwXLxqf5+oqq7m6xrQSJSwbp6p27QJ69gSuX5fXk5KAtWuBDz9UNaz8hIkvERER5Uu3bsnGtI0b5VKGpCTj84KDlapu06aFsDHtadLSgIkTgRkzZDkcALy8gG+/BTp1UjW0/IaJLxEREeULWi1w5IhS1T182Pg8Ozt5JLCuMa1iRavbnEARFQV062bYxdesGbB8udyjlwww8SUiIiLVPHigNKZt3gzcvm18no+P0pjWqpUsaFo1IWRFd/hwuVMDIJvZpk4FRo60gsXMz4aJLxEREVnUhQtKY9pffwGPHxufV6OGsoShTh3A1taiYeZvCQnyiGFd0luxIrBqlezmo2wx8SUiIqI8lZYG7NmjnJh2/rzxeS4uQHi40phWqpRl4yxQvLyApUuB1q3lLg6zZskXkHLExJeIiIjM7vZtuafuxo3Atm1ySYMxgYFKVbdZM8DJyZJRFiApKcDDh0CRIspYRARw6hRQtap6cRUwTHyJiIjouWm1wLFjSmPawYPG59naAg0bKo1plStbcWNabkVGyga2MmWA334zfMGY9JqEiS8RERE9k6QkYPt2pTEtJsb4vCJFlMa0iAjA29uycRZYWi3w1VdyH97UVFndXbAAGDRI7cgKLCa+RERElGuXLimNabt3y/W7xlSvrlR169VjY5rJYmKAvn2BrVuVserVgcaN1YupEGDiS0RERNl6/BjYu1dpTDt3zvg8Z2egZUulMa10acvGWaj8+ivQrx8QF6eMDR8OTJvGRdDPiYkvERERGYiNNWxMS0gwPq90aaUxrXlzmfzSc0hOlnvwLlyojBUvDixbJs9hpufGxJeIiMjKCQEcP640ph04oJx8m5mNDdCggbKEoWpVNqaZTXw88MIL8iQ2nY4dgUWL5OkdZBZMfImIiKxQcjKwY4fSmHbjhvF53t7ASy8pjWlFi1o2Tqvh7Q2EhcnE18UF+PJL4K23+M7CzJj4EhERWYnLl5Wq7s6dcqMAY6pVU6q69esDdswWLGPePHkS26efAhUqqB1NocQfZSIiokIqPR3Yt09pTDtzxvg8JyegRQuZ7LZtK7eLpTy2Zg3g6Ah06KCMeXkB69erFpI1YOJLRERUiMTFAVu2yGR361bg/n3j80qVUqq6LVrwtFuLSUwEhg2TDWve3sDJkzyb2YKY+BIRERVgQsiDvXRV3X/+kecePEmjkb1TumQ3JITLRy1u/36ge3e55gSQDW0//ACMHq1uXFaEiS8REVEB8/Ah8OefSrJ7/brxeV5eQOvWMtlt3ZqbA6gmPR345BP5lZEhx9zd5ZreHj3Ujc3KMPElIiIqAP79V2lM+/NPICXF+LwqVZSqboMGbExTXXS0TG7371fGGjSQld6gIPXislL8dSAiIsqH0tPlsgVdVffUKePzHB3l4RG6xjTmUvmEEMDy5cCQIUBSkhyztQUmTgTGjuU7EpXwVSciIson7t2TjWmbNsmT0+Ljjc8rUUKp6rZsCbi6WjZOyoX4eHkKmy7pDQ4GVq6U+8ORapj4EhERqUQI4PRppaq7b1/2jWn16inJbmgoG9PyvSJFgO++A155BejTB5g7V67rJVUx8SUiIrKgR4/k4RG6ZPfqVePzPDyUxrSXXgJ8fS0bJ5koLU2eCJI5ue3YETh8WJ7IRvkCE18iIqI8du2a0pi2Y4dMfo2pVEmp6jZsCNjbWzZOekZRUUC3bkC5csBPPxmW45n05itMfImIiMwsIwM4cECp6p48aXyegwPQrJnSmFa2rEXDpOclBPDtt8Dw4fLdzNGj8n9kr15qR0bZYOJLRERkBvHx8qQ0XWPa3bvG5xUvDrRpI6u64eGAm5tl4yQziY0F+vUDNmxQxipWBKpVUy8meiomvkRERM9ACODsWaWqu3evcjbBk+rWVZYw1KgB2NhYNFQyt61bZcParVvK2MCBwKxZPPs5n2PiS0RElEspKcCuXTLR3bgRuHLF+Dx3d6BVK5novvQS4O9vySgpz6SkAGPGAHPmKGM+PsDixUD79qqFRbnHxJeIiCgHN24ojWnbt8vjgo2pUEGp6jZqJNfvUiFy755ckB0ZqYy1bg0sWQIUK6ZaWGQaJr5ERESZZGQAhw4pSxiOHzc+z94eaNpUaUwrX96iYZKleXvLQygiI+VxeTNnylPZuKFygcLEl4iIrN79+8C2bTLR3bwZiIszPs/f37AxzcPDomGSmjQaeSDFo0dyLS+b2AokJr5ERGR1hJBbr+qqunv2AOnpxufWrq1UdcPC2JhmNTZskJXdiAhlzMdHNrZRgcXEl4iIrEJqKrB7t5LsRkcbn+fmBrz4otKYVry4ZeMklSUnAyNHAgsXAn5+cmmDn5/aUZGZMPElIqJC6+ZNuXRh0ybgjz9kTmNM2bIy0W3XDmjcWBb6yAodOSJPYDt/Xl6/c0fu2DB6tLpxkdkw8SUiokJDqwUOH1aqukePGp9nZycT3Hbt5BKGChXYo2TVMjKAzz8Hxo9X1ry4uMhty/r1UzU0Mi8mvkREVKAlJsrGtI0b5Ylpd+4Yn+frqzSmvfgi4Olp2Tgpn7p2DejZU66D0QkLA1atku+IqFBh4ktERAXO+fNKVfevv7JvTKtVS2lMq1OHjWn0hDVrgAED5LYegCz7jx4NTJ7MjZgLKSa+RESU76WlyQRXl+xevGh8nqur3GasXTtZ3S1RwrJxUgESFwf07y8/MgCAgABgxQq5OTMVWkx8iYgoX7p1S2lM27YNSEoyPi8oSGlMa9qUjWmUSz4+wPz5QPfuQJcu8rK3t9pRUR5j4ktERPmCViub0XRV3cOHjc+ztZVHAusa0ypVYmMa5UJ6uvzowMVFGevWDShVSnY68ofIKjDxJSIi1Tx4ILcZ27hRVndv3zY+z8dH7qnbrh3QqhXg5WXRMKmgi44GevSQ75IWLza8rUkTdWIiVTDxJSIii7p4Uanq7t4NPH5sfF6NGkpjWt26stJLZBIh5LrdwYPlWpn9++U7qE6d1I6MVMLEl4iI8lRamjwSWJfs6s4GeJKzs2FjWqlSlo2TCpn4eGDgQLlzg05wsGxiI6vFxJeIiMzu9m25p+6mTcDWrXJJgzGBgUpVt1kzmfwSPbddu+TevNevK2N9+gBz5wLu7mpFRfkAE18iInpuQgDHjilV3UOH5NiTbG2BBg2UxrQqVdhTRGaUlgZMnAjMmKH8AHp7AwsXcnkDAWDiS0REzygpCdi+XSa6mzYBMTHG5xUpojSmRURwxyjKI3fvys7HzOdUN28OLF/OdTOkx8SXiIhy7dIlJdHdtUsW2IwJCVGquvXrszGNLMDbW27/AQD29sDUqcDIkTyujwww8SUiomw9fgzs3assYTh3zvg8JyegZUulMa10acvGSQQbG2DpUqBzZ+DLL+V51URPYOJLREQGYmMNG9MSEozPK11aaUxr3tzwXACiPLdtm3zHlXkf3uLFgb//Vi8myvdUr//PmzcPgYGBcHJyQr169XDw4MEc58+ZMwcVK1aEs7MzAgICMHz4cKSkpFgoWiKiwkcI4Phx4JNPgBdeAPz9gd695S5QmZNeGxt5Ytr06cDJk8CVK8A338jEl0kvWUxKCjB8uFww3r273LaMKJdUrfiuXr0aI0aMwIIFC1CvXj3MmTMHERERiIqKgp+fX5b5q1atwujRo7F48WI0aNAA58+fR58+faDRaPDFF1+o8B0QERVMycnAjh3Ket0bN4zP8/YGWrdWGtOKFrVsnEQGIiNlshsZKa9fvw58+y3w4YfqxkUFhkYIYxvOWEa9evVQp04dfP311wAArVaLgIAADB06FKNHj84yf8iQITh79ix27NihHxs5ciQOHDiAPXv25Oo5ExMT4enpiYSEBHh4eJjnGyEiKgAuX1YS3Z07gdRU4/OqVZNV3HbtZGOaHRfFkdq0WuCrr2SCq/vBdXQEZs4EhgzhnniFUF7la6r9OUtLS8ORI0cwZswY/ZiNjQ3Cw8Oxf/9+o/dp0KABfvjhBxw8eBB169ZFdHQ0Nm/ejJ49e2b7PKmpqUjN9Nc9MTHRfN8EEVE+lp4O7NsnE92NG4EzZ4zPc3QEWrRQdmEoU8aycRLlKCYG6NtXLjjXCQkBVq2S79KITKBa4hsXF4eMjAz4+/sbjPv7++NcNm3D3bp1Q1xcHBo1agQhBNLT0zFw4ECMHTs22+eZPn06pkyZYtbYiYjyq7g4YMsWmexu2QLcv298XqlSSlW3RQuu0aV86tdfgX795A+2zvDhwLRpsrGNyEQF6gOsXbt2Ydq0afjmm29Qr149XLx4Ee+++y4+/vhjTJgwweh9xowZgxEjRuivJyYmIoDndBNRISGEXO6o227sn3/kp8JP0mhk45puF4bq1fnpMOVzsbFyPW9ysrxevLjcrqxVK1XDooJNtcTXx8cHtra2uH37tsH47du3UaxYMaP3mTBhAnr27Il+/foBAEJCQpCcnIy3334b48aNg42RTaodHR3h6Oho/m+AiEglDx8Cf/6prNe9ds34PC8v2ZDWrp1sUNPt7U9UIPj6AnPmAP37Ax06AN99xx9iem6qJb4ODg4ICwvDjh070LFjRwCyuW3Hjh0YMmSI0fs8fPgwS3Jr+99xQCr26BER5bl//1US3T//lDs6GVOlilLVbdBAHmBFVCBkZMiF6ZmLVW+9JdflRETwIwoyC1WXOowYMQK9e/dG7dq1UbduXcyZMwfJycno27cvAKBXr14oWbIkpk+fDgBo3749vvjiC9SsWVO/1GHChAlo3769PgEmIioM0tPlsgVdY9qpU8bnOTjIwyN0jWlBQZaNk8gsrl0DevWSzWpffaWMazTy4woiM1E18e3SpQtiY2MxceJE3Lp1CzVq1MCWLVv0DW9Xr141qPCOHz8eGo0G48ePx40bN+Dr64v27dtj6tSpan0LRERmc++e0pj2++/Z78tfooTSmNayJeDqatk4icxqzRpgwADZiblrF/DSS/Lca6I8oOo+vmrgPr5ElF8IAZw+rTSm7duXfWNa3bpKVbdGDX7qS4VAYiIwbBiwbJkyFhAArFwJNG6sXlyULxS6fXyJiKzRo0fy8AjdEoarV43P8/AwbEwzcpglUcG1fz/QowcQHa2MdekCzJ8vjwskyiNMfImI8ti1a0pj2o4dMvk1plIlpTGtUSM2plEhlJ4OTJ0KfPyxbGYDAHd3YN48mQjzowzKY0x8iYjMLCMDOHBAqeqePGl8noMD0LSpsoShbFnLxklkUXfvAu3by2qvToMGwA8/sCuTLIaJLxGRGcTHyxNVdY1pd+8an1esmFLVDQ+XxS4iq+DlBdj9l3bY2gITJwJjxypjRBbAnzYiomcgBHD2rFLV3btX+eT2SXXqKFXdmjUBI2ftEBV+trbAihXAq6/KpQ3166sdEVkhJr5ERLmUkiJ3W9Ilu1euGJ/n7i5PVW3XTu7M9N8OjUTWZfduwNlZbkmiU6YMcPgw1/KSapj4EhHl4MYNpTFt+3Z5XLAxFSooSxgaN5brd4msUloaMGkS8Nlncu3u8eOGa3qY9JKKmPgSEWWSkQEcOqRUdY8fNz7P3h5o0kRZwlC+vEXDJMqfoqKAbt2Ao0fl9ehouUXZBx+oGxfRf5j4EpHVS0gwbEyLjTU+z99fHijVti3w4otyr10iglz0vmgR8N57yn599vZy67KRI1UNjSgzJr5EZHWEkIUp3Ylpe/bI7UWNCQtTqrphYWxMI8oiNhbo3x/49VdlrGJFYNUqoFYt9eIiMoKJLxFZhdRU2WujW8KQ+cCozNzcZDVX15hWvLhl4yQqULZuBfr0AW7dUsYGDgRmzQJcXFQLiyg7THyJqNC6eRPYvFkmu3/8ASQnG59XtqxS1W3SBHB0tGycRAXS7dtAx45yuxMA8PEBFi+Wh1QQ5VNMfImo0NBq5U5JuiUMuv6aJ9nZyZ0XdMluhQpsNCcymb8/8Omncl1vRASwdKk8oYUoH2PiS0QFWmIisG2bTHQ3bwbu3DE+z9dXaUxr1Qrw9LRsnEQFnlYrtz2xt1fGhg4FSpUCXnmFC+CpQGDiS0QFzvnzSlX3r7+yb0yrWVOp6tapw3+XiZ5ZTIxcy1ujhtyfV8fGBnjtNbWiIjIZE18iyvfS0mSCq2tMu3jR+DxXVyA8XCa6bdoAJUtaNk6iQunXX4G33gLu3pWL5SMigBYt1I6K6Jkw8SWifOnWLaUxbds2ICnJ+LygIKWq27Qp4ORk2TiJCq3kZLkH78KFyhjP36YCjokvEeULWq1sRtNVdQ8fNj7P1hZo1EhJditVYmMakdkdOSJPYDt/Xhnr0AH47ju5ewNRAcXEl4hU8+CB/ORU15iWeSvQzIoWVRrTIiIALy+LhklkPTIygM8/B8aPVxbPu7gAc+YA/frxXSYVeEx8iciiLl5UGtN27wYePzY+LzRUqerWrSsrvUSUh+LigE6dgF27lLGwMHkCW4UKqoVFZE5MfIkoT6WlySOBdUsYMn9ympmzs2FjWkCAZeMksnqenspieo0GGD0amDwZcHBQNSwic2LiS0Rmd+eOYWNaYqLxeWXKKFXdZs1k8ktEKrG3B1aulKexzZ8vu0WJChkmvkT03IQAjh1TqrqHDsmxJ9naAg0ayES3XTugShUuGSRSzf79cv1uaKgyVqECcOoUN72mQouJLxE9k6QkYPt2mexu2iT3tzemSBHgpZeUxrQiRSwbJxE9IT0dmDoV+PhjmegePiwTYB0mvVSIMfElolyLjlaqurt2yfW7xoSEKEsY6tdnYxpRvhEdDfToIau9AHD2LPDNN8CoUerGRWQhTHyJKFuPHwN79yrJ7rlzxuc5OQEtW8pEt21boHRpy8ZJRE8hBLBiBTBkiNxHEJDvSCdNAt57T9XQiCyJiS8RGYiNBX7/XSa7W7cCCQnG5wUEKFXd5s0NPyklonwkPh4YOBBYs0YZK1sW+OEH+ZEMkRVh4ktk5YQATpxQqroHDhhvTLOxAV54QWlMq1aNjWlE+d6uXUDPnsD168pY377Al18C7u6qhUWkFia+RFYoORnYsUNpTLtxw/g8Ly+lMa11a3mCGhEVEDExsqNUtxjf2xtYuFAeUkFkpZj4ElmJK1eUqu7OnUBqqvF5VasqSxheeAGw418JooKpeHG5hnfcOLkeaflyoFQptaMiUhX/SSMqpNLTgX37lGT3zBnj8xwdgRYtlMa0wECLhklE5iIEoNUabqPy4YdyQX737tymjAhMfIkKlbt3lca0LVuA+/eNzytZUqnqtmgBuLpaNEwiMrfYWKB/f6BmTVnl1bG1lWt8iQgAE1+iAk0IIDJSqer+848s+DxJo5HN27rGtOrV2ZhGVGhs3Qr06QPcuiX/ELRqJdcpEVEWTHyJCpiHD4E//1Qa065dMz7P01M2pOka03x9LRsnEeWxlBRgzBhgzhxlzNtb2aeXiLJg4ktUAFy9qlR1//xT/ntnTOXKSlW3QQPA3t6ycRKRhURGynW7kZHKWEQEsHQpUKyYamER5XdMfInyofR0uWxBl+yeOmV8noODbNbWNaYFB1s2TiKyMK0W+Oor2bSm25rF0RGYMUOeysYGNqIcMfElyifu3ZNL9TZulI1p9+4Zn1eihJLotmwJuLlZNk4iUsndu7LKu3WrMhYSAqxaJU+UIaKnYuJLpBIhgNOnlaruvn3ZN6bVrassYahRg41pRFbJ1dXwtJnhw4Fp0wAnJ/ViIipgmPgSWdCjR/LwCF1j2r//Gp/n4SGX67VtK09O8/OzbJxElA85OcnqbocOwIIFcvcGIjIJE1+iPHb9ulLV3bFDJr/GVKyoVHUbNWJjGpHVO3JEVnkrVVLGQkKA8+d5pCLRM+JvDpGZZWQABw4oVd0TJ4zPs7cHmjVT1uuWK2fRMIkov8rIAD7/HBg/Xq7d/ecf2cCmw6SX6Jnxt4fIDO7fVxrTfv9d9qAYU6wY0KaNrOqGhwPu7hYNk4jyu2vX5Elru3fL68ePA998I9fzEtFzY+JL9AyEAM6eVZYw7N0rizTG1KmjLGGoWZO7DRFRNtasAQYMUM4a12iA0aOBwYNVDYuoMGHiS5RLKSmyCLNxo0x4L182Ps/NzbAxjXvJE1GOEhOBYcOAZcuUsYAAYMUKoGlT9eIiKoSY+BLl4MYNYPNmmexu3y6PCzamfHmlqtu4sTxYgojoqfbvB3r0AKKjlbEuXYD58+Xxw0RkVkx8iTLJyAAOHVKWMBw/bnyenZ0sxOga0ypUsGiYRFQY3LghO1zT0uR1d3dg3jyZCHOzbqI8wcSXrF5CgmxM27RJNqbFxhqf5+enNKa9+KLca5eI6JmVLAmMGiUPoWjQAPjhByAoSO2oiAo1Jr5kdYQAoqKUqu6ePUB6uvG5YWHKEoawMDamEdFzEEL+N3M1d/JkoHRp4K23uE0ZkQXwt4ysQmqqbEzTJbuZl9Nl5uoqD0Nq21ZWd4sXt2ycRFRIxccDAwfKbV5GjVLG7e3lTg5EZBFMfKnQiolRGtP++ANITjY+LzhYVnTbtQOaNDHcJ56I6Lnt2iX35r1+HfjlF6BlS7m3IRFZHBNfKjS0WuDwYaWqe/So8Xl2dnLnBV1jWsWK7CMhojyQlgZMnAjMmKEsc3BzA27dUjcuIivGxJcKtMREYNs2mexu3gzcuWN8nq+v3FO3XTu5lMHT07JxEpGViYoCunUzfAfevDmwfDlQqpR6cRFZOSa+VOCcP69Udf/+G3j82Pi8mjWVxrTatQFbW8vGSURWSAjg22/lEcOPHskxe3tg6lRg5Eh2yBKp7LkS35SUFDg5OZkrFiKj0tKAv/6Sye6mTcCFC8bnubgA4eEy0W3TRu4URERkMffuAX37Ahs2KGMVKwKrVgG1aqkXFxHpmZz4arVaTJ06FQsWLMDt27dx/vx5BAcHY8KECQgMDMRbb72VF3GSlbl1S+6pq2tMe/DA+LygIKWq27QpwPdhRKQaR0fg3Dnl+qBBwOefy3flRJQvmJz4fvLJJ1i2bBlmzJiB/v3768erVauGOXPmMPGlZ6LVyqVwuiUMhw8bn2drCzRqpCS7lSqxMY2I8glXV2DlSqBDB2DBAqB9e7UjIqInmJz4Ll++HN9++y1atmyJgQMH6sdDQ0NxLvM7XaKnePBAVnN1jWnZNToXLSqXLrRtKxvTeHw9EeULkZEy2Q0OVsZq15YbhXNfRKJ8yeTE98aNGyhXrlyWca1Wi8fZdRkR/efiRaWqu3t39o1poaFKVbduXTamEVE+otUCX30FfPih7KL9+2/DU9eY9BLlWyYnvlWqVMHff/+NMmXKGIyvXbsWNbkhNz0hLU0eCaxrTIuKMj7P2Vk2pulOTAsIsGycRES5EhMD9Okj91EEgH/+AebPB4YOVTUsIsodkxPfiRMnonfv3rhx4wa0Wi3Wr1+PqKgoLF++HBs3bsyLGKmAuXNHaUzbtk3utWtMmTJKVbdZM5n8EhHlW7/+Crz1FnD3rjI2fDiQqd+FiPI3jRC642Ry7++//8ZHH32EEydOICkpCbVq1cLEiRPRqlWrvIjRrBITE+Hp6YmEhAR4eHioHU6hIARw7JiyhOHQIeWQosxsbICGDZVkt0oVNqYRUQGQnCz34F24UBkrXhxYulQ2HhCR2eVVvvZMiW9BxsTXPJKSgB07ZKK7eTNw86bxeUWKyBPT2rYFIiLkdSKiAuPIEXkC2/nzyljHjsCiRYCPj2phERV2eZWvmbzUITg4GIcOHULRokUNxu/fv49atWohOjrabMFR/hIdrVR1d+2S63eNCQlRqrr16hn2fBARFRjXrgENGih/7FxcgC+/lMsd+HEVUYFkckpy5coVZGRkZBlPTU3FjRs3zBIU5Q+PHwN79yqNaWfPGp/n5AS0bCmT3bZtgdKlLRsnEVGeCAgA3nkHmDMHCAuTJ7BVqKB2VET0HHKd+G7IdATj1q1b4enpqb+ekZGBHTt2IDAw0KzBkeXFxSmNaVu3AgkJxucFBChV3ebNeTARERUSQhhWc6dPl+/mBw8GHBzUi4uIzCLXa3xtbGzkHTQaPHkXe3t7BAYGYtasWWjXrp35ozQjrvE1JARw4oRS1f3nn+wb0154QUl2q1XjJ31EVIgkJgLDhsmNw995R+1oiKye6mt8tVotACAoKAiHDh2CDxf1F1jJycCffyqNadevG5/n5QW0bi0T3dat5QlqRESFzv79QPfuwOXLwOrV8mOsypXVjoqI8oDJa3wvX76cF3FQHrtyRWlM27kTSE01Pq9qVaWq+8ILbEwjokIsPR345BP5petdsbcHLl1i4ktUSD1TWpOcnIzdu3fj6tWrSHuitX/YsGFmCYyeT3q6LGJs3CgT3tOnjc9zdARatFAa07hMm4isQnQ00KOH/EOp06AB8MMPQFCQenERUZ4yOfE9duwY2rRpg4cPHyI5ORlFihRBXFwcXFxc4Ofnx8RXZadPA1OnAlu2APHxxueULKlUdVu0AFxdLRsjEZFqhACWLweGDJEbkgOArS0wcSIwdiw/5iIq5Ez+DR8+fDjat2+PBQsWwNPTE//88w/s7e3Ro0cPvPvuu3kRI5mgWzfg5EnDMY0GqF9fqeqGhrIxjYis0P37wIABwJo1ylhwMLBypfwjSUSFnsmJ7/Hjx7Fw4ULY2NjA1tYWqampCA4OxowZM9C7d2+8+uqreREn5UJ8vJL0uroqVd3WrQFfX3VjIyJSnUYDHDigXO/TB5g7F3B3Vy0kIrIsG1PvYG9vr9/azM/PD1evXgUAeHp64tq1a+aNjkxy+LBy+a23ZHNyz55MeomIAACensCKFfKo4TVrgCVLmPQSWRmTK741a9bEoUOHUL58eTRt2hQTJ05EXFwcVqxYgWrVquVFjJRLmRPf2rXVi4OIKF+IipIff5UqpYw1biy3uWFzA5FVMrniO23aNBQvXhwAMHXqVHh7e2PQoEGIjY3FwoULzR4g5d6hQ8rlOnXUi4OISFVCAAsXAjVrAr16Af/tQ6/HpJfIauX65LbCojCf3Fa6NHDtmvzk7v59edoaEZFViY0F+vUDNmxQxubPBwYOVC8mIjJZXuVrZkuNjh49mu+PKy7Mbt+WSS8AhIUx6SUiK7R1K1C9umHSO3CgrPoSEcHExHfr1q0YNWoUxo4di+joaADAuXPn0LFjR9SpU0d/rLEp5s2bh8DAQDg5OaFevXo4ePBgjvPv37+PwYMHo3jx4nB0dESFChWwefNmk5+3sOEyByKyWikpwPDhcgubW7fkmI+PTIDnzwdcXNSNj4jyjVw3t33//ffo378/ihQpgvj4eHz33Xf44osvMHToUHTp0gWnTp1CZROPeFy9ejVGjBiBBQsWoF69epgzZw4iIiIQFRUFPz+/LPPT0tLw4osvws/PD2vXrkXJkiXx77//wsvLy6TnLYzY2EZEVikyEujeXf5XJyICWLoUKFZMtbCIKH/K9Rrf6tWro2fPnnj//fexbt06dOrUCfXr18eaNWtQKnPHrAnq1auHOnXq4OuvvwYAaLVaBAQEYOjQoRg9enSW+QsWLMDMmTNx7tw52NvbP9NzFtY1vm3bArrCd3Q0T9wkIivw779AxYpAaqq87ugIzJghT2Xjei+iAk31Nb6XLl1Cp06dAACvvvoq7OzsMHPmzGdOetPS0nDkyBGEh4crwdjYIDw8HPszn52eyYYNG/DCCy9g8ODB8Pf3R7Vq1TBt2jRkZGRk+zypqalITEw0+CpshFAqvkWLAoGBqoZDRGQZZcoo63dDQuQfwmHDmPQSUbZy/dfh0aNHcPlvnZRGo4Gjo6N+W7NnERcXh4yMDPj7+xuM+/v745ZujdYToqOjsXbtWmRkZGDz5s2YMGECZs2ahU8++STb55k+fTo8PT31XwEBAc8cc3517Rpw5468XLs2jyMmIisyezbwySfAwYMA95Inoqcw6QCL7777Dm5ubgCA9PR0LF26FD4+PgZzhg0bZr7onqDVauHn54dvv/0Wtra2CAsLw40bNzBz5kxMmjTJ6H3GjBmDESNG6K8nJiYWuuSX63uJqNBLTgZGjgTq15dHDeu4ugLjxqkWFhEVLLlOfEuXLo1FixbprxcrVgwrVqwwmKPRaHKd+Pr4+MDW1ha3b982GL99+zaKZdOQULx4cdjb28PW1lY/VrlyZdy6dQtpaWlwcHDIch9HR0c4OjrmKqaCijs6EFGhduSIbGCLigJWrpSnr5Utq3ZURFQA5TrxvXLlilmf2MHBAWFhYdixYwc6duwIQFZ0d+zYgSFDhhi9T8OGDbFq1SpotVrY/LeG6/z58yhevLjRpNdasOJLRIVSRgbw+efA+PFAeroc02qBU6eY+BLRM1G1A2DEiBFYtGgRli1bhrNnz2LQoEFITk5G3759AQC9evXCmDFj9PMHDRqEe/fu4d1338X58+exadMmTJs2DYMHD1brW1Bd5sa24sWBkiXVjYeIyCyuXQNatgRGj1aS3rAw4NgxoEMHdWMjogLLpDW+5talSxfExsZi4sSJuHXrFmrUqIEtW7boG96uXr2qr+wCQEBAALZu3Yrhw4ejevXqKFmyJN599118+OGHan0Lqrt0SR5PDLDaS0SFxJo1wIAByh83jUYmwJMnA1b86R4RPb9c7+NbWBS2fXx//BHo1k1e/ugjYMIEdeMhInpmDx4AQ4cCy5YpYwEBwIoVQNOm6sVFRBan+j6+lD+xsY2ICo3UVGDbNuV6ly7AiRNMeonIbJj4FnBsbCOiQsPHR1Z7PTyA5cvlR1re3mpHRUSFyDMlvpcuXcL48ePxxhtv4M5/Jyf8/vvvOH36tFmDo5xlZABHj8rLgYHy3wwiogIjOhp4YktLvPiiPIq4Z0+exkNEZmdy4rt7926EhITgwIEDWL9+PZKSkgAAJ06cyPYQCcob587JPd0BVnuJqAARQlZ2Q0OBN9+U1zPz8lIlLCIq/ExOfEePHo1PPvkEf/zxh8HeuS1atMA///xj1uAoZ1zfS0QFTnw80LWrPH0tKQnYvBlYskTtqIjISpic+EZGRuKVV17JMu7n54e4uDizBEW5w/W9RFSg7NoFVK8utyvT6dMH6NRJrYiIyMqYnPh6eXkhJiYmy/ixY8dQkqcnWFTmim9YmHpxEBHlKC1N7sPbogVw/boc8/aWCfCSJYC7u7rxEZHVMDnx7dq1Kz788EPcunULGo0GWq0We/fuxahRo9CrV6+8iJGMSEuTu/wAQIUKgKenuvEQERl17hzwwgvAZ58pa3mbNwdOnmSll4gszuTEd9q0aahUqRICAgKQlJSEKlWqoEmTJmjQoAHGjx+fFzGSEadOyS0vAa7vJaJ8KjoaqFVL2X7G3h6YMQPYvh0oVUrd2IjIKpl8ZLGDgwMWLVqECRMm4NSpU0hKSkLNmjVRvnz5vIiPssH1vUSU7wUHA6++CqxcCVSsCKxaJRNhIiKVmJz47tmzB40aNULp0qVRunTpvIiJcoE7OhBRgTBvHlCmDDBuHODionY0RGTlTF7q0KJFCwQFBWHs2LE4c+ZMXsREuaBLfG1sgJo11Y2FiAgpKcDw4cDPPxuOe3oCU6cy6SWifMHkxPfmzZsYOXIkdu/ejWrVqqFGjRqYOXMmrus6dSnPPXok1/gCQNWq/PeEiFQWGQnUrQvMmQO8/TZw7ZraERERGWVy4uvj44MhQ4Zg7969uHTpEjp16oRly5YhMDAQLVq0yIsY6QnHj8vjigEucyAiFWm1wJdfyj9EkZFy7NEjwyYEIqJ8xOQ1vpkFBQVh9OjRCA0NxYQJE7B7925zxUU5YGMbEakuJgbo2xfYulUZCwmRDWzVqqkXFxFRDkyu+Ors3bsX77zzDooXL45u3bqhWrVq2LRpkzljo2ywsY2IVPXrr/IEtsxJ7/DhwMGDTHqJKF8zueI7ZswY/PTTT7h58yZefPFFfPnll+jQoQNcuNDUYnQVX3t7WWAhIrKI5GRg5Ehg4UJlrHhxYOlSoFUr1cIiIsotkxPfv/76C++//z46d+4MHx+fvIiJcvDggTwICQBCQwFHR3XjISIrkpgIrFunXO/YEVi0COC/BURUQJic+O7duzcv4qBcOnpUOfWT63uJyKKKFwe++w7o1k02tb31FqDRqB0VEVGu5Srx3bBhA1566SXY29tjw4YNOc59+eWXzRIYGcf1vURkMdeuAa6uQJEiyliHDsDly4Cfn3pxERE9o1wlvh07dsStW7fg5+eHjh07ZjtPo9EgQ7fPFuUJ7uhARBaxZg0wYAAQHi4vZ67sMuklogIqV7s6aLVa+P33h06r1Wb7xaQ37+kqvs7OQJUq6sZCRIVQYiLQpw/QpQtw/z6wdq3cooyIqBAweTuz5cuXIzU1Nct4Wloali9fbpagyLi7d4HoaHm5Vi3A7rl2YSYiesL+/UCNGsCyZcpYly5AmzaqhUREZE4mJ759+/ZFQkJClvEHDx6gb9++ZgmKjDtyRLnMZQ5EZDbp6cCUKUDjxnL9LgC4uwPLlwM//gh4e6sbHxGRmZhcMxRCQGOki/f69evw9PQ0S1BkHBvbiMjsoqOBHj1ktVenQQPghx+AoCD14iIiygO5Tnxr1qwJjUYDjUaDli1bwi7T5+wZGRm4fPkyWrdunSdBksTGNiIyq4sX5bqpBw/kdVtbYOJEYOxYrqUiokIp13/ZdLs5HD9+HBEREXBzc9Pf5uDggMDAQLz22mtmD5AUuoqvhwdQvry6sRBRIVC2LNCyJfC//wHBwcDKlUD9+mpHRUSUZ3Kd+E6aNAkAEBgYiC5dusDJySnPgqKsYmKAGzfk5bAwwMbk1dlERE/QaOTJa2XKAB9/LNf1EhEVYianT71792bSq4LMyxy4vpeITJaWBoweDWzaZDju4wPMmcOkl4isQq4qvkWKFMH58+fh4+MDb29vo81tOvfu3TNbcKTg+l4iemZRUfKY4aNHgSVLgJMnAX9/taMiIrK4XCW+s2fPhvt/1YDZs2fnmPhS3uCODkRkMiGAb78Fhg8HHj2SY/HxwN69wKuvqhsbEZEKNEIIoXYQlpSYmAhPT08kJCTAw8ND7XByRQhZnImNBYoWlf/lew8iylFsLNCvH7BhgzJWsaI8ha1WLfXiIiLKhbzK10xe43v06FFERkbqr//666/o2LEjxo4di7S0NLMFRoqrV+W/YYCs9jLpJaIcbd0KVK9umPQOGiSXOjDpJSIrZnLiO2DAAJw/fx4AEB0djS5dusDFxQU///wzPvjgA7MHSFzmQES5lJIilzW0bg3cuiXHfHxkAvzNN4CLi7rxERGpzOTE9/z586hRowYA4Oeff0bTpk2xatUqLF26FOvWrTN3fAQ2thFRLt25I5vXdFq3BiIjgfbt1YuJiCgfMTnxFUJAq9UCALZv3442bdoAAAICAhAXF2fe6AiAYcWXiS8RZat0aWD+fMDREZg7F9i8GShWTO2oiIjyDZPPpKxduzY++eQThIeHY/fu3Zg/fz4A4PLly/Dn9jhmp9UCR47IyyVKyC8iIgDyZBtXV3mco84bbwCNGgEBAerFRUSUT5lc8Z0zZw6OHj2KIUOGYNy4cShXrhwAYO3atWjQoIHZA7R2Fy8CCQnyMtf3EpHer7/KBrZhw7LexqSXiMgokyu+1atXN9jVQWfmzJmwtbU1S1Ck4PpeIjKQnAyMHAksXCivL1sm1/C+9pq6cRERFQAmJ746R44cwdmzZwEAVapUQS1ukZMnuKMDEekdOSJPYPtvZx0AQMeOQNOmqoVERFSQmJz43rlzB126dMHu3bvh5eUFALh//z6aN2+On376Cb6+vuaO0aplrviGhakXBxGpKCMD+PxzYPx4ID1djrm4AF9+Cbz1Fjf3JiLKJZPX+A4dOhRJSUk4ffo07t27h3v37uHUqVNITEzEMGNrzeiZpafL/eYBIChIbsdJRFbm2jWgZUtg9Ggl6Q0LA44dkyezMeklIso1kyu+W7Zswfbt21G5cmX9WJUqVTBv3jy0atXKrMFZu3PngIcP5WWu7yWyQufPA/XqAffvy+sajUyAJ08GHBzUjIyIqEAyueKr1Wphb2+fZdze3l6/vy+ZB9f3Elm5cuVk4gvInRp27gSmTWPSS0T0jExOfFu0aIF3330XN2/e1I/duHEDw4cPR8uWLc0anLVj4ktk5Wxs5Elsb78NnDjBJjYioudkcuL79ddfIzExEYGBgShbtizKli2LoKAgJCYm4quvvsqLGK2WrrFNowG4aQZRIZeeDkyZAvz5p+F48eJy6zJvb3XiIiIqRExe4xsQEICjR49ix44d+u3MKleujPDwcLMHZ83S0mSBBwAqVjQ8mImICpnoaKBHD2D/fqBkSeDkSaBIEbWjIiIqdExKfFevXo0NGzYgLS0NLVu2xNChQ/MqLqsXGSmTX4CNbUSFlhDAihXAkCHAgwdy7NYtuZaXB1IQEZldrhPf+fPnY/DgwShfvjycnZ2xfv16XLp0CTNnzszL+KwW1/cSFXLx8cDAgcCaNcpYcDCwciVQv756cRERFWK5XuP79ddfY9KkSYiKisLx48exbNkyfPPNN3kZm1XjUcVEhdiuXUD16oZJb58+wPHjTHqJiPJQrhPf6Oho9O7dW3+9W7duSE9PR0xMTJ4EZu10FV9bW6BGDVVDISJzSUsDxowBWrQArl+XY15eMgFesgRwd1c1PCKiwi7XSx1SU1Ph6uqqv25jYwMHBwc8evQoTwKzZg8fAqdPy8tVq8qTSYmoELh+HfjqK7m2FwCaNQOWL5d79BIRUZ4zqbltwoQJcMmUhaWlpWHq1Knw9PTUj33xxRfmi85KHT8OZGTIy1zfS1SIBAcDX34JDBoETJ0KjBwp9+olIiKLyHXi26RJE0RFRRmMNWjQANHR0frrGp4ZbxZc30tUSMTFyY9sMn9s8+ab8iCKcuXUi4uIyErlOvHdtWtXHoZBmXFHB6JCYOtW2bD26qvAvHnKuEbDpJeISCX8jC0f0lV8HRyAkBB1YyEiE6WkAMOHA61byz15v/kG2LRJ7aiIiAjPcHIb5a3EREC3oiQ0VCa/RFRAREYC3bvL/+q0bg2EhakXExER6bHim88cOaI0fHOZA1EBodXKprU6dZSk19ERmDsX2LwZKFZM3fiIiAgAK775DhvbiAqYmBigb1+5plcnJARYtQqoVk29uIiIKAsmvvkMG9uICpCoKKBRI7l7g87w4cC0aYCTk3pxERGRUc+01OHvv/9Gjx498MILL+DGjRsAgBUrVmDPnj1mDc4a6Sq+Li5ApUrqxkJET1GuHFClirxcvLis+n7xBZNeIqJ8yuTEd926dYiIiICzszOOHTuG1NRUAEBCQgKmTZtm9gCtSVwccPmyvFyrFmDHejxR/mZrC6xYAfTsCZw8CbRqpXZERESUA5MT308++QQLFizAokWLYG9vrx9v2LAhjh49atbgrM2RI8plru8lymcyMoDPPgP27TMcL11aHjvs46NOXERElGsm1xSjoqLQpEmTLOOenp64f/++OWKyWlzfS5RPXbsmq7q7dwNBQfJccQ8PtaMiIiITmVzxLVasGC5evJhlfM+ePQgODjZLUNaKOzoQ5UNr1gDVq8ukFwCuXAG2bVM1JCIiejYmJ779+/fHu+++iwMHDkCj0eDmzZtYuXIlRo0ahUGDBuVFjFZDV/H19OSJpkSqS0yURw536QLoPs0KCAB27gRef13NyIiI6BmZvNRh9OjR0Gq1aNmyJR4+fIgmTZrA0dERo0aNwtChQ/MiRqtw86b8AuQhTzY8WoRIPfv3Az16ANHRyliXLsD8+YC3t3pxERHRczE58dVoNBg3bhzef/99XLx4EUlJSahSpQrc3NzyIj6rkXmZA9f3EqkkPR2YOhX4+GPZzAYA7u7AvHkyEdZo1I2PiIieyzNvmOXg4IAquv0r6bmxsY0oH7h0CZg+XUl6GzQAfvhBNrQREVGBZ3Li27x5c2hyqHr8+eefzxWQtWJjG1E+ULEiMGMGMGIEMHEiMHYsN9QmIipETP6LXqNGDYPrjx8/xvHjx3Hq1Cn07t3bXHFZFSGUiq+vr9wWlIgsID5eHpPo6KiMDR0KtGgBVKumXlxERJQnTE58Z8+ebXR88uTJSEpKeu6ArNG//wJ378rLtWtzGSGRRezaJffm7doVmDlTGddomPQSERVSZts7oEePHli8eLG5Hs6qcH0vkQWlpQFjxsiq7vXrwOefAzt2qB0VERFZgNkWr+3fvx9OTk7mejirwvW9RBYSFQV06wZkPl69eXO5tpeIiAo9kxPfV1991eC6EAIxMTE4fPgwJkyYYLbArEnmii8TX6I8IATw7bfA8OHAo0dyzN5ebl02ciQ3ziYishImJ76enp4G121sbFCxYkV89NFHaNWqldkCsxZaLXDkiLxcsiRQvLi68RAVOrGxQL9+wIYNyljFisCqVUCtWurFRUREFmdS4puRkYG+ffsiJCQE3jy9yCwuXJAnowJc30tkdlFRQLNmwK1bytigQXJdr4uLamEREZE6TPp8z9bWFq1atcJ93bn1ZjJv3jwEBgbCyckJ9erVw8GDB3N1v59++gkajQYdO3Y0azyWxPW9RHkoOBgICJCXfXxk1febb5j0EhFZKZMXtlWrVg3Rmc+vf06rV6/GiBEjMGnSJBw9ehShoaGIiIjAnTt3crzflStXMGrUKDRu3NhssaiBOzoQ5SF7e2DlSuDVV4HISKB9e7UjIiIiFZmc+H7yyScYNWoUNm7ciJiYGCQmJhp8meqLL75A//790bdvX1SpUgULFiyAi4tLjlujZWRkoHv37pgyZQqCg4NNfs78hI1tRGai1QJz5wLHjhmOly8PrFsHFCumTlxERJRv5Drx/eijj5CcnIw2bdrgxIkTePnll1GqVCl4e3vD29sbXl5eJq/7TUtLw5EjRxAeHq4EZGOD8PBw7N+/P8dY/Pz88NZbbz31OVJTU587Oc8r6enKv9HBwUCRIurGQ1RgxcQAbdoA774rtyt7+FDtiIiIKB/KdXPblClTMHDgQOzcudNsTx4XF4eMjAz4+/sbjPv7++PcuXNG77Nnzx58//33OH78eK6eY/r06ZgyZcrzhponzpxRdlbiMgeiZ/Trr3LXhrg4ef3cOeD334HXXlM3LiIiyndynfgKIQAATZs2zbNgnubBgwfo2bMnFi1aBB8fn1zdZ8yYMRgxYoT+emJiIgJ0zS4qY2Mb0XNITpZ78C5cqIwVLw4sXQpwa0UiIjLCpO3MNBqNWZ/cx8cHtra2uH37tsH47du3UczIerxLly7hypUraJ+pQUWr1QIA7OzsEBUVhbJlyxrcx9HREY6OjmaN21zY2Eb0jI4ckUsazp9Xxjp2BBYtkrs3EBERGWFS4luhQoWnJr/37t3L9eM5ODggLCwMO3bs0G9JptVqsWPHDgwZMiTL/EqVKiEyMtJgbPz48Xjw4AG+/PLLfFPJzS1dxVej4T76RLmSkQHMnAlMmCAXyQNya7I5c+RyBzO/OSciosLFpMR3ypQpWU5ue14jRoxA7969Ubt2bdStWxdz5sxBcnIy+vbtCwDo1asXSpYsienTp8PJyQnVqlUzuL+XlxcAZBnP71JTgRMn5OVKlQB3d3XjISoQzp0zTHrDwuQJbBUqqBsXEREVCCYlvl27doWfn59ZA+jSpQtiY2MxceJE3Lp1CzVq1MCWLVv0DW9Xr16FjY3Ju67le5GRwOPH8jLX9xLlUtWqwMcfA2PHAqNHA5MnAw4OakdFREQFhEboutaewtbWFjExMWZPfC0tMTERnp6eSEhIgIeHh2pxzJ8PvPOOvDx3LjB0qGqhEOVfDx4Azs6AXab36BkZch9AvmMkIiq08ipfy3UpNZf5MeUSd3Qgeor9+4EaNYBPPjEct7XlLw0RET2TXCe+Wq22wFd78xPdjg52dvLfdiL6T3o6MGUK0LgxEB0tlzbs26d2VEREVAiYtMaXzCM5GTh9Wl6uVk1+kktEkIlujx6y2qtTv77cn5eIiOg5Fb6usQLg+HHgv+2H+YktEQAIASxfLj/+0CW9tray8rt7NxAUpGp4RERUOLDiqwIeXEGUSXw8MGgQsHq1MhYcDKxcKau9REREZsLEVwVsbCP6T1QU8OKLwLVrylifPnKrE25uTUREZsalDirQVXwdHeUaXyKrVaYM8N8hNPD2BtasAZYsYdJLRER5gomvhSUkAOfPy8uhodx7n6yck5M8ea1NG+DkSaBTJ7UjIiKiQoyJr4UdOaJc5vpesipCAN9+C5w5YzherRqwaRNQqpQ6cRERkdVg4mthXN9LVik2FujYERgwAOjWDUhNVTsiIiKyQkx8LYw7OpDV2boVqF4d2LBBXj9xAti4Ud2YiIjIKjHxtTBdxdfVFahUSd1YiPJUSgrw3ntA69bArVtyzMdHJsCvvaZqaEREZJ24nZkFxcYCV67Iy7Vqyf35iQqlyEi5pOHUKWUsIgJYuhQoVky1sIiIyLqx4mtBmdf3cpkDFUpaLfDll/IHXJf0OjrKsc2bmfQSEZGqWPG1IDa2UaEXGQmMGKGcyR0SIrcr44bVRESUD7Dia0FsbKNCLzQUGDtWXh4+HDh4kEkvERHlG6z4WpCu4uvlBZQtq2ooRObx8KE8hMIm03voiROBVq2Axo3Vi4uIiMgIVnwt5MYNICZGXq5dG9Bo1I2H6LkdOQLUrAnMmmU4bm/PpJeIiPIlJr4WwvW9VGhkZACffQbUry/P3x43Djh6VO2oiIiInopLHSyE63upULh2DejZE9i9WxmrXh1wc1MvJiIiolxixddCWPGlAm/NGpnk6pJejQYYMwbYtw+oUEHd2IiIiHKBFV8LEEKp+Pr5AQEB6sZDZJLERGDYMGDZMmUsIABYsQJo2lS9uIiIiEzExNcCrlwB7t2Tl9nYRgVKVBTQpg0QHa2MdekCLFggtychIiIqQLjUwQK4vpcKrFKlALv/3h+7uwPLlwM//sikl4iICiQmvhbAxJcKLFdXefJas2bAiROysY0fWRARUQHFxNcC2NhGBYIQsqJ76ZLheFgY8OefQFCQOnERERGZCRPfPKbVyn3+AdkP5O+vbjxERsXHA127Ar17A927A48fG97OKi8RERUCTHzz2PnzwIMH8jKrvZQv7doltylbs0ZeP3AA2LhR1ZCIiIjyAhPfPMb1vZRvpaUBo0cDLVoA16/LMW9v4OefgVdeUTc2IiKiPMDtzPIY1/dSvhQVBXTrZnjUcPPmco1vqVLqxUVERJSHWPHNY5krvkx8SXVCAAsXAjVrKkmvvT0wYwawfTuTXiIiKtRY8c1D6enAsWPyctmy8lNkIlUdOwYMHKhcr1hRbldWq5Z6MREREVkIK7556PRpICVFXub6XsoXatUCRoyQlwcNklVfJr1ERGQlWPHNQ1zfS6pLTQUcHAy3I5s2DWjdGnjxRfXiIiIiUgErvnmIOzqQqiIj5Tuu+fMNxx0dmfQSEZFVYuKbh3SJr0bDT5PJgrRa4Msv5butU6eAkSOBM2fUjoqIiEh1XOqQR1JSZMENACpXBtzc1I2HrERMDNC3L7B1qzJWvrx68RAREeUjrPjmkZMnlVNfucyBLOLXX+UJbJmT3uHDgYMHgSpV1IuLiIgon2DFN4+wsY0sJjlZLmdYuFAZK14cWLoUaNVKtbCIiIjyGya+eYSNbWQR588D7dvL/+p07AgsWgT4+KgWFhERUX7EpQ55RFfxtbMDQkPVjYUKMX9/IC1NXnZxkQnv+vVMeomIiIxg4psHkpOVJvqQEMDJSd14qBDz9AR++AGoV0+eytavn+GevURERKTHxDcPHDsmd5QCuL6XzOznn4Fr1wzHGjYE9u8HKlRQJyYiIqICgolvHuD6XjK7xESgTx+gc2egVy8gI8PwdlZ5iYiInoqJbx7gjg5kVvv3AzVrAsuWyeu7dgEbN6oaEhERUUHExDcP6Cq+Tk5AtWrqxkIFWHo6MGUK0LgxEB0tx9zdgeXLgZdfVjc2IiKiAojbmZnZ/fvAhQvyco0agL29mtFQgRUdDfToIau9Og0ayEa2oCD14iIiIirAWPE1syNHlMtc5kAmE0JWdGvUUJJeW1tZ+d29m0kvERHRc2DF18zY2EbP5fBhoHdv5XpwMLByJVC/vnoxERERFRKs+JoZG9voudSpAwwYIC/36QMcP86kl4iIyExY8TUzXcXXzQ2oWFHdWKgAePxYHu+XeTuyWbOANm3YwEZERGRmrPia0Z07wNWr8nKtWnJpJlG2oqJkNVe3TZmOqyuTXiIiojzAxNeMMi9z4PpeypYQwMKFcm/eo0eBoUOBixfVjoqIiKjQ41IHM+L6Xnqq2FigXz9gwwZlrGRJ4NEj9WIiIiKyEqz4mhF3dKAcbd0KVK9umPQOHCirviEh6sVFRERkJZj4mokQSsXX21vuQkUEAEhJAYYPB1q3Bm7dkmM+PjIBnj8fcHFRNz4iIiIrwaUOZnLjhpLT1K5t2KRPVuziReDVV4HISGWsdWtgyRKgWDH14iIiIrJCrPiaCZc5kFHe3sDdu/KyoyMwdy6weTOTXiIiIhUw8TUTNraRUUWLAkuXAqGh8odk6FB+HEBERKQSJr5mwoovAQB++01Z86Lz4ovAkSNAtWrqxEREREQAmPiaRebGNn9/uTsVWZnkZLlDw8svA2++KX8oMuNpJkRERKpj4msG0dFAfLy8XKcOP8m2OkeOyKP6Fi6U13//Hdi4Ud2YiIiIKAsmvmbA9b1WKiMD+Owzeezw+fNyzMUFWLQIaNdO3diIiIgoC25nZgZc32uFrl0DevYEdu9WxsLCgFWrgAoV1IuLiIiIssWKrxmw4mtlVq+WJ7Dpkl6NBhgzBti3j0kvERFRPsaK73PKyJBLPAGgdGnAz0/deCiP/fMP0LWrcj0gAFixAmjaVL2YiIiIKFdY8X1O588DSUnyMqu9VqB+fbnEAQC6dAFOnGDSS0REVECw4vucuL63kNNqAZsn3h9+/TXQti3QuTO38CAiIipAWPF9TlzfW4hFRwONGgFr1hiOe3jIai+TXiIiogKFie9zylzxZeJbSAgBLF8O1KgB7N8PDBggd3EgIiKiAo2J73N4/Bg4flxeLl8e8PJSMxoyi/h42bzWuzfw4IEcK1IEuHtX3biIiIjouTHxfQ6nTwMpKfIyq72FwK5dcpuyzEsb+vSR725q1FAnJiIiIjIbJr7PgY1thURaGjB6NNCiBXD9uhzz8pIJ8JIlgLu7quERERGReXBXh+fAxrZCIDoa6NQJOHpUGWvWTK7xDQhQLSwiIiIyP1Z8n4Ou4mtjA9SsqW4s9IycnYGrV+Vle3tgxgxgxw4mvURERIUQE99nlJICREbKy5UrA25u6sZDz6h4ceD774FKleSpbO+/n3XfXiIiIioU+C/8MzpxAkhPl5e5vrcA2b496w4NL78MnDwJ1KqlTkxERERkEfki8Z03bx4CAwPh5OSEevXq4eDBg9nOXbRoERo3bgxvb294e3sjPDw8x/l5het7C5iUFGD4cODFF+W+vEIY3m5vr05cREREZDGqJ76rV6/GiBEjMGnSJBw9ehShoaGIiIjAnTt3jM7ftWsX3njjDezcuRP79+9HQEAAWrVqhRs3blg0bu7oUIBERgJ16wJz5sjr69YBW7aoGhIRERFZnkaIJ0tfllWvXj3UqVMHX3/9NQBAq9UiICAAQ4cOxejRo596/4yMDHh7e+Prr79Gr169njo/MTERnp6eSEhIgIeHxzPHXa2a3MfXzk6ec+Dk9MwPRXlFqwW++gr48EMgNVWOOToCM2cCQ4bwyGEiIqJ8ylz52pNU3c4sLS0NR44cwZgxY/RjNjY2CA8Px/79+3P1GA8fPsTjx49RpEgRo7enpqYiVZf0QL6QzyspCTh7Vl6uXp1Jb74UEwP07Qts3aqMhYQAq1bJdy1ERERkdVRd6hAXF4eMjAz4+/sbjPv7++PWrVu5eowPP/wQJUqUQHh4uNHbp0+fDk9PT/1XgBm2qTp6VBYTAS5zyJc2bJDvSDInvcOHAwcPMuklIiKyYqqv8X0en376KX766Sf88ssvcMqm7DpmzBgkJCTov65du/bcz8vGtnxs716gQwcgLk5eL1ZMJsBffMHSPBERkZVTNfH18fGBra0tbt++bTB++/ZtFCtWLMf7fv755/j000+xbds2VK9ePdt5jo6O8PDwMPh6Xmxsy8caNABeeUVe7tBBNra1aqVuTERERJQvqJr4Ojg4ICwsDDt27NCPabVa7NixAy+88EK295sxYwY+/vhjbNmyBbVVKLnqKr5OTkCVKhZ/esrsyd5MjQZYtAhYsgT45RfAx0eduIiIiCjfUX2pw4gRI7Bo0SIsW7YMZ8+exaBBg5CcnIy+ffsCAHr16mXQ/PbZZ59hwoQJWLx4MQIDA3Hr1i3cunULSUlJFok3Ph64eFFerlmT27+q6to1oEULYONGw/GiRYE+fbhrAxERERlQdVcHAOjSpQtiY2MxceJE3Lp1CzVq1MCWLVv0DW9Xr16FTaYjZOfPn4+0tDS8/vrrBo8zadIkTJ48Oc/jPXJEucz1vSpas0YeRHH/vtxX7uRJuZ6XiIiIKBuqJ74AMGTIEAwZMsTobbt27TK4fuXKlbwPKAdc36uyxERg2DBg2TJlzMkJuHmTiS8RERHlSPWlDgUNd3RQ0f79QI0ahklvly7AiRNArVqqhUVEREQFAxNfE+kqvm5uQMWK6sZiNdLTgcmTgcaNgcuX5Zi7O7B8OfDjj4C3t6rhERERUcGQL5Y6FBS3b8t+KgAICwNs+LYh7125AnTrJqu9Og0aAD/8AAQFqRYWERERFTxM3UyQeZkD1/daiI0NcOaMvGxrC0yZAuzezaSXiIiITMbE1wRsbFNB6dLAggVAcDCwZw8wcSJgxw8qiIiIyHRMfE3AxjYL+PtvuXNDZl27yi3L6tdXJyYiIiIqFJj45pIQSsW3SBF+0m52aWnA6NFA06bA0KFZb3dysnxMREREVKgw8c2l69eBO3fk5dq1eSiYWUVFAS+8AHz2mXyHsXw5sG2b2lERERFRIcPEN5e4vjcPCAEsXCjPfj56VI7Z2wMzZgDh4erGRkRERIUOu4Ryiet7zSw2FujXD9iwQRmrWBFYtYqHURAREVGeYMU3l1jxNaOtW4Hq1Q2T3kGDZNWXSS8RERHlEVZ8c0EIpeJbrBhQooS68RRof/8NtG6tXPfxARYvBtq3Vy8mIiIisgqs+ObCpUvA/fvycp06bGx7Lo0aKYlv69ZAZCSTXiIiIrIIVnxzget7zUijAZYsAX75BRg4kO8iiIiIyGJY8c0Fru99RrduAW3bAjt2GI4XKybX9DLpJSIiIgtixTcXMie+rPjm0oYNwFtvAXFxwIkT8qtoUbWjIiIiIivGiu9TZGQoW8yWKQP4+qobT76XnCyXMHToIJNeANBqgStXVA2LiIiIiInvU5w7J3M5gMscnurIESAsTB5KodOxI3DypBwnIiIiUhET36dgY1suZGTI44br15fHDwOAiwuwaBGwfr3csoyIiIhIZVzj+xRsbHuK69eBnj2BXbuUsbAweQJbhQqqhUVERET0JFZ8nyJzxZeHihnx6JHy7kCjAcaMAfbtY9JLRERE+Q4T3xykpQHHj8vLFSoAXl5qRpNPlS8PzJ0LBAQAO3cC06YBDg5qR0VERESUBRPfHJw+DaSmystc3/ufgweBhw8Nx/r2Bc6cAZo2VScmIiIiolxg4psDru/NJD0dmDIFaNAAGDXK8DaNBnBzUycuIiIiolxi4psD7ujwn+hooEkTYPJkuYPD/PlyWQMRERFRAcLENwe6iq+NDVCzprqxqEIIYPlyoEYNYP9+OWZrKyu/jRurGhoRERGRqbidWTYePQIiI+XlqlUBV1d147G4+Hhg0CBg9WplLDgYWLlS7tdLREREVMAw8c3GiRPyU33ACpc57N4t9+a9dk0Z69NH7t7g7q5aWERElpKRkYHHjx+rHQZRoebg4AAbG8suPmDimw2rbWzbvRto3lwucwAAb295BHGnTurGRURkAUII3Lp1C/fv31c7FKJCz8bGBkFBQXCw4DaoTHyzYbWNbY0ayUY2XQK8fDlQqpTaURERWYQu6fXz84OLiws0Go3aIREVSlqtFjdv3kRMTAxKly5tsd81Jr7Z0FV87e2B6tXVjcWibG2BFSuAn38G3ntPdvYREVmBjIwMfdJbtGhRtcMhKvR8fX1x8+ZNpKenw97e3iLPyazGiAcPgHPn5OXq1QFHR3XjyTOxscBrrwF79xqOBwQAI0Yw6SUiq6Jb0+vi4qJyJETWQbfEIUPXVGUBrPgacfSossS10K7v3bpVNqzduiW/4RMnAA8PtaMiIlIdlzcQWYYav2ss6RlRqNf3pqTIJQytW8ukFwCSkoDz51UNi4iIiCivMfE1otDu6BAZKb+hL79Uxlq3luOFLsMnIiJ6uqioKBQrVgwPHjxQO5RCJS4uDn5+frh+/braoRhg4muEruLr7AxUqaJuLGah1cpkt04d4NQpOeboKPfl3bwZKFZM3fiIiOi59OnTBxqNBhqNBvb29ggKCsIHH3yAlJSULHM3btyIpk2bwt3dHS4uLqhTpw6WLl1q9HHXrVuHZs2awdPTE25ubqhevTo++ugj3Lt3L4+/I8sZM2YMhg4dCvdCvE/9vHnzEBgYCCcnJ9SrVw8HDx7McX6zZs30P0+Zv9q2baufY+x2jUaDmTNnAgB8fHzQq1cvTJo0KU+/N1Mx8X3CvXvApUvycs2agF1BXwUdEwO0aSOXN6SmyrGQEJndDx0KcC0bEVGh0Lp1a8TExCA6OhqzZ8/GwoULsyQdX331FTp06ICGDRviwIEDOHnyJLp27YqBAwdi1KhRBnPHjRuHLl26oE6dOvj9999x6tQpzJo1CydOnMCKFSss9n2lpaXl2WNfvXoVGzduRJ8+fZ7rcfIyxue1evVqjBgxApMmTcLRo0cRGhqKiIgI3LlzJ9v7rF+/HjExMfqvU6dOwdbWFp0y7emf+faYmBgsXrwYGo0Gr732mn5O3759sXLlyvz1RklYmYSEBAFAJCQkGL1961YhZGubEO++a9nY8sSpU0I4Oirf1PDhQjx6pHZURET5zqNHj8SZM2fEowL4N7J3796iQ4cOBmOvvvqqqFmzpv761atXhb29vRgxYkSW+8+dO1cAEP/8848QQogDBw4IAGLOnDlGny8+Pj7bWK5duya6du0qvL29hYuLiwgLC9M/rrE43333XdG0aVP99aZNm4rBgweLd999VxQtWlQ0a9ZMvPHGG6Jz584G90tLSxNFixYVy5YtE0IIkZGRIaZNmyYCAwOFk5OTqF69uvj555+zjVMIIWbOnClq165tMBYXFye6du0qSpQoIZydnUW1atXEqlWrDOYYi1EIISIjI0Xr1q2Fq6ur8PPzEz169BCxsbH6+/3++++iYcOGwtPTUxQpUkS0bdtWXLx4MccYn1fdunXF4MGD9dczMjJEiRIlxPTp03P9GLNnzxbu7u4iKSkp2zkdOnQQLVq0yDIeFBQkvvvuO6P3yel37mn52rNixfcJha6xrWpVYOZMuZxh61bgiy8AJye1oyIiKjBq15bn+Fj663n+DTp16hT27dtncCLW2rVr8fjx4yyVXQAYMGAA3Nzc8OOPPwIAVq5cCTc3N7zzzjtGH9/Ly8voeFJSEpo2bYobN25gw4YNOHHiBD744ANotVqT4l+2bBkcHBywd+9eLFiwAN27d8dvv/2GpKQk/ZytW7fi4cOHeOWVVwAA06dPx/Lly7FgwQKcPn0aw4cPR48ePbB79+5sn+fvv/9G7Sde6JSUFISFhWHTpk04deoU3n77bfTs2TPL8oAnY7x//z5atGiBmjVr4vDhw9iyZQtu376Nzp076++TnJyMESNG4PDhw9ixYwdsbGzwyiuv5Pj6TJs2DW5ubjl+Xb161eh909LScOTIEYSHh+vHbGxsEB4ejv3792f7nE/6/vvv0bVrV7i6uhq9/fbt29i0aRPeeuutLLfVrVsXf//9d66fK68V9A/yza7AN7adOAFUqmS4+fCQIUCPHvL4YSIiMsmtW8CNG2pH8XQbN26Em5sb0tPTkZqaChsbG3z99df628+fPw9PT08UL148y30dHBwQHByM8//t8HPhwgUEBwebfKjAqlWrEBsbi0OHDqFIkSIAgHLlypn8vZQvXx4zZszQXy9btixcXV3xyy+/oGfPnvrnevnll+Hu7o7U1FRMmzYN27dvxwsvvAAACA4Oxp49e7Bw4UI0bdrU6PP8+++/WRLfkiVLGrw5GDp0KLZu3Yo1a9agbt262cb4ySefoGbNmpg2bZp+bPHixQgICMD58+dRoUIFg2UAutt9fX1x5swZVKtWzWiMAwcONEiejSlRooTR8bi4OGRkZMDf399g3N/fH+d0BxY8xcGDB3Hq1Cl8//332c5ZtmwZ3N3d8eqrrxqN7dixY7l6Lktg4vsEXcXXwwMoX17dWEySkQF8/jkwfjzw7rvyso5Gw6SXiOgZqdX/a+rzNm/eHPPnz0dycjJmz54NOzu7LIlWbgndZvYmOn78OGrWrKlPep9VWFiYwXU7Ozt07twZK1euRM+ePZGcnIxff/0VP/30EwDg4sWLePjwIV588UWD+6WlpaFmzZrZPs+jR4/g9MSnoBkZGZg2bRrWrFmDGzduIC0tDampqVkONnkyxhMnTmDnzp1wc3PL8jyXLl1ChQoVcOHCBUycOBEHDhxAXFycvtJ79erVbBPfIkWKPPfr+Ty+//57hISEGCT9T1q8eDG6d++e5bUEAGdnZzx8+DAvQzQJE99Mbt0CdLtuhIUVoIPLrl0DevYEdB/nzJoFdOwINGqkalhERIVB5iVw+Zmrq6u+urp48WKEhobi+++/13/8XKFCBSQkJODmzZtZKoRpaWm4dOkSmjdvrp+7Z88ePH782KSqr7Ozc46329jYZEmqdSfmPfm9PKl79+5o2rQp7ty5gz/++APOzs5o3bo1AOiXQGzatAklS5Y0uJ9jDsev+vj4ID4+3mBs5syZ+PLLLzFnzhyEhITA1dUV7733XpYGtidjTEpKQvv27fHZZ59leR5dlb19+/YoU6YMFi1ahBIlSkCr1aJatWo5NsdNmzbNoIpszJkzZ1C6dGmj35+trS1u375tMH779m0Uy8U7q+TkZPz000/46KOPsp3z999/IyoqCqtXrzZ6+7179+Dr6/vU57KUgpLaWUSBXN+7Zo08V1mX9Go0wJgxQA7vzIiIqHCzsbHB2LFjMX78eDx69AgA8Nprr8He3h6zZs3KMn/BggVITk7GG2+8AQDo1q0bkpKS8M033xh9/Pv37xsdr169Oo4fP55tF7+vry9iYmIMxo4fP56r76lBgwYICAjA6tWrsXLlSnTq1EmflFepUgWOjo64evUqypUrZ/AVEBCQ7WPWrFkTZ86cMRjbu3cvOnTogB49eiA0NNRgCUhOatWqhdOnTyMwMDBLDK6urrh79y6ioqIwfvx4tGzZEpUrV86SdBszcOBAHD9+PMev7JY6ODg4ICwsDDt27NCPabVa7NixQ78kJCc///wzUlNT0aNHj2znfP/99wgLC0NoaKjR20+dOpVj1d3izNoqVwDk1CU4caKy+cGaNSoEZ4qEBCF691YCBoQICBBi1y61IyMiKpAK264Ojx8/FiVLlhQzZ87Uj82ePVvY2NiIsWPHirNnz4qLFy+KWbNmCUdHRzFy5EiD+3/wwQfC1tZWvP/++2Lfvn3iypUrYvv27eL111/PdreH1NRUUaFCBdG4cWOxZ88ecenSJbF27Vqxb98+IYQQW7ZsERqNRixbtkycP39eTJw4UXh4eGTZ1eHdbLZVGjdunKhSpYqws7MTf//9d5bbihYtKpYuXSouXrwojhw5IubOnSuWLl2a7eu2YcMG4efnJ9LT0/Vjw4cPFwEBAWLv3r3izJkzol+/fsLDw8Pg9TUW440bN4Svr694/fXXxcGDB8XFixfFli1bRJ8+fUR6errIyMgQRYsWFT169BAXLlwQO3bsEHXq1BEAxC+//JJtjM/rp59+Eo6OjmLp0qXizJkz4u233xZeXl7i1q1b+jk9e/YUo0ePznLfRo0aiS5dumT72AkJCcLFxUXMnz/f6O3JycnC2dlZ/PXXX0ZvV2NXBya+mbRpo+SQ0dEqBJdb+/YJERxsmPR26SLEvXtqR0ZEVGAVtsRXCCGmT58ufH19Dbah+vXXX0Xjxo2Fq6urcHJyEmFhYWLx4sVGH3f16tWiSZMmwt3dXbi6uorq1auLjz76KMftzK5cuSJee+014eHhIVxcXETt2rXFgQMH9LdPnDhR+Pv7C09PTzF8+HAxZMiQXCe+Z86cEQBEmTJlhFarNbhNq9WKOXPmiIoVKwp7e3vh6+srIiIixO7du7ON9fHjx6JEiRJiy5Yt+rG7d++KDh06CDc3N+Hn5yfGjx8vevXq9dTEVwghzp8/L1555RXh5eUlnJ2dRaVKlcR7772nj/WPP/4QlStXFo6OjqJ69epi165deZ74CiHEV199JUqXLi0cHBxE3bp19dvLZf5+evfubTB27tw5AUBs27Yt28dduHChcHZ2Fvfv3zd6+6pVq0TFihWzvb8aia9GiGdcwV5AJSYmwtPTEwkJCfDw8NCPCwH4+wOxsUDRovK/+fJsh127gPBw2cwGAO7uwLx5cteGfBkwEVHBkJKSgsuXLyMoKMhokw4VTvPmzcOGDRuwdetWtUMpdOrXr49hw4ahW7duRm/P6Xcuu3ztebG57T/XrslkF5Dre/NtDtmwoey8O3gQaNAA+OEHIChI7aiIiIgKpAEDBuD+/ft48OBBoT622NLi4uLw6quv6teN5xdMfP9TYPbvtbcHVq4EVq8GPvywEJypTEREpB47OzuMGzdO7TAKHR8fH3zwwQdqh5EFd3X4T75MfOPjge7dgSNHDMfLlQPGjWPSS0RERGQCZk7/yXdbme3aJffmvX5dJr5HjwJPbJ5NRERERLnHii8ArVZJfEuUkF+qSUsDRo8GWrRQTtO4cwc4fVrFoIiIiIgKPlZ8AVy6BCQkyMuqVnujooBu3WR1V6d5c2D5cqBUKfXiIiIiIioEWPFFPljfKwSwcCFQs6aS9NrbAzNmANu3M+klIiIiMgNWfKHy+t7YWKBfP2DDBmWsYkVg1SqgVi0LB0NERERUeLHiC8OKr8UT32vXgM2bleuDBsmqL5NeIiIiIrOy+sQ3I0NZXRAYCPj4WDiAWrWATz6RT7xhA/DNN9y9gYiIChSNRoP//e9/aoeRb02ePBk1atRQOwwCE1+cPQs8fCgvW2R977lzwOPHhmOjRsldG9q3t0AARERU2PTp0wcajQYajQb29vYICgrCBx98gJSUFLVDy3O3bt3Cu+++i3LlysHJyQn+/v5o2LAh5s+fj4e6f+BVNmrUKOzYsUPtMAhc42u59b1aLfDVV/K0tQ8/BKZMUW6ztQX8/PLwyYmIqLBr3bo1lixZgsePH+PIkSPo3bs3NBoNPvvsM7VDyzPR0dFo2LAhvLy8MG3aNISEhMDR0RGRkZH49ttvUbJkSbz88stqhwk3Nze4ubmpHQaBFV/L7OgQEwO0aQO89x6QmiqXNhw8mEdPRkRE1sjR0RHFihVDQEAAOnbsiPDwcPzxxx/62+/evYs33ngDJUuWhIuLC0JCQvDjjz8aPEazZs0wbNgwfPDBByhSpAiKFSuGyZMnG8y5cOECmjRpAicnJ1SpUsXgOXQiIyPRokULODs7o2jRonj77beRlJSkv71Pnz7o2LEjpk2bBn9/f3h5eeGjjz5Ceno63n//fRQpUgSlSpXCkiVLcvye33nnHdjZ2eHw4cPo3LkzKleujODgYHTo0AGbNm1C+/8+Sb1y5Qo0Gg2OHz+uv+/9+/eh0Wiwa9cu/dipU6fw0ksvwc3NDf7+/ujZsyfi4uL0t69duxYhISH67ys8PBzJyckAgF27dqFu3bpwdXWFl5cXGjZsiH///RdA1qUOuu//888/R/HixVG0aFEMHjwYjzN9IhwTE4O2bdvC2dkZQUFBWLVqFQIDAzFnzpwcXxPKGRPfTIlvWFgePMGvvwLVqwNbtypjw4bJMSIiKhi++EJuLfm0L2PVxZdfzt19v/jCbOGeOnUK+/btg4ODg34sJSUFYWFh2LRpE06dOoW3334bPXv2xMEnCjHLli2Dq6srDhw4gBkzZuCjjz7SJ7darRavvvoqHBwccODAASxYsAAffvihwf2Tk5MREREBb29vHDp0CD///DO2b9+OIUOGGMz7888/cfPmTfz111/44osvMGnSJLRr1w7e3t44cOAABg4ciAEDBuC67jCnJ9y9exfbtm3D4MGD4erqanSORqPJ9Wt2//59tGjRAjVr1sThw4exZcsW3L59G507dwYgE9E33ngDb775Js6ePYtdu3bh1VdfhRAC6enp6NixI5o2bYqTJ09i//79ePvtt3N8/p07d+LSpUvYuXMnli1bhqVLl2Lp0qX623v16oWbN29i165dWLduHb799lvcuXMn198PZUNYmYSEBAFAJCQkiNRUIRwchACEqFjRzE+UlCTEgAHywXVfxYoJsXWrmZ+IiIjM4dGjR+LMmTPi0aNHWW+cNMnw73l2X/XrZ71v/fq5u++kSc8ce+/evYWtra1wdXUVjo6OAoCwsbERa9euzfF+bdu2FSNHjtRfb9q0qWjUqJHBnDp16ogPP/xQCCHE1q1bhZ2dnbhx44b+9t9//10AEL/88osQQohvv/1WeHt7i6SkJP2cTZs2CRsbG3Hr1i19vGXKlBEZGRn6ORUrVhSNGzfWX09PTxeurq7ixx9/NBr7P//8IwCI9evXG4wXLVpUuLq6CldXV/HBBx8IIYS4fPmyACCOHTumnxcfHy8AiJ07dwohhPj4449Fq1atDB7r2rVrAoCIiooSR44cEQDElStXssRy9+5dAUDs2rXLaKyTJk0SoaGh+uu67z89PV0/1qlTJ9GlSxchhBBnz54VAMShQ4f0t1+4cEEAELNnzzb6HAVRTr9zmfM1c7LqNb6RkfKEYMDMyxyOHJEnsJ0/r4x16AB8950K20YQEdFz8/AASpZ8+jxfX+Njubmvh4fpcWXSvHlzzJ8/H8nJyZg9ezbs7Ozw2muv6W/PyMjAtGnTsGbNGty4cQNpaWlITU2FyxM7CVV/4hPJ4sWL6yuNZ8+eRUBAAEqUKKG//YUXXjCYf/bsWYSGhhpUYRs2bAitVouoqCj4+/sDAKpWrQobG+WDZ39/f1SrVk1/3dbWFkWLFjW5ynnw4EFotVp0794dqampub7fiRMnsHPnTqNrcS9duoRWrVqhZcuWCAkJQUREBFq1aoXXX38d3t7eKFKkCPr06YOIiAi8+OKLCA8PR+fOnVG8ePFsn69q1aqwtbXVXy9evDgiIyMBAFFRUbCzs0OtTFublitXDt7e3rn+fsg4q05886Sx7c8/gYgIID1dXndxAebMkYdUmPCRCxER5SMjRsivZ5H5gKI85OrqinLlygEAFi9ejNDQUHz//fd46623AAAzZ87El19+iTlz5iAkJASurq547733kKarAP3H3t7e4LpGo4FWqzV7vMaex5TnLleuHDQaDaKiogzGg4ODAQDOzs76MV2CLYTQjz1+YoelpKQktG/f3mgzYPHixWFra4s//vgD+/btw7Zt2/DVV19h3LhxOHDgAIKCgrBkyRIMGzYMW7ZswerVqzF+/Hj88ccfqF+/fq6//7x4ncmQVa/xzZPGtoYNgSpV5OWwMODYMaB/fya9RERkMTY2Nhg7dizGjx+PR48eAQD27t2LDh06oEePHggNDUVwcDDOZ/5kMhcqV66Ma9euISYmRj/2zz//ZJlz4sQJfdOX7rltbGxQsWLF5/iuDBUtWhQvvvgivv76a4PnMsb3v0p85rgzN7oBQK1atXD69GkEBgaiXLlyBl+66rVGo0HDhg0xZcoUHDt2DA4ODvjll1/0j1GzZk2MGTMG+/btQ7Vq1bBq1apn+t4qVqyI9PR0HDt2TD928eJFxMfHP9PjkcKqE19dxdfWFjDbvtKOjvK44XHjgH37gAoVzPTAREREudepUyfY2tpi3rx5AIDy5cvrK5Znz57FgAEDcPv2bZMeMzw8HBUqVEDv3r1x4sQJ/P333xg3bpzBnO7du8PJyQm9e/fGqVOnsHPnTgwdOhQ9e/bUL3Mwl2+++Qbp6emoXbs2Vq9ejbNnzyIqKgo//PADzp07p19K4OzsjPr16+PTTz/F2bNnsXv3bowfP97gsQYPHox79+7hjTfewKFDh3Dp0iVs3boVffv2RUZGBg4cOIBp06bh8OHDuHr1KtavX4/Y2FhUrlwZly9fxpgxY7B//378+++/2LZtGy5cuIDKlSs/0/dVqVIlhIeH4+2338bBgwdx7NgxvP3223B2djapYY+ystrE9+FD4NQpeblq1Wc8LC0xUVZzT582HK9aVW5ZlqmbloiIyJLs7OwwZMgQzJgxA8nJyRg/fjxq1aqFiIgINGvWDMWKFUPHjh1NekwbGxv88ssvePToEerWrYt+/fph6tSpBnNcXFywdetW3Lt3D3Xq1MHrr7+Oli1b4uuvvzbjdyeVLVsWx44dQ3h4OMaMGYPQ0FDUrl0bX331FUaNGoWPP/5YP3fx4sVIT09HWFgY3nvvPXzyyScGj1WiRAns3bsXGRkZaNWqFUJCQvDee+/By8sLNjY28PDwwF9//YU2bdqgQoUKGD9+PGbNmoWXXnoJLi4uOHfuHF577TVUqFABb7/9NgYPHowBAwY88/e2fPly+Pv7o0mTJnjllVfQv39/uLu7w8nJ6ZkfkwCNyLzgxQokJibC09MTf/yRgBdflI0Eb74JfP+9iQ+0fz/QowcQHS23Jjt4UFZ7iYioQEpJScHly5cRFBTE5ILynevXryMgIADbt29Hy5Yt1Q7HLHL6ndPlawkJCfB4zsbPzKy2ue3oUeWySet709OBqVOBjz8GMjLk2OXLwMmTFjrzmIiIiAq7P//8E0lJSQgJCUFMTAw++OADBAYGokmTJmqHVqAx8YUJOzpER8sq7/79yliDBsAPPwBBQWaNj4iIiKzX48ePMXbsWERHR8Pd3R0NGjTAypUrs+wGQaax+sTXwSEXh6gJAaxYAQwZAjx4IMdsbYGJE4GxYwE7q30ZiYiIKA9EREQgIiJC7TAKHavN2C5ckP8NDX1KD1p8PDBoELB6tTIWHAysXAlkszcfEREREeU/Vrurg85TlzmcPQv8/LNyvU8f4PhxJr1ERIWUlfV8E6lGjd81q098n9qP1qCB3JPXywtYswZYsgRwd7dEaEREZEG6tZMPHz5UORIi66A7NTDz0c15zWqXOuhkqfhevgyULi3X8OpMmAAMGJC7s9aJiKhAsrW1hZeXF+7cuQNA7kfLwwKI8oZWq0VsbCxcXFxgZ8FeKatOfF1cAP2hKkIA334LDB8OTJoEfPihMtHenkkvEZEVKFasGADok18iyjs2NjYoXbq0Rd9gWnXiW7PmfxsyxMYC/foBGzbIG8aPB1q1khOIiMhqaDQaFC9eHH5+fnj8+LHa4RAVag4ODrCxseyqW6tOfOvUAbB1q2xYu3VLuaFfP6BiRbXCIiIildna2lp03SERWUa+aG6bN28eAgMD4eTkhHr16uHgwYM5zv/5559RqVIlODk5ISQkBJs3bzb5OR2QggFn3wNat1aSXh8fWfWdP1+ugyAi+n979x4VdZn/AfzNgDMgDRhrCKOoeQFdLxEXCcxjuuyCmWFWsMlRVFI3QDyyXUhNJFPMlFLXUjPFddlAO96OECQWG6C7KYK6ghACaSdgV93AC8hlPr8/PMyvEVBn5Bbzfp0zxzPPPM/z/Xzn4+iHh+f7HSIi6jG6vPBNTk5GVFQUYmJicPr0aTzxxBPw8/Nrc3/V8ePH8corryA0NBR5eXmYPn06pk+fjn//+98GHTcTz2BE+sb/b/D3B86dA6ZNe5jTISIiIqJuyky6+IaFXl5e8PT0xF/+8hcAd67yc3JywqJFixAdHd2if1BQEG7evIkjR47o2p566im4urpi69at9z1eTU0NbG1tUQ3ABgBUKuCDD+58Kxuv3iUiIiLqcrp6rboaNjY27TZvl+7xra+vR25uLt5++21dm0KhgK+vL06cONHqmBMnTiAqKkqvzc/PDwcPHmy1/+3bt3H79m3d8+rqagBADQD89rfAZ5/d+bP5q4iJiIiIqEvV1NQAaP8vuejSwvfKlStoampCv3799Nr79euHCxcutDqmsrKy1f6Vv7w47Rfi4uIQGxvbot0JAAoKAG9vo2InIiIioo519epV2Nrattt8Pf6uDm+//bbeCvHPP/+MQYMG4dKlS+36RlL3VFNTAycnJ1y+fLldf1VC3RPzbVqYb9PCfJuW6upqDBw4EHZ2du06b5cWvn379oW5uTmqqqr02quqqnQ3Eb+bg4ODQf1VKhVUKlWLdltbW35wTIiNjQ3zbUKYb9PCfJsW5tu0tPd9frv0rg5KpRLu7u44duyYrk2r1eLYsWPwbmMLgre3t15/ADh69Gib/YmIiIiIgG6w1SEqKgohISHw8PDAuHHj8NFHH+HmzZuYO3cuAGD27Nno378/4uLiAACLFy/GxIkTsWHDBkydOhVJSUk4deoUtm/f3pWnQURERETdXJcXvkFBQfjvf/+LFStWoLKyEq6urkhLS9NdwHbp0iW9ZW4fHx/8/e9/x/Lly7F06VIMHz4cBw8exOjRox/oeCqVCjExMa1uf6Ceh/k2Lcy3aWG+TQvzbVo6Kt9dfh9fIiIiIqLO0OXf3EZERERE1BlY+BIRERGRSWDhS0REREQmgYUvEREREZmEHln4btmyBYMHD4alpSW8vLzw3Xff3bP/vn37MGLECFhaWmLMmDFITU3tpEipPRiS708//RQTJkzAo48+ikcffRS+vr73/ftB3Yuhn+9mSUlJMDMzw/Tp0zs2QGpXhub7559/Rnh4OBwdHaFSqeDs7Mx/039FDM33Rx99BBcXF1hZWcHJyQlLlixBXV1dJ0VLD+Pbb7/FtGnToNFoYGZmhoMHD953TGZmJtzc3KBSqTBs2DAkJCQYfmDpYZKSkkSpVMrOnTvl/PnzMn/+fOnTp49UVVW12j8nJ0fMzc1l3bp1UlBQIMuXL5devXrJuXPnOjlyMoah+Z45c6Zs2bJF8vLypLCwUObMmSO2trby448/dnLkZAxD892srKxM+vfvLxMmTJCAgIDOCZYemqH5vn37tnh4eMizzz4r2dnZUlZWJpmZmZKfn9/JkZMxDM13YmKiqFQqSUxMlLKyMklPTxdHR0dZsmRJJ0dOxkhNTZVly5bJ/v37BYAcOHDgnv1LS0uld+/eEhUVJQUFBbJ582YxNzeXtLQ0g47b4wrfcePGSXh4uO55U1OTaDQaiYuLa7V/YGCgTJ06Va/Ny8tLFi5c2KFxUvswNN93a2xsFLVaLbt37+6oEKkdGZPvxsZG8fHxkR07dkhISAgL318RQ/P9ySefyJAhQ6S+vr6zQqR2ZGi+w8PDZfLkyXptUVFRMn78+A6Nk9rfgxS+b775powaNUqvLSgoSPz8/Aw6Vo/a6lBfX4/c3Fz4+vrq2hQKBXx9fXHixIlWx5w4cUKvPwD4+fm12Z+6D2Pyfbdbt26hoaEBdnZ2HRUmtRNj8/3uu+/C3t4eoaGhnREmtRNj8n348GF4e3sjPDwc/fr1w+jRo7FmzRo0NTV1VthkJGPy7ePjg9zcXN12iNLSUqSmpuLZZ5/tlJipc7VXvdbl39zWnq5cuYKmpibdt74169evHy5cuNDqmMrKylb7V1ZWdlic1D6Myffd3nrrLWg0mhYfJup+jMl3dnY2PvvsM+Tn53dChNSejMl3aWkpvv76awQHByM1NRUlJSUICwtDQ0MDYmJiOiNsMpIx+Z45cyauXLmCp59+GiKCxsZG/OlPf8LSpUs7I2TqZG3VazU1NaitrYWVldUDzdOjVnyJDLF27VokJSXhwIEDsLS07OpwqJ1dv34ds2bNwqeffoq+fft2dTjUCbRaLezt7bF9+3a4u7sjKCgIy5Ytw9atW7s6NOoAmZmZWLNmDT7++GOcPn0a+/fvR0pKClatWtXVoVE31qNWfPv27Qtzc3NUVVXptVdVVcHBwaHVMQ4ODgb1p+7DmHw3W79+PdauXYuMjAyMHTu2I8OkdmJovi9evIjy8nJMmzZN16bVagEAFhYWKCoqwtChQzs2aDKaMZ9vR0dH9OrVC+bm5rq2kSNHorKyEvX19VAqlR0aMxnPmHy/8847mDVrFl599VUAwJgxY3Dz5k0sWLAAy5Ytg0LBtb2epK16zcbG5oFXe4EetuKrVCrh7u6OY8eO6dq0Wi2OHTsGb2/vVsd4e3vr9QeAo0ePttmfug9j8g0A69atw6pVq5CWlgYPD4/OCJXagaH5HjFiBM6dO4f8/Hzd4/nnn8ekSZOQn58PJyenzgyfDGTM53v8+PEoKSnR/YADAMXFxXB0dGTR280Zk+9bt261KG6bf+i5c70U9STtVq8Zdt1d95eUlCQqlUoSEhKkoKBAFixYIH369JHKykoREZk1a5ZER0fr+ufk5IiFhYWsX79eCgsLJSYmhrcz+xUxNN9r164VpVIpX3zxhVRUVOge169f76pTIAMYmu+78a4Ovy6G5vvSpUuiVqslIiJCioqK5MiRI2Jvby/vvfdeV50CGcDQfMfExIharZbPP/9cSktL5auvvpKhQ4dKYGBgV50CGeD69euSl5cneXl5AkDi4+MlLy9PfvjhBxERiY6OllmzZun6N9/O7I033pDCwkLZsmULb2fWbPPmzTJw4EBRKpUybtw4+ec//6l7beLEiRISEqLXf+/eveLs7CxKpVJGjRolKSkpnRwxPQxD8j1o0CAB0OIRExPT+YGTUQz9fP8SC99fH0Pzffz4cfHy8hKVSiVDhgyR1atXS2NjYydHTcYyJN8NDQ2ycuVKGTp0qFhaWoqTk5OEhYXJ//73v84PnAz2zTfftPr/cXOOQ0JCZOLEiS3GuLq6ilKplCFDhsiuXbsMPq6ZCH8fQEREREQ9X4/a40tERERE1BYWvkRERERkElj4EhEREZFJYOFLRERERCaBhS8RERERmQQWvkRERERkElj4EhEREZFJYOFLRERERCaBhS8REYCEhAT06dOnq8MwmpmZGQ4ePHjPPnPmzMH06dM7JR4iou6IhS8R9Rhz5syBmZlZi0dJSUlXh4aEhARdPAqFAgMGDMDcuXPxn//8p13mr6iowJQpUwAA5eXlMDMzQ35+vl6fjRs3IiEhoV2O15aVK1fqztPc3BxOTk5YsGABrl27ZtA8LNKJqCNYdHUARETtyd/fH7t27dJre+yxx7ooGn02NjYoKiqCVqvFmTNnMHfuXPz0009IT09/6LkdHBzu28fW1vahj/MgRo0ahYyMDDQ1NaGwsBDz5s1DdXU1kpOTO+X4RERt4YovEfUoKpUKDg4Oeg9zc3PEx8djzJgxsLa2hpOTE8LCwnDjxo025zlz5gwmTZoEtVoNGxsbuLu749SpU7rXs7OzMWHCBFhZWcHJyQmRkZG4efPmPWMzMzODg4MDNBoNpkyZgsjISGRkZKC2thZarRbvvvsuBgwYAJVKBVdXV6SlpenG1tfXIyIiAo6OjrC0tMSgQYMQFxenN3fzVofHH38cAPDkk0/CzMwMzzzzDAD9VdTt27dDo9FAq9XqxRgQEIB58+bpnh86dAhubm6wtLTEkCFDEBsbi8bGxnuep4WFBRwcHNC/f3/4+vri5ZdfxtGjR3WvNzU1ITQ0FI8//jisrKzg4uKCjRs36l5fuXIldu/ejUOHDulWjzMzMwEAly9fRmBgIPr06QM7OzsEBASgvLz8nvEQETVj4UtEJkGhUGDTpk04f/48du/eja+//hpvvvlmm/2Dg4MxYMAAnDx5Erm5uYiOjkavXr0AABcvXoS/vz9efPFFnD17FsnJycjOzkZERIRBMVlZWUGr1aKxsREbN27Ehg0bsH79epw9exZ+fn54/vnn8f333wMANm3ahMOHD2Pv3r0oKipCYmIiBg8e3Oq83333HQAgIyMDFRUV2L9/f4s+L7/8Mq5evYpvvvlG13bt2jWkpaUhODgYAJCVlYXZs2dj8eLFKCgowLZt25CQkIDVq1c/8DmWl5cjPT0dSqVS16bVajFgwADs27cPBQUFWLFiBZYuXYq9e/cCAF5//XUEBgbC398fFRUVqKiogI+PDxoaGuDn5we1Wo2srCzk5OTgkUcegb+/P+rr6x84JiIyYUJE1EOEhISIubm5WFtb6x4vvfRSq3337dsnv/nNb3TPd+3aJba2trrnarVaEhISWh0bGhoqCxYs0GvLysoShUIhtbW1rY65e/7i4mJxdnYWDw8PERHRaDSyevVqvTGenp4SFhYmIiKLFi2SyZMni1arbXV+AHLgwAERESkrKxMAkpeXp9cnJCREAgICdM8DAgJk3rx5uufbtm0TjUYjTU1NIiLyu9/9TtasWaM3x549e8TR0bHVGEREYmJiRKFQiLW1tVhaWgoAASDx8fFtjhERCQ8PlxdffLHNWJuP7eLiovce3L59W6ysrCQ9Pf2e8xMRiYhwjy8R9SiTJk3CJ598ontubW0N4M7qZ1xcHC5cuICamho0Njairq4Ot27dQu/evVvMExUVhVdffRV79uzR/bp+6NChAO5sgzh79iwSExN1/UUEWq0WZWVlGDlyZKuxVVdX45FHHoFWq0VdXR2efvpp7NixAzU1Nfjpp58wfvx4vf7jx4/HmTNnANzZpvD73/8eLi4u8Pf3x3PPPYc//OEPD/VeBQcHY/78+fj444+hUqmQmJiIP/7xj1AoFLrzzMnJ0VvhbWpquuf7BgAuLi44fPgw6urq8Le//Q35+flYtGiRXp8tW7Zg586duHTpEmpra1FfXw9XV9d7xnvmzBmUlJRArVbrtdfV1eHixYtGvANEZGpY+BJRj2JtbY1hw4bptZWXl+O5557Da6+9htWrV8POzg7Z2dkIDQ1FfX19qwXcypUrMXPmTKSkpODLL79ETEwMkpKS8MILL+DGjRtYuHAhIiMjW4wbOHBgm7Gp1WqcPn0aCoUCjo6OsLKyAgDU1NTc97zc3NxQVlaGL7/8EhkZGQgMDISvry+++OKL+45ty7Rp0yAiSElJgaenJ7KysvDhhx/qXr9x4wZiY2MxY8aMFmMtLS3bnFepVOpysHbtWkydOhWxsbFYtWoVACApKQmvv/46NmzYAG9vb6jVanzwwQf417/+dc94b9y4AXd3d70fOJp1lwsYiah7Y+FLRD1ebm4utFotNmzYoFvNbN5Pei/Ozs5wdnbGkiVL8Morr2DXrl144YUX4ObmhoKCghYF9v0oFIpWx9jY2ECj0SAnJwcTJ07Utefk5GDcuHF6/YKCghAUFISXXnoJ/v7+uHbtGuzs7PTma95P29TUdM94LC0tMWPGDCQmJqKkpAQuLi5wc3PTve7m5oaioiKDz/Nuy5cvx+TJk/Haa6/pztPHxwdhYWG6Pnev2CqVyhbxu7m5ITk5Gfb29rCxsXmomIjINPHiNiLq8YYNG4aGhgZs3rwZpaWl2LNnD7Zu3dpm/9raWkRERCAzMxM//PADcnJycPLkSd0WhrfeegvHjx9HREQE8vPz8f333+PQoUMGX9z2S2+88Qbef/99JCcno6ioCNHR0cjPz8fixYsBAPHx8fj8889x4cIFFBcXY9++fXBwcGj1Szfs7e1hZWWFtLQ0VFVVobq6us3jBgcHIyUlBTt37tRd1NZsxYoV+Otf/4rY2FicP38ehYWFSEpKwvLlyw06N29vb4wdOxZr1qwBAAwfPhynTp1Ceno6iouL8c477+DkyZN6YwYPHoyzZ8+iqKgIV65cQUNDA4KDg9G3b18EBAQgKysLZWVlyMzMRGRkJH788UeDYiIi08TCl4h6vCeeeALx8fF4//33MXr0aCQmJurdCuxu5ubmuHr1KmbPng1nZ2cEBgZiypQpiI2NBQCMHTsW//jHP1BcXIwJEybgySefxIoVK6DRaIyOMTIyElFRUfjzn/+MMWPGIC0tDYcPH8bw4cMB3NkmsW7dOnh4eMDT0xPl5eVITU3VrWD/koWFBTZt2oRt27ZBo9EgICCgzeNOnjwZdnZ2KCoqwsyZM/Ve8/Pzw5EjR/DVV1/B09MTTz31FD788EMMGjTI4PNbsmQJduzYgcuXL2PhwoWYMWMGgoKC4OXlhatXr+qt/gLA/Pnz4eLiAg8PDzz22GPIyclB79698e2332LgwIGYMWMGRo4cidDQUNTV1XEFmIgeiJmISFcHQURERETU0bjiS0REREQmgYUvEREREZkEFr5EREREZBJY+BIRERGRSWDhS0REREQmgYUvEREREZkEFr5EREREZBJY+BIRERGRSWDhS0REREQmgYUvEREREZkEFr5EREREZBL+D5exUhMpAEx7AAAAAElFTkSuQmCC", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "plot_roc_curve(y_test, y_pred)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "#### Standardized data" + ] + }, + { + "cell_type": "code", + "execution_count": 121, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Time taken for GridSearchCV: 12.75 seconds\n", + "Best Hyperparameters:\n", + "{'metric': 'manhattan', 'n_neighbors': 9, 'weights': 'uniform'}\n", + "\n", + "Time taken for training with best hyperparameters: 0.51 seconds\n", + "\n", + "Mean Accuracy: 0.8146749654218535\n", + "Standard Deviation of Accuracy: 0.028345736805029095\n", + "Mean Precision: 0.7763764918358598\n", + "Standard Deviation of Precision: 0.04938355482155652\n", + "Mean Recall: 0.6461357625624449\n", + "Standard Deviation of Recall: 0.05529803012408481\n", + "Mean F1-score: 0.704225329880496\n", + "Standard Deviation of F1-score: 0.04728772331593986\n", + "Mean ROC AUC: 0.7743054850867533\n", + "Standard Deviation of ROC AUC: 0.0330882710529744\n", + "\n", + "Total time taken: 13.27 seconds\n" + ] + } + ], + "source": [ + "from sklearn.neighbors import KNeighborsClassifier\n", + "from sklearn.model_selection import StratifiedKFold, GridSearchCV\n", + "from sklearn.metrics import accuracy_score, precision_score, recall_score, f1_score, roc_auc_score, confusion_matrix\n", + "import numpy as np\n", + "import time\n", + "\n", + "start_total_time = time.time()\n", + "\n", + "kf = StratifiedKFold(n_splits=10, shuffle=True, random_state=42)\n", + "\n", + "model = KNeighborsClassifier()\n", + "\n", + "param_grid = {\n", + " 'n_neighbors': [3, 5, 7, 9, 11],\n", + " 'weights': ['uniform', 'distance'],\n", + " 'metric': ['euclidean', 'manhattan', 'minkowski']\n", + "}\n", + "\n", + "grid_search = GridSearchCV(estimator=model, param_grid=param_grid, cv=kf, scoring='accuracy')\n", + "\n", + "start_time = time.time()\n", + "\n", + "grid_search.fit(standard(x), y)\n", + "\n", + "grid_search_time = time.time() - start_time\n", + "print(f\"Time taken for GridSearchCV: {grid_search_time:.2f} seconds\")\n", + "\n", + "best_params = grid_search.best_params_\n", + "\n", + "print(\"Best Hyperparameters:\")\n", + "print(best_params)\n", + "print()\n", + "\n", + "best_model = grid_search.best_estimator_\n", + "\n", + "start_time = time.time()\n", + "\n", + "accuracy_scores = []\n", + "precision_scores = []\n", + "recall_scores = []\n", + "f1_scores = []\n", + "roc_auc_scores = []\n", + "confusion_matrices = []\n", + "\n", + "for train_index, test_index in kf.split(standard(x), y):\n", + " X_train, X_test = x.iloc[train_index], x.iloc[test_index]\n", + " y_train, y_test = y.iloc[train_index], y.iloc[test_index]\n", + "\n", + " best_model.fit(X_train, y_train)\n", + "\n", + " y_pred = best_model.predict(X_test)\n", + "\n", + " accuracy = accuracy_score(y_test, y_pred)\n", + " accuracy_scores.append(accuracy)\n", + " \n", + " precision = precision_score(y_test, y_pred)\n", + " precision_scores.append(precision)\n", + " \n", + " recall = recall_score(y_test, y_pred)\n", + " recall_scores.append(recall)\n", + " \n", + " f1 = f1_score(y_test, y_pred)\n", + " f1_scores.append(f1)\n", + " \n", + " roc_auc = roc_auc_score(y_test, y_pred)\n", + " roc_auc_scores.append(roc_auc)\n", + " \n", + " confusion = confusion_matrix(y_test, y_pred)\n", + " confusion_matrices.append(confusion)\n", + "\n", + "training_time = time.time() - start_time\n", + "print(f\"Time taken for training with best hyperparameters: {training_time:.2f} seconds\")\n", + "print()\n", + "\n", + "mean_accuracy = np.mean(accuracy_scores)\n", + "std_accuracy = np.std(accuracy_scores)\n", + "\n", + "mean_precision = np.mean(precision_scores)\n", + "std_precision = np.std(precision_scores)\n", + "\n", + "mean_recall = np.mean(recall_scores)\n", + "std_recall = np.std(recall_scores)\n", + "\n", + "mean_f1 = np.mean(f1_scores)\n", + "std_f1 = np.std(f1_scores)\n", + "\n", + "mean_roc_auc = np.mean(roc_auc_scores)\n", + "std_roc_auc = np.std(roc_auc_scores)\n", + "\n", + "print(f\"Mean Accuracy: {mean_accuracy}\")\n", + "print(f\"Standard Deviation of Accuracy: {std_accuracy}\")\n", + "\n", + "print(f\"Mean Precision: {mean_precision}\")\n", + "print(f\"Standard Deviation of Precision: {std_precision}\")\n", + "\n", + "print(f\"Mean Recall: {mean_recall}\")\n", + "print(f\"Standard Deviation of Recall: {std_recall}\")\n", + "\n", + "print(f\"Mean F1-score: {mean_f1}\")\n", + "print(f\"Standard Deviation of F1-score: {std_f1}\")\n", + "\n", + "print(f\"Mean ROC AUC: {mean_roc_auc}\")\n", + "print(f\"Standard Deviation of ROC AUC: {std_roc_auc}\")\n", + "print()\n", + "\n", + "total_time = time.time() - start_total_time\n", + "print(f\"Total time taken: {total_time:.2f} seconds\")" + ] + }, + { + "cell_type": "code", + "execution_count": 122, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "x_train: (1800, 13)\n", + "y_train: (1800,)\n", + "x_test: (601, 13)\n", + "y_test: (601,)\n" + ] + } + ], + "source": [ + "from sklearn.model_selection import train_test_split\n", + "\n", + "x_train, x_test, y_train, y_test = train_test_split(x,y,test_size=0.25,random_state=42)\n", + "\n", + "print(\"x_train:\",x_train.shape)\n", + "print(\"y_train:\",y_train.shape)\n", + "print(\"x_test:\",x_test.shape)\n", + "print(\"y_test:\",y_test.shape)" + ] + }, + { + "cell_type": "code", + "execution_count": 123, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Accuracy: 0.8119800332778702\n", + "Precision: 0.7791411042944786\n", + "Recall: 0.6225490196078431\n", + "F1 Score: 0.6920980926430519\n", + "ROC AUC Score: 0.7659344594260878\n", + "Confusion Matrix:\n", + "[[361 36]\n", + " [ 77 127]]\n" + ] + } + ], + "source": [ + "model = grid_search.best_estimator_\n", + "\n", + "model.fit(x_train, y_train)\n", + "\n", + "y_pred = model.predict(x_test)\n", + "\n", + "y_pred = (y_pred >= 0.5).astype(int)\n", + "\n", + "print(\"Accuracy:\", accuracy_score(y_test, y_pred))\n", + "print(\"Precision:\", precision_score(y_test, y_pred))\n", + "print(\"Recall:\", recall_score(y_test, y_pred))\n", + "print(\"F1 Score:\", f1_score(y_test, y_pred))\n", + "print(\"ROC AUC Score:\", roc_auc_score(y_test, y_pred))\n", + "print(\"Confusion Matrix:\")\n", + "print(confusion_matrix(y_test, y_pred))" + ] + }, + { + "cell_type": "code", + "execution_count": 124, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAokAAAIjCAYAAABvUIGpAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8pXeV/AAAACXBIWXMAAA9hAAAPYQGoP6dpAABHUklEQVR4nO3df3zN9f//8fvZ2LGNbYb9CvN7LD9TacmvsPkZb3pLlJEfpVEZ0npHflTrrR9KQj+R6HeIkob86G35lSEhY0Wx+ZWNaTPb6/tHH+fb8ZrssONszu36vrwuF+f1ep7XeZzzfpfH+/58nuexGIZhCAAAAPgbD1cXAAAAgJKHJhEAAAAmNIkAAAAwoUkEAACACU0iAAAATGgSAQAAYEKTCAAAABOaRAAAAJjQJAIAAMCEJhHAP9q3b5+io6Pl7+8vi8WixYsXF+v9f/nlF1ksFs2dO7dY71uatW3bVm3btnV1GQDcHE0iUArs379fDz74oGrVqqVy5crJz89PLVu21Kuvvqo///zTqa8dGxurnTt36tlnn9X8+fN18803O/X1rqWBAwfKYrHIz8+v0M9x3759slgsslgsevHFFx2+/+HDhzVx4kSlpKQUQ7UAcG2VcXUBAP7Zl19+qX//+9+yWq0aMGCAGjZsqHPnzum7777T2LFjtWvXLr355ptOee0///xTycnJ+s9//qMRI0Y45TXCw8P1559/qmzZsk65/+WUKVNGZ8+e1dKlS9WnTx+7awsWLFC5cuWUk5NzRfc+fPiwJk2apBo1aqhp06ZFft4333xzRa8HAMWJJhEowdLS0tS3b1+Fh4dr9erVCg0NtV2Li4tTamqqvvzyS6e9/rFjxyRJAQEBTnsNi8WicuXKOe3+l2O1WtWyZUt98MEHpiZx4cKF6tq1qz777LNrUsvZs2fl4+MjLy+va/J6APBPmG4GSrCpU6fqzJkzeuedd+waxAvq1KmjRx991Pb4/PnzmjJlimrXri2r1aoaNWroySefVG5urt3zatSooW7duum7777TrbfeqnLlyqlWrVp67733bGMmTpyo8PBwSdLYsWNlsVhUo0YNSX9N0174899NnDhRFovF7lxSUpLuuOMOBQQEqHz58oqIiNCTTz5pu36pNYmrV69Wq1at5Ovrq4CAAPXo0UO7d+8u9PVSU1M1cOBABQQEyN/fX4MGDdLZs2cv/cFepF+/flq+fLlOnTplO7d582bt27dP/fr1M40/efKkxowZo0aNGql8+fLy8/NT586dtX37dtuYNWvW6JZbbpEkDRo0yDZtfeF9tm3bVg0bNtTWrVvVunVr+fj42D6Xi9ckxsbGqly5cqb3HxMTo4oVK+rw4cNFfq8AUFQ0iUAJtnTpUtWqVUu33357kcYPGTJEEyZM0E033aRp06apTZs2SkxMVN++fU1jU1NTdffdd6tjx4566aWXVLFiRQ0cOFC7du2SJPXq1UvTpk2TJN17772aP3++XnnlFYfq37Vrl7p166bc3FxNnjxZL730ku666y7973//+8fnrVy5UjExMTp69KgmTpyo+Ph4bdiwQS1bttQvv/xiGt+nTx+dPn1aiYmJ6tOnj+bOnatJkyYVuc5evXrJYrHo888/t51buHCh6tevr5tuusk0/sCBA1q8eLG6deuml19+WWPHjtXOnTvVpk0bW8PWoEEDTZ48WZI0bNgwzZ8/X/Pnz1fr1q1t9zlx4oQ6d+6spk2b6pVXXlG7du0Kre/VV19VlSpVFBsbq/z8fEnSG2+8oW+++UavvfaawsLCivxeAaDIDAAlUmZmpiHJ6NGjR5HGp6SkGJKMIUOG2J0fM2aMIclYvXq17Vx4eLghyVi3bp3t3NGjRw2r1WqMHj3adi4tLc2QZLzwwgt294yNjTXCw8NNNTz99NPG3/+1Mm3aNEOScezYsUvWfeE15syZYzvXtGlTIygoyDhx4oTt3Pbt2w0PDw9jwIABptd74IEH7O75r3/9y6hUqdIlX/Pv78PX19cwDMO4++67jfbt2xuGYRj5+flGSEiIMWnSpEI/g5ycHCM/P9/0PqxWqzF58mTbuc2bN5ve2wVt2rQxJBmzZ88u9FqbNm3szq1YscKQZDzzzDPGgQMHjPLlyxs9e/a87HsEgCtFkgiUUFlZWZKkChUqFGn8V199JUmKj4+3Oz969GhJMq1djIyMVKtWrWyPq1SpooiICB04cOCKa77YhbWMS5YsUUFBQZGec+TIEaWkpGjgwIEKDAy0nW/cuLE6duxoe59/99BDD9k9btWqlU6cOGH7DIuiX79+WrNmjdLT07V69Wqlp6cXOtUs/bWO0cPjr3995ufn68SJE7ap9B9++KHIr2m1WjVo0KAijY2OjtaDDz6oyZMnq1evXipXrpzeeOONIr8WADiKJhEoofz8/CRJp0+fLtL4X3/9VR4eHqpTp47d+ZCQEAUEBOjXX3+1O1+9enXTPSpWrKg//vjjCis2u+eee9SyZUsNGTJEwcHB6tu3rz7++ON/bBgv1BkREWG61qBBAx0/flzZ2dl25y9+LxUrVpQkh95Lly5dVKFCBX300UdasGCBbrnlFtNneUFBQYGmTZumunXrymq1qnLlyqpSpYp27NihzMzMIr/mDTfc4NCXVF588UUFBgYqJSVF06dPV1BQUJGfCwCOokkESig/Pz+FhYXpxx9/dOh5F39x5FI8PT0LPW8YxhW/xoX1chd4e3tr3bp1Wrlype6//37t2LFD99xzjzp27GgaezWu5r1cYLVa1atXL82bN0+LFi26ZIooSc8995zi4+PVunVrvf/++1qxYoWSkpJ04403Fjkxlf76fByxbds2HT16VJK0c+dOh54LAI6iSQRKsG7dumn//v1KTk6+7Njw8HAVFBRo3759duczMjJ06tQp2zeVi0PFihXtvgl8wcVppSR5eHioffv2evnll/XTTz/p2Wef1erVq/Xtt98Weu8Lde7du9d0bc+ePapcubJ8fX2v7g1cQr9+/bRt2zadPn260C/7XPDpp5+qXbt2euedd9S3b19FR0erQ4cOps+kqA17UWRnZ2vQoEGKjIzUsGHDNHXqVG3evLnY7g8AF6NJBEqwxx9/XL6+vhoyZIgyMjJM1/fv369XX31V0l/TpZJM30B++eWXJUldu3Yttrpq166tzMxM7dixw3buyJEjWrRokd24kydPmp57YVPpi7fluSA0NFRNmzbVvHnz7JquH3/8Ud98843tfTpDu3btNGXKFM2YMUMhISGXHOfp6WlKKT/55BP9/vvvducuNLOFNdSOGjdunA4ePKh58+bp5ZdfVo0aNRQbG3vJzxEArhabaQMlWO3atbVw4ULdc889atCggd0vrmzYsEGffPKJBg4cKElq0qSJYmNj9eabb+rUqVNq06aNNm3apHnz5qlnz56X3F7lSvTt21fjxo3Tv/71Lz3yyCM6e/asZs2apXr16tl9cWPy5Mlat26dunbtqvDwcB09elQzZ85U1apVdccdd1zy/i+88II6d+6sqKgoDR48WH/++adee+01+fv7a+LEicX2Pi7m4eGhp5566rLjunXrpsmTJ2vQoEG6/fbbtXPnTi1YsEC1atWyG1e7dm0FBARo9uzZqlChgnx9fdWiRQvVrFnTobpWr16tmTNn6umnn7ZtyTNnzhy1bdtW48eP19SpUx26HwAUiYu/XQ2gCH7++Wdj6NChRo0aNQwvLy+jQoUKRsuWLY3XXnvNyMnJsY3Ly8szJk2aZNSsWdMoW7asUa1aNSMhIcFujGH8tQVO165dTa9z8dYrl9oCxzAM45tvvjEaNmxoeHl5GREREcb7779v2gJn1apVRo8ePYywsDDDy8vLCAsLM+69917j559/Nr3GxdvErFy50mjZsqXh7e1t+Pn5Gd27dzd++uknuzEXXu/iLXbmzJljSDLS0tIu+Zkahv0WOJdyqS1wRo8ebYSGhhre3t5Gy5YtjeTk5EK3rlmyZIkRGRlplClTxu59tmnTxrjxxhsLfc2/3ycrK8sIDw83brrpJiMvL89u3KhRowwPDw8jOTn5H98DAFwJi2E4sLIbAAAAboE1iQAAADChSQQAAIAJTSIAAABMaBIBAABgQpMIAAAAE5pEAAAAmNAkAgAAwOS6/MUV72YjXF0CACf5Y/MMV5cAwEnKubArcWbv8Oe20vnvLZJEAAAAmFyXSSIAAIBDLORmF6NJBAAAsFhcXUGJQ9sMAAAAE5JEAAAApptN+EQAAABgQpIIAADAmkQTkkQAAACYkCQCAACwJtGETwQAAAAmNIkAAAAWi/MOB8yaNUuNGzeWn5+f/Pz8FBUVpeXLl9uut23bVhaLxe546KGH7O5x8OBBde3aVT4+PgoKCtLYsWN1/vx5hz8SppsBAABKyHRz1apV9fzzz6tu3boyDEPz5s1Tjx49tG3bNt14442SpKFDh2ry5Mm25/j4+Nj+nJ+fr65duyokJEQbNmzQkSNHNGDAAJUtW1bPPfecQ7XQJAIAAJQQ3bt3t3v87LPPatasWfr+++9tTaKPj49CQkIKff4333yjn376SStXrlRwcLCaNm2qKVOmaNy4cZo4caK8vLyKXEvJaJsBAABcyYnTzbm5ucrKyrI7cnNzL1tSfn6+PvzwQ2VnZysqKsp2fsGCBapcubIaNmyohIQEnT171nYtOTlZjRo1UnBwsO1cTEyMsrKytGvXLoc+EppEAAAAJ0pMTJS/v7/dkZiYeMnxO3fuVPny5WW1WvXQQw9p0aJFioyMlCT169dP77//vr799lslJCRo/vz5uu+++2zPTU9Pt2sQJdkep6enO1Q3080AAABOXJOYkJCg+Ph4u3NWq/WS4yMiIpSSkqLMzEx9+umnio2N1dq1axUZGalhw4bZxjVq1EihoaFq37699u/fr9q1axdr3TSJAAAATmS1Wv+xKbyYl5eX6tSpI0lq3ry5Nm/erFdffVVvvPGGaWyLFi0kSampqapdu7ZCQkK0adMmuzEZGRmSdMl1jJfCdDMAAEAJ2QKnMAUFBZdcw5iSkiJJCg0NlSRFRUVp586dOnr0qG1MUlKS/Pz8bFPWRUWSCAAAUEIkJCSoc+fOql69uk6fPq2FCxdqzZo1WrFihfbv36+FCxeqS5cuqlSpknbs2KFRo0apdevWaty4sSQpOjpakZGRuv/++zV16lSlp6frqaeeUlxcnENppkSTCAAAUGL2STx69KgGDBigI0eOyN/fX40bN9aKFSvUsWNHHTp0SCtXrtQrr7yi7OxsVatWTb1799ZTTz1le76np6eWLVum4cOHKyoqSr6+voqNjbXbV7GoLIZhGMX55koC72YjXF0CACf5Y/MMV5cAwEnKuTC68m41wWn3/nO94w1aSVAy2mYAAACUKEw3AwAAlJDp5pKETwQAAAAmJIkAAAAkiSZ8IgAAADAhSQQAAPC4+k2vrzckiQAAADAhSQQAAGBNoglNIgAAQDH8xvL1hrYZAAAAJiSJAAAATDeb8IkAAADAhCQRAACANYkmJIkAAAAwIUkEAABgTaIJnwgAAABMSBIBAABYk2hCkwgAAMB0swmfCAAAAExIEgEAAJhuNiFJBAAAgAlJIgAAAGsSTfhEAAAAYEKSCAAAwJpEE5JEAAAAmJAkAgAAsCbRhCYRAACAJtGETwQAAAAmJIkAAAB8ccWEJBEAAAAmJIkAAACsSTThEwEAAIAJSSIAAABrEk1IEgEAAGBCkggAAMCaRBOaRAAAAKabTWibAQAAYEKSCAAA3J6FJNGEJBEAAAAmJIkAAMDtkSSakSQCAADAhCQRAACAINGEJBEAAAAmJIkAAMDtsSbRjCYRAAC4PZpEM6abAQAAYEKSCAAA3B5JohlJIgAAAExIEgEAgNsjSTQjSQQAAIAJSSIAAABBoglJIgAAAExIEgEAgNtjTaIZSSIAAABMSBIBAIDbI0k0o0kEAABujybRjOlmAAAAmJAkAgAAt0eSaEaSCAAAABOSRAAAAIJEE5JEAAAAmNAkAgAAt2exWJx2OGLWrFlq3Lix/Pz85Ofnp6ioKC1fvtx2PScnR3FxcapUqZLKly+v3r17KyMjw+4eBw8eVNeuXeXj46OgoCCNHTtW58+fd/gzoUkEAAAoIapWrarnn39eW7du1ZYtW3TnnXeqR48e2rVrlyRp1KhRWrp0qT755BOtXbtWhw8fVq9evWzPz8/PV9euXXXu3Dlt2LBB8+bN09y5czVhwgSHa7EYhmEU2zsrIbybjXB1CQCc5I/NM1xdAgAnKefCb0pUGfSR0+792+yeys3NtTtntVpltVqL9PzAwEC98MILuvvuu1WlShUtXLhQd999tyRpz549atCggZKTk3Xbbbdp+fLl6tatmw4fPqzg4GBJ0uzZszVu3DgdO3ZMXl5eRa6bJBEAALg9Z043JyYmyt/f3+5ITEy8bE35+fn68MMPlZ2draioKG3dulV5eXnq0KGDbUz9+vVVvXp1JScnS5KSk5PVqFEjW4MoSTExMcrKyrKlkUXFt5sBAACcKCEhQfHx8Xbn/ilF3Llzp6KiopSTk6Py5ctr0aJFioyMVEpKiry8vBQQEGA3Pjg4WOnp6ZKk9PR0uwbxwvUL1xxBkwgAAODELXAcmVqWpIiICKWkpCgzM1OffvqpYmNjtXbtWucVeAk0iQAAACWIl5eX6tSpI0lq3ry5Nm/erFdffVX33HOPzp07p1OnTtmliRkZGQoJCZEkhYSEaNOmTXb3u/Dt5wtjioo1iQAAwO2VlC1wClNQUKDc3Fw1b95cZcuW1apVq2zX9u7dq4MHDyoqKkqSFBUVpZ07d+ro0aO2MUlJSfLz81NkZKRDr0uSCAAAUEIkJCSoc+fOql69uk6fPq2FCxdqzZo1WrFihfz9/TV48GDFx8crMDBQfn5+GjlypKKionTbbbdJkqKjoxUZGan7779fU6dOVXp6up566inFxcU5NOUt0SQCAAAUS+JXHI4ePaoBAwboyJEj8vf3V+PGjbVixQp17NhRkjRt2jR5eHiod+/eys3NVUxMjGbOnGl7vqenp5YtW6bhw4crKipKvr6+io2N1eTJkx2uhX0SAZQq7JMIXL9cuU9iyNBPnXbv9Lfudtq9nYkkEQAAuL2SkiSWJDSJAADA7dEkmvHtZgAAAJiQJAIAABAkmpAkAgAAwIQkEQAAuD3WJJqRJAIAAMCEJBEAALg9kkQzkkQAAACYkCQCAAC3R5JoRpMIAABAj2jCdDMAAABMSBIBAIDbY7rZjCQRAAAAJiSJAADA7ZEkmpEkAgAAwIQkESXO0H/foaF3t1J4WKAkafeBdD335nJ987+fbGNaNK6piXHddEujGsrPL9COn39X94dfV05uniTp8cEx6tzqRjWuV1Xnzp9XaOvHXfJeAFzexx8u1McffaDDv/8uSapdp64eHP6w7mjVxjZme8o2vfbqNO3cuUOeHh6KqN9As958R+XKlXNV2bjOkCSa0SSixPk945TGv7ZEqQePySKL7uveQp9MG6bb+j6v3QfS1aJxTS2Z8bBenPON4v/7ic7nF6hxvRtUUGDY7uFV1lOfJ23Txh1piu0Z5cJ3A+BygoJD9OioMaoeHi7DMLR0yWI9OiJOH322SHXq1NX2lG16+MEhemDIg3riP+NVxtNTe/fukYcHk2GAM9EkosT5at2Pdo8nvr5UQ/99h25tXFO7D6Rr6uhemvnhGr04J8k2Zt+vR+2e88zsryRJ93Vv4fyCAVyVtu3utHs88tFR+vjDD7Rje4rq1KmrF/6bqHv736/BQ4fZxtSoWetal4nrHEmimUubxOPHj+vdd99VcnKy0tPTJUkhISG6/fbbNXDgQFWpUsWV5aEE8PCwqHfHm+Tr7aWNO9JUpWJ53dq4pj5cvkXfzo1XzaqV9fMvGZo4Y6k2pBxwdbkArlJ+fr6+WfG1/vzzrJo0aaYTJ05o547t6tKtuwb076tDhw6qZs1aGvHIY7qp+c2uLhfXE3pEE5c1iZs3b1ZMTIx8fHzUoUMH1atXT5KUkZGh6dOn6/nnn9eKFSt0883//C+B3Nxc5ebm2p0zCvJl8fB0Wu1wvhvrhGnNvNEq51VGZ/7M1T2j39KeA+m6tVENSdJ/HuyihGmLtGPvb+rf7VZ99cZINf/3c9p/8JhrCwdwRfb9vFf39+urc+dy5ePjo2nTX1ftOnW0Y3uKJGn26zMUP/ZxRdRvoGVLFmvY4IH6bMkyhYfXcGndwPXMZU3iyJEj9e9//1uzZ882RbyGYeihhx7SyJEjlZyc/I/3SUxM1KRJk+zOeQbforKhtxZ7zbh2fv4lQy36Jsq/vLf+1aGZ3pp8v6KHvCoPj7/+t/LOZ99p/hffS5K27/1NbW+NUGyPKE147QtXlg3gCtWoUVMff7ZYZ86cVtI3KzT+yXF6Z+77KigokCTd3ece9fxXb0lSgwaR2rgxWYs//0yPjhrtyrJxHWG62cxlq363b9+uUaNGFfpfisVi0ahRo5SSknLZ+yQkJCgzM9PuKBPc3AkV41rKO5+vA4eOa9vuQ5rw2hfa+fPviru3rY4cy5L01zee/25vWrqqhVR0RakAikFZLy9VDw9X5I0N9eio0aoXUV8L3n9Plf9v2VGt2rXtxtesVVvpRw67olTAbbisSQwJCdGmTZsueX3Tpk0KDg6+7H2sVqv8/PzsDqaarz8eFousXmX06+ETOnz0lOrVCLK7Xic8SAePnHRRdQCKW0FBgfLOndMNN1RVlaAg/ZKWZnf9119+UWjYDS6qDtcji8XitKO0ctl085gxYzRs2DBt3bpV7du3tzWEGRkZWrVqld566y29+OKLrioPLjR55F1a8b9dOnTkD1XwLad7Ot+s1jfXVfeHZ0qSps1bqace6qqdP/+u7Xt/033dWyiiRrD6jX3Hdo9qIRVV0c9H1UIrytPDQ43r/fWXyf5Dx5T95zmXvC8AhXt12ku6o1VrhYSG6mx2tr76cpm2bN6kWW++I4vFooGDBmvW668pIqK+Iuo30BdLFumXtAN6adp0V5cOXNdc1iTGxcWpcuXKmjZtmmbOnKn8/HxJkqenp5o3b665c+eqT58+rioPLlQlsLzemTJAIZX9lHkmRz/u+13dH56p1Rv3SJJmLFyjctaymjq6tyr6+2jnz7+r2/AZSvvtuO0e44d31f133WZ7vPGjBElS9JBXtX7rvmv7hgD8o5MnT+iphHE6duyoyleooHr1IjTrzXcUdXtLSdJ9AwYqN/ecXpiaqMzMTEVE1Nfst95VterVXVw5rielOPBzGothGMblhzlXXl6ejh//6y/4ypUrq2zZsld1P+9mI4qjLAAl0B+bZ7i6BABOUs6FG/PVGbPcafdOfbGz0+7tTCViM+2yZcsqNDTU1WUAAAA3VZrXDjpLiWgSAQAAXIke0YwfvgQAAIAJSSIAAHB7TDebkSQCAADAhCQRAAC4PYJEM5JEAAAAmJAkAgAAt+fhQZR4MZJEAAAAmJAkAgAAt8eaRDOaRAAA4PbYAseM6WYAAACYkCQCAAC3R5BoRpIIAAAAE5JEAADg9liTaEaSCAAAABOSRAAA4PZIEs1IEgEAAGBCkggAANweQaIZTSIAAHB7TDebMd0MAAAAE5JEAADg9ggSzUgSAQAAYEKSCAAA3B5rEs1IEgEAAGBCkggAANweQaIZSSIAAABMSBIBAIDbY02iGUkiAAAATEgSAQCA2yNINKNJBAAAbo/pZjOmmwEAAGBCkggAANweQaIZSSIAAEAJkZiYqFtuuUUVKlRQUFCQevbsqb1799qNadu2rSwWi93x0EMP2Y05ePCgunbtKh8fHwUFBWns2LE6f/68Q7WQJAIAALdXUtYkrl27VnFxcbrlllt0/vx5Pfnkk4qOjtZPP/0kX19f27ihQ4dq8uTJtsc+Pj62P+fn56tr164KCQnRhg0bdOTIEQ0YMEBly5bVc889V+RaaBIBAABKiK+//tru8dy5cxUUFKStW7eqdevWtvM+Pj4KCQkp9B7ffPONfvrpJ61cuVLBwcFq2rSppkyZonHjxmnixIny8vIqUi1MNwMAALdnsTjvyM3NVVZWlt2Rm5tbpLoyMzMlSYGBgXbnFyxYoMqVK6thw4ZKSEjQ2bNnbdeSk5PVqFEjBQcH287FxMQoKytLu3btKvJnQpMIAADgRImJifL397c7EhMTL/u8goICPfbYY2rZsqUaNmxoO9+vXz+9//77+vbbb5WQkKD58+frvvvus11PT0+3axAl2R6np6cXuW6mmwEAgNtz5prEhIQExcfH252zWq2XfV5cXJx+/PFHfffdd3bnhw0bZvtzo0aNFBoaqvbt22v//v2qXbt28RQtmkQAAACnboFjtVqL1BT+3YgRI7Rs2TKtW7dOVatW/cexLVq0kCSlpqaqdu3aCgkJ0aZNm+zGZGRkSNIl1zEWhulmAACAEsIwDI0YMUKLFi3S6tWrVbNmzcs+JyUlRZIUGhoqSYqKitLOnTt19OhR25ikpCT5+fkpMjKyyLWQJAIAALdXUrbAiYuL08KFC7VkyRJVqFDBtobQ399f3t7e2r9/vxYuXKguXbqoUqVK2rFjh0aNGqXWrVurcePGkqTo6GhFRkbq/vvv19SpU5Wenq6nnnpKcXFxDiWaJIkAAAAlxKxZs5SZmam2bdsqNDTUdnz00UeSJC8vL61cuVLR0dGqX7++Ro8erd69e2vp0qW2e3h6emrZsmXy9PRUVFSU7rvvPg0YMMBuX8WiIEkEAABur6QkiYZh/OP1atWqae3atZe9T3h4uL766qurqoUkEQAAACYkiQAAwO2VkCCxRCFJBAAAgAlJIgAAcHslZU1iSUKTCAAA3B49ohnTzQAAADAhSQQAAG6P6WYzkkQAAACYkCQCAAC3R5BoRpIIAAAAE5JEAADg9jyIEk1IEgEAAGBCkggAANweQaIZTSIAAHB7bIFjxnQzAAAATEgSAQCA2/MgSDQhSQQAAIAJSSIAAHB7rEk0I0kEAACACUkiAABwewSJZiSJAAAAMCFJBAAAbs8iosSL0SQCAAC3xxY4Zkw3AwAAwIQkEQAAuD22wDEjSQQAAIAJSSIAAHB7BIlmJIkAAAAwIUkEAABuz4Mo0YQkEQAAACbF0iSeOnWqOG4DAADgEhaL847SyuEm8b///a8++ugj2+M+ffqoUqVKuuGGG7R9+/ZiLQ4AAOBasFgsTjtKK4ebxNmzZ6tatWqSpKSkJCUlJWn58uXq3Lmzxo4dW+wFAgAA4Npz+Isr6enptiZx2bJl6tOnj6Kjo1WjRg21aNGi2AsEAABwtlIc+DmNw0lixYoVdejQIUnS119/rQ4dOkiSDMNQfn5+8VYHAAAAl3A4SezVq5f69eununXr6sSJE+rcubMkadu2bapTp06xFwgAAOBsbIFj5nCTOG3aNNWoUUOHDh3S1KlTVb58eUnSkSNH9PDDDxd7gQAAALj2HG4Sy5YtqzFjxpjOjxo1qlgKAgAAuNbIEc2K1CR+8cUXRb7hXXfddcXFAAAAoGQoUpPYs2fPIt3MYrHw5RUAAFDqlOb9DJ2lSE1iQUGBs+sAAABwGQ96RJOr+lm+nJyc4qoDAAAAJYjDTWJ+fr6mTJmiG264QeXLl9eBAwckSePHj9c777xT7AUCAAA4Gz/LZ+Zwk/jss89q7ty5mjp1qry8vGznGzZsqLfffrtYiwMAAIBrONwkvvfee3rzzTfVv39/eXp62s43adJEe/bsKdbiAAAArgWLxXlHaeVwk/j7778X+ssqBQUFysvLK5aiAAAA4FoON4mRkZFav3696fynn36qZs2aFUtRAAAA1xJrEs0c/sWVCRMmKDY2Vr///rsKCgr0+eefa+/evXrvvfe0bNkyZ9QIAACAa8zhJLFHjx5aunSpVq5cKV9fX02YMEG7d+/W0qVL1bFjR2fUCAAA4FQeFucdpZXDSaIktWrVSklJScVdCwAAgEuU5mlhZ7miJlGStmzZot27d0v6a51i8+bNi60oAAAAuJbDTeJvv/2me++9V//73/8UEBAgSTp16pRuv/12ffjhh6patWpx1wgAAOBU5IhmDq9JHDJkiPLy8rR7926dPHlSJ0+e1O7du1VQUKAhQ4Y4o0YAAABcYw4niWvXrtWGDRsUERFhOxcREaHXXntNrVq1KtbiAAAArgUP1iSaOJwkVqtWrdBNs/Pz8xUWFlYsRQEAAMC1HG4SX3jhBY0cOVJbtmyxnduyZYseffRRvfjii8VaHAAAwLXAz/KZFWm6uWLFinZfDc/OzlaLFi1UpsxfTz9//rzKlCmjBx54QD179nRKoQAAALh2itQkvvLKK04uAwAAwHXYJ9GsSE1ibGyss+sAAABACXLFm2lLUk5Ojs6dO2d3zs/P76oKAgAAuNYIEs0c/uJKdna2RowYoaCgIPn6+qpixYp2BwAAQGnjYbE47XBEYmKibrnlFlWoUEFBQUHq2bOn9u7dazcmJydHcXFxqlSpksqXL6/evXsrIyPDbszBgwfVtWtX+fj4KCgoSGPHjtX58+cd+0wcGi3p8ccf1+rVqzVr1ixZrVa9/fbbmjRpksLCwvTee+85ejsAAAD8n7Vr1youLk7ff/+9kpKSlJeXp+joaGVnZ9vGjBo1SkuXLtUnn3yitWvX6vDhw+rVq5ften5+vrp27apz585pw4YNmjdvnubOnasJEyY4VIvFMAzDkSdUr15d7733ntq2bSs/Pz/98MMPqlOnjubPn68PPvhAX331lUMFOIN3sxGuLgGAk/yxeYarSwDgJOWuahHc1Xn485+cdu+ZvSKv+LnHjh1TUFCQ1q5dq9atWyszM1NVqlTRwoULdffdd0uS9uzZowYNGig5OVm33Xabli9frm7duunw4cMKDg6WJM2ePVvjxo3TsWPH5OXlVaTXdjhJPHnypGrVqiXpr/WHJ0+elCTdcccdWrdunaO3AwAAuK7l5uYqKyvL7sjNzS3SczMzMyVJgYGBkqStW7cqLy9PHTp0sI2pX7++qlevruTkZElScnKyGjVqZGsQJSkmJkZZWVnatWtXket2uEmsVauW0tLSbEV9/PHHkqSlS5cqICDA0dsBAAC4nMVicdqRmJgof39/uyMxMfGyNRUUFOixxx5Ty5Yt1bBhQ0lSenq6vLy8TD1XcHCw0tPTbWP+3iBeuH7hWlE5HOwOGjRI27dvV5s2bfTEE0+oe/fumjFjhvLy8vTyyy87ejsAAIDrWkJCguLj4+3OWa3Wyz4vLi5OP/74o7777jtnlfaPHG4SR40aZftzhw4dtGfPHm3dulV16tRR48aNi7W4K/VTEj8PCFyvNqSecHUJAJzkzvqVXPbaDk+tOsBqtRapKfy7ESNGaNmyZVq3bp2qVq1qOx8SEqJz587p1KlTdmliRkaGQkJCbGM2bdpkd78L336+MKYorvozCQ8PV69evUpMgwgAAFBaGYahESNGaNGiRVq9erVq1qxpd7158+YqW7asVq1aZTu3d+9eHTx4UFFRUZKkqKgo7dy5U0ePHrWNSUpKkp+fnyIji/4lmiIlidOnTy/yDR955JEijwUAACgJSsrP8sXFxWnhwoVasmSJKlSoYFtD6O/vL29vb/n7+2vw4MGKj49XYGCg/Pz8NHLkSEVFRem2226TJEVHRysyMlL333+/pk6dqvT0dD311FOKi4tzKNEs0hY4F3exl7yZxaIDBw4U+cWdJe14jqtLAOAkacezLz8IQKnkyunmx5bscdq9X+lRv8hjL9WszpkzRwMHDpT012bao0eP1gcffKDc3FzFxMRo5syZdlPJv/76q4YPH641a9bI19dXsbGxev7551WmTNFXGjq8T2JpQJMIXL9oEoHrF01iyeLCbSsBAABKBo+SMdtcojjzyzwAAAAopUgSAQCA2yspX1wpSUgSAQAAYEKSCAAA3B5rEs2uKElcv3697rvvPkVFRen333+XJM2fP99lPxsDAACA4uVwk/jZZ58pJiZG3t7e2rZtm3JzcyVJmZmZeu6554q9QAAAAGezWJx3lFYON4nPPPOMZs+erbfeektly5a1nW/ZsqV++OGHYi0OAADgWvCwWJx2lFYON4l79+5V69atTef9/f116tSp4qgJAAAALuZwkxgSEqLU1FTT+e+++061atUqlqIAAACuJQ8nHqWVw7UPHTpUjz76qDZu3CiLxaLDhw9rwYIFGjNmjIYPH+6MGgEAAHCNObwFzhNPPKGCggK1b99eZ8+eVevWrWW1WjVmzBiNHDnSGTUCAAA4VSleOug0DjeJFotF//nPfzR27FilpqbqzJkzioyMVPny5Z1RHwAAAFzgijfT9vLyUmRkZHHWAgAA4BKl+VvIzuJwk9iuXbt//H3D1atXX1VBAAAAcD2Hm8SmTZvaPc7Ly1NKSop+/PFHxcbGFlddAAAA1wxBopnDTeK0adMKPT9x4kSdOXPmqgsCAAC41vjtZrNi277nvvvu07vvvltctwMAAIALXfEXVy6WnJyscuXKFdftAAAArhm+uGLmcJPYq1cvu8eGYejIkSPasmWLxo8fX2yFAQAAwHUcbhL9/f3tHnt4eCgiIkKTJ09WdHR0sRUGAABwrRAkmjnUJObn52vQoEFq1KiRKlas6KyaAAAA4GIOfXHF09NT0dHROnXqlJPKAQAAuPY8LM47SiuHv93csGFDHThwwBm1AAAAoIRwuEl85plnNGbMGC1btkxHjhxRVlaW3QEAAFDaWJz4n9KqyGsSJ0+erNGjR6tLly6SpLvuusvu5/kMw5DFYlF+fn7xVwkAAOBEpXla2FmK3CROmjRJDz30kL799ltn1gMAAIASoMhNomEYkqQ2bdo4rRgAAABXIEk0c2hNooVNhAAAANyCQ/sk1qtX77KN4smTJ6+qIAAAgGuNIMzMoSZx0qRJpl9cAQAAwPXHoSaxb9++CgoKclYtAAAALsGaRLMir0kkhgUAAHAfDn+7GQAA4HpDFmZW5CaxoKDAmXUAAAC4jAddoonDP8sHAACA659DX1wBAAC4HvHFFTOSRAAAAJiQJAIAALfHkkQzkkQAAACYkCQCAAC35yGixIuRJAIAAMCEJBEAALg91iSa0SQCAAC3xxY4Zkw3AwAAwIQkEQAAuD1+ls+MJBEAAAAmJIkAAMDtESSakSQCAADAhCQRAAC4PdYkmpEkAgAAwIQkEQAAuD2CRDOaRAAA4PaYWjXjMwEAAIAJSSIAAHB7FuabTUgSAQAAYEKSCAAA3B45ohlJIgAAAExIEgEAgNtjM20zkkQAAACY0CQCAAC3Z3Hi4ah169ape/fuCgsLk8Vi0eLFi+2uDxw4UBaLxe7o1KmT3ZiTJ0+qf//+8vPzU0BAgAYPHqwzZ844VAdNIgAAcHsWi/MOR2VnZ6tJkyZ6/fXXLzmmU6dOOnLkiO344IMP7K73799fu3btUlJSkpYtW6Z169Zp2LBhDtXBmkQAAIASpHPnzurcufM/jrFarQoJCSn02u7du/X1119r8+bNuvnmmyVJr732mrp06aIXX3xRYWFhRaqDJBEAALi9i6dvi/PIzc1VVlaW3ZGbm3tV9a5Zs0ZBQUGKiIjQ8OHDdeLECdu15ORkBQQE2BpESerQoYM8PDy0cePGIr8GTSIAAIATJSYmyt/f3+5ITEy84vt16tRJ7733nlatWqX//ve/Wrt2rTp37qz8/HxJUnp6uoKCguyeU6ZMGQUGBio9Pb3Ir8N0MwAAcHvOTM0SEhIUHx9vd85qtV7x/fr27Wv7c6NGjdS4cWPVrl1ba9asUfv27a/4vhcjSQQAAHAiq9UqPz8/u+NqmsSL1apVS5UrV1ZqaqokKSQkREePHrUbc/78eZ08efKS6xgLQ5MIAADcnjPXJDrbb7/9phMnTig0NFSSFBUVpVOnTmnr1q22MatXr1ZBQYFatGhR5Psy3QwAAFCCnDlzxpYKSlJaWppSUlIUGBiowMBATZo0Sb1791ZISIj279+vxx9/XHXq1FFMTIwkqUGDBurUqZOGDh2q2bNnKy8vTyNGjFDfvn2L/M1miSQRAACgRG2mvWXLFjVr1kzNmjWTJMXHx6tZs2aaMGGCPD09tWPHDt11112qV6+eBg8erObNm2v9+vV2U9gLFixQ/fr11b59e3Xp0kV33HGH3nzzTcc+E8MwjCuov0RLO57j6hIAOEna8WxXlwDASe6sX8llr/1JymGn3fvfTYue3pUkTDcDAAC3dy3WDpY2NIkAAMDtsf7OjM8EAAAAJiSJAADA7THdbEaSCAAAABOSRAAA4PbIEc1IEgEAAGBCkggAANweSxLNSBIBAABgQpIIAADcngerEk1oEgEAgNtjutmM6WYAAACYkCQCAAC3Z2G62YQkEQAAACYkiQAAwO2xJtGMJBEAAAAmJIkAAMDtsQWOGUkiAAAATEgSAQCA22NNohlNIgAAcHs0iWZMNwMAAMCEJBEAALg9NtM2I0kEAACACUkiAABwex4EiSYkiQAAADAhSQQAAG6PNYlmJIkAAAAwIUkEAABuj30SzWgSAQCA22O62YzpZgAAAJiQJAIAALfHFjhmJIkAAAAwIUkEAABujzWJZiSJAAAAMCFJRKkwoHdnHU0/bDrfrdc9urtfrAbe3aXQ5z055QW1vjPa2eUBcMC+XduUtGihDqbuVeYfx/VgQqKa3tZGkpR//ry+WPCGftyarOPph+XtU171m9ysngOGK6BSFUnSzzt/0LSnRhR673Evvq0adSOv2XvB9YMtcMxoElEqTH97gQoKCmyPfzmQqicfe1Ct2nVUlaAQLfxild345Us+1acL5+mW2+641qUCuIzcnBzdUKOObm/fTW88n2B37Vxujg7u/1ld+gzSDTXq6Gz2aX3y1iua9ew4Jbz8riSpVv1Gen7uUrvnLV3wpvbs2KrwOg2u2fsArnc0iSgVAioG2j3+eP67Cr2hmho3u1kWi0WBlSrbXd+wbrVatY+Wt4/PtSwTQBE0bB6lhs2jCr3m7Vtej05+1e7cPQ/G679jhujksXQFVglRmbJl5V+xku16/vnz2r5pvdp1/bcsxEG4Qvwvx4w1iSh18vLytPqbLxXTtWehfyHs2/OT9u/bq07d/uWC6gAUtz+zs2WxWOTtW6HQ69s3rVf26SxFte96jSvD9cTDYnHaUVqV6Cbx0KFDeuCBB/5xTG5urrKysuyO3Nzca1QhXCF53WqdOXNaHbvcVej1FcsWqXqNWops1PTaFgag2OWdy9Wi92bq5lYd5e3jW+iYDSuXKbJZC1WsHHSNqwOubyW6STx58qTmzZv3j2MSExPl7+9vd8x69YVrVCFc4etli3TLbS1VqYr5L4Tc3Bx9m7RcMd16XvvCABSr/PPn9dbU8ZJh6N7hYwsd88fxo/pp20bd3qHbNa4O1xuLE4/SyqVrEr/44ot/vH7gwIHL3iMhIUHx8fF25w6fNq6qLpRcGemHlbJlo8Y/93Kh19d/m6TcnD/VvlP3a1wZgOL0V4P4lE4eS9djU167ZIqYvOpL+VbwU5NbW13jCoHrn0ubxJ49/1pTZhiXbuoutwjZarXKarXanTtxLqdY6kPJ882XS+RfMVC3RhX+F8KKZYt12x1tTV90AVB6XGgQjx45pFHPzFB5P/9CxxmGoQ2rvtRt7TrLswzfw8RVKs2Rn5O4dLo5NDRUn3/+uQoKCgo9fvjhB1eWhxKmoKBASV8uUcfO3Qv9C+Hwbwf1Y8pWdereywXVASiqnD/P6tCBn3XowM+SpBMZR3TowM86eSxd+efP683/PqmDqXv0QPxEFRQUKPOPE8r844TO5+XZ3Wfvjq06kXFYLTsycwA4g0v/r1fz5s21detW9ejRo9Drl0sZ4V62bf5eRzOOKLprz0Kvr1i2WJWDgnXTrYVvrQGgZDiYusduM+xP350uSbrtzi7q1newdmz6TpL07GOxds8b9cwM1Wt0k+3x/1YuVa36jRRStYbzi8Z1j5/lM7MYLuzC1q9fr+zsbHXq1KnQ69nZ2dqyZYvatGnj0H3TjjPdDFyv0o5nu7oEAE5yZ/1Klx/kJBv3Zzrt3i1qF75koqRzaZLYqtU/LzT29fV1uEEEAABwVCneztBpWOkLAADcHj2iWYneJxEAAACuQZIIAABAlGhCkggAAAATkkQAAOD22ALHjCQRAAAAJiSJAADA7bEFjhlJIgAAAExIEgEAgNsjSDSjSQQAAKBLNGG6GQAAACYkiQAAwO2xBY4ZSSIAAABMSBIBAIDbYwscM5JEAACAEmTdunXq3r27wsLCZLFYtHjxYrvrhmFowoQJCg0Nlbe3tzp06KB9+/bZjTl58qT69+8vPz8/BQQEaPDgwTpz5oxDddAkAgAAt2dx4uGo7OxsNWnSRK+//nqh16dOnarp06dr9uzZ2rhxo3x9fRUTE6OcnBzbmP79+2vXrl1KSkrSsmXLtG7dOg0bNsyhOiyGYRhXUH+JlnY85/KDAJRKacezXV0CACe5s34ll7329oOnnXbvJtUrXPFzLRaLFi1apJ49e0r6K0UMCwvT6NGjNWbMGElSZmamgoODNXfuXPXt21e7d+9WZGSkNm/erJtvvlmS9PXXX6tLly767bffFBYWVqTXJkkEAABwYpSYm5urrKwsuyM3N/eKykxLS1N6ero6dOhgO+fv768WLVooOTlZkpScnKyAgABbgyhJHTp0kIeHhzZu3Fjk16JJBAAAbs/ixP8kJibK39/f7khMTLyiOtPT0yVJwcHBdueDg4Nt19LT0xUUFGR3vUyZMgoMDLSNKQq+3QwAAOBECQkJio+PtztntVpdVE3R0SQCAAC358wtcKxWa7E1hSEhIZKkjIwMhYaG2s5nZGSoadOmtjFHjx61e9758+d18uRJ2/OLgulmAACAUqJmzZoKCQnRqlWrbOeysrK0ceNGRUVFSZKioqJ06tQpbd261TZm9erVKigoUIsWLYr8WiSJAADA7ZWkvbTPnDmj1NRU2+O0tDSlpKQoMDBQ1atX12OPPaZnnnlGdevWVc2aNTV+/HiFhYXZvgHdoEEDderUSUOHDtXs2bOVl5enESNGqG/fvkX+ZrNEkwgAAFCibNmyRe3atbM9vrCeMTY2VnPnztXjjz+u7OxsDRs2TKdOndIdd9yhr7/+WuXKlbM9Z8GCBRoxYoTat28vDw8P9e7dW9OnT3eoDvZJBFCqsE8icP1y5T6JP/7u2K+ROKLhDeWddm9nYk0iAAAATJhuBgAAbs9SolYllgwkiQAAADAhSQQAAG7PmfskllY0iQAAwO3RI5ox3QwAAAATkkQAAACiRBOSRAAAAJiQJAIAALfHFjhmJIkAAAAwIUkEAABujy1wzEgSAQAAYEKSCAAA3B5BohlNIgAAAF2iCdPNAAAAMCFJBAAAbo8tcMxIEgEAAGBCkggAANweW+CYkSQCAADAhCQRAAC4PYJEM5JEAAAAmJAkAgAAECWa0CQCAAC3xxY4Zkw3AwAAwIQkEQAAuD22wDEjSQQAAIAJSSIAAHB7BIlmJIkAAAAwIUkEAAAgSjQhSQQAAIAJSSIAAHB77JNoRpMIAADcHlvgmDHdDAAAABOSRAAA4PYIEs1IEgEAAGBCkggAANweaxLNSBIBAABgQpIIAADAqkQTkkQAAACYkCQCAAC3x5pEM5pEAADg9ugRzZhuBgAAgAlJIgAAcHtMN5uRJAIAAMCEJBEAALg9C6sSTUgSAQAAYEKSCAAAQJBoQpIIAAAAE5JEAADg9ggSzWgSAQCA22MLHDOmmwEAAGBCkggAANweW+CYkSQCAADAhCQRAACAINGEJBEAAAAmJIkAAMDtESSakSQCAADAhCQRAAC4PfZJNKNJBAAAbo8tcMyYbgYAAIAJTSIAAHB7FovzDkdMnDhRFovF7qhfv77tek5OjuLi4lSpUiWVL19evXv3VkZGRjF/Gn+hSQQAAChBbrzxRh05csR2fPfdd7Zro0aN0tKlS/XJJ59o7dq1Onz4sHr16uWUOliTCAAAUIKUKVNGISEhpvOZmZl65513tHDhQt15552SpDlz5qhBgwb6/vvvddtttxVrHSSJAAAATpSbm6usrCy7Izc395Lj9+3bp7CwMNWqVUv9+/fXwYMHJUlbt25VXl6eOnToYBtbv359Va9eXcnJycVeN00iAABwe85ck5iYmCh/f3+7IzExsdA6WrRooblz5+rrr7/WrFmzlJaWplatWun06dNKT0+Xl5eXAgIC7J4THBys9PT0Yv9MmG4GAABwooSEBMXHx9uds1qthY7t3Lmz7c+NGzdWixYtFB4ero8//lje3t5OrfNiNIkAAMDtOXOfRKvVesmm8HICAgJUr149paamqmPHjjp37pxOnTpllyZmZGQUuobxajHdDAAA3F5J2QLnYmfOnNH+/fsVGhqq5s2bq2zZslq1apXt+t69e3Xw4EFFRUVd5SdgRpIIAABQQowZM0bdu3dXeHi4Dh8+rKefflqenp6699575e/vr8GDBys+Pl6BgYHy8/PTyJEjFRUVVezfbJZoEgEAAErMj/L99ttvuvfee3XixAlVqVJFd9xxh77//ntVqVJFkjRt2jR5eHiod+/eys3NVUxMjGbOnOmUWiyGYRhOubMLpR3PcXUJAJwk7Xi2q0sA4CR31q/kstc+nVPgtHtXKFc6V/eRJAIAAJSUKLEEKZ2tLQAAAJyKJBEAALg9Z26BU1qRJAIAAMCEJBEAALi9q93P8HpEkggAAAATkkQAAOD2CBLNaBIBAADoEk2YbgYAAIAJSSIAAHB7bIFjRpIIAAAAE5JEAADg9tgCx4wkEQAAACYWwzAMVxcBXKnc3FwlJiYqISFBVqvV1eUAKEb88w24Fk0iSrWsrCz5+/srMzNTfn5+ri4HQDHin2/AtZhuBgAAgAlNIgAAAExoEgEAAGBCk4hSzWq16umnn2ZRO3Ad4p9vwLX44goAAABMSBIBAABgQpMIAAAAE5pEAAAAmNAkAgAAwIQmEaXa66+/rho1aqhcuXJq0aKFNm3a5OqSAFyldevWqXv37goLC5PFYtHixYtdXRLglmgSUWp99NFHio+P19NPP60ffvhBTZo0UUxMjI4ePerq0gBchezsbDVp0kSvv/66q0sB3Bpb4KDUatGihW655RbNmDFDklRQUKBq1app5MiReuKJJ1xcHYDiYLFYtGjRIvXs2dPVpQBuhyQRpdK5c+e0detWdejQwXbOw8NDHTp0UHJysgsrAwDg+kCTiFLp+PHjys/PV3BwsN354OBgpaenu6gqAACuHzSJAAAAMKFJRKlUuXJleXp6KiMjw+58RkaGQkJCXFQVAADXD5pElEpeXl5q3ry5Vq1aZTtXUFCgVatWKSoqyoWVAQBwfSjj6gKAKxUfH6/Y2FjdfPPNuvXWW/XKK68oOztbgwYNcnVpAK7CmTNnlJqaanuclpamlJQUBQYGqnr16i6sDHAvbIGDUm3GjBl64YUXlJ6erqZNm2r69Olq0aKFq8sCcBXWrFmjdu3amc7HxsZq7ty5174gwE3RJAIAAMCENYkAAAAwoUkEAACACU0iAAAATGgSAQAAYEKTCAAAABOaRAAAAJjQJAIAAMCEJhEAAAAmNIkArtrAgQPVs2dP2+O2bdvqscceu+Z1rFmzRhaLRadOnbrkGIvFosWLFxf5nhMnTlTTpk2vqq5ffvlFFotFKSkpV3UfALiWaBKB69TAgQNlsVhksVjk5eWlOnXqaPLkyTp//rzTX/vzzz/XlClTijS2KI0dAODaK+PqAgA4T6dOnTRnzhzl5ubqq6++UlxcnMqWLauEhATT2HPnzsnLy6tYXjcwMLBY7gMAcB2SROA6ZrVaFRISovDwcA0fPlwdOnTQF198Ien/TxE/++yzCgsLU0REhCTp0KFD6tOnjwICAhQYGKgePXrol19+sd0zPz9f8fHxCggIUKVKlfT444/r4p+Av3i6OTc3V+PGjVO1atVktVpVp04dvfPOO/rll1/Url07SVLFihVlsVg0cOBASVJBQYESExNVs2ZNeXt7q0mTJvr000/tXuerr75SvXr15O3trXbt2tnVWVTjxo1TvXr15OPjo1q1amn8+PHKy8szjXvjjTdUrVo1+fj4qE+fPsrMzLS7/vbbb6tBgwYqV66c6tevr5kzZ17yNf/44w/1799fVapUkbe3t+rWras5c+Y4XDsAOBNJIuBGvL29deLECdvjVatWyc/PT0lJSZKkvLw8xcTEKCoqSuvXr1eZMmX0zDPPqFOnTtqxY4e8vLz00ksvae7cuXr33XfVoEEDvfTSS1q0aJHuvPPOS77ugAEDlJycrOnTp6tJkyZKS0vT8ePHVa1aNX322Wfq3bu39u7dKz8/P3l7e0uSEhMT9f7772v27NmqW7eu1q1bp/vuu09VqlRRmzZtdOjQIfXq1UtxcXEaNmyYtmzZotGjRzv8mVSoUEFz585VWFiYdu7cqaFDh6pChQp6/PHHbWNSU1P18ccfa+nSpcrKytLgwYP18MMPa8GCBZKkBQsWaMKECZoxY4aaNWumbdu2aejQofL19VVsbKzpNcePH6+ffvpJy5cvV+XKlZWamqo///zT4doBwKkMANel2NhYo0ePHoZhGEZBQYGRlJRkWK1WY8yYMbbrwcHBRm5uru058+fPNyIiIoyCggLbudzcXMPb29tYsWKFYRiGERoaakydOtV2PS8vz6hatarttQzDMNq0aWM8+uijhmEYxt69ew1JRlJSUqF1fvvtt4Yk448//rCdy8nJMXx8fIwNGzbYjR08eLBx7733GoZhGAkJCUZkZKTd9XHjxpnudTFJxqJFiy55/YUXXjCaN29ue/z0008bnp6exm+//WY7t3z5csPDw8M4cuSIYRiGUbt2bWPhwoV295kyZYoRFRVlGIZhpKWlGZKMbdu2GYZhGN27dzcGDRp0yRoAoCQgSQSuY8uWLVP58uWVl5engoIC9evXTxMnTrRdb9Sokd06xO3btys1NVUVKlSwu09OTo7279+vzMxMHTlyRC1atLBdK1OmjG6++WbTlPMFKSkp8vT0VJs2bYpcd2pqqs6ePauOHTvanT937pyaNWsmSdq9e7ddHZIUFRVV5Ne44KOPPtL06dO1f/9+nTlzRufPn5efn5/dmOrVq+uGG26we52CggLt3btXFSpU0P79+zV48GANHTrUNub8+fPy9/cv9DWHDx+u3r1764cfflB0dLR69uyp22+/3eHaAcCZaBKB61i7du00a9YseXl5KSwsTGXK2P8j7+vra/f4zJkzat68uW0a9e+qVKlyRTVcmD52xJkzZyRJX375pV1zJv21zrK4JCcnq3///po0aZJiYmLk7++vDz/8UC+99JLDtb711lumptXT07PQ53Tu3Fm//vqrvvrqKyUlJal9+/aKi4vTiy++eOVvBgCKGU0icB3z9fVVnTp1ijz+pptu0kcffaSgoCBTmnZBaGioNm7cqNatW0v6KzHbunWrbrrppkLHN2rUSAUFBVq7dq06dOhgun4hyczPz7edi4yMlNVq1cGDBy+ZQDZo0MD2JZwLvv/++8u/yb/ZsGGDwsPD9Z///Md27tdffzWNO3jwoA4fPqywsDDb63h4eCgiIkLBwcEKCwvTgQMH1L9//yK/dpUqVRQbG6vY2Fi1atVKY8eOpUkEUKLw7WYANv3791flypXVo0cPrV+/XmlpaVqzZo0eeeQR/fbbb5KkRx99VM8//7wWL16sPXv26OGHH/7HPQ5r1Kih2NhYPfDAA1q8eLHtnh9//LEkKTw8XBaLRcuWLdOxY8d05swZVahQQWPGjNGoUaM0b9487d+/Xz/88INee+01zZs3T5L00EMPad++fRo7dqz27t2rhQsXau7cuQ6937p16+rgwYP68MMPtX//fk2fPl2LFi0yjStXrpxiY2O1fft2rV+/Xo888oj69OmjkJAQSdKkSZOUmJio6dOn6+eff9bOnTs1Z84cvfzyy4W+7oQJE7RkyRKlpqZq165dWrZsmRo0aOBQ7QDgbDSJAGx8fHy0bt06Va9eXb169VKDBg00ePBg5eTk2JLF0aNH6/7771dsbKyioqJUoUIF/etf//rH+86aNUt33323Hn74YdWvX19Dhw5Vdna2JOmGG27QpEmT9MQTTyg4OFgjRoyQJE2ZMkXjx49XYmKiGjRooE6dOunLL79UzZo1Jf21TvCzzz7T4sWL1aRJE82ePVvPPfecQ+/3rrvu0qhRozRixAg1bdpUGzZs0Pjx403j6tSpo169eqlLly6Kjo5W48aN7ba4GTJkiN5++23NmTNHjRo1Ups2bTR37lxbrRfz8vJSQkKCGjdurNatW8vT01MffvihQ7UDgLNZjEutNgcAAIDbIkkEAACACU0iAAAATGgSAQAAYEKTCAAAABOaRAAAAJjQJAIAAMCEJhEAAAAmNIkAAAAwoUkEAACACU0iAAAATGgSAQAAYPL/AFJG2uAvS7WVAAAAAElFTkSuQmCC", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "plot_confusion_matrix(y_test, y_pred,(0,1))" + ] + }, + { + "cell_type": "code", + "execution_count": 125, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAr4AAAIjCAYAAADlfxjoAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8pXeV/AAAACXBIWXMAAA9hAAAPYQGoP6dpAACg2klEQVR4nOzdd3iTVRsG8Dvde0AHq9CWPUqBsmSPSpEhOBiyURCQoQyVPVRAQQRRBESZgoKAnwgICALKkD3KKqMgq0ALpaWFtrQ53x/H5G1oWhpI87bN/buuXiYnJ8nT2JYnT85zjkYIIUBEREREVMjZqB0AEREREZElMPElIiIiIqvAxJeIiIiIrAITXyIiIiKyCkx8iYiIiMgqMPElIiIiIqvAxJeIiIiIrAITXyIiIiKyCkx8iYiIiMgqMPElspDAwED06dNH7TCsTrNmzdCsWTO1w3iqyZMnQ6PRIC4uTu1Q8h2NRoPJkyeb5bGuXLkCjUaDpUuXmuXxAODgwYNwcHDAv//+a7bHNLeuXbuic+fOaodBpDomvlQoLF26FBqNRv9lZ2eHkiVLok+fPrhx44ba4eVrycnJ+Pjjj1G9enW4uLjA09MTjRs3xvLly1FQTjQ/c+YMJk+ejCtXrqgdShYZGRlYsmQJmjVrhiJFisDR0RGBgYHo27cvDh8+rHZ4ZrFq1SrMmTNH7TAMWDKmcePG4Y033kCZMmX0Y82aNTP4m+Ts7Izq1atjzpw50Gq1Rh/n7t27eP/991GxYkU4OTmhSJEiiIiIwMaNG7N97sTEREyZMgWhoaFwc3ODs7MzqlWrhg8//BA3b97Uz/vwww+xbt06nDhxItfflzX87JL10YiC8i8bUQ6WLl2Kvn374qOPPkJQUBBSUlLwzz//YOnSpQgMDMSpU6fg5OSkaoypqamwsbGBvb29qnFkdvv2bbRs2RJnz55F165d0bRpU6SkpGDdunX466+/0KVLF6xcuRK2trZqh5qjtWvXolOnTti5c2eW6m5aWhoAwMHBweJxPXr0CK+++iq2bNmCJk2aoH379ihSpAiuXLmCNWvW4Pz587h69SpKlSqFyZMnY8qUKYiNjYWPj4/FY30e7dq1w6lTp/LsjUdKSgrs7OxgZ2f33DEJIZCamgp7e3uz/FwfP34cNWvWxL59+/DCCy/ox5s1a4ZLly5h+vTpAIC4uDisWrUKhw4dwtixYzF16lSDx4mKikLLli0RGxuLvn37onbt2rh//z5WrlyJ48ePY9SoUZg5c6bBfaKjoxEeHo6rV6+iU6dOaNSoERwcHHDy5En8+OOPKFKkCM6fP6+fX69ePVSsWBHLly9/6vdlys8uUYEiiAqBJUuWCADi0KFDBuMffvihACBWr16tUmTqevTokcjIyMj29oiICGFjYyN+/fXXLLeNGjVKABCffvppXoZoVFJSkknzf/75ZwFA7Ny5M28CekaDBw8WAMTs2bOz3Jaeni5mzpwprl27JoQQYtKkSQKAiI2NzbN4tFqtePjwodkft23btqJMmTJmfcyMjAzx6NGjZ75/XsRkzLBhw0Tp0qWFVqs1GG/atKmoWrWqwdijR49EmTJlhLu7u0hPT9ePp6WliWrVqgkXFxfxzz//GNwnPT1ddOnSRQAQP/30k3788ePHIjQ0VLi4uIi///47S1wJCQli7NixBmOff/65cHV1FQ8ePHjq92XKz+7zeN7/z0SmYuJLhUJ2ie/GjRsFADFt2jSD8bNnz4rXXntNeHt7C0dHRxEWFmY0+YuPjxfvvfeeKFOmjHBwcBAlS5YUPXv2NEhOUlJSxMSJE0XZsmWFg4ODKFWqlHj//fdFSkqKwWOVKVNG9O7dWwghxKFDhwQAsXTp0izPuWXLFgFA/Pbbb/qx69evi759+wo/Pz/h4OAgqlSpIr7//nuD++3cuVMAED/++KMYN26cKFGihNBoNCI+Pt7oa7Z//34BQLz55ptGb3/8+LEoX7688Pb21idLly9fFgDEzJkzxRdffCFKly4tnJycRJMmTURkZGSWx8jN66z7f7dr1y4xaNAg4evrK7y8vIQQQly5ckUMGjRIVKhQQTg5OYkiRYqI119/XVy+fDnL/Z/80iXBTZs2FU2bNs3yOq1evVp88sknomTJksLR0VG0aNFCXLhwIcv38PXXX4ugoCDh5OQk6tSpI/76668sj2nMtWvXhJ2dnXjxxRdznKejS3wvXLggevfuLTw9PYWHh4fo06ePSE5ONpi7ePFi0bx5c+Hr6yscHBxE5cqVxTfffJPlMcuUKSPatm0rtmzZIsLCwoSjo6M+kcntYwghxObNm0WTJk2Em5ubcHd3F7Vr1xYrV64UQsjX98nXPnPCmdvfDwBi8ODB4ocffhBVqlQRdnZ24pdfftHfNmnSJP3cxMRE8e677+p/L319fUV4eLg4cuTIU2PS/QwvWbLE4PnPnj0rOnXqJHx8fISTk5OoUKFClsTRmNKlS4s+ffpkGTeW+AohxOuvvy4AiJs3b+rHfvzxRwFAfPTRR0af4/79+8LLy0tUqlRJP/bTTz8JAGLq1KlPjVHnxIkTAoBYv359jvNM/dnt3bu30TcZup/pzIz9f16zZo3w9vY2+jomJCQIR0dHMXLkSP1Ybn+miIzJ/edGRAWQ7mNOb29v/djp06fRsGFDlCxZEqNHj4arqyvWrFmDjh07Yt26dXjllVcAAElJSWjcuDHOnj2LN998E7Vq1UJcXBw2bNiA69evw8fHB1qtFi+//DL27NmDt99+G5UrV0ZkZCRmz56N8+fP43//+5/RuGrXro3g4GCsWbMGvXv3Nrht9erV8Pb2RkREBAC5HKF+/frQaDQYMmQIfH198fvvv+Ott95CYmIi3nvvPYP7f/zxx3BwcMCoUaOQmpqa7Uf8v/32GwCgV69eRm+3s7NDt27dMGXKFOzduxfh4eH625YvX44HDx5g8ODBSElJwZdffokWLVogMjIS/v7+Jr3OOu+88w58fX0xceJEJCcnAwAOHTqEffv2oWvXrihVqhSuXLmC+fPno1mzZjhz5gxcXFzQpEkTDBs2DHPnzsXYsWNRuXJlAND/NzuffvopbGxsMGrUKCQkJGDGjBno3r07Dhw4oJ8zf/58DBkyBI0bN8bw4cNx5coVdOzYEd7e3k/9iPf3339Heno6evbsmeO8J3Xu3BlBQUGYPn06jh49iu+++w5+fn747LPPDOKqWrUqXn75ZdjZ2eG3337DO++8A61Wi8GDBxs8XlRUFN544w0MGDAA/fv3R8WKFU16jKVLl+LNN99E1apVMWbMGHh5eeHYsWPYsmULunXrhnHjxiEhIQHXr1/H7NmzAQBubm4AYPLvx59//ok1a9ZgyJAh8PHxQWBgoNHXaODAgVi7di2GDBmCKlWq4O7du9izZw/Onj2LWrVq5RiTMSdPnkTjxo1hb2+Pt99+G4GBgbh06RJ+++23LEsSMrtx4wauXr2KWrVqZTvnSbrmOi8vL/3Y034XPT090aFDByxbtgwXL15EuXLlsGHDBgAw6eerSpUqcHZ2xt69e7P8/mX2rD+7ufXk/+fy5cvjlVdewfr167Fw4UKDv1n/+9//kJqaiq5duwIw/WeKKAu1M28ic9BV/bZv3y5iY2PFtWvXxNq1a4Wvr69wdHQ0+EiuZcuWIiQkxKA6oNVqRYMGDUT58uX1YxMnTsy2OqL7WHPFihXCxsYmy0eNCxYsEADE3r179WOZK75CCDFmzBhhb28v7t27px9LTU0VXl5eBlXYt956SxQvXlzExcUZPEfXrl2Fp6envhqrq2QGBwfn6uPsjh07CgDZVoSFEGL9+vUCgJg7d64QQqmWOTs7i+vXr+vnHThwQAAQw4cP14/l9nXW/b9r1KiRwce/Qgij34euUr18+XL9WE5LHbKr+FauXFmkpqbqx7/88ksBQF+5Tk1NFUWLFhV16tQRjx8/1s9bunSpAPDUiu/w4cMFAHHs2LEc5+noqmNPVuBfeeUVUbRoUYMxY69LRESECA4ONhgrU6aMACC2bNmSZX5uHuP+/fvC3d1d1KtXL8vH0Zk/2s9uWYEpvx8AhI2NjTh9+nSWx8ETFV9PT08xePDgLPMyyy4mYxXfJk2aCHd3d/Hvv/9m+z0as3379iyfzug0bdpUVKpUScTGxorY2Fhx7tw58f777wsAom3btgZza9SoITw9PXN8ri+++EIAEBs2bBBCCFGzZs2n3seYChUqiJdeeinHOab+7Jpa8TX2/3nr1q1GX8s2bdoY/Eya8jNFZAx3daBCJTw8HL6+vggICMDrr78OV1dXbNiwQV+du3fvHv7880907twZDx48QFxcHOLi4nD37l1ERETgwoUL+l0g1q1bh9DQUKOVEY1GAwD4+eefUblyZVSqVEn/WHFxcWjRogUAYOfOndnG2qVLFzx+/Bjr16/Xj23btg33799Hly5dAMhGnHXr1qF9+/YQQhg8R0REBBISEnD06FGDx+3duzecnZ2f+lo9ePAAAODu7p7tHN1tiYmJBuMdO3ZEyZIl9dfr1q2LevXqYfPmzQBMe511+vfvn6XZKPP38fjxY9y9exflypWDl5dXlu/bVH379jWoLDVu3BiAbBgCgMOHD+Pu3bvo37+/QVNV9+7dDT5ByI7uNcvp9TVm4MCBBtcbN26Mu3fvGvw/yPy6JCQkIC4uDk2bNkV0dDQSEhIM7h8UFKT/9CCz3DzGH3/8gQcPHmD06NFZmkN1vwM5MfX3o2nTpqhSpcpTH9fLywsHDhww2LXgWcXGxuKvv/7Cm2++idKlSxvc9rTv8e7duwCQ7c/DuXPn4OvrC19fX1SqVAkzZ87Eyy+/nGUrtQcPHjz15+TJ38XExESTf7Z0sT5ty7xn/dnNLWP/n1u0aAEfHx+sXr1aPxYfH48//vhD//cQeL6/uUQAwKUOVKjMmzcPFSpUQEJCAhYvXoy//voLjo6O+tsvXrwIIQQmTJiACRMmGH2MO3fuoGTJkrh06RJee+21HJ/vwoULOHv2LHx9fbN9rOyEhoaiUqVKWL16Nd566y0AcpmDj4+P/o94bGws7t+/j2+//Rbffvttrp4jKCgox5h1dP+oPXjwwOBj18yyS47Lly+fZW6FChWwZs0aAKa9zjnF/ejRI0yfPh1LlizBjRs3DLZXezLBM9WTSY4ueYmPjwcA/Z6s5cqVM5hnZ2eX7UfwmXl4eABQXkNzxKV7zL1792LSpEnYv38/Hj58aDA/ISEBnp6e+uvZ/Tzk5jEuXboEAKhWrZpJ34OOqb8fuf3ZnTFjBnr37o2AgACEhYWhTZs26NWrF4KDg02OUfdG51m/RwDZbvsXGBiIRYsWQavV4tKlS5g6dSpiY2OzvIlwd3d/ajL65O+ih4eHPnZTY31aQv+sP7u5Zez/s52dHV577TWsWrUKqampcHR0xPr16/H48WODxPd5/uYSAUx8qZCpW7cuateuDUBWJRs1aoRu3bohKioKbm5u+v0zR40aZbQKBmRNdHKi1WoREhKCL774wujtAQEBOd6/S5cumDp1KuLi4uDu7o4NGzbgjTfe0FcYdfH26NEjy1pgnerVqxtcz021F5BrYP/3v//h5MmTaNKkidE5J0+eBIBcVeEye5bX2VjcQ4cOxZIlS/Dee+/hhRdegKenJzQaDbp27ZrtXqi5ld1WVtklMaaqVKkSACAyMhI1atTI9f2eFtelS5fQsmVLVKpUCV988QUCAgLg4OCAzZs3Y/bs2VleF2Ovq6mP8axM/f3I7c9u586d0bhxY/zyyy/Ytm0bZs6cic8++wzr16/HSy+99Nxx51bRokUBKG+WnuTq6mqwNr5hw4aoVasWxo4di7lz5+rHK1eujOPHj+Pq1atZ3vjoPPm7WKlSJRw7dgzXrl176t+ZzOLj442+cc3M1J/d7BLpjIwMo+PZ/X/u2rUrFi5ciN9//x0dO3bEmjVrUKlSJYSGhurnPO/fXCImvlRo2draYvr06WjevDm+/vprjB49Wl8Rsre3N/gHyZiyZcvi1KlTT51z4sQJtGzZMlcf/T6pS5cumDJlCtatWwd/f38kJibqmzgAwNfXF+7u7sjIyHhqvKZq164dpk+fjuXLlxtNfDMyMrBq1Sp4e3ujYcOGBrdduHAhy/zz58/rK6GmvM45Wbt2LXr37o1Zs2bpx1JSUnD//n2Dec/y2j+N7jCCixcvonnz5vrx9PR0XLlyJcsbjie99NJLsLW1xQ8//GDWJqHffvsNqamp2LBhg0GSZMpHvLl9jLJlywIATp06leMbwuxe/+f9/chJ8eLF8c477+Cdd97BnTt3UKtWLUydOlWf+Ob2+XQ/q0/7XTdGlyBevnw5V/OrV6+OHj16YOHChRg1apT+tW/Xrh1+/PFHLF++HOPHj89yv8TERPz666+oVKmS/v9D+/bt8eOPP+KHH37AmDFjcvX86enpuHbtGl5++eUc55n6s+vt7Z3ldxKAySfZNWnSBMWLF8fq1avRqFEj/Pnnnxg3bpzBnLz8mSLrwDW+VKg1a9YMdevWxZw5c5CSkgI/Pz80a9YMCxcuRExMTJb5sbGx+suvvfYaTpw4gV9++SXLPF31rXPnzrhx4wYWLVqUZc6jR4/0uxNkp3LlyggJCcHq1auxevVqFC9e3CAJtbW1xWuvvYZ169YZ/Yc5c7ymatCgAcLDw7FkyRKjJ0ONGzcO58+fxwcffJClQvO///3PYI3uwYMHceDAAX3SYcrrnBNbW9ssFdivvvoqSyXJ1dUVAIz+4/usateujaJFi2LRokVIT0/Xj69cuTLbCl9mAQEB6N+/P7Zt24avvvoqy+1arRazZs3C9evXTYpLVxF+ctnHkiVLzP4YrVq1gru7O6ZPn46UlBSD2zLf19XV1ejSk+f9/TAmIyMjy3P5+fmhRIkSSE1NfWpMT/L19UWTJk2wePFiXL161eC2p1X/S5YsiYCAAJNOMfvggw/w+PFjg4rl66+/jipVquDTTz/N8lharRaDBg1CfHw8Jk2aZHCfkJAQTJ06Ffv378/yPA8ePMiSNJ45cwYpKSlo0KBBjjGa+rNbtmxZJCQk6KvSABATE2P0b2dObGxs8Prrr+O3337DihUrkJ6ebrDMAcibnymyLqz4UqH3/vvvo1OnTli6dCkGDhyIefPmoVGjRggJCUH//v0RHByM27dvY//+/bh+/br+SM/3339ffyLYm2++ibCwMNy7dw8bNmzAggULEBoaip49e2LNmjUYOHAgdu7ciYYNGyIjIwPnzp3DmjVrsHXrVv3Si+x06dIFEydOhJOTE9566y3Y2Bi+H/3000+xc+dO1KtXD/3790eVKlVw7949HD16FNu3b8e9e/ee+bVZvnw5WrZsiQ4dOqBbt25o3LgxUlNTsX79euzatQtdunTB+++/n+V+5cqVQ6NGjTBo0CCkpqZizpw5KFq0KD744AP9nNy+zjlp164dVqxYAU9PT1SpUgX79+/H9u3b9R8x69SoUQO2trb47LPPkJCQAEdHR7Ro0QJ+fn7P/No4ODhg8uTJGDp0KFq0aIHOnTvjypUrWLp0KcqWLZuratOsWbNw6dIlDBs2DOvXr0e7du3g7e2Nq1ev4ueff8a5c+cMKvy50apVKzg4OKB9+/YYMGAAkpKSsGjRIvj5+Rl9k/E8j+Hh4YHZs2ejX79+qFOnDrp16wZvb2+cOHECDx8+xLJlywAAYWFhWL16NUaMGIE6derAzc0N7du3N8vvx5MePHiAUqVK4fXXX9cf07t9+3YcOnTI4JOB7GIyZu7cuWjUqBFq1aqFt99+G0FBQbhy5Qo2bdqE48eP5xhPhw4d8Msvv+Rq7Swglyq0adMG3333HSZMmICiRYvCwcEBa9euRcuWLdGoUSODk9tWrVqFo0ePYuTIkQY/K/b29li/fj3Cw8PRpEkTdO7cGQ0bNoS9vT1Onz6t/7Qm83Zsf/zxB1xcXPDiiy8+NU5Tfna7du2KDz/8EK+88gqGDRuGhw8fYv78+ahQoYLJTahdunTBV199hUmTJiEkJCTLtoR58TNFVsbyG0kQmV92B1gIIU8GKlu2rChbtqx+u6xLly6JXr16iWLFigl7e3tRsmRJ0a5dO7F27VqD+969e1cMGTJElCxZUr9Reu/evQ22FktLSxOfffaZqFq1qnB0dBTe3t4iLCxMTJkyRSQkJOjnPbmdmc6FCxf0m+zv2bPH6Pd3+/ZtMXjwYBEQECDs7e1FsWLFRMuWLcW3336rn6Pbpuvnn3826bV78OCBmDx5sqhatapwdnYW7u7uomHDhmLp0qVZtnPKfIDFrFmzREBAgHB0dBSNGzcWJ06cyPLYuXmdc/p/Fx8fL/r27St8fHyEm5ubiIiIEOfOnTP6Wi5atEgEBwcLW1vbXB1g8eTrlN3BBnPnzhVlypQRjo6Oom7dumLv3r0iLCxMtG7dOhevrjzl6rvvvhONGzcWnp6ewt7eXpQpU0b07dvXYLuo7E5u070+mQ/t2LBhg6hevbpwcnISgYGB4rPPPhOLFy/OMk93gIUxuX0M3dwGDRoIZ2dn4eHhIerWrSt+/PFH/e1JSUmiW7duwsvLK8sBFrn9/cB/BxsYg0zbmaWmpor3339fhIaGCnd3d+Hq6ipCQ0OzHL6RXUzZ/X8+deqUeOWVV4SXl5dwcnISFStWFBMmTDAaT2ZHjx4VALJsr5XdARZCCLFr164sW7QJIcSdO3fEiBEjRLly5YSjo6Pw8vIS4eHh+i3MjImPjxcTJ04UISEhwsXFRTg5OYlq1aqJMWPGiJiYGIO59erVEz169Hjq96ST259dIYTYtm2bqFatmnBwcBAVK1YUP/zwQ44HWGRHq9WKgIAAAUB88sknRufk9meKyBiNEGbq5CCiQu/KlSsICgrCzJkzMWrUKLXDUYVWq4Wvry9effVVox+3kvVp2bIlSpQogRUrVqgdSraOHz+OWrVq4ejRoyY1WxIVNlzjS0SUjZSUlCzrPJcvX4579+6hWbNm6gRF+c60adOwevVqk5u5LOnTTz/F66+/zqSXrB7X+BIRZeOff/7B8OHD0alTJxQtWhRHjx7F999/j2rVqqFTp05qh0f5RL169ZCWlqZ2GDn66aef1A6BKF9g4ktElI3AwEAEBARg7ty5uHfvHooUKYJevXrh008/NTj1jYiICgau8SUiIiIiq8A1vkRERERkFZj4EhEREZFVsLo1vlqtFjdv3oS7uzuPOyQiIiLKh4QQePDgAUqUKJHlYKfnYXWJ782bNxEQEKB2GERERET0FNeuXUOpUqXM9nhWl/i6u7sDkC+kh4eHytEQERER0ZMSExMREBCgz9vMxeoSX93yBg8PDya+RERERPmYuZelsrmNiIiIiKwCE18iIiIisgpMfImIiIjIKjDxJSIiIiKrwMSXiIiIiKwCE18iIiIisgpMfImIiIjIKjDxJSIiIiKrwMSXiIiIiKwCE18iIiIisgpMfImIiIjIKjDxJSIiIiKrwMSXiIiIiKwCE18iIiIisgpMfImIiIjIKqia+P71119o3749SpQoAY1Gg//9739Pvc+uXbtQq1YtODo6oly5cli6dGmex0lEREREBZ+qiW9ycjJCQ0Mxb968XM2/fPky2rZti+bNm+P48eN477330K9fP2zdujWPIyUiIiKigs5OzSd/6aWX8NJLL+V6/oIFCxAUFIRZs2YBACpXrow9e/Zg9uzZiIiIyKswiYiIiMgCtFrgyCEt/vr2dJ48foFa47t//36Eh4cbjEVERGD//v3Z3ic1NRWJiYkGX0RERESUPyQmAuvWAW++CdTwj8Hd+m3QfXGLPHkuVSu+prp16xb8/f0Nxvz9/ZGYmIhHjx7B2dk5y32mT5+OKVOmWCpEIiIiInqKCxeATZuAjRuBv/4CHj8GXsav2IF+8EUc8qpMWaAS32cxZswYjBgxQn89MTERAQEBKkZEREREZF3S0oC//1aS3QsXlNtckIy5GImBWKgfe+juBzy4Y/Y4ClTiW6xYMdy+fdtg7Pbt2/Dw8DBa7QUAR0dHODo6WiI8IiIiIvrP7dvA5s0y2d22DXjwIOucWjiCNXbdUTY9Shns2BEuX3wBBAebPaYClfi+8MIL2Lx5s8HYH3/8gRdeeEGliIiIiIgIkI1px44pVd1Dh4zPs7UFGjfIwGS3z9Hkj/HQpKfLG1xcgDlzgH79jGfJZqBq4puUlISLFy/qr1++fBnHjx9HkSJFULp0aYwZMwY3btzA8uXLAQADBw7E119/jQ8++ABvvvkm/vzzT6xZswabNm1S61sgIiIisloPHgDbt8tkd/NmICbG+LyiRYGXXgLatgUiIgBvhxSgxneALukNCwNWrQIqVMjTeFVNfA8fPozmzZvrr+vW4vbu3RtLly5FTEwMrl69qr89KCgImzZtwvDhw/Hll1+iVKlS+O6777iVGREREZGFXLqkVHV375brd42pXh1o104mu/XqyUqvwlUmuo0aASNHApMnAw4OeR67Rggh8vxZ8pHExER4enoiISEBHh4eaodDRERElK89fgzs2aMku1FRxuc5OwMtW8pkt00bwGAvgQcP5L5lJUsa3unGjaxjyLt8rUCt8SUiIiKivBcbC/z+u0x0t26VOasxpUsrVd3mzWXym8X+/UCPHkCxYrJEbJcp/TSS9OYlJr5EREREVk4I4Phxpap78KAce5KNDdCggZLsVq0KaDTZPGh6OjB1KvDxx0BGBhAdDXz2GTBuXF5+Kzli4ktERERkhZKTDRvTbtwwPs/bW2lMa90aKFIkFw8eHS2rvJlP123QAOjWzSyxPysmvkRERERW4vJlpaq7axeQmmp8XrVqSlW3fn3D1Qk5EgJYsQIYMkTZkszWFpg0CRgzxoQHyhtMfImIiIgKqcePgX37ZLK7aRNw5ozxeU5OQIsWMtFt2xYoU+YZniw+Hhg4EFizRhkLDgZWrpTZcz7AxJeIiIioEImLA7ZsURrT7t83Pq9UKaWq26KFPD/imSUmAjVqAJm2oUWfPsDcuYC7+3M8sHkx8SUiIiIqwIQATp5UljD880/2jWn16yvJbkhIDo1ppvLwAF55BfjyS7koeOFCoFMnMz24+TDxJSIiIipgHj4EduxQljBcv258npeXbEjTNab5+ORhUJ9+CqSkyF0bDDbxzT+Y+BIREREVAP/+q1R1d+6UOaYxVaooVd0GDfKgn0wIYNEi2bT21lvKuJMTsGCBmZ/MvJj4EhEREeVD6elyNzBdVffUKePzHB3l4RG6xrSgoDwMKjYW6N8f+PVXeVpFgwZA5cp5+ITmxcSXiIiIKJ+4d09pTNuyRW6UYEzJkkqi27Il4OpqgeC2bQN69wZu3ZLXHz2SgTLxJSIiIqKnEUJWcnVLGPbvB7TarPM0GqBePWUJQ2ioGRvTniYlRe7BO2eOMubjAyxeDLRvb6EgzIOJLxEREZEFPXok1+hu3CgT3sw7gGXm6QlERMhkt3VrwNfXsnECACIjge7d5X91WrcGliwBihVTIaDnw8SXiIiIKI9du6ZUdf/8Uya/xlSqpFR1GzYE7O0tG6eeEMBXXwEffKAc7+boCMycKU9ls1i52byY+BIRERGZWUaG3E9X15h28qTxeQ4OQLNmSrIbHGzRMLOXlATMmqUkvdWryxPYqlVTN67nxMSXiIiIyAzi4+VJabrGtLt3jc8rXlxpTAsPB9zcLBtnrri7Az/8ILeLGDYMmDZNbldWwDHxJSIiInoGQgBnzihV3b17ZaX3SRoNUKeOUtWtWTMfrhRITpZffn7KWOPGwPnz+agM/fyY+BIRERHlUkoKsGuX0ph25YrxeR4eQKtWMtF96SXA39+SUZroyBHZwFayJPDHH/JsY51ClPQCTHyJiIiIcnTjhtKYtmOHPC7YmAoVlKpuo0Zy/W6+lpEBfP45MH68PC0jKgqYPRsYOVLtyPIME18iIiKiTDIygEOHlKru8ePG59nbA02bKsluuXIWDfP5XLsG9Ooly9c6YWEFbl9eUzHxJSIiIqt3/748mGzjRuD334G4OOPz/P2VxrQXX5Q9YAXOmjXAgAHymwbkguPRo4HJkwtAmfr5MPElIiIiqyMEcO6c0pj299/GG9MAoHZtpapbq5bhEtgCJTFR7tCwbJkyFhAArFghS9dWgIkvERERWYXUVGD3bmUJQ3S08XlubkpjWps2BfKAsqwSEmTWnvmb7tIFmD8f8PZWLy4LY+JLREREhdbNm8DmzTLR/eMPuWOXMeXKKVXdxo3lIWWFiqcn0KKFTHzd3YF584AePfLhvmp5i4kvERERFRparWxM0y1hOHrU+Dw7O6BJE5notmsnd2Qo9GbPlmclf/RRodumLLeY+BIREVGBlpAgq7m6xrQ7d4zP8/OTSxd0jWmenpaN02KEkOt27e2BN95Qxt3c5GlsVoyJLxERERUoQsgDxXR76/79t9yG1phatZQlDLVrF+DGtNyKjwcGDpQ7N7i5AXXrAmXLqh1VvsHEl4iIiPK91FTgr7+UJQwXLxqf5+oqq7m6xrQSJSwbp6p27QJ69gSuX5fXk5KAtWuBDz9UNaz8hIkvERER5Uu3bsnGtI0b5VKGpCTj84KDlapu06aFsDHtadLSgIkTgRkzZDkcALy8gG+/BTp1UjW0/IaJLxEREeULWi1w5IhS1T182Pg8Ozt5JLCuMa1iRavbnEARFQV062bYxdesGbB8udyjlwww8SUiIiLVPHigNKZt3gzcvm18no+P0pjWqpUsaFo1IWRFd/hwuVMDIJvZpk4FRo60gsXMz4aJLxEREVnUhQtKY9pffwGPHxufV6OGsoShTh3A1taiYeZvCQnyiGFd0luxIrBqlezmo2wx8SUiIqI8lZYG7NmjnJh2/rzxeS4uQHi40phWqpRl4yxQvLyApUuB1q3lLg6zZskXkHLExJeIiIjM7vZtuafuxo3Atm1ySYMxgYFKVbdZM8DJyZJRFiApKcDDh0CRIspYRARw6hRQtap6cRUwTHyJiIjouWm1wLFjSmPawYPG59naAg0bKo1plStbcWNabkVGyga2MmWA334zfMGY9JqEiS8RERE9k6QkYPt2pTEtJsb4vCJFlMa0iAjA29uycRZYWi3w1VdyH97UVFndXbAAGDRI7cgKLCa+RERElGuXLimNabt3y/W7xlSvrlR169VjY5rJYmKAvn2BrVuVserVgcaN1YupEGDiS0RERNl6/BjYu1dpTDt3zvg8Z2egZUulMa10acvGWaj8+ivQrx8QF6eMDR8OTJvGRdDPiYkvERERGYiNNWxMS0gwPq90aaUxrXlzmfzSc0hOlnvwLlyojBUvDixbJs9hpufGxJeIiMjKCQEcP640ph04oJx8m5mNDdCggbKEoWpVNqaZTXw88MIL8iQ2nY4dgUWL5OkdZBZMfImIiKxQcjKwY4fSmHbjhvF53t7ASy8pjWlFi1o2Tqvh7Q2EhcnE18UF+PJL4K23+M7CzJj4EhERWYnLl5Wq7s6dcqMAY6pVU6q69esDdswWLGPePHkS26efAhUqqB1NocQfZSIiokIqPR3Yt09pTDtzxvg8JyegRQuZ7LZtK7eLpTy2Zg3g6Ah06KCMeXkB69erFpI1YOJLRERUiMTFAVu2yGR361bg/n3j80qVUqq6LVrwtFuLSUwEhg2TDWve3sDJkzyb2YKY+BIRERVgQsiDvXRV3X/+kecePEmjkb1TumQ3JITLRy1u/36ge3e55gSQDW0//ACMHq1uXFaEiS8REVEB8/Ah8OefSrJ7/brxeV5eQOvWMtlt3ZqbA6gmPR345BP5lZEhx9zd5ZreHj3Ujc3KMPElIiIqAP79V2lM+/NPICXF+LwqVZSqboMGbExTXXS0TG7371fGGjSQld6gIPXislL8dSAiIsqH0tPlsgVdVffUKePzHB3l4RG6xjTmUvmEEMDy5cCQIUBSkhyztQUmTgTGjuU7EpXwVSciIson7t2TjWmbNsmT0+Ljjc8rUUKp6rZsCbi6WjZOyoX4eHkKmy7pDQ4GVq6U+8ORapj4EhERqUQI4PRppaq7b1/2jWn16inJbmgoG9PyvSJFgO++A155BejTB5g7V67rJVUx8SUiIrKgR4/k4RG6ZPfqVePzPDyUxrSXXgJ8fS0bJ5koLU2eCJI5ue3YETh8WJ7IRvkCE18iIqI8du2a0pi2Y4dMfo2pVEmp6jZsCNjbWzZOekZRUUC3bkC5csBPPxmW45n05itMfImIiMwsIwM4cECp6p48aXyegwPQrJnSmFa2rEXDpOclBPDtt8Dw4fLdzNGj8n9kr15qR0bZYOJLRERkBvHx8qQ0XWPa3bvG5xUvDrRpI6u64eGAm5tl4yQziY0F+vUDNmxQxipWBKpVUy8meiomvkRERM9ACODsWaWqu3evcjbBk+rWVZYw1KgB2NhYNFQyt61bZcParVvK2MCBwKxZPPs5n2PiS0RElEspKcCuXTLR3bgRuHLF+Dx3d6BVK5novvQS4O9vySgpz6SkAGPGAHPmKGM+PsDixUD79qqFRbnHxJeIiCgHN24ojWnbt8vjgo2pUEGp6jZqJNfvUiFy755ckB0ZqYy1bg0sWQIUK6ZaWGQaJr5ERESZZGQAhw4pSxiOHzc+z94eaNpUaUwrX96iYZKleXvLQygiI+VxeTNnylPZuKFygcLEl4iIrN79+8C2bTLR3bwZiIszPs/f37AxzcPDomGSmjQaeSDFo0dyLS+b2AokJr5ERGR1hJBbr+qqunv2AOnpxufWrq1UdcPC2JhmNTZskJXdiAhlzMdHNrZRgcXEl4iIrEJqKrB7t5LsRkcbn+fmBrz4otKYVry4ZeMklSUnAyNHAgsXAn5+cmmDn5/aUZGZMPElIqJC6+ZNuXRh0ybgjz9kTmNM2bIy0W3XDmjcWBb6yAodOSJPYDt/Xl6/c0fu2DB6tLpxkdkw8SUiokJDqwUOH1aqukePGp9nZycT3Hbt5BKGChXYo2TVMjKAzz8Hxo9X1ry4uMhty/r1UzU0Mi8mvkREVKAlJsrGtI0b5Ylpd+4Yn+frqzSmvfgi4Olp2Tgpn7p2DejZU66D0QkLA1atku+IqFBh4ktERAXO+fNKVfevv7JvTKtVS2lMq1OHjWn0hDVrgAED5LYegCz7jx4NTJ7MjZgLKSa+RESU76WlyQRXl+xevGh8nqur3GasXTtZ3S1RwrJxUgESFwf07y8/MgCAgABgxQq5OTMVWkx8iYgoX7p1S2lM27YNSEoyPi8oSGlMa9qUjWmUSz4+wPz5QPfuQJcu8rK3t9pRUR5j4ktERPmCViub0XRV3cOHjc+ztZVHAusa0ypVYmMa5UJ6uvzowMVFGevWDShVSnY68ofIKjDxJSIi1Tx4ILcZ27hRVndv3zY+z8dH7qnbrh3QqhXg5WXRMKmgi44GevSQ75IWLza8rUkTdWIiVTDxJSIii7p4Uanq7t4NPH5sfF6NGkpjWt26stJLZBIh5LrdwYPlWpn9++U7qE6d1I6MVMLEl4iI8lRamjwSWJfs6s4GeJKzs2FjWqlSlo2TCpn4eGDgQLlzg05wsGxiI6vFxJeIiMzu9m25p+6mTcDWrXJJgzGBgUpVt1kzmfwSPbddu+TevNevK2N9+gBz5wLu7mpFRfkAE18iInpuQgDHjilV3UOH5NiTbG2BBg2UxrQqVdhTRGaUlgZMnAjMmKH8AHp7AwsXcnkDAWDiS0REzygpCdi+XSa6mzYBMTHG5xUpojSmRURwxyjKI3fvys7HzOdUN28OLF/OdTOkx8SXiIhy7dIlJdHdtUsW2IwJCVGquvXrszGNLMDbW27/AQD29sDUqcDIkTyujwww8SUiomw9fgzs3assYTh3zvg8JyegZUulMa10acvGSQQbG2DpUqBzZ+DLL+V51URPYOJLREQGYmMNG9MSEozPK11aaUxr3tzwXACiPLdtm3zHlXkf3uLFgb//Vi8myvdUr//PmzcPgYGBcHJyQr169XDw4MEc58+ZMwcVK1aEs7MzAgICMHz4cKSkpFgoWiKiwkcI4Phx4JNPgBdeAPz9gd695S5QmZNeGxt5Ytr06cDJk8CVK8A338jEl0kvWUxKCjB8uFww3r273LaMKJdUrfiuXr0aI0aMwIIFC1CvXj3MmTMHERERiIqKgp+fX5b5q1atwujRo7F48WI0aNAA58+fR58+faDRaPDFF1+o8B0QERVMycnAjh3Ket0bN4zP8/YGWrdWGtOKFrVsnEQGIiNlshsZKa9fvw58+y3w4YfqxkUFhkYIYxvOWEa9evVQp04dfP311wAArVaLgIAADB06FKNHj84yf8iQITh79ix27NihHxs5ciQOHDiAPXv25Oo5ExMT4enpiYSEBHh4eJjnGyEiKgAuX1YS3Z07gdRU4/OqVZNV3HbtZGOaHRfFkdq0WuCrr2SCq/vBdXQEZs4EhgzhnniFUF7la6r9OUtLS8ORI0cwZswY/ZiNjQ3Cw8Oxf/9+o/dp0KABfvjhBxw8eBB169ZFdHQ0Nm/ejJ49e2b7PKmpqUjN9Nc9MTHRfN8EEVE+lp4O7NsnE92NG4EzZ4zPc3QEWrRQdmEoU8aycRLlKCYG6NtXLjjXCQkBVq2S79KITKBa4hsXF4eMjAz4+/sbjPv7++NcNm3D3bp1Q1xcHBo1agQhBNLT0zFw4ECMHTs22+eZPn06pkyZYtbYiYjyq7g4YMsWmexu2QLcv298XqlSSlW3RQuu0aV86tdfgX795A+2zvDhwLRpsrGNyEQF6gOsXbt2Ydq0afjmm29Qr149XLx4Ee+++y4+/vhjTJgwweh9xowZgxEjRuivJyYmIoDndBNRISGEXO6o227sn3/kp8JP0mhk45puF4bq1fnpMOVzsbFyPW9ysrxevLjcrqxVK1XDooJNtcTXx8cHtra2uH37tsH47du3UaxYMaP3mTBhAnr27Il+/foBAEJCQpCcnIy3334b48aNg42RTaodHR3h6Oho/m+AiEglDx8Cf/6prNe9ds34PC8v2ZDWrp1sUNPt7U9UIPj6AnPmAP37Ax06AN99xx9iem6qJb4ODg4ICwvDjh070LFjRwCyuW3Hjh0YMmSI0fs8fPgwS3Jr+99xQCr26BER5bl//1US3T//lDs6GVOlilLVbdBAHmBFVCBkZMiF6ZmLVW+9JdflRETwIwoyC1WXOowYMQK9e/dG7dq1UbduXcyZMwfJycno27cvAKBXr14oWbIkpk+fDgBo3749vvjiC9SsWVO/1GHChAlo3769PgEmIioM0tPlsgVdY9qpU8bnOTjIwyN0jWlBQZaNk8gsrl0DevWSzWpffaWMazTy4woiM1E18e3SpQtiY2MxceJE3Lp1CzVq1MCWLVv0DW9Xr141qPCOHz8eGo0G48ePx40bN+Dr64v27dtj6tSpan0LRERmc++e0pj2++/Z78tfooTSmNayJeDqatk4icxqzRpgwADZiblrF/DSS/Lca6I8oOo+vmrgPr5ElF8IAZw+rTSm7duXfWNa3bpKVbdGDX7qS4VAYiIwbBiwbJkyFhAArFwJNG6sXlyULxS6fXyJiKzRo0fy8AjdEoarV43P8/AwbEwzcpglUcG1fz/QowcQHa2MdekCzJ8vjwskyiNMfImI8ti1a0pj2o4dMvk1plIlpTGtUSM2plEhlJ4OTJ0KfPyxbGYDAHd3YN48mQjzowzKY0x8iYjMLCMDOHBAqeqePGl8noMD0LSpsoShbFnLxklkUXfvAu3by2qvToMGwA8/sCuTLIaJLxGRGcTHyxNVdY1pd+8an1esmFLVDQ+XxS4iq+DlBdj9l3bY2gITJwJjxypjRBbAnzYiomcgBHD2rFLV3btX+eT2SXXqKFXdmjUBI2ftEBV+trbAihXAq6/KpQ3166sdEVkhJr5ERLmUkiJ3W9Ilu1euGJ/n7i5PVW3XTu7M9N8OjUTWZfduwNlZbkmiU6YMcPgw1/KSapj4EhHl4MYNpTFt+3Z5XLAxFSooSxgaN5brd4msUloaMGkS8Nlncu3u8eOGa3qY9JKKmPgSEWWSkQEcOqRUdY8fNz7P3h5o0kRZwlC+vEXDJMqfoqKAbt2Ao0fl9ehouUXZBx+oGxfRf5j4EpHVS0gwbEyLjTU+z99fHijVti3w4otyr10iglz0vmgR8N57yn599vZy67KRI1UNjSgzJr5EZHWEkIUp3Ylpe/bI7UWNCQtTqrphYWxMI8oiNhbo3x/49VdlrGJFYNUqoFYt9eIiMoKJLxFZhdRU2WujW8KQ+cCozNzcZDVX15hWvLhl4yQqULZuBfr0AW7dUsYGDgRmzQJcXFQLiyg7THyJqNC6eRPYvFkmu3/8ASQnG59XtqxS1W3SBHB0tGycRAXS7dtAx45yuxMA8PEBFi+Wh1QQ5VNMfImo0NBq5U5JuiUMuv6aJ9nZyZ0XdMluhQpsNCcymb8/8Omncl1vRASwdKk8oYUoH2PiS0QFWmIisG2bTHQ3bwbu3DE+z9dXaUxr1Qrw9LRsnEQFnlYrtz2xt1fGhg4FSpUCXnmFC+CpQGDiS0QFzvnzSlX3r7+yb0yrWVOp6tapw3+XiZ5ZTIxcy1ujhtyfV8fGBnjtNbWiIjIZE18iyvfS0mSCq2tMu3jR+DxXVyA8XCa6bdoAJUtaNk6iQunXX4G33gLu3pWL5SMigBYt1I6K6Jkw8SWifOnWLaUxbds2ICnJ+LygIKWq27Qp4ORk2TiJCq3kZLkH78KFyhjP36YCjokvEeULWq1sRtNVdQ8fNj7P1hZo1EhJditVYmMakdkdOSJPYDt/Xhnr0AH47ju5ewNRAcXEl4hU8+CB/ORU15iWeSvQzIoWVRrTIiIALy+LhklkPTIygM8/B8aPVxbPu7gAc+YA/frxXSYVeEx8iciiLl5UGtN27wYePzY+LzRUqerWrSsrvUSUh+LigE6dgF27lLGwMHkCW4UKqoVFZE5MfIkoT6WlySOBdUsYMn9ympmzs2FjWkCAZeMksnqenspieo0GGD0amDwZcHBQNSwic2LiS0Rmd+eOYWNaYqLxeWXKKFXdZs1k8ktEKrG3B1aulKexzZ8vu0WJChkmvkT03IQAjh1TqrqHDsmxJ9naAg0ayES3XTugShUuGSRSzf79cv1uaKgyVqECcOoUN72mQouJLxE9k6QkYPt2mexu2iT3tzemSBHgpZeUxrQiRSwbJxE9IT0dmDoV+PhjmegePiwTYB0mvVSIMfElolyLjlaqurt2yfW7xoSEKEsY6tdnYxpRvhEdDfToIau9AHD2LPDNN8CoUerGRWQhTHyJKFuPHwN79yrJ7rlzxuc5OQEtW8pEt21boHRpy8ZJRE8hBLBiBTBkiNxHEJDvSCdNAt57T9XQiCyJiS8RGYiNBX7/XSa7W7cCCQnG5wUEKFXd5s0NPyklonwkPh4YOBBYs0YZK1sW+OEH+ZEMkRVh4ktk5YQATpxQqroHDhhvTLOxAV54QWlMq1aNjWlE+d6uXUDPnsD168pY377Al18C7u6qhUWkFia+RFYoORnYsUNpTLtxw/g8Ly+lMa11a3mCGhEVEDExsqNUtxjf2xtYuFAeUkFkpZj4ElmJK1eUqu7OnUBqqvF5VasqSxheeAGw418JooKpeHG5hnfcOLkeaflyoFQptaMiUhX/SSMqpNLTgX37lGT3zBnj8xwdgRYtlMa0wECLhklE5iIEoNUabqPy4YdyQX737tymjAhMfIkKlbt3lca0LVuA+/eNzytZUqnqtmgBuLpaNEwiMrfYWKB/f6BmTVnl1bG1lWt8iQgAE1+iAk0IIDJSqer+848s+DxJo5HN27rGtOrV2ZhGVGhs3Qr06QPcuiX/ELRqJdcpEVEWTHyJCpiHD4E//1Qa065dMz7P01M2pOka03x9LRsnEeWxlBRgzBhgzhxlzNtb2aeXiLJg4ktUAFy9qlR1//xT/ntnTOXKSlW3QQPA3t6ycRKRhURGynW7kZHKWEQEsHQpUKyYamER5XdMfInyofR0uWxBl+yeOmV8noODbNbWNaYFB1s2TiKyMK0W+Oor2bSm25rF0RGYMUOeysYGNqIcMfElyifu3ZNL9TZulI1p9+4Zn1eihJLotmwJuLlZNk4iUsndu7LKu3WrMhYSAqxaJU+UIaKnYuJLpBIhgNOnlaruvn3ZN6bVrassYahRg41pRFbJ1dXwtJnhw4Fp0wAnJ/ViIipgmPgSWdCjR/LwCF1j2r//Gp/n4SGX67VtK09O8/OzbJxElA85OcnqbocOwIIFcvcGIjIJE1+iPHb9ulLV3bFDJr/GVKyoVHUbNWJjGpHVO3JEVnkrVVLGQkKA8+d5pCLRM+JvDpGZZWQABw4oVd0TJ4zPs7cHmjVT1uuWK2fRMIkov8rIAD7/HBg/Xq7d/ecf2cCmw6SX6Jnxt4fIDO7fVxrTfv9d9qAYU6wY0KaNrOqGhwPu7hYNk4jyu2vX5Elru3fL68ePA998I9fzEtFzY+JL9AyEAM6eVZYw7N0rizTG1KmjLGGoWZO7DRFRNtasAQYMUM4a12iA0aOBwYNVDYuoMGHiS5RLKSmyCLNxo0x4L182Ps/NzbAxjXvJE1GOEhOBYcOAZcuUsYAAYMUKoGlT9eIiKoSY+BLl4MYNYPNmmexu3y6PCzamfHmlqtu4sTxYgojoqfbvB3r0AKKjlbEuXYD58+Xxw0RkVkx8iTLJyAAOHVKWMBw/bnyenZ0sxOga0ypUsGiYRFQY3LghO1zT0uR1d3dg3jyZCHOzbqI8wcSXrF5CgmxM27RJNqbFxhqf5+enNKa9+KLca5eI6JmVLAmMGiUPoWjQAPjhByAoSO2oiAo1Jr5kdYQAoqKUqu6ePUB6uvG5YWHKEoawMDamEdFzEEL+N3M1d/JkoHRp4K23uE0ZkQXwt4ysQmqqbEzTJbuZl9Nl5uoqD0Nq21ZWd4sXt2ycRFRIxccDAwfKbV5GjVLG7e3lTg5EZBFMfKnQiolRGtP++ANITjY+LzhYVnTbtQOaNDHcJ56I6Lnt2iX35r1+HfjlF6BlS7m3IRFZHBNfKjS0WuDwYaWqe/So8Xl2dnLnBV1jWsWK7CMhojyQlgZMnAjMmKEsc3BzA27dUjcuIivGxJcKtMREYNs2mexu3gzcuWN8nq+v3FO3XTu5lMHT07JxEpGViYoCunUzfAfevDmwfDlQqpR6cRFZOSa+VOCcP69Udf/+G3j82Pi8mjWVxrTatQFbW8vGSURWSAjg22/lEcOPHskxe3tg6lRg5Eh2yBKp7LkS35SUFDg5OZkrFiKj0tKAv/6Sye6mTcCFC8bnubgA4eEy0W3TRu4URERkMffuAX37Ahs2KGMVKwKrVgG1aqkXFxHpmZz4arVaTJ06FQsWLMDt27dx/vx5BAcHY8KECQgMDMRbb72VF3GSlbl1S+6pq2tMe/DA+LygIKWq27QpwPdhRKQaR0fg3Dnl+qBBwOefy3flRJQvmJz4fvLJJ1i2bBlmzJiB/v3768erVauGOXPmMPGlZ6LVyqVwuiUMhw8bn2drCzRqpCS7lSqxMY2I8glXV2DlSqBDB2DBAqB9e7UjIqInmJz4Ll++HN9++y1atmyJgQMH6sdDQ0NxLvM7XaKnePBAVnN1jWnZNToXLSqXLrRtKxvTeHw9EeULkZEy2Q0OVsZq15YbhXNfRKJ8yeTE98aNGyhXrlyWca1Wi8fZdRkR/efiRaWqu3t39o1poaFKVbduXTamEVE+otUCX30FfPih7KL9+2/DU9eY9BLlWyYnvlWqVMHff/+NMmXKGIyvXbsWNbkhNz0hLU0eCaxrTIuKMj7P2Vk2pulOTAsIsGycRES5EhMD9Okj91EEgH/+AebPB4YOVTUsIsodkxPfiRMnonfv3rhx4wa0Wi3Wr1+PqKgoLF++HBs3bsyLGKmAuXNHaUzbtk3utWtMmTJKVbdZM5n8EhHlW7/+Crz1FnD3rjI2fDiQqd+FiPI3jRC642Ry7++//8ZHH32EEydOICkpCbVq1cLEiRPRqlWrvIjRrBITE+Hp6YmEhAR4eHioHU6hIARw7JiyhOHQIeWQosxsbICGDZVkt0oVNqYRUQGQnCz34F24UBkrXhxYulQ2HhCR2eVVvvZMiW9BxsTXPJKSgB07ZKK7eTNw86bxeUWKyBPT2rYFIiLkdSKiAuPIEXkC2/nzyljHjsCiRYCPj2phERV2eZWvmbzUITg4GIcOHULRokUNxu/fv49atWohOjrabMFR/hIdrVR1d+2S63eNCQlRqrr16hn2fBARFRjXrgENGih/7FxcgC+/lMsd+HEVUYFkckpy5coVZGRkZBlPTU3FjRs3zBIU5Q+PHwN79yqNaWfPGp/n5AS0bCmT3bZtgdKlLRsnEVGeCAgA3nkHmDMHCAuTJ7BVqKB2VET0HHKd+G7IdATj1q1b4enpqb+ekZGBHTt2IDAw0KzBkeXFxSmNaVu3AgkJxucFBChV3ebNeTARERUSQhhWc6dPl+/mBw8GHBzUi4uIzCLXa3xtbGzkHTQaPHkXe3t7BAYGYtasWWjXrp35ozQjrvE1JARw4oRS1f3nn+wb0154QUl2q1XjJ31EVIgkJgLDhsmNw995R+1oiKye6mt8tVotACAoKAiHDh2CDxf1F1jJycCffyqNadevG5/n5QW0bi0T3dat5QlqRESFzv79QPfuwOXLwOrV8mOsypXVjoqI8oDJa3wvX76cF3FQHrtyRWlM27kTSE01Pq9qVaWq+8ILbEwjokIsPR345BP5petdsbcHLl1i4ktUSD1TWpOcnIzdu3fj6tWrSHuitX/YsGFmCYyeT3q6LGJs3CgT3tOnjc9zdARatFAa07hMm4isQnQ00KOH/EOp06AB8MMPQFCQenERUZ4yOfE9duwY2rRpg4cPHyI5ORlFihRBXFwcXFxc4Ofnx8RXZadPA1OnAlu2APHxxueULKlUdVu0AFxdLRsjEZFqhACWLweGDJEbkgOArS0wcSIwdiw/5iIq5Ez+DR8+fDjat2+PBQsWwNPTE//88w/s7e3Ro0cPvPvuu3kRI5mgWzfg5EnDMY0GqF9fqeqGhrIxjYis0P37wIABwJo1ylhwMLBypfwjSUSFnsmJ7/Hjx7Fw4ULY2NjA1tYWqampCA4OxowZM9C7d2+8+uqreREn5UJ8vJL0uroqVd3WrQFfX3VjIyJSnUYDHDigXO/TB5g7F3B3Vy0kIrIsG1PvYG9vr9/azM/PD1evXgUAeHp64tq1a+aNjkxy+LBy+a23ZHNyz55MeomIAACensCKFfKo4TVrgCVLmPQSWRmTK741a9bEoUOHUL58eTRt2hQTJ05EXFwcVqxYgWrVquVFjJRLmRPf2rXVi4OIKF+IipIff5UqpYw1biy3uWFzA5FVMrniO23aNBQvXhwAMHXqVHh7e2PQoEGIjY3FwoULzR4g5d6hQ8rlOnXUi4OISFVCAAsXAjVrAr16Af/tQ6/HpJfIauX65LbCojCf3Fa6NHDtmvzk7v59edoaEZFViY0F+vUDNmxQxubPBwYOVC8mIjJZXuVrZkuNjh49mu+PKy7Mbt+WSS8AhIUx6SUiK7R1K1C9umHSO3CgrPoSEcHExHfr1q0YNWoUxo4di+joaADAuXPn0LFjR9SpU0d/rLEp5s2bh8DAQDg5OaFevXo4ePBgjvPv37+PwYMHo3jx4nB0dESFChWwefNmk5+3sOEyByKyWikpwPDhcgubW7fkmI+PTIDnzwdcXNSNj4jyjVw3t33//ffo378/ihQpgvj4eHz33Xf44osvMHToUHTp0gWnTp1CZROPeFy9ejVGjBiBBQsWoF69epgzZw4iIiIQFRUFPz+/LPPT0tLw4osvws/PD2vXrkXJkiXx77//wsvLy6TnLYzY2EZEVikyEujeXf5XJyICWLoUKFZMtbCIKH/K9Rrf6tWro2fPnnj//fexbt06dOrUCfXr18eaNWtQKnPHrAnq1auHOnXq4OuvvwYAaLVaBAQEYOjQoRg9enSW+QsWLMDMmTNx7tw52NvbP9NzFtY1vm3bArrCd3Q0T9wkIivw779AxYpAaqq87ugIzJghT2Xjei+iAk31Nb6XLl1Cp06dAACvvvoq7OzsMHPmzGdOetPS0nDkyBGEh4crwdjYIDw8HPszn52eyYYNG/DCCy9g8ODB8Pf3R7Vq1TBt2jRkZGRk+zypqalITEw0+CpshFAqvkWLAoGBqoZDRGQZZcoo63dDQuQfwmHDmPQSUbZy/dfh0aNHcPlvnZRGo4Gjo6N+W7NnERcXh4yMDPj7+xuM+/v745ZujdYToqOjsXbtWmRkZGDz5s2YMGECZs2ahU8++STb55k+fTo8PT31XwEBAc8cc3517Rpw5468XLs2jyMmIisyezbwySfAwYMA95Inoqcw6QCL7777Dm5ubgCA9PR0LF26FD4+PgZzhg0bZr7onqDVauHn54dvv/0Wtra2CAsLw40bNzBz5kxMmjTJ6H3GjBmDESNG6K8nJiYWuuSX63uJqNBLTgZGjgTq15dHDeu4ugLjxqkWFhEVLLlOfEuXLo1FixbprxcrVgwrVqwwmKPRaHKd+Pr4+MDW1ha3b982GL99+zaKZdOQULx4cdjb28PW1lY/VrlyZdy6dQtpaWlwcHDIch9HR0c4OjrmKqaCijs6EFGhduSIbGCLigJWrpSnr5Utq3ZURFQA5TrxvXLlilmf2MHBAWFhYdixYwc6duwIQFZ0d+zYgSFDhhi9T8OGDbFq1SpotVrY/LeG6/z58yhevLjRpNdasOJLRIVSRgbw+efA+PFAeroc02qBU6eY+BLRM1G1A2DEiBFYtGgRli1bhrNnz2LQoEFITk5G3759AQC9evXCmDFj9PMHDRqEe/fu4d1338X58+exadMmTJs2DYMHD1brW1Bd5sa24sWBkiXVjYeIyCyuXQNatgRGj1aS3rAw4NgxoEMHdWMjogLLpDW+5talSxfExsZi4sSJuHXrFmrUqIEtW7boG96uXr2qr+wCQEBAALZu3Yrhw4ejevXqKFmyJN599118+OGHan0Lqrt0SR5PDLDaS0SFxJo1wIAByh83jUYmwJMnA1b86R4RPb9c7+NbWBS2fXx//BHo1k1e/ugjYMIEdeMhInpmDx4AQ4cCy5YpYwEBwIoVQNOm6sVFRBan+j6+lD+xsY2ICo3UVGDbNuV6ly7AiRNMeonIbJj4FnBsbCOiQsPHR1Z7PTyA5cvlR1re3mpHRUSFyDMlvpcuXcL48ePxxhtv4M5/Jyf8/vvvOH36tFmDo5xlZABHj8rLgYHy3wwiogIjOhp4YktLvPiiPIq4Z0+exkNEZmdy4rt7926EhITgwIEDWL9+PZKSkgAAJ06cyPYQCcob587JPd0BVnuJqAARQlZ2Q0OBN9+U1zPz8lIlLCIq/ExOfEePHo1PPvkEf/zxh8HeuS1atMA///xj1uAoZ1zfS0QFTnw80LWrPH0tKQnYvBlYskTtqIjISpic+EZGRuKVV17JMu7n54e4uDizBEW5w/W9RFSg7NoFVK8utyvT6dMH6NRJrYiIyMqYnPh6eXkhJiYmy/ixY8dQkqcnWFTmim9YmHpxEBHlKC1N7sPbogVw/boc8/aWCfCSJYC7u7rxEZHVMDnx7dq1Kz788EPcunULGo0GWq0We/fuxahRo9CrV6+8iJGMSEuTu/wAQIUKgKenuvEQERl17hzwwgvAZ58pa3mbNwdOnmSll4gszuTEd9q0aahUqRICAgKQlJSEKlWqoEmTJmjQoAHGjx+fFzGSEadOyS0vAa7vJaJ8KjoaqFVL2X7G3h6YMQPYvh0oVUrd2IjIKpl8ZLGDgwMWLVqECRMm4NSpU0hKSkLNmjVRvnz5vIiPssH1vUSU7wUHA6++CqxcCVSsCKxaJRNhIiKVmJz47tmzB40aNULp0qVRunTpvIiJcoE7OhBRgTBvHlCmDDBuHODionY0RGTlTF7q0KJFCwQFBWHs2LE4c+ZMXsREuaBLfG1sgJo11Y2FiAgpKcDw4cDPPxuOe3oCU6cy6SWifMHkxPfmzZsYOXIkdu/ejWrVqqFGjRqYOXMmrus6dSnPPXok1/gCQNWq/PeEiFQWGQnUrQvMmQO8/TZw7ZraERERGWVy4uvj44MhQ4Zg7969uHTpEjp16oRly5YhMDAQLVq0yIsY6QnHj8vjigEucyAiFWm1wJdfyj9EkZFy7NEjwyYEIqJ8xOQ1vpkFBQVh9OjRCA0NxYQJE7B7925zxUU5YGMbEakuJgbo2xfYulUZCwmRDWzVqqkXFxFRDkyu+Ors3bsX77zzDooXL45u3bqhWrVq2LRpkzljo2ywsY2IVPXrr/IEtsxJ7/DhwMGDTHqJKF8zueI7ZswY/PTTT7h58yZefPFFfPnll+jQoQNcuNDUYnQVX3t7WWAhIrKI5GRg5Ehg4UJlrHhxYOlSoFUr1cIiIsotkxPfv/76C++//z46d+4MHx+fvIiJcvDggTwICQBCQwFHR3XjISIrkpgIrFunXO/YEVi0COC/BURUQJic+O7duzcv4qBcOnpUOfWT63uJyKKKFwe++w7o1k02tb31FqDRqB0VEVGu5Srx3bBhA1566SXY29tjw4YNOc59+eWXzRIYGcf1vURkMdeuAa6uQJEiyliHDsDly4Cfn3pxERE9o1wlvh07dsStW7fg5+eHjh07ZjtPo9EgQ7fPFuUJ7uhARBaxZg0wYAAQHi4vZ67sMuklogIqV7s6aLVa+P33h06r1Wb7xaQ37+kqvs7OQJUq6sZCRIVQYiLQpw/QpQtw/z6wdq3cooyIqBAweTuz5cuXIzU1Nct4Wloali9fbpagyLi7d4HoaHm5Vi3A7rl2YSYiesL+/UCNGsCyZcpYly5AmzaqhUREZE4mJ759+/ZFQkJClvEHDx6gb9++ZgmKjDtyRLnMZQ5EZDbp6cCUKUDjxnL9LgC4uwPLlwM//gh4e6sbHxGRmZhcMxRCQGOki/f69evw9PQ0S1BkHBvbiMjsoqOBHj1ktVenQQPghx+AoCD14iIiygO5Tnxr1qwJjUYDjUaDli1bwi7T5+wZGRm4fPkyWrdunSdBksTGNiIyq4sX5bqpBw/kdVtbYOJEYOxYrqUiokIp13/ZdLs5HD9+HBEREXBzc9Pf5uDggMDAQLz22mtmD5AUuoqvhwdQvry6sRBRIVC2LNCyJfC//wHBwcDKlUD9+mpHRUSUZ3Kd+E6aNAkAEBgYiC5dusDJySnPgqKsYmKAGzfk5bAwwMbk1dlERE/QaOTJa2XKAB9/LNf1EhEVYianT71792bSq4LMyxy4vpeITJaWBoweDWzaZDju4wPMmcOkl4isQq4qvkWKFMH58+fh4+MDb29vo81tOvfu3TNbcKTg+l4iemZRUfKY4aNHgSVLgJMnAX9/taMiIrK4XCW+s2fPhvt/1YDZs2fnmPhS3uCODkRkMiGAb78Fhg8HHj2SY/HxwN69wKuvqhsbEZEKNEIIoXYQlpSYmAhPT08kJCTAw8ND7XByRQhZnImNBYoWlf/lew8iylFsLNCvH7BhgzJWsaI8ha1WLfXiIiLKhbzK10xe43v06FFERkbqr//666/o2LEjxo4di7S0NLMFRoqrV+W/YYCs9jLpJaIcbd0KVK9umPQOGiSXOjDpJSIrZnLiO2DAAJw/fx4AEB0djS5dusDFxQU///wzPvjgA7MHSFzmQES5lJIilzW0bg3cuiXHfHxkAvzNN4CLi7rxERGpzOTE9/z586hRowYA4Oeff0bTpk2xatUqLF26FOvWrTN3fAQ2thFRLt25I5vXdFq3BiIjgfbt1YuJiCgfMTnxFUJAq9UCALZv3442bdoAAAICAhAXF2fe6AiAYcWXiS8RZat0aWD+fMDREZg7F9i8GShWTO2oiIjyDZPPpKxduzY++eQThIeHY/fu3Zg/fz4A4PLly/Dn9jhmp9UCR47IyyVKyC8iIgDyZBtXV3mco84bbwCNGgEBAerFRUSUT5lc8Z0zZw6OHj2KIUOGYNy4cShXrhwAYO3atWjQoIHZA7R2Fy8CCQnyMtf3EpHer7/KBrZhw7LexqSXiMgokyu+1atXN9jVQWfmzJmwtbU1S1Ck4PpeIjKQnAyMHAksXCivL1sm1/C+9pq6cRERFQAmJ746R44cwdmzZwEAVapUQS1ukZMnuKMDEekdOSJPYPtvZx0AQMeOQNOmqoVERFSQmJz43rlzB126dMHu3bvh5eUFALh//z6aN2+On376Cb6+vuaO0aplrviGhakXBxGpKCMD+PxzYPx4ID1djrm4AF9+Cbz1Fjf3JiLKJZPX+A4dOhRJSUk4ffo07t27h3v37uHUqVNITEzEMGNrzeiZpafL/eYBIChIbsdJRFbm2jWgZUtg9Ggl6Q0LA44dkyezMeklIso1kyu+W7Zswfbt21G5cmX9WJUqVTBv3jy0atXKrMFZu3PngIcP5WWu7yWyQufPA/XqAffvy+sajUyAJ08GHBzUjIyIqEAyueKr1Wphb2+fZdze3l6/vy+ZB9f3Elm5cuVk4gvInRp27gSmTWPSS0T0jExOfFu0aIF3330XN2/e1I/duHEDw4cPR8uWLc0anLVj4ktk5Wxs5Elsb78NnDjBJjYioudkcuL79ddfIzExEYGBgShbtizKli2LoKAgJCYm4quvvsqLGK2WrrFNowG4aQZRIZeeDkyZAvz5p+F48eJy6zJvb3XiIiIqRExe4xsQEICjR49ix44d+u3MKleujPDwcLMHZ83S0mSBBwAqVjQ8mImICpnoaKBHD2D/fqBkSeDkSaBIEbWjIiIqdExKfFevXo0NGzYgLS0NLVu2xNChQ/MqLqsXGSmTX4CNbUSFlhDAihXAkCHAgwdy7NYtuZaXB1IQEZldrhPf+fPnY/DgwShfvjycnZ2xfv16XLp0CTNnzszL+KwW1/cSFXLx8cDAgcCaNcpYcDCwciVQv756cRERFWK5XuP79ddfY9KkSYiKisLx48exbNkyfPPNN3kZm1XjUcVEhdiuXUD16oZJb58+wPHjTHqJiPJQrhPf6Oho9O7dW3+9W7duSE9PR0xMTJ4EZu10FV9bW6BGDVVDISJzSUsDxowBWrQArl+XY15eMgFesgRwd1c1PCKiwi7XSx1SU1Ph6uqqv25jYwMHBwc8evQoTwKzZg8fAqdPy8tVq8qTSYmoELh+HfjqK7m2FwCaNQOWL5d79BIRUZ4zqbltwoQJcMmUhaWlpWHq1Knw9PTUj33xxRfmi85KHT8OZGTIy1zfS1SIBAcDX34JDBoETJ0KjBwp9+olIiKLyHXi26RJE0RFRRmMNWjQANHR0frrGp4ZbxZc30tUSMTFyY9sMn9s8+ab8iCKcuXUi4uIyErlOvHdtWtXHoZBmXFHB6JCYOtW2bD26qvAvHnKuEbDpJeISCX8jC0f0lV8HRyAkBB1YyEiE6WkAMOHA61byz15v/kG2LRJ7aiIiAjPcHIb5a3EREC3oiQ0VCa/RFRAREYC3bvL/+q0bg2EhakXExER6bHim88cOaI0fHOZA1EBodXKprU6dZSk19ERmDsX2LwZKFZM3fiIiAgAK775DhvbiAqYmBigb1+5plcnJARYtQqoVk29uIiIKAsmvvkMG9uICpCoKKBRI7l7g87w4cC0aYCTk3pxERGRUc+01OHvv/9Gjx498MILL+DGjRsAgBUrVmDPnj1mDc4a6Sq+Li5ApUrqxkJET1GuHFClirxcvLis+n7xBZNeIqJ8yuTEd926dYiIiICzszOOHTuG1NRUAEBCQgKmTZtm9gCtSVwccPmyvFyrFmDHejxR/mZrC6xYAfTsCZw8CbRqpXZERESUA5MT308++QQLFizAokWLYG9vrx9v2LAhjh49atbgrM2RI8plru8lymcyMoDPPgP27TMcL11aHjvs46NOXERElGsm1xSjoqLQpEmTLOOenp64f/++OWKyWlzfS5RPXbsmq7q7dwNBQfJccQ8PtaMiIiITmVzxLVasGC5evJhlfM+ePQgODjZLUNaKOzoQ5UNr1gDVq8ukFwCuXAG2bVM1JCIiejYmJ779+/fHu+++iwMHDkCj0eDmzZtYuXIlRo0ahUGDBuVFjFZDV/H19OSJpkSqS0yURw536QLoPs0KCAB27gRef13NyIiI6BmZvNRh9OjR0Gq1aNmyJR4+fIgmTZrA0dERo0aNwtChQ/MiRqtw86b8AuQhTzY8WoRIPfv3Az16ANHRyliXLsD8+YC3t3pxERHRczE58dVoNBg3bhzef/99XLx4EUlJSahSpQrc3NzyIj6rkXmZA9f3EqkkPR2YOhX4+GPZzAYA7u7AvHkyEdZo1I2PiIieyzNvmOXg4IAquv0r6bmxsY0oH7h0CZg+XUl6GzQAfvhBNrQREVGBZ3Li27x5c2hyqHr8+eefzxWQtWJjG1E+ULEiMGMGMGIEMHEiMHYsN9QmIipETP6LXqNGDYPrjx8/xvHjx3Hq1Cn07t3bXHFZFSGUiq+vr9wWlIgsID5eHpPo6KiMDR0KtGgBVKumXlxERJQnTE58Z8+ebXR88uTJSEpKeu6ArNG//wJ378rLtWtzGSGRRezaJffm7doVmDlTGddomPQSERVSZts7oEePHli8eLG5Hs6qcH0vkQWlpQFjxsiq7vXrwOefAzt2qB0VERFZgNkWr+3fvx9OTk7mejirwvW9RBYSFQV06wZkPl69eXO5tpeIiAo9kxPfV1991eC6EAIxMTE4fPgwJkyYYLbArEnmii8TX6I8IATw7bfA8OHAo0dyzN5ebl02ciQ3ziYishImJ76enp4G121sbFCxYkV89NFHaNWqldkCsxZaLXDkiLxcsiRQvLi68RAVOrGxQL9+wIYNyljFisCqVUCtWurFRUREFmdS4puRkYG+ffsiJCQE3jy9yCwuXJAnowJc30tkdlFRQLNmwK1bytigQXJdr4uLamEREZE6TPp8z9bWFq1atcJ93bn1ZjJv3jwEBgbCyckJ9erVw8GDB3N1v59++gkajQYdO3Y0azyWxPW9RHkoOBgICJCXfXxk1febb5j0EhFZKZMXtlWrVg3Rmc+vf06rV6/GiBEjMGnSJBw9ehShoaGIiIjAnTt3crzflStXMGrUKDRu3NhssaiBOzoQ5SF7e2DlSuDVV4HISKB9e7UjIiIiFZmc+H7yyScYNWoUNm7ciJiYGCQmJhp8meqLL75A//790bdvX1SpUgULFiyAi4tLjlujZWRkoHv37pgyZQqCg4NNfs78hI1tRGai1QJz5wLHjhmOly8PrFsHFCumTlxERJRv5Drx/eijj5CcnIw2bdrgxIkTePnll1GqVCl4e3vD29sbXl5eJq/7TUtLw5EjRxAeHq4EZGOD8PBw7N+/P8dY/Pz88NZbbz31OVJTU587Oc8r6enKv9HBwUCRIurGQ1RgxcQAbdoA774rtyt7+FDtiIiIKB/KdXPblClTMHDgQOzcudNsTx4XF4eMjAz4+/sbjPv7++PcuXNG77Nnzx58//33OH78eK6eY/r06ZgyZcrzhponzpxRdlbiMgeiZ/Trr3LXhrg4ef3cOeD334HXXlM3LiIiyndynfgKIQAATZs2zbNgnubBgwfo2bMnFi1aBB8fn1zdZ8yYMRgxYoT+emJiIgJ0zS4qY2Mb0XNITpZ78C5cqIwVLw4sXQpwa0UiIjLCpO3MNBqNWZ/cx8cHtra2uH37tsH47du3UczIerxLly7hypUraJ+pQUWr1QIA7OzsEBUVhbJlyxrcx9HREY6OjmaN21zY2Eb0jI4ckUsazp9Xxjp2BBYtkrs3EBERGWFS4luhQoWnJr/37t3L9eM5ODggLCwMO3bs0G9JptVqsWPHDgwZMiTL/EqVKiEyMtJgbPz48Xjw4AG+/PLLfFPJzS1dxVej4T76RLmSkQHMnAlMmCAXyQNya7I5c+RyBzO/OSciosLFpMR3ypQpWU5ue14jRoxA7969Ubt2bdStWxdz5sxBcnIy+vbtCwDo1asXSpYsienTp8PJyQnVqlUzuL+XlxcAZBnP71JTgRMn5OVKlQB3d3XjISoQzp0zTHrDwuQJbBUqqBsXEREVCCYlvl27doWfn59ZA+jSpQtiY2MxceJE3Lp1CzVq1MCWLVv0DW9Xr16FjY3Ju67le5GRwOPH8jLX9xLlUtWqwMcfA2PHAqNHA5MnAw4OakdFREQFhEboutaewtbWFjExMWZPfC0tMTERnp6eSEhIgIeHh2pxzJ8PvPOOvDx3LjB0qGqhEOVfDx4Azs6AXab36BkZch9AvmMkIiq08ipfy3UpNZf5MeUSd3Qgeor9+4EaNYBPPjEct7XlLw0RET2TXCe+Wq22wFd78xPdjg52dvLfdiL6T3o6MGUK0LgxEB0tlzbs26d2VEREVAiYtMaXzCM5GTh9Wl6uVk1+kktEkIlujx6y2qtTv77cn5eIiOg5Fb6usQLg+HHgv+2H+YktEQAIASxfLj/+0CW9tray8rt7NxAUpGp4RERUOLDiqwIeXEGUSXw8MGgQsHq1MhYcDKxcKau9REREZsLEVwVsbCP6T1QU8OKLwLVrylifPnKrE25uTUREZsalDirQVXwdHeUaXyKrVaYM8N8hNPD2BtasAZYsYdJLRER5gomvhSUkAOfPy8uhodx7n6yck5M8ea1NG+DkSaBTJ7UjIiKiQoyJr4UdOaJc5vpesipCAN9+C5w5YzherRqwaRNQqpQ6cRERkdVg4mthXN9LVik2FujYERgwAOjWDUhNVTsiIiKyQkx8LYw7OpDV2boVqF4d2LBBXj9xAti4Ud2YiIjIKjHxtTBdxdfVFahUSd1YiPJUSgrw3ntA69bArVtyzMdHJsCvvaZqaEREZJ24nZkFxcYCV67Iy7Vqyf35iQqlyEi5pOHUKWUsIgJYuhQoVky1sIiIyLqx4mtBmdf3cpkDFUpaLfDll/IHXJf0OjrKsc2bmfQSEZGqWPG1IDa2UaEXGQmMGKGcyR0SIrcr44bVRESUD7Dia0FsbKNCLzQUGDtWXh4+HDh4kEkvERHlG6z4WpCu4uvlBZQtq2ooRObx8KE8hMIm03voiROBVq2Axo3Vi4uIiMgIVnwt5MYNICZGXq5dG9Bo1I2H6LkdOQLUrAnMmmU4bm/PpJeIiPIlJr4WwvW9VGhkZACffQbUry/P3x43Djh6VO2oiIiInopLHSyE63upULh2DejZE9i9WxmrXh1wc1MvJiIiolxixddCWPGlAm/NGpnk6pJejQYYMwbYtw+oUEHd2IiIiHKBFV8LEEKp+Pr5AQEB6sZDZJLERGDYMGDZMmUsIABYsQJo2lS9uIiIiEzExNcCrlwB7t2Tl9nYRgVKVBTQpg0QHa2MdekCLFggtychIiIqQLjUwQK4vpcKrFKlALv/3h+7uwPLlwM//sikl4iICiQmvhbAxJcKLFdXefJas2bAiROysY0fWRARUQHFxNcC2NhGBYIQsqJ76ZLheFgY8OefQFCQOnERERGZCRPfPKbVyn3+AdkP5O+vbjxERsXHA127Ar17A927A48fG97OKi8RERUCTHzz2PnzwIMH8jKrvZQv7doltylbs0ZeP3AA2LhR1ZCIiIjyAhPfPMb1vZRvpaUBo0cDLVoA16/LMW9v4OefgVdeUTc2IiKiPMDtzPIY1/dSvhQVBXTrZnjUcPPmco1vqVLqxUVERJSHWPHNY5krvkx8SXVCAAsXAjVrKkmvvT0wYwawfTuTXiIiKtRY8c1D6enAsWPyctmy8lNkIlUdOwYMHKhcr1hRbldWq5Z6MREREVkIK7556PRpICVFXub6XsoXatUCRoyQlwcNklVfJr1ERGQlWPHNQ1zfS6pLTQUcHAy3I5s2DWjdGnjxRfXiIiIiUgErvnmIOzqQqiIj5Tuu+fMNxx0dmfQSEZFVYuKbh3SJr0bDT5PJgrRa4Msv5butU6eAkSOBM2fUjoqIiEh1XOqQR1JSZMENACpXBtzc1I2HrERMDNC3L7B1qzJWvrx68RAREeUjrPjmkZMnlVNfucyBLOLXX+UJbJmT3uHDgYMHgSpV1IuLiIgon2DFN4+wsY0sJjlZLmdYuFAZK14cWLoUaNVKtbCIiIjyGya+eYSNbWQR588D7dvL/+p07AgsWgT4+KgWFhERUX7EpQ55RFfxtbMDQkPVjYUKMX9/IC1NXnZxkQnv+vVMeomIiIxg4psHkpOVJvqQEMDJSd14qBDz9AR++AGoV0+eytavn+GevURERKTHxDcPHDsmd5QCuL6XzOznn4Fr1wzHGjYE9u8HKlRQJyYiIqICgolvHuD6XjK7xESgTx+gc2egVy8gI8PwdlZ5iYiInoqJbx7gjg5kVvv3AzVrAsuWyeu7dgEbN6oaEhERUUHExDcP6Cq+Tk5AtWrqxkIFWHo6MGUK0LgxEB0tx9zdgeXLgZdfVjc2IiKiAojbmZnZ/fvAhQvyco0agL29mtFQgRUdDfToIau9Og0ayEa2oCD14iIiIirAWPE1syNHlMtc5kAmE0JWdGvUUJJeW1tZ+d29m0kvERHRc2DF18zY2EbP5fBhoHdv5XpwMLByJVC/vnoxERERFRKs+JoZG9voudSpAwwYIC/36QMcP86kl4iIyExY8TUzXcXXzQ2oWFHdWKgAePxYHu+XeTuyWbOANm3YwEZERGRmrPia0Z07wNWr8nKtWnJpJlG2oqJkNVe3TZmOqyuTXiIiojzAxNeMMi9z4PpeypYQwMKFcm/eo0eBoUOBixfVjoqIiKjQ41IHM+L6Xnqq2FigXz9gwwZlrGRJ4NEj9WIiIiKyEqz4mhF3dKAcbd0KVK9umPQOHCirviEh6sVFRERkJZj4mokQSsXX21vuQkUEAEhJAYYPB1q3Bm7dkmM+PjIBnj8fcHFRNz4iIiIrwaUOZnLjhpLT1K5t2KRPVuziReDVV4HISGWsdWtgyRKgWDH14iIiIrJCrPiaCZc5kFHe3sDdu/KyoyMwdy6weTOTXiIiIhUw8TUTNraRUUWLAkuXAqGh8odk6FB+HEBERKQSJr5mwoovAQB++01Z86Lz4ovAkSNAtWrqxEREREQAmPiaRebGNn9/uTsVWZnkZLlDw8svA2++KX8oMuNpJkRERKpj4msG0dFAfLy8XKcOP8m2OkeOyKP6Fi6U13//Hdi4Ud2YiIiIKAsmvmbA9b1WKiMD+Owzeezw+fNyzMUFWLQIaNdO3diIiIgoC25nZgZc32uFrl0DevYEdu9WxsLCgFWrgAoV1IuLiIiIssWKrxmw4mtlVq+WJ7Dpkl6NBhgzBti3j0kvERFRPsaK73PKyJBLPAGgdGnAz0/deCiP/fMP0LWrcj0gAFixAmjaVL2YiIiIKFdY8X1O588DSUnyMqu9VqB+fbnEAQC6dAFOnGDSS0REVECw4vucuL63kNNqAZsn3h9+/TXQti3QuTO38CAiIipAWPF9TlzfW4hFRwONGgFr1hiOe3jIai+TXiIiogKFie9zylzxZeJbSAgBLF8O1KgB7N8PDBggd3EgIiKiAo2J73N4/Bg4flxeLl8e8PJSMxoyi/h42bzWuzfw4IEcK1IEuHtX3biIiIjouTHxfQ6nTwMpKfIyq72FwK5dcpuyzEsb+vSR725q1FAnJiIiIjIbJr7PgY1thURaGjB6NNCiBXD9uhzz8pIJ8JIlgLu7quERERGReXBXh+fAxrZCIDoa6NQJOHpUGWvWTK7xDQhQLSwiIiIyP1Z8n4Ou4mtjA9SsqW4s9IycnYGrV+Vle3tgxgxgxw4mvURERIUQE99nlJICREbKy5UrA25u6sZDz6h4ceD774FKleSpbO+/n3XfXiIiIioU+C/8MzpxAkhPl5e5vrcA2b496w4NL78MnDwJ1KqlTkxERERkEfki8Z03bx4CAwPh5OSEevXq4eDBg9nOXbRoERo3bgxvb294e3sjPDw8x/l5het7C5iUFGD4cODFF+W+vEIY3m5vr05cREREZDGqJ76rV6/GiBEjMGnSJBw9ehShoaGIiIjAnTt3jM7ftWsX3njjDezcuRP79+9HQEAAWrVqhRs3blg0bu7oUIBERgJ16wJz5sjr69YBW7aoGhIRERFZnkaIJ0tfllWvXj3UqVMHX3/9NQBAq9UiICAAQ4cOxejRo596/4yMDHh7e+Prr79Gr169njo/MTERnp6eSEhIgIeHxzPHXa2a3MfXzk6ec+Dk9MwPRXlFqwW++gr48EMgNVWOOToCM2cCQ4bwyGEiIqJ8ylz52pNU3c4sLS0NR44cwZgxY/RjNjY2CA8Px/79+3P1GA8fPsTjx49RpEgRo7enpqYiVZf0QL6QzyspCTh7Vl6uXp1Jb74UEwP07Qts3aqMhYQAq1bJdy1ERERkdVRd6hAXF4eMjAz4+/sbjPv7++PWrVu5eowPP/wQJUqUQHh4uNHbp0+fDk9PT/1XgBm2qTp6VBYTAS5zyJc2bJDvSDInvcOHAwcPMuklIiKyYqqv8X0en376KX766Sf88ssvcMqm7DpmzBgkJCTov65du/bcz8vGtnxs716gQwcgLk5eL1ZMJsBffMHSPBERkZVTNfH18fGBra0tbt++bTB++/ZtFCtWLMf7fv755/j000+xbds2VK9ePdt5jo6O8PDwMPh6Xmxsy8caNABeeUVe7tBBNra1aqVuTERERJQvqJr4Ojg4ICwsDDt27NCPabVa7NixAy+88EK295sxYwY+/vhjbNmyBbVVKLnqKr5OTkCVKhZ/esrsyd5MjQZYtAhYsgT45RfAx0eduIiIiCjfUX2pw4gRI7Bo0SIsW7YMZ8+exaBBg5CcnIy+ffsCAHr16mXQ/PbZZ59hwoQJWLx4MQIDA3Hr1i3cunULSUlJFok3Ph64eFFerlmT27+q6to1oEULYONGw/GiRYE+fbhrAxERERlQdVcHAOjSpQtiY2MxceJE3Lp1CzVq1MCWLVv0DW9Xr16FTaYjZOfPn4+0tDS8/vrrBo8zadIkTJ48Oc/jPXJEucz1vSpas0YeRHH/vtxX7uRJuZ6XiIiIKBuqJ74AMGTIEAwZMsTobbt27TK4fuXKlbwPKAdc36uyxERg2DBg2TJlzMkJuHmTiS8RERHlSPWlDgUNd3RQ0f79QI0ahklvly7AiRNArVqqhUVEREQFAxNfE+kqvm5uQMWK6sZiNdLTgcmTgcaNgcuX5Zi7O7B8OfDjj4C3t6rhERERUcGQL5Y6FBS3b8t+KgAICwNs+LYh7125AnTrJqu9Og0aAD/8AAQFqRYWERERFTxM3UyQeZkD1/daiI0NcOaMvGxrC0yZAuzezaSXiIiITMbE1wRsbFNB6dLAggVAcDCwZw8wcSJgxw8qiIiIyHRMfE3AxjYL+PtvuXNDZl27yi3L6tdXJyYiIiIqFJj45pIQSsW3SBF+0m52aWnA6NFA06bA0KFZb3dysnxMREREVKgw8c2l69eBO3fk5dq1eSiYWUVFAS+8AHz2mXyHsXw5sG2b2lERERFRIcPEN5e4vjcPCAEsXCjPfj56VI7Z2wMzZgDh4erGRkRERIUOu4Ryiet7zSw2FujXD9iwQRmrWBFYtYqHURAREVGeYMU3l1jxNaOtW4Hq1Q2T3kGDZNWXSS8RERHlEVZ8c0EIpeJbrBhQooS68RRof/8NtG6tXPfxARYvBtq3Vy8mIiIisgqs+ObCpUvA/fvycp06bGx7Lo0aKYlv69ZAZCSTXiIiIrIIVnxzget7zUijAZYsAX75BRg4kO8iiIiIyGJY8c0Fru99RrduAW3bAjt2GI4XKybX9DLpJSIiIgtixTcXMie+rPjm0oYNwFtvAXFxwIkT8qtoUbWjIiIiIivGiu9TZGQoW8yWKQP4+qobT76XnCyXMHToIJNeANBqgStXVA2LiIiIiInvU5w7J3M5gMscnurIESAsTB5KodOxI3DypBwnIiIiUhET36dgY1suZGTI44br15fHDwOAiwuwaBGwfr3csoyIiIhIZVzj+xRsbHuK69eBnj2BXbuUsbAweQJbhQqqhUVERET0JFZ8nyJzxZeHihnx6JHy7kCjAcaMAfbtY9JLRERE+Q4T3xykpQHHj8vLFSoAXl5qRpNPlS8PzJ0LBAQAO3cC06YBDg5qR0VERESUBRPfHJw+DaSmystc3/ufgweBhw8Nx/r2Bc6cAZo2VScmIiIiolxg4psDru/NJD0dmDIFaNAAGDXK8DaNBnBzUycuIiIiolxi4psD7ujwn+hooEkTYPJkuYPD/PlyWQMRERFRAcLENwe6iq+NDVCzprqxqEIIYPlyoEYNYP9+OWZrKyu/jRurGhoRERGRqbidWTYePQIiI+XlqlUBV1d147G4+Hhg0CBg9WplLDgYWLlS7tdLREREVMAw8c3GiRPyU33ACpc57N4t9+a9dk0Z69NH7t7g7q5aWERElpKRkYHHjx+rHQZRoebg4AAbG8suPmDimw2rbWzbvRto3lwucwAAb295BHGnTurGRURkAUII3Lp1C/fv31c7FKJCz8bGBkFBQXCw4DaoTHyzYbWNbY0ayUY2XQK8fDlQqpTaURERWYQu6fXz84OLiws0Go3aIREVSlqtFjdv3kRMTAxKly5tsd81Jr7Z0FV87e2B6tXVjcWibG2BFSuAn38G3ntPdvYREVmBjIwMfdJbtGhRtcMhKvR8fX1x8+ZNpKenw97e3iLPyazGiAcPgHPn5OXq1QFHR3XjyTOxscBrrwF79xqOBwQAI0Yw6SUiq6Jb0+vi4qJyJETWQbfEIUPXVGUBrPgacfSossS10K7v3bpVNqzduiW/4RMnAA8PtaMiIlIdlzcQWYYav2ss6RlRqNf3pqTIJQytW8ukFwCSkoDz51UNi4iIiCivMfE1otDu6BAZKb+hL79Uxlq3luOFLsMnIiJ6uqioKBQrVgwPHjxQO5RCJS4uDn5+frh+/braoRhg4muEruLr7AxUqaJuLGah1cpkt04d4NQpOeboKPfl3bwZKFZM3fiIiOi59OnTBxqNBhqNBvb29ggKCsIHH3yAlJSULHM3btyIpk2bwt3dHS4uLqhTpw6WLl1q9HHXrVuHZs2awdPTE25ubqhevTo++ugj3Lt3L4+/I8sZM2YMhg4dCvdCvE/9vHnzEBgYCCcnJ9SrVw8HDx7McX6zZs30P0+Zv9q2baufY+x2jUaDmTNnAgB8fHzQq1cvTJo0KU+/N1Mx8X3CvXvApUvycs2agF1BXwUdEwO0aSOXN6SmyrGQEJndDx0KcC0bEVGh0Lp1a8TExCA6OhqzZ8/GwoULsyQdX331FTp06ICGDRviwIEDOHnyJLp27YqBAwdi1KhRBnPHjRuHLl26oE6dOvj9999x6tQpzJo1CydOnMCKFSss9n2lpaXl2WNfvXoVGzduRJ8+fZ7rcfIyxue1evVqjBgxApMmTcLRo0cRGhqKiIgI3LlzJ9v7rF+/HjExMfqvU6dOwdbWFp0y7emf+faYmBgsXrwYGo0Gr732mn5O3759sXLlyvz1RklYmYSEBAFAJCQkGL1961YhZGubEO++a9nY8sSpU0I4Oirf1PDhQjx6pHZURET5zqNHj8SZM2fEowL4N7J3796iQ4cOBmOvvvqqqFmzpv761atXhb29vRgxYkSW+8+dO1cAEP/8848QQogDBw4IAGLOnDlGny8+Pj7bWK5duya6du0qvL29hYuLiwgLC9M/rrE43333XdG0aVP99aZNm4rBgweLd999VxQtWlQ0a9ZMvPHGG6Jz584G90tLSxNFixYVy5YtE0IIkZGRIaZNmyYCAwOFk5OTqF69uvj555+zjVMIIWbOnClq165tMBYXFye6du0qSpQoIZydnUW1atXEqlWrDOYYi1EIISIjI0Xr1q2Fq6ur8PPzEz169BCxsbH6+/3++++iYcOGwtPTUxQpUkS0bdtWXLx4MccYn1fdunXF4MGD9dczMjJEiRIlxPTp03P9GLNnzxbu7u4iKSkp2zkdOnQQLVq0yDIeFBQkvvvuO6P3yel37mn52rNixfcJha6xrWpVYOZMuZxh61bgiy8AJye1oyIiKjBq15bn+Fj663n+DTp16hT27dtncCLW2rVr8fjx4yyVXQAYMGAA3Nzc8OOPPwIAVq5cCTc3N7zzzjtGH9/Ly8voeFJSEpo2bYobN25gw4YNOHHiBD744ANotVqT4l+2bBkcHBywd+9eLFiwAN27d8dvv/2GpKQk/ZytW7fi4cOHeOWVVwAA06dPx/Lly7FgwQKcPn0aw4cPR48ePbB79+5sn+fvv/9G7Sde6JSUFISFhWHTpk04deoU3n77bfTs2TPL8oAnY7x//z5atGiBmjVr4vDhw9iyZQtu376Nzp076++TnJyMESNG4PDhw9ixYwdsbGzwyiuv5Pj6TJs2DW5ubjl+Xb161eh909LScOTIEYSHh+vHbGxsEB4ejv3792f7nE/6/vvv0bVrV7i6uhq9/fbt29i0aRPeeuutLLfVrVsXf//9d66fK68V9A/yza7AN7adOAFUqmS4+fCQIUCPHvL4YSIiMsmtW8CNG2pH8XQbN26Em5sb0tPTkZqaChsbG3z99df628+fPw9PT08UL148y30dHBwQHByM8//t8HPhwgUEBwebfKjAqlWrEBsbi0OHDqFIkSIAgHLlypn8vZQvXx4zZszQXy9btixcXV3xyy+/oGfPnvrnevnll+Hu7o7U1FRMmzYN27dvxwsvvAAACA4Oxp49e7Bw4UI0bdrU6PP8+++/WRLfkiVLGrw5GDp0KLZu3Yo1a9agbt262cb4ySefoGbNmpg2bZp+bPHixQgICMD58+dRoUIFg2UAutt9fX1x5swZVKtWzWiMAwcONEiejSlRooTR8bi4OGRkZMDf399g3N/fH+d0BxY8xcGDB3Hq1Cl8//332c5ZtmwZ3N3d8eqrrxqN7dixY7l6Lktg4vsEXcXXwwMoX17dWEySkQF8/jkwfjzw7rvyso5Gw6SXiOgZqdX/a+rzNm/eHPPnz0dycjJmz54NOzu7LIlWbgndZvYmOn78OGrWrKlPep9VWFiYwXU7Ozt07twZK1euRM+ePZGcnIxff/0VP/30EwDg4sWLePjwIV588UWD+6WlpaFmzZrZPs+jR4/g9MSnoBkZGZg2bRrWrFmDGzduIC0tDampqVkONnkyxhMnTmDnzp1wc3PL8jyXLl1ChQoVcOHCBUycOBEHDhxAXFycvtJ79erVbBPfIkWKPPfr+Ty+//57hISEGCT9T1q8eDG6d++e5bUEAGdnZzx8+DAvQzQJE99Mbt0CdLtuhIUVoIPLrl0DevYEdB/nzJoFdOwINGqkalhERIVB5iVw+Zmrq6u+urp48WKEhobi+++/13/8XKFCBSQkJODmzZtZKoRpaWm4dOkSmjdvrp+7Z88ePH782KSqr7Ozc46329jYZEmqdSfmPfm9PKl79+5o2rQp7ty5gz/++APOzs5o3bo1AOiXQGzatAklS5Y0uJ9jDsev+vj4ID4+3mBs5syZ+PLLLzFnzhyEhITA1dUV7733XpYGtidjTEpKQvv27fHZZ59leR5dlb19+/YoU6YMFi1ahBIlSkCr1aJatWo5NsdNmzbNoIpszJkzZ1C6dGmj35+trS1u375tMH779m0Uy8U7q+TkZPz000/46KOPsp3z999/IyoqCqtXrzZ6+7179+Dr6/vU57KUgpLaWUSBXN+7Zo08V1mX9Go0wJgxQA7vzIiIqHCzsbHB2LFjMX78eDx69AgA8Nprr8He3h6zZs3KMn/BggVITk7GG2+8AQDo1q0bkpKS8M033xh9/Pv37xsdr169Oo4fP55tF7+vry9iYmIMxo4fP56r76lBgwYICAjA6tWrsXLlSnTq1EmflFepUgWOjo64evUqypUrZ/AVEBCQ7WPWrFkTZ86cMRjbu3cvOnTogB49eiA0NNRgCUhOatWqhdOnTyMwMDBLDK6urrh79y6ioqIwfvx4tGzZEpUrV86SdBszcOBAHD9+PMev7JY6ODg4ICwsDDt27NCPabVa7NixQ78kJCc///wzUlNT0aNHj2znfP/99wgLC0NoaKjR20+dOpVj1d3izNoqVwDk1CU4caKy+cGaNSoEZ4qEBCF691YCBoQICBBi1y61IyMiKpAK264Ojx8/FiVLlhQzZ87Uj82ePVvY2NiIsWPHirNnz4qLFy+KWbNmCUdHRzFy5EiD+3/wwQfC1tZWvP/++2Lfvn3iypUrYvv27eL111/PdreH1NRUUaFCBdG4cWOxZ88ecenSJbF27Vqxb98+IYQQW7ZsERqNRixbtkycP39eTJw4UXh4eGTZ1eHdbLZVGjdunKhSpYqws7MTf//9d5bbihYtKpYuXSouXrwojhw5IubOnSuWLl2a7eu2YcMG4efnJ9LT0/Vjw4cPFwEBAWLv3r3izJkzol+/fsLDw8Pg9TUW440bN4Svr694/fXXxcGDB8XFixfFli1bRJ8+fUR6errIyMgQRYsWFT169BAXLlwQO3bsEHXq1BEAxC+//JJtjM/rp59+Eo6OjmLp0qXizJkz4u233xZeXl7i1q1b+jk9e/YUo0ePznLfRo0aiS5dumT72AkJCcLFxUXMnz/f6O3JycnC2dlZ/PXXX0ZvV2NXBya+mbRpo+SQ0dEqBJdb+/YJERxsmPR26SLEvXtqR0ZEVGAVtsRXCCGmT58ufH19Dbah+vXXX0Xjxo2Fq6urcHJyEmFhYWLx4sVGH3f16tWiSZMmwt3dXbi6uorq1auLjz76KMftzK5cuSJee+014eHhIVxcXETt2rXFgQMH9LdPnDhR+Pv7C09PTzF8+HAxZMiQXCe+Z86cEQBEmTJlhFarNbhNq9WKOXPmiIoVKwp7e3vh6+srIiIixO7du7ON9fHjx6JEiRJiy5Yt+rG7d++KDh06CDc3N+Hn5yfGjx8vevXq9dTEVwghzp8/L1555RXh5eUlnJ2dRaVKlcR7772nj/WPP/4QlStXFo6OjqJ69epi165deZ74CiHEV199JUqXLi0cHBxE3bp19dvLZf5+evfubTB27tw5AUBs27Yt28dduHChcHZ2Fvfv3zd6+6pVq0TFihWzvb8aia9GiGdcwV5AJSYmwtPTEwkJCfDw8NCPCwH4+wOxsUDRovK/+fJsh127gPBw2cwGAO7uwLx5cteGfBkwEVHBkJKSgsuXLyMoKMhokw4VTvPmzcOGDRuwdetWtUMpdOrXr49hw4ahW7duRm/P6Xcuu3ztebG57T/XrslkF5Dre/NtDtmwoey8O3gQaNAA+OEHIChI7aiIiIgKpAEDBuD+/ft48OBBoT622NLi4uLw6quv6teN5xdMfP9TYPbvtbcHVq4EVq8GPvywEJypTEREpB47OzuMGzdO7TAKHR8fH3zwwQdqh5EFd3X4T75MfOPjge7dgSNHDMfLlQPGjWPSS0RERGQCZk7/yXdbme3aJffmvX5dJr5HjwJPbJ5NRERERLnHii8ArVZJfEuUkF+qSUsDRo8GWrRQTtO4cwc4fVrFoIiIiIgKPlZ8AVy6BCQkyMuqVnujooBu3WR1V6d5c2D5cqBUKfXiIiIiIioEWPFFPljfKwSwcCFQs6aS9NrbAzNmANu3M+klIiIiMgNWfKHy+t7YWKBfP2DDBmWsYkVg1SqgVi0LB0NERERUeLHiC8OKr8UT32vXgM2bleuDBsmqL5NeIiIiIrOy+sQ3I0NZXRAYCPj4WDiAWrWATz6RT7xhA/DNN9y9gYiIChSNRoP//e9/aoeRb02ePBk1atRQOwwCE1+cPQs8fCgvW2R977lzwOPHhmOjRsldG9q3t0AARERU2PTp0wcajQYajQb29vYICgrCBx98gJSUFLVDy3O3bt3Cu+++i3LlysHJyQn+/v5o2LAh5s+fj4e6f+BVNmrUKOzYsUPtMAhc42u59b1aLfDVV/K0tQ8/BKZMUW6ztQX8/PLwyYmIqLBr3bo1lixZgsePH+PIkSPo3bs3NBoNPvvsM7VDyzPR0dFo2LAhvLy8MG3aNISEhMDR0RGRkZH49ttvUbJkSbz88stqhwk3Nze4ubmpHQaBFV/L7OgQEwO0aQO89x6QmiqXNhw8mEdPRkRE1sjR0RHFihVDQEAAOnbsiPDwcPzxxx/62+/evYs33ngDJUuWhIuLC0JCQvDjjz8aPEazZs0wbNgwfPDBByhSpAiKFSuGyZMnG8y5cOECmjRpAicnJ1SpUsXgOXQiIyPRokULODs7o2jRonj77beRlJSkv71Pnz7o2LEjpk2bBn9/f3h5eeGjjz5Ceno63n//fRQpUgSlSpXCkiVLcvye33nnHdjZ2eHw4cPo3LkzKleujODgYHTo0AGbNm1C+/8+Sb1y5Qo0Gg2OHz+uv+/9+/eh0Wiwa9cu/dipU6fw0ksvwc3NDf7+/ujZsyfi4uL0t69duxYhISH67ys8PBzJyckAgF27dqFu3bpwdXWFl5cXGjZsiH///RdA1qUOuu//888/R/HixVG0aFEMHjwYjzN9IhwTE4O2bdvC2dkZQUFBWLVqFQIDAzFnzpwcXxPKGRPfTIlvWFgePMGvvwLVqwNbtypjw4bJMSIiKhi++EJuLfm0L2PVxZdfzt19v/jCbOGeOnUK+/btg4ODg34sJSUFYWFh2LRpE06dOoW3334bPXv2xMEnCjHLli2Dq6srDhw4gBkzZuCjjz7SJ7darRavvvoqHBwccODAASxYsAAffvihwf2Tk5MREREBb29vHDp0CD///DO2b9+OIUOGGMz7888/cfPmTfz111/44osvMGnSJLRr1w7e3t44cOAABg4ciAEDBuC67jCnJ9y9exfbtm3D4MGD4erqanSORqPJ9Wt2//59tGjRAjVr1sThw4exZcsW3L59G507dwYgE9E33ngDb775Js6ePYtdu3bh1VdfhRAC6enp6NixI5o2bYqTJ09i//79ePvtt3N8/p07d+LSpUvYuXMnli1bhqVLl2Lp0qX623v16oWbN29i165dWLduHb799lvcuXMn198PZUNYmYSEBAFAJCQkiNRUIRwchACEqFjRzE+UlCTEgAHywXVfxYoJsXWrmZ+IiIjM4dGjR+LMmTPi0aNHWW+cNMnw73l2X/XrZ71v/fq5u++kSc8ce+/evYWtra1wdXUVjo6OAoCwsbERa9euzfF+bdu2FSNHjtRfb9q0qWjUqJHBnDp16ogPP/xQCCHE1q1bhZ2dnbhx44b+9t9//10AEL/88osQQohvv/1WeHt7i6SkJP2cTZs2CRsbG3Hr1i19vGXKlBEZGRn6ORUrVhSNGzfWX09PTxeurq7ixx9/NBr7P//8IwCI9evXG4wXLVpUuLq6CldXV/HBBx8IIYS4fPmyACCOHTumnxcfHy8AiJ07dwohhPj4449Fq1atDB7r2rVrAoCIiooSR44cEQDElStXssRy9+5dAUDs2rXLaKyTJk0SoaGh+uu67z89PV0/1qlTJ9GlSxchhBBnz54VAMShQ4f0t1+4cEEAELNnzzb6HAVRTr9zmfM1c7LqNb6RkfKEYMDMyxyOHJEnsJ0/r4x16AB8950K20YQEdFz8/AASpZ8+jxfX+Njubmvh4fpcWXSvHlzzJ8/H8nJyZg9ezbs7Ozw2muv6W/PyMjAtGnTsGbNGty4cQNpaWlITU2FyxM7CVV/4hPJ4sWL6yuNZ8+eRUBAAEqUKKG//YUXXjCYf/bsWYSGhhpUYRs2bAitVouoqCj4+/sDAKpWrQobG+WDZ39/f1SrVk1/3dbWFkWLFjW5ynnw4EFotVp0794dqampub7fiRMnsHPnTqNrcS9duoRWrVqhZcuWCAkJQUREBFq1aoXXX38d3t7eKFKkCPr06YOIiAi8+OKLCA8PR+fOnVG8ePFsn69q1aqwtbXVXy9evDgiIyMBAFFRUbCzs0OtTFublitXDt7e3rn+fsg4q05886Sx7c8/gYgIID1dXndxAebMkYdUmPCRCxER5SMjRsivZ5H5gKI85OrqinLlygEAFi9ejNDQUHz//fd46623AAAzZ87El19+iTlz5iAkJASurq547733kKarAP3H3t7e4LpGo4FWqzV7vMaex5TnLleuHDQaDaKiogzGg4ODAQDOzs76MV2CLYTQjz1+YoelpKQktG/f3mgzYPHixWFra4s//vgD+/btw7Zt2/DVV19h3LhxOHDgAIKCgrBkyRIMGzYMW7ZswerVqzF+/Hj88ccfqF+/fq6//7x4ncmQVa/xzZPGtoYNgSpV5OWwMODYMaB/fya9RERkMTY2Nhg7dizGjx+PR48eAQD27t2LDh06oEePHggNDUVwcDDOZ/5kMhcqV66Ma9euISYmRj/2zz//ZJlz4sQJfdOX7rltbGxQsWLF5/iuDBUtWhQvvvgivv76a4PnMsb3v0p85rgzN7oBQK1atXD69GkEBgaiXLlyBl+66rVGo0HDhg0xZcoUHDt2DA4ODvjll1/0j1GzZk2MGTMG+/btQ7Vq1bBq1apn+t4qVqyI9PR0HDt2TD928eJFxMfHP9PjkcKqE19dxdfWFjDbvtKOjvK44XHjgH37gAoVzPTAREREudepUyfY2tpi3rx5AIDy5cvrK5Znz57FgAEDcPv2bZMeMzw8HBUqVEDv3r1x4sQJ/P333xg3bpzBnO7du8PJyQm9e/fGqVOnsHPnTgwdOhQ9e/bUL3Mwl2+++Qbp6emoXbs2Vq9ejbNnzyIqKgo//PADzp07p19K4OzsjPr16+PTTz/F2bNnsXv3bowfP97gsQYPHox79+7hjTfewKFDh3Dp0iVs3boVffv2RUZGBg4cOIBp06bh8OHDuHr1KtavX4/Y2FhUrlwZly9fxpgxY7B//378+++/2LZtGy5cuIDKlSs/0/dVqVIlhIeH4+2338bBgwdx7NgxvP3223B2djapYY+ystrE9+FD4NQpeblq1Wc8LC0xUVZzT582HK9aVW5ZlqmbloiIyJLs7OwwZMgQzJgxA8nJyRg/fjxq1aqFiIgINGvWDMWKFUPHjh1NekwbGxv88ssvePToEerWrYt+/fph6tSpBnNcXFywdetW3Lt3D3Xq1MHrr7+Oli1b4uuvvzbjdyeVLVsWx44dQ3h4OMaMGYPQ0FDUrl0bX331FUaNGoWPP/5YP3fx4sVIT09HWFgY3nvvPXzyyScGj1WiRAns3bsXGRkZaNWqFUJCQvDee+/By8sLNjY28PDwwF9//YU2bdqgQoUKGD9+PGbNmoWXXnoJLi4uOHfuHF577TVUqFABb7/9NgYPHowBAwY88/e2fPly+Pv7o0mTJnjllVfQv39/uLu7w8nJ6ZkfkwCNyLzgxQokJibC09MTf/yRgBdflI0Eb74JfP+9iQ+0fz/QowcQHS23Jjt4UFZ7iYioQEpJScHly5cRFBTE5ILynevXryMgIADbt29Hy5Yt1Q7HLHL6ndPlawkJCfB4zsbPzKy2ue3oUeWySet709OBqVOBjz8GMjLk2OXLwMmTFjrzmIiIiAq7P//8E0lJSQgJCUFMTAw++OADBAYGokmTJmqHVqAx8YUJOzpER8sq7/79yliDBsAPPwBBQWaNj4iIiKzX48ePMXbsWERHR8Pd3R0NGjTAypUrs+wGQaax+sTXwSEXh6gJAaxYAQwZAjx4IMdsbYGJE4GxYwE7q30ZiYiIKA9EREQgIiJC7TAKHavN2C5ckP8NDX1KD1p8PDBoELB6tTIWHAysXAlkszcfEREREeU/Vrurg85TlzmcPQv8/LNyvU8f4PhxJr1ERIWUlfV8E6lGjd81q098n9qP1qCB3JPXywtYswZYsgRwd7dEaEREZEG6tZMPHz5UORIi66A7NTDz0c15zWqXOuhkqfhevgyULi3X8OpMmAAMGJC7s9aJiKhAsrW1hZeXF+7cuQNA7kfLwwKI8oZWq0VsbCxcXFxgZ8FeKatOfF1cAP2hKkIA334LDB8OTJoEfPihMtHenkkvEZEVKFasGADok18iyjs2NjYoXbq0Rd9gWnXiW7PmfxsyxMYC/foBGzbIG8aPB1q1khOIiMhqaDQaFC9eHH5+fnj8+LHa4RAVag4ODrCxseyqW6tOfOvUAbB1q2xYu3VLuaFfP6BiRbXCIiIildna2lp03SERWUa+aG6bN28eAgMD4eTkhHr16uHgwYM5zv/5559RqVIlODk5ISQkBJs3bzb5OR2QggFn3wNat1aSXh8fWfWdP1+ugyAi+n979x4VdZn/AfzNgDMgDRhrCKOoeQFdLxEXCcxjuuyCmWFWsMlRVFI3QDyyXUhNJFPMlFLXUjPFddlAO96OECQWG6C7KYK6ghACaSdgV93AC8hlPr8/PMyvEVBn5Bbzfp0zxzPPPM/z/Xzn4+iHh+f7HSIi6jG6vPBNTk5GVFQUYmJicPr0aTzxxBPw8/Nrc3/V8ePH8corryA0NBR5eXmYPn06pk+fjn//+98GHTcTz2BE+sb/b/D3B86dA6ZNe5jTISIiIqJuyky6+IaFXl5e8PT0xF/+8hcAd67yc3JywqJFixAdHd2if1BQEG7evIkjR47o2p566im4urpi69at9z1eTU0NbG1tUQ3ABgBUKuCDD+58Kxuv3iUiIiLqcrp6rboaNjY27TZvl+7xra+vR25uLt5++21dm0KhgK+vL06cONHqmBMnTiAqKkqvzc/PDwcPHmy1/+3bt3H79m3d8+rqagBADQD89rfAZ5/d+bP5q4iJiIiIqEvV1NQAaP8vuejSwvfKlStoampCv3799Nr79euHCxcutDqmsrKy1f6Vv7w47Rfi4uIQGxvbot0JAAoKAG9vo2InIiIioo519epV2Nrattt8Pf6uDm+//bbeCvHPP/+MQYMG4dKlS+36RlL3VFNTAycnJ1y+fLldf1VC3RPzbVqYb9PCfJuW6upqDBw4EHZ2du06b5cWvn379oW5uTmqqqr02quqqnQ3Eb+bg4ODQf1VKhVUKlWLdltbW35wTIiNjQ3zbUKYb9PCfJsW5tu0tPd9frv0rg5KpRLu7u44duyYrk2r1eLYsWPwbmMLgre3t15/ADh69Gib/YmIiIiIgG6w1SEqKgohISHw8PDAuHHj8NFHH+HmzZuYO3cuAGD27Nno378/4uLiAACLFy/GxIkTsWHDBkydOhVJSUk4deoUtm/f3pWnQURERETdXJcXvkFBQfjvf/+LFStWoLKyEq6urkhLS9NdwHbp0iW9ZW4fHx/8/e9/x/Lly7F06VIMHz4cBw8exOjRox/oeCqVCjExMa1uf6Ceh/k2Lcy3aWG+TQvzbVo6Kt9dfh9fIiIiIqLO0OXf3EZERERE1BlY+BIRERGRSWDhS0REREQmgYUvEREREZmEHln4btmyBYMHD4alpSW8vLzw3Xff3bP/vn37MGLECFhaWmLMmDFITU3tpEipPRiS708//RQTJkzAo48+ikcffRS+vr73/ftB3Yuhn+9mSUlJMDMzw/Tp0zs2QGpXhub7559/Rnh4OBwdHaFSqeDs7Mx/039FDM33Rx99BBcXF1hZWcHJyQlLlixBXV1dJ0VLD+Pbb7/FtGnToNFoYGZmhoMHD953TGZmJtzc3KBSqTBs2DAkJCQYfmDpYZKSkkSpVMrOnTvl/PnzMn/+fOnTp49UVVW12j8nJ0fMzc1l3bp1UlBQIMuXL5devXrJuXPnOjlyMoah+Z45c6Zs2bJF8vLypLCwUObMmSO2trby448/dnLkZAxD892srKxM+vfvLxMmTJCAgIDOCZYemqH5vn37tnh4eMizzz4r2dnZUlZWJpmZmZKfn9/JkZMxDM13YmKiqFQqSUxMlLKyMklPTxdHR0dZsmRJJ0dOxkhNTZVly5bJ/v37BYAcOHDgnv1LS0uld+/eEhUVJQUFBbJ582YxNzeXtLQ0g47b4wrfcePGSXh4uO55U1OTaDQaiYuLa7V/YGCgTJ06Va/Ny8tLFi5c2KFxUvswNN93a2xsFLVaLbt37+6oEKkdGZPvxsZG8fHxkR07dkhISAgL318RQ/P9ySefyJAhQ6S+vr6zQqR2ZGi+w8PDZfLkyXptUVFRMn78+A6Nk9rfgxS+b775powaNUqvLSgoSPz8/Aw6Vo/a6lBfX4/c3Fz4+vrq2hQKBXx9fXHixIlWx5w4cUKvPwD4+fm12Z+6D2Pyfbdbt26hoaEBdnZ2HRUmtRNj8/3uu+/C3t4eoaGhnREmtRNj8n348GF4e3sjPDwc/fr1w+jRo7FmzRo0NTV1VthkJGPy7ePjg9zcXN12iNLSUqSmpuLZZ5/tlJipc7VXvdbl39zWnq5cuYKmpibdt74169evHy5cuNDqmMrKylb7V1ZWdlic1D6Myffd3nrrLWg0mhYfJup+jMl3dnY2PvvsM+Tn53dChNSejMl3aWkpvv76awQHByM1NRUlJSUICwtDQ0MDYmJiOiNsMpIx+Z45cyauXLmCp59+GiKCxsZG/OlPf8LSpUs7I2TqZG3VazU1NaitrYWVldUDzdOjVnyJDLF27VokJSXhwIEDsLS07OpwqJ1dv34ds2bNwqeffoq+fft2dTjUCbRaLezt7bF9+3a4u7sjKCgIy5Ytw9atW7s6NOoAmZmZWLNmDT7++GOcPn0a+/fvR0pKClatWtXVoVE31qNWfPv27Qtzc3NUVVXptVdVVcHBwaHVMQ4ODgb1p+7DmHw3W79+PdauXYuMjAyMHTu2I8OkdmJovi9evIjy8nJMmzZN16bVagEAFhYWKCoqwtChQzs2aDKaMZ9vR0dH9OrVC+bm5rq2kSNHorKyEvX19VAqlR0aMxnPmHy/8847mDVrFl599VUAwJgxY3Dz5k0sWLAAy5Ytg0LBtb2epK16zcbG5oFXe4EetuKrVCrh7u6OY8eO6dq0Wi2OHTsGb2/vVsd4e3vr9QeAo0ePttmfug9j8g0A69atw6pVq5CWlgYPD4/OCJXagaH5HjFiBM6dO4f8/Hzd4/nnn8ekSZOQn58PJyenzgyfDGTM53v8+PEoKSnR/YADAMXFxXB0dGTR280Zk+9bt261KG6bf+i5c70U9STtVq8Zdt1d95eUlCQqlUoSEhKkoKBAFixYIH369JHKykoREZk1a5ZER0fr+ufk5IiFhYWsX79eCgsLJSYmhrcz+xUxNN9r164VpVIpX3zxhVRUVOge169f76pTIAMYmu+78a4Ovy6G5vvSpUuiVqslIiJCioqK5MiRI2Jvby/vvfdeV50CGcDQfMfExIharZbPP/9cSktL5auvvpKhQ4dKYGBgV50CGeD69euSl5cneXl5AkDi4+MlLy9PfvjhBxERiY6OllmzZun6N9/O7I033pDCwkLZsmULb2fWbPPmzTJw4EBRKpUybtw4+ec//6l7beLEiRISEqLXf+/eveLs7CxKpVJGjRolKSkpnRwxPQxD8j1o0CAB0OIRExPT+YGTUQz9fP8SC99fH0Pzffz4cfHy8hKVSiVDhgyR1atXS2NjYydHTcYyJN8NDQ2ycuVKGTp0qFhaWoqTk5OEhYXJ//73v84PnAz2zTfftPr/cXOOQ0JCZOLEiS3GuLq6ilKplCFDhsiuXbsMPq6ZCH8fQEREREQ9X4/a40tERERE1BYWvkRERERkElj4EhEREZFJYOFLRERERCaBhS8RERERmQQWvkRERERkElj4EhEREZFJYOFLRERERCaBhS8REYCEhAT06dOnq8MwmpmZGQ4ePHjPPnPmzMH06dM7JR4iou6IhS8R9Rhz5syBmZlZi0dJSUlXh4aEhARdPAqFAgMGDMDcuXPxn//8p13mr6iowJQpUwAA5eXlMDMzQ35+vl6fjRs3IiEhoV2O15aVK1fqztPc3BxOTk5YsGABrl27ZtA8LNKJqCNYdHUARETtyd/fH7t27dJre+yxx7ooGn02NjYoKiqCVqvFmTNnMHfuXPz0009IT09/6LkdHBzu28fW1vahj/MgRo0ahYyMDDQ1NaGwsBDz5s1DdXU1kpOTO+X4RERt4YovEfUoKpUKDg4Oeg9zc3PEx8djzJgxsLa2hpOTE8LCwnDjxo025zlz5gwmTZoEtVoNGxsbuLu749SpU7rXs7OzMWHCBFhZWcHJyQmRkZG4efPmPWMzMzODg4MDNBoNpkyZgsjISGRkZKC2thZarRbvvvsuBgwYAJVKBVdXV6SlpenG1tfXIyIiAo6OjrC0tMSgQYMQFxenN3fzVofHH38cAPDkk0/CzMwMzzzzDAD9VdTt27dDo9FAq9XqxRgQEIB58+bpnh86dAhubm6wtLTEkCFDEBsbi8bGxnuep4WFBRwcHNC/f3/4+vri5ZdfxtGjR3WvNzU1ITQ0FI8//jisrKzg4uKCjRs36l5fuXIldu/ejUOHDulWjzMzMwEAly9fRmBgIPr06QM7OzsEBASgvLz8nvEQETVj4UtEJkGhUGDTpk04f/48du/eja+//hpvvvlmm/2Dg4MxYMAAnDx5Erm5uYiOjkavXr0AABcvXoS/vz9efPFFnD17FsnJycjOzkZERIRBMVlZWUGr1aKxsREbN27Ehg0bsH79epw9exZ+fn54/vnn8f333wMANm3ahMOHD2Pv3r0oKipCYmIiBg8e3Oq83333HQAgIyMDFRUV2L9/f4s+L7/8Mq5evYpvvvlG13bt2jWkpaUhODgYAJCVlYXZs2dj8eLFKCgowLZt25CQkIDVq1c/8DmWl5cjPT0dSqVS16bVajFgwADs27cPBQUFWLFiBZYuXYq9e/cCAF5//XUEBgbC398fFRUVqKiogI+PDxoaGuDn5we1Wo2srCzk5OTgkUcegb+/P+rr6x84JiIyYUJE1EOEhISIubm5WFtb6x4vvfRSq3337dsnv/nNb3TPd+3aJba2trrnarVaEhISWh0bGhoqCxYs0GvLysoShUIhtbW1rY65e/7i4mJxdnYWDw8PERHRaDSyevVqvTGenp4SFhYmIiKLFi2SyZMni1arbXV+AHLgwAERESkrKxMAkpeXp9cnJCREAgICdM8DAgJk3rx5uufbtm0TjUYjTU1NIiLyu9/9TtasWaM3x549e8TR0bHVGEREYmJiRKFQiLW1tVhaWgoAASDx8fFtjhERCQ8PlxdffLHNWJuP7eLiovce3L59W6ysrCQ9Pf2e8xMRiYhwjy8R9SiTJk3CJ598ontubW0N4M7qZ1xcHC5cuICamho0Njairq4Ot27dQu/evVvMExUVhVdffRV79uzR/bp+6NChAO5sgzh79iwSExN1/UUEWq0WZWVlGDlyZKuxVVdX45FHHoFWq0VdXR2efvpp7NixAzU1Nfjpp58wfvx4vf7jx4/HmTNnANzZpvD73/8eLi4u8Pf3x3PPPYc//OEPD/VeBQcHY/78+fj444+hUqmQmJiIP/7xj1AoFLrzzMnJ0VvhbWpquuf7BgAuLi44fPgw6urq8Le//Q35+flYtGiRXp8tW7Zg586duHTpEmpra1FfXw9XV9d7xnvmzBmUlJRArVbrtdfV1eHixYtGvANEZGpY+BJRj2JtbY1hw4bptZWXl+O5557Da6+9htWrV8POzg7Z2dkIDQ1FfX19qwXcypUrMXPmTKSkpODLL79ETEwMkpKS8MILL+DGjRtYuHAhIiMjW4wbOHBgm7Gp1WqcPn0aCoUCjo6OsLKyAgDU1NTc97zc3NxQVlaGL7/8EhkZGQgMDISvry+++OKL+45ty7Rp0yAiSElJgaenJ7KysvDhhx/qXr9x4wZiY2MxY8aMFmMtLS3bnFepVOpysHbtWkydOhWxsbFYtWoVACApKQmvv/46NmzYAG9vb6jVanzwwQf417/+dc94b9y4AXd3d70fOJp1lwsYiah7Y+FLRD1ebm4utFotNmzYoFvNbN5Pei/Ozs5wdnbGkiVL8Morr2DXrl144YUX4ObmhoKCghYF9v0oFIpWx9jY2ECj0SAnJwcTJ07Utefk5GDcuHF6/YKCghAUFISXXnoJ/v7+uHbtGuzs7PTma95P29TUdM94LC0tMWPGDCQmJqKkpAQuLi5wc3PTve7m5oaioiKDz/Nuy5cvx+TJk/Haa6/pztPHxwdhYWG6Pnev2CqVyhbxu7m5ITk5Gfb29rCxsXmomIjINPHiNiLq8YYNG4aGhgZs3rwZpaWl2LNnD7Zu3dpm/9raWkRERCAzMxM//PADcnJycPLkSd0WhrfeegvHjx9HREQE8vPz8f333+PQoUMGX9z2S2+88Qbef/99JCcno6ioCNHR0cjPz8fixYsBAPHx8fj8889x4cIFFBcXY9++fXBwcGj1Szfs7e1hZWWFtLQ0VFVVobq6us3jBgcHIyUlBTt37tRd1NZsxYoV+Otf/4rY2FicP38ehYWFSEpKwvLlyw06N29vb4wdOxZr1qwBAAwfPhynTp1Ceno6iouL8c477+DkyZN6YwYPHoyzZ8+iqKgIV65cQUNDA4KDg9G3b18EBAQgKysLZWVlyMzMRGRkJH788UeDYiIi08TCl4h6vCeeeALx8fF4//33MXr0aCQmJurdCuxu5ubmuHr1KmbPng1nZ2cEBgZiypQpiI2NBQCMHTsW//jHP1BcXIwJEybgySefxIoVK6DRaIyOMTIyElFRUfjzn/+MMWPGIC0tDYcPH8bw4cMB3NkmsW7dOnh4eMDT0xPl5eVITU3VrWD/koWFBTZt2oRt27ZBo9EgICCgzeNOnjwZdnZ2KCoqwsyZM/Ve8/Pzw5EjR/DVV1/B09MTTz31FD788EMMGjTI4PNbsmQJduzYgcuXL2PhwoWYMWMGgoKC4OXlhatXr+qt/gLA/Pnz4eLiAg8PDzz22GPIyclB79698e2332LgwIGYMWMGRo4cidDQUNTV1XEFmIgeiJmISFcHQURERETU0bjiS0REREQmgYUvEREREZkEFr5EREREZBJY+BIRERGRSWDhS0REREQmgYUvEREREZkEFr5EREREZBJY+BIRERGRSWDhS0REREQmgYUvEREREZkEFr5EREREZBL+D5exUhMpAEx7AAAAAElFTkSuQmCC", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "plot_roc_curve(y_test, y_pred)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Stacking Classifier" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "#### Normalized data" + ] + }, + { + "cell_type": "code", + "execution_count": 13, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Time taken for GridSearchCV: 1139.04 seconds\n", + "Best Hyperparameters:\n", + "{'dt__max_depth': 10, 'dt__min_samples_split': 2, 'xgb__learning_rate': 0.2, 'xgb__max_depth': 3, 'xgb__n_estimators': 100}\n", + "\n", + "Time taken for training with best hyperparameters: 7.73 seconds\n", + "\n", + "Mean Accuracy: 0.81591459197787\n", + "Standard Deviation of Accuracy: 0.030349300788210683\n", + "Mean Precision: 0.7568530963284796\n", + "Standard Deviation of Precision: 0.0505783644964972\n", + "Mean Recall: 0.6837790185130767\n", + "Standard Deviation of Recall: 0.0555930314207229\n", + "Mean F1-score: 0.7174435978837421\n", + "Standard Deviation of F1-score: 0.04666704783684153\n", + "Mean ROC AUC: 0.7842663535683984\n", + "Standard Deviation of ROC AUC: 0.034526039966267436\n", + "\n", + "Total time taken: 1146.77 seconds\n" + ] + } + ], + "source": [ + "from xgboost import XGBClassifier\n", + "from sklearn.ensemble import StackingClassifier\n", + "from sklearn.tree import DecisionTreeClassifier\n", + "from sklearn.linear_model import LogisticRegression\n", + "from sklearn.model_selection import StratifiedKFold, GridSearchCV\n", + "from sklearn.metrics import accuracy_score, precision_score, recall_score, f1_score, roc_auc_score, confusion_matrix\n", + "import numpy as np\n", + "import time\n", + "\n", + "start_total_time = time.time()\n", + "\n", + "kf = StratifiedKFold(n_splits=10, shuffle=True, random_state=42)\n", + "\n", + "base_models = [\n", + " ('xgb', XGBClassifier(random_state=42, use_label_encoder=False, eval_metric='logloss')),\n", + " ('dt', DecisionTreeClassifier(random_state=42))\n", + "]\n", + "\n", + "meta_model = LogisticRegression()\n", + "\n", + "stacking_model = StackingClassifier(estimators=base_models, final_estimator=meta_model, passthrough=True, cv=kf)\n", + "\n", + "param_grid = {\n", + " 'xgb__n_estimators': [10, 50, 100],\n", + " 'xgb__learning_rate': [0.01, 0.1, 0.2],\n", + " 'xgb__max_depth': [3, 4, 5],\n", + " 'dt__max_depth': [None, 10, 20],\n", + " 'dt__min_samples_split': [2, 5, 10]\n", + "}\n", + "\n", + "grid_search = GridSearchCV(estimator=stacking_model, param_grid=param_grid, cv=kf, scoring='accuracy')\n", + "\n", + "start_time = time.time()\n", + "\n", + "grid_search.fit(standard(x), y)\n", + "\n", + "grid_search_time = time.time() - start_time\n", + "print(f\"Time taken for GridSearchCV: {grid_search_time:.2f} seconds\")\n", + "\n", + "best_params = grid_search.best_params_\n", + "\n", + "print(\"Best Hyperparameters:\")\n", + "print(best_params)\n", + "print()\n", + "\n", + "best_model = grid_search.best_estimator_\n", + "\n", + "start_time = time.time()\n", + "\n", + "accuracy_scores = []\n", + "precision_scores = []\n", + "recall_scores = []\n", + "f1_scores = []\n", + "roc_auc_scores = []\n", + "confusion_matrices = []\n", + "\n", + "for train_index, test_index in kf.split(normal(x), y):\n", + " X_train, X_test = x.iloc[train_index], x.iloc[test_index]\n", + " y_train, y_test = y.iloc[train_index], y.iloc[test_index]\n", + "\n", + " best_model.fit(X_train, y_train)\n", + "\n", + " y_pred = best_model.predict(X_test)\n", + "\n", + " accuracy = accuracy_score(y_test, y_pred)\n", + " accuracy_scores.append(accuracy)\n", + " \n", + " precision = precision_score(y_test, y_pred)\n", + " precision_scores.append(precision)\n", + " \n", + " recall = recall_score(y_test, y_pred)\n", + " recall_scores.append(recall)\n", + " \n", + " f1 = f1_score(y_test, y_pred)\n", + " f1_scores.append(f1)\n", + " \n", + " roc_auc = roc_auc_score(y_test, y_pred)\n", + " roc_auc_scores.append(roc_auc)\n", + " \n", + " confusion = confusion_matrix(y_test, y_pred)\n", + " confusion_matrices.append(confusion)\n", + "\n", + "training_time = time.time() - start_time\n", + "print(f\"Time taken for training with best hyperparameters: {training_time:.2f} seconds\")\n", + "print()\n", + "\n", + "mean_accuracy = np.mean(accuracy_scores)\n", + "std_accuracy = np.std(accuracy_scores)\n", + "\n", + "mean_precision = np.mean(precision_scores)\n", + "std_precision = np.std(precision_scores)\n", + "\n", + "mean_recall = np.mean(recall_scores)\n", + "std_recall = np.std(recall_scores)\n", + "\n", + "mean_f1 = np.mean(f1_scores)\n", + "std_f1 = np.std(f1_scores)\n", + "\n", + "mean_roc_auc = np.mean(roc_auc_scores)\n", + "std_roc_auc = np.std(roc_auc_scores)\n", + "\n", + "print(f\"Mean Accuracy: {mean_accuracy}\")\n", + "print(f\"Standard Deviation of Accuracy: {std_accuracy}\")\n", + "\n", + "print(f\"Mean Precision: {mean_precision}\")\n", + "print(f\"Standard Deviation of Precision: {std_precision}\")\n", + "\n", + "print(f\"Mean Recall: {mean_recall}\")\n", + "print(f\"Standard Deviation of Recall: {std_recall}\")\n", + "\n", + "print(f\"Mean F1-score: {mean_f1}\")\n", + "print(f\"Standard Deviation of F1-score: {std_f1}\")\n", + "\n", + "print(f\"Mean ROC AUC: {mean_roc_auc}\")\n", + "print(f\"Standard Deviation of ROC AUC: {std_roc_auc}\")\n", + "print()\n", + "\n", + "total_time = time.time() - start_total_time\n", + "print(f\"Total time taken: {total_time:.2f} seconds\")" + ] + }, + { + "cell_type": "code", + "execution_count": 14, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "x_train: (1800, 13)\n", + "y_train: (1800,)\n", + "x_test: (601, 13)\n", + "y_test: (601,)\n" + ] + } + ], + "source": [ + "from sklearn.model_selection import train_test_split\n", + "\n", + "x_train, x_test, y_train, y_test = train_test_split(x,y,test_size=0.25,random_state=42)\n", + "\n", + "print(\"x_train:\",x_train.shape)\n", + "print(\"y_train:\",y_train.shape)\n", + "print(\"x_test:\",x_test.shape)\n", + "print(\"y_test:\",y_test.shape)" + ] + }, + { + "cell_type": "code", + "execution_count": 15, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Accuracy: 0.8219633943427621\n", + "Precision: 0.7487179487179487\n", + "Recall: 0.7156862745098039\n", + "F1 Score: 0.731829573934837\n", + "ROC AUC Score: 0.7961302909072949\n", + "Confusion Matrix:\n", + "[[348 49]\n", + " [ 58 146]]\n" + ] + } + ], + "source": [ + "model = grid_search.best_estimator_\n", + "\n", + "model.fit(x_train, y_train)\n", + "\n", + "y_pred = model.predict(x_test)\n", + "\n", + "y_pred = (y_pred >= 0.5).astype(int)\n", + "\n", + "print(\"Accuracy:\", accuracy_score(y_test, y_pred))\n", + "print(\"Precision:\", precision_score(y_test, y_pred))\n", + "print(\"Recall:\", recall_score(y_test, y_pred))\n", + "print(\"F1 Score:\", f1_score(y_test, y_pred))\n", + "print(\"ROC AUC Score:\", roc_auc_score(y_test, y_pred))\n", + "print(\"Confusion Matrix:\")\n", + "print(confusion_matrix(y_test, y_pred))" + ] + }, + { + "cell_type": "code", + "execution_count": 16, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAokAAAIjCAYAAABvUIGpAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8pXeV/AAAACXBIWXMAAA9hAAAPYQGoP6dpAABFR0lEQVR4nO3de5yN5f7/8feaGbOMMQcT5lCM82FyTG1NzplmHBLRlhJDDjsNlUGaXc7VtCmKQrXbSHTeFKWa2KhtcgpJyKAQM0QGI2PM3L8/+lnfvVxoFrNmzViv537cj0frvu9135+1turT+7rua9ksy7IEAAAA/A8fTxcAAACAkocmEQAAAAaaRAAAABhoEgEAAGCgSQQAAICBJhEAAAAGmkQAAAAYaBIBAABgoEkEAACAgSYRwGXt2rVL8fHxCgkJkc1m0+LFi4v0+j/99JNsNpvmzp1bpNctzdq2bau2bdt6ugwAXo4mESgFdu/erb/97W+qUaOGypYtq+DgYLVo0UIvvfSSfv/9d7feOzExUVu3btUzzzyj+fPn6+abb3br/YpTv379ZLPZFBwcfNHvcdeuXbLZbLLZbHr++eddvv7Bgwc1fvx4bd68uQiqBYDi5efpAgBc3ieffKK//vWvstvt6tu3rxo0aKCzZ8/q66+/1qhRo7Rt2za99tprbrn377//rvT0dD355JMaOnSoW+4RHR2t33//XWXKlHHL9f+Mn5+fTp8+rSVLlqhnz55OxxYsWKCyZcvqzJkzV3TtgwcPasKECapWrZqaNGlS6Pd98cUXV3Q/AChKNIlACbZ371716tVL0dHRWrFihSIjIx3HkpKSlJGRoU8++cRt9z9y5IgkKTQ01G33sNlsKlu2rNuu/2fsdrtatGiht99+22gSFy5cqM6dO+vDDz8sllpOnz6tcuXKyd/fv1juBwCXw3AzUIJNnjxZp06d0htvvOHUIJ5Xq1YtPfroo47X586d06RJk1SzZk3Z7XZVq1ZNf//735Wbm+v0vmrVqunOO+/U119/rb/85S8qW7asatSooTfffNNxzvjx4xUdHS1JGjVqlGw2m6pVqybpj2Ha83/9v8aPHy+bzea0Ly0tTS1btlRoaKjKly+vunXr6u9//7vj+KXmJK5YsUKtWrVSYGCgQkND1bVrV23fvv2i98vIyFC/fv0UGhqqkJAQ9e/fX6dPn770F3uB+++/X8uWLdPx48cd+9avX69du3bp/vvvN84/duyYRo4cqYYNG6p8+fIKDg5Wx44dtWXLFsc5K1eu1C233CJJ6t+/v2PY+vznbNu2rRo0aKCNGzeqdevWKleunON7uXBOYmJiosqWLWt8/oSEBFWoUEEHDx4s9GcFgMKiSQRKsCVLlqhGjRq67bbbCnX+wIEDNXbsWN10002aNm2a2rRpo9TUVPXq1cs4NyMjQ/fcc4/uuOMOvfDCC6pQoYL69eunbdu2SZK6d++uadOmSZLuu+8+zZ8/Xy+++KJL9W/btk133nmncnNzNXHiRL3wwgu666679N///vey7/vyyy+VkJCgw4cPa/z48UpOTtaaNWvUokUL/fTTT8b5PXv21MmTJ5WamqqePXtq7ty5mjBhQqHr7N69u2w2m/7973879i1cuFD16tXTTTfdZJy/Z88eLV68WHfeeaemTp2qUaNGaevWrWrTpo2jYatfv74mTpwoSRo8eLDmz5+v+fPnq3Xr1o7rHD16VB07dlSTJk304osvql27dhet76WXXlKlSpWUmJio/Px8SdKrr76qL774QjNmzFBUVFShPysAFJoFoETKzs62JFldu3Yt1PmbN2+2JFkDBw502j9y5EhLkrVixQrHvujoaEuStXr1ase+w4cPW3a73RoxYoRj3969ey1J1pQpU5yumZiYaEVHRxs1jBs3zvrff6xMmzbNkmQdOXLkknWfv8ecOXMc+5o0aWJVrlzZOnr0qGPfli1bLB8fH6tv377G/R588EGna959993Wddddd8l7/u/nCAwMtCzLsu655x6rffv2lmVZVn5+vhUREWFNmDDhot/BmTNnrPz8fONz2O12a+LEiY5969evNz7beW3atLEkWbNnz77osTZt2jjt+/zzzy1J1tNPP23t2bPHKl++vNWtW7c//YwAcKVIEoES6sSJE5KkoKCgQp3/6aefSpKSk5Od9o8YMUKSjLmLMTExatWqleN1pUqVVLduXe3Zs+eKa77Q+bmMH330kQoKCgr1nkOHDmnz5s3q16+fwsLCHPsbNWqkO+64w/E5/9dDDz3k9LpVq1Y6evSo4zssjPvvv18rV65UZmamVqxYoczMzIsONUt/zGP08fnjH5/5+fk6evSoYyj922+/LfQ97Xa7+vfvX6hz4+Pj9be//U0TJ05U9+7dVbZsWb366quFvhcAuIomESihgoODJUknT54s1Pk///yzfHx8VKtWLaf9ERERCg0N1c8//+y0v2rVqsY1KlSooN9+++0KKzbde++9atGihQYOHKjw8HD16tVL77333mUbxvN11q1b1zhWv359/frrr8rJyXHaf+FnqVChgiS59Fk6deqkoKAgvfvuu1qwYIFuueUW47s8r6CgQNOmTVPt2rVlt9tVsWJFVapUSd99952ys7MLfc/rr7/epYdUnn/+eYWFhWnz5s2aPn26KleuXOj3AoCraBKBEio4OFhRUVH6/vvvXXrfhQ+OXIqvr+9F91uWdcX3OD9f7ryAgACtXr1aX375pfr06aPvvvtO9957r+644w7j3KtxNZ/lPLvdru7du2vevHlatGjRJVNESXr22WeVnJys1q1b66233tLnn3+utLQ03XjjjYVOTKU/vh9XbNq0SYcPH5Ykbd261aX3AoCraBKBEuzOO+/U7t27lZ6e/qfnRkdHq6CgQLt27XLan5WVpePHjzueVC4KFSpUcHoS+LwL00pJ8vHxUfv27TV16lT98MMPeuaZZ7RixQr95z//uei1z9e5c+dO49iOHTtUsWJFBQYGXt0HuIT7779fmzZt0smTJy/6sM95H3zwgdq1a6c33nhDvXr1Unx8vOLi4ozvpLANe2Hk5OSof//+iomJ0eDBgzV58mStX7++yK4PABeiSQRKsMcff1yBgYEaOHCgsrKyjOO7d+/WSy+9JOmP4VJJxhPIU6dOlSR17ty5yOqqWbOmsrOz9d133zn2HTp0SIsWLXI679ixY8Z7zy8qfeGyPOdFRkaqSZMmmjdvnlPT9f333+uLL75wfE53aNeunSZNmqSXX35ZERERlzzP19fXSCnff/99/fLLL077zjezF2uoXTV69Gjt27dP8+bN09SpU1WtWjUlJiZe8nsEgKvFYtpACVazZk0tXLhQ9957r+rXr+/0iytr1qzR+++/r379+kmSGjdurMTERL322ms6fvy42rRpo3Xr1mnevHnq1q3bJZdXuRK9evXS6NGjdffdd+uRRx7R6dOnNWvWLNWpU8fpwY2JEydq9erV6ty5s6Kjo3X48GHNnDlTN9xwg1q2bHnJ60+ZMkUdO3ZUbGysBgwYoN9//10zZsxQSEiIxo8fX2Sf40I+Pj566qmn/vS8O++8UxMnTlT//v112223aevWrVqwYIFq1KjhdF7NmjUVGhqq2bNnKygoSIGBgWrevLmqV6/uUl0rVqzQzJkzNW7cOMeSPHPmzFHbtm01ZswYTZ482aXrAUChePjpagCF8OOPP1qDBg2yqlWrZvn7+1tBQUFWixYtrBkzZlhnzpxxnJeXl2dNmDDBql69ulWmTBmrSpUqVkpKitM5lvXHEjidO3c27nPh0iuXWgLHsizriy++sBo0aGD5+/tbdevWtd566y1jCZzly5dbXbt2taKioix/f38rKirKuu+++6wff/zRuMeFy8R8+eWXVosWLayAgAArODjY6tKli/XDDz84nXP+fhcusTNnzhxLkrV3795LfqeW5bwEzqVcagmcESNGWJGRkVZAQIDVokULKz09/aJL13z00UdWTEyM5efn5/Q527RpY914440Xvef/XufEiRNWdHS0ddNNN1l5eXlO5w0fPtzy8fGx0tPTL/sZAOBK2CzLhZndAAAA8ArMSQQAAICBJhEAAAAGmkQAAAAYaBIBAABgoEkEAACAgSYRAAAABppEAAAAGK7JX1wJaDrU0yUAcJPf1r/s6RIAuElZD3Yl7uwdft9UOv+5RZIIAAAAwzWZJAIAALjERm52IZpEAAAAm83TFZQ4tM0AAAAwkCQCAAAw3GzgGwEAAICBJBEAAIA5iQaSRAAAABhIEgEAAJiTaOAbAQAAgIEkEQAAgDmJBppEAAAAhpsNfCMAAAAwkCQCAAAw3GwgSQQAAICBJBEAAIA5iQa+EQAAABhIEgEAAJiTaCBJBAAAgIEkEQAAgDmJBppEAAAAhpsNtM0AAAAwkCQCAAAw3GzgGwEAAICBJBEAAIAk0cA3AgAAAANJIgAAgA9PN1+IJBEAAAAGkkQAAADmJBpoEgEAAFhM20DbDAAAAANJIgAAAMPNBr4RAAAAGEgSAQAAmJNoIEkEAACAgSQRAACAOYkGvhEAAAAYSBIBAACYk2igSQQAAGC42cA3AgAAAANJIgAAAMPNBpJEAAAAGEgSAQAAmJNo4BsBAACAgSQRAACAOYkGkkQAAAAYSBIBAACYk2igSQQAAKBJNPCNAAAAwECSCAAAwIMrBpJEAAAAGEgSAQAAmJNo4BsBAACAgSQRAACAOYkGkkQAAAAYSBIBAACYk2igSQQAAGC42UDbDAAAAANJIgAA8Ho2kkQDSSIAAAAMJIkAAMDrkSSaSBIBAABgIEkEAAAgSDSQJAIAAMBAkggAALwecxJNNIkAAMDr0SSaGG4GAACAgSQRAAB4PZJEE0kiAAAADDSJAADA69lsNrdtrpg1a5YaNWqk4OBgBQcHKzY2VsuWLXMcP3PmjJKSknTdddepfPny6tGjh7KyspyusW/fPnXu3FnlypVT5cqVNWrUKJ07d87l74QmEQAAoIS44YYb9Nxzz2njxo3asGGDbr/9dnXt2lXbtm2TJA0fPlxLlizR+++/r1WrVungwYPq3r274/35+fnq3Lmzzp49qzVr1mjevHmaO3euxo4d63ItNsuyrCL7ZCVEQNOhni4BgJv8tv5lT5cAwE3KevBJiZD757vt2tkL+1zV+8PCwjRlyhTdc889qlSpkhYuXKh77rlHkrRjxw7Vr19f6enpuvXWW7Vs2TLdeeedOnjwoMLDwyVJs2fP1ujRo3XkyBH5+/sX+r4kiQAAAG6Um5urEydOOG25ubl/+r78/Hy98847ysnJUWxsrDZu3Ki8vDzFxcU5zqlXr56qVq2q9PR0SVJ6eroaNmzoaBAlKSEhQSdOnHCkkYVFkwgAALyeO+ckpqamKiQkxGlLTU29ZC1bt25V+fLlZbfb9dBDD2nRokWKiYlRZmam/P39FRoa6nR+eHi4MjMzJUmZmZlODeL54+ePuYIlcAAAANwoJSVFycnJTvvsdvslz69bt642b96s7OxsffDBB0pMTNSqVavcXaaBJhEAAHg9d66TaLfbL9sUXsjf31+1atWSJDVr1kzr16/XSy+9pHvvvVdnz57V8ePHndLErKwsRURESJIiIiK0bt06p+udf/r5/DmFxXAzAADweiVlCZyLKSgoUG5urpo1a6YyZcpo+fLljmM7d+7Uvn37FBsbK0mKjY3V1q1bdfjwYcc5aWlpCg4OVkxMjEv3JUkEAAAoIVJSUtSxY0dVrVpVJ0+e1MKFC7Vy5Up9/vnnCgkJ0YABA5ScnKywsDAFBwdr2LBhio2N1a233ipJio+PV0xMjPr06aPJkycrMzNTTz31lJKSklxKMyWaRAAAgBLzs3yHDx9W3759dejQIYWEhKhRo0b6/PPPdccdd0iSpk2bJh8fH/Xo0UO5ublKSEjQzJkzHe/39fXV0qVLNWTIEMXGxiowMFCJiYmaOHGiy7WwTiKAUoV1EoFrlyfXSbyu79tuu/bRN+9z27XdiSQRAACgZASJJQoPrgAAAMBAkggAALxeSZmTWJKQJAIAAMBAkggAALweSaKJJhEAAHg9mkQTw80AAAAwkCQCAAAQJBpIEgEAAGAgSQQAAF6POYkmkkQAAAAYSBIBAIDXI0k0kSQCAADAQJIIAAC8HkmiiSYRAAB4PZpEE8PNAAAAMJAkAgAAECQaSBIBAABgIEkEAABejzmJJpJEAAAAGEgSAQCA1yNJNJEkAgAAwECSCAAAvB5JookmEQAAgB7RwHAzAAAADCSJAADA6zHcbCJJBAAAgIEkEQAAeD2SRBNJIgAAAAw0iShxBv21pda9m6Ksr6Yo66spWjlvhOJbxFz03MUvD9Hvm15Wl7aNnPY3i6mqT2cP06HVk3Vw1WR9/EqSGta5vjjKB3AV3nj9NTW+sa4mpz7j2Ld/3z499kiS2ra8Vbf95SaNSn5UR3/91YNV4lpks9nctpVWNIkocX7JOq4xMz7Sbb0nq0XvKVq57ke9P22w6teIcDpvWO92sizz/YEB/vrolSTtz/xNrfs8r/b9p+rU6TP6+JUk+fnxRx4oqb7f+p0+eP8d1alT17Hv9OnTemjwg7LZbHr9X/M07623lZeXp2FJD6mgoMCD1QLXPv6NiRLn09Xf6/Ovf9DufUeUse+wxr+yRKdO5+ovjao7zmlU53o92ud2PTT+LeP9datH6LrQQE2atVS7fj6s7Xsy9cyryxRRMVhVI8OK86MAKKTTOTlKGT1K4yY8reCQEMf+zZu+1cFfftGkZ55T7Tp1VbtOXU169h/6Ydv3Wrf2Gw9WjGsNSaLJo03ir7/+qsmTJ+vuu+9WbGysYmNjdffdd2vKlCk6cuSIJ0tDCeHjY9NfE5opMMBfa7/bK0kKKFtGc1P76bHn3lPW0ZPGe378KUu//nZKid1uUxk/X5W1l1G/brHavueQfj54rLg/AoBCePbpiWrduo1ujb3Naf/Zs2dls9nk7+/v2Ge32+Xj46NN324s7jJxLbO5cSulPPZ08/r165WQkKBy5copLi5OderUkSRlZWVp+vTpeu655/T555/r5ptvvux1cnNzlZub67TPKsiXzcfXbbXD/W6sFaWV80aorL+fTv2eq3tHvK4dezIlSZNH9NA3W/Zq6cqtF33vqdO5Shj0kt6bOlgpgzpIkjL2HdZdSa8oP5/hKaCkWfbpJ9q+/QctfPcD41ijxk0UEBCgF1+YomGPJcuyLL007QXl5+cTJgBu5rEmcdiwYfrrX/+q2bNnG1GsZVl66KGHNGzYMKWnp1/2OqmpqZowYYLTPt/wW1Qm8i9FXjOKz48/Zal5r1SFlA/Q3XFN9frEPoof+JJqVqmktn+po1t7PXfJ95a1l9Hscb2VvmWPElPmyNfXR4/1ba9/Tx+ilg9M0ZncvGL8JAAuJ/PQIU1+7hm9+vq/ZLfbjeNhYWGaMvUlPTNpvBYumC8fHx916NRZ9WNulI9PKY5oUOKU5mFhd7FZ1sWm/rtfQECANm3apHr16l30+I4dO9S0aVP9/vvvl73OxZLEyq1GkyReYz6ZPVR79v+qM7l5evi+Nioo+L8/tn5+vsrPL9B/N+1WwqCXlNgtVhOGdlH1O57U+T/eZfx8dWj1ZA2ZsFDvf84QVWn22/qXPV0CitCK5V9q+CNJ8vX9v39m5+fny2azycfHR+s3bXUc++23Y/L19VNwcLBub91Cffv1V78HB3qqdLhBWQ+u3lwj+VO3XXvP1E5uu7Y7eez/joiICK1bt+6STeK6desUHh7+p9ex2+3Gf33SIF57fGw22f399PTsTzRn0RqnYxs/eFKPv/ChPln1vSSpXFl/FRRY+t///imwLFnWH9cBUHI0v/VWfbB4idO+cU+mqFqNGuo/YJBT81ihwh8Pnq39Jl3Hjh1V23a3F2utuLaRJJo81iSOHDlSgwcP1saNG9W+fXtHQ5iVlaXly5fr9ddf1/PPP++p8uBBE4fdpc//u037D/2moMCyurfjzWp9c211eXimso6evOjDKvsP/aafDx6VJC3/ZoeefaybXkzpqVnvrJKPzaaR/eN1Lj9fqzb8WNwfB8BlBAaWV+3adZz2BZQrp9CQUMf+xYs+VI0aNVWhQpi2bNmkyanP6oG+/VSteg1PlAx4DY81iUlJSapYsaKmTZummTNnKj8/X5Lk6+urZs2aae7cuerZs6enyoMHVQorrzcm9VVExWBlnzqj73f9oi4Pz9SKtTsK9f4ff8pSj0df1ZN/66iV80aooMDSlh0H1DVppjJ/PeHm6gEUtZ/27tX0aVOVnZ2tqOuv18DBD6lPYj9Pl4VrDEGiyWNzEv9XXl6efv3/q+dXrFhRZcqUuarrBTQdWhRlASiBmJMIXLs8OSex1shlbrt2xvMd3XZtd/Lg/x3/p0yZMoqMjPR0GQAAwEsxJ9FUIppEAAAAT6JHNPGzfAAAADCQJAIAAK/HcLOJJBEAAAAGkkQAAOD1CBJNJIkAAAAwkCQCAACv5+NDlHghkkQAAAAYSBIBAIDXY06iiSYRAAB4PZbAMTHcDAAAAANJIgAA8HoEiSaSRAAAABhIEgEAgNdjTqKJJBEAAAAGkkQAAOD1SBJNJIkAAAAwkCQCAACvR5BookkEAABej+FmE8PNAAAAMJAkAgAAr0eQaCJJBAAAgIEkEQAAeD3mJJpIEgEAAGAgSQQAAF6PINFEkggAAFBCpKam6pZbblFQUJAqV66sbt26aefOnU7ntG3bVjabzWl76KGHnM7Zt2+fOnfurHLlyqly5coaNWqUzp0751ItJIkAAMDrlZQ5iatWrVJSUpJuueUWnTt3Tn//+98VHx+vH374QYGBgY7zBg0apIkTJzpelytXzvHX+fn56ty5syIiIrRmzRodOnRIffv2VZkyZfTss88WuhaaRAAAgBLis88+c3o9d+5cVa5cWRs3blTr1q0d+8uVK6eIiIiLXuOLL77QDz/8oC+//FLh4eFq0qSJJk2apNGjR2v8+PHy9/cvVC0MNwMAAK9ns7lvy83N1YkTJ5y23NzcQtWVnZ0tSQoLC3Pav2DBAlWsWFENGjRQSkqKTp8+7TiWnp6uhg0bKjw83LEvISFBJ06c0LZt2wr9ndAkAgAAr3fhHL+i3FJTUxUSEuK0paam/mlNBQUFeuyxx9SiRQs1aNDAsf/+++/XW2+9pf/85z9KSUnR/Pnz9cADDziOZ2ZmOjWIkhyvMzMzC/2dMNwMAADgRikpKUpOTnbaZ7fb//R9SUlJ+v777/X111877R88eLDjrxs2bKjIyEi1b99eu3fvVs2aNYumaNEkAgAAuHUJHLvdXqim8H8NHTpUS5cu1erVq3XDDTdc9tzmzZtLkjIyMlSzZk1FRERo3bp1TudkZWVJ0iXnMV4Mw80AAAAlhGVZGjp0qBYtWqQVK1aoevXqf/qezZs3S5IiIyMlSbGxsdq6dasOHz7sOCctLU3BwcGKiYkpdC0kiQAAwOuVlCVwkpKStHDhQn300UcKCgpyzCEMCQlRQECAdu/erYULF6pTp0667rrr9N1332n48OFq3bq1GjVqJEmKj49XTEyM+vTpo8mTJyszM1NPPfWUkpKSXEo0SRIBAABKiFmzZik7O1tt27ZVZGSkY3v33XclSf7+/vryyy8VHx+vevXqacSIEerRo4eWLFniuIavr6+WLl0qX19fxcbG6oEHHlDfvn2d1lUsDJJEAADg9UpIkCjLsi57vEqVKlq1atWfXic6OlqffvrpVdVCkggAAAADSSIAAPB6JWVOYklCkwgAALwePaKJ4WYAAAAYSBIBAIDXY7jZRJIIAAAAA0kiAADweiSJJpJEAAAAGEgSAQCA1yNINJEkAgAAwECSCAAAvB5zEk00iQAAwOvRI5oYbgYAAICBJBEAAHg9hptNJIkAAAAwkCQCAACvR5BoIkkEAACAgSQRAAB4PR+iRANJIgAAAAwkiQAAwOsRJJpoEgEAgNdjCRwTw80AAAAwkCQCAACv50OQaCBJBAAAgIEkEQAAeD3mJJpIEgEAAGAgSQQAAF6PINFEkggAAAADSSIAAPB6NhElXogmEQAAeD2WwDEx3AwAAAADSSIAAPB6LIFjIkkEAACAgSQRAAB4PYJEE0kiAAAADCSJAADA6/kQJRpIEgEAAGAokibx+PHjRXEZAAAAj7DZ3LeVVi43if/4xz/07rvvOl737NlT1113na6//npt2bKlSIsDAAAoDjabzW1baeVykzh79mxVqVJFkpSWlqa0tDQtW7ZMHTt21KhRo4q8QAAAABQ/lx9cyczMdDSJS5cuVc+ePRUfH69q1aqpefPmRV4gAACAu5XiwM9tXE4SK1SooP3790uSPvvsM8XFxUmSLMtSfn5+0VYHAAAAj3A5Sezevbvuv/9+1a5dW0ePHlXHjh0lSZs2bVKtWrWKvEAAAAB3Ywkck8tN4rRp01StWjXt379fkydPVvny5SVJhw4d0sMPP1zkBQIAAKD4udwklilTRiNHjjT2Dx8+vEgKAgAAKG7kiKZCNYkff/xxoS941113XXExAAAAKBkK1SR269atUBez2Ww8vAIAAEqd0ryeobsUqkksKChwdx0AAAAe40OPaLiqn+U7c+ZMUdUBAACAEsTlJjE/P1+TJk3S9ddfr/Lly2vPnj2SpDFjxuiNN94o8gIBAADcjZ/lM7ncJD7zzDOaO3euJk+eLH9/f8f+Bg0a6J///GeRFgcAAADPcLlJfPPNN/Xaa6+pd+/e8vX1dexv3LixduzYUaTFAQAAFAebzX1baeVyk/jLL79c9JdVCgoKlJeXVyRFAQAAwLNcbhJjYmL01VdfGfs/+OADNW3atEiKAgAAKE7MSTS5/IsrY8eOVWJion755RcVFBTo3//+t3bu3Kk333xTS5cudUeNAAAAKGYuJ4ldu3bVkiVL9OWXXyowMFBjx47V9u3btWTJEt1xxx3uqBEAAMCtfGzu20orl5NESWrVqpXS0tKKuhYAAACPKM3Dwu5yRU2iJG3YsEHbt2+X9Mc8xWbNmhVZUQAAAPAsl5vEAwcO6L777tN///tfhYaGSpKOHz+u2267Te+8845uuOGGoq4RAADArcgRTS7PSRw4cKDy8vK0fft2HTt2TMeOHdP27dtVUFCggQMHuqNGAAAAFDOXk8RVq1ZpzZo1qlu3rmNf3bp1NWPGDLVq1apIiwMAACgOPsxJNLicJFapUuWii2bn5+crKiqqSIoCAACAZ7ncJE6ZMkXDhg3Thg0bHPs2bNigRx99VM8//3yRFgcAAFAc+Fk+U6GGmytUqOD0aHhOTo6aN28uP78/3n7u3Dn5+fnpwQcfVLdu3dxSKAAAAIpPoZrEF1980c1lAAAAeA7rJJoK1SQmJia6uw4AAACUIFe8mLYknTlzRmfPnnXaFxwcfFUFAQAAFDeCRJPLD67k5ORo6NChqly5sgIDA1WhQgWnDQAAoLTxsdnctrkiNTVVt9xyi4KCglS5cmV169ZNO3fudDrnzJkzSkpK0nXXXafy5curR48eysrKcjpn37596ty5s8qVK6fKlStr1KhROnfunGvfiUtnS3r88ce1YsUKzZo1S3a7Xf/85z81YcIERUVF6c0333T1cgAAAPj/Vq1apaSkJH3zzTdKS0tTXl6e4uPjlZOT4zhn+PDhWrJkid5//32tWrVKBw8eVPfu3R3H8/Pz1blzZ509e1Zr1qzRvHnzNHfuXI0dO9alWmyWZVmuvKFq1ap688031bZtWwUHB+vbb79VrVq1NH/+fL399tv69NNPXSrAHQKaDvV0CQDc5Lf1L3u6BABuUvaqJsFdnYf//YPbrj2tc03l5uY67bPb7bLb7X/63iNHjqhy5cpatWqVWrdurezsbFWqVEkLFy7UPffcI0nasWOH6tevr/T0dN16661atmyZ7rzzTh08eFDh4eGSpNmzZ2v06NE6cuSI/P39C1W3y0nisWPHVKNGDUl/zD88duyYJKlly5ZavXq1q5cDAAC4pqWmpiokJMRpS01NLdR7s7OzJUlhYWGSpI0bNyovL09xcXGOc+rVq6eqVasqPT1dkpSenq6GDRs6GkRJSkhI0IkTJ7Rt27ZC1+1yk1ijRg3t3bvXUdR7770nSVqyZIlCQ0NdvRwAAIDH2Ww2t20pKSnKzs522lJSUv60poKCAj322GNq0aKFGjRoIEnKzMyUv7+/0XOFh4crMzPTcc7/Nojnj58/VlguB7v9+/fXli1b1KZNGz3xxBPq0qWLXn75ZeXl5Wnq1KmuXg4AAOCaVtih5QslJSXp+++/19dff+2Gqv6cy03i8OHDHX8dFxenHTt2aOPGjapVq5YaNWpUpMVdqcPp0z1dAgA3WfZD4f8rGEDpcnejCI/d2+WhVTcbOnSoli5dqtWrV+uGG25w7I+IiNDZs2d1/PhxpzQxKytLERERjnPWrVvndL3zTz+fP6cwrvo7iY6OVvfu3UtMgwgAAFBaWZaloUOHatGiRVqxYoWqV6/udLxZs2YqU6aMli9f7ti3c+dO7du3T7GxsZKk2NhYbd26VYcPH3ack5aWpuDgYMXExBS6lkIlidOnFz6Ze+SRRwp9LgAAQElQUn6WLykpSQsXLtRHH32koKAgxxzCkJAQBQQEKCQkRAMGDFBycrLCwsIUHBysYcOGKTY2VrfeeqskKT4+XjExMerTp48mT56szMxMPfXUU0pKSnJp2LtQS+Bc2MVe8mI2m/bs2VPom7vLyTMFni4BgJt8+ePhPz8JQKnkyeHmxz7a4bZrv9i1XqHPvVSzOmfOHPXr10/SH4tpjxgxQm+//bZyc3OVkJCgmTNnOg0l//zzzxoyZIhWrlypwMBAJSYm6rnnnpOfX+FnGrq8TmJpQJMIXLtoEoFrF01iyeLBZSsBAABKBp+SMdpcopS0h3kAAABQApAkAgAAr1dSHlwpSUgSAQAAYCBJBAAAXo85iaYrShK/+uorPfDAA4qNjdUvv/wiSZo/f77HfjYGAAAARcvlJvHDDz9UQkKCAgICtGnTJuXm5kqSsrOz9eyzzxZ5gQAAAO5ms7lvK61cbhKffvppzZ49W6+//rrKlCnj2N+iRQt9++23RVocAABAcfCx2dy2lVYuN4k7d+5U69atjf0hISE6fvx4UdQEAAAAD3O5SYyIiFBGRoax/+uvv1aNGjWKpCgAAIDi5OPGrbRyufZBgwbp0Ucf1dq1a2Wz2XTw4EEtWLBAI0eO1JAhQ9xRIwAAAIqZy0vgPPHEEyooKFD79u11+vRptW7dWna7XSNHjtSwYcPcUSMAAIBbleKpg27jcpNos9n05JNPatSoUcrIyNCpU6cUExOj8uXLu6M+AAAAeMAVL6bt7++vmJiYoqwFAADAI0rzU8ju4nKT2K5du8v+vuGKFSuuqiAAAAB4nstNYpMmTZxe5+XlafPmzfr++++VmJhYVHUBAAAUG4JEk8tN4rRp0y66f/z48Tp16tRVFwQAAFDc+O1mU5Et3/PAAw/oX//6V1FdDgAAAB50xQ+uXCg9PV1ly5YtqssBAAAUGx5cMbncJHbv3t3ptWVZOnTokDZs2KAxY8YUWWEAAADwHJebxJCQEKfXPj4+qlu3riZOnKj4+PgiKwwAAKC4ECSaXGoS8/Pz1b9/fzVs2FAVKlRwV00AAADwMJceXPH19VV8fLyOHz/upnIAAACKn4/NfVtp5fLTzQ0aNNCePXvcUQsAAABKCJebxKefflojR47U0qVLdejQIZ04ccJpAwAAKG1sbvxfaVXoOYkTJ07UiBEj1KlTJ0nSXXfd5fTzfJZlyWazKT8/v+irBAAAcKPSPCzsLoVuEidMmKCHHnpI//nPf9xZDwAAAEqAQjeJlmVJktq0aeO2YgAAADyBJNHk0pxEG4sIAQAAeAWX1kmsU6fOnzaKx44du6qCAAAAihtBmMmlJnHChAnGL64AAADg2uNSk9irVy9VrlzZXbUAAAB4BHMSTYWek0gMCwAA4D1cfroZAADgWkMWZip0k1hQUODOOgAAADzGhy7R4PLP8gEAAODa59KDKwAAANciHlwxkSQCAADAQJIIAAC8HlMSTSSJAAAAMJAkAgAAr+cjosQLkSQCAADAQJIIAAC8HnMSTTSJAADA67EEjonhZgAAABhIEgEAgNfjZ/lMJIkAAAAwkCQCAACvR5BoIkkEAACAgSQRAAB4PeYkmkgSAQAAYCBJBAAAXo8g0USTCAAAvB5Dqya+EwAAABhIEgEAgNezMd5sIEkEAACAgSQRAAB4PXJEE0kiAAAADCSJAADA67GYtokkEQAAAAaSRAAA4PXIEU00iQAAwOsx2mxiuBkAAAAGkkQAAOD1WEzbRJIIAAAAA0kiAADweqRmJr4TAACAEmT16tXq0qWLoqKiZLPZtHjxYqfj/fr1k81mc9o6dOjgdM6xY8fUu3dvBQcHKzQ0VAMGDNCpU6dcqoMmEQAAeL0Lm66i3FyVk5Ojxo0b65VXXrnkOR06dNChQ4cc29tvv+10vHfv3tq2bZvS0tK0dOlSrV69WoMHD3apDoabAQAASpCOHTuqY8eOlz3HbrcrIiLiose2b9+uzz77TOvXr9fNN98sSZoxY4Y6deqk559/XlFRUYWqgyQRAAB4PZsbt9zcXJ04ccJpy83Nvap6V65cqcqVK6tu3boaMmSIjh496jiWnp6u0NBQR4MoSXFxcfLx8dHatWsLfQ+aRAAAADdKTU1VSEiI05aamnrF1+vQoYPefPNNLV++XP/4xz+0atUqdezYUfn5+ZKkzMxMVa5c2ek9fn5+CgsLU2ZmZqHvw3AzAADweu5cJzElJUXJyclO++x2+xVfr1evXo6/btiwoRo1aqSaNWtq5cqVat++/RVf90I0iQAAwOu5c2jVbrdfVVP4Z2rUqKGKFSsqIyND7du3V0REhA4fPux0zrlz53Ts2LFLzmO8GIabAQAASrEDBw7o6NGjioyMlCTFxsbq+PHj2rhxo+OcFStWqKCgQM2bNy/0dUkSAQCA1ytJP8t36tQpZWRkOF7v3btXmzdvVlhYmMLCwjRhwgT16NFDERER2r17tx5//HHVqlVLCQkJkqT69eurQ4cOGjRokGbPnq28vDwNHTpUvXr1KvSTzRJJIgAAQImyYcMGNW3aVE2bNpUkJScnq2nTpho7dqx8fX313Xff6a677lKdOnU0YMAANWvWTF999ZXTkPaCBQtUr149tW/fXp06dVLLli312muvuVSHzbIsq0g/WQlw8kyBp0sA4CZf/nj4z08CUCrd3ajw8+WK2uLvCv/Ur6u6efBzXQ2SRAAAABiYkwgAALxeCZqSWGKQJAIAAMBAkggAALyej4gSL0STCAAAvB7DzSaGmwEAAGAgSQQAAF7PxnCzgSQRAAAABpJEAADg9ZiTaCJJBAAAgIEkEQAAeD2WwDGRJAIAAMBAkggAALwecxJNNIkAAMDr0SSaGG4GAACAgSQRAAB4PRbTNpEkAgAAwECSCAAAvJ4PQaKBJBEAAAAGkkQAAOD1mJNoIkkEAACAgSQRAAB4PdZJNNEkAgAAr8dws4nhZgAAABhIEgEAgNdjCRwTSSIAAAAMJIkAAMDrMSfRRJIIAAAAA0kiSoVXZ72s12e/4rQvulp1ffjRp5KkX389opemTtG6b9KVk5Oj6GrV9OCgh9Q+Lt4T5QK4jD0/bNHqj9/WL3t+1MnfjqrPqKd1419aXfTcRa+9oLVpH+vOfkPVsvNfnY7t2Jiu5R/M06Gfd8vP3181Ypqo7+PPFMdHwDWIJXBMNIkoNWrUrKWZr/3L8drP9//++I578gmdPHlSL7z0ikIrVNBnny5VyqjhenPh+6pXP8YT5QK4hLzc3xUZXUs3t+ukt54fc8nzvl+7Wvt+/EHBFSoax7Z+s0r/nj1FCfcPUs0GN6kgP19Z+/e4s2zA69AkotTw8/NTxYqVLnrsuy2b9cSTY9WgYSNJ0sDBQ/T2W/O0Y/s2mkSghKnb9FbVbXrrZc/JPnpEH/9rugY8NUVzUp9wOpaff05L5sxQpz5DdEv7zo794VWquaNceAmCRBNNIkqNfT//rA5xrWX3t6th4yYa+shwRURGSZIaNW6itM+XqWXrNgoKClba58uUm3tWzW7+i4erBuCqgoICvTvjGbW+q5fCq1Q3jh/cs0snjh2Rzceml0YN0KnjxxRZrZY69RmiiKo1PFAxrgU+jDcbSvSDK/v379eDDz542XNyc3N14sQJpy03N7eYKkRxadCwkcZPelYzZr6uJ54cp4O/HNDA/g8oJydHkvTclGk6d+6c2reOVewtjfXs0+P1/LQZqlI12sOVA3DVqo8WytfXVy069bjo8WOHD0qSvnxvrm7v0VeJTzyngMAgvTb+MZ0+eaI4SwWuaSW6STx27JjmzZt32XNSU1MVEhLitL0w5bliqhDFpUXL1oqL76DadeoqtkVLvfTyqzp58qTSPl8mSZr1ynSdPHlSM1/7l+YvfF+9+/TTE48PV8auHz1cOQBXHNi9U//95EP9NSlFtkskO1ZBgSSpXfcH1PDWNrqhZl39NekJ2SRt/WZl8RWLa4rNjVtp5dHh5o8//viyx/fs+fNJyCkpKUpOTnbad9Yqc1V1oeQLCg5WdHQ1Hdi/Twf279N77yzQux9+rJq1akuS6tStp83fbtB77yzU38eM92yxAArtpx3fKefEb3puSE/HvoKCfH0yb6a+/uQDPTHzXQVVuE6SFH5DNcc5fmX8FRYepeNHsoq7ZOCa5dEmsVu3brLZbLIs65LnXOq/JM+z2+2y2+1O+06eKSiS+lBynT6dowP796tT57t05swZSZKPj3Mw7uPjK8vizwJQmjRtHa9aDZs57fvX06PUtHW8bm7XUZJ0fY268ivjryMH96ta/T8eVss/d06/HclUaKXwYq8Z14jSHPm5iUebxMjISM2cOVNdu3a96PHNmzerWbNmFz0G7/LiC5PVqk1bRUZeryNHDuvVWTPk4+ujhI6dFRQUpCpVq+rZSeP0aPLjCg0N1coVy7X2mzWaNmOWp0sHcIHc30/raOYvjtfHDh/Swb27VK58sEIrhSswKMTpfB8/PwVVCFOl66tKksqWC1TzO+5S2ntzFFKxsipUDNeqj9+RJDWMbVd8HwS4xnm0SWzWrJk2btx4ySbxz1JGeI+srEw9+cRIZR8/rgoVwtS46U2aO/8dVQgLkyS99PKrmvHSVCU/8rBOnz6tKlWravykVLVs1cbDlQO40IE9O/X6+Mccrz+Z98dC+Te16aCeQ1MKdY1OfYbIx9dX7814Rnlnc1WlVn0NGjdN5coHuaNkeAF+ls9kszzYhX311VfKyclRhw4dLno8JydHGzZsUJs2rv2LnuFm4Nr15Y+HPV0CADe5u1GEx+69dne2267dvGbIn59UAnk0SWzV6uI/w3ReYGCgyw0iAACAq1gm0cRi2gAAwOvRI5pK9DqJAAAA8AySRAAAAKJEA0kiAAAADCSJAADA67EEjokkEQAAAAaSRAAA4PVYAsdEkggAAAADSSIAAPB6BIkmmkQAAAC6RAPDzQAAADCQJAIAAK/HEjgmkkQAAAAYSBIBAIDXYwkcE0kiAAAADCSJAADA6xEkmkgSAQAAYCBJBAAAIEo00CQCAACvxxI4JoabAQAAYCBJBAAAXo8lcEwkiQAAADCQJAIAAK9HkGgiSQQAAICBJBEAAIAo0UCSCAAAAANNIgAA8Ho2N/7PVatXr1aXLl0UFRUlm82mxYsXOx23LEtjx45VZGSkAgICFBcXp127djmdc+zYMfXu3VvBwcEKDQ3VgAEDdOrUKZfqoEkEAAAoQXJyctS4cWO98sorFz0+efJkTZ8+XbNnz9batWsVGBiohIQEnTlzxnFO7969tW3bNqWlpWnp0qVavXq1Bg8e7FIdNsuyrKv6JCXQyTMFni4BgJt8+eNhT5cAwE3ubhThsXv/cDDHbdeOiQq84vfabDYtWrRI3bp1k/RHihgVFaURI0Zo5MiRkqTs7GyFh4dr7ty56tWrl7Zv366YmBitX79eN998syTps88+U6dOnXTgwAFFRUUV6t4kiQAAwOvZ3Ljl5ubqxIkTTltubu4V1bl3715lZmYqLi7OsS8kJETNmzdXenq6JCk9PV2hoaGOBlGS4uLi5OPjo7Vr1xb6XjSJAAAAbpSamqqQkBCnLTU19YqulZmZKUkKDw932h8eHu44lpmZqcqVKzsd9/PzU1hYmOOcwmAJHAAAADcugZOSkqLk5GSnfXa73X03LCI0iQAAAG5kt9uLrCmMiPhj3mZWVpYiIyMd+7OystSkSRPHOYcPO8/fPnfunI4dO+Z4f2Ew3AwAALxeSVoC53KqV6+uiIgILV++3LHvxIkTWrt2rWJjYyVJsbGxOn78uDZu3Og4Z8WKFSooKFDz5s0LfS+SRAAAgBLk1KlTysjIcLzeu3evNm/erLCwMFWtWlWPPfaYnn76adWuXVvVq1fXmDFjFBUV5XgCun79+urQoYMGDRqk2bNnKy8vT0OHDlWvXr0K/WSzRJMIAAAgWwn6Wb4NGzaoXbt2jtfn5zMmJiZq7ty5evzxx5WTk6PBgwfr+PHjatmypT777DOVLVvW8Z4FCxZo6NChat++vXx8fNSjRw9Nnz7dpTpYJxFAqcI6icC1y5PrJO7MPO22a9eNKOe2a7sTSSIAAPB6JShILDFoEgEAAOgSDTzdDAAAAANJIgAA8HpFvVTNtYAkEQAAAAaSRAAA4PVK0hI4JQVJIgAAAAwkiQAAwOsRJJpIEgEAAGAgSQQAACBKNNAkAgAAr8cSOCaGmwEAAGAgSQQAAF6PJXBMJIkAAAAwkCQCAACvR5BoIkkEAACAgSQRAACAKNFAkggAAAADSSIAAPB6rJNookkEAABejyVwTAw3AwAAwECSCAAAvB5BookkEQAAAAaSRAAA4PWYk2giSQQAAICBJBEAAIBZiQaSRAAAABhIEgEAgNdjTqKJJhEAAHg9ekQTw80AAAAwkCQCAACvx3CziSQRAAAABpJEAADg9WzMSjSQJAIAAMBAkggAAECQaCBJBAAAgIEkEQAAeD2CRBNNIgAA8HosgWNiuBkAAAAGkkQAAOD1WALHRJIIAAAAA0kiAAAAQaKBJBEAAAAGkkQAAOD1CBJNJIkAAAAwkCQCAACvxzqJJppEAADg9VgCx8RwMwAAAAwkiQAAwOsx3GwiSQQAAICBJhEAAAAGmkQAAAAYmJMIAAC8HnMSTSSJAAAAMJAkAgAAr8c6iSaaRAAA4PUYbjYx3AwAAAADSSIAAPB6BIkmkkQAAAAYSBIBAACIEg0kiQAAADCQJAIAAK/HEjgmkkQAAAAYSBIBAIDXY51EE0kiAAAADCSJAADA6xEkmkgSAQAAbG7cXDB+/HjZbDanrV69eo7jZ86cUVJSkq677jqVL19ePXr0UFZW1hV/7MuhSQQAAChBbrzxRh06dMixff31145jw4cP15IlS/T+++9r1apVOnjwoLp37+6WOhhuBgAAXq8kLYHj5+eniIgIY392drbeeOMNLVy4ULfffrskac6cOapfv76++eYb3XrrrUVaB0kiAACAG+Xm5urEiRNOW25u7iXP37Vrl6KiolSjRg317t1b+/btkyRt3LhReXl5iouLc5xbr149Va1aVenp6UVeN00iAADwejab+7bU1FSFhIQ4bampqReto3nz5po7d64+++wzzZo1S3v37lWrVq108uRJZWZmyt/fX6GhoU7vCQ8PV2ZmZpF/Jww3AwAAuFFKSoqSk5Od9tnt9oue27FjR8dfN2rUSM2bN1d0dLTee+89BQQEuLXOC12TTWJQWQJSb5Gbm6vU1FSlpKRc8m84XFvubmTO08G1ib+/UZzKurMj8rNf8Z/h0NBQ1alTRxkZGbrjjjt09uxZHT9+3ClNzMrKuugcxqtFN4VSLTc3VxMmTLjs3A4ApRN/fwPSqVOntHv3bkVGRqpZs2YqU6aMli9f7ji+c+dO7du3T7GxsUV+72sySQQAACiNRo4cqS5duig6OloHDx7UuHHj5Ovrq/vuu08hISEaMGCAkpOTFRYWpuDgYA0bNkyxsbFF/mSzRJMIAABQYhw4cED33Xefjh49qkqVKqlly5b65ptvVKlSJUnStGnT5OPjox49eig3N1cJCQmaOXOmW2qxWZZlueXKQDE4ceKEQkJClJ2dreDgYE+XA6AI8fc34FnMSUSpZrfbNW7cOCa1A9cg/v4GPIskEQAAAAaSRAAAABhoEgEAAGCgSQQAAICBJhEAAAAGmkSUaq+88oqqVaumsmXLqnnz5lq3bp2nSwJwlVavXq0uXbooKipKNptNixcv9nRJgFeiSUSp9e677yo5OVnjxo3Tt99+q8aNGyshIUGHDx/2dGkArkJOTo4aN26sV155xdOlAF6NJXBQajVv3ly33HKLXn75ZUlSQUGBqlSpomHDhumJJ57wcHUAioLNZtOiRYvUrVs3T5cCeB2SRJRKZ8+e1caNGxUXF+fY5+Pjo7i4OKWnp3uwMgAArg00iSiVfv31V+Xn5ys8PNxpf3h4uDIzMz1UFQAA1w6aRAAAABhoElEqVaxYUb6+vsrKynLan5WVpYiICA9VBQDAtYMmEaWSv7+/mjVrpuXLlzv2FRQUaPny5YqNjfVgZQAAXBv8PF0AcKWSk5OVmJiom2++WX/5y1/04osvKicnR/379/d0aQCuwqlTp5SRkeF4vXfvXm3evFlhYWGqWrWqBysDvAtL4KBUe/nllzVlyhRlZmaqSZMmmj59upo3b+7psgBchZUrV6pdu3bG/sTERM2dO7f4CwK8FE0iAAAADMxJBAAAgIEmEQAAAAaaRAAAABhoEgEAAGCgSQQAAICBJhEAAAAGmkQAAAAYaBIBAABgoEkEcNX69eunbt26OV63bdtWjz32WLHXsXLlStlsNh0/fvyS59hsNi1evLjQ1xw/fryaNGlyVXX99NNPstls2rx581VdBwCKE00icI3q16+fbDabbDab/P39VatWLU2cOFHnzp1z+73//e9/a9KkSYU6tzCNHQCg+Pl5ugAA7tOhQwfNmTNHubm5+vTTT5WUlKQyZcooJSXFOPfs2bPy9/cvkvuGhYUVyXUAAJ5Dkghcw+x2uyIiIhQdHa0hQ4YoLi5OH3/8saT/GyJ+5plnFBUVpbp160qS9u/fr549eyo0NFRhYWHq2rWrfvrpJ8c18/PzlZycrNDQUF133XV6/PHHdeFPwF843Jybm6vRo0erSpUqstvtqlWrlt544w399NNPateunSSpQoUKstls6tevnySpoKBAqampql69ugICAtS4cWN98MEHTvf59NNPVadOHQUEBKhdu3ZOdRbW6NGjVadOHZUrV041atTQmDFjlJeXZ5z36quvqkqVKipXrpx69uyp7Oxsp+P//Oc/Vb9+fZUtW1b16tXTzJkzL3nP3377Tb1791alSpUUEBCg2rVra86cOS7XDgDuRJIIeJGAgAAdPXrU8Xr58uUKDg5WWlqaJCkvL08JCQmKjY3VV199JT8/Pz399NPq0KGDvvvuO/n7++uFF17Q3Llz9a9//Uv169fXCy+8oEWLFun222+/5H379u2r9PR0TZ8+XY0bN9bevXv166+/qkqVKvrwww/Vo0cP7dy5U8HBwQoICJAkpaam6q233tLs2bNVu3ZtrV69Wg888IAqVaqkNm3aaP/+/erevbuSkpI0ePBgbdiwQSNGjHD5OwkKCtLcuXMVFRWlrVu3atCgQQoKCtLjjz/uOCcjI0PvvfeelixZohMnTmjAgAF6+OGHtWDBAknSggULNHbsWL388stq2rSpNm3apEGDBikwMFCJiYnGPceMGaMffvhBy5YtU8WKFZWRkaHff//d5doBwK0sANekxMREq2vXrpZlWVZBQYGVlpZm2e12a+TIkY7j4eHhVm5uruM98+fPt+rWrWsVFBQ49uXm5loBAQHW559/blmWZUVGRlqTJ092HM/Ly7NuuOEGx70sy7LatGljPfroo5ZlWdbOnTstSVZaWtpF6/zPf/5jSbJ+++03x74zZ85Y5cqVs9asWeN07oABA6z77rvPsizLSklJsWJiYpyOjx492rjWhSRZixYtuuTxKVOmWM2aNXO8HjdunOXr62sdOHDAsW/ZsmWWj4+PdejQIcuyLKtmzZrWwoULna4zadIkKzY21rIsy9q7d68lydq0aZNlWZbVpUsXq3///pesAQBKApJE4Bq2dOlSlS9fXnl5eSooKND999+v8ePHO443bNjQaR7ili1blJGRoaCgIKfrnDlzRrt371Z2drYOHTqk5s2bO475+fnp5ptvNoacz9u8ebN8fX3Vpk2bQtedkZGh06dP64477nDaf/bsWTVt2lSStH37dqc6JCk2NrbQ9zjv3Xff1fTp07V7926dOnVK586dU3BwsNM5VatW1fXXX+90n4KCAu3cuVNBQUHavXu3BgwYoEGDBjnOOXfunEJCQi56zyFDhqhHjx769ttvFR8fr27duum2225zuXYAcCeaROAa1q5dO82aNUv+/v6KioqSn5/z3/KBgYFOr0+dOqVmzZo5hlH/V6VKla6ohvPDx644deqUJOmTTz5xas6kP+ZZFpX09HT17t1bEyZMUEJCgkJCQvTOO+/ohRdecLnW119/3WhafX19L/qejh076ueff9ann36qtLQ0tW/fXklJSXr++eev/MMAQBGjSQSuYYGBgapVq1ahz7/pppv07rvvqnLlykaadl5kZKTWrl2r1q1bS/ojMdu4caNuuummi57fsGFDFRQUaNWqVYqLizOOn08y8/PzHftiYmJkt9u1b9++SyaQ9evXdzyEc94333zz5x/yf6xZs0bR0dF68sknHft+/vln47x9+/bp4MGDioqKctzHx8dHdevWVXh4uKKiorRnzx717t270PeuVKmSEhMTlZiYqFatWmnUqFE0iQBKFJ5uBuDQu3dvVaxYUV27dtVXX32lvXv3auXKlXrkkUd04MABSdKjjz6q5557TosXL9aOHTv08MMPX3aNw2rVqikxMVEPPvigFi9e7Ljme++9J0mKjo6WzWbT0qVLdeTIEZ06dUpBQUEaOXKkhg8frnnz5mn37t369ttvNWPGDM2bN0+S9NBDD2nXrl0aNWqUdu7cqYULF2ru3Lkufd7atWtr3759euedd7R7925Nnz5dixYtMs4rW7asEhMTtWXLFn311Vd65JFH1LNnT0VEREiSJkyYoNTUVE2fPl0//vijtm7dqjlz5mjq1KkXve/YsWP10UcfKSMjQ9u2bdPSpUtVv359l2oHAHejSQTgUK5cOa1evVpVq1ZV9+7dVb9+fQ0YMEBnzpxxJIsjRoxQnz59lJiYqNjYWAUFBenuu+++7HVnzZqle+65Rw8//LDq1aunQYMGKScnR5J0/fXXa8KECXriiScUHh6uoUOHSpImTZqkMWPGKDU1VfXr11eHDh30ySefqHr16pL+mCf44YcfavHixWrcuLFmz56tZ5991qXPe9ddd2n48OEaOnSomjRpojVr1mjMmDHGebVq1VL37t3VqVMnxcfHq1GjRk5L3AwcOFD//Oc/NWfOHDVs2FBt2rTR3LlzHbVeyN/fXykpKWrUqJFat24tX19fvfPOOy7VDgDuZrMuNdscAAAAXoskEQAAAAaaRAAAABhoEgEAAGCgSQQAAICBJhEAAAAGmkQAAAAYaBIBAABgoEkEAACAgSYRAAAABppEAAAAGGgSAQAAYPh/2FUZr2mBpEoAAAAASUVORK5CYII=", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "plot_confusion_matrix(y_test, y_pred,(0,1))" + ] + }, + { + "cell_type": "code", + "execution_count": 17, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAr4AAAIjCAYAAADlfxjoAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8pXeV/AAAACXBIWXMAAA9hAAAPYQGoP6dpAACfdUlEQVR4nOzdd3hT1RsH8G+6B13Qllloy4aWAmWWPaQ4EBQZslGmDFkie6iAgkxFQJQpKIioqPxAQUBG2ausMgqyoYXS0kJnzu+PY5JeOmhKmts238/z9OHm5N6bN2lS3pz7nnM0QggBIiIiIqJCzkrtAIiIiIiIzIGJLxERERFZBCa+RERERGQRmPgSERERkUVg4ktEREREFoGJLxERERFZBCa+RERERGQRmPgSERERkUVg4ktEREREFoGJL5GZ+Pr6ok+fPmqHYXGaN2+O5s2bqx3Gc02bNg0ajQbR0dFqh5LvaDQaTJs2zSTnunbtGjQaDVatWmWS8wHA4cOHYWdnh3///ddk5zS1rl27onPnzmqHQaQ6Jr5UKKxatQoajUb/Y2Njg9KlS6NPnz64deuW2uHlawkJCfj4449Ro0YNODk5wc3NDU2aNMGaNWtQUFY0P3fuHKZNm4Zr166pHUoGaWlpWLlyJZo3b46iRYvC3t4evr6+6Nu3L44ePap2eCaxfv16LFiwQO0wFMwZ08SJE/H222+jXLly+rbmzZsr/iY5OjqiRo0aWLBgAbRababnefDgAT744ANUrlwZDg4OKFq0KEJDQ/H7779n+dhxcXGYPn06goKCUKRIETg6OiIgIAAffvghbt++rd/vww8/xE8//YRTp07l+HlZwnuXLI9GFJT/2YiysWrVKvTt2xcfffQR/Pz8kJiYiIMHD2LVqlXw9fXFmTNn4ODgoGqMSUlJsLKygq2trapxpHfv3j20atUK58+fR9euXdGsWTMkJibip59+wj///IMuXbpg3bp1sLa2VjvUbG3atAmdOnXCrl27MvTuJicnAwDs7OzMHtfTp0/x5ptvYtu2bWjatCnatWuHokWL4tq1a9i4cSMuXryI69evo0yZMpg2bRqmT5+OqKgoeHp6mj3WF/Haa6/hzJkzefbFIzExETY2NrCxsXnhmIQQSEpKgq2trUne1ydPnkStWrVw4MABNGzYUN/evHlzXLlyBbNmzQIAREdHY/369Thy5AgmTJiAGTNmKM4TERGBVq1aISoqCn379kWdOnXw6NEjrFu3DidPnsSYMWMwZ84cxTGRkZFo3bo1rl+/jk6dOqFx48aws7PD6dOn8f3336No0aK4ePGifv/69eujcuXKWLNmzXOflzHvXaICRRAVAitXrhQAxJEjRxTtH374oQAgNmzYoFJk6nr69KlIS0vL8v7Q0FBhZWUlfv311wz3jRkzRgAQn376aV6GmKn4+Hij9v/xxx8FALFr1668CSiXhgwZIgCI+fPnZ7gvNTVVzJkzR9y4cUMIIcTUqVMFABEVFZVn8Wi1WvHkyROTn/fVV18V5cqVM+k509LSxNOnT3N9fF7ElJnhw4eLsmXLCq1Wq2hv1qyZqF69uqLt6dOnoly5csLFxUWkpqbq25OTk0VAQIBwcnISBw8eVByTmpoqunTpIgCIH374Qd+ekpIigoKChJOTk9i7d2+GuGJjY8WECRMUbZ9//rlwdnYWjx8/fu7zMua9+yJe9PdMZCwmvlQoZJX4/v777wKAmDlzpqL9/PnzomPHjsLDw0PY29uL4ODgTJO/mJgYMWLECFGuXDlhZ2cnSpcuLXr27KlIThITE8WUKVNE+fLlhZ2dnShTpoz44IMPRGJiouJc5cqVE7179xZCCHHkyBEBQKxatSrDY27btk0AEL/99pu+7ebNm6Jv377C29tb2NnZiWrVqolvv/1WcdyuXbsEAPH999+LiRMnilKlSgmNRiNiYmIyfc3CwsIEAPHOO+9ken9KSoqoWLGi8PDw0CdLV69eFQDEnDlzxLx580TZsmWFg4ODaNq0qQgPD89wjpy8zrrf3e7du8XgwYOFl5eXcHd3F0IIce3aNTF48GBRqVIl4eDgIIoWLSreeustcfXq1QzHP/ujS4KbNWsmmjVrluF12rBhg/jkk09E6dKlhb29vWjZsqW4dOlShufw5ZdfCj8/P+Hg4CDq1q0r/vnnnwznzMyNGzeEjY2NeOmll7LdT0eX+F66dEn07t1buLm5CVdXV9GnTx+RkJCg2HfFihWiRYsWwsvLS9jZ2YmqVauKr776KsM5y5UrJ1599VWxbds2ERwcLOzt7fWJTE7PIYQQW7duFU2bNhVFihQRLi4uok6dOmLdunVCCPn6Pvvap084c/r5ACCGDBkivvvuO1GtWjVhY2Mjfv75Z/19U6dO1e8bFxcn3n//ff3n0svLS7Ru3VocO3bsuTHp3sMrV65UPP758+dFp06dhKenp3BwcBCVKlXKkDhmpmzZsqJPnz4Z2jNLfIUQ4q233hIAxO3bt/Vt33//vQAgPvroo0wf49GjR8Ld3V1UqVJF3/bDDz8IAGLGjBnPjVHn1KlTAoDYvHlztvsZ+97t3bt3pl8ydO/p9DL7PW/cuFF4eHhk+jrGxsYKe3t7MXr0aH1bTt9TRJnJ+XUjogJId5nTw8ND33b27Fk0atQIpUuXxrhx4+Ds7IyNGzeiQ4cO+Omnn/DGG28AAOLj49GkSROcP38e77zzDmrXro3o6Ghs2bIFN2/ehKenJ7RaLV5//XXs27cPAwYMQNWqVREeHo758+fj4sWL+OWXXzKNq06dOvD398fGjRvRu3dvxX0bNmyAh4cHQkNDAchyhAYNGkCj0WDo0KHw8vLC//73P7z77ruIi4vDiBEjFMd//PHHsLOzw5gxY5CUlJTlJf7ffvsNANCrV69M77exsUG3bt0wffp07N+/H61bt9bft2bNGjx+/BhDhgxBYmIiFi5ciJYtWyI8PBzFixc36nXWee+99+Dl5YUpU6YgISEBAHDkyBEcOHAAXbt2RZkyZXDt2jUsWbIEzZs3x7lz5+Dk5ISmTZti+PDhWLRoESZMmICqVasCgP7frHz66aewsrLCmDFjEBsbi9mzZ6N79+44dOiQfp8lS5Zg6NChaNKkCUaOHIlr166hQ4cO8PDweO4l3v/9739ITU1Fz549s93vWZ07d4afnx9mzZqF48eP45tvvoG3tzc+++wzRVzVq1fH66+/DhsbG/z222947733oNVqMWTIEMX5IiIi8Pbbb2PgwIHo378/KleubNQ5Vq1ahXfeeQfVq1fH+PHj4e7ujhMnTmDbtm3o1q0bJk6ciNjYWNy8eRPz588HABQpUgQAjP58/P3339i4cSOGDh0KT09P+Pr6ZvoaDRo0CJs2bcLQoUNRrVo1PHjwAPv27cP58+dRu3btbGPKzOnTp9GkSRPY2tpiwIAB8PX1xZUrV/Dbb79lKElI79atW7h+/Tpq166d5T7P0g2uc3d317c977Po5uaG9u3bY/Xq1bh8+TIqVKiALVu2AIBR769q1arB0dER+/fvz/D5Sy+3792cevb3XLFiRbzxxhvYvHkzli1bpvib9csvvyApKQldu3YFYPx7iigDtTNvIlPQ9frt2LFDREVFiRs3bohNmzYJLy8vYW9vr7gk16pVKxEYGKjoHdBqtSIkJERUrFhR3zZlypQse0d0lzXXrl0rrKysMlxqXLp0qQAg9u/fr29L3+MrhBDjx48Xtra24uHDh/q2pKQk4e7uruiFfffdd0XJkiVFdHS04jG6du0q3Nzc9L2xup5Mf3//HF3O7tChgwCQZY+wEEJs3rxZABCLFi0SQhh6yxwdHcXNmzf1+x06dEgAECNHjtS35fR11v3uGjdurLj8K4TI9HnoeqrXrFmjb8uu1CGrHt+qVauKpKQkffvChQsFAH3PdVJSkihWrJioW7euSElJ0e+3atUqAeC5Pb4jR44UAMSJEyey3U9H1zv2bA/8G2+8IYoVK6Zoy+x1CQ0NFf7+/oq2cuXKCQBi27ZtGfbPyTkePXokXFxcRP369TNcjk5/aT+rsgJjPh8AhJWVlTh79myG8+CZHl83NzcxZMiQDPull1VMmfX4Nm3aVLi4uIh///03y+eYmR07dmS4OqPTrFkzUaVKFREVFSWioqLEhQsXxAcffCAAiFdffVWxb82aNYWbm1u2jzVv3jwBQGzZskUIIUStWrWee0xmKlWqJF5++eVs9zH2vWtsj29mv+ft27dn+lq+8sorivekMe8posxwVgcqVFq3bg0vLy/4+PjgrbfegrOzM7Zs2aLvnXv48CH+/vtvdO7cGY8fP0Z0dDSio6Px4MEDhIaG4tKlS/pZIH766ScEBQVl2jOi0WgAAD/++COqVq2KKlWq6M8VHR2Nli1bAgB27dqVZaxdunRBSkoKNm/erG/7888/8ejRI3Tp0gWAHIjz008/oV27dhBCKB4jNDQUsbGxOH78uOK8vXv3hqOj43Nfq8ePHwMAXFxcstxHd19cXJyivUOHDihdurT+dr169VC/fn1s3boVgHGvs07//v0zDDZK/zxSUlLw4MEDVKhQAe7u7hmet7H69u2r6Flq0qQJADlgCACOHj2KBw8eoH///opBVd27d1dcQciK7jXL7vXNzKBBgxS3mzRpggcPHih+B+lfl9jYWERHR6NZs2aIjIxEbGys4ng/Pz/91YP0cnKOv/76C48fP8a4ceMyDA7VfQayY+zno1mzZqhWrdpzz+vu7o5Dhw4pZi3IraioKPzzzz945513ULZsWcV9z3uODx48AIAs3w8XLlyAl5cXvLy8UKVKFcyZMwevv/56hqnUHj9+/Nz3ybOfxbi4OKPfW7pYnzdlXm7fuzmV2e+5ZcuW8PT0xIYNG/RtMTEx+Ouvv/R/D4EX+5tLBAAsdaBCZfHixahUqRJiY2OxYsUK/PPPP7C3t9fff/nyZQghMHnyZEyePDnTc9y/fx+lS5fGlStX0LFjx2wf79KlSzh//jy8vLyyPFdWgoKCUKVKFWzYsAHvvvsuAFnm4Onpqf8jHhUVhUePHuHrr7/G119/naPH8PPzyzZmHd1/ao8fP1Zcdk0vq+S4YsWKGfatVKkSNm7cCMC41zm7uJ8+fYpZs2Zh5cqVuHXrlmJ6tWcTPGM9m+TokpeYmBgA0M/JWqFCBcV+NjY2WV6CT8/V1RWA4TU0RVy6c+7fvx9Tp05FWFgYnjx5otg/NjYWbm5u+ttZvR9yco4rV64AAAICAox6DjrGfj5y+t6dPXs2evfuDR8fHwQHB+OVV15Br1694O/vb3SMui86uX2OALKc9s/X1xfLly+HVqvFlStXMGPGDERFRWX4EuHi4vLcZPTZz6Krq6s+dmNjfV5Cn9v3bk5l9nu2sbFBx44dsX79eiQlJcHe3h6bN29GSkqKIvF9kb+5RAATXypk6tWrhzp16gCQvZKNGzdGt27dEBERgSJFiujnzxwzZkymvWBAxkQnO1qtFoGBgZg3b16m9/v4+GR7fJcuXTBjxgxER0fDxcUFW7Zswdtvv63vYdTF26NHjwy1wDo1atRQ3M5Jby8ga2B/+eUXnD59Gk2bNs10n9OnTwNAjnrh0svN65xZ3MOGDcPKlSsxYsQINGzYEG5ubtBoNOjatWuWc6HmVFZTWWWVxBirSpUqAIDw8HDUrFkzx8c9L64rV66gVatWqFKlCubNmwcfHx/Y2dlh69atmD9/fobXJbPX1dhz5Jaxn4+cvnc7d+6MJk2a4Oeff8aff/6JOXPm4LPPPsPmzZvx8ssvv3DcOVWsWDEAhi9Lz3J2dlbUxjdq1Ai1a9fGhAkTsGjRIn171apVcfLkSVy/fj3DFx+dZz+LVapUwYkTJ3Djxo3n/p1JLyYmJtMvrukZ+97NKpFOS0vLtD2r33PXrl2xbNky/O9//0OHDh2wceNGVKlSBUFBQfp9XvRvLhETXyq0rK2tMWvWLLRo0QJffvklxo0bp+8RsrW1VfyHlJny5cvjzJkzz93n1KlTaNWqVY4u/T6rS5cumD59On766ScUL14ccXFx+kEcAODl5QUXFxekpaU9N15jvfbaa5g1axbWrFmTaeKblpaG9evXw8PDA40aNVLcd+nSpQz7X7x4Ud8TaszrnJ1Nmzahd+/emDt3rr4tMTERjx49UuyXm9f+eXSLEVy+fBktWrTQt6empuLatWsZvnA86+WXX4a1tTW+++47kw4S+u2335CUlIQtW7YokiRjLvHm9Bzly5cHAJw5cybbL4RZvf4v+vnITsmSJfHee+/hvffew/3791G7dm3MmDFDn/jm9PF079XnfdYzo0sQr169mqP9a9SogR49emDZsmUYM2aM/rV/7bXX8P3332PNmjWYNGlShuPi4uLw66+/okqVKvrfQ7t27fD999/ju+++w/jx43P0+Kmpqbhx4wZef/31bPcz9r3r4eGR4TMJwOiV7Jo2bYqSJUtiw4YNaNy4Mf7++29MnDhRsU9evqfIMrDGlwq15s2bo169eliwYAESExPh7e2N5s2bY9myZbhz506G/aOiovTbHTt2xKlTp/Dzzz9n2E/X+9a5c2fcunULy5cvz7DP06dP9bMTZKVq1aoIDAzEhg0bsGHDBpQsWVKRhFpbW6Njx4746aefMv2POX28xgoJCUHr1q2xcuXKTFeGmjhxIi5evIixY8dm6KH55ZdfFDW6hw8fxqFDh/RJhzGvc3asra0z9MB+8cUXGXqSnJ2dASDT/3xzq06dOihWrBiWL1+O1NRUffu6deuy7OFLz8fHB/3798eff/6JL774IsP9Wq0Wc+fOxc2bN42KS9cj/GzZx8qVK01+jjZt2sDFxQWzZs1CYmKi4r70xzo7O2daevKin4/MpKWlZXgsb29vlCpVCklJSc+N6VleXl5o2rQpVqxYgevXryvue17vf+nSpeHj42PUKmZjx45FSkqKosfyrbfeQrVq1fDpp59mOJdWq8XgwYMRExODqVOnKo4JDAzEjBkzEBYWluFxHj9+nCFpPHfuHBITExESEpJtjMa+d8uXL4/Y2Fh9rzQA3LlzJ9O/ndmxsrLCW2+9hd9++w1r165FamqqoswByJv3FFkW9vhSoffBBx+gU6dOWLVqFQYNGoTFixejcePGCAwMRP/+/eHv74979+4hLCwMN2/e1C/p+cEHH+hXBHvnnXcQHByMhw8fYsuWLVi6dCmCgoLQs2dPbNy4EYMGDcKuXbvQqFEjpKWl4cKFC9i4cSO2b9+uL73ISpcuXTBlyhQ4ODjg3XffhZWV8vvop59+il27dqF+/fro378/qlWrhocPH+L48ePYsWMHHj58mOvXZs2aNWjVqhXat2+Pbt26oUmTJkhKSsLmzZuxe/dudOnSBR988EGG4ypUqIDGjRtj8ODBSEpKwoIFC1CsWDGMHTtWv09OX+fsvPbaa1i7di3c3NxQrVo1hIWFYceOHfpLzDo1a9aEtbU1PvvsM8TGxsLe3h4tW7aEt7d3rl8bOzs7TJs2DcOGDUPLli3RuXNnXLt2DatWrUL58uVz1Ns0d+5cXLlyBcOHD8fmzZvx2muvwcPDA9evX8ePP/6ICxcuKHr4c6JNmzaws7NDu3btMHDgQMTHx2P58uXw9vbO9EvGi5zD1dUV8+fPR79+/VC3bl1069YNHh4eOHXqFJ48eYLVq1cDAIKDg7FhwwaMGjUKdevWRZEiRdCuXTuTfD6e9fjxY5QpUwZvvfWWfpneHTt24MiRI4orA1nFlJlFixahcePGqF27NgYMGAA/Pz9cu3YNf/zxB06ePJltPO3bt8fPP/+co9pZQJYqvPLKK/jmm28wefJkFCtWDHZ2dti0aRNatWqFxo0bK1ZuW79+PY4fP47Ro0cr3iu2trbYvHkzWrdujaZNm6Jz585o1KgRbG1tcfbsWf3VmvTTsf31119wcnLCSy+99Nw4jXnvdu3aFR9++CHeeOMNDB8+HE+ePMGSJUtQqVIlowehdunSBV988QWmTp2KwMDADNMS5sV7iiyM+SeSIDK9rBawEEKuDFS+fHlRvnx5/XRZV65cEb169RIlSpQQtra2onTp0uK1114TmzZtUhz74MEDMXToUFG6dGn9ROm9e/dWTC2WnJwsPvvsM1G9enVhb28vPDw8RHBwsJg+fbqIjY3V7/fsdGY6ly5d0k+yv2/fvkyf371798SQIUOEj4+PsLW1FSVKlBCtWrUSX3/9tX4f3TRdP/74o1Gv3ePHj8W0adNE9erVhaOjo3BxcRGNGjUSq1atyjCdU/oFLObOnSt8fHyEvb29aNKkiTh16lSGc+fkdc7udxcTEyP69u0rPD09RZEiRURoaKi4cOFCpq/l8uXLhb+/v7C2ts7RAhbPvk5ZLWywaNEiUa5cOWFvby/q1asn9u/fL4KDg0Xbtm1z8OrKVa6++eYb0aRJE+Hm5iZsbW1FuXLlRN++fRXTRWW1cpvu9Um/aMeWLVtEjRo1hIODg/D19RWfffaZWLFiRYb9dAtYZCan59DtGxISIhwdHYWrq6uoV6+e+P777/X3x8fHi27dugl3d/cMC1jk9POB/xY2yAzSTWeWlJQkPvjgAxEUFCRcXFyEs7OzCAoKyrD4RlYxZfV7PnPmjHjjjTeEu7u7cHBwEJUrVxaTJ0/ONJ70jh8/LgBkmF4rqwUshBBi9+7dGaZoE0KI+/fvi1GjRokKFSoIe3t74e7uLlq3bq2fwiwzMTExYsqUKSIwMFA4OTkJBwcHERAQIMaPHy/u3Lmj2Ld+/fqiR48ez31OOjl97wohxJ9//ikCAgKEnZ2dqFy5svjuu++yXcAiK1qtVvj4+AgA4pNPPsl0n5y+p4gyoxHCRCM5iKjQu3btGvz8/DBnzhyMGTNG7XBUodVq4eXlhTfffDPTy61keVq1aoVSpUph7dq1aoeSpZMnT6J27do4fvy4UYMtiQob1vgSEWUhMTExQ53nmjVr8PDhQzRv3lydoCjfmTlzJjZs2GD0YC5z+vTTT/HWW28x6SWLxxpfIqIsHDx4ECNHjkSnTp1QrFgxHD9+HN9++y0CAgLQqVMntcOjfKJ+/fpITk5WO4xs/fDDD2qHQJQvMPElIsqCr68vfHx8sGjRIjx8+BBFixZFr1698OmnnypWfSMiooKBNb5EREREZBFY40tEREREFoGJLxERERFZBIur8dVqtbh9+zZcXFy43CERERFRPiSEwOPHj1GqVKkMCzu9CItLfG/fvg0fHx+1wyAiIiKi57hx4wbKlCljsvNZXOLr4uICQL6Qrq6uKkdDRERERM+Ki4uDj4+PPm8zFYtLfHXlDa6urkx8iYiIiPIxU5elcnAbEREREVkEJr5EREREZBGY+BIRERGRRWDiS0REREQWgYkvEREREVkEJr5EREREZBGY+BIRERGRRWDiS0REREQWgYkvEREREVkEJr5EREREZBGY+BIRERGRRWDiS0REREQWgYkvEREREVkEJr5EREREZBGY+BIRERGRRVA18f3nn3/Qrl07lCpVChqNBr/88stzj9m9ezdq164Ne3t7VKhQAatWrcrzOImIiIio4FM18U1ISEBQUBAWL16co/2vXr2KV199FS1atMDJkycxYsQI9OvXD9u3b8/jSImIiIiooLNR88FffvllvPzyyznef+nSpfDz88PcuXMBAFWrVsW+ffswf/58hIaG5lWYRERERGQGDx4AB/ZpcXbT2Tw5v6qJr7HCwsLQunVrRVtoaChGjBiR5TFJSUlISkrS346Li8ur8IiIiIgoh4QALl0C9u83/Dy6cAcr0Rd9sAfj8+AxC1Tie/fuXRQvXlzRVrx4ccTFxeHp06dwdHTMcMysWbMwffp0c4VIRERERJlISgKOHTMkuQcOAFFRhvtfx6/4Bv3ghWjkVTdlgUp8c2P8+PEYNWqU/nZcXBx8fHxUjIiIiIio8IuKksmtLsk9elQmv89yQgLmYjQGYZm+7ambNxB73+QxFajEt0SJErh3756i7d69e3B1dc20txcA7O3tYW9vb47wiIiIiCySEEBEhLJs4eLF7I9xdwd6VT+GKRHdUSw6wnBHhw5wnDcP8Pc3eZwFKvFt2LAhtm7dqmj766+/0LBhQ5UiIiIiIrI8iYmyBzd92cKDB9kfU7480KjRfz8N0lB16+ewmjwJSE2VOzg5AQsWAP36AY8f50ncqia+8fHxuHz5sv721atXcfLkSRQtWhRly5bF+PHjcevWLaxZswYAMGjQIHz55ZcYO3Ys3nnnHfz999/YuHEj/vjjD7WeAhEREVGhd/++Msk9dgxITs56f1tbIDjYkOiGhACKYVoJicC33xiS3uBgYP16oFKlPH0eqia+R48eRYsWLfS3dbW4vXv3xqpVq3Dnzh1cv35df7+fnx/++OMPjBw5EgsXLkSZMmXwzTffcCozIiIiIhPRaoELF5RlC+n6KTNVtKhMbnWJbp06QBZVqJKzs0x0GzcGRo8Gpk0D7OxM+TQypRFCiDx/lHwkLi4Obm5uiI2Nhaurq9rhEBEREanq6VPgyBFlj25MTPbHVKyYrmyhEVC5MmCV3bJojx8DcXFA6dLK9lu3MrYh7/K1AlXjS0REREQv5u5dQ4K7fz9w/DiQkpL1/nZ2sgc3fdmCl5cRDxgWBvToAZQoAezZA9ikSz8zSXrzEhNfIiIiokJKqwXOnVOWLURGZn9MsWLK3tzgYMDBIRcPnpoKzJgBfPwxkJYmH/izz4CJE3P1XEyBiS8RERFRIfHkCXD4sCHJDQsDHj3K/pjKlZWJbqVKgEbzgoFERspe3rAwQ1tICNCt2wue+MUw8SUiIiIqoG7fVpYtnDhhmCghM/b2QN26hiS3YUPA09OEAQkBrF0LDB1qmJLM2hqYOhUYP15Z5qACJr5EREREBUBaGnD2rLJs4dq17I/x8lL25tauLZPfPBETAwwaBGzcaGjz9wfWrQMaNMijBzUOE18iIiKifCghATh0SFm2EBeX/TFVqyoT3QoVTFC2kBNxcUDNmkC6aWjRpw+waBHg4mKGAHKGiS8RERFRPnDzprJs4eRJ2cubFQcHoF49ZdlC0aJmC1fJ1RV44w1g4ULAwwNYtgzo1EmlYLLGxJeIiIjIzNLSgPBwZdlC+s7SzBQvruzNrVXLLGs+5Nynn8q1jCdOBHx81I4mU0x8iYiIiPLY48fKsoWDBw1jv7JSvboy0fX3N1PZwvMIASxfLgetvfuuod3BAVi6VL24coCJLxEREZGJXb9uKFnYvx84dUrOqZsVR0egfn3DAhENG8qKgXwnKgro3x/49VcZdEiILCwuIJj4EhEREb2A1FTg9Gll2cLNm9kfU7Kksje3Zk3A1tYs4eben38CvXvLpd8Audbx778z8SUiIiIqrOLiZKmCLsk9dAiIj896f40GCAhQJrq+vvmkbCEnEhPlHLwLFhjaPD2BFSuAdu1UCys3mPgSERERZUEI4N9/lWUL4eHZly04Oclpa0NCZJLboAHg7m62kE0rPBzo3l3+q9O2LbByJVCihHpx5RITXyIiIqL/pKbKacTSly3cvp39MaVLK3tzg4JUX6DsxQkBfPEFMHYskJQk2+ztgTlz5KpsBaa7Wqmg/1qIiIiIci02Vi4Mkb5s4cmTrPe3sgICA5WJbtmyBTYPzFp8PDB3riHprVFDrsAWEKBuXC+IiS8RERFZBCHkEr/pe3PPnJHtWSlSJGPZgqur2UJWj4sL8N13QIsWwPDhwMyZcrqyAo6JLxERERVKKSnAiROGJPfAAeDOneyP8fFR9uYGBhaCsoWcSEiQP97ehrYmTYCLF+UEwoWEJfwqiYiIyALExCjLFg4fljNuZcXKStbjpk908+mCY3nr2DE5gK10aeCvv+QLo1OIkl6AiS8REREVQEIAkZHKsoWzZ7M/xsVFliroktz69WWbxUpLAz7/HJg0SY7qi4gA5s8HRo9WO7I8w8SXiIiI8r3kZOD4cWXZwr172R9TrpyyNzcgQK6ySwBu3AB69QJ27za0BQcXuHl5jcXEl4iIiPKdhw+Vc+ceOSLXUciKtbVc/Sx9olu6tNnCLVg2bgQGDgQePZK3NRpg3Dhg2jTAzk7NyPIcE18iIiJSlRDA5cvKsoXz57M/xs0NaNjQMNtCvXpyBgbKRlycnKFh9WpDm48PsHYt0KyZenGZERNfIiIiMqukJDmeSleysH8/EBWV/TF+fsre3GrVWLZglNhYoHZtWRit06ULsGQJ4OGhXlxmxsSXiIiI8lR0tLJs4ehRw7oImbGxAWrVUia6JUuaL95Cyc0NaNlSJr4uLsDixUCPHoVw5Y3sMfElIiIikxFCTv2avmwhIiL7Y9zdZdmCLsmtVw9wcjJLuJZl/nw5v9tHHxW6acpyiokvERER5VpiouzBTT/bwoMH2R9TvryyN7dqVeXUsfSChJB1u7a2wNtvG9qLFJGrsVkwJr5ERESUY1FRyt7cY8fkVGNZsbWVpaW6JDckBChRwnzxWpyYGGDQIDlzQ5Eisvu8fHm1o8o3mPgSERFRprRaWaaQPtG9dCn7Yzw8DDMtNGoE1K0LODqaJ16Lt3s30LMncPOmvB0fD2zaBHz4oaph5SdMfImIiAiALP88csQwEO3AATmfbnYqVlSWLVSuzLIFs0tOBqZMAWbPlmUOgCyc/vproFMnVUPLb5j4EhERWah795S9ucePAykpWe9vZycX90pftuDtbb54KRMREUC3bvKXp9O8ObBmjZyjlxSY+BIREVkArVYuCpE+0b1yJftjihVTli3UqQM4OJgnXnoOIWSP7siRsqsekAXVM2YAo0ez2z0LTHyJiIgKoSdPgMOHDSULBw4YVqjNSuXKhp5cXdmChU3zWnDExsolhnVJb+XKwPr1ciQhZYmJLxERUSFw546yN/fECSA1Nev97e1lD276sgVPT/PFSy/I3R1YtQpo21bO4jB3Lic/zgEmvkRERAWMVgucPatMdK9ezf4YLy9l2UJwsEx+qYBITJTd+EWLGtpCQ4EzZ4Dq1dWLq4Bh4ktERJTPJSQYyhb27wfCwuSV7uxUraqcbaFCBZYtFFjh4XIAW7lywG+/KX+RTHqNwsSXiIgon7l1S9mbe/IkkJaW9f4ODnK+XF2S27ChHJhGBZxWC3zxhZyHNylJ9u4uXQoMHqx2ZAUWE18iIiIVpaXJfCZ9ovvvv9kf4+2t7M2tXVtONUaFyJ07QN++wPbthrYaNYAmTdSLqRBg4ktERGRG8fHAoUOGJPfgQSAuLvtjqldX1ueWL8+yhULt11+Bfv2A6GhD28iRwMyZnE/uBTHxJSIiykM3bih7c0+dklews+LoCNSrpyxb8PAwX7ykooQEOQfvsmWGtpIlgdWrgZdeUi+uQoSJLxERkYmkpspxSOkT3Rs3sj+mRAll2UKtWnIdArIwMTHyW05EhKGtQwdg+XLOM2dCTHyJiIhy6fFjWaqQvmwhPj7r/TUaICBAuUiEnx/LFgiyWz84WCa+Tk7AwoXAu+/yzWFiTHyJiIhyQAjg+nVDknvgAHD6dPZlC05OQP36ht7cBg3kugNEmVq8WK7E9umnQKVKakdTKDHxJSIiykRqqqzHTV+2cOtW9seUKqUsWwgKYtkCZWHjRrmCSPv2hjZ3d2DzZtVCsgRMfImIiCAXhEhftnDokBxrlBWNBggMVCa65crxyjQ9R1wcMHy4HLDm4SEvG5Qpo3ZUFoOJLxERWRwhgGvXlL25Z87I9qw4O8tShfRlC66uZguZCoOwMKB7d8P60jExwHffAePGqRuXBWHiS0REhV5Kilz9LH2ie+dO9seUKaPsza1RA7Dh/5qUG6mpwCefyB/dEnwuLrKmt0cPdWOzMPwIExFRoRMToyxbOHwYePIk6/2trGQ9bvpFIsqWNV+8VIhFRsrkNizM0BYSInt6/fzUi8tCMfElIqICTQiZW6TvzT13LvuyBRcXZdlC/fqyjchkhADWrAGGDjXMcWdtDUyZAkyYwMsHKuGrTkREBUpyMnDihDLRvXcv+2PKllWWLQQGyhyEKM/ExMhV2HRJr78/sG6d/MZFqmHiS0RE+drDh/IqcfqyhcTErPe3tpZlC+kTXQ6aJ7MrWhT45hvgjTeAPn2ARYt4WSEfYOJLRET5hhDA5cvKRSLOncv+GFdXudKrLsmtVw8oUsQ88RLpJScDSUnK5LZDB+DoUbkiG+ULTHyJiEg1SUnA8ePKRPf+/eyP8fVV9uZWr86yBVJZRATQrRtQoQLwww/KyZyZ9OYrTHyJiMhsHjyQya0u0T1yRCa/WbG2BmrVUia6pUqZL16ibAkBfP01MHKkXGr4+HHg1VeBXr3UjoyywMSXiIjyhBDAxYvKQWgREdkf4+amnFKsbl25cARRvhMVBfTrB2zZYmirXBkICFAvJnouJr5ERGQSiYnAsWPKsoXo6OyP8fdX9uZWqybn1CXK17ZvlwPW7t41tA0aBMydCzg5qRYWPR8TXyIiypWoKGXZwtGjcnxPVmxsgNq1DUluSAhQsqT54iV6YYmJwPjxwIIFhjZPT2DFCqBdO9XCopxj4ktERM8lBHDhgjLRvXgx+2M8PAxlCyEhsmyBnWFUYD18CDRvDoSHG9ratgVWrgRKlFAtLDIOE18iIsogMVEOPEtftvDwYfbHVKigLFuoUoVlC1SIeHjI2pzwcMDeHpgzR67Kln4GB8r3mPgSERHu3VP25h47BqSkZL2/ra2cpSl92ULx4uaLl8jsNBq5IMXTp7KWl4PYCiQmvkREFkarBc6fV/bmXr6c/THFiinLFurUARwdzRMvkSq2bJE9u6GhhjZPTzmwjQosJr5ERIXckyfKsoWwMCAmJvtjKlVSli1UrswrumQhEhKA0aOBZcsAb29Z2uDtrXZUZCJMfImICpm7d5Vz5x4/DqSmZr2/nZ3swU1ftuDlZb54ifKNY8fkCmy6kZv378sZG8aNUzcuMhkmvkREBZhWC5w7p0x0IyOzP8bTU5nkBgcDDg7miZcoX0pLAz7/HJg0yfAt0clJTlvWr5+qoZFpMfElIipAEhKAw4eVZQuxsdkfU6WKsmyhYkWWLRDp3bgB9OwJ7NljaAsOBtavlzU/VKgw8SUiysdu31b25p48mX3Zgr29nC83fY9usWJmC5eoYNm4ERg4EHj0SN7WaGRZw7RpsgaICh0mvkRE+URaGnDmjHJasWvXsj/G29uQ4DZqJFdGs7c3S7hEBVt0NNC/PxAXJ2/7+ABr1wLNmqkbF+UpJr5ERCqJjwcOHTIkuQcPGv4Pzkq1asqyhfLlWbZAlCuensCSJUD37kCXLnLbw0PtqCiPMfElIjKTmzeVZQunTsle3qw4OAD16hmS3IYNgaJFzRcvUaGSmgokJyvXze7WDShTBmjShN8gLQQTXyKiPJCWJqf/TJ/oXr+e/TElSihrc2vVYpkhkUlERgI9esiRnitWKO9r2lSdmEgVTHyJiEzg8WNZqpC+bCE+Puv9NRqgenVl2YKfHzudiExKCFm3O2SI/ECGhQEvvwx06qR2ZKQSJr5ERLlw/bqyN/f0aTmnblYcHYH69ZVlC+7uZguXyPLExACDBsmZG3T8/eUgNrJYTHyJiJ4jNVUmtukT3Zs3sz+mZEllb27NmoCtrVnCJaLdu+XcvOk/qH36AIsWAS4uakVF+QATXyKiZ8TGKssWDh2SC0dkRaMBAgOViW65cixbIDK75GRgyhRg9mxZ5gDImRqWLWN5AwFg4ktEFk4I4N9/lb254eGG/zMz4+ysLFto0ABwczNfzESUiQcPgDZtgOPHDW0tWgBr1siZG4jAxJeILExKipxGLH2ie/t29seUKaNcJCIoCLDhX0+i/MXDQ87NC8i6ohkzgNGjASsrdeOifIV/uomoUHv0SA7k3r9froh26BDw5EnW+1tZATVqKMsWypY1W7hElFtWVsCqVUDnzsDChXIZQ6JnMPElokJDCODqVWVv7tmz2ZctFCkiSxV0SW79+oCrq/liJqJc+vNPucpL+nl4S5YE9u5VLybK91RPfBcvXow5c+bg7t27CAoKwhdffIF69epluf+CBQuwZMkSXL9+HZ6ennjrrbcwa9YsODg4mDFqIsoPUlKAEyeUie7du9kf4+Oj7M0NDGTZAlGBkpgIjB8PLFgg65BOn+ZSw5Rjqv6537BhA0aNGoWlS5eifv36WLBgAUJDQxEREQFvb+8M+69fvx7jxo3DihUrEBISgosXL6JPnz7QaDSYN2+eCs+AiMwpJkaWK+iS3CNHgKdPs97fykpOI5Z+NTRO4UlUgIWHA927y38BOV3Z118DH36oblxUYGiEyO4iYN6qX78+6tatiy+//BIAoNVq4ePjg2HDhmHcuHEZ9h86dCjOnz+PnTt36ttGjx6NQ4cOYd++fTl6zLi4OLi5uSE2NhauvJ5JlG8JAVy5ouzNPXcu+2NcXOTCEOnLFooUMU+8RJSHtFrgiy9kgpuUJNvs7YE5c4ChQzl3YCGUV/maaj2+ycnJOHbsGMaPH69vs7KyQuvWrREWFpbpMSEhIfjuu+9w+PBh1KtXD5GRkdi6dSt69uyZ5eMkJSUhSfchgXwhiSj/SU6WsxDpktwDB4B797I/plw5ZdlCQABgbW2eeInITO7cAfr2BbZvN7QFBgLr18sPPZERVEt8o6OjkZaWhuLFiyvaixcvjgsXLmR6TLdu3RAdHY3GjRtDCIHU1FQMGjQIEyZMyPJxZs2ahenTp5s0diJ6cQ8eyORWV7pw5Igs3cuKtTVQq5aybKF0afPFS0Qq+PVXoF8/IDra0DZyJDBzphzYRmSkAjWkY/fu3Zg5cya++uor1K9fH5cvX8b777+Pjz/+GJMnT870mPHjx2PUqFH623FxcfBhkR+RWQkBXLqkLFvI4vutnpubsmyhXj25cAQRWYioKFnPq1s2sWRJOV1ZmzaqhkUFm2qJr6enJ6ytrXHvmWuZ9+7dQ4kSJTI9ZvLkyejZsyf69esHAAgMDERCQgIGDBiAiRMnwiqTSart7e1hb29v+idARFlKSgKOHVOWLURFZX+Mn5+ybKF6dc47T2TRvLzkzA39+wPt2wPffGNYoIIol1RLfO3s7BAcHIydO3eiQ4cOAOTgtp07d2Lo0KGZHvPkyZMMya31fwV9Ko7RI7J4UVHKsoWjRw3jTzJjYyPnlk+/GlrJkuaLl4jyobQ0IDVVDlrTefddOWVZaCgHsJFJqFrqMGrUKPTu3Rt16tRBvXr1sGDBAiQkJKBv374AgF69eqF06dKYNWsWAKBdu3aYN28eatWqpS91mDx5Mtq1a6dPgIkobwkBREQoyxYuXsz+GHd3Q4LbqBFQty7g5GSWcImoILhxA+jVSw5W++ILQ7tGA7Rtq15cVOiomvh26dIFUVFRmDJlCu7evYuaNWti27Zt+gFv169fV/TwTpo0CRqNBpMmTcKtW7fg5eWFdu3aYcaMGWo9BaJCLzFR9uCmL1t48CD7Y8qXV5YtVK3KsgUiysLGjcDAgXJ98d27gZdfBl55Re2oqJBSdR5fNXAeX6Ls3b9vSHD375e1usnJWe9vawsEBytnW3hmshYioozi4oDhw4HVqw1tPj7AunVAkybqxUX5QqGbx5eI1KfVytkV0pctXL6c/TFFiyrLFurUARwdzRMvERUSYWFAjx5AZKShrUsXYMkSLj9MeYqJL5EFefpUzpebvmwhJib7YypWVJYtVK7MsgUiyqXUVGDGDODjj+VgNkAuubh4sUyEOYCN8hgTX6JC7O5dQ8nC/v1yZbSUlKz3t7OTPbi6Ht2QEMDb23zxElEh9uAB0K6d7O3VCQkBvvtOzmdIZAZMfIkKCa0WOHdOWbaQ/ipiZooVU/bmBgdzMSQiyiPu7nIuQ0AuxThlCjBhgqGNyAz4biMqoJ48AQ4fNiS5YWFyUHR2KldWJrqVKvHKIhGZibU1sHYt8OabsrShQQO1IyILxMSXqIC4fVs528KJE7JcLiv29nK+XF3JQkgIFz0iIjPas0eOfK1Xz9BWrpycH5HfuEklTHyJ8qG0NODsWWXZwrVr2R/j5aXsza1dW7kAEhGRWSQnA1OnAp99Jmt3T56UA9h0mPSSipj4EuUDCQnAoUPKsoW4uOyPqVpVmehWqMD/T4hIZRERQLduciQtIAcaLFkCjB2rblxE/2HiS6SCW7eUvbknTxpm9smMg4OhbKFRI6BhQzkwjYgoXxACWL4cGDFCzpsIyNVtZswARo9WNTSi9Jj4EuWxtDQgPFyZ6F6/nv0xxYsre3Nr1ZJTjRER5TtRUUD//sCvvxraKlcG1q+XNVdE+QgTXyITe/xYWbZw8KBsy0716spE19+fZQtEVABs3w706SMnDdcZNAiYOxdwclItLKKsMPElekHXrysXiTh1Ss6pmxXdIOf0ZQtcoZOICpx794AOHYDERHnb0xNYsUIuUkGUTzHxJTJCaipw+rSybOHmzeyPKVlS2Ztbs6YsfSMiKtCKFwc+/VTW9YaGAqtWASVKqB0VUbaY+BJlIy5OliroktxDh4D4+Kz312iAgABlouvry7IFIioEtFo5aCH9N/dhw4AyZYA33gCsrNSLjSiHmPgS/UcIWbaQvjc3PDz7sgUnJ6B+fUOS26CBXJWTiKhQuXNH1vLWrCnn59WxsgI6dlQrKiKjMfEli5WaKqcRS78a2q1b2R9TurSyN7dGDZYtEFEh9+uvwLvvAg8eAH/9JcsaWrZUOyqiXGHiSxYjNlYuDJG+bOHJk6z3t7ICAgOViW7ZsixbICILkZAg5+BdtszQVry4evEQmQATXyqUhJBL/KYvWzhzRrZnxdlZliqkL1twdTVbyERE+cexY3IFtosXDW3t2wPffCNnbyAqoJj4UqGQkgKcOGFIcg8ckCVp2fHxUfbmBgYCNvxEEJElS0sDPv8cmDRJ1oMBcjDDggVAv3685EUFHv+bpwIpJkZZtnD4sGGVzMxYWQFBQcpE18fHfPESEeV70dFAp07A7t2GtuBguQJbpUqqhUVkSkx8Kd8TAoiMVJYtnD2b/TEuLsqyhfr1ZRsREWXBzc0wX6NGA4wbB0ybxvXSqVBh4kv5TnIycPy4cjW0e/eyP6ZcOWVvbkAAYG1tnniJiAoFW1tg3Tq5GtuSJUCzZmpHRGRyTHxJdQ8fKpPcI0cMK2BmxtpaTiWZPtEtXdps4RIRFQ5hYbJ+NyjI0FapkhwJzMUoqJBi4ktmJQRw+bKybOH8+eyPcXUFGjY0JLn16gFFipgnXiKiQic1FZgxA/j4Y5noHj0qE2AdJr1UiDHxpTyVlCRnxUm/SERUVPbH+PkZktyQEKB6dZYtEBGZRGQk0KOH7O0FZM/DV18BY8aoGxeRmTDxJZOKjlaWLRw9KpPfrNjYALVqKRPdUqXMFy8RkUUQAli7Fhg6FHj8WLZZWwNTpwIjRqgaGpE5MfGlXBNCzm2evmwhIiL7Y9zdM5YtpL/CRkREJhYTAwwaBGzcaGgrXx747js5/Q2RBWHiSzmWmCh7cHU9ugcOyB7e7JQvrxyEVrUqy8eIiMxm926gZ0/g5k1DW9++wMKFnOORLBITX8pWfDwwZw7w11+yVjc5Oet9bW2B2rWVZQslSpgvViIiSufOHSA01PCH28MDWLZMLlJBZKGY+FK2PvsM+OSTzO/z8JDJrS7RrVsXcHQ0b3xERJSFkiVlDe/EiUCLFsCaNUCZMmpHRaQqJr6UrW3bDNsVKijLFqpUYdkCEVG+IQSg1SqnwfnwQ7k+e/fu/INNBCa+lI24OLmCGgAEBgKnT6sbDxERZSEqCujfX06TM3Wqod3aWtb4EhEAgF//KEsHDsjOAwBo2lTdWIiIKAvbtwM1agC//ioXpdDN0UtEGTDxpSz9849hm4kvEVE+k5gIjBwJtG0L3L0r2zw8DPP0ElEGLHWgLDHxJSLKp8LDZd1ueLihLTQUWLWK0+kQZYM9vpSpp0+Bw4fldqVK/DtKRJQvaLVyDt66dQ1Jr729bNu6lX+siZ6DPb6UqYMHgZQUuc3eXiKifODBA9nLu327oS0wEFi/HggIUC8uogKEPb6UKZY5EBHlM87OwK1bhtsjR8pLc0x6iXKMiS9liokvEVE+4+Age3f9/GSv77x5so2IcoylDpRBcrJhNpyyZYFy5dSNh4jIIh07Jnt5q1QxtAUGAhcvAjb875soN9jjSxkcOyYHtwFAs2bqxkJEZHHS0uR68Q0aAG+/DSQlKe9n0kuUa0x8KYM9ewzbLHMgIjKjGzeAVq2AceOA1FTg5Engq6/Ujoqo0GDiSxmwvpeISAUbN8oV2HS9DxoNMH48MGSIunERFSK8XkIKaWnAvn1yu3hxoGJFdeMhIir04uKA4cOB1asNbT4+wNq1rDcjMjEmvqRw6pRhtcumTWWHAxER5ZGwMKBHDyAy0tDWpQuwZIlcfpiITIqJLymkL3NgRwMRUR66dQto3lxOpQMALi7A4sUyEWavA1GeYI0vKXBgGxGRmZQuDYwZI7dDQuQlt549mfQS5SH2+JKeVgvs3Su3PTyA6tXVjYeIqFARQv6bPrGdNk1OmP7uu5ymjMgM2ONLeufPy6XgAaBJE8CK7w4iItOIiQG6dgXmzlW229oCAwcy6SUyE6Y2pMdpzIiI8sDu3XKaso0bgQkTgBMn1I6IyGIx8SW99PW9HNhGRPSCkpPlQhQtWwI3b8q2IkWAu3fVjYvIgvHaCgGQpWe6Ht8iRYCaNVUNh4ioYIuIALp1A44fN7S1aAGsWQOUKaNeXEQWjj2+BAC4cgW4c0duN2rEcjMiolwRAli2DKhVy5D02toCs2cDO3Yw6SVS2QulN4mJiXBwcDBVLKQi1vcSEb2ghw+Bvn2BLVsMbZUrA+vXA7VrqxcXEekZ3eOr1Wrx8ccfo3Tp0ihSpAgi/1ttZvLkyfj2229NHiCZBxeuICJ6Qfb2wIULhtuDB8teXya9RPmG0YnvJ598glWrVmH27Nmws7PTtwcEBOCbb74xaXBkPrqBbQ4OQJ066sZCRFQgOTsD69YBpUrJXt+vvgKcnNSOiojSMTrxXbNmDb7++mt0794d1tbW+vagoCBcSP9NlwqM69eBa9fkdoMGstOCiIieIzwc+O+qp16dOrKtXTt1YiKibBmd+N66dQsVKlTI0K7VapGSkmKSoMi8dKu1AazvJSJ6Lq0WWLgQqFsX6N4dSE1V3s/eA6J8y+jEt1q1atibPlP6z6ZNm1CrVi2TBEXmxYFtREQ5dOcO8PLLwIgRQFIScPAgsGSJ2lERUQ4ZPavDlClT0Lt3b9y6dQtarRabN29GREQE1qxZg99//z0vYqQ8pkt8bWyAhg3VjYWIKN/69Vfg3XcNa7sDwMiRQP/+6sVEREYxuse3ffv2+O2337Bjxw44OztjypQpOH/+PH777Te89NJLeREj5aF79wyDkOvW5TgMIqIMEhKAQYOADh0MSW/JksD27cC8eXJUMBEVCLmax7dJkyb466+/TB0LqYD1vURE2Th2TK7AdvGioa1DB2D5csDTU7WwiCh3jO7x9ff3x4P0l3n+8+jRI/j7+5skKDIf1vcSEWXhxg0gJMSQ9Do5yYR382YmvUQFlNGJ77Vr15CWlpahPSkpCbdu3TJJUGQ+usTXykouVUxERP/x8QHee09uBwcDJ04A/foBGo26cRFRruW41GFLuiUYt2/fDjc3N/3ttLQ07Ny5E76+viYNjvJWTAxw+rTcrlkTSPcrJSKyTEIoE9tZs4CyZYEhQ4B0izYRUcGU48S3Q4cOAACNRoPevXsr7rO1tYWvry/mzp1r0uAob+3bJ//GAyxzICILFxcHDB8O1Ktn6OUF5MC1kSPVi4uITCrHia9WqwUA+Pn54ciRI/BkfVOBx/peIiIAYWFyIYqrV4ENG4AWLYCqVdWOiojygNE1vlevXmXSW0ikT3wbN1YvDiIiVaSmAtOmAU2ayKQXAGxtgStXVA2LiPJOrqYzS0hIwJ49e3D9+nUkJycr7hs+fLhJAqO8FR8vZ+kBgGrVAC8vdeMhIjKryEigRw/Z26sTEgJ89x3g56deXESUp4xOfE+cOIFXXnkFT548QUJCAooWLYro6Gg4OTnB29ubiW8BceAAoJuco1kzdWMhIjIbIYA1a4ChQ2UPAABYWwNTpgATJsglLImo0DK61GHkyJFo164dYmJi4OjoiIMHD+Lff/9FcHAwPv/887yIkfIA63uJyOI8egR07Qr06WNIev395UjfKVOY9BJZAKMT35MnT2L06NGwsrKCtbU1kpKS4OPjg9mzZ2PChAl5ESPlgfSJb5Mm6sVBRGQ2Gg1w6JDhdp8+wMmTQIMGakVERGZmdOJra2sLKyt5mLe3N65fvw4AcHNzw40bN0wbHeWJxETD3/7y5YHSpdWNh4jILNzcgLVr5aprGzcCK1cCLi5qR0VEZmT0dZ1atWrhyJEjqFixIpo1a4YpU6YgOjoaa9euRUBAQF7ESCZ2+DCgG5PI+l4iKrQiIgBnZ6BMGUNbkybAtWuynYgsjtE9vjNnzkTJkiUBADNmzICHhwcGDx6MqKgoLFu2zOQBkunt2WPYZn0vERU6QgDLlgG1agG9egH/zUOvx6SXyGJphNCt3WUZ4uLi4ObmhtjYWLi6uqodjipeegnYsUNuR0Zy5h4iKkSiooB+/YAtWwxtS5YAgwapFxMRGS2v8jWje3yzcvz4cbz22mumOh3lkZQUOZUZIK/++fqqGg4Rkels3w7UqKFMegcNkr2+REQwMvHdvn07xowZgwkTJiAyMhIAcOHCBXTo0AF169bVL2tsjMWLF8PX1xcODg6oX78+Dh8+nO3+jx49wpAhQ1CyZEnY29ujUqVK2Lp1q9GPa6mOHweePJHbTZvKQc5ERAVaYiIwciTQti1w965s8/SUCfCSJYCTk7rxEVG+kePBbd9++y369++PokWLIiYmBt988w3mzZuHYcOGoUuXLjhz5gyqGrm2+YYNGzBq1CgsXboU9evXx4IFCxAaGoqIiAh4e3tn2D85ORkvvfQSvL29sWnTJpQuXRr//vsv3N3djXpcS5Z+GjMObCOiAi88HOjeXf6rExoKrFoFlCihWlhElD/luMa3Ro0a6NmzJz744AP89NNP6NSpExo0aICNGzeiTPoRs0aoX78+6tatiy+//BIAoNVq4ePjg2HDhmHcuHEZ9l+6dCnmzJmDCxcuwNbWNlePaek1vq+9Bvzxh9w+fx6oUkXdeIiIcu3ff4HKlYGkJHnb3h6YPVuuymZlsko+IlKB6jW+V65cQadOnQAAb775JmxsbDBnzpxcJ73Jyck4duwYWrdubQjGygqtW7dGWPq109PZsmULGjZsiCFDhqB48eIICAjAzJkzkaZbezcTSUlJiIuLU/xYqrQ0uUARAHh5yf8viIgKrHLlDPW7gYHA0aPA8OFMeokoSzn+6/D06VM4/VcnpdFoYG9vr5/WLDeio6ORlpaG4sWLK9qLFy+Ou7oarWdERkZi06ZNSEtLw9atWzF58mTMnTsXn3zySZaPM2vWLLi5uel/fHx8ch1zQRceDsTGym3W9xJRoTB/PvDJJ3KCcs4lT0TPYdQCFt988w2KFCkCAEhNTcWqVavg6emp2Gf48OGmi+4ZWq0W3t7e+Prrr2FtbY3g4GDcunULc+bMwdSpUzM9Zvz48Rg1apT+dlxcnMUmv+nrezl/LxEVKAkJwOjRcnnhPn0M7c7OwMSJqoVFRAVLjhPfsmXLYvny5frbJUqUwNq1axX7aDSaHCe+np6esLa2xr179xTt9+7dQ4ksBiSULFkStra2sLa21rdVrVoVd+/eRXJyMuzs7DIcY29vD3t7+xzFVNhxYBsRFUjHjskBbBERwLp1cvW18uXVjoqICqAcJ77Xrl0z6QPb2dkhODgYO3fuRIcOHQDIHt2dO3di6NChmR7TqFEjrF+/HlqtFlb/1XBdvHgRJUuWzDTpJQMhDImvuzuvCBJRAZCWBnz+OTBpEpCaKtu0WuDMGSa+RJQrqo4AGDVqFJYvX47Vq1fj/PnzGDx4MBISEtC3b18AQK9evTB+/Hj9/oMHD8bDhw/x/vvv4+LFi/jjjz8wc+ZMDBkyRK2nUGBcuCAXNAKAxo2BdJ3mRET5z40bQKtWwLhxhqQ3OBg4cQJo317d2IiowDKqxtfUunTpgqioKEyZMgV3795FzZo1sW3bNv2At+vXr+t7dgHAx8cH27dvx8iRI1GjRg2ULl0a77//Pj788EO1nkKBwfpeIiowNm4EBg4EHj2StzUamQBPmwbw6h4RvYAcz+NbWFjqPL7duwPr18vtgweB+vXVjYeIKIPHj4Fhw4DVqw1tPj7A2rUcmEBkYVSfx5cKLiGAPXvktrMzULu2uvEQEWUqKQn480/D7S5dgFOnmPQSkckw8bUAV68Ct27J7ZAQIJeL3hER5S1PT9nb6+oKrFkDfP894OGhdlREVIjkKvG9cuUKJk2ahLfffhv3798HAPzvf//D2bNnTRocmQbre4koX4qMBJ6Z0hIvvSSXIu7Zk6vsEJHJGZ347tmzB4GBgTh06BA2b96M+Ph4AMCpU6eyXESC1MXEl4jyFSFkz25QEPDOO/J2eu7uqoRFRIWf0YnvuHHj8Mknn+Cvv/5SzJ3bsmVLHDx40KTBkWnoEl97e6BePXVjISILFxMDdO0qV1+Ljwe2bgVWrlQ7KiKyEEYnvuHh4XjjjTcytHt7eyM6OtokQZHp3LoFXLkit+vXBxwc1I2HiCzY7t1AjRpyujKdPn2ATp3UioiILIzRia+7uzvu3LmTof3EiRMoXbq0SYIi02GZAxGpLjlZzsPbsiVw86Zs8/CQCfDKlYCLi7rxEZHFMDrx7dq1Kz788EPcvXsXGo0GWq0W+/fvx5gxY9CrV6+8iJFeABNfIlLVhQtAw4bAZ58ZanlbtABOn2ZPLxGZndGJ78yZM1GlShX4+PggPj4e1apVQ9OmTRESEoJJkyblRYz0AnSJr7W1/L+HiMhsIiPlxOHHj8vbtrbA7NnAjh1AmTLqxkZEFinXK7ddv34dZ86cQXx8PGrVqoWKFSuaOrY8YUkrt0VFAd7ecrt+fbliGxGRWfXoAaxbB1SuLJeP5Ao6RJQDeZWv2Rh7wL59+9C4cWOULVsWZcuWNVkgZHp79xq2WeZARKpYvBgoVw6YOBFwclI7GiKycEaXOrRs2RJ+fn6YMGECzp07lxcxkYmwvpeIzCYxERg5EvjxR2W7mxswYwaTXiLKF4xOfG/fvo3Ro0djz549CAgIQM2aNTFnzhzc1I3UpXxDl/hqNECjRurGQkSFWHi4nCR8wQJgwADgxg21IyIiypTRia+npyeGDh2K/fv348qVK+jUqRNWr14NX19ftGzZMi9ipFyIjQVOnpTbNWpwuXsiygNaLbBwIVC3rkx+AeDpU+DoUXXjIiLKgtE1vun5+flh3LhxCAoKwuTJk7Fnzx5TxUUvaP9+w8xBzZqpGwsRFUJ37gB9+wLbtxvaAgPlALaAAPXiIiLKhtE9vjr79+/He++9h5IlS6Jbt24ICAjAH3/8YcrY6AWk/w7C+l4iMqlff5WXktInvSNHAocPM+klonzN6B7f8ePH44cffsDt27fx0ksvYeHChWjfvj2cOHAhX0k/sK1JE/XiIKJCJCEBGD0aWLbM0FayJLBqFdCmjWphERHllNGJ7z///IMPPvgAnTt3hqenZ17ERC8oIcFQYlelimEuXyKiFxIXB/z0k+F2hw7A8uUA/y8gogLC6MR3//79eREHmdDBg0BqqtxmmQMRmUzJksA33wDduslBbe++K6eNISIqIHKU+G7ZsgUvv/wybG1tsWXLlmz3ff31100SGOVe+vpeDmwjoly7cQNwdgaKFjW0tW8PXL3KS0lEVCDlaMliKysr3L17F97e3rCyyno8nEajQVpamkkDNDVLWLK4eXND8nv9OuDjo2o4RFQQbdwIDBwItG4tt9mzS0RmlFf5Wo5mddBqtfD+79u9VqvN8ie/J72WIClJljoAgJ8fk14iMlJcHNCnD9ClC/DoEbBpk5yijIioEDB6OrM1a9YgKSkpQ3tycjLWrFljkqAo944ckckvwPpeIjJSWBhQsyawerWhrUsX4JVXVAuJiMiUjE58+/bti9jY2Aztjx8/Rt++fU0SFOVe+mnMmPgSUY6kpgLTp8u5D69elW0uLsCaNcD333PpRyIqNIye1UEIAU0mtV43b96Em5ubSYKi3OPANiIySmQk0KOH7O3VCQkBvvtO1ksRERUiOU58a9WqBY1GA41Gg1atWsHGxnBoWloarl69irZt2+ZJkJQzqalyqWIAKFUK8PdXNx4iyucuXwZq1wYeP5a3ra2BKVOACRMAmxda0Z6IKF/K8V+2Dh06AABOnjyJ0NBQFClSRH+fnZ0dfH190bFjR5MHSDl34oRcvAKQZQ4chE1E2SpfHmjVCvjlF/lNed06oEEDtaMiIsozOU58p06dCgDw9fVFly5d4ODgkGdBUe6wvpeIjKLRyJXXypUDPv5Y1vUSERViRg9u6927N5PefCp94sv6XiJSSE4Gxo0D/vhD2e7pCSxYwKSXiCxCjnp8ixYtiosXL8LT0xMeHh6ZDm7TefjwocmCo5zTaoG9e+W2pydQtaq68RBRPhIRIZcZPn4cWLkSOH0aKF5c7aiIiMwuR4nv/Pnz4fJfb8D8+fOzTXxJHWfOADExcrtJE9b3EhEAIYCvvwZGjgSePpVtMTFyFOybb6obGxGRCnKU+Pbu3Vu/3adPn7yKhV4A63uJSCEqCujXD9iyxdBWubJcha12bfXiIiJSkdE1vsePH0d4eLj+9q+//ooOHTpgwoQJSE5ONmlwlHNMfIlIb/t2oEYNZdI7eLAsdWDSS0QWzOjEd+DAgbh48SIAIDIyEl26dIGTkxN+/PFHjB071uQB0vMJYUh8XV2BoCB14yEilSQmyrKGtm2Bu3dlm6enTIC/+gpwclI3PiIilRmd+F68eBE1a9YEAPz4449o1qwZ1q9fj1WrVuGnn34ydXyUAxcvAvfuye3GjeUc9ERkge7fl4PXdNq2BcLDgXbt1IuJiCgfMTrxFUJAq9UCAHbs2IFXXnkFAODj44Po6GjTRkc5wjIHIgIAlC0LLFkC2NsDixYBW7cCJUqoHRURUb5h9JqUderUwSeffILWrVtjz549WLJkCQDg6tWrKM7pcVTBxJfIQt25Azg7yxonnbfflpd+fHzUi4uIKJ8yusd3wYIFOH78OIYOHYqJEyeiQoUKAIBNmzYhJCTE5AHS8+kSX0dHIDhY3ViIyEx+/VUOYBs+PON9THqJiDKlEUIIU5woMTER1tbWsLW1NcXp8kxcXBzc3NwQGxsL1/S9JAXUtWuAn5/cbtUK2LFD1XCIKK8lJACjRwPLlhnaNm0COnZULyYiIhPLq3zN6FIHnWPHjuH8+fMAgGrVqqE2p8hRBcsciCzIsWNyBbb/ZtYBAHTowDXKiYhyyOjE9/79++jSpQv27NkDd3d3AMCjR4/QokUL/PDDD/Dy8jJ1jJQNJr5EFiAtDfj8c2DSJCA1VbY5OQELFwLvvsulGomIcsjoGt9hw4YhPj4eZ8+excOHD/Hw4UOcOXMGcXFxGJ5ZrRnlKV3ia2sL1K+vbixElAdu3JB1TOPGGZLe4GDgxAm5MhuTXiKiHDO6x3fbtm3YsWMHqlatqm+rVq0aFi9ejDZt2pg0OMrenTvApUtyu149ObiNiAqRixflN9pHj+RtjUYmwNOmAXZ2akZGRFQgGd3jq9VqMx3AZmtrq5/fl8wjfZkDS/yICqEKFQyXcnx8gF27gJkzmfQSEeWS0Ylvy5Yt8f777+P27dv6tlu3bmHkyJFo1aqVSYOj7LG+l6iQs7KSK7ENGACcOsVvuEREL8joxPfLL79EXFwcfH19Ub58eZQvXx5+fn6Ii4vDF198kRcxUhZ0ia+VFcAplIkKuNRUYPp04O+/le0lS8qpyzw81ImLiKgQMbrG18fHB8ePH8fOnTv105lVrVoVrVu3NnlwlLUHD4AzZ+R27dqAi4u68RDRC4iMBHr0AMLCgNKlgdOngaJF1Y6KiKjQMSrx3bBhA7Zs2YLk5GS0atUKw4YNy6u46Dn27TNs8+onUQElBLB2LTB0KPD4sWy7e1fW8nJBCiIik8tx4rtkyRIMGTIEFStWhKOjIzZv3owrV65gzpw5eRkfZWHPHsM263uJCqCYGGDQIGDjRkObvz+wbh3QoIF6cRERFWI5rvH98ssvMXXqVERERODkyZNYvXo1vvrqq7yMjbKRfmBb48bqxUFEubB7N1CjhjLp7dMHOHmSSS8RUR7KceIbGRmJ3r17629369YNqampuHPnTp4ERlmLi5Nz1wNAYCBLAYkKjORkYPx4oGVL4OZN2ebuLhPglStZrE9ElMdyXOqQlJQEZ2dn/W0rKyvY2dnh6dOneRIYZe3AAUA3ZTLLHIgKkJs3gS++kLW9ANC8ObBmjZyjl4iI8pxRg9smT54MJycn/e3k5GTMmDEDbm5u+rZ58+aZLjrKVPr6Xg5sIypA/P2BhQuBwYOBGTOA0aPlfIRERGQWOU58mzZtioiICEVbSEgIIiMj9bc1XDPeLNLX9zZpol4cRPQc0dGAk5P80XnnHfmNtUIF9eIiIrJQOU58d+/enYdhUE49eQIcOSK3K1UCSpRQNx4iysL27XLA2ptvAosXG9o1Gia9REQq4TW2AubQISAlRW6zvpcoH0pMBEaOBNq2lXPyfvUV8McfakdFRETIxcptpK70ZQ5MfInymfBwoHt3+a9O27ZAcLB6MRERkR57fAsYDmwjyoe0WjlorW5dQ9Jrbw8sWgRs3cqaJCKifII9vgVIcjIQFia3y5UDypZVNx4iAnDnDtC3r6zp1QkMBNavBwIC1IuLiIgyYOJbgBw9KssHAZY5EOULERFy6cToaEPbyJHAzJmAg4N6cRERUaZyVeqwd+9e9OjRAw0bNsStW7cAAGvXrsW+fftMGhwpsb6XKJ+pUAGoVk1ulywpe33nzWPSS0SUTxmd+P70008IDQ2Fo6MjTpw4gaSkJABAbGwsZs6cafIAyYCJL1E+Y20NrF0L9OwJnD4NtGmjdkRERJQNoxPfTz75BEuXLsXy5ctha2urb2/UqBGOHz9u0uDIIDUV0HWolygBVKyobjxEFictDfjsM7lmeHply8plhz091YmLiIhyzOga34iICDTNpLvRzc0Njx49MkVMlIlTp4DHj+V206ZyDnwiMpMbN2Sv7p49gJ8fcPIk4OqqdlRERGQko3t8S5QogcuXL2do37dvH/z9/U0SFGXEMgcilWzcCNSoYZhL8No14M8/VQ2JiIhyx+jEt3///nj//fdx6NAhaDQa3L59G+vWrcOYMWMwePDgvIiRwMSXyOzi4uSSw126ALqrWT4+wK5dwFtvqRkZERHlktGlDuPGjYNWq0WrVq3w5MkTNG3aFPb29hgzZgyGDRuWFzFaPK0W2LtXbhctClSvrm48RIVeWBjQowcQGWlo69IFWLIE8PBQLy4iInohGiGEyM2BycnJuHz5MuLj41GtWjUUKVLE1LHlibi4OLi5uSE2NhauBaRG78wZOR8+ALRvD/zyi6rhEBVeqanAjBnAxx/LwWwA4OICLF4sE2EW1xMRmUVe5Wu5XsDCzs4O1XTzV1KeYpkDkZlcuQLMmmVIekNCgO++kwPaiIiowDM68W3RogU02fR6/P333y8UEGXExJfITCpXBmbPBkaNAqZMASZMAGy4wCURUWFh9F/0mjVrKm6npKTg5MmTOHPmDHr37m2quOg/QhgSXxcX4JmXn4heREwM4OQE2Nsb2oYNA1q2BAIC1IuLiIjyhNGJ7/z58zNtnzZtGuLj4184IFK6fBm4c0duN2rEzicik9m9W87N27UrMGeOoV2jYdJLRFRIGT2dWVZ69OiBFStWmOp09B+WORCZWHIyMH687NW9eRP4/HNg5061oyIiIjMwWf9hWFgYHBwcTHU6+g8TXyITiogAunUD0i+v3qKFrO0lIqJCz+jE980331TcFkLgzp07OHr0KCZPnmyywEjSJb4ODkCdOurGQlRgCQF8/TUwciTw9Klss7WVU5eNHg1YmeziFxER5WNGJ75ubm6K21ZWVqhcuTI++ugjtGnTxmSBEXD9ulwdFQAaNFCOvyGiHIqKAvr1A7ZsMbRVrgysXw/Urq1eXEREZHZGJb5paWno27cvAgMD4cHVi/Jc+jKHZs3Ui4OowIqIAJo3B+7eNbQNHizrep2cVAuLiIjUYdT1PWtra7Rp0waPdOvWm8jixYvh6+sLBwcH1K9fH4cPH87RcT/88AM0Gg06dOhg0njyC9b3Er0gf3/Ax0due3rKXt+vvmLSS0RkoYwubAsICEBk+vXrX9CGDRswatQoTJ06FcePH0dQUBBCQ0Nx//79bI+7du0axowZgyZNmpgslvxGl/ja2MhSByIykq0tsG4d8OabQHg40K6d2hEREZGKjE58P/nkE4wZMwa///477ty5g7i4OMWPsebNm4f+/fujb9++qFatGpYuXQonJ6dsp0ZLS0tD9+7dMX36dPj7+xv9mAXBvXvyKi0A1K3LDiqi59JqgUWLgBMnlO0VKwI//QSUKKFOXERElG/kOPH96KOPkJCQgFdeeQWnTp3C66+/jjJlysDDwwMeHh5wd3c3uu43OTkZx44dQ+vWrQ0BWVmhdevWCAsLyzYWb29vvPvuu899jKSkpBdOztWwd69hm2UORM9x5w7wyivA++/L6cqePFE7IiIiyodyPLht+vTpGDRoEHbt2mWyB4+OjkZaWhqKFy+uaC9evDguXLiQ6TH79u3Dt99+i5MnT+boMWbNmoXp06e/aKhmt2ePYZsD24iy8euvctaG6Gh5+8IF4H//Azp2VDcuIiLKd3Kc+AohAADNVMzCHj9+jJ49e2L58uXw9PTM0THjx4/HqFGj9Lfj4uLgoxvsko/p6nutrICQEHVjIcqXEhLkHLzLlhnaSpYEVq0COLUiERFlwqjpzDQajUkf3NPTE9bW1rh3756i/d69eyiRST3elStXcO3aNbRLN0BFq9UCAGxsbBAREYHy5csrjrG3t4d9AZsA9+FDOQ4HAGrWBJ6ZOpmIjh2TJQ0XLxraOnQAli+XszcQERFlwqjEt1KlSs9Nfh8+fJjj89nZ2SE4OBg7d+7UT0mm1Wqxc+dODB06NMP+VapUQbguI/zPpEmT8PjxYyxcuLBA9OTmxP79cqEpgPW9RAppacCcOcDkyUBqqmxzcgIWLJDlDib+ck5ERIWLUYnv9OnTM6zc9qJGjRqF3r17o06dOqhXrx4WLFiAhIQE9O3bFwDQq1cvlC5dGrNmzYKDgwMCAgIUx7u7uwNAhvaCjPP3EmXhwgVl0hscLFdgq1RJ3biIiKhAMCrx7dq1K7y9vU0aQJcuXRAVFYUpU6bg7t27qFmzJrZt26Yf8Hb9+nVYWRk961qBln5gWyGeppjIeNWrAx9/DEyYAIwbB0ybBtjZqR0VEREVEBqhG7X2HNbW1rhz547JE19zi4uLg5ubG2JjY+Hq6qp2OBk8fgx4eMgrutWrA2fOqB0RkYoePwYcHeUqLjppaXKu3jp11IuLiIjyVF7laznuSs1hfkwvKCxM/r8OsMyBLFxYmBzd+cknynZraya9RESUKzlOfLVabYHv7S0IWN9LFi81FZg+Xdb5REbK0oYDB9SOioiICgGjanwp76Wv72XiSxYnMhLo0UP29uo0aCDn5yUiInpBljVqLJ97+hQ4fFhuV6gAlCqlbjxEZiMEsGaNLG3QJb3W1rLnd88ewM9P1fCIiKhwYI9vPnL4MJCcLLfZ20sWIyYGGDwY2LDB0ObvD6xbJ3t7iYiITISJbz7C+l6yOBERwEsvATduGNr69AEWLQJcXFQLi4iICieWOuQjTHzJ4pQrB/y3CA08PICNG4GVK5n0EhFRnmDim0+kpBgGrvv4AL6+qoZDZB4ODnLltVdeAU6fBjp1UjsiIiIqxJj45hPHjgFPnsjtpk0BjUbdeIhMTgjg66+Bc+eU7QEBwB9/AGXKqBMXERFZDCa++QTLHKhQi4oCOnQABg4EunUDkpLUjoiIiCwQE998gokvFVrbtwM1agBbtsjbp04Bv/+ubkxERGSRmPjmA2lpwL59ctvbG6hcWd14iEwiMREYMQJo2xa4e1e2eXrKBLhjR1VDIyIiy8TpzPKB06eB2Fi5zfpeKhTCw2VJw5kzhrbQUGDVKqBECdXCIiIiy8Ye33yAZQ5UaGi1wMKFQN26hqTX3l62bd3KpJeIiFTFHt98gIkvFRrh4cCoUTIBBoDAQDldWUCAunERERGBPb6qE8KQ+Lq7Mz+gAi4oCJgwQW6PHCnX4eabmoiI8gn2+KrswgUgOlpuN24MWFurGw+RUZ48kYtQWKX7Dj1lCtCmDdCkiXpxERERZYI9virbs8ew3ayZenEQGe3YMaBWLWDuXGW7rS2TXiIiypeY+KqM9b1U4KSlAZ99BjRoAFy8CEycCBw/rnZUREREz8VSBxWlr+91dpadZ0T52o0bQM+eyksVNWoARYqoFxMREVEOscdXRVevArduye2QEHmFmCjf2rhRJrm6pFejAcaPBw4cACpVUjc2IiKiHGCPr4rSd5qxzIHyrbg4YPhwYPVqQ5uPD7B2LQvTiYioQGHiq6L09b3MHyhfiogAXnkFiIw0tHXpAixdKuffIyIiKkBY6qAiXeJrby8XuiLKd8qUAWz++37s4gKsWQN8/z2TXiIiKpCY+Krk5k1DJ1r9+nIqVKJ8x9lZrrzWvDlw6pQc2KbRqB0VERFRrjDxVcnevYZt1vdSviCE7NG9ckXZHhwM/P034OenTlxEREQmwsRXJVy4gvKVmBiga1egd2+ge3cgJUV5P3t5iYioEGDiqxJdfa+NDdCwobqxkIXbvVtOU7Zxo7x96BDw+++qhkRERJQXmPiq4P594Px5uR0cLMsoicwuORkYNw5o2VIWnQOAhwfw44/AG2+oGxsREVEe4HRmKti3z7DN+l5SRUQE0K2bcqnhFi1kjW+ZMurFRURElIfY46uC9PP3MvElsxICWLZMro+tS3ptbYHZs4EdO5j0EhFRocYeXxWkX/G1cWN1YyELc+IEMGiQ4XblynK6stq11YuJiIjITNjja2aPHsnpUAEgKIjrAJCZ1a4NjBoltwcPlr2+THqJiMhCsMfXzPbvl1ebAZY5kBkkJQF2dsrpyGbOBNq2BV56Sb24iIiIVMAeXzNjfS+ZTXg4UKcOsGSJst3enkkvERFZJCa+ZpY+8W3SRL04qBDTaoGFC4G6dYEzZ4DRo4Fz59SOioiISHUsdTCjhATg6FG5XbUq4O2tbjxUCN25A/TtC2zfbmirWFG9eIiIiPIR9viaUVgYkJoqt1nmQCb3669yBbb0Se/IkcDhw0C1aurFRURElE+wx9eMWN9LeSIhQZYzLFtmaCtZEli1CmjTRrWwiIiI8hsmvmbE+l4yuYsXgXbt5L86HToAy5cDnp6qhUVERJQfsdTBTBITgYMH5bafH+Djo248VEgULw4kJ8ttJyeZ8G7ezKSXiIgoE0x8zeTIETmlKgA0a6ZuLFSIuLkB330H1K8vV2Xr1085Zy8RERHpMfE1E9b3kkn8+CNw44ayrVEjOXKyUiV1YiIiIiogmPiaCRNfeiFxcUCfPkDnzkCvXkBamvJ+9vISERE9FxNfM0hNlUsVA0CpUoC/v7rxUAETFgbUqgWsXi1v794N/P67qiEREREVREx8zeD4cTnjFCDre9k5RzmSmgpMny6nAImMlG0uLsCaNcDrr6sbGxERUQHE6czMgGUOZLTISKBHD9nbqxMSIgey+fmpFxcREVEBxh5fM2DiSzkmhOzRrVnTkPRaW8ue3z17mPQSERG9APb45jGtFti7V257egJVq6obD+VzR48CvXsbbvv7A+vWAQ0aqBcTERFRIcEe3zx25gzw6JHcbtKE9b30HHXrAgMHyu0+fYCTJ5n0EhERmQh7fPPYnj2GbS5cQRmkpAA2NspvRHPnAq+8wgFsREREJsYe3zzG+l7KUkSE7M3VTVOm4+zMpJeIiCgPMPHNQ0IYEl9XV6BGDXXjoXxCCGDZMjk37/HjwLBhwOXLakdFRERU6LHUIQ9dvAjcvy+3GzeWg/PJwkVFAf36AVu2GNpKlwaePlUvJiIiIgvBHt88xDIHUti+XXb7p096Bw2Svb6BgerFRUREZCGY+OYhDmwjAEBiIjByJNC2LXD3rmzz9JQJ8JIlgJOTuvERERFZCJY65BEhDImvkxNQu7a68ZBKLl8G3nwTCA83tLVtC6xcCZQooV5cREREFog9vnnk33+BmzfldsOGgJ2duvGQSjw8gAcP5La9PbBoEbB1K5NeIiIiFTDxzSOs7yUAQLFiwKpVQFCQXJVt2DCuYkJERKQSJr55JH19LxNfC/Lbb4Y6Xp2XXgKOHQMCAtSJiYiIiAAw8c0zuh5fOzugfn11YyEzSEiQMzS8/jrwzjuyyDs9zmVHRESkOia+eeD2bcN6BPXqAY6O6sZDeezYMTl6cdkyeft//wN+/13dmIiIiCgDJr55YO9ewzbLHAqxtDTgs8/kssMXL8o2Jydg+XLgtdfUjY2IiIgy4HRmeYAD2yzAjRtAz57KYu7gYGD9eqBSJfXiIiIioiyxxzcP6HIha2sgJETdWCgPbNggV2DT/aI1GmD8eODAASa9RERE+Rh7fE0sOho4e1Zu164NuLioGw+Z2MGDQNeuhts+PsDatVyaj4iIqABgj6+J7dtn2GaZQyHUoIEscQCALl2AU6eY9BIRERUQ7PE1Mdb3FjJaLWD1zPfDL78EXn0V6NyZi1EQEREVIOzxNTFd4qvRAI0bqxsLvaDISPlL3LhR2e7qKnt7mfQSEREVKEx8TSg2FjhxQm4HBgJFi6obD+WSEMCaNUDNmkBYGDBwoJzFgYiIiAo0Jr4mdOCAvDIOsMyhwIqJkYPXevcGHj+WbUWLAg8eqBsXERERvTAmvibE+t4CbvduOU1Z+tKGPn2Akydl7y8REREVaEx8TSh94tukiXpxkJGSk4Fx44CWLYGbN2Wbu7tMgFeu5Jx0REREhQRndTCRJ0+AI0fkdqVKQIkS6sZDORQZCXTqBBw/bmhr3lzW+Pr4qBYWERERmR57fE3k4EEgJUVuc1rXAsTREbh+XW7b2gKzZwM7dzLpJSIiKoSY+JoI63sLqJIlgW+/BapUkd9ePvgg47y9REREVCjwf3gTYeJbQOzYkXGGhtdfB06flmtMExERUaGVLxLfxYsXw9fXFw4ODqhfvz4OHz6c5b7Lly9HkyZN4OHhAQ8PD7Ru3Trb/c0hOVlO9woA5coBZcuqGg5lJjERGDkSeOklOS+vEMr7bW3ViYuIiIjMRvXEd8OGDRg1ahSmTp2K48ePIygoCKGhobh//36m++/evRtvv/02du3ahbCwMPj4+KBNmza4deuWmSM3OHJE5lUAe3vzpfBwoF49YMECefunn4Bt21QNiYiIiMxP9cR33rx56N+/P/r27Ytq1aph6dKlcHJywooVKzLdf926dXjvvfdQs2ZNVKlSBd988w20Wi127txp5sgN0pc5cGBbPqLVAgsXAnXryuQXAOztgUWLgLZt1Y2NiIiIzE7V6cySk5Nx7NgxjB8/Xt9mZWWF1q1bI0xXO/AcT548QUpKCopmsT5wUlISkpKS9Lfj4uJeLOhMsL43H7pzB+jbF9i+3dAWGAisXw8EBKgXFxEREalG1R7f6OhopKWloXjx4or24sWL4+7duzk6x4cffohSpUqhdevWmd4/a9YsuLm56X98TDxNVWoqsH+/3C5RAqhQwaSnp9zYskWuwJY+6R05Ejh8mEkvERGRBVO91OFFfPrpp/jhhx/w888/w8HBIdN9xo8fj9jYWP3PjRs3TBrDqVPA48dyu2lTQKMx6enJWPv3A+3bA9HR8naJEjIBnjcPyOI9QkRERJZB1cTX09MT1tbWuHfvnqL93r17KPGcpc8+//xzfPrpp/jzzz9Ro0aNLPezt7eHq6ur4seU9uwxbLPMIR8ICQHeeENut28va3vbtFE3JiIiIsoXVE187ezsEBwcrBiYphuo1rBhwyyPmz17Nj7++GNs27YNderUMUeoWeLANpU9Oy2ZRgMsXw6sXAn8/DPg6alOXERERJTvqF7qMGrUKCxfvhyrV6/G+fPnMXjwYCQkJKBv374AgF69eikGv3322WeYPHkyVqxYAV9fX9y9exd3795FfHy82WPXaoG9e+V20aJAtWpmD8Gy3bgBtGwJ/P67sr1YMaBPH9adEBERkYKqszoAQJcuXRAVFYUpU6bg7t27qFmzJrZt26Yf8Hb9+nVYpVtCdsmSJUhOTsZbb72lOM/UqVMxbdo0c4aOc+eAhw/ldpMmXOnWrDZulAtRPHoEnD0rV157TnkMERERWTbVE18AGDp0KIYOHZrpfbt371bcvnbtWt4HlEOcxkwFcXHA8OHA6tWGNgcH4PZtJr5ERESULfZRvoD0A9tY32sGYWFAzZrKpLdLFzm1Ru3aqoVFREREBQMT31wSwtDj6+ICBAWpG0+hlpoKTJsm60muXpVtLi7AmjXA998DHh6qhkdEREQFQ74odSiILl8GdGtsNGoE2PCVzBvXrgHdusneXp2QEOC77wA/P9XCIiIiooKHPb65xPpeM7GykqMIAcDaGpg+XdaYMOklIiIiIzHxzSUmvmZStiywdCng7w/s2wdMmcLudSIiIsoVJr65pBvY5uAA1K2rbiyFyt69cuaG9Lp2lVOWNWigTkxERERUKDDxzYV//5U/ANCwIWBnp248hUJyMjBunJweY9iwjPc7OJg/JiIiIipUmPjmgm61NoBlDiYRESG/QXz2mZwuY80a4M8/1Y6KiIiIChkmvrnA+l4TEQJYtgyoVQs4fly22doCs2cDrVurGxsREREVOhwllAu6+l5bW5ad5lpUFNCvH7Bli6GtcmVg/XouRkFERER5gj2+Rrp7F7h4UW7XrQs4OakbT4G0fTtQo4Yy6R08WPb6MuklIiKiPMIeXyOxvvcF7d0LtG1ruO3pCaxYAbRrp15MREREZBHY42sk1ve+oMaNDYlv27ZAeDiTXiIiIjIL9vgaSZf4WlnJlXPJSBoNsHIl8PPPwKBB8jYRERGRGbDH1wgPH8oOSgCoWRNwc1M1nPzv7l3g1VeBnTuV7SVKyJpeJr1ERERkRuzxNcK+fXIGLkCus0DZ2LIFePddIDoaOHVK/hQrpnZUREREZMHY42sE1vfmQEKCLGFo314mvQCg1QLXrqkaFhERERETXyOkT3wbN1Yvjnzr2DEgOFguSqHToQNw+rRsJyIiIlIRE98cevzYsLhY9epyFi76T1qaXG64QQO5/DAgJzhevhzYvJkvFhEREeULrPHNoQMHZH4HsL5X4eZNoGdPYPduQ1twsFyBrVIl1cIiIiIiehZ7fHOI9b1ZePoUOHJEbms0wPjx8lsCk14iIiLKZ5j45lD6xLdJE/XiyHcqVgQWLQJ8fIBdu4CZMwE7O7WjIiIiIsqAiW8OPH0KHD4stytUAEqVUjceVR0+DDx5omzr2xc4d441IERERJSvMfHNgUOHgORkuW2xZQ6pqcD06XK5ujFjlPdpNECRIurERURERJRDTHxzIH2Zg0V2akZGyox/2jQ5wm/JElnWQERERFSAMPHNAYsd2CYEsGaNXJ85LEy2WVvLnl8WOhMREVEBw+nMniM5WU5SAMjxW+XKqRuP2cTEAIMHAxs2GNr8/YF16+R8vUREREQFDBPf5zh+XA5uA2Rvr0ajbjxmsWePnJv3xg1DW58+cvYGFxfVwiIiMpe0tDSkpKSoHQZRoWZnZwcrK/MWHzDxfY49ewzbFlHmsGcP0KKFLHMAAA8PuQRxp07qxkVEZAZCCNy9exePHj1SOxSiQs/Kygp+fn6wM+M0qEx8n8PiBrY1biwzfF0CvGYNUKaM2lEREZmFLun19vaGk5MTNBZxmY/I/LRaLW7fvo07d+6gbNmyZvusMfHNRloasG+f3Pb2tpDFyKytgbVrgR9/BEaMAMx8CYKISC1paWn6pLdYsWJqh0NU6Hl5eeH27dtITU2Fra2tWR6TWU02Tp8G4uLkdqGs742KAjp2BPbvV7b7+ACjRjHpJSKLoqvpdXJyUjkSIsugK3FIS0sz22OyxzcbhXoas+3b5YC1u3flCL5TpwBXV7WjIiJSHcsbiMxDjc8au/SyUSgHtiUmyhKGtm1l0gsA8fHAxYuqhkVERESU15j4ZkEIQ4+vuzsQGKhqOKYRHg7UrQssXGhoa9tWttepo15cREREKomIiECJEiXw+PFjtUMpVJKTk+Hr64ujR4+qHYoCE98snD8PPHggt5s0KeDlrlqtTHbr1gXOnJFt9vZyXt6tW4ESJdSNj4iIXkifPn2g0Wig0Whga2sLPz8/jB07FomJiRn2/f3339GsWTO4uLjAyckJdevWxapVqzI9708//YTmzZvDzc0NRYoUQY0aNfDRRx/h4cOHefyMzGf8+PEYNmwYXArxPPWLFy+Gr68vHBwcUL9+fRw+fPi5xyxYsACVK1eGo6MjfHx8MHLkyAzvp+zOa2dnhzFjxuDDDz80+fN5IcLCxMbGCgAiNjY22/2WLBFC9vsKMWeOmYLLC7dvCxEaangygBCBgUKEh6sdGRFRvvL06VNx7tw58fTpU7VDMVrv3r1F27ZtxZ07d8T169fFzz//LFxdXcXYsWMV+y1atEhYWVmJ8ePHi7Nnz4pLly6Jzz//XNjb24vRo0cr9p0wYYKwtrYWY8aMEfv37xdXr14Vf/75p3jzzTfFggULzPbckpKS8uzc//77r7C1tRU3b958ofPkZYwv6ocffhB2dnZixYoV4uzZs6J///7C3d1d3Lt3L8tj1q1bJ+zt7cW6devE1atXxfbt20XJkiXFyJEjjTrvw4cPhZ2dnThz5kymj5PdZy6n+ZqxmPhm4e23DXnioUNmCi4vnDkjhL294cmMHClEAfyjTkSU1wp64tu+fXtF25tvvilq1aqlv339+nVha2srRo0aleH4RYsWCQDi4MGDQgghDh06JABkmeDGxMRkGcuNGzdE165dhYeHh3BychLBwcH682YW5/vvvy+aNWumv92sWTMxZMgQ8f7774tixYqJ5s2bi7ffflt07txZcVxycrIoVqyYWL16tRBCiLS0NDFz5kzh6+srHBwcRI0aNcSPP/6YZZxCCDFnzhxRp04dRVt0dLTo2rWrKFWqlHB0dBQBAQFi/fr1in0yi1EIIcLDw0Xbtm2Fs7Oz8Pb2Fj169BBRUVH64/73v/+JRo0aCTc3N1G0aFHx6quvisuXL2cb44uqV6+eGDJkiP52WlqaKFWqlJg1a1aWxwwZMkS0bNlS0TZq1CjRqFEjo8/bokULMWnSpEwfR43EtyBfwM8zQhgGtjk7A7VqqRvPC6leHZgzR5YzbN8OzJsHODioHRURUYFRp45cx8fcPy8y9OLMmTM4cOCAYkWsTZs2ISUlBWPGjMmw/8CBA1GkSBF8//33AIB169ahSJEieO+99zI9v7u7e6bt8fHxaNasGW7duoUtW7bg1KlTGDt2LLRarVHxr169GnZ2dti/fz+WLl2K7t2747fffkN8fLx+n+3bt+PJkyd44403AACzZs3CmjVrsHTpUpw9exYjR45Ejx49sCf9SPVn7N27F3WeeaETExMRHByMP/74A2fOnMGAAQPQs2fPDOUBz8b46NEjtGzZErVq1cLRo0exbds23Lt3D507d9Yfk5CQgFGjRuHo0aPYuXMnrKys8MYbb2T7+sycORNFihTJ9uf69euZHpucnIxjx46hdevW+jYrKyu0bt0aYWFhWT5mSEgIjh07pn/OkZGR2Lp1K1555RWjz1uvXj3s3bs3y8cyN05nlonISOD2bbndqBFgpjmVTePUKaBKFVnDqzN0KNCjh1x+mIiIjHL3LnDrltpRPN/vv/+OIkWKIDU1FUlJSbCyssKXX36pv//ixYtwc3NDyZIlMxxrZ2cHf39/XPxvhp9Lly7B39/f6EUF1q9fj6ioKBw5cgRFixYFAFSoUMHo51KxYkXMnj1bf7t8+fJwdnbGzz//jJ49e+of6/XXX4eLiwuSkpIwc+ZM7NixAw0bNgQA+Pv7Y9++fVi2bBmaZbH06r///psh8S1durTiy8GwYcOwfft2bNy4EfXq1csyxk8++QS1atXCzJkz9W0rVqyAj48PLl68iEqVKqFjx46Kx1qxYgW8vLxw7tw5BAQEZBrjoEGDFMlzZkqVKpVpe3R0NNLS0lC8eHFFe/HixXHhwoUsz9etWzdER0ejcePGEEIgNTUVgwYNwoQJE4w+b6lSpfDvv/9mG785MfHNRIGcvzctDfj8c2DSJOD99+W2jkbDpJeIKJfUGv9r7OO2aNECS5YsQUJCAubPnw8bG5sMiVZOCSFyddzJkydRq1YtfdKbW8HBwYrbNjY26Ny5M9atW4eePXsiISEBv/76K3744QcAwOXLl/HkyRO89NJLiuOSk5NRK5vLtk+fPoXDM1dB09LSMHPmTGzcuBG3bt1CcnIykpKSMixs8myMp06dwq5du1CkSJEMj3PlyhVUqlQJly5dwpQpU3Do0CFER0fre3qvX7+eZeJbtGjRF349jbV7927MnDkTX331FerXr4/Lly/j/fffx8cff4zJkycbdS5HR0c8efIkjyI1HhPfTBS4xPfGDaBnT0N9xty5QIcOQOPGqoZFRFQY5LPZmLLk7Oys711dsWIFgoKC8O233+Ldd98FAFSqVAmxsbG4fft2hh7C5ORkXLlyBS1atNDvu2/fPqSkpBjV6+vo6Jjt/VZWVhmSat2Kec8+l2d1794dzZo1w/379/HXX3/B0dERbdu2BQB9CcQff/yB0qVLK46zT38F9Bmenp6IiYlRtM2ZMwcLFy7EggULEBgYCGdnZ4wYMQLJycnZxhgfH4927drhs88+y/A4ul72du3aoVy5cli+fDlKlSoFrVaLgICADOdOb+bMmYpe5MycO3cOZcuWzfT5WVtb4969e4r2e/fuoUQ236wmT56Mnj17ol+/fgCAwMBAJCQkYMCAAZg4caJR53348CG8vLyyjd+cWOObCV3+aG8vZwDL1zZuBGrUMASt0QDjxwPpLscQEZFlsbKywoQJEzBp0iQ8ffoUANCxY0fY2tpi7ty5GfZfunQpEhIS8PbbbwOQl7rj4+Px1VdfZXr+R48eZdpeo0YNnDx5Msvpzry8vHDnzh1F28mTJ3P0nEJCQuDj44MNGzZg3bp16NSpkz4pr1atGuzt7XH9+nVUqFBB8ePj45PlOWvVqoVz584p2vbv34/27dujR48eCAoKUpSAZKd27do4e/YsfH19M8Tg7OyMBw8eICIiApMmTUKrVq1QtWrVDEl3ZgYNGoSTJ09m+5NVqYOdnR2Cg4Oxc+dOfZtWq8XOnTv1JSGZefLkCayemcfV2toagLwaYMx5z5w5k22vu9mZdKhcAfC8UYLXrxsmQEg3yDT/iY0Vondv5TRlPj5C7N6tdmRERAVSYZvVISUlRZQuXVrMSTcn5/z584WVlZWYMGGCOH/+vLh8+bKYO3duptOZjR07VlhbW4sPPvhAHDhwQFy7dk3s2LFDvPXWW1nO9pCUlCQqVaokmjRpIvbt2yeuXLkiNm3aJA4cOCCEEGLbtm1Co9GI1atXi4sXL4opU6YIV1fXDLM6vP/++5mef+LEiaJatWrCxsZG7N27N8N9xYoVE6tWrRKXL18Wx44dE4sWLRKrVq3K8nXbsmWL8Pb2Fqmpqfq2kSNHCh8fH7F//35x7tw50a9fP+Hq6qp4fTOL8datW8LLy0u89dZb4vDhw+Ly5cti27Ztok+fPiI1NVWkpaWJYsWKiR49eohLly6JnTt3irp16woA4ueff84yxhf1ww8/CHt7e7Fq1Spx7tw5MWDAAOHu7i7u3r2r36dnz55i3Lhx+ttTp04VLi4u4vvvvxeRkZHizz//FOXLl1fMrJGT8wohRLly5cSaNWsyjY3TmZnB817IdesMeeTkyWYOLqcOHBDC31+Z9HbpIsTDh2pHRkRUYBW2xFcIIWbNmiW8vLxEfHy8vu3XX38VTZo0Ec7OzsLBwUEEBweLFStWZHreDRs2iKZNmwoXFxfh7OwsatSoIT766KNspzO7du2a6Nixo3B1dRVOTk6iTp064lC6eUGnTJkiihcvLtzc3MTIkSPF0KFDc5z4njt3TgAQ5cqVE1qtVnGfVqsVCxYsEJUrVxa2trbCy8tLhIaGij179mQZa0pKiihVqpTYtm2bvu3Bgweiffv2okiRIsLb21tMmjRJ9OrV67mJrxBCXLx4UbzxxhvC3d1dODo6iipVqogRI0boY/3rr79E1apVhb29vahRo4bYvXt3nie+QgjxxRdfiLJlywo7OztRr149/fRy6Z9P79699bdTUlLEtGnTRPny5YWDg4Pw8fER7733Xobf+/POe+DAAeHu7i6ePHmSaVxqJL4aIXJZwV5AxcXFwc3NDbGxsXB1dc1w/6BBwLJlcvuvv4B0M3XkD7t3y6DS0uRtFxdg8WI5a4NGo2poREQFWWJiIq5evQo/P78MA56o8Fq8eDG2bNmC7du3qx1KodOlSxcEBQXpZ4N4Vnafuefla7nFwW3P0A1ss7EBsil/UU+jRkBwMHD4MBASAnz3HeDnp3ZUREREBdLAgQPx6NEjPH78uFAvW2xuycnJCAwMxMiRI9UORYGJbzr37wPnz8vt4GC5eEW+Y2sLrFsHbNgAfPihzNCJiIgoV2xsbDBx4kS1wyh07OzsMGnSJLXDyICzOqSTfmGRLOa6Nq+YGKB7d+DYMWV7hQrAxIlMeomIiIiMwMwpnXw1f+/u3XJu3ps3ZeJ7/DjwzOTZRERERJRz7PFNR5f4ajSylFYVycnAuHFAy5Yy6QVkDcbZsyoFRERERFQ4sMf3P48eAadOye2gIMDdXYUgIiKAbt1k765OixbAmjVAmTIqBERERERUeLDH9z/79skJcQEVyhyEkHOo1aplSHptbYHZs4EdO5j0EhEREZkAe3z/k76+16wD26KigH79gC1bDG2VKwPr1wO1a5sxECIiIqLCjT2+/0mf+DZpYsYHvnED2LrVcHvwYNnry6SXiIiIyKSY+AKIjzfMGFa1KuDlZcYHr10b+OQTwNNT9vp+9RVnbyAiogJFo9Hgl19+UTuMfGvatGmoWbOm2mEQmPgCAA4eBFJT5Xae1/deuACkpCjbxoyRsza0a5fHD05ERIVRnz59oNFooNFoYGtrCz8/P4wdOxaJiYlqh5bn7t69i/fffx8VKlSAg4MDihcvjkaNGmHJkiV48uSJ2uEBAMaMGYOdO3eqHQaBNb4AgD17DNt5lvhqtcAXX8jV1j78EJg+3XCftTXg7Z1HD0xERJagbdu2WLlyJVJSUnDs2DH07t0bGo0Gn332mdqh5ZnIyEg0atQI7u7umDlzJgIDA2Fvb4/w8HB8/fXXKF26NF5//XW1w0SRIkVQpEgRtcMgsMcXgBkWrrhzB3jlFWDECCApSZY2HD6cBw9ERESWyt7eHiVKlICPjw86dOiA1q1b46+//tLf/+DBA7z99tsoXbo0nJycEBgYiO+//15xjubNm2P48OEYO3YsihYtihIlSmDatGmKfS5duoSmTZvCwcEB1apVUzyGTnh4OFq2bAlHR0cUK1YMAwYMQHx8vP7+Pn36oEOHDpg5cyaKFy8Od3d3fPTRR0hNTcUHH3yAokWLokyZMli5cmW2z/m9996DjY0Njh49is6dO6Nq1arw9/dH+/bt8ccff6Ddf1dSr127Bo1Gg5MnT+qPffToETQaDXbv3q1vO3PmDF5++WUUKVIExYsXR8+ePREdHa2/f9OmTQgMDNQ/r9atWyMhIQEAsHv3btSrVw/Ozs5wd3dHo0aN8O+//wLIWOqge/6ff/45SpYsiWLFimHIkCFISXdF+M6dO3j11Vfh6OgIPz8/rF+/Hr6+vliwYEG2rwllz+IT38RE4NAhue3vnwczh/36K1CjBrB9u6Ft+HDZRkREBcO8efI/iOf9ZNa7+PrrOTt23jyThXvmzBkcOHAAdnZ2+rbExEQEBwfjjz/+wJkzZzBgwAD07NkTh5/piFm9ejWcnZ1x6NAhzJ49Gx999JE+udVqtXjzzTdhZ2eHQ4cOYenSpfjwww8VxyckJCA0NBQeHh44cuQIfvzxR+zYsQNDhw5V7Pf333/j9u3b+OeffzBv3jxMnToVr732Gjw8PHDo0CEMGjQIAwcOxE3dYk7PePDgAf78808MGTIEzs7Ome6j0Why/Jo9evQILVu2RK1atXD06FFs27YN9+7dQ+fOnQHIRPTtt9/GO++8g/Pnz2P37t148803IYRAamoqOnTogGbNmuH06dMICwvDgAEDsn38Xbt24cqVK9i1axdWr16NVatWYdWqVfr7e/Xqhdu3b2P37t346aef8PXXX+P+/fs5fj6UBWFhYmNjBQARGxsrhBDin3+EkBPpCtGnjwkfKD5eiIEDDScHhChRQojt2034IEREZCpPnz4V586dE0+fPs1459Spyr/nWf00aJDx2AYNcnbs1Km5jr13797C2tpaODs7C3t7ewFAWFlZiU2bNmV73KuvvipGjx6tv92sWTPRuHFjxT5169YVH374oRBCiO3btwsbGxtx69Yt/f3/+9//BADx888/CyGE+Prrr4WHh4eIj4/X7/PHH38IKysrcffuXX285cqVE2lpafp9KleuLJo0aaK/nZqaKpydncX333+faewHDx4UAMTmzZsV7cWKFRPOzs7C2dlZjB07VgghxNWrVwUAceLECf1+MTExAoDYtWuXEEKIjz/+WLRp00Zxrhs3bggAIiIiQhw7dkwAENeuXcsQy4MHDwQAsXv37kxjnTp1qggKCtLf1j3/1NRUfVunTp1Ely5dhBBCnD9/XgAQR44c0d9/6dIlAUDMnz8/08coiLL7zD2br5mKxdf45kl977FjcgW2ixcNbe3bA998I2dvICKigsXVFShd+vn7ZTYtkJdXzo51dTU+rnRatGiBJUuWICEhAfPnz4eNjQ06duyovz8tLQ0zZ87Exo0bcevWLSQnJyMpKQlOz8wkVOOZK5IlS5bU9zSeP38ePj4+KFWqlP7+hg0bKvY/f/48goKCFL2wjRo1glarRUREBIoXLw4AqF69OqysDBeeixcvjoCAAP1ta2trFCtWzOhezsOHD0Or1aJ79+5ISkrK8XGnTp3Crl27Mq3FvXLlCtq0aYNWrVohMDAQoaGhaNOmDd566y14eHigaNGi6NOnD0JDQ/HSSy+hdevW6Ny5M0qWLJnl41WvXh3W1tb62yVLlkR4eDgAICIiAjY2NqidbmrTChUqwMPDI8fPhzJn8YmvyReu+PtvIDTUME2EkxOwYIFcpMKISy5ERJSPjBolf3Ij/QJFecjZ2RkVKlQAAKxYsQJBQUH49ttv8e677wIA5syZg4ULF2LBggUIDAyEs7MzRowYgeTkZMV5bG1tFbc1Gg20Wq3J483scYx57AoVKkCj0SAiIkLR7u/vDwBwdHTUt+kSbKFbohVQ1NMCQHx8PNq1a5fpYMCSJUvC2toaf/31Fw4cOIA///wTX3zxBSZOnIhDhw7Bz88PK1euxPDhw7Ft2zZs2LABkyZNwl9//YUGDRrk+PnnxetMShZd45uSAhw4ILdLlwb8/Exw0kaNgGrV5HZwMHDiBNC/P5NeIiIyGysrK0yYMAGTJk3C06dPAQD79+9H+/bt0aNHDwQFBcHf3x8X01+ZzIGqVavixo0buHPnjr7t4MGDGfY5deqUftCX7rGtrKxQuXLlF3hWSsWKFcNLL72EL7/8UvFYmfH6ryc+fdzpB7oBQO3atXH27Fn4+vqiQoUKih9d77VGo0GjRo0wffp0nDhxAnZ2dvj555/156hVqxbGjx+PAwcOICAgAOvXr8/Vc6tcuTJSU1Nx4sQJfdvly5cRExOTq/ORgUUnvidOALrPStOmJspN7e3lcsMTJ8qsulIlE5yUiIjIOJ06dYK1tTUWL14MAKhYsaK+x/L8+fMYOHAg7t27Z9Q5W7dujUqVKqF37944deoU9u7di4kTJyr26d69OxwcHNC7d2+cOXMGu3btwrBhw9CzZ099mYOpfPXVV0hNTUWdOnWwYcMGnD9/HhEREfjuu+9w4cIFfSmBo6MjGjRogE8//RTnz5/Hnj17MGnSJMW5hgwZgocPH+Ltt9/GkSNHcOXKFWzfvh19+/ZFWloaDh06hJkzZ+Lo0aO4fv06Nm/ejKioKFStWhVXr17F+PHjERYWhn///Rd//vknLl26hKpVq+bqeVWpUgWtW7fGgAEDcPjwYZw4cQIDBgyAo6OjUQP2KCOLTnxfeBqzuDjZm3v2rLK9enU5ZVm60bRERETmZGNjg6FDh2L27NlISEjApEmTULt2bYSGhqJ58+YoUaIEOnToYNQ5rays8PPPP+Pp06eoV68e+vXrhxkzZij2cXJywvbt2/Hw4UPUrVsXb731Flq1aoUvv/zShM9OKl++PE6cOIHWrVtj/PjxCAoKQp06dfDFF19gzJgx+Pjjj/X7rlixAqmpqQgODsaIESPwySefKM5VqlQp7N+/H2lpaWjTpg0CAwMxYsQIuLu7w8rKCq6urvjnn3/wyiuvoFKlSpg0aRLmzp2Ll19+GU5OTrhw4QI6duyISpUqYcCAARgyZAgGDhyY6+e2Zs0aFC9eHE2bNsUbb7yB/v37w8XFBQ4ODrk+JwEakb7gxQLExcXBzc0NsbGx6N7dFb//LtvPnjVUKORIWBjQowcQGSmnJjt8WPb2EhFRgZSYmIirV6/Cz8+PyQXlOzdv3oSPjw927NiBVq1aqR2OSWT3mUufr7m+4MDP9Cx2cFtaGrB3r9z29ARyfDUiNRWYMQP4+GN5EgC4ehU4fRqoWzdPYiUiIiLL8vfffyM+Ph6BgYG4c+cOxo4dC19fXzTNsyVmLYPFJr7nzgGxsXI7x/W9kZGylzcszNAWEgJ8952JRsYRERERyVknJkyYgMjISLi4uCAkJATr1q3LMBsEGcdiE9/9+w3bz/3yJASwdi0wdCjw+LFss7YGpkwBJkwAbCz2ZSQiIqI8EBoaitDQULXDKHQsNmPTTWMGPCfxjYkBBg8GNmwwtPn7A+vWAVnMzUdERERE+Y/Fzuqg6/F1c5Nj07J0/jzw44+G2336ACdPMuklIiqkLGzMN5Fq1PisWWziGx0t/23cWFYtZCkkRM7J6+4ObNwIrFwJuLiYI0QiIjIjXe3kkydPVI6EyDLoVg20zjYRMy2LLXXQyVDmcPUqULasMhuePBkYODBna60TEVGBZG1tDXd3d9y/fx+AnI+WiwUQ5Q2tVouoqCg4OTnBxoxjpZj46hJfIYCvvwZGjgSmTgU+/NCwk60tk14iIgtQokQJANAnv0SUd6ysrFC2bFmzfsG02AUsgFg4ObkiJgawi40C+vUDtmyRO9nYyAUpatVSNVYiIlJHWloaUlJS1A6DqFCzs7ODlVXmVbdcwCIPNGwI2O3aLges3b1ruKNfP6ByZdXiIiIidVlbW5u17pCIzCNfDG5bvHgxfH194eDggPr16+Pw4cPZ7v/jjz+iSpUqcHBwQGBgILZu3Wr0Y9ohETMSRgBt2xqSXk9P2eu7ZAng5JSLZ0JERERE+ZXqie+GDRswatQoTJ06FcePH0dQUBBCQ0OzrK86cOAA3n77bbz77rs4ceIEOnTogA4dOuDMmTNGPe5uNEf9gwsNDW3bAuHhQLt2L/J0iIiIiCifUr3Gt379+qhbty6+/PJLAHKUn4+PD4YNG4Zx48Zl2L9Lly5ISEjA77//rm9r0KABatasiaVLlz738fQ1IwBcAcDeHpgzR67KxtG7RERERKorlDW+ycnJOHbsGMaPH///9u4/KKpy/wP4m13cXaRFI0NYRc0fkNcfGaBeMMc0CsyMsoKSUVRSb0A4cvvhVRPJFDOl1LHSTDGjUBt/TRAkFgVkNzXQRhBCIG0C7lVv4A8Q2P18//DLTitg7rosxL5fMzvOec7zPOdz9uPqh4dzzhrbFAoFAgMDceTIkVbHHDlyBHFxcSZtQUFB2L9/f6v9r127hmvXrhm3a2pqAAC1APC3vwEffnj9z+avIiYiIiKiDlVbWwvA+l9y0aGF7/nz56HX69G7d2+T9t69e+P06dOtjqmqqmq1f9Ufb077g8TERCQkJLRo9wSAwsLrd7gRERERUadz4cKF/38al3V0+ac6/Otf/zJZIf7999/Rv39/nD171qpvJHVOtbW18PT0xLlz56z6qxLqnJhv+8J82xfm277U1NSgX79+cHV1teq8HVr49urVC0qlEtXV1Sbt1dXVxoeI38jd3d2s/mq1Gmq1ukV7jx49+MGxIy4uLsy3HWG+7QvzbV+Yb/vS1nN+LZ7PqrOZSaVSwdfXF4cPHza2GQwGHD58GP5tXILg7+9v0h8ADh061GZ/IiIiIiKgE1zqEBcXh4iICPj5+WHMmDF45513cOXKFcyePRsAMHPmTPTp0weJiYkAgAULFmDChAlYt24dpkyZgtTUVBw7dgxbtmzpyNMgIiIiok6uwwvfsLAw/Pe//8WyZctQVVWFUaNGISMjw3gD29mzZ02WuQMCAvDJJ59g6dKlWLx4MYYMGYL9+/dj+PDht3Q8tVqN+Pj4Vi9/oK6H+bYvzLd9Yb7tC/NtX9or3x3+HF8iIiIiIlvo8G9uIyIiIiKyBRa+RERERGQXWPgSERERkV1g4UtEREREdqFLFr6bNm3CgAEDoNFoMHbsWPzwww837b9nzx7ce++90Gg0GDFiBNLT020UKVmDOfn+4IMPMH78eNx555248847ERgY+Kd/P6hzMffz3Sw1NRUODg544okn2jdAsipz8/37778jOjoaHh4eUKvV8PLy4r/pfyHm5vudd96Bt7c3nJyc4OnpiYULF6K+vt5G0dLt+PbbbzF16lTodDo4ODhg//79fzomOzsbPj4+UKvVGDx4MJKTk80/sHQxqampolKpZNu2bXLq1CmZO3eu9OzZU6qrq1vtn5eXJ0qlUtasWSOFhYWydOlS6datm/z00082jpwsYW6+p0+fLps2bZL8/HwpKiqSWbNmSY8ePeTXX3+1ceRkCXPz3ay8vFz69Okj48ePl5CQENsES7fN3Hxfu3ZN/Pz85NFHH5Xc3FwpLy+X7OxsKSgosHHkZAlz852SkiJqtVpSUlKkvLxcMjMzxcPDQxYuXGjjyMkS6enpsmTJEtm7d68AkH379t20f1lZmXTv3l3i4uKksLBQNm7cKEqlUjIyMsw6bpcrfMeMGSPR0dHGbb1eLzqdThITE1vtHxoaKlOmTDFpGzt2rMyfP79d4yTrMDffN2pqahKtVis7duxorxDJiizJd1NTkwQEBMjWrVslIiKChe9fiLn5fu+992TgwIHS0NBgqxDJiszNd3R0tEyaNMmkLS4uTsaNG9eucZL13Urh+8orr8iwYcNM2sLCwiQoKMisY3WpSx0aGhpw/PhxBAYGGtsUCgUCAwNx5MiRVsccOXLEpD8ABAUFtdmfOg9L8n2jq1evorGxEa6uru0VJlmJpfl+/fXX4ebmhsjISFuESVZiSb4PHjwIf39/REdHo3fv3hg+fDhWrVoFvV5vq7DJQpbkOyAgAMePHzdeDlFWVob09HQ8+uijNomZbMta9VqHf3ObNZ0/fx56vd74rW/NevfujdOnT7c6pqqqqtX+VVVV7RYnWYcl+b7Rq6++Cp1O1+LDRJ2PJfnOzc3Fhx9+iIKCAhtESNZkSb7Lysrw1VdfITw8HOnp6SgtLUVUVBQaGxsRHx9vi7DJQpbke/r06Th//jweeOABiAiamprwj3/8A4sXL7ZFyGRjbdVrtbW1qKurg5OT0y3N06VWfInMsXr1aqSmpmLfvn3QaDQdHQ5Z2aVLlzBjxgx88MEH6NWrV0eHQzZgMBjg5uaGLVu2wNfXF2FhYViyZAnef//9jg6N2kF2djZWrVqFd999Fz/++CP27t2LtLQ0rFixoqNDo06sS6349urVC0qlEtXV1Sbt1dXVcHd3b3WMu7u7Wf2p87Ak383Wrl2L1atXIysrCyNHjmzPMMlKzM33mTNnUFFRgalTpxrbDAYDAMDR0RHFxcUYNGhQ+wZNFrPk8+3h4YFu3bpBqVQa24YOHYqqqio0NDRApVK1a8xkOUvy/dprr2HGjBl4/vnnAQAjRozAlStXMG/ePCxZsgQKBdf2upK26jUXF5dbXu0FutiKr0qlgq+vLw4fPmxsMxgMOHz4MPz9/Vsd4+/vb9IfAA4dOtRmf+o8LMk3AKxZswYrVqxARkYG/Pz8bBEqWYG5+b733nvx008/oaCgwPh6/PHHMXHiRBQUFMDT09OW4ZOZLPl8jxs3DqWlpcYfcACgpKQEHh4eLHo7OUvyffXq1RbFbfMPPdfvl6KuxGr1mnn33XV+qampolarJTk5WQoLC2XevHnSs2dPqaqqEhGRGTNmyKJFi4z98/LyxNHRUdauXStFRUUSHx/Px5n9hZib79WrV4tKpZLPPvtMKisrja9Lly511CmQGczN9434VIe/FnPzffbsWdFqtRITEyPFxcXy+eefi5ubm7zxxhsddQpkBnPzHR8fL1qtVj799FMpKyuTL7/8UgYNGiShoaEddQpkhkuXLkl+fr7k5+cLAElKSpL8/Hz55ZdfRERk0aJFMmPGDGP/5seZvfzyy1JUVCSbNm3i48yabdy4Ufr16ycqlUrGjBkj33//vXHfhAkTJCIiwqT/7t27xcvLS1QqlQwbNkzS0tJsHDHdDnPy3b9/fwHQ4hUfH2/7wMki5n6+/4iF71+Pufn+7rvvZOzYsaJWq2XgwIGycuVKaWpqsnHUZClz8t3Y2CjLly+XQYMGiUajEU9PT4mKipL//e9/tg+czPb111+3+v9xc44jIiJkwoQJLcaMGjVKVCqVDBw4ULZv3272cR1E+PsAIiIiIur6utQ1vkREREREbWHhS0RERER2gYUvEREREdkFFr5EREREZBdY+BIRERGRXWDhS0RERER2gYUvEREREdkFFr5EREREZBdY+BIRAUhOTkbPnj07OgyLOTg4YP/+/TftM2vWLDzxxBM2iYeIqDNi4UtEXcasWbPg4ODQ4lVaWtrRoSE5OdkYj0KhQN++fTF79mz85z//scr8lZWVmDx5MgCgoqICDg4OKCgoMOmzfv16JCcnW+V4bVm+fLnxPJVKJTw9PTFv3jxcvHjRrHlYpBNRe3Ds6ACIiKwpODgY27dvN2m7++67OygaUy4uLiguLobBYMCJEycwe/Zs/Pbbb8jMzLztud3d3f+0T48ePW77OLdi2LBhyMrKgl6vR1FREebMmYOamhrs2rXLJscnImoLV3yJqEtRq9Vwd3c3eSmVSiQlJWHEiBFwdnaGp6cnoqKicPny5TbnOXHiBCZOnAitVgsXFxf4+vri2LFjxv25ubkYP348nJyc4OnpidjYWFy5cuWmsTk4OMDd3R06nQ6TJ09GbGwssrKyUFdXB4PBgNdffx19+/aFWq3GqFGjkJGRYRzb0NCAmJgYeHh4QKPRoH///khMTDSZu/lSh3vuuQcAcP/998PBwQEPPvggANNV1C1btkCn08FgMJjEGBISgjlz5hi3Dxw4AB8fH2g0GgwcOBAJCQloamq66Xk6OjrC3d0dffr0QWBgIJ555hkcOnTIuF+v1yMyMhL33HMPnJyc4O3tjfXr1xv3L1++HDt27MCBAweMq8fZ2dkAgHPnziE0NBQ9e/aEq6srQkJCUFFRcdN4iIiasfAlIrugUCiwYcMGnDp1Cjt27MBXX32FV155pc3+4eHh6Nu3L44ePYrjx49j0aJF6NatGwDgzJkzCA4OxlNPPYWTJ09i165dyM3NRUxMjFkxOTk5wWAwoKmpCevXr8e6deuwdu1anDx5EkFBQXj88cfx888/AwA2bNiAgwcPYvfu3SguLkZKSgoGDBjQ6rw//PADACArKwuVlZXYu3dviz7PPPMMLly4gK+//trYdvHiRWRkZCA8PBwAkJOTg5kzZ2LBggUoLCzE5s2bkZycjJUrV97yOVZUVCAzMxMqlcrYZjAY0LdvX+zZsweFhYVYtmwZFi9ejN27dwMAXnrpJYSGhiI4OBiVlZWorKxEQEAAGhsbERQUBK1Wi5ycHOTl5eGOO+5AcHAwGhoabjkmIrJjQkTURURERIhSqRRnZ2fj6+mnn2617549e+Suu+4ybm/fvl169Ohh3NZqtZKcnNzq2MjISJk3b55JW05OjigUCqmrq2t1zI3zl5SUiJeXl/j5+YmIiE6nk5UrV5qMGT16tERFRYmIyIsvviiTJk0Sg8HQ6vwAZN++fSIiUl5eLgAkPz/fpE9ERISEhIQYt0NCQmTOnDnG7c2bN4tOpxO9Xi8iIg899JCsWrXKZI6dO3eKh4dHqzGIiMTHx4tCoRBnZ2fRaDQCQABIUlJSm2NERKKjo+Wpp55qM9bmY3t7e5u8B9euXRMnJyfJzMy86fxERCIivMaXiLqUiRMn4r333jNuOzs7A7i++pmYmIjTp0+jtrYWTU1NqK+vx9WrV9G9e/cW88TFxeH555/Hzp07jb+uHzRoEIDrl0GcPHkSKSkpxv4iAoPBgPLycgwdOrTV2GpqanDHHXfAYDCgvr4eDzzwALZu3Yra2lr89ttvGDdunEn/cePG4cSJEwCuX6bw8MMPw9vbG8HBwXjsscfwyCOP3NZ7FR4ejrlz5+Ldd9+FWq1GSkoKnn32WSgUCuN55uXlmazw6vX6m75vAODt7Y2DBw+ivr4eH3/8MQoKCvDiiy+a9Nm0aRO2bduGs2fPoq6uDg0NDRg1atRN4z1x4gRKS0uh1WpN2uvr63HmzBkL3gEisjcsfImoS3F2dsbgwYNN2ioqKvDYY4/hhRdewMqVK+Hq6orc3FxERkaioaGh1QJu+fLlmD59OtLS0vDFF18gPj4eqampePLJJ3H58mXMnz8fsbGxLcb169evzdi0Wi1+/PFHKBQKeHh4wMnJCQBQW1v7p+fl4+OD8vJyfPHFF8jKykJoaCgCAwPx2Wef/enYtkydOhUigrS0NIwePRo5OTl4++23jfsvX76MhIQETJs2rcVYjUbT5rwqlcqYg9WrV2PKlClISEjAihUrAACpqal46aWXsG7dOvj7+0Or1eKtt97Cv//975vGe/nyZfj6+pr8wNGss9zASESdGwtfIuryjh8/DoPBgHXr1hlXM5uvJ70ZLy8veHl5YeHChXjuueewfft2PPnkk/Dx8UFhYWGLAvvPKBSKVse4uLhAp9MhLy8PEyZMMLbn5eVhzJgxJv3CwsIQFhaGp59+GsHBwbh48SJcXV1N5mu+nlav1980Ho1Gg2nTpiElJQWlpaXw9vaGj4+Pcb+Pjw+Ki4vNPs8bLV26FJMmTcILL7xgPM+AgABERUUZ+9y4YqtSqVrE7+Pjg127dsHNzQ0uLi63FRMR2Sfe3EZEXd7gwYPR2NiIjRs3oqysDDt37sT777/fZv+6ujrExMQgOzsbv/zyC/Ly8nD06FHjJQyvvvoqvvvuO8TExKCgoAA///wzDhw4YPbNbX/08ssv480338SuXbtQXFyMRYsWoaCgAAsWLAAAJCUl4dNPP8Xp06dRUlKCPXv2wN3dvdUv3XBzc4OTkxMyMjJQXV2NmpqaNo8bHh6OtLQ0bNu2zXhTW7Nly5bho48+QkJCAk6dOoWioiKkpqZi6dKlZp2bv78/Ro4ciVWrVgEAhgwZgmPHjiEzMxMlJSV47bXXcPToUZMxAwYMwMmTJ1FcXIzz58+jsbER4eHh6NWrF0JCQpCTk4Py8nJkZ2cjNjYWv/76q1kxEZF9YuFLRF3efffdh6SkJLz55psYPnw4UlJSTB4FdiOlUokLFy5g5syZ8PLyQmhoKCZPnoyEhAQAwMiRI/HNN9+gpKQE48ePx/33349ly5ZBp9NZHGNsbCzi4uLwz3/+EyNGjEBGRgYOHjyIIUOGALh+mcSaNWvg5+eH0aNHo6KiAunp6cYV7D9ydHTEhg0bsHnzZuh0OoSEhLR53EmTJsHV1RXFxcWYPn26yb6goCB8/vnn+PLLLzF69Gj8/e9/x9tvv43+/fubfX4LFy7E1q1bce7cOcyfPx/Tpk1DWFgYxo4diwsXLpis/gLA3Llz4e3tDT8/P9x9993Iy8tD9+7d8e2336Jfv36YNm0ahg4disjISNTX13MFmIhuiYOISEcHQURERETU3rjiS0RERER2gYUvEREREdkFFr5EREREZBdY+BIRERGRXWDhS0RERER2gYUvEREREdkFFr5EREREZBdY+BIRERGRXWDhS0RERER2gYUvEREREdkFFr5EREREZBf+D1eZbkcNrpejAAAAAElFTkSuQmCC", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "plot_roc_curve(y_test, y_pred)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "#### Standardized data" + ] + }, + { + "cell_type": "code", + "execution_count": 19, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Time taken for GridSearchCV: 2166.29 seconds\n", + "Best Hyperparameters:\n", + "{'dt__max_depth': 10, 'dt__min_samples_split': 2, 'xgb__learning_rate': 0.2, 'xgb__max_depth': 3, 'xgb__n_estimators': 100}\n", + "\n", + "Time taken for training with best hyperparameters: 14.56 seconds\n", + "\n", + "Mean Accuracy: 0.81591459197787\n", + "Standard Deviation of Accuracy: 0.030349300788210683\n", + "Mean Precision: 0.7568530963284796\n", + "Standard Deviation of Precision: 0.0505783644964972\n", + "Mean Recall: 0.6837790185130767\n", + "Standard Deviation of Recall: 0.0555930314207229\n", + "Mean F1-score: 0.7174435978837421\n", + "Standard Deviation of F1-score: 0.04666704783684153\n", + "Mean ROC AUC: 0.7842663535683984\n", + "Standard Deviation of ROC AUC: 0.034526039966267436\n", + "\n", + "Total time taken: 2180.86 seconds\n" + ] + } + ], + "source": [ + "from xgboost import XGBClassifier\n", + "from sklearn.ensemble import StackingClassifier\n", + "from sklearn.tree import DecisionTreeClassifier\n", + "from sklearn.linear_model import LogisticRegression\n", + "from sklearn.model_selection import StratifiedKFold, GridSearchCV\n", + "from sklearn.metrics import accuracy_score, precision_score, recall_score, f1_score, roc_auc_score, confusion_matrix\n", + "import numpy as np\n", + "import time\n", + "\n", + "start_total_time = time.time()\n", + "\n", + "kf = StratifiedKFold(n_splits=10, shuffle=True, random_state=42)\n", + "\n", + "base_models = [\n", + " ('xgb', XGBClassifier(random_state=42, use_label_encoder=False, eval_metric='logloss')),\n", + " ('dt', DecisionTreeClassifier(random_state=42))\n", + "]\n", + "\n", + "meta_model = LogisticRegression()\n", + "\n", + "stacking_model = StackingClassifier(estimators=base_models, final_estimator=meta_model, passthrough=True, cv=kf)\n", + "\n", + "param_grid = {\n", + " 'xgb__n_estimators': [10, 50, 100],\n", + " 'xgb__learning_rate': [0.01, 0.1, 0.2],\n", + " 'xgb__max_depth': [3, 4, 5],\n", + " 'dt__max_depth': [None, 10, 20],\n", + " 'dt__min_samples_split': [2, 5, 10]\n", + "}\n", + "\n", + "grid_search = GridSearchCV(estimator=stacking_model, param_grid=param_grid, cv=kf, scoring='accuracy')\n", + "\n", + "start_time = time.time()\n", + "\n", + "grid_search.fit(standard(x), y)\n", + "\n", + "grid_search_time = time.time() - start_time\n", + "print(f\"Time taken for GridSearchCV: {grid_search_time:.2f} seconds\")\n", + "\n", + "best_params = grid_search.best_params_\n", + "\n", + "print(\"Best Hyperparameters:\")\n", + "print(best_params)\n", + "print()\n", + "\n", + "best_model = grid_search.best_estimator_\n", + "\n", + "start_time = time.time()\n", + "\n", + "accuracy_scores = []\n", + "precision_scores = []\n", + "recall_scores = []\n", + "f1_scores = []\n", + "roc_auc_scores = []\n", + "confusion_matrices = []\n", + "\n", + "for train_index, test_index in kf.split(standard(x), y):\n", + " X_train, X_test = x.iloc[train_index], x.iloc[test_index]\n", + " y_train, y_test = y.iloc[train_index], y.iloc[test_index]\n", + "\n", + " best_model.fit(X_train, y_train)\n", + "\n", + " y_pred = best_model.predict(X_test)\n", + "\n", + " accuracy = accuracy_score(y_test, y_pred)\n", + " accuracy_scores.append(accuracy)\n", + " \n", + " precision = precision_score(y_test, y_pred)\n", + " precision_scores.append(precision)\n", + " \n", + " recall = recall_score(y_test, y_pred)\n", + " recall_scores.append(recall)\n", + " \n", + " f1 = f1_score(y_test, y_pred)\n", + " f1_scores.append(f1)\n", + " \n", + " roc_auc = roc_auc_score(y_test, y_pred)\n", + " roc_auc_scores.append(roc_auc)\n", + " \n", + " confusion = confusion_matrix(y_test, y_pred)\n", + " confusion_matrices.append(confusion)\n", + "\n", + "training_time = time.time() - start_time\n", + "print(f\"Time taken for training with best hyperparameters: {training_time:.2f} seconds\")\n", + "print()\n", + "\n", + "mean_accuracy = np.mean(accuracy_scores)\n", + "std_accuracy = np.std(accuracy_scores)\n", + "\n", + "mean_precision = np.mean(precision_scores)\n", + "std_precision = np.std(precision_scores)\n", + "\n", + "mean_recall = np.mean(recall_scores)\n", + "std_recall = np.std(recall_scores)\n", + "\n", + "mean_f1 = np.mean(f1_scores)\n", + "std_f1 = np.std(f1_scores)\n", + "\n", + "mean_roc_auc = np.mean(roc_auc_scores)\n", + "std_roc_auc = np.std(roc_auc_scores)\n", + "\n", + "print(f\"Mean Accuracy: {mean_accuracy}\")\n", + "print(f\"Standard Deviation of Accuracy: {std_accuracy}\")\n", + "\n", + "print(f\"Mean Precision: {mean_precision}\")\n", + "print(f\"Standard Deviation of Precision: {std_precision}\")\n", + "\n", + "print(f\"Mean Recall: {mean_recall}\")\n", + "print(f\"Standard Deviation of Recall: {std_recall}\")\n", + "\n", + "print(f\"Mean F1-score: {mean_f1}\")\n", + "print(f\"Standard Deviation of F1-score: {std_f1}\")\n", + "\n", + "print(f\"Mean ROC AUC: {mean_roc_auc}\")\n", + "print(f\"Standard Deviation of ROC AUC: {std_roc_auc}\")\n", + "print()\n", + "\n", + "total_time = time.time() - start_total_time\n", + "print(f\"Total time taken: {total_time:.2f} seconds\")" + ] + }, + { + "cell_type": "code", + "execution_count": 20, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "x_train: (1800, 13)\n", + "y_train: (1800,)\n", + "x_test: (601, 13)\n", + "y_test: (601,)\n" + ] + } + ], + "source": [ + "from sklearn.model_selection import train_test_split\n", + "\n", + "x_train, x_test, y_train, y_test = train_test_split(x,y,test_size=0.25,random_state=42)\n", + "\n", + "print(\"x_train:\",x_train.shape)\n", + "print(\"y_train:\",y_train.shape)\n", + "print(\"x_test:\",x_test.shape)\n", + "print(\"y_test:\",y_test.shape)" + ] + }, + { + "cell_type": "code", + "execution_count": 21, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Accuracy: 0.8219633943427621\n", + "Precision: 0.7487179487179487\n", + "Recall: 0.7156862745098039\n", + "F1 Score: 0.731829573934837\n", + "ROC AUC Score: 0.7961302909072949\n", + "Confusion Matrix:\n", + "[[348 49]\n", + " [ 58 146]]\n" + ] + } + ], + "source": [ + "model = grid_search.best_estimator_\n", + "\n", + "model.fit(x_train, y_train)\n", + "\n", + "y_pred = model.predict(x_test)\n", + "\n", + "y_pred = (y_pred >= 0.5).astype(int)\n", + "\n", + "print(\"Accuracy:\", accuracy_score(y_test, y_pred))\n", + "print(\"Precision:\", precision_score(y_test, y_pred))\n", + "print(\"Recall:\", recall_score(y_test, y_pred))\n", + "print(\"F1 Score:\", f1_score(y_test, y_pred))\n", + "print(\"ROC AUC Score:\", roc_auc_score(y_test, y_pred))\n", + "print(\"Confusion Matrix:\")\n", + "print(confusion_matrix(y_test, y_pred))" + ] + }, + { + "cell_type": "code", + "execution_count": 22, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAokAAAIjCAYAAABvUIGpAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8pXeV/AAAACXBIWXMAAA9hAAAPYQGoP6dpAABFR0lEQVR4nO3de5yN5f7/8feaGbOMMQcT5lCM82FyTG1NzplmHBLRlhJDDjsNlUGaXc7VtCmKQrXbSHTeFKWa2KhtcgpJyKAQM0QGI2PM3L8/+lnfvVxoFrNmzViv537cj0frvu9135+1turT+7rua9ksy7IEAAAA/A8fTxcAAACAkocmEQAAAAaaRAAAABhoEgEAAGCgSQQAAICBJhEAAAAGmkQAAAAYaBIBAABgoEkEAACAgSYRwGXt2rVL8fHxCgkJkc1m0+LFi4v0+j/99JNsNpvmzp1bpNctzdq2bau2bdt6ugwAXo4mESgFdu/erb/97W+qUaOGypYtq+DgYLVo0UIvvfSSfv/9d7feOzExUVu3btUzzzyj+fPn6+abb3br/YpTv379ZLPZFBwcfNHvcdeuXbLZbLLZbHr++eddvv7Bgwc1fvx4bd68uQiqBYDi5efpAgBc3ieffKK//vWvstvt6tu3rxo0aKCzZ8/q66+/1qhRo7Rt2za99tprbrn377//rvT0dD355JMaOnSoW+4RHR2t33//XWXKlHHL9f+Mn5+fTp8+rSVLlqhnz55OxxYsWKCyZcvqzJkzV3TtgwcPasKECapWrZqaNGlS6Pd98cUXV3Q/AChKNIlACbZ371716tVL0dHRWrFihSIjIx3HkpKSlJGRoU8++cRt9z9y5IgkKTQ01G33sNlsKlu2rNuu/2fsdrtatGiht99+22gSFy5cqM6dO+vDDz8sllpOnz6tcuXKyd/fv1juBwCXw3AzUIJNnjxZp06d0htvvOHUIJ5Xq1YtPfroo47X586d06RJk1SzZk3Z7XZVq1ZNf//735Wbm+v0vmrVqunOO+/U119/rb/85S8qW7asatSooTfffNNxzvjx4xUdHS1JGjVqlGw2m6pVqybpj2Ha83/9v8aPHy+bzea0Ly0tTS1btlRoaKjKly+vunXr6u9//7vj+KXmJK5YsUKtWrVSYGCgQkND1bVrV23fvv2i98vIyFC/fv0UGhqqkJAQ9e/fX6dPn770F3uB+++/X8uWLdPx48cd+9avX69du3bp/vvvN84/duyYRo4cqYYNG6p8+fIKDg5Wx44dtWXLFsc5K1eu1C233CJJ6t+/v2PY+vznbNu2rRo0aKCNGzeqdevWKleunON7uXBOYmJiosqWLWt8/oSEBFWoUEEHDx4s9GcFgMKiSQRKsCVLlqhGjRq67bbbCnX+wIEDNXbsWN10002aNm2a2rRpo9TUVPXq1cs4NyMjQ/fcc4/uuOMOvfDCC6pQoYL69eunbdu2SZK6d++uadOmSZLuu+8+zZ8/Xy+++KJL9W/btk133nmncnNzNXHiRL3wwgu666679N///vey7/vyyy+VkJCgw4cPa/z48UpOTtaaNWvUokUL/fTTT8b5PXv21MmTJ5WamqqePXtq7ty5mjBhQqHr7N69u2w2m/7973879i1cuFD16tXTTTfdZJy/Z88eLV68WHfeeaemTp2qUaNGaevWrWrTpo2jYatfv74mTpwoSRo8eLDmz5+v+fPnq3Xr1o7rHD16VB07dlSTJk304osvql27dhet76WXXlKlSpWUmJio/Px8SdKrr76qL774QjNmzFBUVFShPysAFJoFoETKzs62JFldu3Yt1PmbN2+2JFkDBw502j9y5EhLkrVixQrHvujoaEuStXr1ase+w4cPW3a73RoxYoRj3969ey1J1pQpU5yumZiYaEVHRxs1jBs3zvrff6xMmzbNkmQdOXLkknWfv8ecOXMc+5o0aWJVrlzZOnr0qGPfli1bLB8fH6tv377G/R588EGna959993Wddddd8l7/u/nCAwMtCzLsu655x6rffv2lmVZVn5+vhUREWFNmDDhot/BmTNnrPz8fONz2O12a+LEiY5969evNz7beW3atLEkWbNnz77osTZt2jjt+/zzzy1J1tNPP23t2bPHKl++vNWtW7c//YwAcKVIEoES6sSJE5KkoKCgQp3/6aefSpKSk5Od9o8YMUKSjLmLMTExatWqleN1pUqVVLduXe3Zs+eKa77Q+bmMH330kQoKCgr1nkOHDmnz5s3q16+fwsLCHPsbNWqkO+64w/E5/9dDDz3k9LpVq1Y6evSo4zssjPvvv18rV65UZmamVqxYoczMzIsONUt/zGP08fnjH5/5+fk6evSoYyj922+/LfQ97Xa7+vfvX6hz4+Pj9be//U0TJ05U9+7dVbZsWb366quFvhcAuIomESihgoODJUknT54s1Pk///yzfHx8VKtWLaf9ERERCg0N1c8//+y0v2rVqsY1KlSooN9+++0KKzbde++9atGihQYOHKjw8HD16tVL77333mUbxvN11q1b1zhWv359/frrr8rJyXHaf+FnqVChgiS59Fk6deqkoKAgvfvuu1qwYIFuueUW47s8r6CgQNOmTVPt2rVlt9tVsWJFVapUSd99952ys7MLfc/rr7/epYdUnn/+eYWFhWnz5s2aPn26KleuXOj3AoCraBKBEio4OFhRUVH6/vvvXXrfhQ+OXIqvr+9F91uWdcX3OD9f7ryAgACtXr1aX375pfr06aPvvvtO9957r+644w7j3KtxNZ/lPLvdru7du2vevHlatGjRJVNESXr22WeVnJys1q1b66233tLnn3+utLQ03XjjjYVOTKU/vh9XbNq0SYcPH5Ykbd261aX3AoCraBKBEuzOO+/U7t27lZ6e/qfnRkdHq6CgQLt27XLan5WVpePHjzueVC4KFSpUcHoS+LwL00pJ8vHxUfv27TV16lT98MMPeuaZZ7RixQr95z//uei1z9e5c+dO49iOHTtUsWJFBQYGXt0HuIT7779fmzZt0smTJy/6sM95H3zwgdq1a6c33nhDvXr1Unx8vOLi4ozvpLANe2Hk5OSof//+iomJ0eDBgzV58mStX7++yK4PABeiSQRKsMcff1yBgYEaOHCgsrKyjOO7d+/WSy+9JOmP4VJJxhPIU6dOlSR17ty5yOqqWbOmsrOz9d133zn2HTp0SIsWLXI679ixY8Z7zy8qfeGyPOdFRkaqSZMmmjdvnlPT9f333+uLL75wfE53aNeunSZNmqSXX35ZERERlzzP19fXSCnff/99/fLLL077zjezF2uoXTV69Gjt27dP8+bN09SpU1WtWjUlJiZe8nsEgKvFYtpACVazZk0tXLhQ9957r+rXr+/0iytr1qzR+++/r379+kmSGjdurMTERL322ms6fvy42rRpo3Xr1mnevHnq1q3bJZdXuRK9evXS6NGjdffdd+uRRx7R6dOnNWvWLNWpU8fpwY2JEydq9erV6ty5s6Kjo3X48GHNnDlTN9xwg1q2bHnJ60+ZMkUdO3ZUbGysBgwYoN9//10zZsxQSEiIxo8fX2Sf40I+Pj566qmn/vS8O++8UxMnTlT//v112223aevWrVqwYIFq1KjhdF7NmjUVGhqq2bNnKygoSIGBgWrevLmqV6/uUl0rVqzQzJkzNW7cOMeSPHPmzFHbtm01ZswYTZ482aXrAUChePjpagCF8OOPP1qDBg2yqlWrZvn7+1tBQUFWixYtrBkzZlhnzpxxnJeXl2dNmDDBql69ulWmTBmrSpUqVkpKitM5lvXHEjidO3c27nPh0iuXWgLHsizriy++sBo0aGD5+/tbdevWtd566y1jCZzly5dbXbt2taKioix/f38rKirKuu+++6wff/zRuMeFy8R8+eWXVosWLayAgAArODjY6tKli/XDDz84nXP+fhcusTNnzhxLkrV3795LfqeW5bwEzqVcagmcESNGWJGRkVZAQIDVokULKz09/aJL13z00UdWTEyM5efn5/Q527RpY914440Xvef/XufEiRNWdHS0ddNNN1l5eXlO5w0fPtzy8fGx0tPTL/sZAOBK2CzLhZndAAAA8ArMSQQAAICBJhEAAAAGmkQAAAAYaBIBAABgoEkEAACAgSYRAAAABppEAAAAGK7JX1wJaDrU0yUAcJPf1r/s6RIAuElZD3Yl7uwdft9UOv+5RZIIAAAAwzWZJAIAALjERm52IZpEAAAAm83TFZQ4tM0AAAAwkCQCAAAw3GzgGwEAAICBJBEAAIA5iQaSRAAAABhIEgEAAJiTaOAbAQAAgIEkEQAAgDmJBppEAAAAhpsNfCMAAAAwkCQCAAAw3GwgSQQAAICBJBEAAIA5iQa+EQAAABhIEgEAAJiTaCBJBAAAgIEkEQAAgDmJBppEAAAAhpsNtM0AAAAwkCQCAAAw3GzgGwEAAICBJBEAAIAk0cA3AgAAAANJIgAAgA9PN1+IJBEAAAAGkkQAAADmJBpoEgEAAFhM20DbDAAAAANJIgAAAMPNBr4RAAAAGEgSAQAAmJNoIEkEAACAgSQRAACAOYkGvhEAAAAYSBIBAACYk2igSQQAAGC42cA3AgAAAANJIgAAAMPNBpJEAAAAGEgSAQAAmJNo4BsBAACAgSQRAACAOYkGkkQAAAAYSBIBAACYk2igSQQAAKBJNPCNAAAAwECSCAAAwIMrBpJEAAAAGEgSAQAAmJNo4BsBAACAgSQRAACAOYkGkkQAAAAYSBIBAACYk2igSQQAAGC42UDbDAAAAANJIgAA8Ho2kkQDSSIAAAAMJIkAAMDrkSSaSBIBAABgIEkEAAAgSDSQJAIAAMBAkggAALwecxJNNIkAAMDr0SSaGG4GAACAgSQRAAB4PZJEE0kiAAAADDSJAADA69lsNrdtrpg1a5YaNWqk4OBgBQcHKzY2VsuWLXMcP3PmjJKSknTdddepfPny6tGjh7KyspyusW/fPnXu3FnlypVT5cqVNWrUKJ07d87l74QmEQAAoIS44YYb9Nxzz2njxo3asGGDbr/9dnXt2lXbtm2TJA0fPlxLlizR+++/r1WrVungwYPq3r274/35+fnq3Lmzzp49qzVr1mjevHmaO3euxo4d63ItNsuyrCL7ZCVEQNOhni4BgJv8tv5lT5cAwE3KevBJiZD757vt2tkL+1zV+8PCwjRlyhTdc889qlSpkhYuXKh77rlHkrRjxw7Vr19f6enpuvXWW7Vs2TLdeeedOnjwoMLDwyVJs2fP1ujRo3XkyBH5+/sX+r4kiQAAAG6Um5urEydOOG25ubl/+r78/Hy98847ysnJUWxsrDZu3Ki8vDzFxcU5zqlXr56qVq2q9PR0SVJ6eroaNmzoaBAlKSEhQSdOnHCkkYVFkwgAALyeO+ckpqamKiQkxGlLTU29ZC1bt25V+fLlZbfb9dBDD2nRokWKiYlRZmam/P39FRoa6nR+eHi4MjMzJUmZmZlODeL54+ePuYIlcAAAANwoJSVFycnJTvvsdvslz69bt642b96s7OxsffDBB0pMTNSqVavcXaaBJhEAAHg9d66TaLfbL9sUXsjf31+1atWSJDVr1kzr16/XSy+9pHvvvVdnz57V8ePHndLErKwsRURESJIiIiK0bt06p+udf/r5/DmFxXAzAADweiVlCZyLKSgoUG5urpo1a6YyZcpo+fLljmM7d+7Uvn37FBsbK0mKjY3V1q1bdfjwYcc5aWlpCg4OVkxMjEv3JUkEAAAoIVJSUtSxY0dVrVpVJ0+e1MKFC7Vy5Up9/vnnCgkJ0YABA5ScnKywsDAFBwdr2LBhio2N1a233ipJio+PV0xMjPr06aPJkycrMzNTTz31lJKSklxKMyWaRAAAgBLzs3yHDx9W3759dejQIYWEhKhRo0b6/PPPdccdd0iSpk2bJh8fH/Xo0UO5ublKSEjQzJkzHe/39fXV0qVLNWTIEMXGxiowMFCJiYmaOHGiy7WwTiKAUoV1EoFrlyfXSbyu79tuu/bRN+9z27XdiSQRAACgZASJJQoPrgAAAMBAkggAALxeSZmTWJKQJAIAAMBAkggAALweSaKJJhEAAHg9mkQTw80AAAAwkCQCAAAQJBpIEgEAAGAgSQQAAF6POYkmkkQAAAAYSBIBAIDXI0k0kSQCAADAQJIIAAC8HkmiiSYRAAB4PZpEE8PNAAAAMJAkAgAAECQaSBIBAABgIEkEAABejzmJJpJEAAAAGEgSAQCA1yNJNJEkAgAAwECSCAAAvB5JookmEQAAgB7RwHAzAAAADCSJAADA6zHcbCJJBAAAgIEkEQAAeD2SRBNJIgAAAAw0iShxBv21pda9m6Ksr6Yo66spWjlvhOJbxFz03MUvD9Hvm15Wl7aNnPY3i6mqT2cP06HVk3Vw1WR9/EqSGta5vjjKB3AV3nj9NTW+sa4mpz7j2Ld/3z499kiS2ra8Vbf95SaNSn5UR3/91YNV4lpks9nctpVWNIkocX7JOq4xMz7Sbb0nq0XvKVq57ke9P22w6teIcDpvWO92sizz/YEB/vrolSTtz/xNrfs8r/b9p+rU6TP6+JUk+fnxRx4oqb7f+p0+eP8d1alT17Hv9OnTemjwg7LZbHr9X/M07623lZeXp2FJD6mgoMCD1QLXPv6NiRLn09Xf6/Ovf9DufUeUse+wxr+yRKdO5+ovjao7zmlU53o92ud2PTT+LeP9datH6LrQQE2atVS7fj6s7Xsy9cyryxRRMVhVI8OK86MAKKTTOTlKGT1K4yY8reCQEMf+zZu+1cFfftGkZ55T7Tp1VbtOXU169h/6Ydv3Wrf2Gw9WjGsNSaLJo03ir7/+qsmTJ+vuu+9WbGysYmNjdffdd2vKlCk6cuSIJ0tDCeHjY9NfE5opMMBfa7/bK0kKKFtGc1P76bHn3lPW0ZPGe378KUu//nZKid1uUxk/X5W1l1G/brHavueQfj54rLg/AoBCePbpiWrduo1ujb3Naf/Zs2dls9nk7+/v2Ge32+Xj46NN324s7jJxLbO5cSulPPZ08/r165WQkKBy5copLi5OderUkSRlZWVp+vTpeu655/T555/r5ptvvux1cnNzlZub67TPKsiXzcfXbbXD/W6sFaWV80aorL+fTv2eq3tHvK4dezIlSZNH9NA3W/Zq6cqtF33vqdO5Shj0kt6bOlgpgzpIkjL2HdZdSa8oP5/hKaCkWfbpJ9q+/QctfPcD41ijxk0UEBCgF1+YomGPJcuyLL007QXl5+cTJgBu5rEmcdiwYfrrX/+q2bNnG1GsZVl66KGHNGzYMKWnp1/2OqmpqZowYYLTPt/wW1Qm8i9FXjOKz48/Zal5r1SFlA/Q3XFN9frEPoof+JJqVqmktn+po1t7PXfJ95a1l9Hscb2VvmWPElPmyNfXR4/1ba9/Tx+ilg9M0ZncvGL8JAAuJ/PQIU1+7hm9+vq/ZLfbjeNhYWGaMvUlPTNpvBYumC8fHx916NRZ9WNulI9PKY5oUOKU5mFhd7FZ1sWm/rtfQECANm3apHr16l30+I4dO9S0aVP9/vvvl73OxZLEyq1GkyReYz6ZPVR79v+qM7l5evi+Nioo+L8/tn5+vsrPL9B/N+1WwqCXlNgtVhOGdlH1O57U+T/eZfx8dWj1ZA2ZsFDvf84QVWn22/qXPV0CitCK5V9q+CNJ8vX9v39m5+fny2azycfHR+s3bXUc++23Y/L19VNwcLBub91Cffv1V78HB3qqdLhBWQ+u3lwj+VO3XXvP1E5uu7Y7eez/joiICK1bt+6STeK6desUHh7+p9ex2+3Gf33SIF57fGw22f399PTsTzRn0RqnYxs/eFKPv/ChPln1vSSpXFl/FRRY+t///imwLFnWH9cBUHI0v/VWfbB4idO+cU+mqFqNGuo/YJBT81ihwh8Pnq39Jl3Hjh1V23a3F2utuLaRJJo81iSOHDlSgwcP1saNG9W+fXtHQ5iVlaXly5fr9ddf1/PPP++p8uBBE4fdpc//u037D/2moMCyurfjzWp9c211eXimso6evOjDKvsP/aafDx6VJC3/ZoeefaybXkzpqVnvrJKPzaaR/eN1Lj9fqzb8WNwfB8BlBAaWV+3adZz2BZQrp9CQUMf+xYs+VI0aNVWhQpi2bNmkyanP6oG+/VSteg1PlAx4DY81iUlJSapYsaKmTZummTNnKj8/X5Lk6+urZs2aae7cuerZs6enyoMHVQorrzcm9VVExWBlnzqj73f9oi4Pz9SKtTsK9f4ff8pSj0df1ZN/66iV80aooMDSlh0H1DVppjJ/PeHm6gEUtZ/27tX0aVOVnZ2tqOuv18DBD6lPYj9Pl4VrDEGiyWNzEv9XXl6efv3/q+dXrFhRZcqUuarrBTQdWhRlASiBmJMIXLs8OSex1shlbrt2xvMd3XZtd/Lg/x3/p0yZMoqMjPR0GQAAwEsxJ9FUIppEAAAAT6JHNPGzfAAAADCQJAIAAK/HcLOJJBEAAAAGkkQAAOD1CBJNJIkAAAAwkCQCAACv5+NDlHghkkQAAAAYSBIBAIDXY06iiSYRAAB4PZbAMTHcDAAAAANJIgAA8HoEiSaSRAAAABhIEgEAgNdjTqKJJBEAAAAGkkQAAOD1SBJNJIkAAAAwkCQCAACvR5BookkEAABej+FmE8PNAAAAMJAkAgAAr0eQaCJJBAAAgIEkEQAAeD3mJJpIEgEAAGAgSQQAAF6PINFEkggAAFBCpKam6pZbblFQUJAqV66sbt26aefOnU7ntG3bVjabzWl76KGHnM7Zt2+fOnfurHLlyqly5coaNWqUzp0751ItJIkAAMDrlZQ5iatWrVJSUpJuueUWnTt3Tn//+98VHx+vH374QYGBgY7zBg0apIkTJzpelytXzvHX+fn56ty5syIiIrRmzRodOnRIffv2VZkyZfTss88WuhaaRAAAgBLis88+c3o9d+5cVa5cWRs3blTr1q0d+8uVK6eIiIiLXuOLL77QDz/8oC+//FLh4eFq0qSJJk2apNGjR2v8+PHy9/cvVC0MNwMAAK9ns7lvy83N1YkTJ5y23NzcQtWVnZ0tSQoLC3Pav2DBAlWsWFENGjRQSkqKTp8+7TiWnp6uhg0bKjw83LEvISFBJ06c0LZt2wr9ndAkAgAAr3fhHL+i3FJTUxUSEuK0paam/mlNBQUFeuyxx9SiRQs1aNDAsf/+++/XW2+9pf/85z9KSUnR/Pnz9cADDziOZ2ZmOjWIkhyvMzMzC/2dMNwMAADgRikpKUpOTnbaZ7fb//R9SUlJ+v777/X111877R88eLDjrxs2bKjIyEi1b99eu3fvVs2aNYumaNEkAgAAuHUJHLvdXqim8H8NHTpUS5cu1erVq3XDDTdc9tzmzZtLkjIyMlSzZk1FRERo3bp1TudkZWVJ0iXnMV4Mw80AAAAlhGVZGjp0qBYtWqQVK1aoevXqf/qezZs3S5IiIyMlSbGxsdq6dasOHz7sOCctLU3BwcGKiYkpdC0kiQAAwOuVlCVwkpKStHDhQn300UcKCgpyzCEMCQlRQECAdu/erYULF6pTp0667rrr9N1332n48OFq3bq1GjVqJEmKj49XTEyM+vTpo8mTJyszM1NPPfWUkpKSXEo0SRIBAABKiFmzZik7O1tt27ZVZGSkY3v33XclSf7+/vryyy8VHx+vevXqacSIEerRo4eWLFniuIavr6+WLl0qX19fxcbG6oEHHlDfvn2d1lUsDJJEAADg9UpIkCjLsi57vEqVKlq1atWfXic6OlqffvrpVdVCkggAAAADSSIAAPB6JWVOYklCkwgAALwePaKJ4WYAAAAYSBIBAIDXY7jZRJIIAAAAA0kiAADweiSJJpJEAAAAGEgSAQCA1yNINJEkAgAAwECSCAAAvB5zEk00iQAAwOvRI5oYbgYAAICBJBEAAHg9hptNJIkAAAAwkCQCAACvR5BoIkkEAACAgSQRAAB4PR+iRANJIgAAAAwkiQAAwOsRJJpoEgEAgNdjCRwTw80AAAAwkCQCAACv50OQaCBJBAAAgIEkEQAAeD3mJJpIEgEAAGAgSQQAAF6PINFEkggAAAADSSIAAPB6NhElXogmEQAAeD2WwDEx3AwAAAADSSIAAPB6LIFjIkkEAACAgSQRAAB4PYJEE0kiAAAADCSJAADA6/kQJRpIEgEAAGAokibx+PHjRXEZAAAAj7DZ3LeVVi43if/4xz/07rvvOl737NlT1113na6//npt2bKlSIsDAAAoDjabzW1baeVykzh79mxVqVJFkpSWlqa0tDQtW7ZMHTt21KhRo4q8QAAAABQ/lx9cyczMdDSJS5cuVc+ePRUfH69q1aqpefPmRV4gAACAu5XiwM9tXE4SK1SooP3790uSPvvsM8XFxUmSLMtSfn5+0VYHAAAAj3A5Sezevbvuv/9+1a5dW0ePHlXHjh0lSZs2bVKtWrWKvEAAAAB3Ywkck8tN4rRp01StWjXt379fkydPVvny5SVJhw4d0sMPP1zkBQIAAKD4udwklilTRiNHjjT2Dx8+vEgKAgAAKG7kiKZCNYkff/xxoS941113XXExAAAAKBkK1SR269atUBez2Ww8vAIAAEqd0ryeobsUqkksKChwdx0AAAAe40OPaLiqn+U7c+ZMUdUBAACAEsTlJjE/P1+TJk3S9ddfr/Lly2vPnj2SpDFjxuiNN94o8gIBAADcjZ/lM7ncJD7zzDOaO3euJk+eLH9/f8f+Bg0a6J///GeRFgcAAADPcLlJfPPNN/Xaa6+pd+/e8vX1dexv3LixduzYUaTFAQAAFAebzX1baeVyk/jLL79c9JdVCgoKlJeXVyRFAQAAwLNcbhJjYmL01VdfGfs/+OADNW3atEiKAgAAKE7MSTS5/IsrY8eOVWJion755RcVFBTo3//+t3bu3Kk333xTS5cudUeNAAAAKGYuJ4ldu3bVkiVL9OWXXyowMFBjx47V9u3btWTJEt1xxx3uqBEAAMCtfGzu20orl5NESWrVqpXS0tKKuhYAAACPKM3Dwu5yRU2iJG3YsEHbt2+X9Mc8xWbNmhVZUQAAAPAsl5vEAwcO6L777tN///tfhYaGSpKOHz+u2267Te+8845uuOGGoq4RAADArcgRTS7PSRw4cKDy8vK0fft2HTt2TMeOHdP27dtVUFCggQMHuqNGAAAAFDOXk8RVq1ZpzZo1qlu3rmNf3bp1NWPGDLVq1apIiwMAACgOPsxJNLicJFapUuWii2bn5+crKiqqSIoCAACAZ7ncJE6ZMkXDhg3Thg0bHPs2bNigRx99VM8//3yRFgcAAFAc+Fk+U6GGmytUqOD0aHhOTo6aN28uP78/3n7u3Dn5+fnpwQcfVLdu3dxSKAAAAIpPoZrEF1980c1lAAAAeA7rJJoK1SQmJia6uw4AAACUIFe8mLYknTlzRmfPnnXaFxwcfFUFAQAAFDeCRJPLD67k5ORo6NChqly5sgIDA1WhQgWnDQAAoLTxsdnctrkiNTVVt9xyi4KCglS5cmV169ZNO3fudDrnzJkzSkpK0nXXXafy5curR48eysrKcjpn37596ty5s8qVK6fKlStr1KhROnfunGvfiUtnS3r88ce1YsUKzZo1S3a7Xf/85z81YcIERUVF6c0333T1cgAAAPj/Vq1apaSkJH3zzTdKS0tTXl6e4uPjlZOT4zhn+PDhWrJkid5//32tWrVKBw8eVPfu3R3H8/Pz1blzZ509e1Zr1qzRvHnzNHfuXI0dO9alWmyWZVmuvKFq1ap688031bZtWwUHB+vbb79VrVq1NH/+fL399tv69NNPXSrAHQKaDvV0CQDc5Lf1L3u6BABuUvaqJsFdnYf//YPbrj2tc03l5uY67bPb7bLb7X/63iNHjqhy5cpatWqVWrdurezsbFWqVEkLFy7UPffcI0nasWOH6tevr/T0dN16661atmyZ7rzzTh08eFDh4eGSpNmzZ2v06NE6cuSI/P39C1W3y0nisWPHVKNGDUl/zD88duyYJKlly5ZavXq1q5cDAAC4pqWmpiokJMRpS01NLdR7s7OzJUlhYWGSpI0bNyovL09xcXGOc+rVq6eqVasqPT1dkpSenq6GDRs6GkRJSkhI0IkTJ7Rt27ZC1+1yk1ijRg3t3bvXUdR7770nSVqyZIlCQ0NdvRwAAIDH2Ww2t20pKSnKzs522lJSUv60poKCAj322GNq0aKFGjRoIEnKzMyUv7+/0XOFh4crMzPTcc7/Nojnj58/VlguB7v9+/fXli1b1KZNGz3xxBPq0qWLXn75ZeXl5Wnq1KmuXg4AAOCaVtih5QslJSXp+++/19dff+2Gqv6cy03i8OHDHX8dFxenHTt2aOPGjapVq5YaNWpUpMVdqcPp0z1dAgA3WfZD4f8rGEDpcnejCI/d2+WhVTcbOnSoli5dqtWrV+uGG25w7I+IiNDZs2d1/PhxpzQxKytLERERjnPWrVvndL3zTz+fP6cwrvo7iY6OVvfu3UtMgwgAAFBaWZaloUOHatGiRVqxYoWqV6/udLxZs2YqU6aMli9f7ti3c+dO7du3T7GxsZKk2NhYbd26VYcPH3ack5aWpuDgYMXExBS6lkIlidOnFz6Ze+SRRwp9LgAAQElQUn6WLykpSQsXLtRHH32koKAgxxzCkJAQBQQEKCQkRAMGDFBycrLCwsIUHBysYcOGKTY2VrfeeqskKT4+XjExMerTp48mT56szMxMPfXUU0pKSnJp2LtQS+Bc2MVe8mI2m/bs2VPom7vLyTMFni4BgJt8+ePhPz8JQKnkyeHmxz7a4bZrv9i1XqHPvVSzOmfOHPXr10/SH4tpjxgxQm+//bZyc3OVkJCgmTNnOg0l//zzzxoyZIhWrlypwMBAJSYm6rnnnpOfX+FnGrq8TmJpQJMIXLtoEoFrF01iyeLBZSsBAABKBp+SMdpcopS0h3kAAABQApAkAgAAr1dSHlwpSUgSAQAAYCBJBAAAXo85iaYrShK/+uorPfDAA4qNjdUvv/wiSZo/f77HfjYGAAAARcvlJvHDDz9UQkKCAgICtGnTJuXm5kqSsrOz9eyzzxZ5gQAAAO5ms7lvK61cbhKffvppzZ49W6+//rrKlCnj2N+iRQt9++23RVocAABAcfCx2dy2lVYuN4k7d+5U69atjf0hISE6fvx4UdQEAAAAD3O5SYyIiFBGRoax/+uvv1aNGjWKpCgAAIDi5OPGrbRyufZBgwbp0Ucf1dq1a2Wz2XTw4EEtWLBAI0eO1JAhQ9xRIwAAAIqZy0vgPPHEEyooKFD79u11+vRptW7dWna7XSNHjtSwYcPcUSMAAIBbleKpg27jcpNos9n05JNPatSoUcrIyNCpU6cUExOj8uXLu6M+AAAAeMAVL6bt7++vmJiYoqwFAADAI0rzU8ju4nKT2K5du8v+vuGKFSuuqiAAAAB4nstNYpMmTZxe5+XlafPmzfr++++VmJhYVHUBAAAUG4JEk8tN4rRp0y66f/z48Tp16tRVFwQAAFDc+O1mU5Et3/PAAw/oX//6V1FdDgAAAB50xQ+uXCg9PV1ly5YtqssBAAAUGx5cMbncJHbv3t3ptWVZOnTokDZs2KAxY8YUWWEAAADwHJebxJCQEKfXPj4+qlu3riZOnKj4+PgiKwwAAKC4ECSaXGoS8/Pz1b9/fzVs2FAVKlRwV00AAADwMJceXPH19VV8fLyOHz/upnIAAACKn4/NfVtp5fLTzQ0aNNCePXvcUQsAAABKCJebxKefflojR47U0qVLdejQIZ04ccJpAwAAKG1sbvxfaVXoOYkTJ07UiBEj1KlTJ0nSXXfd5fTzfJZlyWazKT8/v+irBAAAcKPSPCzsLoVuEidMmKCHHnpI//nPf9xZDwAAAEqAQjeJlmVJktq0aeO2YgAAADyBJNHk0pxEG4sIAQAAeAWX1kmsU6fOnzaKx44du6qCAAAAihtBmMmlJnHChAnGL64AAADg2uNSk9irVy9VrlzZXbUAAAB4BHMSTYWek0gMCwAA4D1cfroZAADgWkMWZip0k1hQUODOOgAAADzGhy7R4PLP8gEAAODa59KDKwAAANciHlwxkSQCAADAQJIIAAC8HlMSTSSJAAAAMJAkAgAAr+cjosQLkSQCAADAQJIIAAC8HnMSTTSJAADA67EEjonhZgAAABhIEgEAgNfjZ/lMJIkAAAAwkCQCAACvR5BoIkkEAACAgSQRAAB4PeYkmkgSAQAAYCBJBAAAXo8g0USTCAAAvB5Dqya+EwAAABhIEgEAgNezMd5sIEkEAACAgSQRAAB4PXJEE0kiAAAADCSJAADA67GYtokkEQAAAAaSRAAA4PXIEU00iQAAwOsx2mxiuBkAAAAGkkQAAOD1WEzbRJIIAAAAA0kiAADweqRmJr4TAACAEmT16tXq0qWLoqKiZLPZtHjxYqfj/fr1k81mc9o6dOjgdM6xY8fUu3dvBQcHKzQ0VAMGDNCpU6dcqoMmEQAAeL0Lm66i3FyVk5Ojxo0b65VXXrnkOR06dNChQ4cc29tvv+10vHfv3tq2bZvS0tK0dOlSrV69WoMHD3apDoabAQAASpCOHTuqY8eOlz3HbrcrIiLiose2b9+uzz77TOvXr9fNN98sSZoxY4Y6deqk559/XlFRUYWqgyQRAAB4PZsbt9zcXJ04ccJpy83Nvap6V65cqcqVK6tu3boaMmSIjh496jiWnp6u0NBQR4MoSXFxcfLx8dHatWsLfQ+aRAAAADdKTU1VSEiI05aamnrF1+vQoYPefPNNLV++XP/4xz+0atUqdezYUfn5+ZKkzMxMVa5c2ek9fn5+CgsLU2ZmZqHvw3AzAADweu5cJzElJUXJyclO++x2+xVfr1evXo6/btiwoRo1aqSaNWtq5cqVat++/RVf90I0iQAAwOu5c2jVbrdfVVP4Z2rUqKGKFSsqIyND7du3V0REhA4fPux0zrlz53Ts2LFLzmO8GIabAQAASrEDBw7o6NGjioyMlCTFxsbq+PHj2rhxo+OcFStWqKCgQM2bNy/0dUkSAQCA1ytJP8t36tQpZWRkOF7v3btXmzdvVlhYmMLCwjRhwgT16NFDERER2r17tx5//HHVqlVLCQkJkqT69eurQ4cOGjRokGbPnq28vDwNHTpUvXr1KvSTzRJJIgAAQImyYcMGNW3aVE2bNpUkJScnq2nTpho7dqx8fX313Xff6a677lKdOnU0YMAANWvWTF999ZXTkPaCBQtUr149tW/fXp06dVLLli312muvuVSHzbIsq0g/WQlw8kyBp0sA4CZf/nj4z08CUCrd3ajw8+WK2uLvCv/Ur6u6efBzXQ2SRAAAABiYkwgAALxeCZqSWGKQJAIAAMBAkggAALyej4gSL0STCAAAvB7DzSaGmwEAAGAgSQQAAF7PxnCzgSQRAAAABpJEAADg9ZiTaCJJBAAAgIEkEQAAeD2WwDGRJAIAAMBAkggAALwecxJNNIkAAMDr0SSaGG4GAACAgSQRAAB4PRbTNpEkAgAAwECSCAAAvJ4PQaKBJBEAAAAGkkQAAOD1mJNoIkkEAACAgSQRAAB4PdZJNNEkAgAAr8dws4nhZgAAABhIEgEAgNdjCRwTSSIAAAAMJIkAAMDrMSfRRJIIAAAAA0kiSoVXZ72s12e/4rQvulp1ffjRp5KkX389opemTtG6b9KVk5Oj6GrV9OCgh9Q+Lt4T5QK4jD0/bNHqj9/WL3t+1MnfjqrPqKd1419aXfTcRa+9oLVpH+vOfkPVsvNfnY7t2Jiu5R/M06Gfd8vP3181Ypqo7+PPFMdHwDWIJXBMNIkoNWrUrKWZr/3L8drP9//++I578gmdPHlSL7z0ikIrVNBnny5VyqjhenPh+6pXP8YT5QK4hLzc3xUZXUs3t+ukt54fc8nzvl+7Wvt+/EHBFSoax7Z+s0r/nj1FCfcPUs0GN6kgP19Z+/e4s2zA69AkotTw8/NTxYqVLnrsuy2b9cSTY9WgYSNJ0sDBQ/T2W/O0Y/s2mkSghKnb9FbVbXrrZc/JPnpEH/9rugY8NUVzUp9wOpaff05L5sxQpz5DdEv7zo794VWquaNceAmCRBNNIkqNfT//rA5xrWX3t6th4yYa+shwRURGSZIaNW6itM+XqWXrNgoKClba58uUm3tWzW7+i4erBuCqgoICvTvjGbW+q5fCq1Q3jh/cs0snjh2Rzceml0YN0KnjxxRZrZY69RmiiKo1PFAxrgU+jDcbSvSDK/v379eDDz542XNyc3N14sQJpy03N7eYKkRxadCwkcZPelYzZr6uJ54cp4O/HNDA/g8oJydHkvTclGk6d+6c2reOVewtjfXs0+P1/LQZqlI12sOVA3DVqo8WytfXVy069bjo8WOHD0qSvnxvrm7v0VeJTzyngMAgvTb+MZ0+eaI4SwWuaSW6STx27JjmzZt32XNSU1MVEhLitL0w5bliqhDFpUXL1oqL76DadeoqtkVLvfTyqzp58qTSPl8mSZr1ynSdPHlSM1/7l+YvfF+9+/TTE48PV8auHz1cOQBXHNi9U//95EP9NSlFtkskO1ZBgSSpXfcH1PDWNrqhZl39NekJ2SRt/WZl8RWLa4rNjVtp5dHh5o8//viyx/fs+fNJyCkpKUpOTnbad9Yqc1V1oeQLCg5WdHQ1Hdi/Twf279N77yzQux9+rJq1akuS6tStp83fbtB77yzU38eM92yxAArtpx3fKefEb3puSE/HvoKCfH0yb6a+/uQDPTHzXQVVuE6SFH5DNcc5fmX8FRYepeNHsoq7ZOCa5dEmsVu3brLZbLIs65LnXOq/JM+z2+2y2+1O+06eKSiS+lBynT6dowP796tT57t05swZSZKPj3Mw7uPjK8vizwJQmjRtHa9aDZs57fvX06PUtHW8bm7XUZJ0fY268ivjryMH96ta/T8eVss/d06/HclUaKXwYq8Z14jSHPm5iUebxMjISM2cOVNdu3a96PHNmzerWbNmFz0G7/LiC5PVqk1bRUZeryNHDuvVWTPk4+ujhI6dFRQUpCpVq+rZSeP0aPLjCg0N1coVy7X2mzWaNmOWp0sHcIHc30/raOYvjtfHDh/Swb27VK58sEIrhSswKMTpfB8/PwVVCFOl66tKksqWC1TzO+5S2ntzFFKxsipUDNeqj9+RJDWMbVd8HwS4xnm0SWzWrJk2btx4ySbxz1JGeI+srEw9+cRIZR8/rgoVwtS46U2aO/8dVQgLkyS99PKrmvHSVCU/8rBOnz6tKlWravykVLVs1cbDlQO40IE9O/X6+Mccrz+Z98dC+Te16aCeQ1MKdY1OfYbIx9dX7814Rnlnc1WlVn0NGjdN5coHuaNkeAF+ls9kszzYhX311VfKyclRhw4dLno8JydHGzZsUJs2rv2LnuFm4Nr15Y+HPV0CADe5u1GEx+69dne2267dvGbIn59UAnk0SWzV6uI/w3ReYGCgyw0iAACAq1gm0cRi2gAAwOvRI5pK9DqJAAAA8AySRAAAAKJEA0kiAAAADCSJAADA67EEjokkEQAAAAaSRAAA4PVYAsdEkggAAAADSSIAAPB6BIkmmkQAAAC6RAPDzQAAADCQJAIAAK/HEjgmkkQAAAAYSBIBAIDXYwkcE0kiAAAADCSJAADA6xEkmkgSAQAAYCBJBAAAIEo00CQCAACvxxI4JoabAQAAYCBJBAAAXo8lcEwkiQAAADCQJAIAAK9HkGgiSQQAAICBJBEAAIAo0UCSCAAAAANNIgAA8Ho2N/7PVatXr1aXLl0UFRUlm82mxYsXOx23LEtjx45VZGSkAgICFBcXp127djmdc+zYMfXu3VvBwcEKDQ3VgAEDdOrUKZfqoEkEAAAoQXJyctS4cWO98sorFz0+efJkTZ8+XbNnz9batWsVGBiohIQEnTlzxnFO7969tW3bNqWlpWnp0qVavXq1Bg8e7FIdNsuyrKv6JCXQyTMFni4BgJt8+eNhT5cAwE3ubhThsXv/cDDHbdeOiQq84vfabDYtWrRI3bp1k/RHihgVFaURI0Zo5MiRkqTs7GyFh4dr7ty56tWrl7Zv366YmBitX79eN998syTps88+U6dOnXTgwAFFRUUV6t4kiQAAwOvZ3Ljl5ubqxIkTTltubu4V1bl3715lZmYqLi7OsS8kJETNmzdXenq6JCk9PV2hoaGOBlGS4uLi5OPjo7Vr1xb6XjSJAAAAbpSamqqQkBCnLTU19YqulZmZKUkKDw932h8eHu44lpmZqcqVKzsd9/PzU1hYmOOcwmAJHAAAADcugZOSkqLk5GSnfXa73X03LCI0iQAAAG5kt9uLrCmMiPhj3mZWVpYiIyMd+7OystSkSRPHOYcPO8/fPnfunI4dO+Z4f2Ew3AwAALxeSVoC53KqV6+uiIgILV++3LHvxIkTWrt2rWJjYyVJsbGxOn78uDZu3Og4Z8WKFSooKFDz5s0LfS+SRAAAgBLk1KlTysjIcLzeu3evNm/erLCwMFWtWlWPPfaYnn76adWuXVvVq1fXmDFjFBUV5XgCun79+urQoYMGDRqk2bNnKy8vT0OHDlWvXr0K/WSzRJMIAAAgWwn6Wb4NGzaoXbt2jtfn5zMmJiZq7ty5evzxx5WTk6PBgwfr+PHjatmypT777DOVLVvW8Z4FCxZo6NChat++vXx8fNSjRw9Nnz7dpTpYJxFAqcI6icC1y5PrJO7MPO22a9eNKOe2a7sTSSIAAPB6JShILDFoEgEAAOgSDTzdDAAAAANJIgAA8HpFvVTNtYAkEQAAAAaSRAAA4PVK0hI4JQVJIgAAAAwkiQAAwOsRJJpIEgEAAGAgSQQAACBKNNAkAgAAr8cSOCaGmwEAAGAgSQQAAF6PJXBMJIkAAAAwkCQCAACvR5BoIkkEAACAgSQRAACAKNFAkggAAAADSSIAAPB6rJNookkEAABejyVwTAw3AwAAwECSCAAAvB5BookkEQAAAAaSRAAA4PWYk2giSQQAAICBJBEAAIBZiQaSRAAAABhIEgEAgNdjTqKJJhEAAHg9ekQTw80AAAAwkCQCAACvx3CziSQRAAAABpJEAADg9WzMSjSQJAIAAMBAkggAAECQaCBJBAAAgIEkEQAAeD2CRBNNIgAA8HosgWNiuBkAAAAGkkQAAOD1WALHRJIIAAAAA0kiAAAAQaKBJBEAAAAGkkQAAOD1CBJNJIkAAAAwkCQCAACvxzqJJppEAADg9VgCx8RwMwAAAAwkiQAAwOsx3GwiSQQAAICBJhEAAAAGmkQAAAAYmJMIAAC8HnMSTSSJAAAAMJAkAgAAr8c6iSaaRAAA4PUYbjYx3AwAAAADSSIAAPB6BIkmkkQAAAAYSBIBAACIEg0kiQAAADCQJAIAAK/HEjgmkkQAAAAYSBIBAIDXY51EE0kiAAAADCSJAADA6xEkmkgSAQAAbG7cXDB+/HjZbDanrV69eo7jZ86cUVJSkq677jqVL19ePXr0UFZW1hV/7MuhSQQAAChBbrzxRh06dMixff31145jw4cP15IlS/T+++9r1apVOnjwoLp37+6WOhhuBgAAXq8kLYHj5+eniIgIY392drbeeOMNLVy4ULfffrskac6cOapfv76++eYb3XrrrUVaB0kiAACAG+Xm5urEiRNOW25u7iXP37Vrl6KiolSjRg317t1b+/btkyRt3LhReXl5iouLc5xbr149Va1aVenp6UVeN00iAADwejab+7bU1FSFhIQ4bampqReto3nz5po7d64+++wzzZo1S3v37lWrVq108uRJZWZmyt/fX6GhoU7vCQ8PV2ZmZpF/Jww3AwAAuFFKSoqSk5Od9tnt9oue27FjR8dfN2rUSM2bN1d0dLTee+89BQQEuLXOC12TTWJQWQJSb5Gbm6vU1FSlpKRc8m84XFvubmTO08G1ib+/UZzKurMj8rNf8Z/h0NBQ1alTRxkZGbrjjjt09uxZHT9+3ClNzMrKuugcxqtFN4VSLTc3VxMmTLjs3A4ApRN/fwPSqVOntHv3bkVGRqpZs2YqU6aMli9f7ji+c+dO7du3T7GxsUV+72sySQQAACiNRo4cqS5duig6OloHDx7UuHHj5Ovrq/vuu08hISEaMGCAkpOTFRYWpuDgYA0bNkyxsbFF/mSzRJMIAABQYhw4cED33Xefjh49qkqVKqlly5b65ptvVKlSJUnStGnT5OPjox49eig3N1cJCQmaOXOmW2qxWZZlueXKQDE4ceKEQkJClJ2dreDgYE+XA6AI8fc34FnMSUSpZrfbNW7cOCa1A9cg/v4GPIskEQAAAAaSRAAAABhoEgEAAGCgSQQAAICBJhEAAAAGmkSUaq+88oqqVaumsmXLqnnz5lq3bp2nSwJwlVavXq0uXbooKipKNptNixcv9nRJgFeiSUSp9e677yo5OVnjxo3Tt99+q8aNGyshIUGHDx/2dGkArkJOTo4aN26sV155xdOlAF6NJXBQajVv3ly33HKLXn75ZUlSQUGBqlSpomHDhumJJ57wcHUAioLNZtOiRYvUrVs3T5cCeB2SRJRKZ8+e1caNGxUXF+fY5+Pjo7i4OKWnp3uwMgAArg00iSiVfv31V+Xn5ys8PNxpf3h4uDIzMz1UFQAA1w6aRAAAABhoElEqVaxYUb6+vsrKynLan5WVpYiICA9VBQDAtYMmEaWSv7+/mjVrpuXLlzv2FRQUaPny5YqNjfVgZQAAXBv8PF0AcKWSk5OVmJiom2++WX/5y1/04osvKicnR/379/d0aQCuwqlTp5SRkeF4vXfvXm3evFlhYWGqWrWqBysDvAtL4KBUe/nllzVlyhRlZmaqSZMmmj59upo3b+7psgBchZUrV6pdu3bG/sTERM2dO7f4CwK8FE0iAAAADMxJBAAAgIEmEQAAAAaaRAAAABhoEgEAAGCgSQQAAICBJhEAAAAGmkQAAAAYaBIBAABgoEkEcNX69eunbt26OV63bdtWjz32WLHXsXLlStlsNh0/fvyS59hsNi1evLjQ1xw/fryaNGlyVXX99NNPstls2rx581VdBwCKE00icI3q16+fbDabbDab/P39VatWLU2cOFHnzp1z+73//e9/a9KkSYU6tzCNHQCg+Pl5ugAA7tOhQwfNmTNHubm5+vTTT5WUlKQyZcooJSXFOPfs2bPy9/cvkvuGhYUVyXUAAJ5Dkghcw+x2uyIiIhQdHa0hQ4YoLi5OH3/8saT/GyJ+5plnFBUVpbp160qS9u/fr549eyo0NFRhYWHq2rWrfvrpJ8c18/PzlZycrNDQUF133XV6/PHHdeFPwF843Jybm6vRo0erSpUqstvtqlWrlt544w399NNPateunSSpQoUKstls6tevnySpoKBAqampql69ugICAtS4cWN98MEHTvf59NNPVadOHQUEBKhdu3ZOdRbW6NGjVadOHZUrV041atTQmDFjlJeXZ5z36quvqkqVKipXrpx69uyp7Oxsp+P//Oc/Vb9+fZUtW1b16tXTzJkzL3nP3377Tb1791alSpUUEBCg2rVra86cOS7XDgDuRJIIeJGAgAAdPXrU8Xr58uUKDg5WWlqaJCkvL08JCQmKjY3VV199JT8/Pz399NPq0KGDvvvuO/n7++uFF17Q3Llz9a9//Uv169fXCy+8oEWLFun222+/5H379u2r9PR0TZ8+XY0bN9bevXv166+/qkqVKvrwww/Vo0cP7dy5U8HBwQoICJAkpaam6q233tLs2bNVu3ZtrV69Wg888IAqVaqkNm3aaP/+/erevbuSkpI0ePBgbdiwQSNGjHD5OwkKCtLcuXMVFRWlrVu3atCgQQoKCtLjjz/uOCcjI0PvvfeelixZohMnTmjAgAF6+OGHtWDBAknSggULNHbsWL388stq2rSpNm3apEGDBikwMFCJiYnGPceMGaMffvhBy5YtU8WKFZWRkaHff//d5doBwK0sANekxMREq2vXrpZlWVZBQYGVlpZm2e12a+TIkY7j4eHhVm5uruM98+fPt+rWrWsVFBQ49uXm5loBAQHW559/blmWZUVGRlqTJ092HM/Ly7NuuOEGx70sy7LatGljPfroo5ZlWdbOnTstSVZaWtpF6/zPf/5jSbJ+++03x74zZ85Y5cqVs9asWeN07oABA6z77rvPsizLSklJsWJiYpyOjx492rjWhSRZixYtuuTxKVOmWM2aNXO8HjdunOXr62sdOHDAsW/ZsmWWj4+PdejQIcuyLKtmzZrWwoULna4zadIkKzY21rIsy9q7d68lydq0aZNlWZbVpUsXq3///pesAQBKApJE4Bq2dOlSlS9fXnl5eSooKND999+v8ePHO443bNjQaR7ili1blJGRoaCgIKfrnDlzRrt371Z2drYOHTqk5s2bO475+fnp5ptvNoacz9u8ebN8fX3Vpk2bQtedkZGh06dP64477nDaf/bsWTVt2lSStH37dqc6JCk2NrbQ9zjv3Xff1fTp07V7926dOnVK586dU3BwsNM5VatW1fXXX+90n4KCAu3cuVNBQUHavXu3BgwYoEGDBjnOOXfunEJCQi56zyFDhqhHjx769ttvFR8fr27duum2225zuXYAcCeaROAa1q5dO82aNUv+/v6KioqSn5/z3/KBgYFOr0+dOqVmzZo5hlH/V6VKla6ohvPDx644deqUJOmTTz5xas6kP+ZZFpX09HT17t1bEyZMUEJCgkJCQvTOO+/ohRdecLnW119/3WhafX19L/qejh076ueff9ann36qtLQ0tW/fXklJSXr++eev/MMAQBGjSQSuYYGBgapVq1ahz7/pppv07rvvqnLlykaadl5kZKTWrl2r1q1bS/ojMdu4caNuuummi57fsGFDFRQUaNWqVYqLizOOn08y8/PzHftiYmJkt9u1b9++SyaQ9evXdzyEc94333zz5x/yf6xZs0bR0dF68sknHft+/vln47x9+/bp4MGDioqKctzHx8dHdevWVXh4uKKiorRnzx717t270PeuVKmSEhMTlZiYqFatWmnUqFE0iQBKFJ5uBuDQu3dvVaxYUV27dtVXX32lvXv3auXKlXrkkUd04MABSdKjjz6q5557TosXL9aOHTv08MMPX3aNw2rVqikxMVEPPvigFi9e7Ljme++9J0mKjo6WzWbT0qVLdeTIEZ06dUpBQUEaOXKkhg8frnnz5mn37t369ttvNWPGDM2bN0+S9NBDD2nXrl0aNWqUdu7cqYULF2ru3Lkufd7atWtr3759euedd7R7925Nnz5dixYtMs4rW7asEhMTtWXLFn311Vd65JFH1LNnT0VEREiSJkyYoNTUVE2fPl0//vijtm7dqjlz5mjq1KkXve/YsWP10UcfKSMjQ9u2bdPSpUtVv359l2oHAHejSQTgUK5cOa1evVpVq1ZV9+7dVb9+fQ0YMEBnzpxxJIsjRoxQnz59lJiYqNjYWAUFBenuu+++7HVnzZqle+65Rw8//LDq1aunQYMGKScnR5J0/fXXa8KECXriiScUHh6uoUOHSpImTZqkMWPGKDU1VfXr11eHDh30ySefqHr16pL+mCf44YcfavHixWrcuLFmz56tZ5991qXPe9ddd2n48OEaOnSomjRpojVr1mjMmDHGebVq1VL37t3VqVMnxcfHq1GjRk5L3AwcOFD//Oc/NWfOHDVs2FBt2rTR3LlzHbVeyN/fXykpKWrUqJFat24tX19fvfPOOy7VDgDuZrMuNdscAAAAXoskEQAAAAaaRAAAABhoEgEAAGCgSQQAAICBJhEAAAAGmkQAAAAYaBIBAABgoEkEAACAgSYRAAAABppEAAAAGGgSAQAAYPh/2FUZr2mBpEoAAAAASUVORK5CYII=", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "plot_confusion_matrix(y_test, y_pred,(0,1))" + ] + }, + { + "cell_type": "code", + "execution_count": 23, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAr4AAAIjCAYAAADlfxjoAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8pXeV/AAAACXBIWXMAAA9hAAAPYQGoP6dpAACfdUlEQVR4nOzdd3hT1RsH8G+6B13Qllloy4aWAmWWPaQ4EBQZslGmDFkie6iAgkxFQJQpKIioqPxAQUBG2ausMgqyoYXS0kJnzu+PY5JeOmhKmts238/z9OHm5N6bN2lS3pz7nnM0QggBIiIiIqJCzkrtAIiIiIiIzIGJLxERERFZBCa+RERERGQRmPgSERERkUVg4ktEREREFoGJLxERERFZBCa+RERERGQRmPgSERERkUVg4ktEREREFoGJL5GZ+Pr6ok+fPmqHYXGaN2+O5s2bqx3Gc02bNg0ajQbR0dFqh5LvaDQaTJs2zSTnunbtGjQaDVatWmWS8wHA4cOHYWdnh3///ddk5zS1rl27onPnzmqHQaQ6Jr5UKKxatQoajUb/Y2Njg9KlS6NPnz64deuW2uHlawkJCfj4449Ro0YNODk5wc3NDU2aNMGaNWtQUFY0P3fuHKZNm4Zr166pHUoGaWlpWLlyJZo3b46iRYvC3t4evr6+6Nu3L44ePap2eCaxfv16LFiwQO0wFMwZ08SJE/H222+jXLly+rbmzZsr/iY5OjqiRo0aWLBgAbRababnefDgAT744ANUrlwZDg4OKFq0KEJDQ/H7779n+dhxcXGYPn06goKCUKRIETg6OiIgIAAffvghbt++rd/vww8/xE8//YRTp07l+HlZwnuXLI9GFJT/2YiysWrVKvTt2xcfffQR/Pz8kJiYiIMHD2LVqlXw9fXFmTNn4ODgoGqMSUlJsLKygq2trapxpHfv3j20atUK58+fR9euXdGsWTMkJibip59+wj///IMuXbpg3bp1sLa2VjvUbG3atAmdOnXCrl27MvTuJicnAwDs7OzMHtfTp0/x5ptvYtu2bWjatCnatWuHokWL4tq1a9i4cSMuXryI69evo0yZMpg2bRqmT5+OqKgoeHp6mj3WF/Haa6/hzJkzefbFIzExETY2NrCxsXnhmIQQSEpKgq2trUne1ydPnkStWrVw4MABNGzYUN/evHlzXLlyBbNmzQIAREdHY/369Thy5AgmTJiAGTNmKM4TERGBVq1aISoqCn379kWdOnXw6NEjrFu3DidPnsSYMWMwZ84cxTGRkZFo3bo1rl+/jk6dOqFx48aws7PD6dOn8f3336No0aK4ePGifv/69eujcuXKWLNmzXOflzHvXaICRRAVAitXrhQAxJEjRxTtH374oQAgNmzYoFJk6nr69KlIS0vL8v7Q0FBhZWUlfv311wz3jRkzRgAQn376aV6GmKn4+Hij9v/xxx8FALFr1668CSiXhgwZIgCI+fPnZ7gvNTVVzJkzR9y4cUMIIcTUqVMFABEVFZVn8Wi1WvHkyROTn/fVV18V5cqVM+k509LSxNOnT3N9fF7ElJnhw4eLsmXLCq1Wq2hv1qyZqF69uqLt6dOnoly5csLFxUWkpqbq25OTk0VAQIBwcnISBw8eVByTmpoqunTpIgCIH374Qd+ekpIigoKChJOTk9i7d2+GuGJjY8WECRMUbZ9//rlwdnYWjx8/fu7zMua9+yJe9PdMZCwmvlQoZJX4/v777wKAmDlzpqL9/PnzomPHjsLDw0PY29uL4ODgTJO/mJgYMWLECFGuXDlhZ2cnSpcuLXr27KlIThITE8WUKVNE+fLlhZ2dnShTpoz44IMPRGJiouJc5cqVE7179xZCCHHkyBEBQKxatSrDY27btk0AEL/99pu+7ebNm6Jv377C29tb2NnZiWrVqolvv/1WcdyuXbsEAPH999+LiRMnilKlSgmNRiNiYmIyfc3CwsIEAPHOO+9ken9KSoqoWLGi8PDw0CdLV69eFQDEnDlzxLx580TZsmWFg4ODaNq0qQgPD89wjpy8zrrf3e7du8XgwYOFl5eXcHd3F0IIce3aNTF48GBRqVIl4eDgIIoWLSreeustcfXq1QzHP/ujS4KbNWsmmjVrluF12rBhg/jkk09E6dKlhb29vWjZsqW4dOlShufw5ZdfCj8/P+Hg4CDq1q0r/vnnnwznzMyNGzeEjY2NeOmll7LdT0eX+F66dEn07t1buLm5CVdXV9GnTx+RkJCg2HfFihWiRYsWwsvLS9jZ2YmqVauKr776KsM5y5UrJ1599VWxbds2ERwcLOzt7fWJTE7PIYQQW7duFU2bNhVFihQRLi4uok6dOmLdunVCCPn6Pvvap084c/r5ACCGDBkivvvuO1GtWjVhY2Mjfv75Z/19U6dO1e8bFxcn3n//ff3n0svLS7Ru3VocO3bsuTHp3sMrV65UPP758+dFp06dhKenp3BwcBCVKlXKkDhmpmzZsqJPnz4Z2jNLfIUQ4q233hIAxO3bt/Vt33//vQAgPvroo0wf49GjR8Ld3V1UqVJF3/bDDz8IAGLGjBnPjVHn1KlTAoDYvHlztvsZ+97t3bt3pl8ydO/p9DL7PW/cuFF4eHhk+jrGxsYKe3t7MXr0aH1bTt9TRJnJ+XUjogJId5nTw8ND33b27Fk0atQIpUuXxrhx4+Ds7IyNGzeiQ4cO+Omnn/DGG28AAOLj49GkSROcP38e77zzDmrXro3o6Ghs2bIFN2/ehKenJ7RaLV5//XXs27cPAwYMQNWqVREeHo758+fj4sWL+OWXXzKNq06dOvD398fGjRvRu3dvxX0bNmyAh4cHQkNDAchyhAYNGkCj0WDo0KHw8vLC//73P7z77ruIi4vDiBEjFMd//PHHsLOzw5gxY5CUlJTlJf7ffvsNANCrV69M77exsUG3bt0wffp07N+/H61bt9bft2bNGjx+/BhDhgxBYmIiFi5ciJYtWyI8PBzFixc36nXWee+99+Dl5YUpU6YgISEBAHDkyBEcOHAAXbt2RZkyZXDt2jUsWbIEzZs3x7lz5+Dk5ISmTZti+PDhWLRoESZMmICqVasCgP7frHz66aewsrLCmDFjEBsbi9mzZ6N79+44dOiQfp8lS5Zg6NChaNKkCUaOHIlr166hQ4cO8PDweO4l3v/9739ITU1Fz549s93vWZ07d4afnx9mzZqF48eP45tvvoG3tzc+++wzRVzVq1fH66+/DhsbG/z222947733oNVqMWTIEMX5IiIi8Pbbb2PgwIHo378/KleubNQ5Vq1ahXfeeQfVq1fH+PHj4e7ujhMnTmDbtm3o1q0bJk6ciNjYWNy8eRPz588HABQpUgQAjP58/P3339i4cSOGDh0KT09P+Pr6ZvoaDRo0CJs2bcLQoUNRrVo1PHjwAPv27cP58+dRu3btbGPKzOnTp9GkSRPY2tpiwIAB8PX1xZUrV/Dbb79lKElI79atW7h+/Tpq166d5T7P0g2uc3d317c977Po5uaG9u3bY/Xq1bh8+TIqVKiALVu2AIBR769q1arB0dER+/fvz/D5Sy+3792cevb3XLFiRbzxxhvYvHkzli1bpvib9csvvyApKQldu3YFYPx7iigDtTNvIlPQ9frt2LFDREVFiRs3bohNmzYJLy8vYW9vr7gk16pVKxEYGKjoHdBqtSIkJERUrFhR3zZlypQse0d0lzXXrl0rrKysMlxqXLp0qQAg9u/fr29L3+MrhBDjx48Xtra24uHDh/q2pKQk4e7uruiFfffdd0XJkiVFdHS04jG6du0q3Nzc9L2xup5Mf3//HF3O7tChgwCQZY+wEEJs3rxZABCLFi0SQhh6yxwdHcXNmzf1+x06dEgAECNHjtS35fR11v3uGjdurLj8K4TI9HnoeqrXrFmjb8uu1CGrHt+qVauKpKQkffvChQsFAH3PdVJSkihWrJioW7euSElJ0e+3atUqAeC5Pb4jR44UAMSJEyey3U9H1zv2bA/8G2+8IYoVK6Zoy+x1CQ0NFf7+/oq2cuXKCQBi27ZtGfbPyTkePXokXFxcRP369TNcjk5/aT+rsgJjPh8AhJWVlTh79myG8+CZHl83NzcxZMiQDPull1VMmfX4Nm3aVLi4uIh///03y+eYmR07dmS4OqPTrFkzUaVKFREVFSWioqLEhQsXxAcffCAAiFdffVWxb82aNYWbm1u2jzVv3jwBQGzZskUIIUStWrWee0xmKlWqJF5++eVs9zH2vWtsj29mv+ft27dn+lq+8sorivekMe8posxwVgcqVFq3bg0vLy/4+PjgrbfegrOzM7Zs2aLvnXv48CH+/vtvdO7cGY8fP0Z0dDSio6Px4MEDhIaG4tKlS/pZIH766ScEBQVl2jOi0WgAAD/++COqVq2KKlWq6M8VHR2Nli1bAgB27dqVZaxdunRBSkoKNm/erG/7888/8ejRI3Tp0gWAHIjz008/oV27dhBCKB4jNDQUsbGxOH78uOK8vXv3hqOj43Nfq8ePHwMAXFxcstxHd19cXJyivUOHDihdurT+dr169VC/fn1s3boVgHGvs07//v0zDDZK/zxSUlLw4MEDVKhQAe7u7hmet7H69u2r6Flq0qQJADlgCACOHj2KBw8eoH///opBVd27d1dcQciK7jXL7vXNzKBBgxS3mzRpggcPHih+B+lfl9jYWERHR6NZs2aIjIxEbGys4ng/Pz/91YP0cnKOv/76C48fP8a4ceMyDA7VfQayY+zno1mzZqhWrdpzz+vu7o5Dhw4pZi3IraioKPzzzz945513ULZsWcV9z3uODx48AIAs3w8XLlyAl5cXvLy8UKVKFcyZMwevv/56hqnUHj9+/Nz3ybOfxbi4OKPfW7pYnzdlXm7fuzmV2e+5ZcuW8PT0xIYNG/RtMTEx+Ouvv/R/D4EX+5tLBAAsdaBCZfHixahUqRJiY2OxYsUK/PPPP7C3t9fff/nyZQghMHnyZEyePDnTc9y/fx+lS5fGlStX0LFjx2wf79KlSzh//jy8vLyyPFdWgoKCUKVKFWzYsAHvvvsuAFnm4Onpqf8jHhUVhUePHuHrr7/G119/naPH8PPzyzZmHd1/ao8fP1Zcdk0vq+S4YsWKGfatVKkSNm7cCMC41zm7uJ8+fYpZs2Zh5cqVuHXrlmJ6tWcTPGM9m+TokpeYmBgA0M/JWqFCBcV+NjY2WV6CT8/V1RWA4TU0RVy6c+7fvx9Tp05FWFgYnjx5otg/NjYWbm5u+ttZvR9yco4rV64AAAICAox6DjrGfj5y+t6dPXs2evfuDR8fHwQHB+OVV15Br1694O/vb3SMui86uX2OALKc9s/X1xfLly+HVqvFlStXMGPGDERFRWX4EuHi4vLcZPTZz6Krq6s+dmNjfV5Cn9v3bk5l9nu2sbFBx44dsX79eiQlJcHe3h6bN29GSkqKIvF9kb+5RAATXypk6tWrhzp16gCQvZKNGzdGt27dEBERgSJFiujnzxwzZkymvWBAxkQnO1qtFoGBgZg3b16m9/v4+GR7fJcuXTBjxgxER0fDxcUFW7Zswdtvv63vYdTF26NHjwy1wDo1atRQ3M5Jby8ga2B/+eUXnD59Gk2bNs10n9OnTwNAjnrh0svN65xZ3MOGDcPKlSsxYsQINGzYEG5ubtBoNOjatWuWc6HmVFZTWWWVxBirSpUqAIDw8HDUrFkzx8c9L64rV66gVatWqFKlCubNmwcfHx/Y2dlh69atmD9/fobXJbPX1dhz5Jaxn4+cvnc7d+6MJk2a4Oeff8aff/6JOXPm4LPPPsPmzZvx8ssvv3DcOVWsWDEAhi9Lz3J2dlbUxjdq1Ai1a9fGhAkTsGjRIn171apVcfLkSVy/fj3DFx+dZz+LVapUwYkTJ3Djxo3n/p1JLyYmJtMvrukZ+97NKpFOS0vLtD2r33PXrl2xbNky/O9//0OHDh2wceNGVKlSBUFBQfp9XvRvLhETXyq0rK2tMWvWLLRo0QJffvklxo0bp+8RsrW1VfyHlJny5cvjzJkzz93n1KlTaNWqVY4u/T6rS5cumD59On766ScUL14ccXFx+kEcAODl5QUXFxekpaU9N15jvfbaa5g1axbWrFmTaeKblpaG9evXw8PDA40aNVLcd+nSpQz7X7x4Ud8TaszrnJ1Nmzahd+/emDt3rr4tMTERjx49UuyXm9f+eXSLEVy+fBktWrTQt6empuLatWsZvnA86+WXX4a1tTW+++47kw4S+u2335CUlIQtW7YokiRjLvHm9Bzly5cHAJw5cybbL4RZvf4v+vnITsmSJfHee+/hvffew/3791G7dm3MmDFDn/jm9PF079XnfdYzo0sQr169mqP9a9SogR49emDZsmUYM2aM/rV/7bXX8P3332PNmjWYNGlShuPi4uLw66+/okqVKvrfQ7t27fD999/ju+++w/jx43P0+Kmpqbhx4wZef/31bPcz9r3r4eGR4TMJwOiV7Jo2bYqSJUtiw4YNaNy4Mf7++29MnDhRsU9evqfIMrDGlwq15s2bo169eliwYAESExPh7e2N5s2bY9myZbhz506G/aOiovTbHTt2xKlTp/Dzzz9n2E/X+9a5c2fcunULy5cvz7DP06dP9bMTZKVq1aoIDAzEhg0bsGHDBpQsWVKRhFpbW6Njx4746aefMv2POX28xgoJCUHr1q2xcuXKTFeGmjhxIi5evIixY8dm6KH55ZdfFDW6hw8fxqFDh/RJhzGvc3asra0z9MB+8cUXGXqSnJ2dASDT/3xzq06dOihWrBiWL1+O1NRUffu6deuy7OFLz8fHB/3798eff/6JL774IsP9Wq0Wc+fOxc2bN42KS9cj/GzZx8qVK01+jjZt2sDFxQWzZs1CYmKi4r70xzo7O2daevKin4/MpKWlZXgsb29vlCpVCklJSc+N6VleXl5o2rQpVqxYgevXryvue17vf+nSpeHj42PUKmZjx45FSkqKosfyrbfeQrVq1fDpp59mOJdWq8XgwYMRExODqVOnKo4JDAzEjBkzEBYWluFxHj9+nCFpPHfuHBITExESEpJtjMa+d8uXL4/Y2Fh9rzQA3LlzJ9O/ndmxsrLCW2+9hd9++w1r165FamqqoswByJv3FFkW9vhSoffBBx+gU6dOWLVqFQYNGoTFixejcePGCAwMRP/+/eHv74979+4hLCwMN2/e1C/p+cEHH+hXBHvnnXcQHByMhw8fYsuWLVi6dCmCgoLQs2dPbNy4EYMGDcKuXbvQqFEjpKWl4cKFC9i4cSO2b9+uL73ISpcuXTBlyhQ4ODjg3XffhZWV8vvop59+il27dqF+/fro378/qlWrhocPH+L48ePYsWMHHj58mOvXZs2aNWjVqhXat2+Pbt26oUmTJkhKSsLmzZuxe/dudOnSBR988EGG4ypUqIDGjRtj8ODBSEpKwoIFC1CsWDGMHTtWv09OX+fsvPbaa1i7di3c3NxQrVo1hIWFYceOHfpLzDo1a9aEtbU1PvvsM8TGxsLe3h4tW7aEt7d3rl8bOzs7TJs2DcOGDUPLli3RuXNnXLt2DatWrUL58uVz1Ns0d+5cXLlyBcOHD8fmzZvx2muvwcPDA9evX8ePP/6ICxcuKHr4c6JNmzaws7NDu3btMHDgQMTHx2P58uXw9vbO9EvGi5zD1dUV8+fPR79+/VC3bl1069YNHh4eOHXqFJ48eYLVq1cDAIKDg7FhwwaMGjUKdevWRZEiRdCuXTuTfD6e9fjxY5QpUwZvvfWWfpneHTt24MiRI4orA1nFlJlFixahcePGqF27NgYMGAA/Pz9cu3YNf/zxB06ePJltPO3bt8fPP/+co9pZQJYqvPLKK/jmm28wefJkFCtWDHZ2dti0aRNatWqFxo0bK1ZuW79+PY4fP47Ro0cr3iu2trbYvHkzWrdujaZNm6Jz585o1KgRbG1tcfbsWf3VmvTTsf31119wcnLCSy+99Nw4jXnvdu3aFR9++CHeeOMNDB8+HE+ePMGSJUtQqVIlowehdunSBV988QWmTp2KwMDADNMS5sV7iiyM+SeSIDK9rBawEEKuDFS+fHlRvnx5/XRZV65cEb169RIlSpQQtra2onTp0uK1114TmzZtUhz74MEDMXToUFG6dGn9ROm9e/dWTC2WnJwsPvvsM1G9enVhb28vPDw8RHBwsJg+fbqIjY3V7/fsdGY6ly5d0k+yv2/fvkyf371798SQIUOEj4+PsLW1FSVKlBCtWrUSX3/9tX4f3TRdP/74o1Gv3ePHj8W0adNE9erVhaOjo3BxcRGNGjUSq1atyjCdU/oFLObOnSt8fHyEvb29aNKkiTh16lSGc+fkdc7udxcTEyP69u0rPD09RZEiRURoaKi4cOFCpq/l8uXLhb+/v7C2ts7RAhbPvk5ZLWywaNEiUa5cOWFvby/q1asn9u/fL4KDg0Xbtm1z8OrKVa6++eYb0aRJE+Hm5iZsbW1FuXLlRN++fRXTRWW1cpvu9Um/aMeWLVtEjRo1hIODg/D19RWfffaZWLFiRYb9dAtYZCan59DtGxISIhwdHYWrq6uoV6+e+P777/X3x8fHi27dugl3d/cMC1jk9POB/xY2yAzSTWeWlJQkPvjgAxEUFCRcXFyEs7OzCAoKyrD4RlYxZfV7PnPmjHjjjTeEu7u7cHBwEJUrVxaTJ0/ONJ70jh8/LgBkmF4rqwUshBBi9+7dGaZoE0KI+/fvi1GjRokKFSoIe3t74e7uLlq3bq2fwiwzMTExYsqUKSIwMFA4OTkJBwcHERAQIMaPHy/u3Lmj2Ld+/fqiR48ez31OOjl97wohxJ9//ikCAgKEnZ2dqFy5svjuu++yXcAiK1qtVvj4+AgA4pNPPsl0n5y+p4gyoxHCRCM5iKjQu3btGvz8/DBnzhyMGTNG7XBUodVq4eXlhTfffDPTy61keVq1aoVSpUph7dq1aoeSpZMnT6J27do4fvy4UYMtiQob1vgSEWUhMTExQ53nmjVr8PDhQzRv3lydoCjfmTlzJjZs2GD0YC5z+vTTT/HWW28x6SWLxxpfIqIsHDx4ECNHjkSnTp1QrFgxHD9+HN9++y0CAgLQqVMntcOjfKJ+/fpITk5WO4xs/fDDD2qHQJQvMPElIsqCr68vfHx8sGjRIjx8+BBFixZFr1698OmnnypWfSMiooKBNb5EREREZBFY40tEREREFoGJLxERERFZBIur8dVqtbh9+zZcXFy43CERERFRPiSEwOPHj1GqVKkMCzu9CItLfG/fvg0fHx+1wyAiIiKi57hx4wbKlCljsvNZXOLr4uICQL6Qrq6uKkdDRERERM+Ki4uDj4+PPm8zFYtLfHXlDa6urkx8iYiIiPIxU5elcnAbEREREVkEJr5EREREZBGY+BIRERGRRWDiS0REREQWgYkvEREREVkEJr5EREREZBGY+BIRERGRRWDiS0REREQWgYkvEREREVkEJr5EREREZBGY+BIRERGRRWDiS0REREQWgYkvEREREVkEJr5EREREZBGY+BIRERGRRVA18f3nn3/Qrl07lCpVChqNBr/88stzj9m9ezdq164Ne3t7VKhQAatWrcrzOImIiIio4FM18U1ISEBQUBAWL16co/2vXr2KV199FS1atMDJkycxYsQI9OvXD9u3b8/jSImIiIiooLNR88FffvllvPzyyznef+nSpfDz88PcuXMBAFWrVsW+ffswf/58hIaG5lWYRERERGQGDx4AB/ZpcXbT2Tw5v6qJr7HCwsLQunVrRVtoaChGjBiR5TFJSUlISkrS346Li8ur8IiIiIgoh4QALl0C9u83/Dy6cAcr0Rd9sAfj8+AxC1Tie/fuXRQvXlzRVrx4ccTFxeHp06dwdHTMcMysWbMwffp0c4VIRERERJlISgKOHTMkuQcOAFFRhvtfx6/4Bv3ghWjkVTdlgUp8c2P8+PEYNWqU/nZcXBx8fHxUjIiIiIio8IuKksmtLsk9elQmv89yQgLmYjQGYZm+7ambNxB73+QxFajEt0SJErh3756i7d69e3B1dc20txcA7O3tYW9vb47wiIiIiCySEEBEhLJs4eLF7I9xdwd6VT+GKRHdUSw6wnBHhw5wnDcP8Pc3eZwFKvFt2LAhtm7dqmj766+/0LBhQ5UiIiIiIrI8iYmyBzd92cKDB9kfU7480KjRfz8N0lB16+ewmjwJSE2VOzg5AQsWAP36AY8f50ncqia+8fHxuHz5sv721atXcfLkSRQtWhRly5bF+PHjcevWLaxZswYAMGjQIHz55ZcYO3Ys3nnnHfz999/YuHEj/vjjD7WeAhEREVGhd/++Msk9dgxITs56f1tbIDjYkOiGhACKYVoJicC33xiS3uBgYP16oFKlPH0eqia+R48eRYsWLfS3dbW4vXv3xqpVq3Dnzh1cv35df7+fnx/++OMPjBw5EgsXLkSZMmXwzTffcCozIiIiIhPRaoELF5RlC+n6KTNVtKhMbnWJbp06QBZVqJKzs0x0GzcGRo8Gpk0D7OxM+TQypRFCiDx/lHwkLi4Obm5uiI2Nhaurq9rhEBEREanq6VPgyBFlj25MTPbHVKyYrmyhEVC5MmCV3bJojx8DcXFA6dLK9lu3MrYh7/K1AlXjS0REREQv5u5dQ4K7fz9w/DiQkpL1/nZ2sgc3fdmCl5cRDxgWBvToAZQoAezZA9ikSz8zSXrzEhNfIiIiokJKqwXOnVOWLURGZn9MsWLK3tzgYMDBIRcPnpoKzJgBfPwxkJYmH/izz4CJE3P1XEyBiS8RERFRIfHkCXD4sCHJDQsDHj3K/pjKlZWJbqVKgEbzgoFERspe3rAwQ1tICNCt2wue+MUw8SUiIiIqoG7fVpYtnDhhmCghM/b2QN26hiS3YUPA09OEAQkBrF0LDB1qmJLM2hqYOhUYP15Z5qACJr5EREREBUBaGnD2rLJs4dq17I/x8lL25tauLZPfPBETAwwaBGzcaGjz9wfWrQMaNMijBzUOE18iIiKifCghATh0SFm2EBeX/TFVqyoT3QoVTFC2kBNxcUDNmkC6aWjRpw+waBHg4mKGAHKGiS8RERFRPnDzprJs4eRJ2cubFQcHoF49ZdlC0aJmC1fJ1RV44w1g4ULAwwNYtgzo1EmlYLLGxJeIiIjIzNLSgPBwZdlC+s7SzBQvruzNrVXLLGs+5Nynn8q1jCdOBHx81I4mU0x8iYiIiPLY48fKsoWDBw1jv7JSvboy0fX3N1PZwvMIASxfLgetvfuuod3BAVi6VL24coCJLxEREZGJXb9uKFnYvx84dUrOqZsVR0egfn3DAhENG8qKgXwnKgro3x/49VcZdEiILCwuIJj4EhEREb2A1FTg9Gll2cLNm9kfU7Kksje3Zk3A1tYs4eben38CvXvLpd8Audbx778z8SUiIiIqrOLiZKmCLsk9dAiIj896f40GCAhQJrq+vvmkbCEnEhPlHLwLFhjaPD2BFSuAdu1UCys3mPgSERERZUEI4N9/lWUL4eHZly04Oclpa0NCZJLboAHg7m62kE0rPBzo3l3+q9O2LbByJVCihHpx5RITXyIiIqL/pKbKacTSly3cvp39MaVLK3tzg4JUX6DsxQkBfPEFMHYskJQk2+ztgTlz5KpsBaa7Wqmg/1qIiIiIci02Vi4Mkb5s4cmTrPe3sgICA5WJbtmyBTYPzFp8PDB3riHprVFDrsAWEKBuXC+IiS8RERFZBCHkEr/pe3PPnJHtWSlSJGPZgqur2UJWj4sL8N13QIsWwPDhwMyZcrqyAo6JLxERERVKKSnAiROGJPfAAeDOneyP8fFR9uYGBhaCsoWcSEiQP97ehrYmTYCLF+UEwoWEJfwqiYiIyALExCjLFg4fljNuZcXKStbjpk908+mCY3nr2DE5gK10aeCvv+QLo1OIkl6AiS8REREVQEIAkZHKsoWzZ7M/xsVFliroktz69WWbxUpLAz7/HJg0SY7qi4gA5s8HRo9WO7I8w8SXiIiI8r3kZOD4cWXZwr172R9TrpyyNzcgQK6ySwBu3AB69QJ27za0BQcXuHl5jcXEl4iIiPKdhw+Vc+ceOSLXUciKtbVc/Sx9olu6tNnCLVg2bgQGDgQePZK3NRpg3Dhg2jTAzk7NyPIcE18iIiJSlRDA5cvKsoXz57M/xs0NaNjQMNtCvXpyBgbKRlycnKFh9WpDm48PsHYt0KyZenGZERNfIiIiMqukJDmeSleysH8/EBWV/TF+fsre3GrVWLZglNhYoHZtWRit06ULsGQJ4OGhXlxmxsSXiIiI8lR0tLJs4ehRw7oImbGxAWrVUia6JUuaL95Cyc0NaNlSJr4uLsDixUCPHoVw5Y3sMfElIiIikxFCTv2avmwhIiL7Y9zdZdmCLsmtVw9wcjJLuJZl/nw5v9tHHxW6acpyiokvERER5VpiouzBTT/bwoMH2R9TvryyN7dqVeXUsfSChJB1u7a2wNtvG9qLFJGrsVkwJr5ERESUY1FRyt7cY8fkVGNZsbWVpaW6JDckBChRwnzxWpyYGGDQIDlzQ5Eisvu8fHm1o8o3mPgSERFRprRaWaaQPtG9dCn7Yzw8DDMtNGoE1K0LODqaJ16Lt3s30LMncPOmvB0fD2zaBHz4oaph5SdMfImIiAiALP88csQwEO3AATmfbnYqVlSWLVSuzLIFs0tOBqZMAWbPlmUOgCyc/vproFMnVUPLb5j4EhERWah795S9ucePAykpWe9vZycX90pftuDtbb54KRMREUC3bvKXp9O8ObBmjZyjlxSY+BIREVkArVYuCpE+0b1yJftjihVTli3UqQM4OJgnXnoOIWSP7siRsqsekAXVM2YAo0ez2z0LTHyJiIgKoSdPgMOHDSULBw4YVqjNSuXKhp5cXdmChU3zWnDExsolhnVJb+XKwPr1ciQhZYmJLxERUSFw546yN/fECSA1Nev97e1lD276sgVPT/PFSy/I3R1YtQpo21bO4jB3Lic/zgEmvkRERAWMVgucPatMdK9ezf4YLy9l2UJwsEx+qYBITJTd+EWLGtpCQ4EzZ4Dq1dWLq4Bh4ktERJTPJSQYyhb27wfCwuSV7uxUraqcbaFCBZYtFFjh4XIAW7lywG+/KX+RTHqNwsSXiIgon7l1S9mbe/IkkJaW9f4ODnK+XF2S27ChHJhGBZxWC3zxhZyHNylJ9u4uXQoMHqx2ZAUWE18iIiIVpaXJfCZ9ovvvv9kf4+2t7M2tXVtONUaFyJ07QN++wPbthrYaNYAmTdSLqRBg4ktERGRG8fHAoUOGJPfgQSAuLvtjqldX1ueWL8+yhULt11+Bfv2A6GhD28iRwMyZnE/uBTHxJSIiykM3bih7c0+dklews+LoCNSrpyxb8PAwX7ykooQEOQfvsmWGtpIlgdWrgZdeUi+uQoSJLxERkYmkpspxSOkT3Rs3sj+mRAll2UKtWnIdArIwMTHyW05EhKGtQwdg+XLOM2dCTHyJiIhy6fFjWaqQvmwhPj7r/TUaICBAuUiEnx/LFgiyWz84WCa+Tk7AwoXAu+/yzWFiTHyJiIhyQAjg+nVDknvgAHD6dPZlC05OQP36ht7cBg3kugNEmVq8WK7E9umnQKVKakdTKDHxJSIiykRqqqzHTV+2cOtW9seUKqUsWwgKYtkCZWHjRrmCSPv2hjZ3d2DzZtVCsgRMfImIiCAXhEhftnDokBxrlBWNBggMVCa65crxyjQ9R1wcMHy4HLDm4SEvG5Qpo3ZUFoOJLxERWRwhgGvXlL25Z87I9qw4O8tShfRlC66uZguZCoOwMKB7d8P60jExwHffAePGqRuXBWHiS0REhV5Kilz9LH2ie+dO9seUKaPsza1RA7Dh/5qUG6mpwCefyB/dEnwuLrKmt0cPdWOzMPwIExFRoRMToyxbOHwYePIk6/2trGQ9bvpFIsqWNV+8VIhFRsrkNizM0BYSInt6/fzUi8tCMfElIqICTQiZW6TvzT13LvuyBRcXZdlC/fqyjchkhADWrAGGDjXMcWdtDUyZAkyYwMsHKuGrTkREBUpyMnDihDLRvXcv+2PKllWWLQQGyhyEKM/ExMhV2HRJr78/sG6d/MZFqmHiS0RE+drDh/IqcfqyhcTErPe3tpZlC+kTXQ6aJ7MrWhT45hvgjTeAPn2ARYt4WSEfYOJLRET5hhDA5cvKRSLOncv+GFdXudKrLsmtVw8oUsQ88RLpJScDSUnK5LZDB+DoUbkiG+ULTHyJiEg1SUnA8ePKRPf+/eyP8fVV9uZWr86yBVJZRATQrRtQoQLwww/KyZyZ9OYrTHyJiMhsHjyQya0u0T1yRCa/WbG2BmrVUia6pUqZL16ibAkBfP01MHKkXGr4+HHg1VeBXr3UjoyywMSXiIjyhBDAxYvKQWgREdkf4+amnFKsbl25cARRvhMVBfTrB2zZYmirXBkICFAvJnouJr5ERGQSiYnAsWPKsoXo6OyP8fdX9uZWqybn1CXK17ZvlwPW7t41tA0aBMydCzg5qRYWPR8TXyIiypWoKGXZwtGjcnxPVmxsgNq1DUluSAhQsqT54iV6YYmJwPjxwIIFhjZPT2DFCqBdO9XCopxj4ktERM8lBHDhgjLRvXgx+2M8PAxlCyEhsmyBnWFUYD18CDRvDoSHG9ratgVWrgRKlFAtLDIOE18iIsogMVEOPEtftvDwYfbHVKigLFuoUoVlC1SIeHjI2pzwcMDeHpgzR67Kln4GB8r3mPgSERHu3VP25h47BqSkZL2/ra2cpSl92ULx4uaLl8jsNBq5IMXTp7KWl4PYCiQmvkREFkarBc6fV/bmXr6c/THFiinLFurUARwdzRMvkSq2bJE9u6GhhjZPTzmwjQosJr5ERIXckyfKsoWwMCAmJvtjKlVSli1UrswrumQhEhKA0aOBZcsAb29Z2uDtrXZUZCJMfImICpm7d5Vz5x4/DqSmZr2/nZ3swU1ftuDlZb54ifKNY8fkCmy6kZv378sZG8aNUzcuMhkmvkREBZhWC5w7p0x0IyOzP8bTU5nkBgcDDg7miZcoX0pLAz7/HJg0yfAt0clJTlvWr5+qoZFpMfElIipAEhKAw4eVZQuxsdkfU6WKsmyhYkWWLRDp3bgB9OwJ7NljaAsOBtavlzU/VKgw8SUiysdu31b25p48mX3Zgr29nC83fY9usWJmC5eoYNm4ERg4EHj0SN7WaGRZw7RpsgaICh0mvkRE+URaGnDmjHJasWvXsj/G29uQ4DZqJFdGs7c3S7hEBVt0NNC/PxAXJ2/7+ABr1wLNmqkbF+UpJr5ERCqJjwcOHTIkuQcPGv4Pzkq1asqyhfLlWbZAlCuensCSJUD37kCXLnLbw0PtqCiPMfElIjKTmzeVZQunTsle3qw4OAD16hmS3IYNgaJFzRcvUaGSmgokJyvXze7WDShTBmjShN8gLQQTXyKiPJCWJqf/TJ/oXr+e/TElSihrc2vVYpkhkUlERgI9esiRnitWKO9r2lSdmEgVTHyJiEzg8WNZqpC+bCE+Puv9NRqgenVl2YKfHzudiExKCFm3O2SI/ECGhQEvvwx06qR2ZKQSJr5ERLlw/bqyN/f0aTmnblYcHYH69ZVlC+7uZguXyPLExACDBsmZG3T8/eUgNrJYTHyJiJ4jNVUmtukT3Zs3sz+mZEllb27NmoCtrVnCJaLdu+XcvOk/qH36AIsWAS4uakVF+QATXyKiZ8TGKssWDh2SC0dkRaMBAgOViW65cixbIDK75GRgyhRg9mxZ5gDImRqWLWN5AwFg4ktEFk4I4N9/lb254eGG/zMz4+ysLFto0ABwczNfzESUiQcPgDZtgOPHDW0tWgBr1siZG4jAxJeILExKipxGLH2ie/t29seUKaNcJCIoCLDhX0+i/MXDQ87NC8i6ohkzgNGjASsrdeOifIV/uomoUHv0SA7k3r9froh26BDw5EnW+1tZATVqKMsWypY1W7hElFtWVsCqVUDnzsDChXIZQ6JnMPElokJDCODqVWVv7tmz2ZctFCkiSxV0SW79+oCrq/liJqJc+vNPucpL+nl4S5YE9u5VLybK91RPfBcvXow5c+bg7t27CAoKwhdffIF69epluf+CBQuwZMkSXL9+HZ6ennjrrbcwa9YsODg4mDFqIsoPUlKAEyeUie7du9kf4+Oj7M0NDGTZAlGBkpgIjB8PLFgg65BOn+ZSw5Rjqv6537BhA0aNGoWlS5eifv36WLBgAUJDQxEREQFvb+8M+69fvx7jxo3DihUrEBISgosXL6JPnz7QaDSYN2+eCs+AiMwpJkaWK+iS3CNHgKdPs97fykpOI5Z+NTRO4UlUgIWHA927y38BOV3Z118DH36oblxUYGiEyO4iYN6qX78+6tatiy+//BIAoNVq4ePjg2HDhmHcuHEZ9h86dCjOnz+PnTt36ttGjx6NQ4cOYd++fTl6zLi4OLi5uSE2NhauvJ5JlG8JAVy5ouzNPXcu+2NcXOTCEOnLFooUMU+8RJSHtFrgiy9kgpuUJNvs7YE5c4ChQzl3YCGUV/maaj2+ycnJOHbsGMaPH69vs7KyQuvWrREWFpbpMSEhIfjuu+9w+PBh1KtXD5GRkdi6dSt69uyZ5eMkJSUhSfchgXwhiSj/SU6WsxDpktwDB4B797I/plw5ZdlCQABgbW2eeInITO7cAfr2BbZvN7QFBgLr18sPPZERVEt8o6OjkZaWhuLFiyvaixcvjgsXLmR6TLdu3RAdHY3GjRtDCIHU1FQMGjQIEyZMyPJxZs2ahenTp5s0diJ6cQ8eyORWV7pw5Igs3cuKtTVQq5aybKF0afPFS0Qq+PVXoF8/IDra0DZyJDBzphzYRmSkAjWkY/fu3Zg5cya++uor1K9fH5cvX8b777+Pjz/+GJMnT870mPHjx2PUqFH623FxcfBhkR+RWQkBXLqkLFvI4vutnpubsmyhXj25cAQRWYioKFnPq1s2sWRJOV1ZmzaqhkUFm2qJr6enJ6ytrXHvmWuZ9+7dQ4kSJTI9ZvLkyejZsyf69esHAAgMDERCQgIGDBiAiRMnwiqTSart7e1hb29v+idARFlKSgKOHVOWLURFZX+Mn5+ybKF6dc47T2TRvLzkzA39+wPt2wPffGNYoIIol1RLfO3s7BAcHIydO3eiQ4cOAOTgtp07d2Lo0KGZHvPkyZMMya31fwV9Ko7RI7J4UVHKsoWjRw3jTzJjYyPnlk+/GlrJkuaLl4jyobQ0IDVVDlrTefddOWVZaCgHsJFJqFrqMGrUKPTu3Rt16tRBvXr1sGDBAiQkJKBv374AgF69eqF06dKYNWsWAKBdu3aYN28eatWqpS91mDx5Mtq1a6dPgIkobwkBREQoyxYuXsz+GHd3Q4LbqBFQty7g5GSWcImoILhxA+jVSw5W++ILQ7tGA7Rtq15cVOiomvh26dIFUVFRmDJlCu7evYuaNWti27Zt+gFv169fV/TwTpo0CRqNBpMmTcKtW7fg5eWFdu3aYcaMGWo9BaJCLzFR9uCmL1t48CD7Y8qXV5YtVK3KsgUiysLGjcDAgXJ98d27gZdfBl55Re2oqJBSdR5fNXAeX6Ls3b9vSHD375e1usnJWe9vawsEBytnW3hmshYioozi4oDhw4HVqw1tPj7AunVAkybqxUX5QqGbx5eI1KfVytkV0pctXL6c/TFFiyrLFurUARwdzRMvERUSYWFAjx5AZKShrUsXYMkSLj9MeYqJL5EFefpUzpebvmwhJib7YypWVJYtVK7MsgUiyqXUVGDGDODjj+VgNkAuubh4sUyEOYCN8hgTX6JC7O5dQ8nC/v1yZbSUlKz3t7OTPbi6Ht2QEMDb23zxElEh9uAB0K6d7O3VCQkBvvtOzmdIZAZMfIkKCa0WOHdOWbaQ/ipiZooVU/bmBgdzMSQiyiPu7nIuQ0AuxThlCjBhgqGNyAz4biMqoJ48AQ4fNiS5YWFyUHR2KldWJrqVKvHKIhGZibU1sHYt8OabsrShQQO1IyILxMSXqIC4fVs528KJE7JcLiv29nK+XF3JQkgIFz0iIjPas0eOfK1Xz9BWrpycH5HfuEklTHyJ8qG0NODsWWXZwrVr2R/j5aXsza1dW7kAEhGRWSQnA1OnAp99Jmt3T56UA9h0mPSSipj4EuUDCQnAoUPKsoW4uOyPqVpVmehWqMD/T4hIZRERQLduciQtIAcaLFkCjB2rblxE/2HiS6SCW7eUvbknTxpm9smMg4OhbKFRI6BhQzkwjYgoXxACWL4cGDFCzpsIyNVtZswARo9WNTSi9Jj4EuWxtDQgPFyZ6F6/nv0xxYsre3Nr1ZJTjRER5TtRUUD//sCvvxraKlcG1q+XNVdE+QgTXyITe/xYWbZw8KBsy0716spE19+fZQtEVABs3w706SMnDdcZNAiYOxdwclItLKKsMPElekHXrysXiTh1Ss6pmxXdIOf0ZQtcoZOICpx794AOHYDERHnb0xNYsUIuUkGUTzHxJTJCaipw+rSybOHmzeyPKVlS2Ztbs6YsfSMiKtCKFwc+/VTW9YaGAqtWASVKqB0VUbaY+BJlIy5OliroktxDh4D4+Kz312iAgABlouvry7IFIioEtFo5aCH9N/dhw4AyZYA33gCsrNSLjSiHmPgS/UcIWbaQvjc3PDz7sgUnJ6B+fUOS26CBXJWTiKhQuXNH1vLWrCnn59WxsgI6dlQrKiKjMfEli5WaKqcRS78a2q1b2R9TurSyN7dGDZYtEFEh9+uvwLvvAg8eAH/9JcsaWrZUOyqiXGHiSxYjNlYuDJG+bOHJk6z3t7ICAgOViW7ZsixbICILkZAg5+BdtszQVry4evEQmQATXyqUhJBL/KYvWzhzRrZnxdlZliqkL1twdTVbyERE+cexY3IFtosXDW3t2wPffCNnbyAqoJj4UqGQkgKcOGFIcg8ckCVp2fHxUfbmBgYCNvxEEJElS0sDPv8cmDRJ1oMBcjDDggVAv3685EUFHv+bpwIpJkZZtnD4sGGVzMxYWQFBQcpE18fHfPESEeV70dFAp07A7t2GtuBguQJbpUqqhUVkSkx8Kd8TAoiMVJYtnD2b/TEuLsqyhfr1ZRsREWXBzc0wX6NGA4wbB0ybxvXSqVBh4kv5TnIycPy4cjW0e/eyP6ZcOWVvbkAAYG1tnniJiAoFW1tg3Tq5GtuSJUCzZmpHRGRyTHxJdQ8fKpPcI0cMK2BmxtpaTiWZPtEtXdps4RIRFQ5hYbJ+NyjI0FapkhwJzMUoqJBi4ktmJQRw+bKybOH8+eyPcXUFGjY0JLn16gFFipgnXiKiQic1FZgxA/j4Y5noHj0qE2AdJr1UiDHxpTyVlCRnxUm/SERUVPbH+PkZktyQEKB6dZYtEBGZRGQk0KOH7O0FZM/DV18BY8aoGxeRmTDxJZOKjlaWLRw9KpPfrNjYALVqKRPdUqXMFy8RkUUQAli7Fhg6FHj8WLZZWwNTpwIjRqgaGpE5MfGlXBNCzm2evmwhIiL7Y9zdM5YtpL/CRkREJhYTAwwaBGzcaGgrXx747js5/Q2RBWHiSzmWmCh7cHU9ugcOyB7e7JQvrxyEVrUqy8eIiMxm926gZ0/g5k1DW9++wMKFnOORLBITX8pWfDwwZw7w11+yVjc5Oet9bW2B2rWVZQslSpgvViIiSufOHSA01PCH28MDWLZMLlJBZKGY+FK2PvsM+OSTzO/z8JDJrS7RrVsXcHQ0b3xERJSFkiVlDe/EiUCLFsCaNUCZMmpHRaQqJr6UrW3bDNsVKijLFqpUYdkCEVG+IQSg1SqnwfnwQ7k+e/fu/INNBCa+lI24OLmCGgAEBgKnT6sbDxERZSEqCujfX06TM3Wqod3aWtb4EhEAgF//KEsHDsjOAwBo2lTdWIiIKAvbtwM1agC//ioXpdDN0UtEGTDxpSz9849hm4kvEVE+k5gIjBwJtG0L3L0r2zw8DPP0ElEGLHWgLDHxJSLKp8LDZd1ueLihLTQUWLWK0+kQZYM9vpSpp0+Bw4fldqVK/DtKRJQvaLVyDt66dQ1Jr729bNu6lX+siZ6DPb6UqYMHgZQUuc3eXiKifODBA9nLu327oS0wEFi/HggIUC8uogKEPb6UKZY5EBHlM87OwK1bhtsjR8pLc0x6iXKMiS9liokvEVE+4+Age3f9/GSv77x5so2IcoylDpRBcrJhNpyyZYFy5dSNh4jIIh07Jnt5q1QxtAUGAhcvAjb875soN9jjSxkcOyYHtwFAs2bqxkJEZHHS0uR68Q0aAG+/DSQlKe9n0kuUa0x8KYM9ewzbLHMgIjKjGzeAVq2AceOA1FTg5Engq6/Ujoqo0GDiSxmwvpeISAUbN8oV2HS9DxoNMH48MGSIunERFSK8XkIKaWnAvn1yu3hxoGJFdeMhIir04uKA4cOB1asNbT4+wNq1rDcjMjEmvqRw6pRhtcumTWWHAxER5ZGwMKBHDyAy0tDWpQuwZIlcfpiITIqJLymkL3NgRwMRUR66dQto3lxOpQMALi7A4sUyEWavA1GeYI0vKXBgGxGRmZQuDYwZI7dDQuQlt549mfQS5SH2+JKeVgvs3Su3PTyA6tXVjYeIqFARQv6bPrGdNk1OmP7uu5ymjMgM2ONLeufPy6XgAaBJE8CK7w4iItOIiQG6dgXmzlW229oCAwcy6SUyE6Y2pMdpzIiI8sDu3XKaso0bgQkTgBMn1I6IyGIx8SW99PW9HNhGRPSCkpPlQhQtWwI3b8q2IkWAu3fVjYvIgvHaCgGQpWe6Ht8iRYCaNVUNh4ioYIuIALp1A44fN7S1aAGsWQOUKaNeXEQWjj2+BAC4cgW4c0duN2rEcjMiolwRAli2DKhVy5D02toCs2cDO3Yw6SVS2QulN4mJiXBwcDBVLKQi1vcSEb2ghw+Bvn2BLVsMbZUrA+vXA7VrqxcXEekZ3eOr1Wrx8ccfo3Tp0ihSpAgi/1ttZvLkyfj2229NHiCZBxeuICJ6Qfb2wIULhtuDB8teXya9RPmG0YnvJ598glWrVmH27Nmws7PTtwcEBOCbb74xaXBkPrqBbQ4OQJ066sZCRFQgOTsD69YBpUrJXt+vvgKcnNSOiojSMTrxXbNmDb7++mt0794d1tbW+vagoCBcSP9NlwqM69eBa9fkdoMGstOCiIieIzwc+O+qp16dOrKtXTt1YiKibBmd+N66dQsVKlTI0K7VapGSkmKSoMi8dKu1AazvJSJ6Lq0WWLgQqFsX6N4dSE1V3s/eA6J8y+jEt1q1atibPlP6z6ZNm1CrVi2TBEXmxYFtREQ5dOcO8PLLwIgRQFIScPAgsGSJ2lERUQ4ZPavDlClT0Lt3b9y6dQtarRabN29GREQE1qxZg99//z0vYqQ8pkt8bWyAhg3VjYWIKN/69Vfg3XcNa7sDwMiRQP/+6sVEREYxuse3ffv2+O2337Bjxw44OztjypQpOH/+PH777Te89NJLeREj5aF79wyDkOvW5TgMIqIMEhKAQYOADh0MSW/JksD27cC8eXJUMBEVCLmax7dJkyb466+/TB0LqYD1vURE2Th2TK7AdvGioa1DB2D5csDTU7WwiCh3jO7x9ff3x4P0l3n+8+jRI/j7+5skKDIf1vcSEWXhxg0gJMSQ9Do5yYR382YmvUQFlNGJ77Vr15CWlpahPSkpCbdu3TJJUGQ+usTXykouVUxERP/x8QHee09uBwcDJ04A/foBGo26cRFRruW41GFLuiUYt2/fDjc3N/3ttLQ07Ny5E76+viYNjvJWTAxw+rTcrlkTSPcrJSKyTEIoE9tZs4CyZYEhQ4B0izYRUcGU48S3Q4cOAACNRoPevXsr7rO1tYWvry/mzp1r0uAob+3bJ//GAyxzICILFxcHDB8O1Ktn6OUF5MC1kSPVi4uITCrHia9WqwUA+Pn54ciRI/BkfVOBx/peIiIAYWFyIYqrV4ENG4AWLYCqVdWOiojygNE1vlevXmXSW0ikT3wbN1YvDiIiVaSmAtOmAU2ayKQXAGxtgStXVA2LiPJOrqYzS0hIwJ49e3D9+nUkJycr7hs+fLhJAqO8FR8vZ+kBgGrVAC8vdeMhIjKryEigRw/Z26sTEgJ89x3g56deXESUp4xOfE+cOIFXXnkFT548QUJCAooWLYro6Gg4OTnB29ubiW8BceAAoJuco1kzdWMhIjIbIYA1a4ChQ2UPAABYWwNTpgATJsglLImo0DK61GHkyJFo164dYmJi4OjoiIMHD+Lff/9FcHAwPv/887yIkfIA63uJyOI8egR07Qr06WNIev395UjfKVOY9BJZAKMT35MnT2L06NGwsrKCtbU1kpKS4OPjg9mzZ2PChAl5ESPlgfSJb5Mm6sVBRGQ2Gg1w6JDhdp8+wMmTQIMGakVERGZmdOJra2sLKyt5mLe3N65fvw4AcHNzw40bN0wbHeWJxETD3/7y5YHSpdWNh4jILNzcgLVr5aprGzcCK1cCLi5qR0VEZmT0dZ1atWrhyJEjqFixIpo1a4YpU6YgOjoaa9euRUBAQF7ESCZ2+DCgG5PI+l4iKrQiIgBnZ6BMGUNbkybAtWuynYgsjtE9vjNnzkTJkiUBADNmzICHhwcGDx6MqKgoLFu2zOQBkunt2WPYZn0vERU6QgDLlgG1agG9egH/zUOvx6SXyGJphNCt3WUZ4uLi4ObmhtjYWLi6uqodjipeegnYsUNuR0Zy5h4iKkSiooB+/YAtWwxtS5YAgwapFxMRGS2v8jWje3yzcvz4cbz22mumOh3lkZQUOZUZIK/++fqqGg4Rkels3w7UqKFMegcNkr2+REQwMvHdvn07xowZgwkTJiAyMhIAcOHCBXTo0AF169bVL2tsjMWLF8PX1xcODg6oX78+Dh8+nO3+jx49wpAhQ1CyZEnY29ujUqVK2Lp1q9GPa6mOHweePJHbTZvKQc5ERAVaYiIwciTQti1w965s8/SUCfCSJYCTk7rxEVG+kePBbd9++y369++PokWLIiYmBt988w3mzZuHYcOGoUuXLjhz5gyqGrm2+YYNGzBq1CgsXboU9evXx4IFCxAaGoqIiAh4e3tn2D85ORkvvfQSvL29sWnTJpQuXRr//vsv3N3djXpcS5Z+GjMObCOiAi88HOjeXf6rExoKrFoFlCihWlhElD/luMa3Ro0a6NmzJz744AP89NNP6NSpExo0aICNGzeiTPoRs0aoX78+6tatiy+//BIAoNVq4ePjg2HDhmHcuHEZ9l+6dCnmzJmDCxcuwNbWNlePaek1vq+9Bvzxh9w+fx6oUkXdeIiIcu3ff4HKlYGkJHnb3h6YPVuuymZlsko+IlKB6jW+V65cQadOnQAAb775JmxsbDBnzpxcJ73Jyck4duwYWrdubQjGygqtW7dGWPq109PZsmULGjZsiCFDhqB48eIICAjAzJkzkaZbezcTSUlJiIuLU/xYqrQ0uUARAHh5yf8viIgKrHLlDPW7gYHA0aPA8OFMeokoSzn+6/D06VM4/VcnpdFoYG9vr5/WLDeio6ORlpaG4sWLK9qLFy+Ou7oarWdERkZi06ZNSEtLw9atWzF58mTMnTsXn3zySZaPM2vWLLi5uel/fHx8ch1zQRceDsTGym3W9xJRoTB/PvDJJ3KCcs4lT0TPYdQCFt988w2KFCkCAEhNTcWqVavg6emp2Gf48OGmi+4ZWq0W3t7e+Prrr2FtbY3g4GDcunULc+bMwdSpUzM9Zvz48Rg1apT+dlxcnMUmv+nrezl/LxEVKAkJwOjRcnnhPn0M7c7OwMSJqoVFRAVLjhPfsmXLYvny5frbJUqUwNq1axX7aDSaHCe+np6esLa2xr179xTt9+7dQ4ksBiSULFkStra2sLa21rdVrVoVd+/eRXJyMuzs7DIcY29vD3t7+xzFVNhxYBsRFUjHjskBbBERwLp1cvW18uXVjoqICqAcJ77Xrl0z6QPb2dkhODgYO3fuRIcOHQDIHt2dO3di6NChmR7TqFEjrF+/HlqtFlb/1XBdvHgRJUuWzDTpJQMhDImvuzuvCBJRAZCWBnz+OTBpEpCaKtu0WuDMGSa+RJQrqo4AGDVqFJYvX47Vq1fj/PnzGDx4MBISEtC3b18AQK9evTB+/Hj9/oMHD8bDhw/x/vvv4+LFi/jjjz8wc+ZMDBkyRK2nUGBcuCAXNAKAxo2BdJ3mRET5z40bQKtWwLhxhqQ3OBg4cQJo317d2IiowDKqxtfUunTpgqioKEyZMgV3795FzZo1sW3bNv2At+vXr+t7dgHAx8cH27dvx8iRI1GjRg2ULl0a77//Pj788EO1nkKBwfpeIiowNm4EBg4EHj2StzUamQBPmwbw6h4RvYAcz+NbWFjqPL7duwPr18vtgweB+vXVjYeIKIPHj4Fhw4DVqw1tPj7A2rUcmEBkYVSfx5cKLiGAPXvktrMzULu2uvEQEWUqKQn480/D7S5dgFOnmPQSkckw8bUAV68Ct27J7ZAQIJeL3hER5S1PT9nb6+oKrFkDfP894OGhdlREVIjkKvG9cuUKJk2ahLfffhv3798HAPzvf//D2bNnTRocmQbre4koX4qMBJ6Z0hIvvSSXIu7Zk6vsEJHJGZ347tmzB4GBgTh06BA2b96M+Ph4AMCpU6eyXESC1MXEl4jyFSFkz25QEPDOO/J2eu7uqoRFRIWf0YnvuHHj8Mknn+Cvv/5SzJ3bsmVLHDx40KTBkWnoEl97e6BePXVjISILFxMDdO0qV1+Ljwe2bgVWrlQ7KiKyEEYnvuHh4XjjjTcytHt7eyM6OtokQZHp3LoFXLkit+vXBxwc1I2HiCzY7t1AjRpyujKdPn2ATp3UioiILIzRia+7uzvu3LmTof3EiRMoXbq0SYIi02GZAxGpLjlZzsPbsiVw86Zs8/CQCfDKlYCLi7rxEZHFMDrx7dq1Kz788EPcvXsXGo0GWq0W+/fvx5gxY9CrV6+8iJFeABNfIlLVhQtAw4bAZ58ZanlbtABOn2ZPLxGZndGJ78yZM1GlShX4+PggPj4e1apVQ9OmTRESEoJJkyblRYz0AnSJr7W1/L+HiMhsIiPlxOHHj8vbtrbA7NnAjh1AmTLqxkZEFinXK7ddv34dZ86cQXx8PGrVqoWKFSuaOrY8YUkrt0VFAd7ecrt+fbliGxGRWfXoAaxbB1SuLJeP5Ao6RJQDeZWv2Rh7wL59+9C4cWOULVsWZcuWNVkgZHp79xq2WeZARKpYvBgoVw6YOBFwclI7GiKycEaXOrRs2RJ+fn6YMGECzp07lxcxkYmwvpeIzCYxERg5EvjxR2W7mxswYwaTXiLKF4xOfG/fvo3Ro0djz549CAgIQM2aNTFnzhzc1I3UpXxDl/hqNECjRurGQkSFWHi4nCR8wQJgwADgxg21IyIiypTRia+npyeGDh2K/fv348qVK+jUqRNWr14NX19ftGzZMi9ipFyIjQVOnpTbNWpwuXsiygNaLbBwIVC3rkx+AeDpU+DoUXXjIiLKgtE1vun5+flh3LhxCAoKwuTJk7Fnzx5TxUUvaP9+w8xBzZqpGwsRFUJ37gB9+wLbtxvaAgPlALaAAPXiIiLKhtE9vjr79+/He++9h5IlS6Jbt24ICAjAH3/8YcrY6AWk/w7C+l4iMqlff5WXktInvSNHAocPM+klonzN6B7f8ePH44cffsDt27fx0ksvYeHChWjfvj2cOHAhX0k/sK1JE/XiIKJCJCEBGD0aWLbM0FayJLBqFdCmjWphERHllNGJ7z///IMPPvgAnTt3hqenZ17ERC8oIcFQYlelimEuXyKiFxIXB/z0k+F2hw7A8uUA/y8gogLC6MR3//79eREHmdDBg0BqqtxmmQMRmUzJksA33wDduslBbe++K6eNISIqIHKU+G7ZsgUvv/wybG1tsWXLlmz3ff31100SGOVe+vpeDmwjoly7cQNwdgaKFjW0tW8PXL3KS0lEVCDlaMliKysr3L17F97e3rCyyno8nEajQVpamkkDNDVLWLK4eXND8nv9OuDjo2o4RFQQbdwIDBwItG4tt9mzS0RmlFf5Wo5mddBqtfD+79u9VqvN8ie/J72WIClJljoAgJ8fk14iMlJcHNCnD9ClC/DoEbBpk5yijIioEDB6OrM1a9YgKSkpQ3tycjLWrFljkqAo944ckckvwPpeIjJSWBhQsyawerWhrUsX4JVXVAuJiMiUjE58+/bti9jY2Aztjx8/Rt++fU0SFOVe+mnMmPgSUY6kpgLTp8u5D69elW0uLsCaNcD333PpRyIqNIye1UEIAU0mtV43b96Em5ubSYKi3OPANiIySmQk0KOH7O3VCQkBvvtO1ksRERUiOU58a9WqBY1GA41Gg1atWsHGxnBoWloarl69irZt2+ZJkJQzqalyqWIAKFUK8PdXNx4iyucuXwZq1wYeP5a3ra2BKVOACRMAmxda0Z6IKF/K8V+2Dh06AABOnjyJ0NBQFClSRH+fnZ0dfH190bFjR5MHSDl34oRcvAKQZQ4chE1E2SpfHmjVCvjlF/lNed06oEEDtaMiIsozOU58p06dCgDw9fVFly5d4ODgkGdBUe6wvpeIjKLRyJXXypUDPv5Y1vUSERViRg9u6927N5PefCp94sv6XiJSSE4Gxo0D/vhD2e7pCSxYwKSXiCxCjnp8ixYtiosXL8LT0xMeHh6ZDm7TefjwocmCo5zTaoG9e+W2pydQtaq68RBRPhIRIZcZPn4cWLkSOH0aKF5c7aiIiMwuR4nv/Pnz4fJfb8D8+fOzTXxJHWfOADExcrtJE9b3EhEAIYCvvwZGjgSePpVtMTFyFOybb6obGxGRCnKU+Pbu3Vu/3adPn7yKhV4A63uJSCEqCujXD9iyxdBWubJcha12bfXiIiJSkdE1vsePH0d4eLj+9q+//ooOHTpgwoQJSE5ONmlwlHNMfIlIb/t2oEYNZdI7eLAsdWDSS0QWzOjEd+DAgbh48SIAIDIyEl26dIGTkxN+/PFHjB071uQB0vMJYUh8XV2BoCB14yEilSQmyrKGtm2Bu3dlm6enTIC/+gpwclI3PiIilRmd+F68eBE1a9YEAPz4449o1qwZ1q9fj1WrVuGnn34ydXyUAxcvAvfuye3GjeUc9ERkge7fl4PXdNq2BcLDgXbt1IuJiCgfMTrxFUJAq9UCAHbs2IFXXnkFAODj44Po6GjTRkc5wjIHIgIAlC0LLFkC2NsDixYBW7cCJUqoHRURUb5h9JqUderUwSeffILWrVtjz549WLJkCQDg6tWrKM7pcVTBxJfIQt25Azg7yxonnbfflpd+fHzUi4uIKJ8yusd3wYIFOH78OIYOHYqJEyeiQoUKAIBNmzYhJCTE5AHS8+kSX0dHIDhY3ViIyEx+/VUOYBs+PON9THqJiDKlEUIIU5woMTER1tbWsLW1NcXp8kxcXBzc3NwQGxsL1/S9JAXUtWuAn5/cbtUK2LFD1XCIKK8lJACjRwPLlhnaNm0COnZULyYiIhPLq3zN6FIHnWPHjuH8+fMAgGrVqqE2p8hRBcsciCzIsWNyBbb/ZtYBAHTowDXKiYhyyOjE9/79++jSpQv27NkDd3d3AMCjR4/QokUL/PDDD/Dy8jJ1jJQNJr5EFiAtDfj8c2DSJCA1VbY5OQELFwLvvsulGomIcsjoGt9hw4YhPj4eZ8+excOHD/Hw4UOcOXMGcXFxGJ5ZrRnlKV3ia2sL1K+vbixElAdu3JB1TOPGGZLe4GDgxAm5MhuTXiKiHDO6x3fbtm3YsWMHqlatqm+rVq0aFi9ejDZt2pg0OMrenTvApUtyu149ObiNiAqRixflN9pHj+RtjUYmwNOmAXZ2akZGRFQgGd3jq9VqMx3AZmtrq5/fl8wjfZkDS/yICqEKFQyXcnx8gF27gJkzmfQSEeWS0Ylvy5Yt8f777+P27dv6tlu3bmHkyJFo1aqVSYOj7LG+l6iQs7KSK7ENGACcOsVvuEREL8joxPfLL79EXFwcfH19Ub58eZQvXx5+fn6Ii4vDF198kRcxUhZ0ia+VFcAplIkKuNRUYPp04O+/le0lS8qpyzw81ImLiKgQMbrG18fHB8ePH8fOnTv105lVrVoVrVu3NnlwlLUHD4AzZ+R27dqAi4u68RDRC4iMBHr0AMLCgNKlgdOngaJF1Y6KiKjQMSrx3bBhA7Zs2YLk5GS0atUKw4YNy6u46Dn27TNs8+onUQElBLB2LTB0KPD4sWy7e1fW8nJBCiIik8tx4rtkyRIMGTIEFStWhKOjIzZv3owrV65gzpw5eRkfZWHPHsM263uJCqCYGGDQIGDjRkObvz+wbh3QoIF6cRERFWI5rvH98ssvMXXqVERERODkyZNYvXo1vvrqq7yMjbKRfmBb48bqxUFEubB7N1CjhjLp7dMHOHmSSS8RUR7KceIbGRmJ3r17629369YNqampuHPnTp4ERlmLi5Nz1wNAYCBLAYkKjORkYPx4oGVL4OZN2ebuLhPglStZrE9ElMdyXOqQlJQEZ2dn/W0rKyvY2dnh6dOneRIYZe3AAUA3ZTLLHIgKkJs3gS++kLW9ANC8ObBmjZyjl4iI8pxRg9smT54MJycn/e3k5GTMmDEDbm5u+rZ58+aZLjrKVPr6Xg5sIypA/P2BhQuBwYOBGTOA0aPlfIRERGQWOU58mzZtioiICEVbSEgIIiMj9bc1XDPeLNLX9zZpol4cRPQc0dGAk5P80XnnHfmNtUIF9eIiIrJQOU58d+/enYdhUE49eQIcOSK3K1UCSpRQNx4iysL27XLA2ptvAosXG9o1Gia9REQq4TW2AubQISAlRW6zvpcoH0pMBEaOBNq2lXPyfvUV8McfakdFRETIxcptpK70ZQ5MfInymfBwoHt3+a9O27ZAcLB6MRERkR57fAsYDmwjyoe0WjlorW5dQ9Jrbw8sWgRs3cqaJCKifII9vgVIcjIQFia3y5UDypZVNx4iAnDnDtC3r6zp1QkMBNavBwIC1IuLiIgyYOJbgBw9KssHAZY5EOULERFy6cToaEPbyJHAzJmAg4N6cRERUaZyVeqwd+9e9OjRAw0bNsStW7cAAGvXrsW+fftMGhwpsb6XKJ+pUAGoVk1ulywpe33nzWPSS0SUTxmd+P70008IDQ2Fo6MjTpw4gaSkJABAbGwsZs6cafIAyYCJL1E+Y20NrF0L9OwJnD4NtGmjdkRERJQNoxPfTz75BEuXLsXy5ctha2urb2/UqBGOHz9u0uDIIDUV0HWolygBVKyobjxEFictDfjsM7lmeHply8plhz091YmLiIhyzOga34iICDTNpLvRzc0Njx49MkVMlIlTp4DHj+V206ZyDnwiMpMbN2Sv7p49gJ8fcPIk4OqqdlRERGQko3t8S5QogcuXL2do37dvH/z9/U0SFGXEMgcilWzcCNSoYZhL8No14M8/VQ2JiIhyx+jEt3///nj//fdx6NAhaDQa3L59G+vWrcOYMWMwePDgvIiRwMSXyOzi4uSSw126ALqrWT4+wK5dwFtvqRkZERHlktGlDuPGjYNWq0WrVq3w5MkTNG3aFPb29hgzZgyGDRuWFzFaPK0W2LtXbhctClSvrm48RIVeWBjQowcQGWlo69IFWLIE8PBQLy4iInohGiGEyM2BycnJuHz5MuLj41GtWjUUKVLE1LHlibi4OLi5uSE2NhauBaRG78wZOR8+ALRvD/zyi6rhEBVeqanAjBnAxx/LwWwA4OICLF4sE2EW1xMRmUVe5Wu5XsDCzs4O1XTzV1KeYpkDkZlcuQLMmmVIekNCgO++kwPaiIiowDM68W3RogU02fR6/P333y8UEGXExJfITCpXBmbPBkaNAqZMASZMAGy4wCURUWFh9F/0mjVrKm6npKTg5MmTOHPmDHr37m2quOg/QhgSXxcX4JmXn4heREwM4OQE2Nsb2oYNA1q2BAIC1IuLiIjyhNGJ7/z58zNtnzZtGuLj4184IFK6fBm4c0duN2rEzicik9m9W87N27UrMGeOoV2jYdJLRFRIGT2dWVZ69OiBFStWmOp09B+WORCZWHIyMH687NW9eRP4/HNg5061oyIiIjMwWf9hWFgYHBwcTHU6+g8TXyITiogAunUD0i+v3qKFrO0lIqJCz+jE980331TcFkLgzp07OHr0KCZPnmyywEjSJb4ODkCdOurGQlRgCQF8/TUwciTw9Klss7WVU5eNHg1YmeziFxER5WNGJ75ubm6K21ZWVqhcuTI++ugjtGnTxmSBEXD9ulwdFQAaNFCOvyGiHIqKAvr1A7ZsMbRVrgysXw/Urq1eXEREZHZGJb5paWno27cvAgMD4cHVi/Jc+jKHZs3Ui4OowIqIAJo3B+7eNbQNHizrep2cVAuLiIjUYdT1PWtra7Rp0waPdOvWm8jixYvh6+sLBwcH1K9fH4cPH87RcT/88AM0Gg06dOhg0njyC9b3Er0gf3/Ax0due3rKXt+vvmLSS0RkoYwubAsICEBk+vXrX9CGDRswatQoTJ06FcePH0dQUBBCQ0Nx//79bI+7du0axowZgyZNmpgslvxGl/ja2MhSByIykq0tsG4d8OabQHg40K6d2hEREZGKjE58P/nkE4wZMwa///477ty5g7i4OMWPsebNm4f+/fujb9++qFatGpYuXQonJ6dsp0ZLS0tD9+7dMX36dPj7+xv9mAXBvXvyKi0A1K3LDiqi59JqgUWLgBMnlO0VKwI//QSUKKFOXERElG/kOPH96KOPkJCQgFdeeQWnTp3C66+/jjJlysDDwwMeHh5wd3c3uu43OTkZx44dQ+vWrQ0BWVmhdevWCAsLyzYWb29vvPvuu899jKSkpBdOztWwd69hm2UORM9x5w7wyivA++/L6cqePFE7IiIiyodyPLht+vTpGDRoEHbt2mWyB4+OjkZaWhqKFy+uaC9evDguXLiQ6TH79u3Dt99+i5MnT+boMWbNmoXp06e/aKhmt2ePYZsD24iy8euvctaG6Gh5+8IF4H//Azp2VDcuIiLKd3Kc+AohAADNVMzCHj9+jJ49e2L58uXw9PTM0THjx4/HqFGj9Lfj4uLgoxvsko/p6nutrICQEHVjIcqXEhLkHLzLlhnaSpYEVq0COLUiERFlwqjpzDQajUkf3NPTE9bW1rh3756i/d69eyiRST3elStXcO3aNbRLN0BFq9UCAGxsbBAREYHy5csrjrG3t4d9AZsA9+FDOQ4HAGrWBJ6ZOpmIjh2TJQ0XLxraOnQAli+XszcQERFlwqjEt1KlSs9Nfh8+fJjj89nZ2SE4OBg7d+7UT0mm1Wqxc+dODB06NMP+VapUQbguI/zPpEmT8PjxYyxcuLBA9OTmxP79cqEpgPW9RAppacCcOcDkyUBqqmxzcgIWLJDlDib+ck5ERIWLUYnv9OnTM6zc9qJGjRqF3r17o06dOqhXrx4WLFiAhIQE9O3bFwDQq1cvlC5dGrNmzYKDgwMCAgIUx7u7uwNAhvaCjPP3EmXhwgVl0hscLFdgq1RJ3biIiKhAMCrx7dq1K7y9vU0aQJcuXRAVFYUpU6bg7t27qFmzJrZt26Yf8Hb9+nVYWRk961qBln5gWyGeppjIeNWrAx9/DEyYAIwbB0ybBtjZqR0VEREVEBqhG7X2HNbW1rhz547JE19zi4uLg5ubG2JjY+Hq6qp2OBk8fgx4eMgrutWrA2fOqB0RkYoePwYcHeUqLjppaXKu3jp11IuLiIjyVF7laznuSs1hfkwvKCxM/r8OsMyBLFxYmBzd+cknynZraya9RESUKzlOfLVabYHv7S0IWN9LFi81FZg+Xdb5REbK0oYDB9SOioiICgGjanwp76Wv72XiSxYnMhLo0UP29uo0aCDn5yUiInpBljVqLJ97+hQ4fFhuV6gAlCqlbjxEZiMEsGaNLG3QJb3W1rLnd88ewM9P1fCIiKhwYI9vPnL4MJCcLLfZ20sWIyYGGDwY2LDB0ObvD6xbJ3t7iYiITISJbz7C+l6yOBERwEsvATduGNr69AEWLQJcXFQLi4iICieWOuQjTHzJ4pQrB/y3CA08PICNG4GVK5n0EhFRnmDim0+kpBgGrvv4AL6+qoZDZB4ODnLltVdeAU6fBjp1UjsiIiIqxJj45hPHjgFPnsjtpk0BjUbdeIhMTgjg66+Bc+eU7QEBwB9/AGXKqBMXERFZDCa++QTLHKhQi4oCOnQABg4EunUDkpLUjoiIiCwQE998gokvFVrbtwM1agBbtsjbp04Bv/+ubkxERGSRmPjmA2lpwL59ctvbG6hcWd14iEwiMREYMQJo2xa4e1e2eXrKBLhjR1VDIyIiy8TpzPKB06eB2Fi5zfpeKhTCw2VJw5kzhrbQUGDVKqBECdXCIiIiy8Ye33yAZQ5UaGi1wMKFQN26hqTX3l62bd3KpJeIiFTFHt98gIkvFRrh4cCoUTIBBoDAQDldWUCAunERERGBPb6qE8KQ+Lq7Mz+gAi4oCJgwQW6PHCnX4eabmoiI8gn2+KrswgUgOlpuN24MWFurGw+RUZ48kYtQWKX7Dj1lCtCmDdCkiXpxERERZYI9virbs8ew3ayZenEQGe3YMaBWLWDuXGW7rS2TXiIiypeY+KqM9b1U4KSlAZ99BjRoAFy8CEycCBw/rnZUREREz8VSBxWlr+91dpadZ0T52o0bQM+eyksVNWoARYqoFxMREVEOscdXRVevArduye2QEHmFmCjf2rhRJrm6pFejAcaPBw4cACpVUjc2IiKiHGCPr4rSd5qxzIHyrbg4YPhwYPVqQ5uPD7B2LQvTiYioQGHiq6L09b3MHyhfiogAXnkFiIw0tHXpAixdKuffIyIiKkBY6qAiXeJrby8XuiLKd8qUAWz++37s4gKsWQN8/z2TXiIiKpCY+Krk5k1DJ1r9+nIqVKJ8x9lZrrzWvDlw6pQc2KbRqB0VERFRrjDxVcnevYZt1vdSviCE7NG9ckXZHhwM/P034OenTlxEREQmwsRXJVy4gvKVmBiga1egd2+ge3cgJUV5P3t5iYioEGDiqxJdfa+NDdCwobqxkIXbvVtOU7Zxo7x96BDw+++qhkRERJQXmPiq4P594Px5uR0cLMsoicwuORkYNw5o2VIWnQOAhwfw44/AG2+oGxsREVEe4HRmKti3z7DN+l5SRUQE0K2bcqnhFi1kjW+ZMurFRURElIfY46uC9PP3MvElsxICWLZMro+tS3ptbYHZs4EdO5j0EhFRocYeXxWkX/G1cWN1YyELc+IEMGiQ4XblynK6stq11YuJiIjITNjja2aPHsnpUAEgKIjrAJCZ1a4NjBoltwcPlr2+THqJiMhCsMfXzPbvl1ebAZY5kBkkJQF2dsrpyGbOBNq2BV56Sb24iIiIVMAeXzNjfS+ZTXg4UKcOsGSJst3enkkvERFZJCa+ZpY+8W3SRL04qBDTaoGFC4G6dYEzZ4DRo4Fz59SOioiISHUsdTCjhATg6FG5XbUq4O2tbjxUCN25A/TtC2zfbmirWFG9eIiIiPIR9viaUVgYkJoqt1nmQCb3669yBbb0Se/IkcDhw0C1aurFRURElE+wx9eMWN9LeSIhQZYzLFtmaCtZEli1CmjTRrWwiIiI8hsmvmbE+l4yuYsXgXbt5L86HToAy5cDnp6qhUVERJQfsdTBTBITgYMH5bafH+Djo248VEgULw4kJ8ttJyeZ8G7ezKSXiIgoE0x8zeTIETmlKgA0a6ZuLFSIuLkB330H1K8vV2Xr1085Zy8RERHpMfE1E9b3kkn8+CNw44ayrVEjOXKyUiV1YiIiIiogmPiaCRNfeiFxcUCfPkDnzkCvXkBamvJ+9vISERE9FxNfM0hNlUsVA0CpUoC/v7rxUAETFgbUqgWsXi1v794N/P67qiEREREVREx8zeD4cTnjFCDre9k5RzmSmgpMny6nAImMlG0uLsCaNcDrr6sbGxERUQHE6czMgGUOZLTISKBHD9nbqxMSIgey+fmpFxcREVEBxh5fM2DiSzkmhOzRrVnTkPRaW8ue3z17mPQSERG9APb45jGtFti7V257egJVq6obD+VzR48CvXsbbvv7A+vWAQ0aqBcTERFRIcEe3zx25gzw6JHcbtKE9b30HHXrAgMHyu0+fYCTJ5n0EhERmQh7fPPYnj2GbS5cQRmkpAA2NspvRHPnAq+8wgFsREREJsYe3zzG+l7KUkSE7M3VTVOm4+zMpJeIiCgPMPHNQ0IYEl9XV6BGDXXjoXxCCGDZMjk37/HjwLBhwOXLakdFRERU6LHUIQ9dvAjcvy+3GzeWg/PJwkVFAf36AVu2GNpKlwaePlUvJiIiIgvBHt88xDIHUti+XXb7p096Bw2Svb6BgerFRUREZCGY+OYhDmwjAEBiIjByJNC2LXD3rmzz9JQJ8JIlgJOTuvERERFZCJY65BEhDImvkxNQu7a68ZBKLl8G3nwTCA83tLVtC6xcCZQooV5cREREFog9vnnk33+BmzfldsOGgJ2duvGQSjw8gAcP5La9PbBoEbB1K5NeIiIiFTDxzSOs7yUAQLFiwKpVQFCQXJVt2DCuYkJERKQSJr55JH19LxNfC/Lbb4Y6Xp2XXgKOHQMCAtSJiYiIiAAw8c0zuh5fOzugfn11YyEzSEiQMzS8/jrwzjuyyDs9zmVHRESkOia+eeD2bcN6BPXqAY6O6sZDeezYMTl6cdkyeft//wN+/13dmIiIiCgDJr55YO9ewzbLHAqxtDTgs8/kssMXL8o2Jydg+XLgtdfUjY2IiIgy4HRmeYAD2yzAjRtAz57KYu7gYGD9eqBSJfXiIiIioiyxxzcP6HIha2sgJETdWCgPbNggV2DT/aI1GmD8eODAASa9RERE+Rh7fE0sOho4e1Zu164NuLioGw+Z2MGDQNeuhts+PsDatVyaj4iIqABgj6+J7dtn2GaZQyHUoIEscQCALl2AU6eY9BIRERUQ7PE1Mdb3FjJaLWD1zPfDL78EXn0V6NyZi1EQEREVIOzxNTFd4qvRAI0bqxsLvaDISPlL3LhR2e7qKnt7mfQSEREVKEx8TSg2FjhxQm4HBgJFi6obD+WSEMCaNUDNmkBYGDBwoJzFgYiIiAo0Jr4mdOCAvDIOsMyhwIqJkYPXevcGHj+WbUWLAg8eqBsXERERvTAmvibE+t4CbvduOU1Z+tKGPn2Akydl7y8REREVaEx8TSh94tukiXpxkJGSk4Fx44CWLYGbN2Wbu7tMgFeu5Jx0REREhQRndTCRJ0+AI0fkdqVKQIkS6sZDORQZCXTqBBw/bmhr3lzW+Pr4qBYWERERmR57fE3k4EEgJUVuc1rXAsTREbh+XW7b2gKzZwM7dzLpJSIiKoSY+JoI63sLqJIlgW+/BapUkd9ePvgg47y9REREVCjwf3gTYeJbQOzYkXGGhtdfB06flmtMExERUaGVLxLfxYsXw9fXFw4ODqhfvz4OHz6c5b7Lly9HkyZN4OHhAQ8PD7Ru3Trb/c0hOVlO9woA5coBZcuqGg5lJjERGDkSeOklOS+vEMr7bW3ViYuIiIjMRvXEd8OGDRg1ahSmTp2K48ePIygoCKGhobh//36m++/evRtvv/02du3ahbCwMPj4+KBNmza4deuWmSM3OHJE5lUAe3vzpfBwoF49YMECefunn4Bt21QNiYiIiMxP9cR33rx56N+/P/r27Ytq1aph6dKlcHJywooVKzLdf926dXjvvfdQs2ZNVKlSBd988w20Wi127txp5sgN0pc5cGBbPqLVAgsXAnXryuQXAOztgUWLgLZt1Y2NiIiIzE7V6cySk5Nx7NgxjB8/Xt9mZWWF1q1bI0xXO/AcT548QUpKCopmsT5wUlISkpKS9Lfj4uJeLOhMsL43H7pzB+jbF9i+3dAWGAisXw8EBKgXFxEREalG1R7f6OhopKWloXjx4or24sWL4+7duzk6x4cffohSpUqhdevWmd4/a9YsuLm56X98TDxNVWoqsH+/3C5RAqhQwaSnp9zYskWuwJY+6R05Ejh8mEkvERGRBVO91OFFfPrpp/jhhx/w888/w8HBIdN9xo8fj9jYWP3PjRs3TBrDqVPA48dyu2lTQKMx6enJWPv3A+3bA9HR8naJEjIBnjcPyOI9QkRERJZB1cTX09MT1tbWuHfvnqL93r17KPGcpc8+//xzfPrpp/jzzz9Ro0aNLPezt7eHq6ur4seU9uwxbLPMIR8ICQHeeENut28va3vbtFE3JiIiIsoXVE187ezsEBwcrBiYphuo1rBhwyyPmz17Nj7++GNs27YNderUMUeoWeLANpU9Oy2ZRgMsXw6sXAn8/DPg6alOXERERJTvqF7qMGrUKCxfvhyrV6/G+fPnMXjwYCQkJKBv374AgF69eikGv3322WeYPHkyVqxYAV9fX9y9exd3795FfHy82WPXaoG9e+V20aJAtWpmD8Gy3bgBtGwJ/P67sr1YMaBPH9adEBERkYKqszoAQJcuXRAVFYUpU6bg7t27qFmzJrZt26Yf8Hb9+nVYpVtCdsmSJUhOTsZbb72lOM/UqVMxbdo0c4aOc+eAhw/ldpMmXOnWrDZulAtRPHoEnD0rV157TnkMERERWTbVE18AGDp0KIYOHZrpfbt371bcvnbtWt4HlEOcxkwFcXHA8OHA6tWGNgcH4PZtJr5ERESULfZRvoD0A9tY32sGYWFAzZrKpLdLFzm1Ru3aqoVFREREBQMT31wSwtDj6+ICBAWpG0+hlpoKTJsm60muXpVtLi7AmjXA998DHh6qhkdEREQFQ74odSiILl8GdGtsNGoE2PCVzBvXrgHdusneXp2QEOC77wA/P9XCIiIiooKHPb65xPpeM7GykqMIAcDaGpg+XdaYMOklIiIiIzHxzSUmvmZStiywdCng7w/s2wdMmcLudSIiIsoVJr65pBvY5uAA1K2rbiyFyt69cuaG9Lp2lVOWNWigTkxERERUKDDxzYV//5U/ANCwIWBnp248hUJyMjBunJweY9iwjPc7OJg/JiIiIipUmPjmgm61NoBlDiYRESG/QXz2mZwuY80a4M8/1Y6KiIiIChkmvrnA+l4TEQJYtgyoVQs4fly22doCs2cDrVurGxsREREVOhwllAu6+l5bW5ad5lpUFNCvH7Bli6GtcmVg/XouRkFERER5gj2+Rrp7F7h4UW7XrQs4OakbT4G0fTtQo4Yy6R08WPb6MuklIiKiPMIeXyOxvvcF7d0LtG1ruO3pCaxYAbRrp15MREREZBHY42sk1ve+oMaNDYlv27ZAeDiTXiIiIjIL9vgaSZf4WlnJlXPJSBoNsHIl8PPPwKBB8jYRERGRGbDH1wgPH8oOSgCoWRNwc1M1nPzv7l3g1VeBnTuV7SVKyJpeJr1ERERkRuzxNcK+fXIGLkCus0DZ2LIFePddIDoaOHVK/hQrpnZUREREZMHY42sE1vfmQEKCLGFo314mvQCg1QLXrqkaFhERERETXyOkT3wbN1Yvjnzr2DEgOFguSqHToQNw+rRsJyIiIlIRE98cevzYsLhY9epyFi76T1qaXG64QQO5/DAgJzhevhzYvJkvFhEREeULrPHNoQMHZH4HsL5X4eZNoGdPYPduQ1twsFyBrVIl1cIiIiIiehZ7fHOI9b1ZePoUOHJEbms0wPjx8lsCk14iIiLKZ5j45lD6xLdJE/XiyHcqVgQWLQJ8fIBdu4CZMwE7O7WjIiIiIsqAiW8OPH0KHD4stytUAEqVUjceVR0+DDx5omzr2xc4d441IERERJSvMfHNgUOHgORkuW2xZQ6pqcD06XK5ujFjlPdpNECRIurERURERJRDTHxzIH2Zg0V2akZGyox/2jQ5wm/JElnWQERERFSAMPHNAYsd2CYEsGaNXJ85LEy2WVvLnl8WOhMREVEBw+nMniM5WU5SAMjxW+XKqRuP2cTEAIMHAxs2GNr8/YF16+R8vUREREQFDBPf5zh+XA5uA2Rvr0ajbjxmsWePnJv3xg1DW58+cvYGFxfVwiIiMpe0tDSkpKSoHQZRoWZnZwcrK/MWHzDxfY49ewzbFlHmsGcP0KKFLHMAAA8PuQRxp07qxkVEZAZCCNy9exePHj1SOxSiQs/Kygp+fn6wM+M0qEx8n8PiBrY1biwzfF0CvGYNUKaM2lEREZmFLun19vaGk5MTNBZxmY/I/LRaLW7fvo07d+6gbNmyZvusMfHNRloasG+f3Pb2tpDFyKytgbVrgR9/BEaMAMx8CYKISC1paWn6pLdYsWJqh0NU6Hl5eeH27dtITU2Fra2tWR6TWU02Tp8G4uLkdqGs742KAjp2BPbvV7b7+ACjRjHpJSKLoqvpdXJyUjkSIsugK3FIS0sz22OyxzcbhXoas+3b5YC1u3flCL5TpwBXV7WjIiJSHcsbiMxDjc8au/SyUSgHtiUmyhKGtm1l0gsA8fHAxYuqhkVERESU15j4ZkEIQ4+vuzsQGKhqOKYRHg7UrQssXGhoa9tWttepo15cREREKomIiECJEiXw+PFjtUMpVJKTk+Hr64ujR4+qHYoCE98snD8PPHggt5s0KeDlrlqtTHbr1gXOnJFt9vZyXt6tW4ESJdSNj4iIXkifPn2g0Wig0Whga2sLPz8/jB07FomJiRn2/f3339GsWTO4uLjAyckJdevWxapVqzI9708//YTmzZvDzc0NRYoUQY0aNfDRRx/h4cOHefyMzGf8+PEYNmwYXArxPPWLFy+Gr68vHBwcUL9+fRw+fPi5xyxYsACVK1eGo6MjfHx8MHLkyAzvp+zOa2dnhzFjxuDDDz80+fN5IcLCxMbGCgAiNjY22/2WLBFC9vsKMWeOmYLLC7dvCxEaangygBCBgUKEh6sdGRFRvvL06VNx7tw58fTpU7VDMVrv3r1F27ZtxZ07d8T169fFzz//LFxdXcXYsWMV+y1atEhYWVmJ8ePHi7Nnz4pLly6Jzz//XNjb24vRo0cr9p0wYYKwtrYWY8aMEfv37xdXr14Vf/75p3jzzTfFggULzPbckpKS8uzc//77r7C1tRU3b958ofPkZYwv6ocffhB2dnZixYoV4uzZs6J///7C3d1d3Lt3L8tj1q1bJ+zt7cW6devE1atXxfbt20XJkiXFyJEjjTrvw4cPhZ2dnThz5kymj5PdZy6n+ZqxmPhm4e23DXnioUNmCi4vnDkjhL294cmMHClEAfyjTkSU1wp64tu+fXtF25tvvilq1aqlv339+nVha2srRo0aleH4RYsWCQDi4MGDQgghDh06JABkmeDGxMRkGcuNGzdE165dhYeHh3BychLBwcH682YW5/vvvy+aNWumv92sWTMxZMgQ8f7774tixYqJ5s2bi7ffflt07txZcVxycrIoVqyYWL16tRBCiLS0NDFz5kzh6+srHBwcRI0aNcSPP/6YZZxCCDFnzhxRp04dRVt0dLTo2rWrKFWqlHB0dBQBAQFi/fr1in0yi1EIIcLDw0Xbtm2Fs7Oz8Pb2Fj169BBRUVH64/73v/+JRo0aCTc3N1G0aFHx6quvisuXL2cb44uqV6+eGDJkiP52WlqaKFWqlJg1a1aWxwwZMkS0bNlS0TZq1CjRqFEjo8/bokULMWnSpEwfR43EtyBfwM8zQhgGtjk7A7VqqRvPC6leHZgzR5YzbN8OzJsHODioHRURUYFRp45cx8fcPy8y9OLMmTM4cOCAYkWsTZs2ISUlBWPGjMmw/8CBA1GkSBF8//33AIB169ahSJEieO+99zI9v7u7e6bt8fHxaNasGW7duoUtW7bg1KlTGDt2LLRarVHxr169GnZ2dti/fz+WLl2K7t2747fffkN8fLx+n+3bt+PJkyd44403AACzZs3CmjVrsHTpUpw9exYjR45Ejx49sCf9SPVn7N27F3WeeaETExMRHByMP/74A2fOnMGAAQPQs2fPDOUBz8b46NEjtGzZErVq1cLRo0exbds23Lt3D507d9Yfk5CQgFGjRuHo0aPYuXMnrKys8MYbb2T7+sycORNFihTJ9uf69euZHpucnIxjx46hdevW+jYrKyu0bt0aYWFhWT5mSEgIjh07pn/OkZGR2Lp1K1555RWjz1uvXj3s3bs3y8cyN05nlonISOD2bbndqBFgpjmVTePUKaBKFVnDqzN0KNCjh1x+mIiIjHL3LnDrltpRPN/vv/+OIkWKIDU1FUlJSbCyssKXX36pv//ixYtwc3NDyZIlMxxrZ2cHf39/XPxvhp9Lly7B39/f6EUF1q9fj6ioKBw5cgRFixYFAFSoUMHo51KxYkXMnj1bf7t8+fJwdnbGzz//jJ49e+of6/XXX4eLiwuSkpIwc+ZM7NixAw0bNgQA+Pv7Y9++fVi2bBmaZbH06r///psh8S1durTiy8GwYcOwfft2bNy4EfXq1csyxk8++QS1atXCzJkz9W0rVqyAj48PLl68iEqVKqFjx46Kx1qxYgW8vLxw7tw5BAQEZBrjoEGDFMlzZkqVKpVpe3R0NNLS0lC8eHFFe/HixXHhwoUsz9etWzdER0ejcePGEEIgNTUVgwYNwoQJE4w+b6lSpfDvv/9mG785MfHNRIGcvzctDfj8c2DSJOD99+W2jkbDpJeIKJfUGv9r7OO2aNECS5YsQUJCAubPnw8bG5sMiVZOCSFyddzJkydRq1YtfdKbW8HBwYrbNjY26Ny5M9atW4eePXsiISEBv/76K3744QcAwOXLl/HkyRO89NJLiuOSk5NRK5vLtk+fPoXDM1dB09LSMHPmTGzcuBG3bt1CcnIykpKSMixs8myMp06dwq5du1CkSJEMj3PlyhVUqlQJly5dwpQpU3Do0CFER0fre3qvX7+eZeJbtGjRF349jbV7927MnDkTX331FerXr4/Lly/j/fffx8cff4zJkycbdS5HR0c8efIkjyI1HhPfTBS4xPfGDaBnT0N9xty5QIcOQOPGqoZFRFQY5LPZmLLk7Oys711dsWIFgoKC8O233+Ldd98FAFSqVAmxsbG4fft2hh7C5ORkXLlyBS1atNDvu2/fPqSkpBjV6+vo6Jjt/VZWVhmSat2Kec8+l2d1794dzZo1w/379/HXX3/B0dERbdu2BQB9CcQff/yB0qVLK46zT38F9Bmenp6IiYlRtM2ZMwcLFy7EggULEBgYCGdnZ4wYMQLJycnZxhgfH4927drhs88+y/A4ul72du3aoVy5cli+fDlKlSoFrVaLgICADOdOb+bMmYpe5MycO3cOZcuWzfT5WVtb4969e4r2e/fuoUQ236wmT56Mnj17ol+/fgCAwMBAJCQkYMCAAZg4caJR53348CG8vLyyjd+cWOObCV3+aG8vZwDL1zZuBGrUMASt0QDjxwPpLscQEZFlsbKywoQJEzBp0iQ8ffoUANCxY0fY2tpi7ty5GfZfunQpEhIS8PbbbwOQl7rj4+Px1VdfZXr+R48eZdpeo0YNnDx5Msvpzry8vHDnzh1F28mTJ3P0nEJCQuDj44MNGzZg3bp16NSpkz4pr1atGuzt7XH9+nVUqFBB8ePj45PlOWvVqoVz584p2vbv34/27dujR48eCAoKUpSAZKd27do4e/YsfH19M8Tg7OyMBw8eICIiApMmTUKrVq1QtWrVDEl3ZgYNGoSTJ09m+5NVqYOdnR2Cg4Oxc+dOfZtWq8XOnTv1JSGZefLkCayemcfV2toagLwaYMx5z5w5k22vu9mZdKhcAfC8UYLXrxsmQEg3yDT/iY0Vondv5TRlPj5C7N6tdmRERAVSYZvVISUlRZQuXVrMSTcn5/z584WVlZWYMGGCOH/+vLh8+bKYO3duptOZjR07VlhbW4sPPvhAHDhwQFy7dk3s2LFDvPXWW1nO9pCUlCQqVaokmjRpIvbt2yeuXLkiNm3aJA4cOCCEEGLbtm1Co9GI1atXi4sXL4opU6YIV1fXDLM6vP/++5mef+LEiaJatWrCxsZG7N27N8N9xYoVE6tWrRKXL18Wx44dE4sWLRKrVq3K8nXbsmWL8Pb2Fqmpqfq2kSNHCh8fH7F//35x7tw50a9fP+Hq6qp4fTOL8datW8LLy0u89dZb4vDhw+Ly5cti27Ztok+fPiI1NVWkpaWJYsWKiR49eohLly6JnTt3irp16woA4ueff84yxhf1ww8/CHt7e7Fq1Spx7tw5MWDAAOHu7i7u3r2r36dnz55i3Lhx+ttTp04VLi4u4vvvvxeRkZHizz//FOXLl1fMrJGT8wohRLly5cSaNWsyjY3TmZnB817IdesMeeTkyWYOLqcOHBDC31+Z9HbpIsTDh2pHRkRUYBW2xFcIIWbNmiW8vLxEfHy8vu3XX38VTZo0Ec7OzsLBwUEEBweLFStWZHreDRs2iKZNmwoXFxfh7OwsatSoIT766KNspzO7du2a6Nixo3B1dRVOTk6iTp064lC6eUGnTJkiihcvLtzc3MTIkSPF0KFDc5z4njt3TgAQ5cqVE1qtVnGfVqsVCxYsEJUrVxa2trbCy8tLhIaGij179mQZa0pKiihVqpTYtm2bvu3Bgweiffv2okiRIsLb21tMmjRJ9OrV67mJrxBCXLx4UbzxxhvC3d1dODo6iipVqogRI0boY/3rr79E1apVhb29vahRo4bYvXt3nie+QgjxxRdfiLJlywo7OztRr149/fRy6Z9P79699bdTUlLEtGnTRPny5YWDg4Pw8fER7733Xobf+/POe+DAAeHu7i6ePHmSaVxqJL4aIXJZwV5AxcXFwc3NDbGxsXB1dc1w/6BBwLJlcvuvv4B0M3XkD7t3y6DS0uRtFxdg8WI5a4NGo2poREQFWWJiIq5evQo/P78MA56o8Fq8eDG2bNmC7du3qx1KodOlSxcEBQXpZ4N4Vnafuefla7nFwW3P0A1ss7EBsil/UU+jRkBwMHD4MBASAnz3HeDnp3ZUREREBdLAgQPx6NEjPH78uFAvW2xuycnJCAwMxMiRI9UORYGJbzr37wPnz8vt4GC5eEW+Y2sLrFsHbNgAfPihzNCJiIgoV2xsbDBx4kS1wyh07OzsMGnSJLXDyICzOqSTfmGRLOa6Nq+YGKB7d+DYMWV7hQrAxIlMeomIiIiMwMwpnXw1f+/u3XJu3ps3ZeJ7/DjwzOTZRERERJRz7PFNR5f4ajSylFYVycnAuHFAy5Yy6QVkDcbZsyoFRERERFQ4sMf3P48eAadOye2gIMDdXYUgIiKAbt1k765OixbAmjVAmTIqBERERERUeLDH9z/79skJcQEVyhyEkHOo1aplSHptbYHZs4EdO5j0EhEREZkAe3z/k76+16wD26KigH79gC1bDG2VKwPr1wO1a5sxECIiIqLCjT2+/0mf+DZpYsYHvnED2LrVcHvwYNnry6SXiIiIyKSY+AKIjzfMGFa1KuDlZcYHr10b+OQTwNNT9vp+9RVnbyAiogJFo9Hgl19+UTuMfGvatGmoWbOm2mEQmPgCAA4eBFJT5Xae1/deuACkpCjbxoyRsza0a5fHD05ERIVRnz59oNFooNFoYGtrCz8/P4wdOxaJiYlqh5bn7t69i/fffx8VKlSAg4MDihcvjkaNGmHJkiV48uSJ2uEBAMaMGYOdO3eqHQaBNb4AgD17DNt5lvhqtcAXX8jV1j78EJg+3XCftTXg7Z1HD0xERJagbdu2WLlyJVJSUnDs2DH07t0bGo0Gn332mdqh5ZnIyEg0atQI7u7umDlzJgIDA2Fvb4/w8HB8/fXXKF26NF5//XW1w0SRIkVQpEgRtcMgsMcXgBkWrrhzB3jlFWDECCApSZY2HD6cBw9ERESWyt7eHiVKlICPjw86dOiA1q1b46+//tLf/+DBA7z99tsoXbo0nJycEBgYiO+//15xjubNm2P48OEYO3YsihYtihIlSmDatGmKfS5duoSmTZvCwcEB1apVUzyGTnh4OFq2bAlHR0cUK1YMAwYMQHx8vP7+Pn36oEOHDpg5cyaKFy8Od3d3fPTRR0hNTcUHH3yAokWLokyZMli5cmW2z/m9996DjY0Njh49is6dO6Nq1arw9/dH+/bt8ccff6Ddf1dSr127Bo1Gg5MnT+qPffToETQaDXbv3q1vO3PmDF5++WUUKVIExYsXR8+ePREdHa2/f9OmTQgMDNQ/r9atWyMhIQEAsHv3btSrVw/Ozs5wd3dHo0aN8O+//wLIWOqge/6ff/45SpYsiWLFimHIkCFISXdF+M6dO3j11Vfh6OgIPz8/rF+/Hr6+vliwYEG2rwllz+IT38RE4NAhue3vnwczh/36K1CjBrB9u6Ft+HDZRkREBcO8efI/iOf9ZNa7+PrrOTt23jyThXvmzBkcOHAAdnZ2+rbExEQEBwfjjz/+wJkzZzBgwAD07NkTh5/piFm9ejWcnZ1x6NAhzJ49Gx999JE+udVqtXjzzTdhZ2eHQ4cOYenSpfjwww8VxyckJCA0NBQeHh44cuQIfvzxR+zYsQNDhw5V7Pf333/j9u3b+OeffzBv3jxMnToVr732Gjw8PHDo0CEMGjQIAwcOxE3dYk7PePDgAf78808MGTIEzs7Ome6j0Why/Jo9evQILVu2RK1atXD06FFs27YN9+7dQ+fOnQHIRPTtt9/GO++8g/Pnz2P37t148803IYRAamoqOnTogGbNmuH06dMICwvDgAEDsn38Xbt24cqVK9i1axdWr16NVatWYdWqVfr7e/Xqhdu3b2P37t346aef8PXXX+P+/fs5fj6UBWFhYmNjBQARGxsrhBDin3+EkBPpCtGnjwkfKD5eiIEDDScHhChRQojt2034IEREZCpPnz4V586dE0+fPs1459Spyr/nWf00aJDx2AYNcnbs1Km5jr13797C2tpaODs7C3t7ewFAWFlZiU2bNmV73KuvvipGjx6tv92sWTPRuHFjxT5169YVH374oRBCiO3btwsbGxtx69Yt/f3/+9//BADx888/CyGE+Prrr4WHh4eIj4/X7/PHH38IKysrcffuXX285cqVE2lpafp9KleuLJo0aaK/nZqaKpydncX333+faewHDx4UAMTmzZsV7cWKFRPOzs7C2dlZjB07VgghxNWrVwUAceLECf1+MTExAoDYtWuXEEKIjz/+WLRp00Zxrhs3bggAIiIiQhw7dkwAENeuXcsQy4MHDwQAsXv37kxjnTp1qggKCtLf1j3/1NRUfVunTp1Ely5dhBBCnD9/XgAQR44c0d9/6dIlAUDMnz8/08coiLL7zD2br5mKxdf45kl977FjcgW2ixcNbe3bA998I2dvICKigsXVFShd+vn7ZTYtkJdXzo51dTU+rnRatGiBJUuWICEhAfPnz4eNjQ06duyovz8tLQ0zZ87Exo0bcevWLSQnJyMpKQlOz8wkVOOZK5IlS5bU9zSeP38ePj4+KFWqlP7+hg0bKvY/f/48goKCFL2wjRo1glarRUREBIoXLw4AqF69OqysDBeeixcvjoCAAP1ta2trFCtWzOhezsOHD0Or1aJ79+5ISkrK8XGnTp3Crl27Mq3FvXLlCtq0aYNWrVohMDAQoaGhaNOmDd566y14eHigaNGi6NOnD0JDQ/HSSy+hdevW6Ny5M0qWLJnl41WvXh3W1tb62yVLlkR4eDgAICIiAjY2NqidbmrTChUqwMPDI8fPhzJn8YmvyReu+PtvIDTUME2EkxOwYIFcpMKISy5ERJSPjBolf3Ij/QJFecjZ2RkVKlQAAKxYsQJBQUH49ttv8e677wIA5syZg4ULF2LBggUIDAyEs7MzRowYgeTkZMV5bG1tFbc1Gg20Wq3J483scYx57AoVKkCj0SAiIkLR7u/vDwBwdHTUt+kSbKFbohVQ1NMCQHx8PNq1a5fpYMCSJUvC2toaf/31Fw4cOIA///wTX3zxBSZOnIhDhw7Bz88PK1euxPDhw7Ft2zZs2LABkyZNwl9//YUGDRrk+PnnxetMShZd45uSAhw4ILdLlwb8/Exw0kaNgGrV5HZwMHDiBNC/P5NeIiIyGysrK0yYMAGTJk3C06dPAQD79+9H+/bt0aNHDwQFBcHf3x8X01+ZzIGqVavixo0buHPnjr7t4MGDGfY5deqUftCX7rGtrKxQuXLlF3hWSsWKFcNLL72EL7/8UvFYmfH6ryc+fdzpB7oBQO3atXH27Fn4+vqiQoUKih9d77VGo0GjRo0wffp0nDhxAnZ2dvj555/156hVqxbGjx+PAwcOICAgAOvXr8/Vc6tcuTJSU1Nx4sQJfdvly5cRExOTq/ORgUUnvidOALrPStOmJspN7e3lcsMTJ8qsulIlE5yUiIjIOJ06dYK1tTUWL14MAKhYsaK+x/L8+fMYOHAg7t27Z9Q5W7dujUqVKqF37944deoU9u7di4kTJyr26d69OxwcHNC7d2+cOXMGu3btwrBhw9CzZ099mYOpfPXVV0hNTUWdOnWwYcMGnD9/HhEREfjuu+9w4cIFfSmBo6MjGjRogE8//RTnz5/Hnj17MGnSJMW5hgwZgocPH+Ltt9/GkSNHcOXKFWzfvh19+/ZFWloaDh06hJkzZ+Lo0aO4fv06Nm/ejKioKFStWhVXr17F+PHjERYWhn///Rd//vknLl26hKpVq+bqeVWpUgWtW7fGgAEDcPjwYZw4cQIDBgyAo6OjUQP2KCOLTnxfeBqzuDjZm3v2rLK9enU5ZVm60bRERETmZGNjg6FDh2L27NlISEjApEmTULt2bYSGhqJ58+YoUaIEOnToYNQ5rays8PPPP+Pp06eoV68e+vXrhxkzZij2cXJywvbt2/Hw4UPUrVsXb731Flq1aoUvv/zShM9OKl++PE6cOIHWrVtj/PjxCAoKQp06dfDFF19gzJgx+Pjjj/X7rlixAqmpqQgODsaIESPwySefKM5VqlQp7N+/H2lpaWjTpg0CAwMxYsQIuLu7w8rKCq6urvjnn3/wyiuvoFKlSpg0aRLmzp2Ll19+GU5OTrhw4QI6duyISpUqYcCAARgyZAgGDhyY6+e2Zs0aFC9eHE2bNsUbb7yB/v37w8XFBQ4ODrk+JwEakb7gxQLExcXBzc0NsbGx6N7dFb//LtvPnjVUKORIWBjQowcQGSmnJjt8WPb2EhFRgZSYmIirV6/Cz8+PyQXlOzdv3oSPjw927NiBVq1aqR2OSWT3mUufr7m+4MDP9Cx2cFtaGrB3r9z29ARyfDUiNRWYMQP4+GN5EgC4ehU4fRqoWzdPYiUiIiLL8vfffyM+Ph6BgYG4c+cOxo4dC19fXzTNsyVmLYPFJr7nzgGxsXI7x/W9kZGylzcszNAWEgJ8952JRsYRERERyVknJkyYgMjISLi4uCAkJATr1q3LMBsEGcdiE9/9+w3bz/3yJASwdi0wdCjw+LFss7YGpkwBJkwAbCz2ZSQiIqI8EBoaitDQULXDKHQsNmPTTWMGPCfxjYkBBg8GNmwwtPn7A+vWAVnMzUdERERE+Y/Fzuqg6/F1c5Nj07J0/jzw44+G2336ACdPMuklIiqkLGzMN5Fq1PisWWziGx0t/23cWFYtZCkkRM7J6+4ObNwIrFwJuLiYI0QiIjIjXe3kkydPVI6EyDLoVg20zjYRMy2LLXXQyVDmcPUqULasMhuePBkYODBna60TEVGBZG1tDXd3d9y/fx+AnI+WiwUQ5Q2tVouoqCg4OTnBxoxjpZj46hJfIYCvvwZGjgSmTgU+/NCwk60tk14iIgtQokQJANAnv0SUd6ysrFC2bFmzfsG02AUsgFg4ObkiJgawi40C+vUDtmyRO9nYyAUpatVSNVYiIlJHWloaUlJS1A6DqFCzs7ODlVXmVbdcwCIPNGwI2O3aLges3b1ruKNfP6ByZdXiIiIidVlbW5u17pCIzCNfDG5bvHgxfH194eDggPr16+Pw4cPZ7v/jjz+iSpUqcHBwQGBgILZu3Wr0Y9ohETMSRgBt2xqSXk9P2eu7ZAng5JSLZ0JERERE+ZXqie+GDRswatQoTJ06FcePH0dQUBBCQ0OzrK86cOAA3n77bbz77rs4ceIEOnTogA4dOuDMmTNGPe5uNEf9gwsNDW3bAuHhQLt2L/J0iIiIiCifUr3Gt379+qhbty6+/PJLAHKUn4+PD4YNG4Zx48Zl2L9Lly5ISEjA77//rm9r0KABatasiaVLlz738fQ1IwBcAcDeHpgzR67KxtG7RERERKorlDW+ycnJOHbsGMaPH///9u4/KKpy/wP4m13cXaRFI0NYRc0fkNcfGaBeMMc0CsyMsoKSUVRSb0A4cvvhVRPJFDOl1LHSTDGjUBt/TRAkFgVkNzXQRhBCIG0C7lVv4A8Q2P18//DLTitg7rosxL5fMzvOec7zPOdz9uPqh4dzzhrbFAoFAgMDceTIkVbHHDlyBHFxcSZtQUFB2L9/f6v9r127hmvXrhm3a2pqAAC1APC3vwEffnj9z+avIiYiIiKiDlVbWwvA+l9y0aGF7/nz56HX69G7d2+T9t69e+P06dOtjqmqqmq1f9Ufb077g8TERCQkJLRo9wSAwsLrd7gRERERUadz4cKF/38al3V0+ac6/Otf/zJZIf7999/Rv39/nD171qpvJHVOtbW18PT0xLlz56z6qxLqnJhv+8J82xfm277U1NSgX79+cHV1teq8HVr49urVC0qlEtXV1Sbt1dXVxoeI38jd3d2s/mq1Gmq1ukV7jx49+MGxIy4uLsy3HWG+7QvzbV+Yb/vS1nN+LZ7PqrOZSaVSwdfXF4cPHza2GQwGHD58GP5tXILg7+9v0h8ADh061GZ/IiIiIiKgE1zqEBcXh4iICPj5+WHMmDF45513cOXKFcyePRsAMHPmTPTp0weJiYkAgAULFmDChAlYt24dpkyZgtTUVBw7dgxbtmzpyNMgIiIiok6uwwvfsLAw/Pe//8WyZctQVVWFUaNGISMjw3gD29mzZ02WuQMCAvDJJ59g6dKlWLx4MYYMGYL9+/dj+PDht3Q8tVqN+Pj4Vi9/oK6H+bYvzLd9Yb7tC/NtX9or3x3+HF8iIiIiIlvo8G9uIyIiIiKyBRa+RERERGQXWPgSERERkV1g4UtEREREdqFLFr6bNm3CgAEDoNFoMHbsWPzwww837b9nzx7ce++90Gg0GDFiBNLT020UKVmDOfn+4IMPMH78eNx555248847ERgY+Kd/P6hzMffz3Sw1NRUODg544okn2jdAsipz8/37778jOjoaHh4eUKvV8PLy4r/pfyHm5vudd96Bt7c3nJyc4OnpiYULF6K+vt5G0dLt+PbbbzF16lTodDo4ODhg//79fzomOzsbPj4+UKvVGDx4MJKTk80/sHQxqampolKpZNu2bXLq1CmZO3eu9OzZU6qrq1vtn5eXJ0qlUtasWSOFhYWydOlS6datm/z00082jpwsYW6+p0+fLps2bZL8/HwpKiqSWbNmSY8ePeTXX3+1ceRkCXPz3ay8vFz69Okj48ePl5CQENsES7fN3Hxfu3ZN/Pz85NFHH5Xc3FwpLy+X7OxsKSgosHHkZAlz852SkiJqtVpSUlKkvLxcMjMzxcPDQxYuXGjjyMkS6enpsmTJEtm7d68AkH379t20f1lZmXTv3l3i4uKksLBQNm7cKEqlUjIyMsw6bpcrfMeMGSPR0dHGbb1eLzqdThITE1vtHxoaKlOmTDFpGzt2rMyfP79d4yTrMDffN2pqahKtVis7duxorxDJiizJd1NTkwQEBMjWrVslIiKChe9fiLn5fu+992TgwIHS0NBgqxDJiszNd3R0tEyaNMmkLS4uTsaNG9eucZL13Urh+8orr8iwYcNM2sLCwiQoKMisY3WpSx0aGhpw/PhxBAYGGtsUCgUCAwNx5MiRVsccOXLEpD8ABAUFtdmfOg9L8n2jq1evorGxEa6uru0VJlmJpfl+/fXX4ebmhsjISFuESVZiSb4PHjwIf39/REdHo3fv3hg+fDhWrVoFvV5vq7DJQpbkOyAgAMePHzdeDlFWVob09HQ8+uijNomZbMta9VqHf3ObNZ0/fx56vd74rW/NevfujdOnT7c6pqqqqtX+VVVV7RYnWYcl+b7Rq6++Cp1O1+LDRJ2PJfnOzc3Fhx9+iIKCAhtESNZkSb7Lysrw1VdfITw8HOnp6SgtLUVUVBQaGxsRHx9vi7DJQpbke/r06Th//jweeOABiAiamprwj3/8A4sXL7ZFyGRjbdVrtbW1qKurg5OT0y3N06VWfInMsXr1aqSmpmLfvn3QaDQdHQ5Z2aVLlzBjxgx88MEH6NWrV0eHQzZgMBjg5uaGLVu2wNfXF2FhYViyZAnef//9jg6N2kF2djZWrVqFd999Fz/++CP27t2LtLQ0rFixoqNDo06sS6349urVC0qlEtXV1Sbt1dXVcHd3b3WMu7u7Wf2p87Ak383Wrl2L1atXIysrCyNHjmzPMMlKzM33mTNnUFFRgalTpxrbDAYDAMDR0RHFxcUYNGhQ+wZNFrPk8+3h4YFu3bpBqVQa24YOHYqqqio0NDRApVK1a8xkOUvy/dprr2HGjBl4/vnnAQAjRozAlStXMG/ePCxZsgQKBdf2upK26jUXF5dbXu0FutiKr0qlgq+vLw4fPmxsMxgMOHz4MPz9/Vsd4+/vb9IfAA4dOtRmf+o8LMk3AKxZswYrVqxARkYG/Pz8bBEqWYG5+b733nvx008/oaCgwPh6/PHHMXHiRBQUFMDT09OW4ZOZLPl8jxs3DqWlpcYfcACgpKQEHh4eLHo7OUvyffXq1RbFbfMPPdfvl6KuxGr1mnn33XV+qampolarJTk5WQoLC2XevHnSs2dPqaqqEhGRGTNmyKJFi4z98/LyxNHRUdauXStFRUUSHx/Px5n9hZib79WrV4tKpZLPPvtMKisrja9Lly511CmQGczN9434VIe/FnPzffbsWdFqtRITEyPFxcXy+eefi5ubm7zxxhsddQpkBnPzHR8fL1qtVj799FMpKyuTL7/8UgYNGiShoaEddQpkhkuXLkl+fr7k5+cLAElKSpL8/Hz55ZdfRERk0aJFMmPGDGP/5seZvfzyy1JUVCSbNm3i48yabdy4Ufr16ycqlUrGjBkj33//vXHfhAkTJCIiwqT/7t27xcvLS1QqlQwbNkzS0tJsHDHdDnPy3b9/fwHQ4hUfH2/7wMki5n6+/4iF71+Pufn+7rvvZOzYsaJWq2XgwIGycuVKaWpqsnHUZClz8t3Y2CjLly+XQYMGiUajEU9PT4mKipL//e9/tg+czPb111+3+v9xc44jIiJkwoQJLcaMGjVKVCqVDBw4ULZv3272cR1E+PsAIiIiIur6utQ1vkREREREbWHhS0RERER2gYUvEREREdkFFr5EREREZBdY+BIRERGRXWDhS0RERER2gYUvEREREdkFFr5EREREZBdY+BIRAUhOTkbPnj07OgyLOTg4YP/+/TftM2vWLDzxxBM2iYeIqDNi4UtEXcasWbPg4ODQ4lVaWtrRoSE5OdkYj0KhQN++fTF79mz85z//scr8lZWVmDx5MgCgoqICDg4OKCgoMOmzfv16JCcnW+V4bVm+fLnxPJVKJTw9PTFv3jxcvHjRrHlYpBNRe3Ds6ACIiKwpODgY27dvN2m7++67OygaUy4uLiguLobBYMCJEycwe/Zs/Pbbb8jMzLztud3d3f+0T48ePW77OLdi2LBhyMrKgl6vR1FREebMmYOamhrs2rXLJscnImoLV3yJqEtRq9Vwd3c3eSmVSiQlJWHEiBFwdnaGp6cnoqKicPny5TbnOXHiBCZOnAitVgsXFxf4+vri2LFjxv25ubkYP348nJyc4OnpidjYWFy5cuWmsTk4OMDd3R06nQ6TJ09GbGwssrKyUFdXB4PBgNdffx19+/aFWq3GqFGjkJGRYRzb0NCAmJgYeHh4QKPRoH///khMTDSZu/lSh3vuuQcAcP/998PBwQEPPvggANNV1C1btkCn08FgMJjEGBISgjlz5hi3Dxw4AB8fH2g0GgwcOBAJCQloamq66Xk6OjrC3d0dffr0QWBgIJ555hkcOnTIuF+v1yMyMhL33HMPnJyc4O3tjfXr1xv3L1++HDt27MCBAweMq8fZ2dkAgHPnziE0NBQ9e/aEq6srQkJCUFFRcdN4iIiasfAlIrugUCiwYcMGnDp1Cjt27MBXX32FV155pc3+4eHh6Nu3L44ePYrjx49j0aJF6NatGwDgzJkzCA4OxlNPPYWTJ09i165dyM3NRUxMjFkxOTk5wWAwoKmpCevXr8e6deuwdu1anDx5EkFBQXj88cfx888/AwA2bNiAgwcPYvfu3SguLkZKSgoGDBjQ6rw//PADACArKwuVlZXYu3dviz7PPPMMLly4gK+//trYdvHiRWRkZCA8PBwAkJOTg5kzZ2LBggUoLCzE5s2bkZycjJUrV97yOVZUVCAzMxMqlcrYZjAY0LdvX+zZsweFhYVYtmwZFi9ejN27dwMAXnrpJYSGhiI4OBiVlZWorKxEQEAAGhsbERQUBK1Wi5ycHOTl5eGOO+5AcHAwGhoabjkmIrJjQkTURURERIhSqRRnZ2fj6+mnn2617549e+Suu+4ybm/fvl169Ohh3NZqtZKcnNzq2MjISJk3b55JW05OjigUCqmrq2t1zI3zl5SUiJeXl/j5+YmIiE6nk5UrV5qMGT16tERFRYmIyIsvviiTJk0Sg8HQ6vwAZN++fSIiUl5eLgAkPz/fpE9ERISEhIQYt0NCQmTOnDnG7c2bN4tOpxO9Xi8iIg899JCsWrXKZI6dO3eKh4dHqzGIiMTHx4tCoRBnZ2fRaDQCQABIUlJSm2NERKKjo+Wpp55qM9bmY3t7e5u8B9euXRMnJyfJzMy86fxERCIivMaXiLqUiRMn4r333jNuOzs7A7i++pmYmIjTp0+jtrYWTU1NqK+vx9WrV9G9e/cW88TFxeH555/Hzp07jb+uHzRoEIDrl0GcPHkSKSkpxv4iAoPBgPLycgwdOrTV2GpqanDHHXfAYDCgvr4eDzzwALZu3Yra2lr89ttvGDdunEn/cePG4cSJEwCuX6bw8MMPw9vbG8HBwXjsscfwyCOP3NZ7FR4ejrlz5+Ldd9+FWq1GSkoKnn32WSgUCuN55uXlmazw6vX6m75vAODt7Y2DBw+ivr4eH3/8MQoKCvDiiy+a9Nm0aRO2bduGs2fPoq6uDg0NDRg1atRN4z1x4gRKS0uh1WpN2uvr63HmzBkL3gEisjcsfImoS3F2dsbgwYNN2ioqKvDYY4/hhRdewMqVK+Hq6orc3FxERkaioaGh1QJu+fLlmD59OtLS0vDFF18gPj4eqampePLJJ3H58mXMnz8fsbGxLcb169evzdi0Wi1+/PFHKBQKeHh4wMnJCQBQW1v7p+fl4+OD8vJyfPHFF8jKykJoaCgCAwPx2Wef/enYtkydOhUigrS0NIwePRo5OTl4++23jfsvX76MhIQETJs2rcVYjUbT5rwqlcqYg9WrV2PKlClISEjAihUrAACpqal46aWXsG7dOvj7+0Or1eKtt97Cv//975vGe/nyZfj6+pr8wNGss9zASESdGwtfIuryjh8/DoPBgHXr1hlXM5uvJ70ZLy8veHl5YeHChXjuueewfft2PPnkk/Dx8UFhYWGLAvvPKBSKVse4uLhAp9MhLy8PEyZMMLbn5eVhzJgxJv3CwsIQFhaGp59+GsHBwbh48SJcXV1N5mu+nlav1980Ho1Gg2nTpiElJQWlpaXw9vaGj4+Pcb+Pjw+Ki4vNPs8bLV26FJMmTcILL7xgPM+AgABERUUZ+9y4YqtSqVrE7+Pjg127dsHNzQ0uLi63FRMR2Sfe3EZEXd7gwYPR2NiIjRs3oqysDDt37sT777/fZv+6ujrExMQgOzsbv/zyC/Ly8nD06FHjJQyvvvoqvvvuO8TExKCgoAA///wzDhw4YPbNbX/08ssv480338SuXbtQXFyMRYsWoaCgAAsWLAAAJCUl4dNPP8Xp06dRUlKCPXv2wN3dvdUv3XBzc4OTkxMyMjJQXV2NmpqaNo8bHh6OtLQ0bNu2zXhTW7Nly5bho48+QkJCAk6dOoWioiKkpqZi6dKlZp2bv78/Ro4ciVWrVgEAhgwZgmPHjiEzMxMlJSV47bXXcPToUZMxAwYMwMmTJ1FcXIzz58+jsbER4eHh6NWrF0JCQpCTk4Py8nJkZ2cjNjYWv/76q1kxEZF9YuFLRF3efffdh6SkJLz55psYPnw4UlJSTB4FdiOlUokLFy5g5syZ8PLyQmhoKCZPnoyEhAQAwMiRI/HNN9+gpKQE48ePx/33349ly5ZBp9NZHGNsbCzi4uLwz3/+EyNGjEBGRgYOHjyIIUOGALh+mcSaNWvg5+eH0aNHo6KiAunp6cYV7D9ydHTEhg0bsHnzZuh0OoSEhLR53EmTJsHV1RXFxcWYPn26yb6goCB8/vnn+PLLLzF69Gj8/e9/x9tvv43+/fubfX4LFy7E1q1bce7cOcyfPx/Tpk1DWFgYxo4diwsXLpis/gLA3Llz4e3tDT8/P9x9993Iy8tD9+7d8e2336Jfv36YNm0ahg4disjISNTX13MFmIhuiYOISEcHQURERETU3rjiS0RERER2gYUvEREREdkFFr5EREREZBdY+BIRERGRXWDhS0RERER2gYUvEREREdkFFr5EREREZBdY+BIRERGRXWDhS0RERER2gYUvEREREdkFFr5EREREZBf+D1eZbkcNrpejAAAAAElFTkSuQmCC", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "plot_roc_curve(y_test, y_pred)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Voting Classifier" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "#### Normalized data" + ] + }, + { + "cell_type": "code", + "execution_count": 25, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Time taken for GridSearchCV: 4823.12 seconds\n", + "Best Hyperparameters:\n", + "{'ada__learning_rate': 0.01, 'ada__n_estimators': 100, 'dt__max_depth': 10, 'dt__min_samples_split': 10, 'xgb__learning_rate': 0.2, 'xgb__max_depth': 3, 'xgb__n_estimators': 100}\n", + "\n", + "Time taken for training with best hyperparameters: 8.25 seconds\n", + "\n", + "Mean Accuracy: 0.8758921161825727\n", + "Standard Deviation of Accuracy: 0.017201464058433345\n", + "Mean Precision: 0.8277859055185062\n", + "Standard Deviation of Precision: 0.03253056125722735\n", + "Mean Recall: 0.8066852776961504\n", + "Standard Deviation of Recall: 0.03596903454697755\n", + "Mean F1-score: 0.816445823644554\n", + "Standard Deviation of F1-score: 0.02551527303659126\n", + "Mean ROC AUC: 0.8593351406621522\n", + "Standard Deviation of ROC AUC: 0.019796830876094428\n", + "\n", + "Total time taken: 4831.38 seconds\n" + ] + } + ], + "source": [ + "from xgboost import XGBClassifier\n", + "from sklearn.ensemble import VotingClassifier, AdaBoostClassifier\n", + "from sklearn.tree import DecisionTreeClassifier\n", + "from sklearn.model_selection import StratifiedKFold, GridSearchCV\n", + "from sklearn.metrics import accuracy_score, precision_score, recall_score, f1_score, roc_auc_score, confusion_matrix\n", + "import numpy as np\n", + "import time\n", + "\n", + "start_total_time = time.time()\n", + "\n", + "kf = StratifiedKFold(n_splits=10, shuffle=True, random_state=42)\n", + "\n", + "clf1 = XGBClassifier(random_state=42, use_label_encoder=False, eval_metric='logloss')\n", + "clf2 = AdaBoostClassifier(random_state=42)\n", + "clf3 = DecisionTreeClassifier(random_state=42)\n", + "\n", + "voting_model = VotingClassifier(estimators=[\n", + " ('xgb', clf1),\n", + " ('ada', clf2),\n", + " ('dt', clf3)\n", + "], voting='soft')\n", + "\n", + "param_grid = {\n", + " 'xgb__n_estimators': [10, 50, 100],\n", + " 'xgb__learning_rate': [0.01, 0.1, 0.2],\n", + " 'xgb__max_depth': [3, 4, 5],\n", + " 'ada__n_estimators': [50, 100],\n", + " 'ada__learning_rate': [0.01, 0.1],\n", + " 'dt__max_depth': [None, 10, 20],\n", + " 'dt__min_samples_split': [2, 5, 10]\n", + "}\n", + "\n", + "grid_search = GridSearchCV(estimator=voting_model, param_grid=param_grid, cv=kf, scoring='accuracy')\n", + "\n", + "start_time = time.time()\n", + "\n", + "grid_search.fit(standard(x), y)\n", + "\n", + "grid_search_time = time.time() - start_time\n", + "print(f\"Time taken for GridSearchCV: {grid_search_time:.2f} seconds\")\n", + "\n", + "best_params = grid_search.best_params_\n", + "\n", + "print(\"Best Hyperparameters:\")\n", + "print(best_params)\n", + "print()\n", + "\n", + "best_model = grid_search.best_estimator_\n", + "\n", + "start_time = time.time()\n", + "\n", + "accuracy_scores = []\n", + "precision_scores = []\n", + "recall_scores = []\n", + "f1_scores = []\n", + "roc_auc_scores = []\n", + "confusion_matrices = []\n", + "\n", + "for train_index, test_index in kf.split(normal(x), y):\n", + " X_train, X_test = x.iloc[train_index], x.iloc[test_index]\n", + " y_train, y_test = y.iloc[train_index], y.iloc[test_index]\n", + "\n", + " best_model.fit(X_train, y_train)\n", + "\n", + " y_pred = best_model.predict(X_test)\n", + "\n", + " accuracy = accuracy_score(y_test, y_pred)\n", + " accuracy_scores.append(accuracy)\n", + " \n", + " precision = precision_score(y_test, y_pred)\n", + " precision_scores.append(precision)\n", + " \n", + " recall = recall_score(y_test, y_pred)\n", + " recall_scores.append(recall)\n", + " \n", + " f1 = f1_score(y_test, y_pred)\n", + " f1_scores.append(f1)\n", + " \n", + " roc_auc = roc_auc_score(y_test, y_pred)\n", + " roc_auc_scores.append(roc_auc)\n", + " \n", + " confusion = confusion_matrix(y_test, y_pred)\n", + " confusion_matrices.append(confusion)\n", + "\n", + "training_time = time.time() - start_time\n", + "print(f\"Time taken for training with best hyperparameters: {training_time:.2f} seconds\")\n", + "print()\n", + "\n", + "mean_accuracy = np.mean(accuracy_scores)\n", + "std_accuracy = np.std(accuracy_scores)\n", + "\n", + "mean_precision = np.mean(precision_scores)\n", + "std_precision = np.std(precision_scores)\n", + "\n", + "mean_recall = np.mean(recall_scores)\n", + "std_recall = np.std(recall_scores)\n", + "\n", + "mean_f1 = np.mean(f1_scores)\n", + "std_f1 = np.std(f1_scores)\n", + "\n", + "mean_roc_auc = np.mean(roc_auc_scores)\n", + "std_roc_auc = np.std(roc_auc_scores)\n", + "\n", + "print(f\"Mean Accuracy: {mean_accuracy}\")\n", + "print(f\"Standard Deviation of Accuracy: {std_accuracy}\")\n", + "\n", + "print(f\"Mean Precision: {mean_precision}\")\n", + "print(f\"Standard Deviation of Precision: {std_precision}\")\n", + "\n", + "print(f\"Mean Recall: {mean_recall}\")\n", + "print(f\"Standard Deviation of Recall: {std_recall}\")\n", + "\n", + "print(f\"Mean F1-score: {mean_f1}\")\n", + "print(f\"Standard Deviation of F1-score: {std_f1}\")\n", + "\n", + "print(f\"Mean ROC AUC: {mean_roc_auc}\")\n", + "print(f\"Standard Deviation of ROC AUC: {std_roc_auc}\")\n", + "print()\n", + "\n", + "total_time = time.time() - start_total_time\n", + "print(f\"Total time taken: {total_time:.2f} seconds\")" + ] + }, + { + "cell_type": "code", + "execution_count": 26, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "x_train: (1800, 13)\n", + "y_train: (1800,)\n", + "x_test: (601, 13)\n", + "y_test: (601,)\n" + ] + } + ], + "source": [ + "from sklearn.model_selection import train_test_split\n", + "\n", + "x_train, x_test, y_train, y_test = train_test_split(x,y,test_size=0.25,random_state=42)\n", + "\n", + "print(\"x_train:\",x_train.shape)\n", + "print(\"y_train:\",y_train.shape)\n", + "print(\"x_test:\",x_test.shape)\n", + "print(\"y_test:\",y_test.shape)" + ] + }, + { + "cell_type": "code", + "execution_count": 27, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Accuracy: 0.8801996672212978\n", + "Precision: 0.8473684210526315\n", + "Recall: 0.7892156862745098\n", + "F1 Score: 0.8172588832487309\n", + "ROC AUC Score: 0.8580839136662222\n", + "Confusion Matrix:\n", + "[[368 29]\n", + " [ 43 161]]\n" + ] + } + ], + "source": [ + "model = grid_search.best_estimator_\n", + "\n", + "model.fit(x_train, y_train)\n", + "\n", + "y_pred = model.predict(x_test)\n", + "\n", + "y_pred = (y_pred >= 0.5).astype(int)\n", + "\n", + "print(\"Accuracy:\", accuracy_score(y_test, y_pred))\n", + "print(\"Precision:\", precision_score(y_test, y_pred))\n", + "print(\"Recall:\", recall_score(y_test, y_pred))\n", + "print(\"F1 Score:\", f1_score(y_test, y_pred))\n", + "print(\"ROC AUC Score:\", roc_auc_score(y_test, y_pred))\n", + "print(\"Confusion Matrix:\")\n", + "print(confusion_matrix(y_test, y_pred))" + ] + }, + { + "cell_type": "code", + "execution_count": 28, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAokAAAIjCAYAAABvUIGpAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8pXeV/AAAACXBIWXMAAA9hAAAPYQGoP6dpAABIT0lEQVR4nO3df3zN9f//8fvZ2NkP+2HYZmF+/1h+plrL77ffvyJ6S5SRH28alSGtd+RHWW8qotBPk+h3FKUaQmX5lSEhQyE2om0MM9vr+4ev8+l4kR12nM25Xbu8Lhfn9Xqd1+txzvtdPbo/n6/nsRiGYQgAAAD4Gw9XFwAAAICihyYRAAAAJjSJAAAAMKFJBAAAgAlNIgAAAExoEgEAAGBCkwgAAAATmkQAAACY0CQCAADAhCYRwD/as2eP2rVrp8DAQFksFi1ZsqRQr//bb7/JYrEoMTGxUK9bnLVs2VItW7Z0dRkA3BxNIlAM7N27V//5z39UtWpVeXt7KyAgQE2aNNHLL7+sM2fOOPXeMTEx2r59u5577jktWLBAt99+u1PvdyP1799fFotFAQEBl/0e9+zZI4vFIovFohdeeMHh6x8+fFgTJkxQSkpKIVQLADdWCVcXAOCfffHFF/r3v/8tq9Wqfv36qW7dujp37py+//57jRkzRjt27NDrr7/ulHufOXNGycnJ+u9//6vhw4c75R4RERE6c+aMSpYs6ZTrX02JEiV0+vRpLV26VL169bI7tnDhQnl7e+vs2bPXdO3Dhw9r4sSJqly5sho2bFjg933zzTfXdD8AKEw0iUARtn//fvXu3VsRERFatWqVypcvbzsWGxur1NRUffHFF067/7FjxyRJQUFBTruHxWKRt7e3065/NVarVU2aNNF7771nahIXLVqkzp0765NPPrkhtZw+fVq+vr7y8vK6IfcDgH/CcDNQhE2dOlWnTp3SW2+9ZdcgXlS9enU99thjttfnz5/X5MmTVa1aNVmtVlWuXFlPPfWUcnJy7N5XuXJldenSRd9//73uvPNOeXt7q2rVqnrnnXds50yYMEERERGSpDFjxshisahy5cqSLgzTXvzz302YMEEWi8VuX1JSkpo2baqgoCCVKlVKtWrV0lNPPWU7fqU5iatWrVKzZs3k5+enoKAgdevWTTt37rzs/VJTU9W/f38FBQUpMDBQAwYM0OnTp6/8xV6iT58+Wr58uTIyMmz7Nm7cqD179qhPnz6m80+cOKHRo0erXr16KlWqlAICAtSxY0dt3brVds7q1at1xx13SJIGDBhgG7a++DlbtmypunXravPmzWrevLl8fX1t38ulcxJjYmLk7e1t+vzt27dX6dKldfjw4QJ/VgAoKJpEoAhbunSpqlatqrvvvrtA5w8aNEjjx4/XbbfdpunTp6tFixZKSEhQ7969TeempqbqvvvuU9u2bfXiiy+qdOnS6t+/v3bs2CFJ6tGjh6ZPny5JeuCBB7RgwQLNmDHDofp37NihLl26KCcnR5MmTdKLL76oe+65Rz/88MM/vm/FihVq3769jh49qgkTJiguLk7r1q1TkyZN9Ntvv5nO79Wrl06ePKmEhAT16tVLiYmJmjhxYoHr7NGjhywWiz799FPbvkWLFql27dq67bbbTOfv27dPS5YsUZcuXfTSSy9pzJgx2r59u1q0aGFr2OrUqaNJkyZJkoYMGaIFCxZowYIFat68ue06x48fV8eOHdWwYUPNmDFDrVq1umx9L7/8ssqVK6eYmBjl5eVJkl577TV98803mjVrlsLDwwv8WQGgwAwARVJmZqYhyejWrVuBzk9JSTEkGYMGDbLbP3r0aEOSsWrVKtu+iIgIQ5Kxdu1a276jR48aVqvVGDVqlG3f/v37DUnGtGnT7K4ZExNjREREmGp45plnjL//Y2X69OmGJOPYsWNXrPviPebNm2fb17BhQyMkJMQ4fvy4bd/WrVsNDw8Po1+/fqb7Pfzww3bXvPfee40yZcpc8Z5//xx+fn6GYRjGfffdZ7Ru3dowDMPIy8szwsLCjIkTJ172Ozh79qyRl5dn+hxWq9WYNGmSbd/GjRtNn+2iFi1aGJKMuXPnXvZYixYt7PZ9/fXXhiTj2WefNfbt22eUKlXK6N69+1U/IwBcK5JEoIjKysqSJPn7+xfo/C+//FKSFBcXZ7d/1KhRkmSauxgZGalmzZrZXpcrV061atXSvn37rrnmS12cy/jZZ58pPz+/QO85cuSIUlJS1L9/fwUHB9v2169fX23btrV9zr8bOnSo3etmzZrp+PHjtu+wIPr06aPVq1crLS1Nq1atUlpa2mWHmqUL8xg9PC784zMvL0/Hjx+3DaX/9NNPBb6n1WrVgAEDCnRuu3bt9J///EeTJk1Sjx495O3trddee63A9wIAR9EkAkVUQECAJOnkyZMFOv/333+Xh4eHqlevbrc/LCxMQUFB+v333+32V6pUyXSN0qVL66+//rrGis3uv/9+NWnSRIMGDVJoaKh69+6tDz/88B8bxot11qpVy3SsTp06+vPPP5WdnW23/9LPUrp0aUly6LN06tRJ/v7++uCDD7Rw4ULdcccdpu/yovz8fE2fPl01atSQ1WpV2bJlVa5cOW3btk2ZmZkFvuctt9zi0EMqL7zwgoKDg5WSkqKZM2cqJCSkwO8FAEfRJAJFVEBAgMLDw/Xzzz879L5LHxy5Ek9Pz8vuNwzjmu9xcb7cRT4+Plq7dq1WrFihhx56SNu2bdP999+vtm3bms69HtfzWS6yWq3q0aOH5s+fr8WLF18xRZSkKVOmKC4uTs2bN9e7776rr7/+WklJSbr11lsLnJhKF74fR2zZskVHjx6VJG3fvt2h9wKAo2gSgSKsS5cu2rt3r5KTk696bkREhPLz87Vnzx67/enp6crIyLA9qVwYSpcubfck8EWXppWS5OHhodatW+ull17SL7/8oueee06rVq3St99+e9lrX6xz9+7dpmO7du1S2bJl5efnd30f4Ar69OmjLVu26OTJk5d92Oeijz/+WK1atdJbb72l3r17q127dmrTpo3pOylow14Q2dnZGjBggCIjIzVkyBBNnTpVGzduLLTrA8ClaBKBIuyJJ56Qn5+fBg0apPT0dNPxvXv36uWXX5Z0YbhUkukJ5JdeekmS1Llz50Krq1q1asrMzNS2bdts+44cOaLFixfbnXfixAnTey8uKn3psjwXlS9fXg0bNtT8+fPtmq6ff/5Z33zzje1zOkOrVq00efJkvfLKKwoLC7vieZ6enqaU8qOPPtIff/xht+9iM3u5htpRY8eO1YEDBzR//ny99NJLqly5smJiYq74PQLA9WIxbaAIq1atmhYtWqT7779fderUsfvFlXXr1umjjz5S//79JUkNGjRQTEyMXn/9dWVkZKhFixbasGGD5s+fr+7du19xeZVr0bt3b40dO1b33nuvHn30UZ0+fVpz5sxRzZo17R7cmDRpktauXavOnTsrIiJCR48e1ezZs1WhQgU1bdr0itefNm2aOnbsqOjoaA0cOFBnzpzRrFmzFBgYqAkTJhTa57iUh4eHnn766aue16VLF02aNEkDBgzQ3Xffre3bt2vhwoWqWrWq3XnVqlVTUFCQ5s6dK39/f/n5+SkqKkpVqlRxqK5Vq1Zp9uzZeuaZZ2xL8sybN08tW7bUuHHjNHXqVIeuBwAF4uKnqwEUwK+//moMHjzYqFy5suHl5WX4+/sbTZo0MWbNmmWcPXvWdl5ubq4xceJEo0qVKkbJkiWNihUrGvHx8XbnGMaFJXA6d+5sus+lS69caQkcwzCMb775xqhbt67h5eVl1KpVy3j33XdNS+CsXLnS6NatmxEeHm54eXkZ4eHhxgMPPGD8+uuvpntcukzMihUrjCZNmhg+Pj5GQECA0bVrV+OXX36xO+fi/S5dYmfevHmGJGP//v1X/E4Nw34JnCu50hI4o0aNMsqXL2/4+PgYTZo0MZKTky+7dM1nn31mREZGGiVKlLD7nC1atDBuvfXWy97z79fJysoyIiIijNtuu83Izc21O2/kyJGGh4eHkZyc/I+fAQCuhcUwHJjZDQAAALfAnEQAAACY0CQCAADAhCYRAAAAJjSJAAAAMKFJBAAAgAlNIgAAAExoEgEAAGByU/7iik+j4a4uAYCT/LXxFVeXAMBJvF3YlTizdzizpXj+c4skEQAAACY3ZZIIAADgEAu52aVoEgEAACwWV1dQ5NA2AwAAwIQkEQAAgOFmE74RAAAAmJAkAgAAMCfRhCQRAAAAJiSJAAAAzEk04RsBAACACUkiAAAAcxJNaBIBAAAYbjbhGwEAAIAJSSIAAADDzSYkiQAAADAhSQQAAGBOognfCAAAAExIEgEAAJiTaEKSCAAAABOaRAAAAIuH8zYHzJkzR/Xr11dAQIACAgIUHR2t5cuX2463bNlSFovFbhs6dKjdNQ4cOKDOnTvL19dXISEhGjNmjM6fP+/wV8JwMwAAQBEZbq5QoYKef/551ahRQ4ZhaP78+erWrZu2bNmiW2+9VZI0ePBgTZo0yfYeX19f25/z8vLUuXNnhYWFad26dTpy5Ij69eunkiVLasqUKQ7VQpMIAABQRHTt2tXu9XPPPac5c+boxx9/tDWJvr6+CgsLu+z7v/nmG/3yyy9asWKFQkND1bBhQ02ePFljx47VhAkT5OXlVeBaGG4GAABw4nBzTk6OsrKy7LacnJyrlpSXl6f3339f2dnZio6Otu1fuHChypYtq7p16yo+Pl6nT5+2HUtOTla9evUUGhpq29e+fXtlZWVpx44dDn0lNIkAAABOlJCQoMDAQLstISHhiudv375dpUqVktVq1dChQ7V48WJFRkZKkvr06aN3331X3377reLj47VgwQI9+OCDtvempaXZNYiSbK/T0tIcqpvhZgAAACcuph0fP1ZxcXF2+6xW6xXPr1WrllJSUpSZmamPP/5YMTExWrNmjSIjIzVkyBDbefXq1VP58uXVunVr7d27V9WqVSvUumkSAQAAnMhqtf5jU3gpLy8vVa9eXZLUuHFjbdy4US+//LJee+0107lRUVGSpNTUVFWrVk1hYWHasGGD3Tnp6emSdMV5jFfCcDMAAICHxXnbdcrPz7/iHMaUlBRJUvny5SVJ0dHR2r59u44ePWo7JykpSQEBAbYh64IiSQQAACgi4uPj1bFjR1WqVEknT57UokWLtHr1an399dfau3evFi1apE6dOqlMmTLatm2bRo4cqebNm6t+/fqSpHbt2ikyMlIPPfSQpk6dqrS0ND399NOKjY11KM2UaBIBAACcOifREUePHlW/fv105MgRBQYGqn79+vr666/Vtm1bHTx4UCtWrNCMGTOUnZ2tihUrqmfPnnr66adt7/f09NSyZcs0bNgwRUdHy8/PTzExMXbrKhaUxTAMozA/XFHg02i4q0sA4CR/bXzF1SUAcBJvF0ZXPq0dW2jaEWdWPuW0aztT0WibAQAAUKQw3AwAAFBEhpuLEr4RAAAAmJAkAgAAWK5/qZqbDUkiAAAATEgSAQAAmJNowjcCAAAAE5JEAAAA5iSa0CQCAAAw3GzCNwIAAAATkkQAAACGm01IEgEAAGBCkggAAMCcRBO+EQAAAJiQJAIAADAn0YQkEQAAACYkiQAAAMxJNKFJBAAAoEk04RsBAACACUkiAAAAD66YkCQCAADAhCQRAACAOYkmfCMAAAAwIUkEAABgTqIJSSIAAABMSBIBAACYk2hCkwgAAMBwswltMwAAAExIEgEAgNuzkCSakCQCAADAhCQRAAC4PZJEM5JEAAAAmJAkAgAAECSakCQCAADAhCQRAAC4PeYkmtEkAgAAt0eTaMZwMwAAAExIEgEAgNsjSTQjSQQAAIAJSSIAAHB7JIlmJIkAAAAwIUkEAAAgSDQhSQQAAIAJSSIAAHB7zEk0I0kEAACACUkiAABweySJZjSJAADA7dEkmjHcDAAAABOSRAAA4PZIEs1IEgEAAGBCkggAAECQaEKSCAAAABOSRAAA4PaYk2hGkggAAAATkkQAAOD2SBLNaBIBAIDbo0k0Y7gZAAAAJiSJAAAABIkmJIkAAABFxJw5c1S/fn0FBAQoICBA0dHRWr58ue342bNnFRsbqzJlyqhUqVLq2bOn0tPT7a5x4MABde7cWb6+vgoJCdGYMWN0/vx5h2uhSQQAAG7PYrE4bXNEhQoV9Pzzz2vz5s3atGmT/vWvf6lbt27asWOHJGnkyJFaunSpPvroI61Zs0aHDx9Wjx49bO/Py8tT586dde7cOa1bt07z589XYmKixo8f7/h3YhiG4fC7ijifRsNdXQIAJ/lr4yuuLgGAk3i7cBJc6KCPnHbtA6/eo5ycHLt9VqtVVqu1QO8PDg7WtGnTdN9996lcuXJatGiR7rvvPknSrl27VKdOHSUnJ+uuu+7S8uXL1aVLFx0+fFihoaGSpLlz52rs2LE6duyYvLy8Clw3SSIAAHB7zkwSExISFBgYaLclJCRctaa8vDy9//77ys7OVnR0tDZv3qzc3Fy1adPGdk7t2rVVqVIlJScnS5KSk5NVr149W4MoSe3bt1dWVpYtjSwoHlwBAABwovj4eMXFxdnt+6cUcfv27YqOjtbZs2dVqlQpLV68WJGRkUpJSZGXl5eCgoLszg8NDVVaWpokKS0tza5BvHj84jFH0CQCAAC358x1Eh0ZWpakWrVqKSUlRZmZmfr4448VExOjNWvWOK2+K6FJBAAAbq8oLabt5eWl6tWrS5IaN26sjRs36uWXX9b999+vc+fOKSMjwy5NTE9PV1hYmCQpLCxMGzZssLvexaefL55TUMxJBAAAKMLy8/OVk5Ojxo0bq2TJklq5cqXt2O7du3XgwAFFR0dLkqKjo7V9+3YdPXrUdk5SUpICAgIUGRnp0H1JEgEAAIpIkBgfH6+OHTuqUqVKOnnypBYtWqTVq1fr66+/VmBgoAYOHKi4uDgFBwcrICBAI0aMUHR0tO666y5JUrt27RQZGamHHnpIU6dOVVpamp5++mnFxsY6NOQt0SQCAAAUGUePHlW/fv105MgRBQYGqn79+vr666/Vtm1bSdL06dPl4eGhnj17KicnR+3bt9fs2bNt7/f09NSyZcs0bNgwRUdHy8/PTzExMZo0aZLDtbBOIoBihXUSgZuXK9dJvGXYYqdd+4859zrt2s7EnEQAAACYMNwMAADcXlF6urmoIEkEAACACUkiAABweySJZjSJAAAA9IgmDDcDAADAhCQRAAC4PYabzUgSAQAAYEKSCAAA3B5JohlJIgAAAExIElHkDP53Uw2+r5kiwoMlSTv3pWnK68v1zQ+/2M6Jql9FE2K76I56lZWXl69tv/6hro+8qrM5uZKk6pVCNGVkd0U3qCqvkp76ec9hTZy9TGs37XHJZwJweW+98ZpWJn2j/fv3yertrYYNG+nxuNGqXKWq7ZyDBw7oxRf+p5SfNuvcuXNq0rSZnnxqnMqULevCynGzIUk0I0lEkfNHeobGzfpMd/edqiZ9p2n1hl/10fQhqlM1TNKFBvGzVx7Ryh93qdmD09T0wWma+/4a5ef/38+QfzpzqEp4eqjjf2bq7r5Tte3XP/TpzKEKLePvqo8F4DI2bdyg+x/oqwXvfajX3pin8+fPa+jggTp9+rQk6fTp0xo65GFZLBa98fZ8zX/3PeXm5mpE7FDl5+e7uHrg5mYxDMO4+mnFi0+j4a4uAYXsj9X/01Mzlmj+kmStmT9KK9fv0qTZX1z23DJBfjr07f/U5uHp+mHLXklSKV+rjv3wojoNnaVv1+++kaWjkP218RVXlwAnOnHihFo1i9bb899V49vv0Lofvlfs0MH6LnmjSpUqJUk6efKkmkXfoblvvK27ou92ccUoTN4uHN+s8vjl/51SGPbP6Oy0azuTS4eb//zzT7399ttKTk5WWlqaJCksLEx33323+vfvr3LlyrmyPBQBHh4W9Wx7m/x8vLR+236VK11Kd9avoveXb9K3iXGqUqGsfv0tXRNeWap1KfskScczsrV7f5r6dLlTW3YeVE7ueQ3q2VTpx7O05ZcDLv5EAP7JqZMnJUkBgYGSpHPnzsliscjLy8t2jtVqlYeHh7b8tJkmEYWH0WYTlw03b9y4UTVr1tTMmTMVGBio5s2bq3nz5goMDNTMmTNVu3Ztbdq06arXycnJUVZWlt1m5OfdgE8AZ7q1eriO/fCiMtfP0Mz/3q/7R72hXfvSVKXChTlI//1PJ7396Tp1i52tlJ0H9eVrI1St0v/9R0Xnoa+oQe2KOvbDC8r4cboefehf6hY7Wxknz7jqIwG4ivz8fE393xQ1bHSbatSoKUmq36ChfHx8NOPFaTpz5oxOnz6tF6f9T3l5eTp27JiLKwZubi5LEkeMGKF///vfmjt3rmmyqGEYGjp0qEaMGKHk5OR/vE5CQoImTpxot88z9A6VLH9nodeMG+fX39IV1TtBgaV8dG+bRnpj0kNqN+hleXhc+P/KW598rwWf/yhJ2rr7kFreWUsx3aI1ftbnkqTp8b107MRJtXl4hs7knFP/e+/WJy//R00fnKa0P7Nc9rkAXNmUZydq7549SlywyLYvODhY0156Wc9NnqBFCxfIw8NDHTp1Vp3IW23/PAAKAw+umLmsSdy6dasSExMv+z+KxWLRyJEj1ahRo6teJz4+XnFxcXb7QpqNLbQ64Rq55/O07+CfkqQtOw+q8a2VFPtAS70wL0nShSee/273/jRVDCstSWp5Z011alZX5Vs8oZPZZyVJjyd8qNZ31daDXaNs1wBQdEx5dpLWrlmtt+e/q9CwMLtjdzdpqi++WqG//johT88SCggI0L+aN1GFjp1cVC3gHlzWJIaFhWnDhg2qXbv2ZY9v2LBBoaGhV72O1WqV1Wq122fx8CyUGlF0eFgssnqV0O+Hj+vw0QzVrBxid7x6RIhtiRxf7wtzly598jE/3+C/FIEixjAMJTw3WatWJumtxAWqUKHiFc8tXfrCsljrf0zWiRPH1bLVv25UmXAD/PvBzGVN4ujRozVkyBBt3rxZrVu3tjWE6enpWrlypd544w298MILrioPLjRpxD36+ocdOnjkL/n7eev+jrer+e011PWR2ZKk6fNX6OmhnbX91z+0dfchPdg1SrUqh6rPmLckSeu37ddfWaf15uR+mvL6cp05m6uHe9ytyreU0Vff73DlRwNwiSmTJ2r5l8s0Y9Zs+fn66c//P8+wlL+/vL29JUlLFn+iqlWrqXTpYG3dukVTE6bowX797dZSBFD4XNYkxsbGqmzZspo+fbpmz56tvLwLD5t4enqqcePGSkxMVK9evVxVHlyoXHApvTW5n8LKBijz1Fn9vOcPdX1ktlat3yVJemXRanlbS2rqqJ4qHeir7b/+oS7DXtH+QxeGp49nZKvb8NmaENtVy197VCVLeGjnvjT9e+Tr2v7rH678aAAu8eEH70mSBvZ/yG7/pGcT1O3eHpKk3/bv18zpLykzM1Pht9yiQUOG6qGY/je6VNzkCBLNisQ6ibm5ufrzzwv/gi9btqxKlix5XddjnUTg5sU6icDNy5XrJFYfvdxp1059oaPTru1MReJn+UqWLKny5cu7ugwAAOCmmJNoViSaRAAAAFeiRzTjt5sBAABgQpIIAADcHsPNZiSJAAAAMCFJBAAAbo8g0YwkEQAAACYkiQAAwO15eBAlXookEQAAACYkiQAAwO0xJ9GMJhEAALg9lsAxY7gZAAAAJiSJAADA7REkmpEkAgAAwIQkEQAAuD3mJJqRJAIAAMCEJBEAALg9kkQzkkQAAACYkCQCAAC3R5BoRpMIAADcHsPNZgw3AwAAwIQkEQAAuD2CRDOSRAAAAJiQJAIAALfHnEQzkkQAAACYkCQCAAC3R5BoRpIIAAAAE5JEAADg9piTaEaSCAAAABOSRAAA4PYIEs1oEgEAgNtjuNmM4WYAAACYkCQCAAC3R5BoRpIIAAAAE5JEAADg9piTaEaSCAAAABOaRAAA4PYsFudtjkhISNAdd9whf39/hYSEqHv37tq9e7fdOS1btpTFYrHbhg4danfOgQMH1LlzZ/n6+iokJERjxozR+fPnHaqF4WYAAIAiYs2aNYqNjdUdd9yh8+fP66mnnlK7du30yy+/yM/Pz3be4MGDNWnSJNtrX19f25/z8vLUuXNnhYWFad26dTpy5Ij69eunkiVLasqUKQWuhSYRAAC4vaIyJ/Grr76ye52YmKiQkBBt3rxZzZs3t+339fVVWFjYZa/xzTff6JdfftGKFSsUGhqqhg0bavLkyRo7dqwmTJggLy+vAtXCcDMAAHB7zhxuzsnJUVZWlt2Wk5NToLoyMzMlScHBwXb7Fy5cqLJly6pu3bqKj4/X6dOnbceSk5NVr149hYaG2va1b99eWVlZ2rFjR4G/E5pEAAAAJ0pISFBgYKDdlpCQcNX35efn6/HHH1eTJk1Ut25d2/4+ffro3Xff1bfffqv4+HgtWLBADz74oO14WlqaXYMoyfY6LS2twHUz3AwAANyeM4eb4+PjFRcXZ7fParVe9X2xsbH6+eef9f3339vtHzJkiO3P9erVU/ny5dW6dWvt3btX1apVK5yiRZIIAADgVFarVQEBAXbb1ZrE4cOHa9myZfr2229VoUKFfzw3KipKkpSamipJCgsLU3p6ut05F19faR7j5dAkAgAAt3fpkjKFuTnCMAwNHz5cixcv1qpVq1SlSpWrviclJUWSVL58eUlSdHS0tm/frqNHj9rOSUpKUkBAgCIjIwtcC8PNAAAARURsbKwWLVqkzz77TP7+/rY5hIGBgfLx8dHevXu1aNEiderUSWXKlNG2bds0cuRINW/eXPXr15cktWvXTpGRkXrooYc0depUpaWl6emnn1ZsbGyBhrkvokkEAABur4isgKM5c+ZIurBg9t/NmzdP/fv3l5eXl1asWKEZM2YoOztbFStWVM+ePfX000/bzvX09NSyZcs0bNgwRUdHy8/PTzExMXbrKhYETSIAAEARYRjGPx6vWLGi1qxZc9XrRERE6Msvv7yuWmgSAQCA2ysqi2kXJTSJAADA7dEjmvF0MwAAAExIEgEAgNtjuNmMJBEAAAAmJIkAAMDtESSakSQCAADAhCQRAAC4PQ+iRBOSRAAAAJiQJAIAALdHkGhGkwgAANweS+CYMdwMAAAAE5JEAADg9jwIEk1IEgEAAGBCkggAANwecxLNSBIBAABgQpIIAADcHkGiGUkiAAAATEgSAQCA27OIKPFSNIkAAMDtsQSOGcPNAAAAMCFJBAAAbo8lcMxIEgEAAGBCkggAANweQaIZSSIAAABMSBIBAIDb8yBKNCFJBAAAgEmhNIkZGRmFcRkAAACXsFictxVXDjeJ//vf//TBBx/YXvfq1UtlypTRLbfcoq1btxZqcQAAADeCxWJx2lZcOdwkzp07VxUrVpQkJSUlKSkpScuXL1fHjh01ZsyYQi8QAAAAN57DD66kpaXZmsRly5apV69eateunSpXrqyoqKhCLxAAAMDZinHg5zQOJ4mlS5fWwYMHJUlfffWV2rRpI0kyDEN5eXmFWx0AAABcwuEksUePHurTp49q1Kih48ePq2PHjpKkLVu2qHr16oVeIAAAgLOxBI6Zw03i9OnTVblyZR08eFBTp05VqVKlJElHjhzRI488UugFAgAA4MZzuEksWbKkRo8ebdo/cuTIQikIAADgRiNHNCtQk/j5558X+IL33HPPNRcDAACAoqFATWL37t0LdDGLxcLDKwAAoNgpzusZOkuBmsT8/Hxn1wEAAOAyHvSIJtf1s3xnz54trDoAAABQhDjcJObl5Wny5Mm65ZZbVKpUKe3bt0+SNG7cOL311luFXiAAAICz8bN8Zg43ic8995wSExM1depUeXl52fbXrVtXb775ZqEWBwAAANdwuEl855139Prrr6tv377y9PS07W/QoIF27dpVqMUBAADcCBaL87biyuEm8Y8//rjsL6vk5+crNze3UIoCAACAazncJEZGRuq7774z7f/444/VqFGjQikKAADgRmJOopnDv7gyfvx4xcTE6I8//lB+fr4+/fRT7d69W++8846WLVvmjBoBAABwgzmcJHbr1k1Lly7VihUr5Ofnp/Hjx2vnzp1aunSp2rZt64waAQAAnMrD4rytuHI4SZSkZs2aKSkpqbBrAQAAcIniPCzsLNfUJErSpk2btHPnTkkX5ik2bty40IoCAACAazncJB46dEgPPPCAfvjhBwUFBUmSMjIydPfdd+v9999XhQoVCrtGAAAApyJHNHN4TuKgQYOUm5urnTt36sSJEzpx4oR27typ/Px8DRo0yBk1AgAA4AZzOElcs2aN1q1bp1q1atn21apVS7NmzVKzZs0KtTgAAIAbwYM5iSYOJ4kVK1a87KLZeXl5Cg8PL5SiAAAA4FoON4nTpk3TiBEjtGnTJtu+TZs26bHHHtMLL7xQqMUBAADcCPwsn1mBhptLly5t92h4dna2oqKiVKLEhbefP39eJUqU0MMPP6zu3bs7pVAAAADcOAVqEmfMmOHkMgAAAFyHdRLNCtQkxsTEOLsOAAAAFCHXvJi2JJ09e1bnzp2z2xcQEHBdBQEAANxoBIlmDj+4kp2dreHDhyskJER+fn4qXbq03QYAAFDceFgsTtsckZCQoDvuuEP+/v4KCQlR9+7dtXv3brtzzp49q9jYWJUpU0alSpVSz549lZ6ebnfOgQMH1LlzZ/n6+iokJERjxozR+fPnHftOHDpb0hNPPKFVq1Zpzpw5slqtevPNNzVx4kSFh4frnXfecfRyAAAA+P/WrFmj2NhY/fjjj0pKSlJubq7atWun7Oxs2zkjR47U0qVL9dFHH2nNmjU6fPiwevToYTuel5enzp0769y5c1q3bp3mz5+vxMREjR8/3qFaLIZhGI68oVKlSnrnnXfUsmVLBQQE6KefflL16tW1YMECvffee/ryyy8dKsAZfBoNd3UJAJzkr42vuLoEAE7ifV2T4K7PI5/+4rRrz+4Rec3vPXbsmEJCQrRmzRo1b95cmZmZKleunBYtWqT77rtPkrRr1y7VqVNHycnJuuuuu7R8+XJ16dJFhw8fVmhoqCRp7ty5Gjt2rI4dOyYvL68C3dvhJPHEiROqWrWqpAvzD0+cOCFJatq0qdauXevo5QAAAG5qOTk5ysrKsttycnIK9N7MzExJUnBwsCRp8+bNys3NVZs2bWzn1K5dW5UqVVJycrIkKTk5WfXq1bM1iJLUvn17ZWVlaceOHQWu2+EmsWrVqtq/f7+tqA8//FCStHTpUgUFBTl6OQAAAJezWCxO2xISEhQYGGi3JSQkXLWm/Px8Pf7442rSpInq1q0rSUpLS5OXl5ep5woNDVVaWprtnL83iBePXzxWUA4HuwMGDNDWrVvVokULPfnkk+ratateeeUV5ebm6qWXXnL0cgAAADe1+Ph4xcXF2e2zWq1XfV9sbKx+/vlnff/9984q7R853CSOHDnS9uc2bdpo165d2rx5s6pXr6769esXanHX6si6l11dAgAneWfT764uAYCTDLkrwmX3dnho1QFWq7VATeHfDR8+XMuWLdPatWtVoUIF2/6wsDCdO3dOGRkZdmlienq6wsLCbOds2LDB7noXn36+eE5BXPd3EhERoR49ehSZBhEAAKC4MgxDw4cP1+LFi7Vq1SpVqVLF7njjxo1VsmRJrVy50rZv9+7dOnDggKKjoyVJ0dHR2r59u44ePWo7JykpSQEBAYqMLPhDNAVKEmfOnFngCz766KMFPhcAAKAoKCo/yxcbG6tFixbps88+k7+/v20OYWBgoHx8fBQYGKiBAwcqLi5OwcHBCggI0IgRIxQdHa277rpLktSuXTtFRkbqoYce0tSpU5WWlqann35asbGxDiWaBVoC59Iu9ooXs1i0b9++At/cWTLO5Lm6BABO8uHWQ64uAYCTuHK4+fHPdjnt2jO61S7wuVdqVufNm6f+/ftLurCY9qhRo/Tee+8pJydH7du31+zZs+2Gkn///XcNGzZMq1evlp+fn2JiYvT888+rRImCzzR0eJ3E4oAmEbh50SQCNy+axKLFhctWAgAAFA0eRWO0uUhx5sM8AAAAKKZIEgEAgNsrKg+uFCUkiQAAADAhSQQAAG6POYlm15Qkfvfdd3rwwQcVHR2tP/74Q5K0YMECl/1sDAAAAAqXw03iJ598ovbt28vHx0dbtmxRTk6OJCkzM1NTpkwp9AIBAACczWJx3lZcOdwkPvvss5o7d67eeOMNlSxZ0ra/SZMm+umnnwq1OAAAgBvBw2Jx2lZcOdwk7t69W82bNzftDwwMVEZGRmHUBAAAABdzuEkMCwtTamqqaf/333+vqlWrFkpRAAAAN5KHE7fiyuHaBw8erMcee0zr16+XxWLR4cOHtXDhQo0ePVrDhg1zRo0AAAC4wRxeAufJJ59Ufn6+WrdurdOnT6t58+ayWq0aPXq0RowY4YwaAQAAnKoYTx10GoebRIvFov/+978aM2aMUlNTderUKUVGRqpUqVLOqA8AAAAucM2LaXt5eSkyMrIwawEAAHCJ4vwUsrM43CS2atXqH3/fcNWqVddVEAAAAFzP4SaxYcOGdq9zc3OVkpKin3/+WTExMYVVFwAAwA1DkGjmcJM4ffr0y+6fMGGCTp06dd0FAQAA3Gj8drNZoS3f8+CDD+rtt98urMsBAADAha75wZVLJScny9vbu7AuBwAAcMPw4IqZw01ijx497F4bhqEjR45o06ZNGjduXKEVBgAAANdxuEkMDAy0e+3h4aFatWpp0qRJateuXaEVBgAAcKMQJJo51CTm5eVpwIABqlevnkqXLu2smgAAAOBiDj244unpqXbt2ikjI8NJ5QAAANx4HhbnbcWVw083161bV/v27XNGLQAAACgiHG4Sn332WY0ePVrLli3TkSNHlJWVZbcBAAAUNxYn/lVcFXhO4qRJkzRq1Ch16tRJknTPPffY/TyfYRiyWCzKy8sr/CoBAACcqDgPCztLgZvEiRMnaujQofr222+dWQ8AAACKgAI3iYZhSJJatGjhtGIAAABcgSTRzKE5iRYWEQIAAHALDq2TWLNmzas2iidOnLiuggAAAG40gjAzh5rEiRMnmn5xBQAAADcfh5rE3r17KyQkxFm1AAAAuARzEs0KPCeRGBYAAMB9OPx0MwAAwM2GLMyswE1ifn6+M+sAAABwGQ+6RBOHf5YPAAAANz+HHlwBAAC4GfHgihlJIgAAAExIEgEAgNtjSqIZSSIAAABMSBIBAIDb8xBR4qVIEgEAAGBCkggAANwecxLNaBIBAIDbYwkcM4abAQAAYEKSCAAA3B4/y2dGkggAAAATkkQAAOD2CBLNSBIBAABgQpIIAADcHnMSzUgSAQAAYEKSCAAA3B5BohlNIgAAcHsMrZrxnQAAAMCEJBEAALg9C+PNJiSJAAAAMCFJBAAAbo8c0YwkEQAAoAhZu3atunbtqvDwcFksFi1ZssTueP/+/WWxWOy2Dh062J1z4sQJ9e3bVwEBAQoKCtLAgQN16tQph+qgSQQAAG7Pw2Jx2uao7OxsNWjQQK+++uoVz+nQoYOOHDli29577z2743379tWOHTuUlJSkZcuWae3atRoyZIhDdTDcDAAAUIR07NhRHTt2/MdzrFarwsLCLnts586d+uqrr7Rx40bdfvvtkqRZs2apU6dOeuGFFxQeHl6gOkgSAQCA27M4ccvJyVFWVpbdlpOTc131rl69WiEhIapVq5aGDRum48eP244lJycrKCjI1iBKUps2beTh4aH169cX+B40iQAAwO1ZLM7bEhISFBgYaLclJCRcc60dOnTQO++8o5UrV+p///uf1qxZo44dOyovL0+SlJaWppCQELv3lChRQsHBwUpLSyvwfRhuBgAAcKL4+HjFxcXZ7bNardd8vd69e9v+XK9ePdWvX1/VqlXT6tWr1bp162u+7qVoEgEAgNtz5mLaVqv1uprCq6latarKli2r1NRUtW7dWmFhYTp69KjdOefPn9eJEyeuOI/xchhuBgAAKMYOHTqk48ePq3z58pKk6OhoZWRkaPPmzbZzVq1apfz8fEVFRRX4uiSJAADA7RWl1OzUqVNKTU21vd6/f79SUlIUHBys4OBgTZw4UT179lRYWJj27t2rJ554QtWrV1f79u0lSXXq1FGHDh00ePBgzZ07V7m5uRo+fLh69+5d4CebpaL1nQAAALi9TZs2qVGjRmrUqJEkKS4uTo0aNdL48ePl6empbdu26Z577lHNmjU1cOBANW7cWN99953dkPbChQtVu3ZttW7dWp06dVLTpk31+uuvO1SHxTAMo1A/WRGQcSbP1SUAcJIPtx5ydQkAnGTIXREuu/eHKYeddu1eDQue3hUlJIkAAAAwYU4iAABwe857trn4IkkEAACACUkiAABwe85cJ7G4okkEAABuj6FVM74TAAAAmJAkAgAAt8dwsxlJIgAAAExIEgEAgNsjRzQjSQQAAIAJSSIAAHB7TEk0I0kEAACACUkiAABwex7MSjShSQQAAG6P4WYzhpsBAABgQpIIAADcnoXhZhOSRAAAAJiQJAIAALfHnEQzkkQAAACYkCQCAAC3xxI4ZiSJAAAAMCFJBAAAbo85iWY0iQAAwO3RJJox3AwAAAATkkQAAOD2WEzbjCQRAAAAJiSJAADA7XkQJJqQJAIAAMCEJBEAALg95iSakSQCAADAhCQRAAC4PdZJNKNJBAAAbo/hZjOGmwEAAGBCkggAANweS+CYkSQCAADAhCQRAAC4PeYkmpEkAgAAwIQkEcXO/Lff0OyZ03V/n4cU90S8JClh8jPauP5H/XnsqHx8fVWvQUMNf2yUKlep6uJqAVzq0K5t2rj8I6X/tkfZGSd0z6PPqEbjJnbnHD98QGs/eFOHdm9Tfl6eytwSoXtGjFdAmRBJ0rZvv9DOH7/V0d9Sde7sacXO/lTefqVc8XFwk2AJHDOaRBQrv/y8XYs//lDVa9ay21+7zq3q0KmrQsPKKysrU2/OfVWPDhukxV8kydPT00XVAric3JyzKlexquo2a6/PZ00yHc9IP6z3nx2pui066O4e/WT19tWff/yuEiVL/t81zuWocr3bVbne7fr+o7dvZPmA26BJRLFx+nS2xj/1hJ4aP1Hz3njN7ti99/Wy/Tn8llv0n9hH9WCve3Xk8B+qULHSjS4VwD+o0uBOVWlw5xWPf//JPFVpcKda3D/Yti8oNNzunMbte0iSDu7c6pwi4XYIEs2Yk4hiY9qUZ9WkWQvdedfd/3jemTOnteyzxQq/pYJCw8JuUHUACoORn699WzeodNgt+nhavGYP/7cWThyhPZt/cHVpuMl5WCxO24qrIt0kHjx4UA8//PA/npOTk6OsrCy7LScn5wZViBvlm6++1O5dv+iRR0de8ZyPP3hPLaMbq2X07Ur+4TvNmvumSpb0uoFVArhep7MylHv2jDYs+0BV6t2u+8Y8r+qNm+jzWZN0cNc2V5cHuJUi3SSeOHFC8+fP/8dzEhISFBgYaLdNn/b8DaoQN0J62hG9NDVBE6dMldVqveJ5HTp10Tvvf6K5b72jShGV9dQTcfwHA1DMGIYhSap+291q3KGnQiKqKapLb1VtEKWtq5a5uDrczCxO3Iorl85J/Pzzz//x+L59+656jfj4eMXFxdntO5PPVMubya5fduivE8cV88B9tn15eXna8tMmffzBIn23IUWenp4q5e+vUv7+qhRRWXXr11ebZtFavWqF2nfs7MLqATjCxz9AHp6eKhNuP5e4THgl/fHrzy6qCnBPLu2munfvLovFYvsvx8uxXGUs32q1mtKl/DN5hVIfiobbo6K16OPP7PZNHv9fRVSpon4DBl326WXDkAwZyj137kaVCaAQeJYoqdAqtXQi7ZDd/r/SDimgbKiLqoJbKM6Rn5O4tEksX768Zs+erW7dul32eEpKiho3bnyDq0JR4+fnp2rVa9jt8/HxUWBgkKpVr6E/Dh1U0tfLFRXdRKVLl9bR9HS9M+9NWa1W3d2suYuqBnAl586eUUb6YdvrrGNpOvr7XnmX8ldAmRDd0fE+LZs9RRVq1VPFOg3027ZN2pvyo3rFv2B7T3bGCWVn/qW//v91/jy0X17evvIvU04+pQJu+GcCbkYubRIbN26szZs3X7FJvFrKCEiSl5dVKT9t1vsLF+hkVqaCy5RVo9sa6835ixQcXMbV5QG4RPr+X/Xh82Nsr1e/d2FJq1ubtlWHwWNU4/amatP/UW1Y9r6+fXe2SpevoHtGjFeFmnVt79n67TIlL3nX9vqDKaMkSe0HjVbdZu1u0CfBzYSf5TOzGC7swr777jtlZ2erQ4cOlz2enZ2tTZs2qUWLFg5dN4PhZuCm9eHWQ1c/CUCxNOSuCJfde/3eTKddO6paoNOu7UwuTRKbNWv2j8f9/PwcbhABAAAcVYyXM3QaHgMGAABujx7RrEivkwgAAADXIEkEAAAgSjQhSQQAAIAJSSIAAHB7LIFjRpIIAAAAE5JEAADg9lgCx4wkEQAAACY0iQAAwO1ZnLg5au3ateratavCw8NlsVi0ZMkSu+OGYWj8+PEqX768fHx81KZNG+3Zs8funBMnTqhv374KCAhQUFCQBg4cqFOnTjlUB00iAABAEeoSs7Oz1aBBA7366quXPT516lTNnDlTc+fO1fr16+Xn56f27dvr7NmztnP69u2rHTt2KCkpScuWLdPatWs1ZMgQh+pw6W83Owu/3QzcvPjtZuDm5crfbv7p9yynXfu2iIBrfq/FYtHixYvVvXt3SRdSxPDwcI0aNUqjR4+WJGVmZio0NFSJiYnq3bu3du7cqcjISG3cuFG33367JOmrr75Sp06ddOjQIYWHhxfo3iSJAADA7Vmc+FdOTo6ysrLstpycnGuqc//+/UpLS1ObNm1s+wIDAxUVFaXk5GRJUnJysoKCgmwNoiS1adNGHh4eWr9+fYHvRZMIAADgRAkJCQoMDLTbEhISrulaaWlpkqTQ0FC7/aGhobZjaWlpCgkJsTteokQJBQcH284pCJbAAQAAbs+ZS+DEx8crLi7Obp/VanXeDQsJTSIAAIATWa3WQmsKw8LCJEnp6ekqX768bX96eroaNmxoO+fo0aN27zt//rxOnDhhe39BMNwMAADcXhF6uPkfValSRWFhYVq5cqVtX1ZWltavX6/o6GhJUnR0tDIyMrR582bbOatWrVJ+fr6ioqIKfC+SRAAAgCLk1KlTSk1Ntb3ev3+/UlJSFBwcrEqVKunxxx/Xs88+qxo1aqhKlSoaN26cwsPDbU9A16lTRx06dNDgwYM1d+5c5ebmavjw4erdu3eBn2yWaBIBAAAKP/K7Dps2bVKrVq1sry/OZ4yJiVFiYqKeeOIJZWdna8iQIcrIyFDTpk311Vdfydvb2/aehQsXavjw4WrdurU8PDzUs2dPzZw506E6WCcRQLHCOonAzcuV6yRuO+jYr5E4on7FUk67tjMxJxEAAAAmDDcDAAC358wlcIorkkQAAACYkCQCAAC3R5BoRpIIAAAAE5JEAAAAokQTkkQAAACYkCQCAAC3ZyFKNCFJBAAAgAlJIgAAcHusk2hGkwgAANwePaIZw80AAAAwIUkEAAAgSjQhSQQAAIAJSSIAAHB7LIFjRpIIAAAAE5JEAADg9lgCx4wkEQAAACYkiQAAwO0RJJrRJAIAANAlmjDcDAAAABOSRAAA4PZYAseMJBEAAAAmJIkAAMDtsQSOGUkiAAAATEgSAQCA2yNINCNJBAAAgAlJIgAAAFGiCU0iAABweyyBY8ZwMwAAAExIEgEAgNtjCRwzkkQAAACYkCQCAAC3R5BoRpIIAAAAE5JEAAAAokQTkkQAAACYkCQCAAC3xzqJZjSJAADA7bEEjhnDzQAAADAhSQQAAG6PINGMJBEAAAAmJIkAAMDtMSfRjCQRAAAAJiSJAAAAzEo0IUkEAACACUkiAABwe8xJNKNJBAAAbo8e0YzhZgAAAJiQJAIAALfHcLMZSSIAAABMSBIBAIDbszAr0YQkEQAAACYkiQAAAASJJiSJAAAAMCFJBAAAbo8g0YwmEQAAuD2WwDFjuBkAAAAmNIkAAMDtWZz4lyMmTJggi8Vit9WuXdt2/OzZs4qNjVWZMmVUqlQp9ezZU+np6YX9dUiiSQQAAChSbr31Vh05csS2ff/997ZjI0eO1NKlS/XRRx9pzZo1Onz4sHr06OGUOpiTCAAAUITmJJYoUUJhYWGm/ZmZmXrrrbe0aNEi/etf/5IkzZs3T3Xq1NGPP/6ou+66q1DrIEkEAABwopycHGVlZdltOTk5Vzx/z549Cg8PV9WqVdW3b18dOHBAkrR582bl5uaqTZs2tnNr166tSpUqKTk5udDrpkkEAABuz+LELSEhQYGBgXZbQkLCZeuIiopSYmKivvrqK82ZM0f79+9Xs2bNdPLkSaWlpcnLy0tBQUF27wkNDVVaWlphfh2SGG4GAABwqvj4eMXFxdnts1qtlz23Y8eOtj/Xr19fUVFRioiI0IcffigfHx+n1nkpmkQAAOD2nLlOotVqvWJTeDVBQUGqWbOmUlNT1bZtW507d04ZGRl2aWJ6evpl5zBeL4abAQCA2ysqS+Bc6tSpU9q7d6/Kly+vxo0bq2TJklq5cqXt+O7du3XgwAFFR0df71dgQpIIAABQRIwePVpdu3ZVRESEDh8+rGeeeUaenp564IEHFBgYqIEDByouLk7BwcEKCAjQiBEjFB0dXehPNks0iQAAAEXmZ/kOHTqkBx54QMePH1e5cuXUtGlT/fjjjypXrpwkafr06fLw8FDPnj2Vk5Oj9u3ba/bs2U6pxWIYhuGUK7tQxpk8V5cAwEk+3HrI1SUAcJIhd0W47N5/nXZe71Da19Np13Ym5iQCAADAhCYRAAAAJsxJBAAAbq+ozEksSkgSAQAAYEKSCAAA3N71rmd4M6JJBAAAbo/hZjOGmwEAAGBCkggAANweQaIZSSIAAABMSBIBAACIEk1IEgEAAGBCkggAANweS+CYkSQCAADAhCQRAAC4PdZJNCNJBAAAgAlJIgAAcHsEiWY0iQAAAHSJJgw3AwAAwIQkEQAAuD2WwDEjSQQAAIAJSSIAAHB7LIFjRpIIAAAAE4thGIariwCuVU5OjhISEhQfHy+r1erqcgAUIv7+BlyLJhHFWlZWlgIDA5WZmamAgABXlwOgEPH3N+BaDDcDAADAhCYRAAAAJjSJAAAAMKFJRLFmtVr1zDPPMKkduAnx9zfgWjy4AgAAABOSRAAAAJjQJAIAAMCEJhEAAAAmNIkAAAAwoUlEsfbqq6+qcuXK8vb2VlRUlDZs2ODqkgBcp7Vr16pr164KDw+XxWLRkiVLXF0S4JZoElFsffDBB4qLi9Mzzzyjn376SQ0aNFD79u119OhRV5cG4DpkZ2erQYMGevXVV11dCuDWWAIHxVZUVJTuuOMOvfLKK5Kk/Px8VaxYUSNGjNCTTz7p4uoAFAaLxaLFixere/furi4FcDskiSiWzp07p82bN6tNmza2fR4eHmrTpo2Sk5NdWBkAADcHmkQUS3/++afy8vIUGhpqtz80NFRpaWkuqgoAgJsHTSIAAABMaBJRLJUtW1aenp5KT0+325+enq6wsDAXVQUAwM2DJhHFkpeXlxo3bqyVK1fa9uXn52vlypWKjo52YWUAANwcSri6AOBaxcXFKSYmRrfffrvuvPNOzZgxQ9nZ2RowYICrSwNwHU6dOqXU1FTb6/379yslJUXBwcGqVKmSCysD3AtL4KBYe+WVVzRt2jSlpaWpYcOGmjlzpqKiolxdFoDrsHr1arVq1cq0PyYmRomJiTe+IMBN0SQCAADAhDmJAAAAMKFJBAAAgAlNIgAAAExoEgEAAGBCkwgAAAATmkQAAACY0CQCAADAhCYRAAAAJjSJAK5b//791b17d9vrli1b6vHHH7/hdaxevVoWi0UZGRlXPMdisWjJkiUFvuaECRPUsGHD66rrt99+k8ViUUpKynVdBwBuJJpE4CbVv39/WSwWWSwWeXl5qXr16po0aZLOnz/v9Ht/+umnmjx5coHOLUhjBwC48Uq4ugAAztOhQwfNmzdPOTk5+vLLLxUbG6uSJUsqPj7edO65c+fk5eVVKPcNDg4ulOsAAFyHJBG4iVmtVoWFhSkiIkLDhg1TmzZt9Pnnn0v6vyHi5557TuHh4apVq5Yk6eDBg+rVq5eCgoIUHBysbt266bfffrNdMy8vT3FxcQoKClKZMmX0xBNP6NKfgL90uDknJ0djx45VxYoVZbVaVb16db311lv67bff1KpVK0lS6dKlZbFY1L9/f0lSfn6+EhISVKVKFfn4+KhBgwb6+OOP7e7z5ZdfqmbNmvLx8VGrVq3s6iyosWPHqmbNmvL19VXVqlU1btw45ebmms577bXXVLFiRfn6+qpXr17KzMy0O/7mm2+qTp068vb2Vu3atTV79uwr3vOvv/5S3759Va5cOfn4+KhGjRqaN2+ew7UDgDORJAJuxMfHR8ePH7e9XrlypQICApSUlCRJys3NVfv27RUdHa3vvvtOJUqU0LPPPqsOHTpo27Zt8vLy0osvvqjExES9/fbbqlOnjl588UUtXrxY//rXv6543379+ik5OVkzZ85UgwYNtH//fv3555+qWLGiPvnkE/Xs2VO7d+9WQECAfHx8JEkJCQl69913NXfuXNWoUUNr167Vgw8+qHLlyqlFixY6ePCgevToodjYWA0ZMkSbNm3SqFGjHP5O/P39lZiYqPDwcG3fvl2DBw+Wv7+/nnjiCds5qamp+vDDD7V06VJlZWVp4MCBeuSRR7Rw4UJJ0sKFCzV+/Hi98soratSokbZs2aLBgwfLz89PMTExpnuOGzdOv/zyi5YvX66yZcsqNTVVZ86ccbh2AHAqA8BNKSYmxujWrZthGIaRn59vJCUlGVar1Rg9erTteGhoqJGTk2N7z4IFC4xatWoZ+fn5tn05OTmGj4+P8fXXXxuGYRjly5c3pk6dajuem5trVKhQwXYvwzCMFi1aGI899phhGIaxe/duQ5KRlJR02Tq//fZbQ5Lx119/2fadPXvW8PX1NdatW2d37sCBA40HHnjAMAzDiI+PNyIjI+2Ojx071nStS0kyFi9efMXj06ZNMxo3bmx7/cwzzxienp7GoUOHbPuWL19ueHh4GEeOHDEMwzCqVatmLFq0yO46kydPNqKjow3DMIz9+/cbkowtW7YYhmEYXbt2NQYMGHDFGgCgKCBJBG5iy5YtU6lSpZSbm6v8/Hz16dNHEyZMsB2vV6+e3TzErVu3KjU1Vf7+/nbXOXv2rPbu3avMzEwdOXJEUVFRtmMlSpTQ7bffbhpyviglJUWenp5q0aJFgetOTU3V6dOn1bZtW7v9586dU6NGjSRJO3futKtDkqKjowt8j4s++OADzZw5U3v37tWpU6d0/vx5BQQE2J1TqVIl3XLLLXb3yc/P1+7du+Xv76+9e/dq4MCBGjx4sO2c8+fPKzAw8LL3HDZsmHr27KmffvpJ7dq1U/fu3XX33Xc7XDsAOBNNInATa9WqlebMmSMvLy+Fh4erRAn7v+X9/PzsXp86dUqNGze2DaP+Xbly5a6phovDx444deqUJOmLL76wa86kC/MsC0tycrL69u2riRMnqn379goMDNT777+vF1980eFa33jjDVPT6unpedn3dOzYUb///ru+/PJLJSUlqXXr1oqNjdULL7xw7R8GAAoZTSJwE/Pz81P16tULfP5tt92mDz74QCEhIaY07aLy5ctr/fr1at68uaQLidnmzZt12223Xfb8evXqKT8/X2vWrFGbNm1Mxy8mmXl5ebZ9kZGRslqtOnDgwBUTyDp16tgewrnoxx9/vPqH/Jt169YpIiJC//3vf237fv/9d9N5Bw4c0OHDhxUeHm67j4eHh2rVqqXQ0FCFh4dr37596tu3b4HvXa5cOcXExCgmJkbNmjXTmDFjaBIBFCk83QzApm/fvipbtqy6deum7777Tvv379fq1av16KOP6tChQ5Kkxx57TM8//7yWLFmiXbt26ZFHHvnHNQ4rV66smJgYPfzww1qyZIntmh9++KEkKSIiQhaLRcuWLdOxY8d06tQp+fv7a/To0Ro5cqTmz5+vvXv36qefftKsWbM0f/58SdLQoUO1Z88ejRkzRrt379aiRYuUmJjo0OetUaOGDhw4oPfff1979+7VzJkztXjxYtN53t7eiomJ0datW/Xdd9/p0UcfVa9evRQWFiZJmjhxohISEjRz5kz9+uuv2r59u+bNm6eXXnrpsvcdP368PvvsM6WmpmrHjh1atmyZ6tSp41DtAOBsNIkAbHx9fbV27VpVqlRJPXr0UJ06dTRw4ECdPXvWliyOGjVKDz30kGJiYhQdHS1/f3/de++9/3jdOXPm6L777tMjjzyi2rVra/DgwcrOzpYk3XLLLZo4caKefPJJhYaGavjw4ZKkyZMna9y4cUpISFCdOnXUoUMHffHFF6pSpYqkC/MEP/nkEy1ZskQNGjTQ3LlzNWXKFIc+7z333KORI0dq+PDhatiwodatW6dx48aZzqtevbp69OihTp06qV27dqpfv77dEjeDBg3Sm2++qXnz5qlevXpq0aKFEhMTbbVeysvLS/Hx8apfv76aN28uT09Pvf/++w7VDgDOZjGuNNscAAAAboskEQAAACY0iQAAADChSQQAAIAJTSIAAABMaBIBAABgQpMIAAAAE5pEAAAAmNAkAgAAwIQmEQAAACY0iQAAADChSQQAAIDJ/wOwtSOCCuHydQAAAABJRU5ErkJggg==", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "plot_confusion_matrix(y_test, y_pred,(0,1))" + ] + }, + { + "cell_type": "code", + "execution_count": 29, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAr4AAAIjCAYAAADlfxjoAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8pXeV/AAAACXBIWXMAAA9hAAAPYQGoP6dpAACaT0lEQVR4nOzdeVzT9R8H8Ne4D7kEQVQUvDHxwvs+SMx+JmWKN5p3HuVR3lelpuZZ5lXeWppaWZmappZKmmeaiAcqXigogqKAsM/vj2/bGBu64eA7ttfz8eDh9tl33723Ab747HMohBACREREREQWzkbuAoiIiIiICgODLxERERFZBQZfIiIiIrIKDL5EREREZBUYfImIiIjIKjD4EhEREZFVYPAlIiIiIqvA4EtEREREVoHBl4iIiIisAoMvUSEJDAxEnz595C7D6rRs2RItW7aUu4wXmjZtGhQKBZKSkuQuxewoFApMmzbNJOe6du0aFAoF1qxZY5LzAcCxY8fg4OCA69evm+ycpta1a1d06dJF7jKIZMfgSxZhzZo1UCgU6i87OzuULl0affr0wa1bt+Quz6ylpaXh448/Ro0aNeDi4gIPDw80a9YM69atQ1HZ0fz8+fOYNm0arl27JncpOrKzs7F69Wq0bNkSxYsXh6OjIwIDA9G3b18cP35c7vJMYtOmTVi4cKHcZWgpzJomTpyIbt26oVy5cuq2li1bav1OcnZ2Ro0aNbBw4UIolUq957l//z4++OADVKlSBU5OTihevDjCw8Px888/5/nYqampmD59OmrWrIlixYrB2dkZ1atXx9ixY3H79m31cWPHjsW2bdtw5swZg5+XNXzvkvVRiKLyPxvRc6xZswZ9+/bFRx99hKCgIKSnp+Ovv/7CmjVrEBgYiHPnzsHJyUnWGjMyMmBjYwN7e3tZ68jp7t27aNOmDWJiYtC1a1e0aNEC6enp2LZtG/744w9ERkZi48aNsLW1lbvU59q6dSs6d+6M/fv36/TuZmZmAgAcHBwKva6nT5/irbfewq5du9C8eXN06NABxYsXx7Vr17BlyxZcvHgR8fHxKFOmDKZNm4bp06cjMTERPj4+hV7ry/jf//6Hc+fOFdgfHunp6bCzs4Odnd1L1ySEQEZGBuzt7U3yfX369GnUrl0bR44cQaNGjdTtLVu2xJUrVzBr1iwAQFJSEjZt2oS///4bEyZMwIwZM7TOExsbizZt2iAxMRF9+/ZF3bp18fDhQ2zcuBGnT5/GmDFjMHfuXK37xMXFISwsDPHx8ejcuTOaNm0KBwcH/PPPP/jmm29QvHhxXLx4UX18gwYNUKVKFaxbt+6Fz8uY712iIkUQWYDVq1cLAOLvv//Wah87dqwAIDZv3ixTZfJ6+vSpyM7OzvP28PBwYWNjI3788Ued28aMGSMAiE8//bQgS9Tr8ePHRh3/3XffCQBi//79BVNQPg0dOlQAEAsWLNC5LSsrS8ydO1fcuHFDCCHE1KlTBQCRmJhYYPUolUrx5MkTk5/39ddfF+XKlTPpObOzs8XTp0/zff+CqEmfESNGiLJlywqlUqnV3qJFC/HKK69otT19+lSUK1dOuLm5iaysLHV7ZmamqF69unBxcRF//fWX1n2ysrJEZGSkACC+/fZbdfuzZ89EzZo1hYuLi/jzzz916kpJSRETJkzQavvss8+Eq6urePTo0QuflzHfuy/jZd9nImMx+JJFyCv4/vzzzwKAmDlzplZ7TEyM6NSpk/Dy8hKOjo4iNDRUb/hLTk4W77//vihXrpxwcHAQpUuXFr169dIKJ+np6WLKlCmiQoUKwsHBQZQpU0Z88MEHIj09Xetc5cqVE1FRUUIIIf7++28BQKxZs0bnMXft2iUAiJ9++knddvPmTdG3b1/h6+srHBwcRLVq1cTXX3+tdb/9+/cLAOKbb74REydOFKVKlRIKhUIkJyfrfc2io6MFAPHOO+/ovf3Zs2eiUqVKwsvLSx2Wrl69KgCIuXPnivnz54uyZcsKJycn0bx5c3H27FmdcxjyOqveuwMHDoghQ4aIEiVKCE9PTyGEENeuXRNDhgwRlStXFk5OTqJ48eLi7bffFlevXtW5f+4vVQhu0aKFaNGihc7rtHnzZvHJJ5+I0qVLC0dHR9G6dWtx6dIlnefwxRdfiKCgIOHk5CTq1asn/vjjD51z6nPjxg1hZ2cnXn311ecep6IKvpcuXRJRUVHCw8NDuLu7iz59+oi0tDStY1etWiVatWolSpQoIRwcHERwcLD48ssvdc5Zrlw58frrr4tdu3aJ0NBQ4ejoqA4yhp5DCCF27twpmjdvLooVKybc3NxE3bp1xcaNG4UQ0uub+7XPGTgN/fkAIIYOHSo2bNggqlWrJuzs7MT333+vvm3q1KnqY1NTU8V7772n/rksUaKECAsLEydOnHhhTarv4dWrV2s9fkxMjOjcubPw8fERTk5OonLlyjrBUZ+yZcuKPn366LTrC75CCPH2228LAOL27dvqtm+++UYAEB999JHex3j48KHw9PQUVatWVbd9++23AoCYMWPGC2tUOXPmjAAgtm/f/tzjjP3ejYqK0vtHhup7Oid97/OWLVuEl5eX3tcxJSVFODo6itGjR6vbDP2eItLH8M+NiIog1cecXl5e6rZ///0XTZo0QenSpTFu3Di4urpiy5YtiIiIwLZt2/Dmm28CAB4/foxmzZohJiYG77zzDurUqYOkpCTs2LEDN2/ehI+PD5RKJd544w0cOnQIAwcORHBwMM6ePYsFCxbg4sWL+OGHH/TWVbduXZQvXx5btmxBVFSU1m2bN2+Gl5cXwsPDAUjDERo2bAiFQoFhw4ahRIkS+PXXX9GvXz+kpqbi/fff17r/xx9/DAcHB4wZMwYZGRl5fsT/008/AQB69+6t93Y7Ozt0794d06dPx+HDhxEWFqa+bd26dXj06BGGDh2K9PR0LFq0CK1bt8bZs2fh5+dn1Ous8u6776JEiRKYMmUK0tLSAAB///03jhw5gq5du6JMmTK4du0ali5dipYtW+L8+fNwcXFB8+bNMWLECCxevBgTJkxAcHAwAKj/zcunn34KGxsbjBkzBikpKZgzZw569OiBo0ePqo9ZunQphg0bhmbNmmHkyJG4du0aIiIi4OXl9cKPeH/99VdkZWWhV69ezz0uty5duiAoKAizZs3CyZMn8dVXX8HX1xezZ8/WquuVV17BG2+8ATs7O/z000949913oVQqMXToUK3zxcbGolu3bhg0aBAGDBiAKlWqGHWONWvW4J133sErr7yC8ePHw9PTE6dOncKuXbvQvXt3TJw4ESkpKbh58yYWLFgAAChWrBgAGP3z8fvvv2PLli0YNmwYfHx8EBgYqPc1Gjx4MLZu3Yphw4ahWrVquH//Pg4dOoSYmBjUqVPnuTXp888//6BZs2awt7fHwIEDERgYiCtXruCnn37SGZKQ061btxAfH486derkeUxuqsl1np6e6rYX/Sx6eHigY8eOWLt2LS5fvoyKFStix44dAGDU91e1atXg7OyMw4cP6/z85ZTf711D5X6fK1WqhDfffBPbt2/H8uXLtX5n/fDDD8jIyEDXrl0BGP89RaRD7uRNZAqqXr+9e/eKxMREcePGDbF161ZRokQJ4ejoqPWRXJs2bURISIhW74BSqRSNGzcWlSpVUrdNmTIlz94R1cea69evFzY2NjofNS5btkwAEIcPH1a35ezxFUKI8ePHC3t7e/HgwQN1W0ZGhvD09NTqhe3Xr5/w9/cXSUlJWo/RtWtX4eHhoe6NVfVkli9f3qCPsyMiIgSAPHuEhRBi+/btAoBYvHixEELTW+bs7Cxu3rypPu7o0aMCgBg5cqS6zdDXWfXeNW3aVOvjXyGE3ueh6qlet26duu15Qx3y6vENDg4WGRkZ6vZFixYJAOqe64yMDOHt7S3q1asnnj17pj5uzZo1AsALe3xHjhwpAIhTp0499zgVVe9Y7h74N998U3h7e2u16XtdwsPDRfny5bXaypUrJwCIXbt26RxvyDkePnwo3NzcRIMGDXQ+js750X5ewwqM+fkAIGxsbMS///6rcx7k6vH18PAQQ4cO1Tkup7xq0tfj27x5c+Hm5iauX7+e53PUZ+/evTqfzqi0aNFCVK1aVSQmJorExERx4cIF8cEHHwgA4vXXX9c6tlatWsLDw+O5jzV//nwBQOzYsUMIIUTt2rVfeB99KleuLF577bXnHmPs966xPb763ufdu3frfS3bt2+v9T1pzPcUkT5c1YEsSlhYGEqUKIGAgAC8/fbbcHV1xY4dO9S9cw8ePMDvv/+OLl264NGjR0hKSkJSUhLu37+P8PBwXLp0Sb0KxLZt21CzZk29PSMKhQIA8N133yE4OBhVq1ZVnyspKQmtW7cGAOzfvz/PWiMjI/Hs2TNs375d3bZnzx48fPgQkZGRAKSJONu2bUOHDh0ghNB6jPDwcKSkpODkyZNa542KioKzs/MLX6tHjx4BANzc3PI8RnVbamqqVntERARKly6tvl6/fn00aNAAO3fuBGDc66wyYMAAnclGOZ/Hs2fPcP/+fVSsWBGenp46z9tYffv21epZatasGQBpwhAAHD9+HPfv38eAAQO0JlX16NFD6xOEvKhes+e9vvoMHjxY63qzZs1w//59rfcg5+uSkpKCpKQktGjRAnFxcUhJSdG6f1BQkPrTg5wMOcdvv/2GR48eYdy4cTqTQ1U/A89j7M9HixYtUK1atRee19PTE0ePHtVatSC/EhMT8ccff+Cdd95B2bJltW570XO8f/8+AOT5/XDhwgWUKFECJUqUQNWqVTF37ly88cYbOkupPXr06IXfJ7l/FlNTU43+3lLV+qIl8/L7vWsofe9z69at4ePjg82bN6vbkpOT8dtvv6l/HwIv9zuXCAA41IEsypIlS1C5cmWkpKRg1apV+OOPP+Do6Ki+/fLlyxBCYPLkyZg8ebLec9y7dw+lS5fGlStX0KlTp+c+3qVLlxATE4MSJUrkea681KxZE1WrVsXmzZvRr18/ANIwBx8fH/Uv8cTERDx8+BArVqzAihUrDHqMoKCg59asovpP7dGjR1ofu+aUVziuVKmSzrGVK1fGli1bABj3Oj+v7qdPn2LWrFlYvXo1bt26pbW8Wu6AZ6zcIUcVXpKTkwFAvSZrxYoVtY6zs7PL8yP4nNzd3QFoXkNT1KU65+HDhzF16lRER0fjyZMnWsenpKTAw8NDfT2v7wdDznHlyhUAQPXq1Y16DirG/nwY+r07Z84cREVFISAgAKGhoWjfvj169+6N8uXLG12j6g+d/D5HAHku+xcYGIiVK1dCqVTiypUrmDFjBhITE3X+iHBzc3thGM39s+ju7q6u3dhaXxTo8/u9ayh977OdnR06deqETZs2ISMjA46Ojti+fTuePXumFXxf5ncuEcDgSxamfv36qFu3LgCpV7Jp06bo3r07YmNjUaxYMfX6mWPGjNHbCwboBp3nUSqVCAkJwfz58/XeHhAQ8Nz7R0ZGYsaMGUhKSoKbmxt27NiBbt26qXsYVfX27NlTZyywSo0aNbSuG9LbC0hjYH/44Qf8888/aN68ud5j/vnnHwAwqBcup/y8zvrqHj58OFavXo33338fjRo1goeHBxQKBbp27ZrnWqiGymspq7xCjLGqVq0KADh79ixq1apl8P1eVNeVK1fQpk0bVK1aFfPnz0dAQAAcHBywc+dOLFiwQOd10fe6GnuO/DL258PQ790uXbqgWbNm+P7777Fnzx7MnTsXs2fPxvbt2/Haa6+9dN2G8vb2BqD5Yyk3V1dXrbHxTZo0QZ06dTBhwgQsXrxY3R4cHIzTp08jPj5e5w8fldw/i1WrVsWpU6dw48aNF/6eySk5OVnvH645Gfu9m1eQzs7O1tue1/vctWtXLF++HL/++isiIiKwZcsWVK1aFTVr1lQf87K/c4kYfMli2draYtasWWjVqhW++OILjBs3Tt0jZG9vr/Ufkj4VKlTAuXPnXnjMmTNn0KZNG4M++s0tMjIS06dPx7Zt2+Dn54fU1FT1JA4AKFGiBNzc3JCdnf3Ceo31v//9D7NmzcK6dev0Bt/s7Gxs2rQJXl5eaNKkidZtly5d0jn+4sWL6p5QY17n59m6dSuioqIwb948dVt6ejoePnyodVx+XvsXUW1GcPnyZbRq1UrdnpWVhWvXrun8wZHba6+9BltbW2zYsMGkk4R++uknZGRkYMeOHVohyZiPeA09R4UKFQAA586de+4fhHm9/i/78/E8/v7+ePfdd/Huu+/i3r17qFOnDmbMmKEOvoY+nup79UU/6/qoAuLVq1cNOr5GjRro2bMnli9fjjFjxqhf+//973/45ptvsG7dOkyaNEnnfqmpqfjxxx9RtWpV9fvQoUMHfPPNN9iwYQPGjx9v0ONnZWXhxo0beOONN557nLHfu15eXjo/kwCM3smuefPm8Pf3x+bNm9G0aVP8/vvvmDhxotYxBfk9RdaBY3zJorVs2RL169fHwoULkZ6eDl9fX7Rs2RLLly/HnTt3dI5PTExUX+7UqRPOnDmD77//Xuc4Ve9bly5dcOvWLaxcuVLnmKdPn6pXJ8hLcHAwQkJCsHnzZmzevBn+/v5aIdTW1hadOnXCtm3b9P7HnLNeYzVu3BhhYWFYvXq13p2hJk6ciIsXL+LDDz/U6aH54YcftMboHjt2DEePHlWHDmNe5+extbXV6YH9/PPPdXqSXF1dAUDvf775VbduXXh7e2PlypXIyspSt2/cuDHPHr6cAgICMGDAAOzZsweff/65zu1KpRLz5s3DzZs3japL1SOce9jH6tWrTX6Otm3bws3NDbNmzUJ6errWbTnv6+rqqnfoycv+fOiTnZ2t81i+vr4oVaoUMjIyXlhTbiVKlEDz5s2xatUqxMfHa932ot7/0qVLIyAgwKhdzD788EM8e/ZMq8fy7bffRrVq1fDpp5/qnEupVGLIkCFITk7G1KlTte4TEhKCGTNmIDo6WudxHj16pBMaz58/j/T0dDRu3Pi5NRr7vVuhQgWkpKSoe6UB4M6dO3p/dz6PjY0N3n77bfz0009Yv349srKytIY5AAXzPUXWhT2+ZPE++OADdO7cGWvWrMHgwYOxZMkSNG3aFCEhIRgwYADKly+Pu3fvIjo6Gjdv3lRv6fnBBx+odwR75513EBoaigcPHmDHjh1YtmwZatasiV69emHLli0YPHgw9u/fjyZNmiA7OxsXLlzAli1bsHv3bvXQi7xERkZiypQpcHJyQr9+/WBjo/336Keffor9+/ejQYMGGDBgAKpVq4YHDx7g5MmT2Lt3Lx48eJDv12bdunVo06YNOnbsiO7du6NZs2bIyMjA9u3bceDAAURGRuKDDz7QuV/FihXRtGlTDBkyBBkZGVi4cCG8vb3x4Ycfqo8x9HV+nv/9739Yv349PDw8UK1aNURHR2Pv3r3qj5hVatWqBVtbW8yePRspKSlwdHRE69at4evrm+/XxsHBAdOmTcPw4cPRunVrdOnSBdeuXcOaNWtQoUIFg3qb5s2bhytXrmDEiBHYvn07/ve//8HLywvx8fH47rvvcOHCBa0efkO0bdsWDg4O6NChAwYNGoTHjx9j5cqV8PX11ftHxsucw93dHQsWLED//v1Rr149dO/eHV5eXjhz5gyePHmCtWvXAgBCQ0OxefNmjBo1CvXq1UOxYsXQoUMHk/x85Pbo0SOUKVMGb7/9tnqb3r179+Lvv//W+mQgr5r0Wbx4MZo2bYo6depg4MCBCAoKwrVr1/DLL7/g9OnTz62nY8eO+P777w0aOwtIQxXat2+Pr776CpMnT4a3tzccHBywdetWtGnTBk2bNtXauW3Tpk04efIkRo8erfW9Ym9vj+3btyMsLAzNmzdHly5d0KRJE9jb2+Pff/9Vf1qTczm23377DS4uLnj11VdfWKcx37tdu3bF2LFj8eabb2LEiBF48uQJli5disqVKxs9CTUyMhKff/45pk6dipCQEJ1lCQvie4qsTOEvJEFkenltYCGEtDNQhQoVRIUKFdTLZV25ckX07t1blCxZUtjb24vSpUuL//3vf2Lr1q1a971//74YNmyYKF26tHqh9KioKK2lxTIzM8Xs2bPFK6+8IhwdHYWXl5cIDQ0V06dPFykpKerjci9npnLp0iX1IvuHDh3S+/zu3r0rhg4dKgICAoS9vb0oWbKkaNOmjVixYoX6GNUyXd99951Rr92jR4/EtGnTxCuvvCKcnZ2Fm5ubaNKkiVizZo3Ock45N7CYN2+eCAgIEI6OjqJZs2bizJkzOuc25HV+3nuXnJws+vbtK3x8fESxYsVEeHi4uHDhgt7XcuXKlaJ8+fLC1tbWoA0scr9OeW1ssHjxYlGuXDnh6Ogo6tevLw4fPixCQ0NFu3btDHh1pV2uvvrqK9GsWTPh4eEh7O3tRbly5UTfvn21lovKa+c21euTc9OOHTt2iBo1aggnJycRGBgoZs+eLVatWqVznGoDC30MPYfq2MaNGwtnZ2fh7u4u6tevL7755hv17Y8fPxbdu3cXnp6eOhtYGPrzgf82NtAHOZYzy8jIEB988IGoWbOmcHNzE66urqJmzZo6m2/kVVNe7/O5c+fEm2++KTw9PYWTk5OoUqWKmDx5st56cjp58qQAoLO8Vl4bWAghxIEDB3SWaBNCiHv37olRo0aJihUrCkdHR+Hp6SnCwsLUS5jpk5ycLKZMmSJCQkKEi4uLcHJyEtWrVxfjx48Xd+7c0Tq2QYMGomfPni98TiqGfu8KIcSePXtE9erVhYODg6hSpYrYsGHDczewyItSqRQBAQECgPjkk0/0HmPo9xSRPgohTDSTg4gs3rVr1xAUFIS5c+dizJgxcpcjC6VSiRIlSuCtt97S+3ErWZ82bdqgVKlSWL9+vdyl5On06dOoU6cOTp48adRkSyJLwzG+RER5SE9P1xnnuW7dOjx48AAtW7aUpygyOzNnzsTmzZuNnsxVmD799FO8/fbbDL1k9TjGl4goD3/99RdGjhyJzp07w9vbGydPnsTXX3+N6tWro3PnznKXR2aiQYMGyMzMlLuM5/r222/lLoHILDD4EhHlITAwEAEBAVi8eDEePHiA4sWLo3fv3vj000+1dn0jIqKigWN8iYiIiMgqcIwvEREREVkFBl8iIiIisgpWN8ZXqVTi9u3bcHNz43aHRERERGZICIFHjx6hVKlSOhs7vQyrC763b99GQECA3GUQERER0QvcuHEDZcqUMdn5rC74urm5AZBeSHd3d5mrISIiIqLcUlNTERAQoM5tpmJ1wVc1vMHd3Z3Bl4iIiMiMmXpYKie3EREREZFVYPAlIiIiIqvA4EtEREREVoHBl4iIiIisAoMvEREREVkFBl8iIiIisgoMvkRERERkFRh8iYiIiMgqMPgSERERkVVg8CUiIiIiq8DgS0RERERWgcGXiIiIiKwCgy8RERERWQUGXyIiIiKyCgy+RERERGQVZA2+f/zxBzp06IBSpUpBoVDghx9+eOF9Dhw4gDp16sDR0REVK1bEmjVrCrxOIiIiIir6ZA2+aWlpqFmzJpYsWWLQ8VevXsXrr7+OVq1a4fTp03j//ffRv39/7N69u4ArJSIiIqKizk7OB3/ttdfw2muvGXz8smXLEBQUhHnz5gEAgoODcejQISxYsADh4eEFVSYRERERFbCkJOD8eSDmXyUSDvxbII8ha/A1VnR0NMLCwrTawsPD8f777+d5n4yMDGRkZKivp6amFlR5RERERPQcQgC3bv0XcGOkL9XlpCSgJO5gNfqiIw5iWgE8fpEKvgkJCfDz89Nq8/PzQ2pqKp4+fQpnZ2ed+8yaNQvTp08vrBKJiIiIrF52NhAXpwm3qoB74QLw6JH++7yBH/EV+qMEklBQ3ZRFKvjmx/jx4zFq1Cj19dTUVAQEBMhYEREREZFlyMgALl7U7b29eFG6zRAuSMNS59Ho/XS55rxevkDyPZPXW6SCb8mSJXH37l2ttrt378Ld3V1vby8AODo6wtHRsTDKIyIiIrJIjx5JvbW5A+6VK4BSafh5AgOBatWA4GDpq57NCbwyqwdsL8VqDoqIgOP8+UD58iZ/HkUq+DZq1Ag7d+7Uavvtt9/QqFEjmSoiIiIishxJSbrhNiYGuHHD8HPY2QGVKmnCbXCwFHarVAFcXP47KDsb+OwzYNIkICtLanNxARYuBPr3z3s8xEuSNfg+fvwYly9fVl+/evUqTp8+jeLFi6Ns2bIYP348bt26hXXr1gEABg8ejC+++AIffvgh3nnnHfz+++/YsmULfvnlF7meAhEREVGRoppgpi/gJiYafh5nZ6BqVe1wGxwMVKwI2Nu/4M7p6cBXX2lCb2gosGkTULlyvp+XIWQNvsePH0erVq3U11VjcaOiorBmzRrcuXMH8fHx6tuDgoLwyy+/YOTIkVi0aBHKlCmDr776ikuZEREREeWSnQ1cvaobbmNijOtQ9fTU7b0NDgbKlQNs8rsjhKurFHSbNgVGjwamTQMcHPJ5MsMphBCiwB/FjKSmpsLDwwMpKSlwd3eXuxwiIiKil5KRAVy6pBtwY2MNn2AGACVL6obb4GCpXaF4ySIfPQJSU4HSpbXbb93SbUPB5bUiNcaXiIiIyFo9fqyZYJYz4F65IvXuGiowUH/A9fIqoMKjo4GePaUEffCgNAhYRU/oLUgMvkRERERm5P59/cMTcoz+fCE7O2msbe5wW6WKNMqgUGRlATNmAB9/rFnYd/ZsYOLEQipAF4MvERERUSETArh9Wzfgnj9v3AQzJyfNBLOcAbdixUIZMpu3uDiplzc6WtPWuDHQvbt8NYHBl4iIiKjAZGcD167p78FNNWJ7Mg8P3XCrmmBma1tg5RtPCGD9emDYMM0MOltbYOpUYPx47WEOMmDwJSIiInpJmZnSBLPc4TY2Vlq5y1B+froBt1o1E00wK2jJycDgwcCWLZq28uWBjRuBhg3lqysHBl8iIiIiA6WlSRPMcg9PMHaCWbly+ntwixcvuNoLVGoqUKuW9kDkPn2AxYsBNze5qtLB4EtERESUy4MH+sffGjPBzNZWGmubO9xWrVqIE8wKi7s78OabwKJF0vIQy5cDnTvLXZUOBl8iIiKySkIAd+7ohtuYGODePcPP4+QkrZaQe3iC7BPMCtunn0rjOiZOBAIC5K5GLwZfIiIismjZ2cD16/oDrjETzNzddXtvq1UzwwlmBU0IYOVK6Un366dpd3ICli2Try4DMPgSERGRRcjMBC5f1g24xk4w8/XV7b0NDgb8/YvABLOClpgIDBgA/Pgj4OwsLVEWHCx3VQZj8CUiIqIiRTXBLHfv7eXLxk0wK1tWf8AtshPMCtqePUBUFJCQIF1/+hT4+WcGXyIiIqKXpZpgljvgXr9u+DlUE8xyh9sqVYBixQqudouSni6twbtwoabNxwdYtQro0EG2svKDwZeIiIhko5pgpi/g3r1r+HkcHTU7mOUMuJUqWdkEM1M7exbo0UP6V6VdO2D1amlx4SKGwZeIiIgKnFKp2cEs9zJhKSmGn8fdXTfcBgcDgYFWNsGsoAkBfP458OGHQEaG1OboCMydK+3KVkQHOzP4EhERkcmoJpjlDrixsdKQUEP5+uoPuKVKFdnMVbQ8fgzMm6cJvTVqSDuwVa8ub10vicGXiIiIjPbkiWaCWc7e28uXgawsw89Ttqz+gOvtXXC1kwHc3IANG4BWrYARI4CZM6Xlyoo4Bl8iIiLKU3Ky/uEJ164Zfg5bW6BCBd1wW7UqJ5iZjbQ06cvXV9PWrBlw8SJQvrx8dZkYgy8REZGVE0JaoUpfwFWtXGUIR0dptYTcAbdSJek2MlMnTkgT2EqXBn77DbCx0dxmQaEXYPAlIiKyGkqltBRY7nB7/rxxE8zc3HTDbXAwEBTECWZFSnY28NlnwKRJ0viU2FhgwQJg9Gi5KyswDL5EREQW5tkzzQSznAH3wgXjJpiVKKEbcKtV4wQzi3DjBtC7N3DggKYtNLTIrctrLAZfIiKiIurJE6mTLme4jYkBLl0yboJZQIBu721wsLRHAVmgLVuAQYOAhw+l6woFMG4cMG2axS96zOBLRERk5h4+1D884fp1aXyuIWxspAlmuXtvOcHMiqSmSis0rF2raQsIANavB1q0kK+uQsTgS0REZAaEkHYq0xdwjZ1gVrmybsDlBDMrl5IC1KkDxMVp2iIjgaVLAS8v+eoqZAy+REREhUipBOLj9Qdc1SfPhihWTDfccoIZ5cnDA2jdWgq+bm7AkiVAz55WN1ibwZeIiKgAPHsGXLmiG25jY6WxuYby8dEfcEuXtrrMQi9rwQJpduNHH1ncMmWGYvAlIiJ6CU+f6k4wO38+fxPM9O1gxglmZDQhpHG79vZAt26a9mLFpN3YrBiDLxERkQFUE8xyfp0/L+1gZuwEs9wBt2pV6dNnopeWnAwMHiyt3FCsGFC/vvRNRwAYfImIiNSEAO7d0+29jYkB7twx/DwODpodzHIG3EqVACengqufrNyBA0CvXsDNm9L1x4+BrVuBsWNlLcucMPgSEZHVyTnBLHfATU42/DzFiukfnhAUBNjxf1gqLJmZwJQpwJw5mo8fPD2BFSuAzp1lLc3c8MeSiIgslmqCWe5we+GC8RPM9AXcMmU4wYxkFhsLdO8OnDypaWvZEli3Tho4TloYfImIqMhTTTDLHXAvXZLCr6HKlNENt8HB0ta9RGZFCKlHd+RIzT7U9vbAjBnA6NHSgHLSweBLRERFRkqKbriNiQGuXjVugln58roBt2pVwN29YOsnMpmUFGmLYVXorVIF2LRJ2qSC8sTgS0REZkU1wUxfwL192/DzODjo7mAWHCy1cYIZFXmensCaNUC7dtIqDvPmAS4ucldl9hh8iYhIFkolcOOG/oD74IHh5ylWTOqtzb3JAyeYkUVJT5cGphcvrmkLDwfOnQNeeUW+uooY/kogIqIClZWlmWCWM9xeuACkpRl+Hm9v3eEJ1apxghlZgbNnpQls5coBP/2k/Q3P0GsUBl8iIjKJp0+Bixd1A+7Fi8ZNMCtdWv8WvZxgRlZHqQQ+/1xahzcjQ+rdXbYMGDJE7sqKLAZfIiIySmqq/uEJcXHGTTALCtINuJxgRvSfO3eAvn2B3bs1bTVqAM2ayVeTBWDwJSIiHUIAiYm64TYmBrh1y/Dz2Nvr38GME8yInuPHH4H+/YGkJE3byJHAzJn8wXlJDL5ERFZMCM0Es9zb9BozwczVVXvlBFXALV+eE8yIDJaWJq3Bu3y5ps3fH1i7Fnj1VfnqsiD8dUREZAWysqShCPp6cI2ZYFa8uP7xt2XKcL18opeSnAw0aiTtxKISEQGsXCltHUgmweBLRGRB0tOlyWS5e28vXQIyMw0/T+nS+rfoLVGCKygQFQgvLyA0VAq+Li7AokVAv378gTMxBl8ioiIoNVVaDix3wL16VZoIbgiFQrODWc6AW7Uq4OFRsPUTkR5LlkjLo3z6qTQQnkyOwZeIyIzpm2B2/rzxE8wqV9btva1cGXB2Lrjaieg5tmwBHB2Bjh01bZ6ewPbtspVkDRh8iYhkJgRw86ZuuI2JAe7fN/w8rq5Sb23ugFuhAieYEZmN1FRgxAhpwpqXF/DPP9IgeSoU/FVIRFRIsrKkoQi5A+6FC8Djx4afp3hx3XAbHAwEBHCCGZFZi44GevSQfhEA0oS2DRuAcePkrcuKMPgSEZmYaoJZ7t7bixeNm2BWqpT+LXo5wYyoiMnKAj75RPrKzpba3NykMb09e8pbm5Vh8CUiyqdHj7SXBVMF3Lg44yaY5d7BTPXFCWZEFiAuTgq30dGatsaNpZ7eoCD56rJSDL5ERC+gmmCWO+DevGn4OeztgUqVdHtvOcGMyEIJAaxbBwwbphnLZGsLTJkCTJjAgfcy4atORATNBLPc4TYmRnvX0BdxcZEmmOUOuOXLS+GXiKxEcrK0C5sq9JYvD2zcCDRsKG9dVo7Bl4isSna2ZgeznAH3wgVp6IKhvLz072DGCWZEBECahfrVV8CbbwJ9+gCLF0vjeklWDL5EZJEyMvKeYJaRYfh5/P31B1xfX04wI6IcMjOlXy45w21EBHD8uLQjG5kFBl8iKtIePZJ6a3MPT7hyxfgJZvp2MPP0LNDyicgSxMYC3bsDFSsC336r/VcxQ69ZYfAloiIhKUn/+NsbNww/h52dZgeznAG3cmVpbC4RkVGEAFasAEaOlLYaPnkSeP11oHdvuSujPDD4EpHZEELaijd3uI2JkVZWMJRqglnugFuhAieYEZGJJCYC/fsDO3Zo2qpUAapXl68meiEGXyIqdNnZ0sZF+gKuMRPMPD01oTbnONyyZTnBjIgK0O7d0oS1hARN2+DBwLx5/PjIzDH4ElGBycgALl3SDbixscZPMMvdexscDPj5cYIZERWi9HRg/Hhg4UJNm48PsGoV0KGDbGWR4Rh8ieilPX6c9wQz1e6cL6JQAIGBuuE2OJgTzIjIDDx4ALRsCZw9q2lr1w5YvRooWVK2ssg4DL5EZLD793XD7fnzxk8wq1RJN+BWqcJPCInIjHl5SZtQnD0LODoCc+dKu7LxY6cihcGXiLQIAdy+rT/gGjPBzNlZM8EsZ8CtWJETzIioCFIopA0pnj6VxvJyEluRxOBLZKWys4Fr13TD7YULQGqq4efx9NQNt9WqcYIZERVxO3ZIPbvh4Zo2Hx9pYhsVWQy+RBYuM1OaYJY74F68KM3TMFTJkvoDLieYEZFFSUsDRo8Gli+Xtmg8e1b6lywCgy+Rhcg5wSxnwDVmghkgTTDLHW6rVpWGtxERWbQTJ6Qd2C5elK7fuyet2DBunLx1kckw+BIVMQ8e6PbexsQA8fGGn8POThprmzvgcoIZEVml7Gzgs8+ASZOArCypzcVFWrasf39ZSyPTYvAlMkM5J5jlDrj37hl+npwTzHIG3AoVAAeHgqufiKjIuHED6NULOHhQ0xYaCmzaJO1nThaFwZdIRqoJZrnDbUyMcRPMPDx0e2+Dg4Fy5TjBjIgoT1u2AIMGAQ8fStcVCmlYw7Rp7B2wUAy+RIVANcEsd8CNjc3fBLPcAbdkSU4wIyIySlISMGCAppchIABYvx5o0ULeuqhAMfgSmVBamvYEM1XAvXzZ+Alm+rbo5QQzIiIT8fEBli4FevQAIiOly/wla/EYfIny4cED/cMTrl83/By2tpodzHIG3CpVAFfXgqudiMgqZWVJH7/lnMHbvTtQpgzQrBk/NrMSDL5EeRACuHNHf8C9e9fw8zg5aU8wUwXcihU5hIyIqFDExQE9e0q/jFet0r6teXN5aiJZMPiS1VMq855glpJi+Hk8PPQPTyhXTurdJSKiQiaENG536FBpsfPoaOC114DOneWujGTC4EtWIzNTGmubO9zGxkpbrxvKz09/wPX35ydlRERmIzkZGDxYWrlBpXx5aRIbWS0GX7I4aWlSmM0dcC9f1qxLbohy5XTDbXAwULx4wdVOREQmcOCAtDbvzZuatj59gMWLATc3uaoiM8DgS0VWcrL+4QnXrhl+Dltbaaxt7oBbtSonmBERFTmZmcCUKcCcOdIwB0BaqWH5cg5vIAAMvmTmhAASEnTD7fnzxk8wq1JFt/e2UiVOMCMisgj37wNt2wInT2raWrUC1q2TVm4gAoMvmQmlUloKTF/ANWaCmbu7bu9ttWqcYEZEZPG8vKS1eQHA3h6YMQMYPZrbV5IWBl8qVM+eSWNtc4bbmBhp0wdjJpj5+ur23larxglmRERWy8YGWLMG6NIFWLQIqFNH7orIDDH4UoF48kSaYJa799bYCWZly+r23nKCGRERYc8eaRxbznV4/f2BP/+UryYye7IH3yVLlmDu3LlISEhAzZo18fnnn6N+/fp5Hr9w4UIsXboU8fHx8PHxwdtvv41Zs2bBycmpEKsmlYcP9Q9PuH5dM6/gRWxtgQoVdANulSpAsWIFWj4RERU16enA+PHAwoXS2N1//uFWw2QwWYPv5s2bMWrUKCxbtgwNGjTAwoULER4ejtjYWPj6+uocv2nTJowbNw6rVq1C48aNcfHiRfTp0wcKhQLz58+X4RlYByGkiWS5w21MjDTxzFCOjto7mKkCbsWK0m1ERETPdfYs0KOH9C8gLVe2YgUwdqy8dVGRoRDC0H4502vQoAHq1auHL774AgCgVCoREBCA4cOHY9y4cTrHDxs2DDExMdi3b5+6bfTo0Th69CgOHTpk0GOmpqbCw8MDKSkpcHd3N80TsRBKJRAfrz/gPnxo+Hnc3PQPTwgM5AQzIiLKB6US+PxzKeBmZEhtjo7A3LnAsGGc3GGBCiqvydbjm5mZiRMnTmD8+PHqNhsbG4SFhSE6OlrvfRo3bowNGzbg2LFjqF+/PuLi4rBz50706tUrz8fJyMhAhuqHBNILae1UE8xyTi47f14ak/vkieHn8fXV7b0NDgZKleLvICIiMpE7d4C+fYHduzVtISHApk1A9ery1UVFkmzBNykpCdnZ2fDz89Nq9/Pzw4ULF/Tep3v37khKSkLTpk0hhEBWVhYGDx6MCRMm5Pk4s2bNwvTp001ae1GhmmCWu/f20iXjJ5jp26LX27vgaiciIsKPPwL9+wNJSZq2kSOBmTOliW1ERpJ9cpsxDhw4gJkzZ+LLL79EgwYNcPnyZbz33nv4+OOPMXnyZL33GT9+PEaNGqW+npqaigAL26dbNcEsd8C9ds3wCWY2NpodzHIG3KpVOcGMiIhkkJgojedNS5Ou+/tLy5W1bStrWVS0yRZ8fXx8YGtri7u5tt+6e/cuSpYsqfc+kydPRq9evdC/f38AQEhICNLS0jBw4EBMnDgRNnoWqXZ0dISjBcycUk0w0xdw79wx/DyOjtJqCbl7bytV4gQzIiIyIyVKSCs3DBgAdOwIfPWVZoMKonySLfg6ODggNDQU+/btQ0REBABpctu+ffswbNgwvfd58uSJTri1/W+2lIxz9Arctm3A0KHGbdHr5qZ/eEJQECeYERGRGcrOlsbh5eyF6ddPWrIsPJyTR8gkZB3qMGrUKERFRaFu3bqoX78+Fi5ciLS0NPTt2xcA0Lt3b5QuXRqzZs0CAHTo0AHz589H7dq11UMdJk+ejA4dOqgDsCWaNi3v0FuihG64DQ4GSpfm7wgiIioibtwAeveWJqt9/rmmXaEA2rWTry6yOLIG38jISCQmJmLKlClISEhArVq1sGvXLvWEt/j4eK0e3kmTJkGhUGDSpEm4desWSpQogQ4dOmDGjBlyPYUCp1RKKzAA0vrcUVHaAZef+hARUZG2ZQswaJA0YeXAAeC114D27eWuiiyUrOv4yqGoreN7+7bUewsAr78O/PyzvPUQERGZRGoqMGIEsHatpi0gANi4EWjWTL66yCxY3Dq+ZJirVzWXg4Lkq4OIiMhkoqOBnj2BuDhNW2QksHQptx+mAqW7DAKZlZzBt3x5+eogIiJ6aVlZwPTpUo+uKvS6uQHr1gHffMPQSwWOPb5mLucfw+zxJSKiIuv+faBDB6m3V6VxY2DDBv4HR4WGPb5mjkMdiIjIInh6Anb/9bfZ2ko9vwcP8j83KlQMvmaOPb5ERGQRbG2B9euBOnWAQ4eAKVM0QZiokPA7zsypeny9vYEisAgFERGR5OBBwNkZqF9f01auHHD8OBeaJ9mwx9eMZWYCN29KlzmxjYiIioTMTGD8eKBVK6BbN+DRI+3bGXpJRgy+Zuz6dUC1yjKHORARkdmLjQUaNQI+/VT6DywuTlqijMhMMPiaMU5sIyKiIkEIYMUKoHZt4ORJqc3eHpgzBxgzRt7aiHLgGF8zlnNiG4c6EBGRWUpMBAYMAH78UdNWpQqwaZM0kY3IjLDH14yxx5eIiMza7t1AjRraoXfwYKnXl6GXzBB7fM0Yd20jIiKzdfcuEBEBpKdL1318gFWrpE0qiMwUe3zNmGqog40NULasvLUQERFp8fOTJrEBQHg4cPYsQy+ZPfb4mjFVj2+ZMtIcASIiItkolUB2tvZ/SMOHS/9Jvfmm1EtDZOb4XWqmUlKABw+kyxzmQEREsrpzB3jtNWDSJO12GxugUyeGXioy+J1qpjixjYiIzMKPPwIhIcCePcDcucDvv8tdEVG+MfiaKQZfIiKSVVqatEJDRARw/77U5ucna0lEL4tjfM0U1/AlIiLZnDgBdO8OXLyoaevYEfjqK2n1BqIiij2+Zoo9vkREVOiys4HZs4GGDTWh18VF2pXt++8ZeqnIY4+vmeIavkREVKiSkoDOnYEDBzRtoaHSDmyVK8tWFpEpscfXTKmGOjg7c0gVEREVAg8P4PFj6bJCAYwfDxw5wtBLFoXB1wwplcC1a9LlwEDp9w8REVGBsrcHNm4EgoOB/fuBmTMBBwe5qyIyKQ51MEMJCZodIDnMgYiICkR0tDR+t2ZNTVvlysC5c1yXlywWv7PNECe2ERFRgcnKAqZPB5o1A7p1A5480b6doZcsGL+7zRAnthERUYGIiwOaNwemTZNWcIiJAb78Uu6qiAoNg68ZyrmGL3t8iYjopQkBrFsH1KolDXEAAFtb4KOPgPffl7MyokLFMb5miEMdiIjIZJKTpR3YtmzRtFWoAGzYIK3XS2RF2ONrhtjjS0REJnHgAFCjhnbo7dsXOHWKoZesEnt8zZCqx9fbG3B3l7cWIiIqou7cAcLDgcxM6bqXF7B8ubRJBZGVYo+vmcnMBG7elC5zYhsREeWbvz8wdap0uVUr4J9/GHrJ6rHH18xcvy7NQQA4zIGIiIwghLQDkq2tpm3sWCAgAOjRg8uUEYE9vmaHE9uIiMhoiYnAm28Cn3yi3W5rC/TqxdBL9B/+JJgZruFLRERG2b1bmsD244/Axx9rlisjIh0MvmaGKzoQEZFB0tOBkSOBdu2kve4BaQLbo0fy1kVkxjjG18ywx5eIiF7o7Flp3O7Zs5q28HBgzRqgZEnZyiIyd+zxNTOqHl8bG6BsWXlrISIiM6NUAosWAfXqaUKvo6PUtnMnQy/RC7DH18yoenzLlAHs7eWthYiIzMj9+1Iv7+7dmraQEGDTJqB6dfnqIipC2ONrRlJSgAcPpMsc5kBERFpcXYFbtzTXR44Ejh1j6CUyAoOvGeFSZkRElCcnJ6l3NyhI6vWdP19qIyKDcaiDGWHwJSIitRMnpF7eqlU1bSEhwMWLgB3/+ybKD/b4mpGcS5lxqAMRkZXKzgZmzwYaNgS6dQMyMrRvZ+glyjcGXzPCHl8iIit34wbQpg0wbhyQlQWcPg18+aXcVRFZDAZfM8I1fImIrNiWLdIObAcPStcVCmD8eGDoUHnrIrIg/LzEjKiGOjg7A35+8tZCRESFJDUVGDECWLtW0xYQAKxfD7RoIV9dRBaIwddMKJXAtWvS5cBA6Q99IiKycNHRQM+e2pM8IiOBpUul7YeJyKQYfM1EQoK07TrAYQ5ERFbh1i2gZUsgM1O67uYGLFkiBWH2fhAVCI7xNROc2EZEZGVKlwbGjJEuN24MnDkD9OrF0EtUgNjjayY4sY2IyMIJIf2bM9hOmwaULQv068dlyogKAXt8zUTO4V3s8SUisjDJyUDXrsC8edrt9vbAoEEMvUSFhMHXTHCoAxGRhTpwQFqmbMsWYMIE4NQpuSsisloMvmaCwZeIyMJkZkobUbRuDdy8KbUVKybNZiYiWfCzFTOhGurg7Q24u8tbCxERvaTYWKB7d+DkSU1bq1bAunVAmTLy1UVk5djjawYyMzWdAZzYRkRUhAkBLF8O1K6tCb329sCcOcDevQy9RDJ7qR7f9PR0ODk5maoWq3X9umayL4c5EBEVUQ8eAH37Ajt2aNqqVAE2bQLq1JGvLiJSM7rHV6lU4uOPP0bp0qVRrFgxxP33Gf3kyZPx9ddfm7xAa8DxvUREFsDREbhwQXN9yBCp15ehl8hsGB18P/nkE6xZswZz5syBg4ODur169er46quvTFqcteAavkREFsDVFdi4EShVSur1/fJLwMVF7qqIKAejg++6deuwYsUK9OjRA7a2tur2mjVr4kLOv3TJYFzDl4ioCDp7VvsXOADUrSu1deggT01E9FxGB99bt26hYsWKOu1KpRLPnj0zSVHWhkMdiIiKEKUSWLQIqFcP6NEDyMrSvt3RUZ66iOiFjA6+1apVw59//qnTvnXrVtSuXdskRVkbVYeBjY20cyUREZmpO3eA114D3n8fyMgA/voLWLpU7qqIyEBGr+owZcoUREVF4datW1Aqldi+fTtiY2Oxbt06/PzzzwVRo8VT9fiWKQPkGDZNRETm5McfgX79gPv3NW0jRwIDBshXExEZxege344dO+Knn37C3r174erqiilTpiAmJgY//fQTXn311YKo0aKlpEgr4ACc2EZEZJbS0oDBg4GICE3o9fcHdu8G5s8HuKwnUZGRr3V8mzVrht9++83UtVglju8lIjJjJ05IO7BdvKhpi4gAVq4EfHxkK4uI8sfoHt/y5cvjfs6Pef7z8OFDlGeXpdEYfImIzNSNG0DjxprQ6+IiBd7t2xl6iYooo4PvtWvXkJ2drdOekZGBW7dumaQoa5JzJRz+3UBEZEYCAoB335Uuh4YCp04B/fsDCoW8dRFRvhk81GFHji0Yd+/eDQ8PD/X17Oxs7Nu3D4GBgSYtzhqwx5eIyIwIoR1sZ82SltsZOpSzj4ksgMHBNyIiAgCgUCgQFRWldZu9vT0CAwMxb948kxZnDbhrGxGRGUhNBUaMAOrX1/TyAtLEtZEj5auLiEzK4OCrVCoBAEFBQfj777/hw/FNJqEa6uDsDPj5yVsLEZFVio6WNqK4ehXYvBlo1QoIDpa7KiIqAEaP8b169SpDr4kIAVy7Jl0ODOSwMSKiQpWVBUybBjRrpvn4zd4euHJF1rKIqODkazmztLQ0HDx4EPHx8cjMzNS6bcSIESYpzBokJADp6dJlDnMgIipEcXFAz55Sb69K48bAhg2ccEFkwYwOvqdOnUL79u3x5MkTpKWloXjx4khKSoKLiwt8fX0ZfI2Qc0UH/p4lIioEQgDr1gHDhgGPH0tttrbAlCnAhAmAXb76g4ioiDB6qMPIkSPRoUMHJCcnw9nZGX/99ReuX7+O0NBQfPbZZwVRo8XixDYiokL08CHQtSvQp48m9JYvDxw6JAVfhl4ii2d08D19+jRGjx4NGxsb2NraIiMjAwEBAZgzZw4mTJhQEDVaLPb4EhEVIoUCOHpUc71PH+D0aaBhQ7kqIqJCZnTwtbe3h42NdDdfX1/Ex8cDADw8PHDjxg3TVmfhuIYvEVEh8vAA1q+Xdl3bsgVYvRpwc5O7KiIqREZ/rlO7dm38/fffqFSpElq0aIEpU6YgKSkJ69evR/Xq1QuiRovF4EtEVIBiYwFXV6BMGU1bs2bScjqurrKVRUTyMbrHd+bMmfD39wcAzJgxA15eXhgyZAgSExOxfPlykxdoyVRDHby9AXd3eWshIrIYQgDLlwO1awO9ewP/rUOvxtBLZLUUQgghdxGFKTU1FR4eHkhJSYG7jGkzM1PaEEgIoF494Ngx2UohIrIciYlA//7Ajh2atqVLgcGD5auJiIxWUHnN6B7fvJw8eRL/+9//THU6i3f9uhR6AQ5zICIyid27gRo1tEPv4MFSry8REYwMvrt378aYMWMwYcIExP33Of2FCxcQERGBevXqqbc1NsaSJUsQGBgIJycnNGjQAMde0PX58OFDDB06FP7+/nB0dETlypWxc+dOox9XbhzfS0RkIunpwMiRQLt20s5AgDSBbccOqbfXxUXe+ojIbBg8ue3rr7/GgAEDULx4cSQnJ+Orr77C/PnzMXz4cERGRuLcuXMINnJv882bN2PUqFFYtmwZGjRogIULFyI8PByxsbHw9fXVOT4zMxOvvvoqfH19sXXrVpQuXRrXr1+Hp6enUY9rDriGLxGRCZw9C/ToIf2rEh4OrFkDlCwpW1lEZJ4MDr6LFi3C7Nmz8cEHH2Dbtm3o3LkzvvzyS5w9exZlcs6YNcL8+fMxYMAA9O3bFwCwbNky/PLLL1i1ahXGjRunc/yqVavw4MEDHDlyBPb29gCAwMDAfD223LiGLxHRS7p+XZokkZEhXXd0BObMkXZlszHZSD4isiAG/2a4cuUKOnfuDAB46623YGdnh7lz5+Y79GZmZuLEiRMICwvTFGNjg7CwMETn3Ds9hx07dqBRo0YYOnQo/Pz8UL16dcycORPZ2dl5Pk5GRgZSU1O1vswBhzoQEb2kcuU043dDQoDjx4ERIxh6iShPBv92ePr0KVz+GyelUCjg6OioXtYsP5KSkpCdnQ0/Pz+tdj8/PySoxmjlEhcXh61btyI7Oxs7d+7E5MmTMW/ePHzyySd5Ps6sWbPg4eGh/goICMh3zaak6vG1sQHKlpW3FiKiImvBAuCTT6SlcbiWPBG9gFEbWHz11VcoVqwYACArKwtr1qyBj4+P1jEjRowwXXW5KJVK+Pr6YsWKFbC1tUVoaChu3bqFuXPnYurUqXrvM378eIwaNUp9PTU11SzCr6rHt0wZwMFB3lqIiMxeWhowerS0vXCfPpp2V1dg4kTZyiKiosXg4Fu2bFmsXLlSfb1kyZJYv3691jEKhcLg4Ovj4wNbW1vcvXtXq/3u3bsomceEBH9/f9jb28PW1lbdFhwcjISEBGRmZsJBT4J0dHSEo6OjQTUVlpQU4MED6TInthERvcCJE9IEtthYYONGafe1ChXkroqIiiCDg++1a9dM+sAODg4IDQ3Fvn37EBERAUDq0d23bx+GDRum9z5NmjTBpk2boFQqYfPfGK6LFy/C399fb+g1VxzfS0RkgOxs4LPPgEmTgKwsqU2pBM6dY/AlonyRdQbAqFGjsHLlSqxduxYxMTEYMmQI0tLS1Ks89O7dG+PHj1cfP2TIEDx48ADvvfceLl68iF9++QUzZ87E0KFD5XoK+cLgS0T0AjduAG3aAOPGaUJvaChw6hTQsaO8tRFRkWXUGF9Ti4yMRGJiIqZMmYKEhATUqlULu3btUk94i4+PV/fsAkBAQAB2796NkSNHokaNGihdujTee+89jB07Vq6nkC9cw5eI6Dm2bAEGDQIePpSuKxRSAJ42jZMiiOilKIRQbZxrHQpq72djDBsGLFkiXT58GGjcWJYyiIjMy6NHwPDhwNq1mraAAGD9eqBFC/nqIqJCV1B5jYsdyoA9vkREemRkAHv2aK5HRgJnzjD0EpHJMPjKQLWGr7MzkGsZYyIi6+XjI/X2ursD69YB33wDeHnJXRURWZB8Bd8rV65g0qRJ6NatG+7duwcA+PXXX/Hvv/+atDhLJASgWiAjMFAaukZEZJXi4oBcS1ri1VelrYh79eIvSCIyOaOD78GDBxESEoKjR49i+/btePz4MQDgzJkzeW4iQRoJCUB6unSZwxyIyCoJIfXs1qwJvPOOdD0nT09ZyiIiy2d08B03bhw++eQT/Pbbb1pr57Zu3Rp//fWXSYuzRKphDgCXMiMiK5ScDHTtKu2+9vgxsHMnsHq13FURkZUwOviePXsWb775pk67r68vkpKSTFKUJePENiKyWgcOADVqSMuVqfTpA3TuLFdFRGRljA6+np6euHPnjk77qVOnULp0aZMUZcnY40tEViczU1qHt3Vr4OZNqc3LSwrAq1cDbm7y1kdEVsPo4Nu1a1eMHTsWCQkJUCgUUCqVOHz4MMaMGYPevXsXRI0Whbu2EZFVuXABaNQImD1bM5a3VSvgn3/Y00tEhc7o4Dtz5kxUrVoVAQEBePz4MapVq4bmzZujcePGmDRpUkHUaFEYfInIasTFAXXqACdPStft7YE5c4C9e4EyZeStjYisUr53bouPj8e5c+fw+PFj1K5dG5UqVTJ1bQVC7p3bypaVtqD39gY4JJqILF7PnsDGjUCVKsCmTVIQJiJ6gYLKa3bG3uHQoUNo2rQpypYti7Jly5qsEGuQmakZ3sbeXiKyCkuWAOXKARMnAi4ucldDRFbO6KEOrVu3RlBQECZMmIDz588XRE0W6/p1zRA3ruhARBYlPR0YORL47jvtdg8PYMYMhl4iMgtGB9/bt29j9OjROHjwIKpXr45atWph7ty5uKnqyqQ8cXwvEVmks2eB+vWBhQuBgQOl8VxERGbI6ODr4+ODYcOG4fDhw7hy5Qo6d+6MtWvXIjAwEK1bty6IGi0G1/AlIouiVAKLFgH16knhFwCePgWOH5e3LiKiPBg9xjenoKAgjBs3DjVr1sTkyZNx8OBBU9VlkbiGLxFZjDt3gL59gd27NW0hIdIEturV5auLiOg5jO7xVTl8+DDeffdd+Pv7o3v37qhevTp++eUXU9ZmcTjUgYgswo8/Sjuw5Qy9I0cCx44x9BKRWTO6x3f8+PH49ttvcfv2bbz66qtYtGgROnbsCBdOXHghVfC1sZGWNSMiKlLS0oDRo4HlyzVt/v7AmjVA27aylUVEZCijg+8ff/yBDz74AF26dIGPj09B1GSxVEMdypQBHBzkrYWIyGipqcC2bZrrERHAypUA/y8goiLC6OB7+PDhgqjD4qWkAA8eSJc5sY2IiiR/f+Crr4Du3aVJbf36AQqF3FURERnMoOC7Y8cOvPbaa7C3t8eOHTuee+wbb7xhksIsDcf3ElGRc+MG4OoKFC+uaevYUfqF5usrX11ERPlkUPCNiIhAQkICfH19ERERkedxCoUC2dnZpqrNojD4ElGRsmULMGgQEBYmXc7Zs8vQS0RFlEGrOiiVSvj+94tOqVTm+cXQmzeu4UtERUJqKtCnDxAZCTx8CGzdKi1RRkRkAYxezmzdunXIyMjQac/MzMS6detMUpQl4hq+RGT2oqOBWrWAtWs1bZGRQPv2spVERGRKRgffvn37IiUlRaf90aNH6Nu3r0mKskTs8SUis5WVBUyfDjRrpvll5eYGrFsHfPMN4OUlb31ERCZi9KoOQggo9MzivXnzJjw8PExSlCVS9fg6OwN+fvLWQkSkFhcH9Owp9faqNG4MbNjAj6eIyOIYHHxr164NhUIBhUKBNm3awM5Oc9fs7GxcvXoV7dq1K5AiizohgGvXpMuBgVz9h4jMxOXLQJ06wKNH0nVbW2DKFGDCBMDupXa0JyIySwb/ZlOt5nD69GmEh4ejWLFi6tscHBwQGBiITp06mbxAS5CQAKSnS5c5zIGIzEaFCkCbNsAPP0i/nDZuBBo2lLsqIqICY3DwnTp1KgAgMDAQkZGRcHJyKrCiLA0nthGRWVIopJ3XypUDPv5YGtdLRGTBjJ7cFhUVxdBrJE5sIyLZZWYC48YBv/yi3e7jAyxcyNBLRFbBoB7f4sWL4+LFi/Dx8YGXl5feyW0qD1T78pIae3yJSFaxsdI2wydPAqtXA//8w1m2RGSVDAq+CxYsgNt/vQELFix4bvAlXdy1jYhkIQSwYgUwciTw9KnUlpwMHD4MvPWWvLUREclAIYQQchdRmFJTU+Hh4YGUlBS4u7sXymO2bAkcPChdTkkBCulhiciaJSYC/fsDO3Zo2qpUkXZhq1NHvrqIiAxQUHnN6DG+J0+exNmzZ9XXf/zxR0RERGDChAnIzMw0WWGWRDXUwduboZeICsHu3UCNGtqhd8gQaagDQy8RWTGjg++gQYNw8eJFAEBcXBwiIyPh4uKC7777Dh9++KHJCyzqMjOBmzelyxzmQEQFKj1dGtbQrp20jiIgTV7bsQP48kvAxUXe+oiIZGZ08L148SJq1aoFAPjuu+/QokULbNq0CWvWrMG2bdtMXV+RFx8vDbMDuKIDERWwe/ekyWsq7doBZ88CHTrIVxMRkRkxOvgKIaBUKgEAe/fuRfv27QEAAQEBSEpKMm11FoArOhBRoSlbFli6FHB0BBYvBnbuBEqWlLsqIiKzYfSelHXr1sUnn3yCsLAwHDx4EEuXLgUAXL16FX5cHkcH1/AlogJz5w7g6qo9eaBbN6BpUyAgQL66iIjMlNE9vgsXLsTJkycxbNgwTJw4ERUrVgQAbN26FY0bNzZ5gUUde3yJqED8+KM0gW3ECN3bGHqJiPQy2XJm6enpsLW1hb29vSlOV2AKezmzLl2A776TLl+6BPz3dwIRUf6kpQGjRwPLl2vatm4FOnWSryYiIhMrqLxm9FAHlRMnTiAmJgYAUK1aNdThEjl6qYY62NhIw++IiPLtxAlpB7b/VtYBAEREAC1ayFYSEVFRYnTwvXfvHiIjI3Hw4EF4enoCAB4+fIhWrVrh22+/RYkSJUxdY5GmGupQpgzg4CBvLURURGVnA599BkyaBGRlSW0uLsCiRUC/fgB30yQiMojRY3yHDx+Ox48f499//8WDBw/w4MEDnDt3DqmpqRihb6yZFUtJAR48kC5zYhsR5cuNG0CbNsC4cZrQGxoKnDol7czG0EtEZDCje3x37dqFvXv3Ijg4WN1WrVo1LFmyBG3btjVpcUVdzhUdOLGNiIx28SLQoAHw8KF0XaGQAvC0afwIiYgoH4zu8VUqlXonsNnb26vX9yUJgy8RvZSKFaXgC0grNezfD8ycydBLRJRPRgff1q1b47333sPt27fVbbdu3cLIkSPRpk0bkxZX1HENXyJ6KTY20k5sAwcCZ85wEhsR0UsyOvh+8cUXSE1NRWBgICpUqIAKFSogKCgIqamp+PzzzwuixiKLa/gSkcGysoDp04Hff9du9/eXli7z8pKnLiIiC2L0GN+AgACcPHkS+/btUy9nFhwcjLCwMJMXV9Sxx5eIDBIXB/TsCURHA6VLA//8AxQvLndVREQWx6jgu3nzZuzYsQOZmZlo06YNhg8fXlB1WQRVj6+zM8DdnIlIhxDA+vXAsGHAo0dSW0KCNJaXG1IQEZmcwcF36dKlGDp0KCpVqgRnZ2ds374dV65cwdy5cwuyviJLCODaNelyYCBXHCKiXJKTgcGDgS1bNG3lywMbNwING8pXFxGRBTN4jO8XX3yBqVOnIjY2FqdPn8batWvx5ZdfFmRtRVpCApCeLl3mMAci0nLgAFCjhnbo7dMHOH2aoZeIqAAZHHzj4uIQFRWlvt69e3dkZWXhzp07BVJYUceJbUSkIzMTGD8eaN0auHlTavP0lALw6tWAm5us5RERWTqDhzpkZGTA1dVVfd3GxgYODg54+vRpgRRW1HENXyLScfMm8Pnn0lgoAGjZEli3Tlqjl4iICpxRk9smT54MFxcX9fXMzEzMmDEDHh4e6rb58+ebrroijCs6EJGO8uWBRYuAIUOAGTOA0aOltXqJiKhQGBx8mzdvjtjYWK22xo0bIy7HZ/oKzuBS41AHIkJSEuDiIn2pvPOOtBFFxYry1UVEZKUMDr4HDhwowDIsD4c6EFm53bulCWtvvQUsWaJpVygYeomIZMLP2AqIqsfX2xtwd5e3FiIqROnpwMiRQLt20vIuX34J/PKL3FURERHysXMbvVhmpmbCNnt7iazI2bNAjx7Svyrt2gGhofLVREREauzxLQDx8ZpJ25zYRmQFlEpp0lq9eprQ6+gILF4M7NwJlCwpb31ERASAPb4FghPbiKzInTtA377SmF6VkBBg0yagenX56iIiIh0MvgWAS5kRWYnYWKBpU2n1BpWRI4GZMwEnJ/nqIiIivfI11OHPP/9Ez5490ahRI9y6dQsAsH79ehw6dMikxRVV7PElshIVKwLVqkmX/f2lXt/58xl6iYjMlNHBd9u2bQgPD4ezszNOnTqFjIwMAEBKSgpmzpxp8gKLIi5lRmQlbG2B9euBXr2Af/4B2raVuyIiInoOo4PvJ598gmXLlmHlypWwt7dXtzdp0gQnT540aXFFlSr42tgAZcvKWwsRmUh2NjB7NnDkiHZ72bLStsM+PvLURUREBjN6jG9sbCyaN2+u0+7h4YGHDx+aoqYiTzXUoUwZwMFB3lqIyARu3JB6dQ8elD7GOX2aC3QTERVBRvf4lixZEpcvX9ZpP3ToEMpzJhdSUoAHD6TLfDmILMCWLUCNGlLoBYBr14A9e2QtiYiI8sfo4DtgwAC89957OHr0KBQKBW7fvo2NGzdizJgxGDJkSEHUWKRwfC+RhUhNlbYcjowEVJ9mBQQA+/cDb78tZ2VERJRPRg91GDduHJRKJdq0aYMnT56gefPmcHR0xJgxYzB8+PCCqLFIYfAlsgDR0UDPntpLtERGAkuXAl5e8tVFREQvxejgq1AoMHHiRHzwwQe4fPkyHj9+jGrVqqFYsWIFUV+RwzV8iYqwrCxgxgzg44+lyWwA4OYGLFkiBWGFQt76iIjopeR7AwsHBwdUU61fSWpcw5eoCLtyBZg1SxN6GzcGNmzgDzMRkYUwOvi2atUKiuf0evz+++8vVVBRxx5foiKsShVgzhxg1ChgyhRgwgTAjhtcEhFZCqN/o9eqVUvr+rNnz3D69GmcO3cOUVFRpqqryFIFX2dnwM9P3lqI6AWSkwEXF8DRUdM2fDjQujVQvbp8dRERUYEwOvguWLBAb/u0adPw+PHjly6oKBNCE3wDAzkckMisHTggrc3btSswd66mXaFg6CUislBGL2eWl549e2LVqlWmOl2RlJAApKdLlznMgchMZWYC48dLvbo3bwKffQbs2yd3VUREVAhMNngtOjoaTk5OpjpdkcSJbURmLjYW6N4dyLm9eqtW0theIiKyeEYH37feekvruhACd+7cwfHjxzF58mSTFVYUcQ1fIjMlBLBiBTByJPD0qdRmby8tXTZ6NGBjsg+/iIjIjBkdfD08PLSu29jYoEqVKvjoo4/Qtm1bkxVWFHFFByIzlJgI9O8P7NihaatSBdi0CahTR766iIio0BkVfLOzs9G3b1+EhITAi7sX6eBQByIzExsLtGwpDcBXGTJEGtfr4iJbWUREJA+jPt+ztbVF27Zt8VC1b72JLFmyBIGBgXByckKDBg1w7Ngxg+737bffQqFQICIiwqT15BeHOhCZmfLlgYAA6bKPj9Tr++WXDL1ERFbK6IFt1atXR1zOrs2XtHnzZowaNQpTp07FyZMnUbNmTYSHh+PevXvPvd+1a9cwZswYNGvWzGS1vCzVy+LtDbi7y1sLEUEax7txI/DWW8DZs0CHDnJXREREMjI6+H7yyScYM2YMfv75Z9y5cwepqalaX8aaP38+BgwYgL59+6JatWpYtmwZXFxcnrs0WnZ2Nnr06IHp06ejvJkMps3MlFZGAtjbSyQLpRJYvBg4dUq7vVIlYNs2oGRJeeoiIiKzYXDw/eijj5CWlob27dvjzJkzeOONN1CmTBl4eXnBy8sLnp6eRo/7zczMxIkTJxAWFqYpyMYGYWFhiI6Ofm4tvr6+6Nev3wsfIyMj46XDuSHi46WJ4wAnthEVujt3gPbtgffek5Yre/JE7oqIiMgMGTy5bfr06Rg8eDD2799vsgdPSkpCdnY2/HLt7evn54cLFy7ovc+hQ4fw9ddf4/Tp0wY9xqxZszB9+vSXLfWFOLGNSCY//iit2pCUJF2/cAH49VegUyd56yIiIrNjcPAV/3VntmjRosCKeZFHjx6hV69eWLlyJXx8fAy6z/jx4zFq1Cj19dTUVASoJruYEJcyIypkaWnSGrzLl2va/P2BNWsAK19akYiI9DNqOTOFQmHSB/fx8YGtrS3u3r2r1X737l2U1DMe78qVK7h27Ro65JigolQqAQB2dnaIjY1FhQoVtO7j6OgIR0dHk9atD3t8iQrRiRPSkIaLFzVtERHAypXS6g1ERER6GBV8K1eu/MLw++DBA4PP5+DggNDQUOzbt0+9JJlSqcS+ffswbNgwneOrVq2Ks2fParVNmjQJjx49wqJFiwqkJ9dQXMqMqBBkZwNz5wKTJwNZWVKbiwuwcKE03MHEf5wTEZFlMSr4Tp8+XWfntpc1atQoREVFoW7duqhfvz4WLlyItLQ09O3bFwDQu3dvlC5dGrNmzYKTkxOqV6+udX9PT08A0GkvbKrga2MDlC0raylEluvCBe3QGxoq7cBWubK8dRERUZFgVPDt2rUrfH19TVpAZGQkEhMTMWXKFCQkJKBWrVrYtWuXesJbfHw8bGyMXnWt0KmGOpQpAzg4yFsLkcV65RXg44+BCROAceOAadP4A0dERAZTCNWstRewtbXFnTt3TB58C1tqaio8PDyQkpICdxPtMpGaCqg6wlu2BEy48AWRdXv0CHB2Buxy/I2enS2t1Vu3rnx1ERFRgSqIvAYYsY6vgfnYKnF8L1EBiI4GatUCPvlEu93WlqGXiIjyxeDgq1Qqi3xvb0Hhig5EJpSVBUyfDjRrJv1wffwxcOSI3FUREZEFMGqML+nHNXyJTCQuDujZU+rtVWnYUFqfl4iI6CWZ/6yxIoA9vkQvSQhg3TppaIMq9NraSj2/Bw/yB4uIiEyCPb4mwDG+RC8hORkYMgTYvFnTVr48sHGj1NtLRERkIgy+JqAKvk5OgJ4N54goL7GxwKuvAjduaNr69AEWLwbc3GQri4iILBOHOrwkITTBNyiIG0cRGaVcOeC/TWjg5QVs2QKsXs3QS0REBYLB9yUlJADp6dJlTmwjMpKTk7TzWvv2wD//AJ07y10RERFZMAbfl8SJbUQGEgJYsQI4f167vXp14JdfpG0PiYiIChCD70vixDYiAyQmAhERwKBBQPfuQEaG3BUREZEVYvB9SVzDl+gFdu8GatQAduyQrp85A/z8s7w1ERGRVWLwfUkc6kCUh/R04P33gXbtpMHwAODjIwXgTp1kLY2IiKwTlzN7SRzqQKTH2bPSkIZz5zRt4eHAmjVc84+IiGTDHt+XpOrx9fYG3N3lrYVIdkolsGgRUK+eJvQ6OkptO3cy9BIRkazY4/sSMjOBmzely+ztJYLU0ztqlBSAASAkRFqurHp1eesiIiICe3xfSny8tEITwIltRACAmjWBCROkyyNHAseOMfQSEZHZYI/vS+DENrJ6T55Im1DY5PgbesoUoG1boFkz+eoiIiLSgz2+L4FLmZFVO3ECqF0bmDdPu93enqGXiIjMEoPvS+CKDmSVsrOB2bOBhg2BixeBiROBkyflroqIiOiFONThJXCoA1mdGzeAXr2Agwc1bTVqAMWKyVcTERGRgdjj+xJUPb42NkDZsvLWQlTgtmyRQq4q9CoUwPjxwJEjQOXK8tZGRERkAPb4vgRVj2+ZMoCDg7y1EBWY1FRgxAhg7VpNW0AAsH490KKFfHUREREZicE3n1JTgQcPpMuc2EYWKzYWaN9ee1xPZCSwbBng6SlbWURERPnBoQ75xIltZBXKlAHs/vv72M0NWLcO+OYbhl4iIiqSGHzziRPbyCq4uko7r7VsCZw5I01sUyjkroqIiChfGHzziWv4ksURQurRvXJFuz00FPj9d/6FR0RERR6Dbz6xx5csSnIy0LUrEBUF9OgBPHumfTt7eYmIyAIw+OYTx/iSxThwQFqmbMsW6frRo8DPP8taEhERUUFg8M0nVfB1cgJKlpS3FqJ8ycwExo0DWrcGbt6U2ry8gO++A958U97aiIiICgCXM8sHITTBNyiInwJTERQbC3Tvrr3VcKtW0hjfMmXkq4uIiKgAscc3HxISgPR06TIntlGRIgSwfDlQu7Ym9NrbA3PmAHv3MvQSEZFFY49vPnBiGxVZp04BgwdrrlepIi1XVqeOfDUREREVEvb45gMntlGRVacOMGqUdHnIEKnXl6GXiIisBHt884Fr+FKRkZEBODhoD0SfORNo1w549VX56iIiIpIBe3zzgUMdqEg4exaoWxdYulS73dGRoZeIiKwSg28+cKgDmTWlEli0CKhXDzh3Dhg9Gjh/Xu6qiIiIZMehDvmgCr7e3oC7u7y1EGm5cwfo2xfYvVvTVqmSfPUQERGZEfb4GikzE7hxQ7rM3l4yKz/+KO3AljP0jhwJHDsGVKsmX11ERERmgj2+RoqPl5ZCBTixjcxEWpo0nGH5ck2bvz+wZg3Qtq1sZREREZkbBl8jcWIbmZWLF4EOHaR/VSIigJUrAR8f2coiIiIyRxzqYCQuZUZmxc9PGn8DAC4uUuDdvp2hl4iISA8GXyNxRQcyKx4ewIYNQIMG0q5s/ftrr9lLREREagy+RuJQB5LVd99pZleqNGkCREcDlSvLUxMREVERweBrJFWPr40NULasvLWQFUlNBfr0Abp0AXr3BrKztW9nLy8REdELMfgaSdXjW6aMtBMsUYGLjgZq1wbWrpWuHzgA/PyzrCUREREVRQy+RkhNBR48kC5zmAMVuKwsYPp0oFkzzV9cbm7AunXAG2/IWxsREVERxOXMjMAVHajQxMUBPXtKvb0qjRtLE9n4VxcREVG+sMfXCJzYRgVOCKlHt1YtTei1tZV6fg8e5DceERHRS2CPrxHY40sF7vhxICpKc718eWDjRqBhQ/lqIiIishDs8TUCe3ypwNWrBwwaJF3u0wc4fZqhl4iIyETY42sEbl5BJvfsGWBnp70c2bx5QPv2nMBGRERkYuzxNYIq+Do5ASVLylsLWYDYWKk3V7VMmYqrK0MvERFRAWDwNZAQmuAbFMT9AuglCAEsXy6tzXvyJDB8OHD5stxVERERWTwOdTBQQgKQni5d5sQ2yrfERKB/f2DHDk1b6dLA06fy1URERGQl2ONrII7vpZe2ezdQo4Z26B08WOr1DQmRry4iIiIrweBrIK7oQPmWng6MHAm0ayd9dAAAPj5SAF66FHBxkbc+IiIiK8GhDgbiGr6UL5cvA2+9BZw9q2lr1w5YvZozJImIiAoZe3wNxB5fyhcvL+D+femyoyOweDGwcydDLxERkQwYfA3EMb6UL97ewJo1QM2a0q5sw4dzSRAiIiKZMPgaSBV8vb0Bd3d5ayEz9tNPmnG8Kq++Cpw4AVSvLk9NREREBIDB1yCZmcCNG9Jl9vaSXmlp0goNb7wBvPOOtFZvTra28tRFREREagy+BoiP1+QYTmwjHSdOAHXqSJtSAMCvvwI//yxvTURERKSDwdcAnNhGemVnA7NnS9sOX7wotbm4ACtXAv/7n7y1ERERkQ4uZ2YALmVGOm7cAHr1Ag4e1LSFhgKbNgGVK8tXFxEREeWJPb4G4IoOpGXzZmkHNlXoVSiA8eOBI0cYeomIiMwYe3wNwKEOpPbXX0DXrprrAQHA+vVAixby1UREREQGYY+vAVQ9vjY2QNmy8tZCMmvYUBriAACRkcCZMwy9RERERQR7fA2g6vEtUwZwcJC3FipkSqX0F09OX3wBvP460KULN6MgIiIqQtjj+wKpqcCDB9JlDnOwMnFxQNOmwJYt2u3u7lJvL0MvERFRkcLg+wJc0cEKCQGsWwfUqgVERwODBml2MCEiIqIii8H3BTixzcokJ0uT16KigEePpLbixYH79+Wti4iIiF4ag+8LsMfXihw4IC1TlnNoQ58+wOnTUu8vERERFWkMvi/ANXytQGYmMG4c0Lo1cPOm1ObpKQXg1asBNzdZyyMiIiLT4KoOL8ChDhYuLg7o3Bk4eVLT1rKlNMY3IEC2soiIiMj02OP7AqoeXycnoGRJeWuhAuDsDMTHS5ft7YE5c4B9+xh6iYiILBCD73MIoQm+QUFcvcoi+fsDX38NVK0q7cr2wQe66/YSERGRReD/8M+RkACkp0uXObHNQuzdq7tCwxtvAP/8A9SpI09NREREVCjMIvguWbIEgYGBcHJyQoMGDXDs2LE8j125ciWaNWsGLy8veHl5ISws7LnHvwxObLMg6enAyJHAq69K6/IKoX27vb08dREREVGhkT34bt68GaNGjcLUqVNx8uRJ1KxZE+Hh4bh3757e4w8cOIBu3bph//79iI6ORkBAANq2bYtbt26ZvDZObLMQZ88C9esDCxdK17dtA3btkrUkIiIiKnyyB9/58+djwIAB6Nu3L6pVq4Zly5bBxcUFq1at0nv8xo0b8e6776JWrVqoWrUqvvrqKyiVSuzbt8/ktXEN3yJOqQQWLQLq1ZPCLwA4OgKLFwPt2slbGxERERU6WZczy8zMxIkTJzB+/Hh1m42NDcLCwhAdHW3QOZ48eYJnz56hePHiem/PyMhARkaG+npqaqrB9bHHtwi7cwfo2xfYvVvTFhICbNoEVK8uX11EREQkG1l7fJOSkpCdnQ0/Pz+tdj8/PyQkJBh0jrFjx6JUqVIICwvTe/usWbPg4eGh/gowYpkqjvEtonbskHZgyxl6R44Ejh1j6CUiIrJisg91eBmffvopvv32W3z//fdwcnLSe8z48eORkpKi/rpx44bB51cFX29vwN3dFBVTgTt8GOjYEUhKkq6XLCkF4PnzpcWYiYiIyGrJGnx9fHxga2uLu3fvarXfvXsXJV+wW8Rnn32GTz/9FHv27EGNGjXyPM7R0RHu7u5aX4bIzARUGZm9vUVI48bAm29Klzt2lMb2tm0rb01ERERkFmQNvg4ODggNDdWamKaaqNaoUaM87zdnzhx8/PHH2LVrF+rWrVsgtcXHa1a84sQ2M5Z7WTKFAli5Eli9Gvj+e8DHR566iIiIyOzIPtRh1KhRWLlyJdauXYuYmBgMGTIEaWlp6Nu3LwCgd+/eWpPfZs+ejcmTJ2PVqlUIDAxEQkICEhIS8PjxY5PWxYltRcCNG0Dr1sDPP2u3e3sDffpwqz0iIiLSIuuqDgAQGRmJxMRETJkyBQkJCahVqxZ27dqlnvAWHx8PmxxbyC5duhSZmZl4++23tc4zdepUTJs2zWR1cWKbmduyRdqI4uFD4N9/pZ3XXjA8hoiIiKyb7MEXAIYNG4Zhw4bpve3AgQNa169du1bwBYFr+Jqt1FRgxAhg7VpNm5MTcPs2gy8RERE9l+xDHcwVhzqYoehooFYt7dAbGQmcOQPUqSNbWURERFQ0MPjmQdXja2MDlC0rby1WLysLmDYNaNZM88a4uQHr1gHffAN4eclaHhERERUNZjHUwRyp8lWZMoCDg7y1WLVr14Du3aXeXpXGjYENG9gVT0REREZhj68eqanA/fvSZWYrmdnYAOfPS5dtbYHp04GDB/nGEBERkdEYfPXgxDYzUrYssGyZ9EYcOgRMmQLY8YMKIiIiMh6Drx6c2CajP/+Uutxz6tpVWrKsYUN5aiIiIiKLwOCrB3t8ZZCZCYwbB7RoAQwfrnu7k1Ph10REREQWhcFXD25eUchiY4FGjYDZs6UtiNetA/bskbsqIiIisjAMvnpwqEMhEQJYvhyoXRs4eVJqs7cH5swBwsLkrY2IiIgsDmcJ6aHq8XVy4mZgBSYxEejfH9ixQ9NWpQqwaRM3oyAiIqICwR7fXITQBN+gIEChkLcei7R7N1CjhnboHTJE6vVl6CUiIqICwh7fXBISgPR06TInthWAP/8E2rXTXPfxAVatAjp0kK8mIiIisgrs8c2FE9sKWNOmmuDbrh1w9ixDLxERERUK9vjmwoltBUyhAFavBr7/Hhg8mGNJiIiIqNCwxzcXruFrQgkJwOuvA/v2abeXLCmN6WXoJSIiokLEHt9c2ONrIjt2AP36AUlJwJkz0pe3t9xVERERkRVjj28uHOP7ktLSpCEMHTtKoRcAlErg2jVZyyIiIiJi8M1FFXy9vQF3d3lrKXJOnABCQ6VNKVQiIoB//pHaiYiIiGTE4JtDZiZw44Z0mb29RsjOlrYbbthQ2n4YAFxcgJUrge3bpSXLiIiIiGTGMb45xMdLG1gAnNhmsJs3gV69gAMHNG2hodIObJUry1YWERERUW7s8c2B43vz4elT4O+/pcsKBTB+PHDkCEMvERERmR0G3xy4okM+VKoELF4MBAQA+/cDM2cCDg5yV0VERESkg8E3B67ha4Bjx4AnT7Tb+vYFzp8HWrSQpyYiIiIiAzD45sAe3+fIygKmTwcaNwbGjNG+TaEAihWTpy4iIiIiAzH45qDq8bWxAcqWlbcWsxIXBzRvDkybJq3gsHSpNKyBiIiIqAhh8M1BFXzLlOEwVQDSEhfr1gG1agHR0VKbra3U89usmaylERERERmLy5n9JzUVuH9fusxhDgCSk4EhQ4DNmzVt5csDGzdK6/USERERFTEMvv/hxLYcDh6U1uZV7eYBAH36SKs3uLnJVhYRUWHJzs7Gs2fP5C6DyKI5ODjAxqZwBx8w+P6HE9v+c/Ag0KqVZicPLy9pC+LOneWti4ioEAghkJCQgIcPH8pdCpHFs7GxQVBQEBwKcXwpg+9/2OP7n6ZNpYlsqgC8bp006JmIyAqoQq+vry9cXFygUCjkLonIIimVSty+fRt37txB2bJlC+1njcH3P9y17T+2tsD69cB33wHvvy8tcUFEZAWys7PVodfb21vucogsXokSJXD79m1kZWXB3t6+UB6TqeY/VjnUITER6NQJOHxYuz0gABg1iqGXiKyKakyvi4uLzJUQWQfVEIfs7OxCe0z2+P5H1ePr5ASULClvLYVi925pwlpCAnDyJHDmDODuLndVRESy4/AGosIhx88au/QgzeNSBd+gIGkjMouVni4NYWjXTgq9APD4MXDxoqxlERERERU0Bl9I+S89Xbps0RPbzp4F6tUDFi3StLVrJ7XXrStfXURERDKJjY1FyZIl8ejRI7lLsTgNGzbEtm3b5C5DC4MvrGBim1Iphd169YBz56Q2R0dpXd6dO61kbAcRkeXq06cPFAoFFAoF7O3tERQUhA8//BDpql6dHH7++We0aNECbm5ucHFxQb169bBmzRq95922bRtatmwJDw8PFCtWDDVq1MBHH32EBw8eFPAzKjzjx4/H8OHD4WbB69QvWbIEgYGBcHJyQoMGDXDs2LEX3mfhwoWoUqUKnJ2dERAQgJEjR+p8P926dQs9e/aEt7c3nJ2dERISguPHj6tvnzRpEsaNGwelUmny55RfDL6w8Iltd+4A7dtLwxsyMqS2kBDg+HFg+HALH9dBRGQ92rVrhzt37iAuLg4LFizA8uXLMXXqVK1jPv/8c3Ts2BFNmjTB0aNH8c8//6Br164YPHgwxowZo3XsxIkTERkZiXr16uHXX3/FuXPnMG/ePJw5cwbr168vtOeVmZlZYOeOj4/Hzz//jD59+rzUeQqyxpe1efNmjBo1ClOnTsXJkydRs2ZNhIeH4969e3neZ9OmTRg3bhymTp2KmJgYfP3119i8eTMmTJigPiY5ORlNmjSBvb09fv31V5w/fx7z5s2Dl5eX+pjXXnsNjx49wq+//lqgz9EowsqkpKQIACIlJUXd9tFHQkgjfYX4/nv5aisQ584J4eioeYIjRwrx9KncVRERmZ2nT5+K8+fPi6dF8HdkVFSU6Nixo1bbW2+9JWrXrq2+Hh8fL+zt7cWoUaN07r948WIBQPz1119CCCGOHj0qAIiFCxfqfbzk5OQ8a7lx44bo2rWr8PLyEi4uLiI0NFR9Xn11vvfee6JFixbq6y1atBBDhw4V7733nvD29hYtW7YU3bp1E126dNG6X2ZmpvD29hZr164VQgiRnZ0tZs6cKQIDA4WTk5OoUaOG+O677/KsUwgh5s6dK+rWravVlpSUJLp27SpKlSolnJ2dRfXq1cWmTZu0jtFXoxBCnD17VrRr1064uroKX19f0bNnT5GYmKi+36+//iqaNGkiPDw8RPHixcXrr78uLl++/NwaX1b9+vXF0KFD1dezs7NFqVKlxKxZs/K8z9ChQ0Xr1q212kaNGiWaNGmivj527FjRtGnTFz5+3759Rc+ePfXe9ryfOX15zRTY4wsLH+rwyivA3LnScIbdu4H586WlK4iIyCB160r7+BTm18tOuzh37hyOHDmitSPW1q1b8ezZM52eXQAYNGgQihUrhm+++QYAsHHjRhQrVgzvvvuu3vN7enrqbX/8+DFatGiBW7duYceOHThz5gw+/PBDoz/qXrt2LRwcHHD48GEsW7YMPXr0wE8//YTHjx+rj9m9ezeePHmCN998EwAwa9YsrFu3DsuWLcO///6LkSNHomfPnjh48GCej/Pnn3+ibq4XOz09HaGhofjll19w7tw5DBw4EL169dIZHpC7xocPH6J169aoXbs2jh8/jl27duHu3bvo0qWL+j5paWkYNWoUjh8/jn379sHGxgZvvvnmc1+fmTNnolixYs/9io+P13vfzMxMnDhxAmFhYeo2GxsbhIWFITo6Os/HbNy4MU6cOKF+znFxcdi5cyfat2+vPmbHjh2oW7cuOnfuDF9fX9SuXRsrV67UOVf9+vXx559/5vlYhY3LmcHChjqcOQNUrSqN4VUZNgzo2VPafpiIiIySkADcuiV3FS/2888/o1ixYsjKykJGRgZsbGzwxRdfqG+/ePEiPDw84O/vr3NfBwcHlC9fHhf/W+Hn0qVLKF++vNGbCmzatAmJiYn4+++/Ubx4cQBAxYoVjX4ulSpVwpw5c9TXK1SoAFdXV3z//ffo1auX+rHeeOMNuLm5ISMjAzNnzsTevXvRqFEjAED58uVx6NAhLF++HC1atND7ONevX9cJvqVLl9b642D48OHYvXs3tmzZgvr16+dZ4yeffILatWtj5syZ6rZVq1YhICAAFy9eROXKldGpUyetx1q1ahVKlCiB8+fPo3r16nprHDx4sFZ41qdUqVJ625OSkpCdnQ0/Pz+tdj8/P1y4cCHP83Xv3h1JSUlo2rQphBDIysrC4MGDtYY6xMXFYenSpRg1ahQmTJiAv//+GyNGjICDgwOioqK0artx4waUSiVszGB/AAZfaHp8vb2L8FK22dnAZ58BkyYB770nXVZRKBh6iYjySY75v/l5zFatWmHp0qVIS0vDggULYGdnpxO0DCWEyNf9Tp8+jdq1a6tDb36FhoZqXbezs0OXLl2wceNG9OrVC2lpafjxxx/x7bffAgAuX76MJ0+e4NVXX9W6X2ZmJmrXrp3n4zx9+hROuT4Fzc7OxsyZM7FlyxbcunULmZmZyMjI0NnYJHeNZ86cwf79+1GsWDGdx7ly5QoqV66MS5cuYcqUKTh69CiSkpLUPb3x8fF5Bt/ixYu/9OtprAMHDmDmzJn48ssv0aBBA1y+fBnvvfcePv74Y0yePBmAtOVw3bp11UG/du3aOHfuHJYtW6YVfJ2dnaFUKpGRkQFnZ+dCfR76WH3wzcwEbtyQLhfZ3t4bN4BevQDVxznz5gEREUDTprKWRURkCXJMUjdrrq6u6t7VVatWoWbNmvj666/Rr18/AEDlypWRkpKC27dv6/QQZmZm4sqVK2jVqpX62EOHDuHZs2dG9fq+KNjY2NjohGrVjnm5n0tuPXr0QIsWLXDv3j389ttvcHZ2Rrt27QBAPQTil19+QenSpbXu55jzE9BcfHx8kJycrNU2d+5cLFq0CAsXLkRISAhcXV3x/vvv60xgy13j48eP0aFDB8yePVvncVS97B06dEC5cuWwcuVKlCpVCkqlEtWrV3/u5LiZM2dq9SLrc/78eZQtW1bv87O1tcXdu3e12u/evYuSz/nravLkyejVqxf69+8PAAgJCUFaWhoGDhyIiRMnwsbGBv7+/qhWrZrW/YKDg3WWL3vw4AFcXV3NIvQCXNUB8fHSrC+giK7hu2ULUKOGJvQqFMD48UCOj2OIiMi62NjYYMKECZg0aRKePn0KAOjUqRPs7e0xb948neOXLVuGtLQ0dOvWDYD0Uffjx4/x5Zdf6j3/w4cP9bbXqFEDp0+fznO5sxIlSuDOnTtabadPnzboOTVu3BgBAQHYvHkzNm7ciM6dO6tDebVq1eDo6Ij4+HhUrFhR6ysgICDPc9auXRvnz5/Xajt8+DA6duyInj17ombNmlpDQJ6nTp06+PfffxEYGKhTg6urK+7fv4/Y2FhMmjQJbdq0QXBwsE7o1mfw4ME4ffr0c7/yGurg4OCA0NBQ7Nu3T92mVCqxb98+9ZAQfZ48eaIzLMHW1haA5tOAJk2aIDY2VuuYixcvoly5clpt586de26ve6Ez6VS5IiD3LME9ezQLHowdK3NxxkhJESIqSlM8IERAgBAHDshdGRFRkWRpqzo8e/ZMlC5dWsydO1fdtmDBAmFjYyMmTJggYmJixOXLl8W8efOEo6OjGD16tNb9P/zwQ2Frays++OADceTIEXHt2jWxd+9e8fbbb+e52kNGRoaoXLmyaNasmTh06JC4cuWK2Lp1qzhy5IgQQohdu3YJhUIh1q5dKy5evCimTJki3N3ddVZ1eO+99/Sef+LEiaJatWrCzs5O/Pnnnzq3eXt7izVr1ojLly+LEydOiMWLF4s1a9bk+brt2LFD+Pr6iqysLHXbyJEjRUBAgDh8+LA4f/686N+/v3B3d9d6ffXVeOvWLVGiRAnx9ttvi2PHjonLly+LXbt2iT59+oisrCyRnZ0tvL29Rc+ePcWlS5fEvn37RL169QQA8X0BLin17bffCkdHR7FmzRpx/vx5MXDgQOHp6SkSEhLUx/Tq1UuMGzdOfX3q1KnCzc1NfPPNNyIuLk7s2bNHVKhQQWtljWPHjgk7OzsxY8YMcenSJbFx40bh4uIiNmzYoPX4LVq0EB999JHe2uRY1cHqg++yZZrcuGyZzMUZ6sgRIcqX1w69kZFCPHggd2VEREWWpQVfIYSYNWuWKFGihHj8+LG67ccffxTNmjUTrq6uwsnJSYSGhopVq1bpPe/mzZtF8+bNhZubm3B1dRU1atQQH3300XOXM7t27Zro1KmTcHd3Fy4uLqJu3bri6NGj6tunTJki/Pz8hIeHhxg5cqQYNmyYwcH3/PnzAoAoV66cUCqVWrcplUqxcOFCUaVKFWFvby9KlCghwsPDxcGDB/Os9dmzZ6JUqVJi165d6rb79++Ljh07imLFiglfX18xadIk0bt37xcGXyGEuHjxonjzzTeFp6encHZ2FlWrVhXvv/++utbffvtNBAcHC0dHR1GjRg1x4MCBAg++Qgjx+eefi7JlywoHBwdRv3599fJyOZ9PVFSU+vqzZ8/EtGnTRIUKFYSTk5MICAgQ7777rs77/tNPP4nq1asLR0dHUbVqVbFixQqt22/evCns7e3FjRs39NYlR/BVCJHPEexFVGpqKjw8PJCSkgJ3d3eMGweohuPs2QPkGhdvfg4cAMLCpMlsAODmBixZIq3awM0oiIjyLT09HVevXkVQUJDOhCeyXEuWLMGOHTuwe/duuUuxOGPHjkVycjJWrFih9/bn/czlzmumYvWT24rcUmZNmgChocCxY0DjxsCGDUWkcCIiIvMzaNAgPHz4EI8ePbLobYvl4Ovri1GjRsldhharD76qpcxsbAA9EyLNj709sHEjsHkzMHYsYGf1byEREVG+2dnZYeLEiXKXYZFGjx4tdwk6rH5VB1XwLVMGyLHBjXlITgZ69ABOnNBur1gRmDiRoZeIiIjICFadnFJTgfv3pctmN1rgwAFpbd6bN6Xge/IkkGvxbCIiIiIynFX3+Kp6ewEzWsM3MxMYNw5o3VoKvQBw7x7w77/y1kVERERUxFl1j6/ZTWyLjQW6d5d6d1VatQLWrZPGYhARERFRvrHH9z+y9vgKASxfDtSurQm99vbAnDnA3r0MvUREREQmYNU9vjmDr2w9vomJQP/+wI4dmrYqVYBNm4A6dWQqioiIiMjyWHWPr1kMdbhxA9i5U3N9yBCp15ehl4iIiMikrDr4qnp8nZyAkiVlKqJOHeCTTwAfH6nX98svuXoDEREVKQqFAj/88IPcZZitadOmoVatWnKXQbDi4CuEJvgGBRXibr8XLgDPnmm3jRkjrdrQoUMhFUFERJakT58+UCgUUCgUsLe3R1BQED788EOkp6fLXVqBS0hIwHvvvYeKFSvCyckJfn5+aNKkCZYuXYonT57IXR4AYMyYMdi3b5/cZRCseIzv3buA6vdBoUxsUyqBzz+XdlsbOxaYPl1zm60t4OtbCEUQEZGlateuHVavXo1nz57hxIkTiIqKgkKhwOzZs+UurcDExcWhSZMm8PT0xMyZMxESEgJHR0ecPXsWK1asQOnSpfHGG2/IXSaKFSuGYsWKyV0GwYp7fK9f11wu8PG9d+4A7dsD778PZGRIQxuOHSvgByUiImvi6OiIkiVLIiAgABEREQgLC8Nvv/2mvv3+/fvo1q0bSpcuDRcXF4SEhOCbb77ROkfLli0xYsQIfPjhhyhevDhKliyJadOmaR1z6dIlNG/eHE5OTqhWrZrWY6icPXsWrVu3hrOzM7y9vTFw4EA8fvxYfXufPn0QERGBmTNnws/PD56envjoo4+QlZWFDz74AMWLF0eZMmWwevXq5z7nd999F3Z2djh+/Di6dOmC4OBglC9fHh07dsQvv/yCDv99knrt2jUoFAqcPn1afd+HDx9CoVDgwIED6rZz587htddeQ7FixeDn54devXohKSlJffvWrVsREhKifl5hYWFIS0sDABw4cAD169eHq6srPD090aRJE1z/L2zkHuqgev6fffYZ/P394e3tjaFDh+JZjk+E79y5g9dffx3Ozs4ICgrCpk2bEBgYiIULFz73NaHns9rge+2a5nKBBt8ffwRq1AB279a0jRghtRERUdEwf760tOSLvvT1Lr7xhmH3nT/fZOWeO3cOR44cgYODg7otPT0doaGh+OWXX3Du3DkMHDgQvXr1wrFcHTFr166Fq6srjh49ijlz5uCjjz5Sh1ulUom33noLDg4OOHr0KJYtW4axY8dq3T8tLQ3h4eHw8vLC33//je+++w579+7FsGHDtI77/fffcfv2bfzxxx+YP38+pk6div/973/w8vLC0aNHMXjwYAwaNAg3VZs55XL//n3s2bMHQ4cOhaurq95jFEaMY3z48CFat26N2rVr4/jx49i1axfu3r2LLl26AJCCaLdu3fDOO+8gJiYGBw4cwFtvvQUhBLKyshAREYEWLVrgn3/+QXR0NAYOHPjcx9+/fz+uXLmC/fv3Y+3atVizZg3WrFmjvr137964ffs2Dhw4gG3btmHFihW4d++ewc+H8iCsTEpKigAgJkxIEdJIXyG+/74AHujxYyEGDRLqBwGEKFlSiN27C+DBiIjoZT19+lScP39ePH36VPfGqVO1f5/n9dWwoe59GzY07L5Tp+a79qioKGFraytcXV2Fo6OjACBsbGzE1q1bn3u/119/XYwePVp9vUWLFqJp06Zax9SrV0+MHTtWCCHE7t27hZ2dnbh165b69l9//VUAEN//95/pihUrhJeXl3j8+LH6mF9++UXY2NiIhIQEdb3lypUT2dnZ6mOqVKkimjVrpr6elZUlXF1dxTfffKO39r/++ksAENu3b9dq9/b2Fq6ursLV1VV8+OGHQgghrl69KgCIU6dOqY9LTk4WAMT+/fuFEEJ8/PHHom3btlrnunHjhgAgYmNjxYkTJwQAce3aNZ1a7t+/LwCIAwcO6K116tSpombNmurrqueflZWlbuvcubOIjIwUQggRExMjAIi///5bffulS5cEALFgwQK9j1EUPe9nTpXXUlJSTPqYVjvGt0CHOpw4Ie3AdvGipq1jR+Crr6TVG4iIqGhxdwdKl37xcSVK6G8z5L7u7sbXlUOrVq2wdOlSpKWlYcGCBbCzs0OnTp3Ut2dnZ2PmzJnYsmULbt26hczMTGRkZMAl10pCNXJ9Iunv76/uaYyJiUFAQABKlSqlvr1Ro0Zax8fExKBmzZpavbBNmjSBUqlEbGws/Pz8AACvvPIKbGw0Hzz7+fmhevXq6uu2trbw9vY2upfz2LFjUCqV6NGjBzIyMgy+35kzZ7B//369Y3GvXLmCtm3bok2bNggJCUF4eDjatm2Lt99+G15eXihevDj69OmD8PBwvPrqqwgLC0OXLl3g7++f5+O98sorsLW1VV/39/fH2bNnAQCxsbGws7NDnRxLm1asWBFeXl4GPx/Sz2qDb4ENdfj9dyA8HMjKkq67uAALF0qbVBTa0hFERGRSo0ZJX/mRc4OiAuTq6oqKFSsCAFatWoWaNWvi66+/Rr9+/QAAc+fOxaJFi7Bw4UKEhITA1dUV77//PjIzM7XOY29vr3VdoVBAqVSavF59j2PMY1esWBEKhQKxsbFa7eX/m7Hu7OysblMFbCGEuu1ZrhWWHj9+jA4dOuidDOjv7w9bW1v89ttvOHLkCPbs2YPPP/8cEydOxNGjRxEUFITVq1djxIgR2LVrFzZv3oxJkybht99+Q8OGDQ1+/gXxOpM2qx3jq+rx9fZ+6T+ytTVpAlSrJl0ODQVOnQIGDGDoJSKiQmNjY4MJEyZg0qRJePr0KQDg8OHD6NixI3r27ImaNWuifPnyuJjzk0kDBAcH48aNG7hz54667a+//tI55syZM+pJX6rHtrGxQZUqVV7iWWnz9vbGq6++ii+++ELrsfQp8V9PfM66c050A4A6derg33//RWBgICpWrKj1peq9VigUaNKkCaZPn45Tp07BwcEB33//vfoctWvXxvjx43HkyBFUr14dmzZtytdzq1KlCrKysnDq1Cl12+XLl5GcnJyv85GG1QZf1Vh5kw9zcHSUthueOBE4cgSoXNnED0BERPRinTt3hq2tLZYsWQIAqFSpkrrHMiYmBoMGDcLdu3eNOmdYWBgqV66MqKgonDlzBn/++ScmTpyodUyPHj3g5OSEqKgonDt3Dvv378fw4cPRq1cv9TAHU/nyyy+RlZWFunXrYvPmzYiJiUFsbCw2bNiACxcuqIcSODs7o2HDhvj0008RExODgwcPYtKkSVrnGjp0KB48eIBu3brh77//xpUrV7B792707dsX2dnZOHr0KGbOnInjx48jPj4e27dvR2JiIoKDg3H16lWMHz8e0dHRuH79Ovbs2YNLly4hODg4X8+ratWqCAsLw8CBA3Hs2DGcOnUKAwcOhLOzs1ET9kiX1QZflZdawzc1VerN/fdf7fZXXpGWLMsxm5aIiKgw2dnZYdiwYZgzZw7S0tIwadIk1KlTB+Hh4WjZsiVKliyJiIgIo85pY2OD77//Hk+fPkX9+vXRv39/zJgxQ+sYFxcX7N69Gw8ePEC9evXw9ttvo02bNvjiiy9M+OwkFSpUwKlTpxAWFobx48ejZs2aqFu3Lj7//HOMGTMGH3/8sfrYVatWISsrC6GhoXj//ffxySefaJ2rVKlSOHz4MLKzs9G2bVuEhITg/fffh6enJ2xsbODu7o4//vgD7du3R+XKlTFp0iTMmzcPr732GlxcXHDhwgV06tQJlStXxsCBAzF06FAMGjQo389t3bp18PPzQ/PmzfHmm29iwIABcHNzg5OTU77PSYBC5BzwYgVSU1Ph4eEBIAWAO8aOBT79NB8nio4GevYE4uKkpcmOHZN6e4mIqEhKT0/H1atXERQUxHBBZufmzZsICAjA3r170aZNG7nLMYnn/cyp8lpKSgrcTTgm1Wont6kYPdQhKwuYMQP4+GMgO1tqu3oV+OcfoF49k9dHRERE1uf333/H48ePERISgjt37uDDDz9EYGAgmjdvLndpRZrVB1+jhjrExUm9vNHRmrbGjYENGwph+zciIiKyFs+ePcOECRMQFxcHNzc3NG7cGBs3btRZDYKMY/XB16C8KgSwfj0wbBjw6JHUZmsLTJkCTJgA2Fn9y0hEREQmFB4ejvDwcLnLsDhWndhsbICyZV9wUHIyMGQIsHmzpq18eWDjRiCPtfmIiIiIyPxY9aoOZcoYsPBCTAzw3Xea6336AKdPM/QSEVkoK5vzTSQbOX7WrDr4GjTMoXFjaU1eT09gyxZg9WrAza2gSyMiokKmGjv55MkTmSshsg6qXQNzbt1c0Kx6qIPeiW1Xr0rjH3K+CZMnA4MGGbbXOhERFUm2trbw9PTEvXv3AEjr0XKzAKKCoVQqkZiYCBcXF9gV4lwpqw6+Wj2+QgArVgAjRwJTpwJjx2pus7dn6CUisgIlS5YEAHX4JaKCY2Njg7JlyxbqH5hWHXzVPb6JiUD//sCOHdL1SZOAtm2B2rVlq42IiAqfQqGAv78/fH198ezZM7nLIbJoDg4OsLEp3FG3Vh18g4IA7N4tTVhLSNDc0L8/UKWKXGUREZHMbG1tC3XcIREVDrOY3LZkyRIEBgbCyckJDRo0wLFjx557/HfffYeqVavCyckJISEh2Llzp9GP6YB01Fz9PtCunSb0+vhIvb5LlwIuLvl4JkRERERkrmQPvps3b8aoUaMwdepUnDx5EjVr1kR4eHie46uOHDmCbt26oV+/fjh16hQiIiIQERGBc+fOGfW4B9ESrl8t0jS0awecPQt06PAyT4eIiIiIzJRCyLxgYYMGDVCvXj188cUXAKRZfgEBARg+fDjGjRunc3xkZCTS0tLw888/q9saNmyIWrVqYdmyZS98vNTUVHh4eCAFgDsAODoCc+dKu7Jx9i4RERGR7NR5LSUF7u7uJjuvrGN8MzMzceLECYwfP17dZmNjg7CwMERHR+u9T3R0NEaNGqXVFh4ejh9++EHv8RkZGcjIyFBfT0lJAQCkAkC1asDXX0v/qrYiJiIiIiJZpaamAjD9JheyBt+kpCRkZ2fDz89Pq93Pzw8XLlzQe5+EhAS9xyfknJyWw6xZszB9+nSd9gAAOH8eaNQoX7UTERERUcG6f/8+PDw8THY+i1/VYfz48Vo9xA8fPkS5cuUQHx9v0heSzFNqaioCAgJw48YNk35UQuaJ77d14fttXfh+W5eUlBSULVsWxYsXN+l5ZQ2+Pj4+sLW1xd27d7Xa7969q15EPLeSJUsadbyjoyMcHR112j08PPiDY0Xc3d35flsRvt/Whe+3deH7bV1Mvc6vrKs6ODg4IDQ0FPv27VO3KZVK7Nu3D43yGILQqFEjreMB4LfffsvzeCIiIiIiwAyGOowaNQpRUVGoW7cu6tevj4ULFyItLQ19+/YFAPTu3RulS5fGrFmzAADvvfceWrRogXnz5uH111/Ht99+i+PHj2PFihVyPg0iIiIiMnOyB9/IyEgkJiZiypQpSEhIQK1atbBr1y71BLb4+Hitbu7GjRtj06ZNmDRpEiZMmIBKlSrhhx9+QPXq1Q16PEdHR0ydOlXv8AeyPHy/rQvfb+vC99u68P22LgX1fsu+ji8RERERUWGQfec2IiIiIqLCwOBLRERERFaBwZeIiIiIrAKDLxERERFZBYsMvkuWLEFgYCCcnJzQoEEDHDt27LnHf/fdd6hatSqcnJwQEhKCnTt3FlKlZArGvN8rV65Es2bN4OXlBS8vL4SFhb3w+4PMi7E/3yrffvstFAoFIiIiCrZAMilj3++HDx9i6NCh8Pf3h6OjIypXrszf6UWIse/3woULUaVKFTg7OyMgIAAjR45Eenp6IVVLL+OPP/5Ahw4dUKpUKSgUCvzwww8vvM+BAwdQp04dODo6omLFilizZo3xDywszLfffiscHBzEqlWrxL///isGDBggPD09xd27d/Uef/jwYWFrayvmzJkjzp8/LyZNmiTs7e3F2bNnC7lyyg9j3+/u3buLJUuWiFOnTomYmBjRp08f4eHhIW7evFnIlVN+GPt+q1y9elWULl1aNGvWTHTs2LFwiqWXZuz7nZGRIerWrSvat28vDh06JK5evSoOHDggTp8+XciVU34Y+35v3LhRODo6io0bN4qrV6+K3bt3C39/fzFy5MhCrpzyY+fOnWLixIli+/btAoD4/vvvn3t8XFyccHFxEaNGjRLnz58Xn3/+ubC1tRW7du0y6nEtLvjWr19fDB06VH09OztblCpVSsyaNUvv8V26dBGvv/66VluDBg3EoEGDCrROMg1j3+/csrKyhJubm1i7dm1BlUgmlJ/3OysrSzRu3Fh89dVXIioqisG3CDH2/V66dKkoX768yMzMLKwSyYSMfb+HDh0qWrdurdU2atQo0aRJkwKtk0zPkOD74YcfildeeUWrLTIyUoSHhxv1WBY11CEzMxMnTpxAWFiYus3GxgZhYWGIjo7We5/o6Git4wEgPDw8z+PJfOTn/c7tyZMnePbsGYoXL15QZZKJ5Pf9/uijj+Dr64t+/foVRplkIvl5v3fs2IFGjRph6NCh8PPzQ/Xq1TFz5kxkZ2cXVtmUT/l5vxs3bowTJ06oh0PExcVh586daN++faHUTIXLVHlN9p3bTCkpKQnZ2dnqXd9U/Pz8cOHCBb33SUhI0Ht8QkJCgdVJppGf9zu3sWPHolSpUjo/TGR+8vN+Hzp0CF//v717jYnqaOMA/mfBZVdcNFTJsgVvKNRYrXLR4iVWayukKhUVWgmiolgpYrTaEm9ALYoWMWK0an0Fa4mgRqsRBUWlxTVtvbDQCC6ioDaijdqIKJTLzvvBcNKViy4qWPb/S86HM2dmzjM72fjsMOf4v/9Bp9O1QoT0MrVkvq9du4ZTp04hMDAQR48eRXFxMcLCwlBTU4OoqKjWCJtaqCXzPW3aNNy9excjRoyAEAK1tbX47LPPsHTp0tYImVpZU/laeXk5KisroVQqn6ufdrXiS2SKuLg4pKam4uDBg1AoFG0dDr1kDx8+RFBQEL7//nt07dq1rcOhVmAwGGBvb4/t27fD3d0dAQEBWLZsGbZu3drWodErkJ2djdWrV2PLli24ePEiDhw4gPT0dKxataqtQ6PXWLta8e3atSssLS1x584do/I7d+5ArVY32katVptUn14fLZnvevHx8YiLi0NWVhYGDhz4KsOkl8TU+b569SpKS0sxYcIEqcxgMAAArKysoNfr4ezs/GqDphZryffbwcEBHTp0gKWlpVTWr18/3L59G9XV1ZDL5a80Zmq5lsz3ihUrEBQUhNmzZwMABgwYgEePHiE0NBTLli2DTMa1vfakqXzN1tb2uVd7gXa24iuXy+Hu7o6TJ09KZQaDASdPnoSXl1ejbby8vIzqA8CJEyearE+vj5bMNwCsW7cOq1atQkZGBjw8PFojVHoJTJ3vt956C3/88Qd0Op10TJw4EaNHj4ZOp4OTk1Nrhk8masn3e/jw4SguLpZ+4ABAUVERHBwcmPS+5loy348fP26Q3Nb/6HnyvBS1Jy8tXzPtubvXX2pqqrC2thbJycmioKBAhIaGii5duojbt28LIYQICgoSkZGRUn2tViusrKxEfHy8KCwsFFFRUXyd2X+IqfMdFxcn5HK52L9/vygrK5OOhw8fttUQyASmzvfT+FaH/xZT5/vGjRtCpVKJ8PBwodfrxZEjR4S9vb345ptv2moIZAJT5zsqKkqoVCqxZ88ece3aNXH8+HHh7Ows/P3922oIZIKHDx+K3NxckZubKwCIhIQEkZubK65fvy6EECIyMlIEBQVJ9etfZ7ZkyRJRWFgoNm/ezNeZ1du0aZPo3r27kMvlYsiQIeLXX3+Vro0aNUoEBwcb1d+7d69wcXERcrlc9O/fX6Snp7dyxPQiTJnvHj16CAANjqioqNYPnFrE1O/3vzHx/e8xdb7Pnj0rhg4dKqytrUXv3r1FbGysqK2tbeWoqaVMme+amhoRHR0tnJ2dhUKhEE5OTiIsLEz8/fffrR84mez06dON/ntcP8fBwcFi1KhRDdoMGjRIyOVy0bt3b5GUlGTyfS2E4N8DiIiIiKj9a1d7fImIiIiImsLEl4iIiIjMAhNfIiIiIjILTHyJiIiIyCww8SUiIiIis8DEl4iIiIjMAhNfIiIiIjILTHyJiIiIyCww8SUiApCcnIwuXbq0dRgtZmFhgZ9++qnZOjNmzMDHH3/cKvEQEb2OmPgSUbsxY8YMWFhYNDiKi4vbOjQkJydL8chkMjg6OmLmzJn466+/Xkr/ZWVl8PHxAQCUlpbCwsICOp3OqM7GjRuRnJz8Uu7XlOjoaGmclpaWcHJyQmhoKO7fv29SP0zSiehVsGrrAIiIXiZvb28kJSUZlXXr1q2NojFma2sLvV4Pg8GAvLw8zJw5E7du3UJmZuYL961Wq59Zp3Pnzi98n+fRv39/ZGVloa6uDoWFhZg1axYePHiAtLS0Vrk/EVFTuOJLRO2KtbU11Gq10WFpaYmEhAQMGDAANjY2cHJyQlhYGCoqKprsJy8vD6NHj4ZKpYKtrS3c3d1x/vx56fqZM2cwcuRIKJVKODk5ISIiAo8ePWo2NgsLC6jVamg0Gvj4+CAiIgJZWVmorKyEwWDA119/DUdHR1hbW2PQoEHIyMiQ2lZXVyM8PBwODg5QKBTo0aMH1qxZY9R3/VaHXr16AQAGDx4MCwsLvPfeewCMV1G3b98OjUYDg8FgFKOvry9mzZolnR86dAhubm5QKBTo3bs3YmJiUFtb2+w4raysoFar8eabb2Ls2LGYOnUqTpw4IV2vq6tDSEgIevXqBaVSCVdXV2zcuFG6Hh0djV27duHQoUPS6nF2djYA4ObNm/D390eXLl1gZ2cHX19flJaWNhsPEVE9Jr5EZBZkMhkSExNx6dIl7Nq1C6dOncKXX37ZZP3AwEA4Ojri3LlzuHDhAiIjI9GhQwcAwNWrV+Ht7Y3JkycjPz8faWlpOHPmDMLDw02KSalUwmAwoLa2Fhs3bsT69esRHx+P/Px8jBs3DhMnTsSVK1cAAImJiTh8+DD27t0LvV6PlJQU9OzZs9F+f//9dwBAVlYWysrKcODAgQZ1pk6dinv37uH06dNS2f3795GRkYHAwEAAQE5ODqZPn44FCxagoKAA27ZtQ3JyMmJjY597jKWlpcjMzIRcLpfKDAYDHB0dsW/fPhQUFGDlypVYunQp9u7dCwBYvHgx/P394e3tjbKyMpSVlWHYsGGoqanBuHHjoFKpkJOTA61Wi06dOsHb2xvV1dXPHRMRmTFBRNROBAcHC0tLS2FjYyMdU6ZMabTuvn37xBtvvCGdJyUlic6dO0vnKpVKJCcnN9o2JCREhIaGGpXl5OQImUwmKisrG23zdP9FRUXCxcVFeHh4CCGE0Gg0IjY21qiNp6enCAsLE0IIMX/+fDFmzBhhMBga7R+AOHjwoBBCiJKSEgFA5ObmGtUJDg4Wvr6+0rmvr6+YNWuWdL5t2zah0WhEXV2dEEKI999/X6xevdqoj927dwsHB4dGYxBCiKioKCGTyYSNjY1QKBQCgAAgEhISmmwjhBCff/65mDx5cpOx1t/b1dXV6DP4559/hFKpFJmZmc32T0QkhBDc40tE7cro0aPx3XffSec2NjYAnqx+rlmzBpcvX0Z5eTlqa2tRVVWFx48fo2PHjg36WbRoEWbPno3du3dLf653dnYG8GQbRH5+PlJSUqT6QggYDAaUlJSgX79+jcb24MEDdOrUCQaDAVVVVRgxYgR27NiB8vJy3Lp1C8OHDzeqP3z4cOTl5QF4sk3hgw8+gKurK7y9vTF+/Hh8+OGHL/RZBQYGYs6cOdiyZQusra2RkpKCTz75BDKZTBqnVqs1WuGtq6tr9nMDAFdXVxw+fBhVVVX48ccfodPpMH/+fKM6mzdvxs6dO3Hjxg1UVlaiuroagwYNajbevLw8FBcXQ6VSGZVXVVXh6tWrLfgEiMjcMPElonbFxsYGffr0MSorLS3F+PHjMW/ePMTGxsLOzg5nzpxBSEgIqqurG03goqOjMW3aNKSnp+PYsWOIiopCamoqJk2ahIqKCsydOxcREREN2nXv3r3J2FQqFS5evAiZTAYHBwcolUoAQHl5+TPH5ebmhpKSEhw7dgxZWVnw9/fH2LFjsX///me2bcqECRMghEB6ejo8PT2Rk5ODDRs2SNcrKioQExMDPz+/Bm0VCkWT/crlcmkO4uLi8NFHHyEmJgarVq0CAKSmpmLx4sVYv349vLy8oFKp8O233+K3335rNt6Kigq4u7sb/eCo97o8wEhErzcmvkTU7l24cAEGgwHr16+XVjPr95M2x8XFBS4uLli4cCE+/fRTJCUlYdKkSXBzc0NBQUGDBPtZZDJZo21sbW2h0Wig1WoxatQoqVyr1WLIkCFG9QICAhAQEIApU6bA29sb9+/fh52dnVF/9ftp6+rqmo1HoVDAz88PKSkpKC4uhqurK9zc3KTrbm5u0Ov1Jo/zacuXL8eYMWMwb948aZzDhg1DWFiYVOfpFVu5XN4gfjc3N6SlpcHe3h62trYvFBMRmSc+3EZE7V6fPn1QU1ODTZs24dq1a9i9eze2bt3aZP3KykqEh4cjOzsb169fh1arxblz56QtDF999RXOnj2L8PBw6HQ6XLlyBYcOHTL54bZ/W7JkCdauXYu0tDTo9XpERkZCp9NhwYIFAICEhATs2bMHly9fRlFREfbt2we1Wt3of7phb28PpVKJjIwM3LlzBw8ePGjyvoGBgUhPT8fOnTulh9rqrVy5Ej/88ANiYmJw6dIlFBYWIjU1FcuXLzdpbF5eXhg4cCBWr14NAOjbty/Onz+PzMxMFBUVYcWKFTh37pxRm549eyI/Px96vR53795FTU0NAgMD0bVrV/j6+iInJwclJSXIzs5GREQE/vzzT5NiIiLzxMSXiNq9d955BwkJCVi7di3efvttpKSkGL0K7GmWlpa4d+8epk+fDhcXF/j7+8PHxwcxMTEAgIEDB+Lnn39GUVERRo4cicGDB2PlypXQaDQtjjEiIgKLFi3CF198gQEDBiAjIwOHDx9G3759ATzZJrFu3Tp4eHjA09MTpaWlOHr0qLSC/W9WVlZITEzEtm3boNFo4Ovr2+R9x4wZAzs7O+j1ekybNs3o2rhx43DkyBEcP34cnp6eePfdd7Fhwwb06NHD5PEtXLgQO3bswM2bNzF37lz4+fkhICAAQ4cOxb1794xWfwFgzpw5cHV1hYeHB7p16watVouOHTvil19+Qffu3eHn54d+/fohJCQEVVVVXAEmoudiIYQQbR0EEREREdGrxhVfIiIiIjILTHyJiIiIyCww8SUiIiIis8DEl4iIiIjMAhNfIiIiIjILTHyJiIiIyCww8SUiIiIis8DEl4iIiIjMAhNfIiIiIjILTHyJiIiIyCww8SUiIiIis/B/jbWrclhn0mQAAAAASUVORK5CYII=", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "plot_roc_curve(y_test, y_pred)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "#### Standardized data" + ] + }, + { + "cell_type": "code", + "execution_count": 30, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Time taken for GridSearchCV: 3572.82 seconds\n", + "Best Hyperparameters:\n", + "{'ada__learning_rate': 0.01, 'ada__n_estimators': 100, 'dt__max_depth': 10, 'dt__min_samples_split': 10, 'xgb__learning_rate': 0.2, 'xgb__max_depth': 3, 'xgb__n_estimators': 100}\n", + "\n", + "Time taken for training with best hyperparameters: 4.01 seconds\n", + "\n", + "Mean Accuracy: 0.8758921161825727\n", + "Standard Deviation of Accuracy: 0.017201464058433345\n", + "Mean Precision: 0.8277859055185062\n", + "Standard Deviation of Precision: 0.03253056125722735\n", + "Mean Recall: 0.8066852776961504\n", + "Standard Deviation of Recall: 0.03596903454697755\n", + "Mean F1-score: 0.816445823644554\n", + "Standard Deviation of F1-score: 0.02551527303659126\n", + "Mean ROC AUC: 0.8593351406621522\n", + "Standard Deviation of ROC AUC: 0.019796830876094428\n", + "\n", + "Total time taken: 3576.83 seconds\n" + ] + } + ], + "source": [ + "from xgboost import XGBClassifier\n", + "from sklearn.ensemble import VotingClassifier, AdaBoostClassifier\n", + "from sklearn.tree import DecisionTreeClassifier\n", + "from sklearn.model_selection import StratifiedKFold, GridSearchCV\n", + "from sklearn.metrics import accuracy_score, precision_score, recall_score, f1_score, roc_auc_score, confusion_matrix\n", + "import numpy as np\n", + "import time\n", + "\n", + "start_total_time = time.time()\n", + "\n", + "kf = StratifiedKFold(n_splits=10, shuffle=True, random_state=42)\n", + "\n", + "clf1 = XGBClassifier(random_state=42, use_label_encoder=False, eval_metric='logloss')\n", + "clf2 = AdaBoostClassifier(random_state=42)\n", + "clf3 = DecisionTreeClassifier(random_state=42)\n", + "\n", + "voting_model = VotingClassifier(estimators=[\n", + " ('xgb', clf1),\n", + " ('ada', clf2),\n", + " ('dt', clf3)\n", + "], voting='soft')\n", + "\n", + "param_grid = {\n", + " 'xgb__n_estimators': [10, 50, 100],\n", + " 'xgb__learning_rate': [0.01, 0.1, 0.2],\n", + " 'xgb__max_depth': [3, 4, 5],\n", + " 'ada__n_estimators': [50, 100],\n", + " 'ada__learning_rate': [0.01, 0.1],\n", + " 'dt__max_depth': [None, 10, 20],\n", + " 'dt__min_samples_split': [2, 5, 10]\n", + "}\n", + "\n", + "grid_search = GridSearchCV(estimator=voting_model, param_grid=param_grid, cv=kf, scoring='accuracy')\n", + "\n", + "start_time = time.time()\n", + "\n", + "grid_search.fit(standard(x), y)\n", + "\n", + "grid_search_time = time.time() - start_time\n", + "print(f\"Time taken for GridSearchCV: {grid_search_time:.2f} seconds\")\n", + "\n", + "best_params = grid_search.best_params_\n", + "\n", + "print(\"Best Hyperparameters:\")\n", + "print(best_params)\n", + "print()\n", + "\n", + "best_model = grid_search.best_estimator_\n", + "\n", + "start_time = time.time()\n", + "\n", + "accuracy_scores = []\n", + "precision_scores = []\n", + "recall_scores = []\n", + "f1_scores = []\n", + "roc_auc_scores = []\n", + "confusion_matrices = []\n", + "\n", + "for train_index, test_index in kf.split(standard(x), y):\n", + " X_train, X_test = x.iloc[train_index], x.iloc[test_index]\n", + " y_train, y_test = y.iloc[train_index], y.iloc[test_index]\n", + "\n", + " best_model.fit(X_train, y_train)\n", + "\n", + " y_pred = best_model.predict(X_test)\n", + "\n", + " accuracy = accuracy_score(y_test, y_pred)\n", + " accuracy_scores.append(accuracy)\n", + " \n", + " precision = precision_score(y_test, y_pred)\n", + " precision_scores.append(precision)\n", + " \n", + " recall = recall_score(y_test, y_pred)\n", + " recall_scores.append(recall)\n", + " \n", + " f1 = f1_score(y_test, y_pred)\n", + " f1_scores.append(f1)\n", + " \n", + " roc_auc = roc_auc_score(y_test, y_pred)\n", + " roc_auc_scores.append(roc_auc)\n", + " \n", + " confusion = confusion_matrix(y_test, y_pred)\n", + " confusion_matrices.append(confusion)\n", + "\n", + "training_time = time.time() - start_time\n", + "print(f\"Time taken for training with best hyperparameters: {training_time:.2f} seconds\")\n", + "print()\n", + "\n", + "mean_accuracy = np.mean(accuracy_scores)\n", + "std_accuracy = np.std(accuracy_scores)\n", + "\n", + "mean_precision = np.mean(precision_scores)\n", + "std_precision = np.std(precision_scores)\n", + "\n", + "mean_recall = np.mean(recall_scores)\n", + "std_recall = np.std(recall_scores)\n", + "\n", + "mean_f1 = np.mean(f1_scores)\n", + "std_f1 = np.std(f1_scores)\n", + "\n", + "mean_roc_auc = np.mean(roc_auc_scores)\n", + "std_roc_auc = np.std(roc_auc_scores)\n", + "\n", + "print(f\"Mean Accuracy: {mean_accuracy}\")\n", + "print(f\"Standard Deviation of Accuracy: {std_accuracy}\")\n", + "\n", + "print(f\"Mean Precision: {mean_precision}\")\n", + "print(f\"Standard Deviation of Precision: {std_precision}\")\n", + "\n", + "print(f\"Mean Recall: {mean_recall}\")\n", + "print(f\"Standard Deviation of Recall: {std_recall}\")\n", + "\n", + "print(f\"Mean F1-score: {mean_f1}\")\n", + "print(f\"Standard Deviation of F1-score: {std_f1}\")\n", + "\n", + "print(f\"Mean ROC AUC: {mean_roc_auc}\")\n", + "print(f\"Standard Deviation of ROC AUC: {std_roc_auc}\")\n", + "print()\n", + "\n", + "total_time = time.time() - start_total_time\n", + "print(f\"Total time taken: {total_time:.2f} seconds\")" + ] + }, + { + "cell_type": "code", + "execution_count": 31, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "x_train: (1800, 13)\n", + "y_train: (1800,)\n", + "x_test: (601, 13)\n", + "y_test: (601,)\n" + ] + } + ], + "source": [ + "from sklearn.model_selection import train_test_split\n", + "\n", + "x_train, x_test, y_train, y_test = train_test_split(x,y,test_size=0.25,random_state=42)\n", + "\n", + "print(\"x_train:\",x_train.shape)\n", + "print(\"y_train:\",y_train.shape)\n", + "print(\"x_test:\",x_test.shape)\n", + "print(\"y_test:\",y_test.shape)" + ] + }, + { + "cell_type": "code", + "execution_count": 32, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Accuracy: 0.8801996672212978\n", + "Precision: 0.8473684210526315\n", + "Recall: 0.7892156862745098\n", + "F1 Score: 0.8172588832487309\n", + "ROC AUC Score: 0.8580839136662222\n", + "Confusion Matrix:\n", + "[[368 29]\n", + " [ 43 161]]\n" + ] + } + ], + "source": [ + "model = grid_search.best_estimator_\n", + "\n", + "model.fit(x_train, y_train)\n", + "\n", + "y_pred = model.predict(x_test)\n", + "\n", + "y_pred = (y_pred >= 0.5).astype(int)\n", + "\n", + "print(\"Accuracy:\", accuracy_score(y_test, y_pred))\n", + "print(\"Precision:\", precision_score(y_test, y_pred))\n", + "print(\"Recall:\", recall_score(y_test, y_pred))\n", + "print(\"F1 Score:\", f1_score(y_test, y_pred))\n", + "print(\"ROC AUC Score:\", roc_auc_score(y_test, y_pred))\n", + "print(\"Confusion Matrix:\")\n", + "print(confusion_matrix(y_test, y_pred))" + ] + }, + { + "cell_type": "code", + "execution_count": 33, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAokAAAIjCAYAAABvUIGpAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8pXeV/AAAACXBIWXMAAA9hAAAPYQGoP6dpAABIT0lEQVR4nO3df3zN9f//8fvZ2NkP+2HYZmF+/1h+plrL77ffvyJ6S5SRH28alSGtd+RHWW8qotBPk+h3FKUaQmX5lSEhQyE2om0MM9vr+4ev8+l4kR12nM25Xbu8Lhfn9Xqd1+txzvtdPbo/n6/nsRiGYQgAAAD4Gw9XFwAAAICihyYRAAAAJjSJAAAAMKFJBAAAgAlNIgAAAExoEgEAAGBCkwgAAAATmkQAAACY0CQCAADAhCYRwD/as2eP2rVrp8DAQFksFi1ZsqRQr//bb7/JYrEoMTGxUK9bnLVs2VItW7Z0dRkA3BxNIlAM7N27V//5z39UtWpVeXt7KyAgQE2aNNHLL7+sM2fOOPXeMTEx2r59u5577jktWLBAt99+u1PvdyP1799fFotFAQEBl/0e9+zZI4vFIovFohdeeMHh6x8+fFgTJkxQSkpKIVQLADdWCVcXAOCfffHFF/r3v/8tq9Wqfv36qW7dujp37py+//57jRkzRjt27NDrr7/ulHufOXNGycnJ+u9//6vhw4c75R4RERE6c+aMSpYs6ZTrX02JEiV0+vRpLV26VL169bI7tnDhQnl7e+vs2bPXdO3Dhw9r4sSJqly5sho2bFjg933zzTfXdD8AKEw0iUARtn//fvXu3VsRERFatWqVypcvbzsWGxur1NRUffHFF067/7FjxyRJQUFBTruHxWKRt7e3065/NVarVU2aNNF7771nahIXLVqkzp0765NPPrkhtZw+fVq+vr7y8vK6IfcDgH/CcDNQhE2dOlWnTp3SW2+9ZdcgXlS9enU99thjttfnz5/X5MmTVa1aNVmtVlWuXFlPPfWUcnJy7N5XuXJldenSRd9//73uvPNOeXt7q2rVqnrnnXds50yYMEERERGSpDFjxshisahy5cqSLgzTXvzz302YMEEWi8VuX1JSkpo2baqgoCCVKlVKtWrV0lNPPWU7fqU5iatWrVKzZs3k5+enoKAgdevWTTt37rzs/VJTU9W/f38FBQUpMDBQAwYM0OnTp6/8xV6iT58+Wr58uTIyMmz7Nm7cqD179qhPnz6m80+cOKHRo0erXr16KlWqlAICAtSxY0dt3brVds7q1at1xx13SJIGDBhgG7a++DlbtmypunXravPmzWrevLl8fX1t38ulcxJjYmLk7e1t+vzt27dX6dKldfjw4QJ/VgAoKJpEoAhbunSpqlatqrvvvrtA5w8aNEjjx4/XbbfdpunTp6tFixZKSEhQ7969TeempqbqvvvuU9u2bfXiiy+qdOnS6t+/v3bs2CFJ6tGjh6ZPny5JeuCBB7RgwQLNmDHDofp37NihLl26KCcnR5MmTdKLL76oe+65Rz/88MM/vm/FihVq3769jh49qgkTJiguLk7r1q1TkyZN9Ntvv5nO79Wrl06ePKmEhAT16tVLiYmJmjhxYoHr7NGjhywWiz799FPbvkWLFql27dq67bbbTOfv27dPS5YsUZcuXfTSSy9pzJgx2r59u1q0aGFr2OrUqaNJkyZJkoYMGaIFCxZowYIFat68ue06x48fV8eOHdWwYUPNmDFDrVq1umx9L7/8ssqVK6eYmBjl5eVJkl577TV98803mjVrlsLDwwv8WQGgwAwARVJmZqYhyejWrVuBzk9JSTEkGYMGDbLbP3r0aEOSsWrVKtu+iIgIQ5Kxdu1a276jR48aVqvVGDVqlG3f/v37DUnGtGnT7K4ZExNjREREmGp45plnjL//Y2X69OmGJOPYsWNXrPviPebNm2fb17BhQyMkJMQ4fvy4bd/WrVsNDw8Po1+/fqb7Pfzww3bXvPfee40yZcpc8Z5//xx+fn6GYRjGfffdZ7Ru3dowDMPIy8szwsLCjIkTJ172Ozh79qyRl5dn+hxWq9WYNGmSbd/GjRtNn+2iFi1aGJKMuXPnXvZYixYt7PZ9/fXXhiTj2WefNfbt22eUKlXK6N69+1U/IwBcK5JEoIjKysqSJPn7+xfo/C+//FKSFBcXZ7d/1KhRkmSauxgZGalmzZrZXpcrV061atXSvn37rrnmS12cy/jZZ58pPz+/QO85cuSIUlJS1L9/fwUHB9v2169fX23btrV9zr8bOnSo3etmzZrp+PHjtu+wIPr06aPVq1crLS1Nq1atUlpa2mWHmqUL8xg9PC784zMvL0/Hjx+3DaX/9NNPBb6n1WrVgAEDCnRuu3bt9J///EeTJk1Sjx495O3trddee63A9wIAR9EkAkVUQECAJOnkyZMFOv/333+Xh4eHqlevbrc/LCxMQUFB+v333+32V6pUyXSN0qVL66+//rrGis3uv/9+NWnSRIMGDVJoaKh69+6tDz/88B8bxot11qpVy3SsTp06+vPPP5WdnW23/9LPUrp0aUly6LN06tRJ/v7++uCDD7Rw4ULdcccdpu/yovz8fE2fPl01atSQ1WpV2bJlVa5cOW3btk2ZmZkFvuctt9zi0EMqL7zwgoKDg5WSkqKZM2cqJCSkwO8FAEfRJAJFVEBAgMLDw/Xzzz879L5LHxy5Ek9Pz8vuNwzjmu9xcb7cRT4+Plq7dq1WrFihhx56SNu2bdP999+vtm3bms69HtfzWS6yWq3q0aOH5s+fr8WLF18xRZSkKVOmKC4uTs2bN9e7776rr7/+WklJSbr11lsLnJhKF74fR2zZskVHjx6VJG3fvt2h9wKAo2gSgSKsS5cu2rt3r5KTk696bkREhPLz87Vnzx67/enp6crIyLA9qVwYSpcubfck8EWXppWS5OHhodatW+ull17SL7/8oueee06rVq3St99+e9lrX6xz9+7dpmO7du1S2bJl5efnd30f4Ar69OmjLVu26OTJk5d92Oeijz/+WK1atdJbb72l3r17q127dmrTpo3pOylow14Q2dnZGjBggCIjIzVkyBBNnTpVGzduLLTrA8ClaBKBIuyJJ56Qn5+fBg0apPT0dNPxvXv36uWXX5Z0YbhUkukJ5JdeekmS1Llz50Krq1q1asrMzNS2bdts+44cOaLFixfbnXfixAnTey8uKn3psjwXlS9fXg0bNtT8+fPtmq6ff/5Z33zzje1zOkOrVq00efJkvfLKKwoLC7vieZ6enqaU8qOPPtIff/xht+9iM3u5htpRY8eO1YEDBzR//ny99NJLqly5smJiYq74PQLA9WIxbaAIq1atmhYtWqT7779fderUsfvFlXXr1umjjz5S//79JUkNGjRQTEyMXn/9dWVkZKhFixbasGGD5s+fr+7du19xeZVr0bt3b40dO1b33nuvHn30UZ0+fVpz5sxRzZo17R7cmDRpktauXavOnTsrIiJCR48e1ezZs1WhQgU1bdr0itefNm2aOnbsqOjoaA0cOFBnzpzRrFmzFBgYqAkTJhTa57iUh4eHnn766aue16VLF02aNEkDBgzQ3Xffre3bt2vhwoWqWrWq3XnVqlVTUFCQ5s6dK39/f/n5+SkqKkpVqlRxqK5Vq1Zp9uzZeuaZZ2xL8sybN08tW7bUuHHjNHXqVIeuBwAF4uKnqwEUwK+//moMHjzYqFy5suHl5WX4+/sbTZo0MWbNmmWcPXvWdl5ubq4xceJEo0qVKkbJkiWNihUrGvHx8XbnGMaFJXA6d+5sus+lS69caQkcwzCMb775xqhbt67h5eVl1KpVy3j33XdNS+CsXLnS6NatmxEeHm54eXkZ4eHhxgMPPGD8+uuvpntcukzMihUrjCZNmhg+Pj5GQECA0bVrV+OXX36xO+fi/S5dYmfevHmGJGP//v1X/E4Nw34JnCu50hI4o0aNMsqXL2/4+PgYTZo0MZKTky+7dM1nn31mREZGGiVKlLD7nC1atDBuvfXWy97z79fJysoyIiIijNtuu83Izc21O2/kyJGGh4eHkZyc/I+fAQCuhcUwHJjZDQAAALfAnEQAAACY0CQCAADAhCYRAAAAJjSJAAAAMKFJBAAAgAlNIgAAAExoEgEAAGByU/7iik+j4a4uAYCT/LXxFVeXAMBJvF3YlTizdzizpXj+c4skEQAAACY3ZZIIAADgEAu52aVoEgEAACwWV1dQ5NA2AwAAwIQkEQAAgOFmE74RAAAAmJAkAgAAMCfRhCQRAAAAJiSJAAAAzEk04RsBAACACUkiAAAAcxJNaBIBAAAYbjbhGwEAAIAJSSIAAADDzSYkiQAAADAhSQQAAGBOognfCAAAAExIEgEAAJiTaEKSCAAAABOaRAAAAIuH8zYHzJkzR/Xr11dAQIACAgIUHR2t5cuX2463bNlSFovFbhs6dKjdNQ4cOKDOnTvL19dXISEhGjNmjM6fP+/wV8JwMwAAQBEZbq5QoYKef/551ahRQ4ZhaP78+erWrZu2bNmiW2+9VZI0ePBgTZo0yfYeX19f25/z8vLUuXNnhYWFad26dTpy5Ij69eunkiVLasqUKQ7VQpMIAABQRHTt2tXu9XPPPac5c+boxx9/tDWJvr6+CgsLu+z7v/nmG/3yyy9asWKFQkND1bBhQ02ePFljx47VhAkT5OXlVeBaGG4GAABw4nBzTk6OsrKy7LacnJyrlpSXl6f3339f2dnZio6Otu1fuHChypYtq7p16yo+Pl6nT5+2HUtOTla9evUUGhpq29e+fXtlZWVpx44dDn0lNIkAAABOlJCQoMDAQLstISHhiudv375dpUqVktVq1dChQ7V48WJFRkZKkvr06aN3331X3377reLj47VgwQI9+OCDtvempaXZNYiSbK/T0tIcqpvhZgAAACcuph0fP1ZxcXF2+6xW6xXPr1WrllJSUpSZmamPP/5YMTExWrNmjSIjIzVkyBDbefXq1VP58uXVunVr7d27V9WqVSvUumkSAQAAnMhqtf5jU3gpLy8vVa9eXZLUuHFjbdy4US+//LJee+0107lRUVGSpNTUVFWrVk1hYWHasGGD3Tnp6emSdMV5jFfCcDMAAICHxXnbdcrPz7/iHMaUlBRJUvny5SVJ0dHR2r59u44ePWo7JykpSQEBAbYh64IiSQQAACgi4uPj1bFjR1WqVEknT57UokWLtHr1an399dfau3evFi1apE6dOqlMmTLatm2bRo4cqebNm6t+/fqSpHbt2ikyMlIPPfSQpk6dqrS0ND399NOKjY11KM2UaBIBAACcOifREUePHlW/fv105MgRBQYGqn79+vr666/Vtm1bHTx4UCtWrNCMGTOUnZ2tihUrqmfPnnr66adt7/f09NSyZcs0bNgwRUdHy8/PTzExMXbrKhaUxTAMozA/XFHg02i4q0sA4CR/bXzF1SUAcBJvF0ZXPq0dW2jaEWdWPuW0aztT0WibAQAAUKQw3AwAAFBEhpuLEr4RAAAAmJAkAgAAWK5/qZqbDUkiAAAATEgSAQAAmJNowjcCAAAAE5JEAAAA5iSa0CQCAAAw3GzCNwIAAAATkkQAAACGm01IEgEAAGBCkggAAMCcRBO+EQAAAJiQJAIAADAn0YQkEQAAACYkiQAAAMxJNKFJBAAAoEk04RsBAACACUkiAAAAD66YkCQCAADAhCQRAACAOYkmfCMAAAAwIUkEAABgTqIJSSIAAABMSBIBAACYk2hCkwgAAMBwswltMwAAAExIEgEAgNuzkCSakCQCAADAhCQRAAC4PZJEM5JEAAAAmJAkAgAAECSakCQCAADAhCQRAAC4PeYkmtEkAgAAt0eTaMZwMwAAAExIEgEAgNsjSTQjSQQAAIAJSSIAAHB7JIlmJIkAAAAwIUkEAAAgSDQhSQQAAIAJSSIAAHB7zEk0I0kEAACACUkiAABweySJZjSJAADA7dEkmjHcDAAAABOSRAAA4PZIEs1IEgEAAGBCkggAAECQaEKSCAAAABOSRAAA4PaYk2hGkggAAAATkkQAAOD2SBLNaBIBAIDbo0k0Y7gZAAAAJiSJAAAABIkmJIkAAABFxJw5c1S/fn0FBAQoICBA0dHRWr58ue342bNnFRsbqzJlyqhUqVLq2bOn0tPT7a5x4MABde7cWb6+vgoJCdGYMWN0/vx5h2uhSQQAAG7PYrE4bXNEhQoV9Pzzz2vz5s3atGmT/vWvf6lbt27asWOHJGnkyJFaunSpPvroI61Zs0aHDx9Wjx49bO/Py8tT586dde7cOa1bt07z589XYmKixo8f7/h3YhiG4fC7ijifRsNdXQIAJ/lr4yuuLgGAk3i7cBJc6KCPnHbtA6/eo5ycHLt9VqtVVqu1QO8PDg7WtGnTdN9996lcuXJatGiR7rvvPknSrl27VKdOHSUnJ+uuu+7S8uXL1aVLFx0+fFihoaGSpLlz52rs2LE6duyYvLy8Clw3SSIAAHB7zkwSExISFBgYaLclJCRctaa8vDy9//77ys7OVnR0tDZv3qzc3Fy1adPGdk7t2rVVqVIlJScnS5KSk5NVr149W4MoSe3bt1dWVpYtjSwoHlwBAABwovj4eMXFxdnt+6cUcfv27YqOjtbZs2dVqlQpLV68WJGRkUpJSZGXl5eCgoLszg8NDVVaWpokKS0tza5BvHj84jFH0CQCAAC358x1Eh0ZWpakWrVqKSUlRZmZmfr4448VExOjNWvWOK2+K6FJBAAAbq8oLabt5eWl6tWrS5IaN26sjRs36uWXX9b999+vc+fOKSMjwy5NTE9PV1hYmCQpLCxMGzZssLvexaefL55TUMxJBAAAKMLy8/OVk5Ojxo0bq2TJklq5cqXt2O7du3XgwAFFR0dLkqKjo7V9+3YdPXrUdk5SUpICAgIUGRnp0H1JEgEAAIpIkBgfH6+OHTuqUqVKOnnypBYtWqTVq1fr66+/VmBgoAYOHKi4uDgFBwcrICBAI0aMUHR0tO666y5JUrt27RQZGamHHnpIU6dOVVpamp5++mnFxsY6NOQt0SQCAAAUGUePHlW/fv105MgRBQYGqn79+vr666/Vtm1bSdL06dPl4eGhnj17KicnR+3bt9fs2bNt7/f09NSyZcs0bNgwRUdHy8/PTzExMZo0aZLDtbBOIoBihXUSgZuXK9dJvGXYYqdd+4859zrt2s7EnEQAAACYMNwMAADcXlF6urmoIEkEAACACUkiAABweySJZjSJAAAA9IgmDDcDAADAhCQRAAC4PYabzUgSAQAAYEKSCAAA3B5JohlJIgAAAExIElHkDP53Uw2+r5kiwoMlSTv3pWnK68v1zQ+/2M6Jql9FE2K76I56lZWXl69tv/6hro+8qrM5uZKk6pVCNGVkd0U3qCqvkp76ec9hTZy9TGs37XHJZwJweW+98ZpWJn2j/fv3yertrYYNG+nxuNGqXKWq7ZyDBw7oxRf+p5SfNuvcuXNq0rSZnnxqnMqULevCynGzIUk0I0lEkfNHeobGzfpMd/edqiZ9p2n1hl/10fQhqlM1TNKFBvGzVx7Ryh93qdmD09T0wWma+/4a5ef/38+QfzpzqEp4eqjjf2bq7r5Tte3XP/TpzKEKLePvqo8F4DI2bdyg+x/oqwXvfajX3pin8+fPa+jggTp9+rQk6fTp0xo65GFZLBa98fZ8zX/3PeXm5mpE7FDl5+e7uHrg5mYxDMO4+mnFi0+j4a4uAYXsj9X/01Mzlmj+kmStmT9KK9fv0qTZX1z23DJBfjr07f/U5uHp+mHLXklSKV+rjv3wojoNnaVv1+++kaWjkP218RVXlwAnOnHihFo1i9bb899V49vv0Lofvlfs0MH6LnmjSpUqJUk6efKkmkXfoblvvK27ou92ccUoTN4uHN+s8vjl/51SGPbP6Oy0azuTS4eb//zzT7399ttKTk5WWlqaJCksLEx33323+vfvr3LlyrmyPBQBHh4W9Wx7m/x8vLR+236VK11Kd9avoveXb9K3iXGqUqGsfv0tXRNeWap1KfskScczsrV7f5r6dLlTW3YeVE7ueQ3q2VTpx7O05ZcDLv5EAP7JqZMnJUkBgYGSpHPnzsliscjLy8t2jtVqlYeHh7b8tJkmEYWH0WYTlw03b9y4UTVr1tTMmTMVGBio5s2bq3nz5goMDNTMmTNVu3Ztbdq06arXycnJUVZWlt1m5OfdgE8AZ7q1eriO/fCiMtfP0Mz/3q/7R72hXfvSVKXChTlI//1PJ7396Tp1i52tlJ0H9eVrI1St0v/9R0Xnoa+oQe2KOvbDC8r4cboefehf6hY7Wxknz7jqIwG4ivz8fE393xQ1bHSbatSoKUmq36ChfHx8NOPFaTpz5oxOnz6tF6f9T3l5eTp27JiLKwZubi5LEkeMGKF///vfmjt3rmmyqGEYGjp0qEaMGKHk5OR/vE5CQoImTpxot88z9A6VLH9nodeMG+fX39IV1TtBgaV8dG+bRnpj0kNqN+hleXhc+P/KW598rwWf/yhJ2rr7kFreWUsx3aI1ftbnkqTp8b107MRJtXl4hs7knFP/e+/WJy//R00fnKa0P7Nc9rkAXNmUZydq7549SlywyLYvODhY0156Wc9NnqBFCxfIw8NDHTp1Vp3IW23/PAAKAw+umLmsSdy6dasSExMv+z+KxWLRyJEj1ahRo6teJz4+XnFxcXb7QpqNLbQ64Rq55/O07+CfkqQtOw+q8a2VFPtAS70wL0nShSee/273/jRVDCstSWp5Z011alZX5Vs8oZPZZyVJjyd8qNZ31daDXaNs1wBQdEx5dpLWrlmtt+e/q9CwMLtjdzdpqi++WqG//johT88SCggI0L+aN1GFjp1cVC3gHlzWJIaFhWnDhg2qXbv2ZY9v2LBBoaGhV72O1WqV1Wq122fx8CyUGlF0eFgssnqV0O+Hj+vw0QzVrBxid7x6RIhtiRxf7wtzly598jE/3+C/FIEixjAMJTw3WatWJumtxAWqUKHiFc8tXfrCsljrf0zWiRPH1bLVv25UmXAD/PvBzGVN4ujRozVkyBBt3rxZrVu3tjWE6enpWrlypd544w298MILrioPLjRpxD36+ocdOnjkL/n7eev+jrer+e011PWR2ZKk6fNX6OmhnbX91z+0dfchPdg1SrUqh6rPmLckSeu37ddfWaf15uR+mvL6cp05m6uHe9ytyreU0Vff73DlRwNwiSmTJ2r5l8s0Y9Zs+fn66c//P8+wlL+/vL29JUlLFn+iqlWrqXTpYG3dukVTE6bowX797dZSBFD4XNYkxsbGqmzZspo+fbpmz56tvLwLD5t4enqqcePGSkxMVK9evVxVHlyoXHApvTW5n8LKBijz1Fn9vOcPdX1ktlat3yVJemXRanlbS2rqqJ4qHeir7b/+oS7DXtH+QxeGp49nZKvb8NmaENtVy197VCVLeGjnvjT9e+Tr2v7rH678aAAu8eEH70mSBvZ/yG7/pGcT1O3eHpKk3/bv18zpLykzM1Pht9yiQUOG6qGY/je6VNzkCBLNisQ6ibm5ufrzzwv/gi9btqxKlix5XddjnUTg5sU6icDNy5XrJFYfvdxp1059oaPTru1MReJn+UqWLKny5cu7ugwAAOCmmJNoViSaRAAAAFeiRzTjt5sBAABgQpIIAADcHsPNZiSJAAAAMCFJBAAAbo8g0YwkEQAAACYkiQAAwO15eBAlXookEQAAACYkiQAAwO0xJ9GMJhEAALg9lsAxY7gZAAAAJiSJAADA7REkmpEkAgAAwIQkEQAAuD3mJJqRJAIAAMCEJBEAALg9kkQzkkQAAACYkCQCAAC3R5BoRpMIAADcHsPNZgw3AwAAwIQkEQAAuD2CRDOSRAAAAJiQJAIAALfHnEQzkkQAAACYkCQCAAC3R5BoRpIIAAAAE5JEAADg9piTaEaSCAAAABOSRAAA4PYIEs1oEgEAgNtjuNmM4WYAAACYkCQCAAC3R5BoRpIIAAAAE5JEAADg9piTaEaSCAAAABOaRAAA4PYsFudtjkhISNAdd9whf39/hYSEqHv37tq9e7fdOS1btpTFYrHbhg4danfOgQMH1LlzZ/n6+iokJERjxozR+fPnHaqF4WYAAIAiYs2aNYqNjdUdd9yh8+fP66mnnlK7du30yy+/yM/Pz3be4MGDNWnSJNtrX19f25/z8vLUuXNnhYWFad26dTpy5Ij69eunkiVLasqUKQWuhSYRAAC4vaIyJ/Grr76ye52YmKiQkBBt3rxZzZs3t+339fVVWFjYZa/xzTff6JdfftGKFSsUGhqqhg0bavLkyRo7dqwmTJggLy+vAtXCcDMAAHB7zhxuzsnJUVZWlt2Wk5NToLoyMzMlScHBwXb7Fy5cqLJly6pu3bqKj4/X6dOnbceSk5NVr149hYaG2va1b99eWVlZ2rFjR4G/E5pEAAAAJ0pISFBgYKDdlpCQcNX35efn6/HHH1eTJk1Ut25d2/4+ffro3Xff1bfffqv4+HgtWLBADz74oO14WlqaXYMoyfY6LS2twHUz3AwAANyeM4eb4+PjFRcXZ7fParVe9X2xsbH6+eef9f3339vtHzJkiO3P9erVU/ny5dW6dWvt3btX1apVK5yiRZIIAADgVFarVQEBAXbb1ZrE4cOHa9myZfr2229VoUKFfzw3KipKkpSamipJCgsLU3p6ut05F19faR7j5dAkAgAAt3fpkjKFuTnCMAwNHz5cixcv1qpVq1SlSpWrviclJUWSVL58eUlSdHS0tm/frqNHj9rOSUpKUkBAgCIjIwtcC8PNAAAARURsbKwWLVqkzz77TP7+/rY5hIGBgfLx8dHevXu1aNEiderUSWXKlNG2bds0cuRINW/eXPXr15cktWvXTpGRkXrooYc0depUpaWl6emnn1ZsbGyBhrkvokkEAABur4isgKM5c+ZIurBg9t/NmzdP/fv3l5eXl1asWKEZM2YoOztbFStWVM+ePfX000/bzvX09NSyZcs0bNgwRUdHy8/PTzExMXbrKhYETSIAAEARYRjGPx6vWLGi1qxZc9XrRERE6Msvv7yuWmgSAQCA2ysqi2kXJTSJAADA7dEjmvF0MwAAAExIEgEAgNtjuNmMJBEAAAAmJIkAAMDtESSakSQCAADAhCQRAAC4PQ+iRBOSRAAAAJiQJAIAALdHkGhGkwgAANweS+CYMdwMAAAAE5JEAADg9jwIEk1IEgEAAGBCkggAANwecxLNSBIBAABgQpIIAADcHkGiGUkiAAAATEgSAQCA27OIKPFSNIkAAMDtsQSOGcPNAAAAMCFJBAAAbo8lcMxIEgEAAGBCkggAANweQaIZSSIAAABMSBIBAIDb8yBKNCFJBAAAgEmhNIkZGRmFcRkAAACXsFictxVXDjeJ//vf//TBBx/YXvfq1UtlypTRLbfcoq1btxZqcQAAADeCxWJx2lZcOdwkzp07VxUrVpQkJSUlKSkpScuXL1fHjh01ZsyYQi8QAAAAN57DD66kpaXZmsRly5apV69eateunSpXrqyoqKhCLxAAAMDZinHg5zQOJ4mlS5fWwYMHJUlfffWV2rRpI0kyDEN5eXmFWx0AAABcwuEksUePHurTp49q1Kih48ePq2PHjpKkLVu2qHr16oVeIAAAgLOxBI6Zw03i9OnTVblyZR08eFBTp05VqVKlJElHjhzRI488UugFAgAA4MZzuEksWbKkRo8ebdo/cuTIQikIAADgRiNHNCtQk/j5558X+IL33HPPNRcDAACAoqFATWL37t0LdDGLxcLDKwAAoNgpzusZOkuBmsT8/Hxn1wEAAOAyHvSIJtf1s3xnz54trDoAAABQhDjcJObl5Wny5Mm65ZZbVKpUKe3bt0+SNG7cOL311luFXiAAAICz8bN8Zg43ic8995wSExM1depUeXl52fbXrVtXb775ZqEWBwAAANdwuEl855139Prrr6tv377y9PS07W/QoIF27dpVqMUBAADcCBaL87biyuEm8Y8//rjsL6vk5+crNze3UIoCAACAazncJEZGRuq7774z7f/444/VqFGjQikKAADgRmJOopnDv7gyfvx4xcTE6I8//lB+fr4+/fRT7d69W++8846WLVvmjBoBAABwgzmcJHbr1k1Lly7VihUr5Ofnp/Hjx2vnzp1aunSp2rZt64waAQAAnMrD4rytuHI4SZSkZs2aKSkpqbBrAQAAcIniPCzsLNfUJErSpk2btHPnTkkX5ik2bty40IoCAACAazncJB46dEgPPPCAfvjhBwUFBUmSMjIydPfdd+v9999XhQoVCrtGAAAApyJHNHN4TuKgQYOUm5urnTt36sSJEzpx4oR27typ/Px8DRo0yBk1AgAA4AZzOElcs2aN1q1bp1q1atn21apVS7NmzVKzZs0KtTgAAIAbwYM5iSYOJ4kVK1a87KLZeXl5Cg8PL5SiAAAA4FoON4nTpk3TiBEjtGnTJtu+TZs26bHHHtMLL7xQqMUBAADcCPwsn1mBhptLly5t92h4dna2oqKiVKLEhbefP39eJUqU0MMPP6zu3bs7pVAAAADcOAVqEmfMmOHkMgAAAFyHdRLNCtQkxsTEOLsOAAAAFCHXvJi2JJ09e1bnzp2z2xcQEHBdBQEAANxoBIlmDj+4kp2dreHDhyskJER+fn4qXbq03QYAAFDceFgsTtsckZCQoDvuuEP+/v4KCQlR9+7dtXv3brtzzp49q9jYWJUpU0alSpVSz549lZ6ebnfOgQMH1LlzZ/n6+iokJERjxozR+fPnHftOHDpb0hNPPKFVq1Zpzpw5slqtevPNNzVx4kSFh4frnXfecfRyAAAA+P/WrFmj2NhY/fjjj0pKSlJubq7atWun7Oxs2zkjR47U0qVL9dFHH2nNmjU6fPiwevToYTuel5enzp0769y5c1q3bp3mz5+vxMREjR8/3qFaLIZhGI68oVKlSnrnnXfUsmVLBQQE6KefflL16tW1YMECvffee/ryyy8dKsAZfBoNd3UJAJzkr42vuLoEAE7ifV2T4K7PI5/+4rRrz+4Rec3vPXbsmEJCQrRmzRo1b95cmZmZKleunBYtWqT77rtPkrRr1y7VqVNHycnJuuuuu7R8+XJ16dJFhw8fVmhoqCRp7ty5Gjt2rI4dOyYvL68C3dvhJPHEiROqWrWqpAvzD0+cOCFJatq0qdauXevo5QAAAG5qOTk5ysrKsttycnIK9N7MzExJUnBwsCRp8+bNys3NVZs2bWzn1K5dW5UqVVJycrIkKTk5WfXq1bM1iJLUvn17ZWVlaceOHQWu2+EmsWrVqtq/f7+tqA8//FCStHTpUgUFBTl6OQAAAJezWCxO2xISEhQYGGi3JSQkXLWm/Px8Pf7442rSpInq1q0rSUpLS5OXl5ep5woNDVVaWprtnL83iBePXzxWUA4HuwMGDNDWrVvVokULPfnkk+ratateeeUV5ebm6qWXXnL0cgAAADe1+Ph4xcXF2e2zWq1XfV9sbKx+/vlnff/9984q7R853CSOHDnS9uc2bdpo165d2rx5s6pXr6769esXanHX6si6l11dAgAneWfT764uAYCTDLkrwmX3dnho1QFWq7VATeHfDR8+XMuWLdPatWtVoUIF2/6wsDCdO3dOGRkZdmlienq6wsLCbOds2LDB7noXn36+eE5BXPd3EhERoR49ehSZBhEAAKC4MgxDw4cP1+LFi7Vq1SpVqVLF7njjxo1VsmRJrVy50rZv9+7dOnDggKKjoyVJ0dHR2r59u44ePWo7JykpSQEBAYqMLPhDNAVKEmfOnFngCz766KMFPhcAAKAoKCo/yxcbG6tFixbps88+k7+/v20OYWBgoHx8fBQYGKiBAwcqLi5OwcHBCggI0IgRIxQdHa277rpLktSuXTtFRkbqoYce0tSpU5WWlqann35asbGxDiWaBVoC59Iu9ooXs1i0b9++At/cWTLO5Lm6BABO8uHWQ64uAYCTuHK4+fHPdjnt2jO61S7wuVdqVufNm6f+/ftLurCY9qhRo/Tee+8pJydH7du31+zZs+2Gkn///XcNGzZMq1evlp+fn2JiYvT888+rRImCzzR0eJ3E4oAmEbh50SQCNy+axKLFhctWAgAAFA0eRWO0uUhx5sM8AAAAKKZIEgEAgNsrKg+uFCUkiQAAADAhSQQAAG6POYlm15Qkfvfdd3rwwQcVHR2tP/74Q5K0YMECl/1sDAAAAAqXw03iJ598ovbt28vHx0dbtmxRTk6OJCkzM1NTpkwp9AIBAACczWJx3lZcOdwkPvvss5o7d67eeOMNlSxZ0ra/SZMm+umnnwq1OAAAgBvBw2Jx2lZcOdwk7t69W82bNzftDwwMVEZGRmHUBAAAABdzuEkMCwtTamqqaf/333+vqlWrFkpRAAAAN5KHE7fiyuHaBw8erMcee0zr16+XxWLR4cOHtXDhQo0ePVrDhg1zRo0AAAC4wRxeAufJJ59Ufn6+WrdurdOnT6t58+ayWq0aPXq0RowY4YwaAQAAnKoYTx10GoebRIvFov/+978aM2aMUlNTderUKUVGRqpUqVLOqA8AAAAucM2LaXt5eSkyMrIwawEAAHCJ4vwUsrM43CS2atXqH3/fcNWqVddVEAAAAFzP4SaxYcOGdq9zc3OVkpKin3/+WTExMYVVFwAAwA1DkGjmcJM4ffr0y+6fMGGCTp06dd0FAQAA3Gj8drNZoS3f8+CDD+rtt98urMsBAADAha75wZVLJScny9vbu7AuBwAAcMPw4IqZw01ijx497F4bhqEjR45o06ZNGjduXKEVBgAAANdxuEkMDAy0e+3h4aFatWpp0qRJateuXaEVBgAAcKMQJJo51CTm5eVpwIABqlevnkqXLu2smgAAAOBiDj244unpqXbt2ikjI8NJ5QAAANx4HhbnbcWVw083161bV/v27XNGLQAAACgiHG4Sn332WY0ePVrLli3TkSNHlJWVZbcBAAAUNxYn/lVcFXhO4qRJkzRq1Ch16tRJknTPPffY/TyfYRiyWCzKy8sr/CoBAACcqDgPCztLgZvEiRMnaujQofr222+dWQ8AAACKgAI3iYZhSJJatGjhtGIAAABcgSTRzKE5iRYWEQIAAHALDq2TWLNmzas2iidOnLiuggAAAG40gjAzh5rEiRMnmn5xBQAAADcfh5rE3r17KyQkxFm1AAAAuARzEs0KPCeRGBYAAMB9OPx0MwAAwM2GLMyswE1ifn6+M+sAAABwGQ+6RBOHf5YPAAAANz+HHlwBAAC4GfHgihlJIgAAAExIEgEAgNtjSqIZSSIAAABMSBIBAIDb8xBR4qVIEgEAAGBCkggAANwecxLNaBIBAIDbYwkcM4abAQAAYEKSCAAA3B4/y2dGkggAAAATkkQAAOD2CBLNSBIBAABgQpIIAADcHnMSzUgSAQAAYEKSCAAA3B5BohlNIgAAcHsMrZrxnQAAAMCEJBEAALg9C+PNJiSJAAAAMCFJBAAAbo8c0YwkEQAAoAhZu3atunbtqvDwcFksFi1ZssTueP/+/WWxWOy2Dh062J1z4sQJ9e3bVwEBAQoKCtLAgQN16tQph+qgSQQAAG7Pw2Jx2uao7OxsNWjQQK+++uoVz+nQoYOOHDli29577z2743379tWOHTuUlJSkZcuWae3atRoyZIhDdTDcDAAAUIR07NhRHTt2/MdzrFarwsLCLnts586d+uqrr7Rx40bdfvvtkqRZs2apU6dOeuGFFxQeHl6gOkgSAQCA27M4ccvJyVFWVpbdlpOTc131rl69WiEhIapVq5aGDRum48eP244lJycrKCjI1iBKUps2beTh4aH169cX+B40iQAAwO1ZLM7bEhISFBgYaLclJCRcc60dOnTQO++8o5UrV+p///uf1qxZo44dOyovL0+SlJaWppCQELv3lChRQsHBwUpLSyvwfRhuBgAAcKL4+HjFxcXZ7bNardd8vd69e9v+XK9ePdWvX1/VqlXT6tWr1bp162u+7qVoEgEAgNtz5mLaVqv1uprCq6latarKli2r1NRUtW7dWmFhYTp69KjdOefPn9eJEyeuOI/xchhuBgAAKMYOHTqk48ePq3z58pKk6OhoZWRkaPPmzbZzVq1apfz8fEVFRRX4uiSJAADA7RWl1OzUqVNKTU21vd6/f79SUlIUHBys4OBgTZw4UT179lRYWJj27t2rJ554QtWrV1f79u0lSXXq1FGHDh00ePBgzZ07V7m5uRo+fLh69+5d4CebpaL1nQAAALi9TZs2qVGjRmrUqJEkKS4uTo0aNdL48ePl6empbdu26Z577lHNmjU1cOBANW7cWN99953dkPbChQtVu3ZttW7dWp06dVLTpk31+uuvO1SHxTAMo1A/WRGQcSbP1SUAcJIPtx5ydQkAnGTIXREuu/eHKYeddu1eDQue3hUlJIkAAAAwYU4iAABwe857trn4IkkEAACACUkiAABwe85cJ7G4okkEAABuj6FVM74TAAAAmJAkAgAAt8dwsxlJIgAAAExIEgEAgNsjRzQjSQQAAIAJSSIAAHB7TEk0I0kEAACACUkiAABwex7MSjShSQQAAG6P4WYzhpsBAABgQpIIAADcnoXhZhOSRAAAAJiQJAIAALfHnEQzkkQAAACYkCQCAAC3xxI4ZiSJAAAAMCFJBAAAbo85iWY0iQAAwO3RJJox3AwAAAATkkQAAOD2WEzbjCQRAAAAJiSJAADA7XkQJJqQJAIAAMCEJBEAALg95iSakSQCAADAhCQRAAC4PdZJNKNJBAAAbo/hZjOGmwEAAGBCkggAANweS+CYkSQCAADAhCQRAAC4PeYkmpEkAgAAwIQkEcXO/Lff0OyZ03V/n4cU90S8JClh8jPauP5H/XnsqHx8fVWvQUMNf2yUKlep6uJqAVzq0K5t2rj8I6X/tkfZGSd0z6PPqEbjJnbnHD98QGs/eFOHdm9Tfl6eytwSoXtGjFdAmRBJ0rZvv9DOH7/V0d9Sde7sacXO/lTefqVc8XFwk2AJHDOaRBQrv/y8XYs//lDVa9ay21+7zq3q0KmrQsPKKysrU2/OfVWPDhukxV8kydPT00XVAric3JyzKlexquo2a6/PZ00yHc9IP6z3nx2pui066O4e/WT19tWff/yuEiVL/t81zuWocr3bVbne7fr+o7dvZPmA26BJRLFx+nS2xj/1hJ4aP1Hz3njN7ti99/Wy/Tn8llv0n9hH9WCve3Xk8B+qULHSjS4VwD+o0uBOVWlw5xWPf//JPFVpcKda3D/Yti8oNNzunMbte0iSDu7c6pwi4XYIEs2Yk4hiY9qUZ9WkWQvdedfd/3jemTOnteyzxQq/pYJCw8JuUHUACoORn699WzeodNgt+nhavGYP/7cWThyhPZt/cHVpuMl5WCxO24qrIt0kHjx4UA8//PA/npOTk6OsrCy7LScn5wZViBvlm6++1O5dv+iRR0de8ZyPP3hPLaMbq2X07Ur+4TvNmvumSpb0uoFVArhep7MylHv2jDYs+0BV6t2u+8Y8r+qNm+jzWZN0cNc2V5cHuJUi3SSeOHFC8+fP/8dzEhISFBgYaLdNn/b8DaoQN0J62hG9NDVBE6dMldVqveJ5HTp10Tvvf6K5b72jShGV9dQTcfwHA1DMGIYhSap+291q3KGnQiKqKapLb1VtEKWtq5a5uDrczCxO3Iorl85J/Pzzz//x+L59+656jfj4eMXFxdntO5PPVMubya5fduivE8cV88B9tn15eXna8tMmffzBIn23IUWenp4q5e+vUv7+qhRRWXXr11ebZtFavWqF2nfs7MLqATjCxz9AHp6eKhNuP5e4THgl/fHrzy6qCnBPLu2munfvLovFYvsvx8uxXGUs32q1mtKl/DN5hVIfiobbo6K16OPP7PZNHv9fRVSpon4DBl326WXDkAwZyj137kaVCaAQeJYoqdAqtXQi7ZDd/r/SDimgbKiLqoJbKM6Rn5O4tEksX768Zs+erW7dul32eEpKiho3bnyDq0JR4+fnp2rVa9jt8/HxUWBgkKpVr6E/Dh1U0tfLFRXdRKVLl9bR9HS9M+9NWa1W3d2suYuqBnAl586eUUb6YdvrrGNpOvr7XnmX8ldAmRDd0fE+LZs9RRVq1VPFOg3027ZN2pvyo3rFv2B7T3bGCWVn/qW//v91/jy0X17evvIvU04+pQJu+GcCbkYubRIbN26szZs3X7FJvFrKCEiSl5dVKT9t1vsLF+hkVqaCy5RVo9sa6835ixQcXMbV5QG4RPr+X/Xh82Nsr1e/d2FJq1ubtlWHwWNU4/amatP/UW1Y9r6+fXe2SpevoHtGjFeFmnVt79n67TIlL3nX9vqDKaMkSe0HjVbdZu1u0CfBzYSf5TOzGC7swr777jtlZ2erQ4cOlz2enZ2tTZs2qUWLFg5dN4PhZuCm9eHWQ1c/CUCxNOSuCJfde/3eTKddO6paoNOu7UwuTRKbNWv2j8f9/PwcbhABAAAcVYyXM3QaHgMGAABujx7RrEivkwgAAADXIEkEAAAgSjQhSQQAAIAJSSIAAHB7LIFjRpIIAAAAE5JEAADg9lgCx4wkEQAAACY0iQAAwO1ZnLg5au3ateratavCw8NlsVi0ZMkSu+OGYWj8+PEqX768fHx81KZNG+3Zs8funBMnTqhv374KCAhQUFCQBg4cqFOnTjlUB00iAABAEeoSs7Oz1aBBA7366quXPT516lTNnDlTc+fO1fr16+Xn56f27dvr7NmztnP69u2rHTt2KCkpScuWLdPatWs1ZMgQh+pw6W83Owu/3QzcvPjtZuDm5crfbv7p9yynXfu2iIBrfq/FYtHixYvVvXt3SRdSxPDwcI0aNUqjR4+WJGVmZio0NFSJiYnq3bu3du7cqcjISG3cuFG33367JOmrr75Sp06ddOjQIYWHhxfo3iSJAADA7Vmc+FdOTo6ysrLstpycnGuqc//+/UpLS1ObNm1s+wIDAxUVFaXk5GRJUnJysoKCgmwNoiS1adNGHh4eWr9+fYHvRZMIAADgRAkJCQoMDLTbEhISrulaaWlpkqTQ0FC7/aGhobZjaWlpCgkJsTteokQJBQcH284pCJbAAQAAbs+ZS+DEx8crLi7Obp/VanXeDQsJTSIAAIATWa3WQmsKw8LCJEnp6ekqX768bX96eroaNmxoO+fo0aN27zt//rxOnDhhe39BMNwMAADcXhF6uPkfValSRWFhYVq5cqVtX1ZWltavX6/o6GhJUnR0tDIyMrR582bbOatWrVJ+fr6ioqIKfC+SRAAAgCLk1KlTSk1Ntb3ev3+/UlJSFBwcrEqVKunxxx/Xs88+qxo1aqhKlSoaN26cwsPDbU9A16lTRx06dNDgwYM1d+5c5ebmavjw4erdu3eBn2yWaBIBAAAKP/K7Dps2bVKrVq1sry/OZ4yJiVFiYqKeeOIJZWdna8iQIcrIyFDTpk311Vdfydvb2/aehQsXavjw4WrdurU8PDzUs2dPzZw506E6WCcRQLHCOonAzcuV6yRuO+jYr5E4on7FUk67tjMxJxEAAAAmDDcDAAC358wlcIorkkQAAACYkCQCAAC3R5BoRpIIAAAAE5JEAAAAokQTkkQAAACYkCQCAAC3ZyFKNCFJBAAAgAlJIgAAcHusk2hGkwgAANwePaIZw80AAAAwIUkEAAAgSjQhSQQAAIAJSSIAAHB7LIFjRpIIAAAAE5JEAADg9lgCx4wkEQAAACYkiQAAwO0RJJrRJAIAANAlmjDcDAAAABOSRAAA4PZYAseMJBEAAAAmJIkAAMDtsQSOGUkiAAAATEgSAQCA2yNINCNJBAAAgAlJIgAAAFGiCU0iAABweyyBY8ZwMwAAAExIEgEAgNtjCRwzkkQAAACYkCQCAAC3R5BoRpIIAAAAE5JEAAAAokQTkkQAAACYkCQCAAC3xzqJZjSJAADA7bEEjhnDzQAAADAhSQQAAG6PINGMJBEAAAAmJIkAAMDtMSfRjCQRAAAAJiSJAAAAzEo0IUkEAACACUkiAABwe8xJNKNJBAAAbo8e0YzhZgAAAJiQJAIAALfHcLMZSSIAAABMSBIBAIDbszAr0YQkEQAAACYkiQAAAASJJiSJAAAAMCFJBAAAbo8g0YwmEQAAuD2WwDFjuBkAAAAmNIkAAMDtWZz4lyMmTJggi8Vit9WuXdt2/OzZs4qNjVWZMmVUqlQp9ezZU+np6YX9dUiiSQQAAChSbr31Vh05csS2ff/997ZjI0eO1NKlS/XRRx9pzZo1Onz4sHr06OGUOpiTCAAAUITmJJYoUUJhYWGm/ZmZmXrrrbe0aNEi/etf/5IkzZs3T3Xq1NGPP/6ou+66q1DrIEkEAABwopycHGVlZdltOTk5Vzx/z549Cg8PV9WqVdW3b18dOHBAkrR582bl5uaqTZs2tnNr166tSpUqKTk5udDrpkkEAABuz+LELSEhQYGBgXZbQkLCZeuIiopSYmKivvrqK82ZM0f79+9Xs2bNdPLkSaWlpcnLy0tBQUF27wkNDVVaWlphfh2SGG4GAABwqvj4eMXFxdnts1qtlz23Y8eOtj/Xr19fUVFRioiI0IcffigfHx+n1nkpmkQAAOD2nLlOotVqvWJTeDVBQUGqWbOmUlNT1bZtW507d04ZGRl2aWJ6evpl5zBeL4abAQCA2ysqS+Bc6tSpU9q7d6/Kly+vxo0bq2TJklq5cqXt+O7du3XgwAFFR0df71dgQpIIAABQRIwePVpdu3ZVRESEDh8+rGeeeUaenp564IEHFBgYqIEDByouLk7BwcEKCAjQiBEjFB0dXehPNks0iQAAAEXmZ/kOHTqkBx54QMePH1e5cuXUtGlT/fjjjypXrpwkafr06fLw8FDPnj2Vk5Oj9u3ba/bs2U6pxWIYhuGUK7tQxpk8V5cAwEk+3HrI1SUAcJIhd0W47N5/nXZe71Da19Np13Ym5iQCAADAhCYRAAAAJsxJBAAAbq+ozEksSkgSAQAAYEKSCAAA3N71rmd4M6JJBAAAbo/hZjOGmwEAAGBCkggAANweQaIZSSIAAABMSBIBAACIEk1IEgEAAGBCkggAANweS+CYkSQCAADAhCQRAAC4PdZJNCNJBAAAgAlJIgAAcHsEiWY0iQAAAHSJJgw3AwAAwIQkEQAAuD2WwDEjSQQAAIAJSSIAAHB7LIFjRpIIAAAAE4thGIariwCuVU5OjhISEhQfHy+r1erqcgAUIv7+BlyLJhHFWlZWlgIDA5WZmamAgABXlwOgEPH3N+BaDDcDAADAhCYRAAAAJjSJAAAAMKFJRLFmtVr1zDPPMKkduAnx9zfgWjy4AgAAABOSRAAAAJjQJAIAAMCEJhEAAAAmNIkAAAAwoUlEsfbqq6+qcuXK8vb2VlRUlDZs2ODqkgBcp7Vr16pr164KDw+XxWLRkiVLXF0S4JZoElFsffDBB4qLi9Mzzzyjn376SQ0aNFD79u119OhRV5cG4DpkZ2erQYMGevXVV11dCuDWWAIHxVZUVJTuuOMOvfLKK5Kk/Px8VaxYUSNGjNCTTz7p4uoAFAaLxaLFixere/furi4FcDskiSiWzp07p82bN6tNmza2fR4eHmrTpo2Sk5NdWBkAADcHmkQUS3/++afy8vIUGhpqtz80NFRpaWkuqgoAgJsHTSIAAABMaBJRLJUtW1aenp5KT0+325+enq6wsDAXVQUAwM2DJhHFkpeXlxo3bqyVK1fa9uXn52vlypWKjo52YWUAANwcSri6AOBaxcXFKSYmRrfffrvuvPNOzZgxQ9nZ2RowYICrSwNwHU6dOqXU1FTb6/379yslJUXBwcGqVKmSCysD3AtL4KBYe+WVVzRt2jSlpaWpYcOGmjlzpqKiolxdFoDrsHr1arVq1cq0PyYmRomJiTe+IMBN0SQCAADAhDmJAAAAMKFJBAAAgAlNIgAAAExoEgEAAGBCkwgAAAATmkQAAACY0CQCAADAhCYRAAAAJjSJAK5b//791b17d9vrli1b6vHHH7/hdaxevVoWi0UZGRlXPMdisWjJkiUFvuaECRPUsGHD66rrt99+k8ViUUpKynVdBwBuJJpE4CbVv39/WSwWWSwWeXl5qXr16po0aZLOnz/v9Ht/+umnmjx5coHOLUhjBwC48Uq4ugAAztOhQwfNmzdPOTk5+vLLLxUbG6uSJUsqPj7edO65c+fk5eVVKPcNDg4ulOsAAFyHJBG4iVmtVoWFhSkiIkLDhg1TmzZt9Pnnn0v6vyHi5557TuHh4apVq5Yk6eDBg+rVq5eCgoIUHBysbt266bfffrNdMy8vT3FxcQoKClKZMmX0xBNP6NKfgL90uDknJ0djx45VxYoVZbVaVb16db311lv67bff1KpVK0lS6dKlZbFY1L9/f0lSfn6+EhISVKVKFfn4+KhBgwb6+OOP7e7z5ZdfqmbNmvLx8VGrVq3s6iyosWPHqmbNmvL19VXVqlU1btw45ebmms577bXXVLFiRfn6+qpXr17KzMy0O/7mm2+qTp068vb2Vu3atTV79uwr3vOvv/5S3759Va5cOfn4+KhGjRqaN2+ew7UDgDORJAJuxMfHR8ePH7e9XrlypQICApSUlCRJys3NVfv27RUdHa3vvvtOJUqU0LPPPqsOHTpo27Zt8vLy0osvvqjExES9/fbbqlOnjl588UUtXrxY//rXv6543379+ik5OVkzZ85UgwYNtH//fv3555+qWLGiPvnkE/Xs2VO7d+9WQECAfHx8JEkJCQl69913NXfuXNWoUUNr167Vgw8+qHLlyqlFixY6ePCgevToodjYWA0ZMkSbNm3SqFGjHP5O/P39lZiYqPDwcG3fvl2DBw+Wv7+/nnjiCds5qamp+vDDD7V06VJlZWVp4MCBeuSRR7Rw4UJJ0sKFCzV+/Hi98soratSokbZs2aLBgwfLz89PMTExpnuOGzdOv/zyi5YvX66yZcsqNTVVZ86ccbh2AHAqA8BNKSYmxujWrZthGIaRn59vJCUlGVar1Rg9erTteGhoqJGTk2N7z4IFC4xatWoZ+fn5tn05OTmGj4+P8fXXXxuGYRjly5c3pk6dajuem5trVKhQwXYvwzCMFi1aGI899phhGIaxe/duQ5KRlJR02Tq//fZbQ5Lx119/2fadPXvW8PX1NdatW2d37sCBA40HHnjAMAzDiI+PNyIjI+2Ojx071nStS0kyFi9efMXj06ZNMxo3bmx7/cwzzxienp7GoUOHbPuWL19ueHh4GEeOHDEMwzCqVatmLFq0yO46kydPNqKjow3DMIz9+/cbkowtW7YYhmEYXbt2NQYMGHDFGgCgKCBJBG5iy5YtU6lSpZSbm6v8/Hz16dNHEyZMsB2vV6+e3TzErVu3KjU1Vf7+/nbXOXv2rPbu3avMzEwdOXJEUVFRtmMlSpTQ7bffbhpyviglJUWenp5q0aJFgetOTU3V6dOn1bZtW7v9586dU6NGjSRJO3futKtDkqKjowt8j4s++OADzZw5U3v37tWpU6d0/vx5BQQE2J1TqVIl3XLLLXb3yc/P1+7du+Xv76+9e/dq4MCBGjx4sO2c8+fPKzAw8LL3HDZsmHr27KmffvpJ7dq1U/fu3XX33Xc7XDsAOBNNInATa9WqlebMmSMvLy+Fh4erRAn7v+X9/PzsXp86dUqNGze2DaP+Xbly5a6phovDx444deqUJOmLL76wa86kC/MsC0tycrL69u2riRMnqn379goMDNT777+vF1980eFa33jjDVPT6unpedn3dOzYUb///ru+/PJLJSUlqXXr1oqNjdULL7xw7R8GAAoZTSJwE/Pz81P16tULfP5tt92mDz74QCEhIaY07aLy5ctr/fr1at68uaQLidnmzZt12223Xfb8evXqKT8/X2vWrFGbNm1Mxy8mmXl5ebZ9kZGRslqtOnDgwBUTyDp16tgewrnoxx9/vPqH/Jt169YpIiJC//3vf237fv/9d9N5Bw4c0OHDhxUeHm67j4eHh2rVqqXQ0FCFh4dr37596tu3b4HvXa5cOcXExCgmJkbNmjXTmDFjaBIBFCk83QzApm/fvipbtqy6deum7777Tvv379fq1av16KOP6tChQ5Kkxx57TM8//7yWLFmiXbt26ZFHHvnHNQ4rV66smJgYPfzww1qyZIntmh9++KEkKSIiQhaLRcuWLdOxY8d06tQp+fv7a/To0Ro5cqTmz5+vvXv36qefftKsWbM0f/58SdLQoUO1Z88ejRkzRrt379aiRYuUmJjo0OetUaOGDhw4oPfff1979+7VzJkztXjxYtN53t7eiomJ0datW/Xdd9/p0UcfVa9evRQWFiZJmjhxohISEjRz5kz9+uuv2r59u+bNm6eXXnrpsvcdP368PvvsM6WmpmrHjh1atmyZ6tSp41DtAOBsNIkAbHx9fbV27VpVqlRJPXr0UJ06dTRw4ECdPXvWliyOGjVKDz30kGJiYhQdHS1/f3/de++9/3jdOXPm6L777tMjjzyi2rVra/DgwcrOzpYk3XLLLZo4caKefPJJhYaGavjw4ZKkyZMna9y4cUpISFCdOnXUoUMHffHFF6pSpYqkC/MEP/nkEy1ZskQNGjTQ3LlzNWXKFIc+7z333KORI0dq+PDhatiwodatW6dx48aZzqtevbp69OihTp06qV27dqpfv77dEjeDBg3Sm2++qXnz5qlevXpq0aKFEhMTbbVeysvLS/Hx8apfv76aN28uT09Pvf/++w7VDgDOZjGuNNscAAAAboskEQAAACY0iQAAADChSQQAAIAJTSIAAABMaBIBAABgQpMIAAAAE5pEAAAAmNAkAgAAwIQmEQAAACY0iQAAADChSQQAAIDJ/wOwtSOCCuHydQAAAABJRU5ErkJggg==", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "plot_confusion_matrix(y_test, y_pred,(0,1))" + ] + }, + { + "cell_type": "code", + "execution_count": 34, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAr4AAAIjCAYAAADlfxjoAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8pXeV/AAAACXBIWXMAAA9hAAAPYQGoP6dpAACaT0lEQVR4nOzdeVzT9R8H8Ne4D7kEQVQUvDHxwvs+SMx+JmWKN5p3HuVR3lelpuZZ5lXeWppaWZmappZKmmeaiAcqXigogqKAsM/vj2/bGBu64eA7ttfz8eDh9tl33723Ab747HMohBACREREREQWzkbuAoiIiIiICgODLxERERFZBQZfIiIiIrIKDL5EREREZBUYfImIiIjIKjD4EhEREZFVYPAlIiIiIqvA4EtEREREVoHBl4iIiIisAoMvUSEJDAxEnz595C7D6rRs2RItW7aUu4wXmjZtGhQKBZKSkuQuxewoFApMmzbNJOe6du0aFAoF1qxZY5LzAcCxY8fg4OCA69evm+ycpta1a1d06dJF7jKIZMfgSxZhzZo1UCgU6i87OzuULl0affr0wa1bt+Quz6ylpaXh448/Ro0aNeDi4gIPDw80a9YM69atQ1HZ0fz8+fOYNm0arl27JncpOrKzs7F69Wq0bNkSxYsXh6OjIwIDA9G3b18cP35c7vJMYtOmTVi4cKHcZWgpzJomTpyIbt26oVy5cuq2li1bav1OcnZ2Ro0aNbBw4UIolUq957l//z4++OADVKlSBU5OTihevDjCw8Px888/5/nYqampmD59OmrWrIlixYrB2dkZ1atXx9ixY3H79m31cWPHjsW2bdtw5swZg5+XNXzvkvVRiKLyPxvRc6xZswZ9+/bFRx99hKCgIKSnp+Ovv/7CmjVrEBgYiHPnzsHJyUnWGjMyMmBjYwN7e3tZ68jp7t27aNOmDWJiYtC1a1e0aNEC6enp2LZtG/744w9ERkZi48aNsLW1lbvU59q6dSs6d+6M/fv36/TuZmZmAgAcHBwKva6nT5/irbfewq5du9C8eXN06NABxYsXx7Vr17BlyxZcvHgR8fHxKFOmDKZNm4bp06cjMTERPj4+hV7ry/jf//6Hc+fOFdgfHunp6bCzs4Odnd1L1ySEQEZGBuzt7U3yfX369GnUrl0bR44cQaNGjdTtLVu2xJUrVzBr1iwAQFJSEjZt2oS///4bEyZMwIwZM7TOExsbizZt2iAxMRF9+/ZF3bp18fDhQ2zcuBGnT5/GmDFjMHfuXK37xMXFISwsDPHx8ejcuTOaNm0KBwcH/PPPP/jmm29QvHhxXLx4UX18gwYNUKVKFaxbt+6Fz8uY712iIkUQWYDVq1cLAOLvv//Wah87dqwAIDZv3ixTZfJ6+vSpyM7OzvP28PBwYWNjI3788Ued28aMGSMAiE8//bQgS9Tr8ePHRh3/3XffCQBi//79BVNQPg0dOlQAEAsWLNC5LSsrS8ydO1fcuHFDCCHE1KlTBQCRmJhYYPUolUrx5MkTk5/39ddfF+XKlTPpObOzs8XTp0/zff+CqEmfESNGiLJlywqlUqnV3qJFC/HKK69otT19+lSUK1dOuLm5iaysLHV7ZmamqF69unBxcRF//fWX1n2ysrJEZGSkACC+/fZbdfuzZ89EzZo1hYuLi/jzzz916kpJSRETJkzQavvss8+Eq6urePTo0QuflzHfuy/jZd9nImMx+JJFyCv4/vzzzwKAmDlzplZ7TEyM6NSpk/Dy8hKOjo4iNDRUb/hLTk4W77//vihXrpxwcHAQpUuXFr169dIKJ+np6WLKlCmiQoUKwsHBQZQpU0Z88MEHIj09Xetc5cqVE1FRUUIIIf7++28BQKxZs0bnMXft2iUAiJ9++knddvPmTdG3b1/h6+srHBwcRLVq1cTXX3+tdb/9+/cLAOKbb74REydOFKVKlRIKhUIkJyfrfc2io6MFAPHOO+/ovf3Zs2eiUqVKwsvLSx2Wrl69KgCIuXPnivnz54uyZcsKJycn0bx5c3H27FmdcxjyOqveuwMHDoghQ4aIEiVKCE9PTyGEENeuXRNDhgwRlStXFk5OTqJ48eLi7bffFlevXtW5f+4vVQhu0aKFaNGihc7rtHnzZvHJJ5+I0qVLC0dHR9G6dWtx6dIlnefwxRdfiKCgIOHk5CTq1asn/vjjD51z6nPjxg1hZ2cnXn311ecep6IKvpcuXRJRUVHCw8NDuLu7iz59+oi0tDStY1etWiVatWolSpQoIRwcHERwcLD48ssvdc5Zrlw58frrr4tdu3aJ0NBQ4ejoqA4yhp5DCCF27twpmjdvLooVKybc3NxE3bp1xcaNG4UQ0uub+7XPGTgN/fkAIIYOHSo2bNggqlWrJuzs7MT333+vvm3q1KnqY1NTU8V7772n/rksUaKECAsLEydOnHhhTarv4dWrV2s9fkxMjOjcubPw8fERTk5OonLlyjrBUZ+yZcuKPn366LTrC75CCPH2228LAOL27dvqtm+++UYAEB999JHex3j48KHw9PQUVatWVbd9++23AoCYMWPGC2tUOXPmjAAgtm/f/tzjjP3ejYqK0vtHhup7Oid97/OWLVuEl5eX3tcxJSVFODo6itGjR6vbDP2eItLH8M+NiIog1cecXl5e6rZ///0XTZo0QenSpTFu3Di4urpiy5YtiIiIwLZt2/Dmm28CAB4/foxmzZohJiYG77zzDurUqYOkpCTs2LEDN2/ehI+PD5RKJd544w0cOnQIAwcORHBwMM6ePYsFCxbg4sWL+OGHH/TWVbduXZQvXx5btmxBVFSU1m2bN2+Gl5cXwsPDAUjDERo2bAiFQoFhw4ahRIkS+PXXX9GvXz+kpqbi/fff17r/xx9/DAcHB4wZMwYZGRl5fsT/008/AQB69+6t93Y7Ozt0794d06dPx+HDhxEWFqa+bd26dXj06BGGDh2K9PR0LFq0CK1bt8bZs2fh5+dn1Ous8u6776JEiRKYMmUK0tLSAAB///03jhw5gq5du6JMmTK4du0ali5dipYtW+L8+fNwcXFB8+bNMWLECCxevBgTJkxAcHAwAKj/zcunn34KGxsbjBkzBikpKZgzZw569OiBo0ePqo9ZunQphg0bhmbNmmHkyJG4du0aIiIi4OXl9cKPeH/99VdkZWWhV69ezz0uty5duiAoKAizZs3CyZMn8dVXX8HX1xezZ8/WquuVV17BG2+8ATs7O/z000949913oVQqMXToUK3zxcbGolu3bhg0aBAGDBiAKlWqGHWONWvW4J133sErr7yC8ePHw9PTE6dOncKuXbvQvXt3TJw4ESkpKbh58yYWLFgAAChWrBgAGP3z8fvvv2PLli0YNmwYfHx8EBgYqPc1Gjx4MLZu3Yphw4ahWrVquH//Pg4dOoSYmBjUqVPnuTXp888//6BZs2awt7fHwIEDERgYiCtXruCnn37SGZKQ061btxAfH486derkeUxuqsl1np6e6rYX/Sx6eHigY8eOWLt2LS5fvoyKFStix44dAGDU91e1atXg7OyMw4cP6/z85ZTf711D5X6fK1WqhDfffBPbt2/H8uXLtX5n/fDDD8jIyEDXrl0BGP89RaRD7uRNZAqqXr+9e/eKxMREcePGDbF161ZRokQJ4ejoqPWRXJs2bURISIhW74BSqRSNGzcWlSpVUrdNmTIlz94R1cea69evFzY2NjofNS5btkwAEIcPH1a35ezxFUKI8ePHC3t7e/HgwQN1W0ZGhvD09NTqhe3Xr5/w9/cXSUlJWo/RtWtX4eHhoe6NVfVkli9f3qCPsyMiIgSAPHuEhRBi+/btAoBYvHixEELTW+bs7Cxu3rypPu7o0aMCgBg5cqS6zdDXWfXeNW3aVOvjXyGE3ueh6qlet26duu15Qx3y6vENDg4WGRkZ6vZFixYJAOqe64yMDOHt7S3q1asnnj17pj5uzZo1AsALe3xHjhwpAIhTp0499zgVVe9Y7h74N998U3h7e2u16XtdwsPDRfny5bXaypUrJwCIXbt26RxvyDkePnwo3NzcRIMGDXQ+js750X5ewwqM+fkAIGxsbMS///6rcx7k6vH18PAQQ4cO1Tkup7xq0tfj27x5c+Hm5iauX7+e53PUZ+/evTqfzqi0aNFCVK1aVSQmJorExERx4cIF8cEHHwgA4vXXX9c6tlatWsLDw+O5jzV//nwBQOzYsUMIIUTt2rVfeB99KleuLF577bXnHmPs966xPb763ufdu3frfS3bt2+v9T1pzPcUkT5c1YEsSlhYGEqUKIGAgAC8/fbbcHV1xY4dO9S9cw8ePMDvv/+OLl264NGjR0hKSkJSUhLu37+P8PBwXLp0Sb0KxLZt21CzZk29PSMKhQIA8N133yE4OBhVq1ZVnyspKQmtW7cGAOzfvz/PWiMjI/Hs2TNs375d3bZnzx48fPgQkZGRAKSJONu2bUOHDh0ghNB6jPDwcKSkpODkyZNa542KioKzs/MLX6tHjx4BANzc3PI8RnVbamqqVntERARKly6tvl6/fn00aNAAO3fuBGDc66wyYMAAnclGOZ/Hs2fPcP/+fVSsWBGenp46z9tYffv21epZatasGQBpwhAAHD9+HPfv38eAAQO0JlX16NFD6xOEvKhes+e9vvoMHjxY63qzZs1w//59rfcg5+uSkpKCpKQktGjRAnFxcUhJSdG6f1BQkPrTg5wMOcdvv/2GR48eYdy4cTqTQ1U/A89j7M9HixYtUK1atRee19PTE0ePHtVatSC/EhMT8ccff+Cdd95B2bJltW570XO8f/8+AOT5/XDhwgWUKFECJUqUQNWqVTF37ly88cYbOkupPXr06IXfJ7l/FlNTU43+3lLV+qIl8/L7vWsofe9z69at4ePjg82bN6vbkpOT8dtvv6l/HwIv9zuXCAA41IEsypIlS1C5cmWkpKRg1apV+OOPP+Do6Ki+/fLlyxBCYPLkyZg8ebLec9y7dw+lS5fGlStX0KlTp+c+3qVLlxATE4MSJUrkea681KxZE1WrVsXmzZvRr18/ANIwBx8fH/Uv8cTERDx8+BArVqzAihUrDHqMoKCg59asovpP7dGjR1ofu+aUVziuVKmSzrGVK1fGli1bABj3Oj+v7qdPn2LWrFlYvXo1bt26pbW8Wu6AZ6zcIUcVXpKTkwFAvSZrxYoVtY6zs7PL8yP4nNzd3QFoXkNT1KU65+HDhzF16lRER0fjyZMnWsenpKTAw8NDfT2v7wdDznHlyhUAQPXq1Y16DirG/nwY+r07Z84cREVFISAgAKGhoWjfvj169+6N8uXLG12j6g+d/D5HAHku+xcYGIiVK1dCqVTiypUrmDFjBhITE3X+iHBzc3thGM39s+ju7q6u3dhaXxTo8/u9ayh977OdnR06deqETZs2ISMjA46Ojti+fTuePXumFXxf5ncuEcDgSxamfv36qFu3LgCpV7Jp06bo3r07YmNjUaxYMfX6mWPGjNHbCwboBp3nUSqVCAkJwfz58/XeHhAQ8Nz7R0ZGYsaMGUhKSoKbmxt27NiBbt26qXsYVfX27NlTZyywSo0aNbSuG9LbC0hjYH/44Qf8888/aN68ud5j/vnnHwAwqBcup/y8zvrqHj58OFavXo33338fjRo1goeHBxQKBbp27ZrnWqiGymspq7xCjLGqVq0KADh79ixq1apl8P1eVNeVK1fQpk0bVK1aFfPnz0dAQAAcHBywc+dOLFiwQOd10fe6GnuO/DL258PQ790uXbqgWbNm+P7777Fnzx7MnTsXs2fPxvbt2/Haa6+9dN2G8vb2BqD5Yyk3V1dXrbHxTZo0QZ06dTBhwgQsXrxY3R4cHIzTp08jPj5e5w8fldw/i1WrVsWpU6dw48aNF/6eySk5OVnvH645Gfu9m1eQzs7O1tue1/vctWtXLF++HL/++isiIiKwZcsWVK1aFTVr1lQf87K/c4kYfMli2draYtasWWjVqhW++OILjBs3Tt0jZG9vr/Ufkj4VKlTAuXPnXnjMmTNn0KZNG4M++s0tMjIS06dPx7Zt2+Dn54fU1FT1JA4AKFGiBNzc3JCdnf3Ceo31v//9D7NmzcK6dev0Bt/s7Gxs2rQJXl5eaNKkidZtly5d0jn+4sWL6p5QY17n59m6dSuioqIwb948dVt6ejoePnyodVx+XvsXUW1GcPnyZbRq1UrdnpWVhWvXrun8wZHba6+9BltbW2zYsMGkk4R++uknZGRkYMeOHVohyZiPeA09R4UKFQAA586de+4fhHm9/i/78/E8/v7+ePfdd/Huu+/i3r17qFOnDmbMmKEOvoY+nup79UU/6/qoAuLVq1cNOr5GjRro2bMnli9fjjFjxqhf+//973/45ptvsG7dOkyaNEnnfqmpqfjxxx9RtWpV9fvQoUMHfPPNN9iwYQPGjx9v0ONnZWXhxo0beOONN557nLHfu15eXjo/kwCM3smuefPm8Pf3x+bNm9G0aVP8/vvvmDhxotYxBfk9RdaBY3zJorVs2RL169fHwoULkZ6eDl9fX7Rs2RLLly/HnTt3dI5PTExUX+7UqRPOnDmD77//Xuc4Ve9bly5dcOvWLaxcuVLnmKdPn6pXJ8hLcHAwQkJCsHnzZmzevBn+/v5aIdTW1hadOnXCtm3b9P7HnLNeYzVu3BhhYWFYvXq13p2hJk6ciIsXL+LDDz/U6aH54YcftMboHjt2DEePHlWHDmNe5+extbXV6YH9/PPPdXqSXF1dAUDvf775VbduXXh7e2PlypXIyspSt2/cuDHPHr6cAgICMGDAAOzZsweff/65zu1KpRLz5s3DzZs3japL1SOce9jH6tWrTX6Otm3bws3NDbNmzUJ6errWbTnv6+rqqnfoycv+fOiTnZ2t81i+vr4oVaoUMjIyXlhTbiVKlEDz5s2xatUqxMfHa932ot7/0qVLIyAgwKhdzD788EM8e/ZMq8fy7bffRrVq1fDpp5/qnEupVGLIkCFITk7G1KlTte4TEhKCGTNmIDo6WudxHj16pBMaz58/j/T0dDRu3Pi5NRr7vVuhQgWkpKSoe6UB4M6dO3p/dz6PjY0N3n77bfz0009Yv349srKytIY5AAXzPUXWhT2+ZPE++OADdO7cGWvWrMHgwYOxZMkSNG3aFCEhIRgwYADKly+Pu3fvIjo6Gjdv3lRv6fnBBx+odwR75513EBoaigcPHmDHjh1YtmwZatasiV69emHLli0YPHgw9u/fjyZNmiA7OxsXLlzAli1bsHv3bvXQi7xERkZiypQpcHJyQr9+/WBjo/336Keffor9+/ejQYMGGDBgAKpVq4YHDx7g5MmT2Lt3Lx48eJDv12bdunVo06YNOnbsiO7du6NZs2bIyMjA9u3bceDAAURGRuKDDz7QuV/FihXRtGlTDBkyBBkZGVi4cCG8vb3x4Ycfqo8x9HV+nv/9739Yv349PDw8UK1aNURHR2Pv3r3qj5hVatWqBVtbW8yePRspKSlwdHRE69at4evrm+/XxsHBAdOmTcPw4cPRunVrdOnSBdeuXcOaNWtQoUIFg3qb5s2bhytXrmDEiBHYvn07/ve//8HLywvx8fH47rvvcOHCBa0efkO0bdsWDg4O6NChAwYNGoTHjx9j5cqV8PX11ftHxsucw93dHQsWLED//v1Rr149dO/eHV5eXjhz5gyePHmCtWvXAgBCQ0OxefNmjBo1CvXq1UOxYsXQoUMHk/x85Pbo0SOUKVMGb7/9tnqb3r179+Lvv//W+mQgr5r0Wbx4MZo2bYo6depg4MCBCAoKwrVr1/DLL7/g9OnTz62nY8eO+P777w0aOwtIQxXat2+Pr776CpMnT4a3tzccHBywdetWtGnTBk2bNtXauW3Tpk04efIkRo8erfW9Ym9vj+3btyMsLAzNmzdHly5d0KRJE9jb2+Pff/9Vf1qTczm23377DS4uLnj11VdfWKcx37tdu3bF2LFj8eabb2LEiBF48uQJli5disqVKxs9CTUyMhKff/45pk6dipCQEJ1lCQvie4qsTOEvJEFkenltYCGEtDNQhQoVRIUKFdTLZV25ckX07t1blCxZUtjb24vSpUuL//3vf2Lr1q1a971//74YNmyYKF26tHqh9KioKK2lxTIzM8Xs2bPFK6+8IhwdHYWXl5cIDQ0V06dPFykpKerjci9npnLp0iX1IvuHDh3S+/zu3r0rhg4dKgICAoS9vb0oWbKkaNOmjVixYoX6GNUyXd99951Rr92jR4/EtGnTxCuvvCKcnZ2Fm5ubaNKkiVizZo3Ock45N7CYN2+eCAgIEI6OjqJZs2bizJkzOuc25HV+3nuXnJws+vbtK3x8fESxYsVEeHi4uHDhgt7XcuXKlaJ8+fLC1tbWoA0scr9OeW1ssHjxYlGuXDnh6Ogo6tevLw4fPixCQ0NFu3btDHh1pV2uvvrqK9GsWTPh4eEh7O3tRbly5UTfvn21lovKa+c21euTc9OOHTt2iBo1aggnJycRGBgoZs+eLVatWqVznGoDC30MPYfq2MaNGwtnZ2fh7u4u6tevL7755hv17Y8fPxbdu3cXnp6eOhtYGPrzgf82NtAHOZYzy8jIEB988IGoWbOmcHNzE66urqJmzZo6m2/kVVNe7/O5c+fEm2++KTw9PYWTk5OoUqWKmDx5st56cjp58qQAoLO8Vl4bWAghxIEDB3SWaBNCiHv37olRo0aJihUrCkdHR+Hp6SnCwsLUS5jpk5ycLKZMmSJCQkKEi4uLcHJyEtWrVxfjx48Xd+7c0Tq2QYMGomfPni98TiqGfu8KIcSePXtE9erVhYODg6hSpYrYsGHDczewyItSqRQBAQECgPjkk0/0HmPo9xSRPgohTDSTg4gs3rVr1xAUFIS5c+dizJgxcpcjC6VSiRIlSuCtt97S+3ErWZ82bdqgVKlSWL9+vdyl5On06dOoU6cOTp48adRkSyJLwzG+RER5SE9P1xnnuW7dOjx48AAtW7aUpygyOzNnzsTmzZuNnsxVmD799FO8/fbbDL1k9TjGl4goD3/99RdGjhyJzp07w9vbGydPnsTXX3+N6tWro3PnznKXR2aiQYMGyMzMlLuM5/r222/lLoHILDD4EhHlITAwEAEBAVi8eDEePHiA4sWLo3fv3vj000+1dn0jIqKigWN8iYiIiMgqcIwvEREREVkFBl8iIiIisgpWN8ZXqVTi9u3bcHNz43aHRERERGZICIFHjx6hVKlSOhs7vQyrC763b99GQECA3GUQERER0QvcuHEDZcqUMdn5rC74urm5AZBeSHd3d5mrISIiIqLcUlNTERAQoM5tpmJ1wVc1vMHd3Z3Bl4iIiMiMmXpYKie3EREREZFVYPAlIiIiIqvA4EtEREREVoHBl4iIiIisAoMvEREREVkFBl8iIiIisgoMvkRERERkFRh8iYiIiMgqMPgSERERkVVg8CUiIiIiq8DgS0RERERWgcGXiIiIiKwCgy8RERERWQUGXyIiIiKyCgy+RERERGQVZA2+f/zxBzp06IBSpUpBoVDghx9+eOF9Dhw4gDp16sDR0REVK1bEmjVrCrxOIiIiIir6ZA2+aWlpqFmzJpYsWWLQ8VevXsXrr7+OVq1a4fTp03j//ffRv39/7N69u4ArJSIiIqKizk7OB3/ttdfw2muvGXz8smXLEBQUhHnz5gEAgoODcejQISxYsADh4eEFVSYRERERFbCkJOD8eSDmXyUSDvxbII8ha/A1VnR0NMLCwrTawsPD8f777+d5n4yMDGRkZKivp6amFlR5RERERPQcQgC3bv0XcGOkL9XlpCSgJO5gNfqiIw5iWgE8fpEKvgkJCfDz89Nq8/PzQ2pqKp4+fQpnZ2ed+8yaNQvTp08vrBKJiIiIrF52NhAXpwm3qoB74QLw6JH++7yBH/EV+qMEklBQ3ZRFKvjmx/jx4zFq1Cj19dTUVAQEBMhYEREREZFlyMgALl7U7b29eFG6zRAuSMNS59Ho/XS55rxevkDyPZPXW6SCb8mSJXH37l2ttrt378Ld3V1vby8AODo6wtHRsTDKIyIiIrJIjx5JvbW5A+6VK4BSafh5AgOBatWA4GDpq57NCbwyqwdsL8VqDoqIgOP8+UD58iZ/HkUq+DZq1Ag7d+7Uavvtt9/QqFEjmSoiIiIishxJSbrhNiYGuHHD8HPY2QGVKmnCbXCwFHarVAFcXP47KDsb+OwzYNIkICtLanNxARYuBPr3z3s8xEuSNfg+fvwYly9fVl+/evUqTp8+jeLFi6Ns2bIYP348bt26hXXr1gEABg8ejC+++AIffvgh3nnnHfz+++/YsmULfvnlF7meAhEREVGRoppgpi/gJiYafh5nZ6BqVe1wGxwMVKwI2Nu/4M7p6cBXX2lCb2gosGkTULlyvp+XIWQNvsePH0erVq3U11VjcaOiorBmzRrcuXMH8fHx6tuDgoLwyy+/YOTIkVi0aBHKlCmDr776ikuZEREREeWSnQ1cvaobbmNijOtQ9fTU7b0NDgbKlQNs8rsjhKurFHSbNgVGjwamTQMcHPJ5MsMphBCiwB/FjKSmpsLDwwMpKSlwd3eXuxwiIiKil5KRAVy6pBtwY2MNn2AGACVL6obb4GCpXaF4ySIfPQJSU4HSpbXbb93SbUPB5bUiNcaXiIiIyFo9fqyZYJYz4F65IvXuGiowUH/A9fIqoMKjo4GePaUEffCgNAhYRU/oLUgMvkRERERm5P59/cMTcoz+fCE7O2msbe5wW6WKNMqgUGRlATNmAB9/rFnYd/ZsYOLEQipAF4MvERERUSETArh9Wzfgnj9v3AQzJyfNBLOcAbdixUIZMpu3uDiplzc6WtPWuDHQvbt8NYHBl4iIiKjAZGcD167p78FNNWJ7Mg8P3XCrmmBma1tg5RtPCGD9emDYMM0MOltbYOpUYPx47WEOMmDwJSIiInpJmZnSBLPc4TY2Vlq5y1B+froBt1o1E00wK2jJycDgwcCWLZq28uWBjRuBhg3lqysHBl8iIiIiA6WlSRPMcg9PMHaCWbly+ntwixcvuNoLVGoqUKuW9kDkPn2AxYsBNze5qtLB4EtERESUy4MH+sffGjPBzNZWGmubO9xWrVqIE8wKi7s78OabwKJF0vIQy5cDnTvLXZUOBl8iIiKySkIAd+7ohtuYGODePcPP4+QkrZaQe3iC7BPMCtunn0rjOiZOBAIC5K5GLwZfIiIismjZ2cD16/oDrjETzNzddXtvq1UzwwlmBU0IYOVK6Un366dpd3ICli2Try4DMPgSERGRRcjMBC5f1g24xk4w8/XV7b0NDgb8/YvABLOClpgIDBgA/Pgj4OwsLVEWHCx3VQZj8CUiIqIiRTXBLHfv7eXLxk0wK1tWf8AtshPMCtqePUBUFJCQIF1/+hT4+WcGXyIiIqKXpZpgljvgXr9u+DlUE8xyh9sqVYBixQqudouSni6twbtwoabNxwdYtQro0EG2svKDwZeIiIhko5pgpi/g3r1r+HkcHTU7mOUMuJUqWdkEM1M7exbo0UP6V6VdO2D1amlx4SKGwZeIiIgKnFKp2cEs9zJhKSmGn8fdXTfcBgcDgYFWNsGsoAkBfP458OGHQEaG1OboCMydK+3KVkQHOzP4EhERkcmoJpjlDrixsdKQUEP5+uoPuKVKFdnMVbQ8fgzMm6cJvTVqSDuwVa8ub10vicGXiIiIjPbkiWaCWc7e28uXgawsw89Ttqz+gOvtXXC1kwHc3IANG4BWrYARI4CZM6Xlyoo4Bl8iIiLKU3Ky/uEJ164Zfg5bW6BCBd1wW7UqJ5iZjbQ06cvXV9PWrBlw8SJQvrx8dZkYgy8REZGVE0JaoUpfwFWtXGUIR0dptYTcAbdSJek2MlMnTkgT2EqXBn77DbCx0dxmQaEXYPAlIiKyGkqltBRY7nB7/rxxE8zc3HTDbXAwEBTECWZFSnY28NlnwKRJ0viU2FhgwQJg9Gi5KyswDL5EREQW5tkzzQSznAH3wgXjJpiVKKEbcKtV4wQzi3DjBtC7N3DggKYtNLTIrctrLAZfIiKiIurJE6mTLme4jYkBLl0yboJZQIBu721wsLRHAVmgLVuAQYOAhw+l6woFMG4cMG2axS96zOBLRERk5h4+1D884fp1aXyuIWxspAlmuXtvOcHMiqSmSis0rF2raQsIANavB1q0kK+uQsTgS0REZAaEkHYq0xdwjZ1gVrmybsDlBDMrl5IC1KkDxMVp2iIjgaVLAS8v+eoqZAy+REREhUipBOLj9Qdc1SfPhihWTDfccoIZ5cnDA2jdWgq+bm7AkiVAz55WN1ibwZeIiKgAPHsGXLmiG25jY6WxuYby8dEfcEuXtrrMQi9rwQJpduNHH1ncMmWGYvAlIiJ6CU+f6k4wO38+fxPM9O1gxglmZDQhpHG79vZAt26a9mLFpN3YrBiDLxERkQFUE8xyfp0/L+1gZuwEs9wBt2pV6dNnopeWnAwMHiyt3FCsGFC/vvRNRwAYfImIiNSEAO7d0+29jYkB7twx/DwODpodzHIG3EqVACengqufrNyBA0CvXsDNm9L1x4+BrVuBsWNlLcucMPgSEZHVyTnBLHfATU42/DzFiukfnhAUBNjxf1gqLJmZwJQpwJw5mo8fPD2BFSuAzp1lLc3c8MeSiIgslmqCWe5we+GC8RPM9AXcMmU4wYxkFhsLdO8OnDypaWvZEli3Tho4TloYfImIqMhTTTDLHXAvXZLCr6HKlNENt8HB0ta9RGZFCKlHd+RIzT7U9vbAjBnA6NHSgHLSweBLRERFRkqKbriNiQGuXjVugln58roBt2pVwN29YOsnMpmUFGmLYVXorVIF2LRJ2qSC8sTgS0REZkU1wUxfwL192/DzODjo7mAWHCy1cYIZFXmensCaNUC7dtIqDvPmAS4ucldl9hh8iYhIFkolcOOG/oD74IHh5ylWTOqtzb3JAyeYkUVJT5cGphcvrmkLDwfOnQNeeUW+uooY/kogIqIClZWlmWCWM9xeuACkpRl+Hm9v3eEJ1apxghlZgbNnpQls5coBP/2k/Q3P0GsUBl8iIjKJp0+Bixd1A+7Fi8ZNMCtdWv8WvZxgRlZHqQQ+/1xahzcjQ+rdXbYMGDJE7sqKLAZfIiIySmqq/uEJcXHGTTALCtINuJxgRvSfO3eAvn2B3bs1bTVqAM2ayVeTBWDwJSIiHUIAiYm64TYmBrh1y/Dz2Nvr38GME8yInuPHH4H+/YGkJE3byJHAzJn8wXlJDL5ERFZMCM0Es9zb9BozwczVVXvlBFXALV+eE8yIDJaWJq3Bu3y5ps3fH1i7Fnj1VfnqsiD8dUREZAWysqShCPp6cI2ZYFa8uP7xt2XKcL18opeSnAw0aiTtxKISEQGsXCltHUgmweBLRGRB0tOlyWS5e28vXQIyMw0/T+nS+rfoLVGCKygQFQgvLyA0VAq+Li7AokVAv378gTMxBl8ioiIoNVVaDix3wL16VZoIbgiFQrODWc6AW7Uq4OFRsPUTkR5LlkjLo3z6qTQQnkyOwZeIyIzpm2B2/rzxE8wqV9btva1cGXB2Lrjaieg5tmwBHB2Bjh01bZ6ewPbtspVkDRh8iYhkJgRw86ZuuI2JAe7fN/w8rq5Sb23ugFuhAieYEZmN1FRgxAhpwpqXF/DPP9IgeSoU/FVIRFRIsrKkoQi5A+6FC8Djx4afp3hx3XAbHAwEBHCCGZFZi44GevSQfhEA0oS2DRuAcePkrcuKMPgSEZmYaoJZ7t7bixeNm2BWqpT+LXo5wYyoiMnKAj75RPrKzpba3NykMb09e8pbm5Vh8CUiyqdHj7SXBVMF3Lg44yaY5d7BTPXFCWZEFiAuTgq30dGatsaNpZ7eoCD56rJSDL5ERC+gmmCWO+DevGn4OeztgUqVdHtvOcGMyEIJAaxbBwwbphnLZGsLTJkCTJjAgfcy4atORATNBLPc4TYmRnvX0BdxcZEmmOUOuOXLS+GXiKxEcrK0C5sq9JYvD2zcCDRsKG9dVo7Bl4isSna2ZgeznAH3wgVp6IKhvLz072DGCWZEBECahfrVV8CbbwJ9+gCLF0vjeklWDL5EZJEyMvKeYJaRYfh5/P31B1xfX04wI6IcMjOlXy45w21EBHD8uLQjG5kFBl8iKtIePZJ6a3MPT7hyxfgJZvp2MPP0LNDyicgSxMYC3bsDFSsC336r/VcxQ69ZYfAloiIhKUn/+NsbNww/h52dZgeznAG3cmVpbC4RkVGEAFasAEaOlLYaPnkSeP11oHdvuSujPDD4EpHZEELaijd3uI2JkVZWMJRqglnugFuhAieYEZGJJCYC/fsDO3Zo2qpUAapXl68meiEGXyIqdNnZ0sZF+gKuMRPMPD01oTbnONyyZTnBjIgK0O7d0oS1hARN2+DBwLx5/PjIzDH4ElGBycgALl3SDbixscZPMMvdexscDPj5cYIZERWi9HRg/Hhg4UJNm48PsGoV0KGDbGWR4Rh8ieilPX6c9wQz1e6cL6JQAIGBuuE2OJgTzIjIDDx4ALRsCZw9q2lr1w5YvRooWVK2ssg4DL5EZLD793XD7fnzxk8wq1RJN+BWqcJPCInIjHl5SZtQnD0LODoCc+dKu7LxY6cihcGXiLQIAdy+rT/gGjPBzNlZM8EsZ8CtWJETzIioCFIopA0pnj6VxvJyEluRxOBLZKWys4Fr13TD7YULQGqq4efx9NQNt9WqcYIZERVxO3ZIPbvh4Zo2Hx9pYhsVWQy+RBYuM1OaYJY74F68KM3TMFTJkvoDLieYEZFFSUsDRo8Gli+Xtmg8e1b6lywCgy+Rhcg5wSxnwDVmghkgTTDLHW6rVpWGtxERWbQTJ6Qd2C5elK7fuyet2DBunLx1kckw+BIVMQ8e6PbexsQA8fGGn8POThprmzvgcoIZEVml7Gzgs8+ASZOArCypzcVFWrasf39ZSyPTYvAlMkM5J5jlDrj37hl+npwTzHIG3AoVAAeHgqufiKjIuHED6NULOHhQ0xYaCmzaJO1nThaFwZdIRqoJZrnDbUyMcRPMPDx0e2+Dg4Fy5TjBjIgoT1u2AIMGAQ8fStcVCmlYw7Rp7B2wUAy+RIVANcEsd8CNjc3fBLPcAbdkSU4wIyIySlISMGCAppchIABYvx5o0ULeuqhAMfgSmVBamvYEM1XAvXzZ+Alm+rbo5QQzIiIT8fEBli4FevQAIiOly/wla/EYfIny4cED/cMTrl83/By2tpodzHIG3CpVAFfXgqudiMgqZWVJH7/lnMHbvTtQpgzQrBk/NrMSDL5EeRACuHNHf8C9e9fw8zg5aU8wUwXcihU5hIyIqFDExQE9e0q/jFet0r6teXN5aiJZMPiS1VMq855glpJi+Hk8PPQPTyhXTurdJSKiQiaENG536FBpsfPoaOC114DOneWujGTC4EtWIzNTGmubO9zGxkpbrxvKz09/wPX35ydlRERmIzkZGDxYWrlBpXx5aRIbWS0GX7I4aWlSmM0dcC9f1qxLbohy5XTDbXAwULx4wdVOREQmcOCAtDbvzZuatj59gMWLATc3uaoiM8DgS0VWcrL+4QnXrhl+Dltbaaxt7oBbtSonmBERFTmZmcCUKcCcOdIwB0BaqWH5cg5vIAAMvmTmhAASEnTD7fnzxk8wq1JFt/e2UiVOMCMisgj37wNt2wInT2raWrUC1q2TVm4gAoMvmQmlUloKTF/ANWaCmbu7bu9ttWqcYEZEZPG8vKS1eQHA3h6YMQMYPZrbV5IWBl8qVM+eSWNtc4bbmBhp0wdjJpj5+ur23larxglmRERWy8YGWLMG6NIFWLQIqFNH7orIDDH4UoF48kSaYJa799bYCWZly+r23nKCGRERYc8eaRxbznV4/f2BP/+UryYye7IH3yVLlmDu3LlISEhAzZo18fnnn6N+/fp5Hr9w4UIsXboU8fHx8PHxwdtvv41Zs2bBycmpEKsmlYcP9Q9PuH5dM6/gRWxtgQoVdANulSpAsWIFWj4RERU16enA+PHAwoXS2N1//uFWw2QwWYPv5s2bMWrUKCxbtgwNGjTAwoULER4ejtjYWPj6+uocv2nTJowbNw6rVq1C48aNcfHiRfTp0wcKhQLz58+X4RlYByGkiWS5w21MjDTxzFCOjto7mKkCbsWK0m1ERETPdfYs0KOH9C8gLVe2YgUwdqy8dVGRoRDC0H4502vQoAHq1auHL774AgCgVCoREBCA4cOHY9y4cTrHDxs2DDExMdi3b5+6bfTo0Th69CgOHTpk0GOmpqbCw8MDKSkpcHd3N80TsRBKJRAfrz/gPnxo+Hnc3PQPTwgM5AQzIiLKB6US+PxzKeBmZEhtjo7A3LnAsGGc3GGBCiqvydbjm5mZiRMnTmD8+PHqNhsbG4SFhSE6OlrvfRo3bowNGzbg2LFjqF+/PuLi4rBz50706tUrz8fJyMhAhuqHBNILae1UE8xyTi47f14ak/vkieHn8fXV7b0NDgZKleLvICIiMpE7d4C+fYHduzVtISHApk1A9ery1UVFkmzBNykpCdnZ2fDz89Nq9/Pzw4ULF/Tep3v37khKSkLTpk0hhEBWVhYGDx6MCRMm5Pk4s2bNwvTp001ae1GhmmCWu/f20iXjJ5jp26LX27vgaiciIsKPPwL9+wNJSZq2kSOBmTOliW1ERpJ9cpsxDhw4gJkzZ+LLL79EgwYNcPnyZbz33nv4+OOPMXnyZL33GT9+PEaNGqW+npqaigAL26dbNcEsd8C9ds3wCWY2NpodzHIG3KpVOcGMiIhkkJgojedNS5Ou+/tLy5W1bStrWVS0yRZ8fXx8YGtri7u5tt+6e/cuSpYsqfc+kydPRq9evdC/f38AQEhICNLS0jBw4EBMnDgRNnoWqXZ0dISjBcycUk0w0xdw79wx/DyOjtJqCbl7bytV4gQzIiIyIyVKSCs3DBgAdOwIfPWVZoMKonySLfg6ODggNDQU+/btQ0REBABpctu+ffswbNgwvfd58uSJTri1/W+2lIxz9Arctm3A0KHGbdHr5qZ/eEJQECeYERGRGcrOlsbh5eyF6ddPWrIsPJyTR8gkZB3qMGrUKERFRaFu3bqoX78+Fi5ciLS0NPTt2xcA0Lt3b5QuXRqzZs0CAHTo0AHz589H7dq11UMdJk+ejA4dOqgDsCWaNi3v0FuihG64DQ4GSpfm7wgiIioibtwAeveWJqt9/rmmXaEA2rWTry6yOLIG38jISCQmJmLKlClISEhArVq1sGvXLvWEt/j4eK0e3kmTJkGhUGDSpEm4desWSpQogQ4dOmDGjBlyPYUCp1RKKzAA0vrcUVHaAZef+hARUZG2ZQswaJA0YeXAAeC114D27eWuiiyUrOv4yqGoreN7+7bUewsAr78O/PyzvPUQERGZRGoqMGIEsHatpi0gANi4EWjWTL66yCxY3Dq+ZJirVzWXg4Lkq4OIiMhkoqOBnj2BuDhNW2QksHQptx+mAqW7DAKZlZzBt3x5+eogIiJ6aVlZwPTpUo+uKvS6uQHr1gHffMPQSwWOPb5mLucfw+zxJSKiIuv+faBDB6m3V6VxY2DDBv4HR4WGPb5mjkMdiIjIInh6Anb/9bfZ2ko9vwcP8j83KlQMvmaOPb5ERGQRbG2B9euBOnWAQ4eAKVM0QZiokPA7zsypeny9vYEisAgFERGR5OBBwNkZqF9f01auHHD8OBeaJ9mwx9eMZWYCN29KlzmxjYiIioTMTGD8eKBVK6BbN+DRI+3bGXpJRgy+Zuz6dUC1yjKHORARkdmLjQUaNQI+/VT6DywuTlqijMhMMPiaMU5sIyKiIkEIYMUKoHZt4ORJqc3eHpgzBxgzRt7aiHLgGF8zlnNiG4c6EBGRWUpMBAYMAH78UdNWpQqwaZM0kY3IjLDH14yxx5eIiMza7t1AjRraoXfwYKnXl6GXzBB7fM0Yd20jIiKzdfcuEBEBpKdL1318gFWrpE0qiMwUe3zNmGqog40NULasvLUQERFp8fOTJrEBQHg4cPYsQy+ZPfb4mjFVj2+ZMtIcASIiItkolUB2tvZ/SMOHS/9Jvfmm1EtDZOb4XWqmUlKABw+kyxzmQEREsrpzB3jtNWDSJO12GxugUyeGXioy+J1qpjixjYiIzMKPPwIhIcCePcDcucDvv8tdEVG+MfiaKQZfIiKSVVqatEJDRARw/77U5ucna0lEL4tjfM0U1/AlIiLZnDgBdO8OXLyoaevYEfjqK2n1BqIiij2+Zoo9vkREVOiys4HZs4GGDTWh18VF2pXt++8ZeqnIY4+vmeIavkREVKiSkoDOnYEDBzRtoaHSDmyVK8tWFpEpscfXTKmGOjg7c0gVEREVAg8P4PFj6bJCAYwfDxw5wtBLFoXB1wwplcC1a9LlwEDp9w8REVGBsrcHNm4EgoOB/fuBmTMBBwe5qyIyKQ51MEMJCZodIDnMgYiICkR0tDR+t2ZNTVvlysC5c1yXlywWv7PNECe2ERFRgcnKAqZPB5o1A7p1A5480b6doZcsGL+7zRAnthERUYGIiwOaNwemTZNWcIiJAb78Uu6qiAoNg68ZyrmGL3t8iYjopQkBrFsH1KolDXEAAFtb4KOPgPffl7MyokLFMb5miEMdiIjIZJKTpR3YtmzRtFWoAGzYIK3XS2RF2ONrhtjjS0REJnHgAFCjhnbo7dsXOHWKoZesEnt8zZCqx9fbG3B3l7cWIiIqou7cAcLDgcxM6bqXF7B8ubRJBZGVYo+vmcnMBG7elC5zYhsREeWbvz8wdap0uVUr4J9/GHrJ6rHH18xcvy7NQQA4zIGIiIwghLQDkq2tpm3sWCAgAOjRg8uUEYE9vmaHE9uIiMhoiYnAm28Cn3yi3W5rC/TqxdBL9B/+JJgZruFLRERG2b1bmsD244/Axx9rlisjIh0MvmaGKzoQEZFB0tOBkSOBdu2kve4BaQLbo0fy1kVkxjjG18ywx5eIiF7o7Flp3O7Zs5q28HBgzRqgZEnZyiIyd+zxNTOqHl8bG6BsWXlrISIiM6NUAosWAfXqaUKvo6PUtnMnQy/RC7DH18yoenzLlAHs7eWthYiIzMj9+1Iv7+7dmraQEGDTJqB6dfnqIipC2ONrRlJSgAcPpMsc5kBERFpcXYFbtzTXR44Ejh1j6CUyAoOvGeFSZkRElCcnJ6l3NyhI6vWdP19qIyKDcaiDGWHwJSIitRMnpF7eqlU1bSEhwMWLgB3/+ybKD/b4mpGcS5lxqAMRkZXKzgZmzwYaNgS6dQMyMrRvZ+glyjcGXzPCHl8iIit34wbQpg0wbhyQlQWcPg18+aXcVRFZDAZfM8I1fImIrNiWLdIObAcPStcVCmD8eGDoUHnrIrIg/LzEjKiGOjg7A35+8tZCRESFJDUVGDECWLtW0xYQAKxfD7RoIV9dRBaIwddMKJXAtWvS5cBA6Q99IiKycNHRQM+e2pM8IiOBpUul7YeJyKQYfM1EQoK07TrAYQ5ERFbh1i2gZUsgM1O67uYGLFkiBWH2fhAVCI7xNROc2EZEZGVKlwbGjJEuN24MnDkD9OrF0EtUgNjjayY4sY2IyMIJIf2bM9hOmwaULQv068dlyogKAXt8zUTO4V3s8SUisjDJyUDXrsC8edrt9vbAoEEMvUSFhMHXTHCoAxGRhTpwQFqmbMsWYMIE4NQpuSsisloMvmaCwZeIyMJkZkobUbRuDdy8KbUVKybNZiYiWfCzFTOhGurg7Q24u8tbCxERvaTYWKB7d+DkSU1bq1bAunVAmTLy1UVk5djjawYyMzWdAZzYRkRUhAkBLF8O1K6tCb329sCcOcDevQy9RDJ7qR7f9PR0ODk5maoWq3X9umayL4c5EBEVUQ8eAH37Ajt2aNqqVAE2bQLq1JGvLiJSM7rHV6lU4uOPP0bp0qVRrFgxxP33Gf3kyZPx9ddfm7xAa8DxvUREFsDREbhwQXN9yBCp15ehl8hsGB18P/nkE6xZswZz5syBg4ODur169er46quvTFqcteAavkREFsDVFdi4EShVSur1/fJLwMVF7qqIKAejg++6deuwYsUK9OjRA7a2tur2mjVr4kLOv3TJYFzDl4ioCDp7VvsXOADUrSu1deggT01E9FxGB99bt26hYsWKOu1KpRLPnj0zSVHWhkMdiIiKEKUSWLQIqFcP6NEDyMrSvt3RUZ66iOiFjA6+1apVw59//qnTvnXrVtSuXdskRVkbVYeBjY20cyUREZmpO3eA114D3n8fyMgA/voLWLpU7qqIyEBGr+owZcoUREVF4datW1Aqldi+fTtiY2Oxbt06/PzzzwVRo8VT9fiWKQPkGDZNRETm5McfgX79gPv3NW0jRwIDBshXExEZxege344dO+Knn37C3r174erqiilTpiAmJgY//fQTXn311YKo0aKlpEgr4ACc2EZEZJbS0oDBg4GICE3o9fcHdu8G5s8HuKwnUZGRr3V8mzVrht9++83UtVglju8lIjJjJ05IO7BdvKhpi4gAVq4EfHxkK4uI8sfoHt/y5cvjfs6Pef7z8OFDlGeXpdEYfImIzNSNG0DjxprQ6+IiBd7t2xl6iYooo4PvtWvXkJ2drdOekZGBW7dumaQoa5JzJRz+3UBEZEYCAoB335Uuh4YCp04B/fsDCoW8dRFRvhk81GFHji0Yd+/eDQ8PD/X17Oxs7Nu3D4GBgSYtzhqwx5eIyIwIoR1sZ82SltsZOpSzj4ksgMHBNyIiAgCgUCgQFRWldZu9vT0CAwMxb948kxZnDbhrGxGRGUhNBUaMAOrX1/TyAtLEtZEj5auLiEzK4OCrVCoBAEFBQfj777/hw/FNJqEa6uDsDPj5yVsLEZFVio6WNqK4ehXYvBlo1QoIDpa7KiIqAEaP8b169SpDr4kIAVy7Jl0ODOSwMSKiQpWVBUybBjRrpvn4zd4euHJF1rKIqODkazmztLQ0HDx4EPHx8cjMzNS6bcSIESYpzBokJADp6dJlDnMgIipEcXFAz55Sb69K48bAhg2ccEFkwYwOvqdOnUL79u3x5MkTpKWloXjx4khKSoKLiwt8fX0ZfI2Qc0UH/p4lIioEQgDr1gHDhgGPH0tttrbAlCnAhAmAXb76g4ioiDB6qMPIkSPRoUMHJCcnw9nZGX/99ReuX7+O0NBQfPbZZwVRo8XixDYiokL08CHQtSvQp48m9JYvDxw6JAVfhl4ii2d08D19+jRGjx4NGxsb2NraIiMjAwEBAZgzZw4mTJhQEDVaLPb4EhEVIoUCOHpUc71PH+D0aaBhQ7kqIqJCZnTwtbe3h42NdDdfX1/Ex8cDADw8PHDjxg3TVmfhuIYvEVEh8vAA1q+Xdl3bsgVYvRpwc5O7KiIqREZ/rlO7dm38/fffqFSpElq0aIEpU6YgKSkJ69evR/Xq1QuiRovF4EtEVIBiYwFXV6BMGU1bs2bScjqurrKVRUTyMbrHd+bMmfD39wcAzJgxA15eXhgyZAgSExOxfPlykxdoyVRDHby9AXd3eWshIrIYQgDLlwO1awO9ewP/rUOvxtBLZLUUQgghdxGFKTU1FR4eHkhJSYG7jGkzM1PaEEgIoF494Ngx2UohIrIciYlA//7Ajh2atqVLgcGD5auJiIxWUHnN6B7fvJw8eRL/+9//THU6i3f9uhR6AQ5zICIyid27gRo1tEPv4MFSry8REYwMvrt378aYMWMwYcIExP33Of2FCxcQERGBevXqqbc1NsaSJUsQGBgIJycnNGjQAMde0PX58OFDDB06FP7+/nB0dETlypWxc+dOox9XbhzfS0RkIunpwMiRQLt20s5AgDSBbccOqbfXxUXe+ojIbBg8ue3rr7/GgAEDULx4cSQnJ+Orr77C/PnzMXz4cERGRuLcuXMINnJv882bN2PUqFFYtmwZGjRogIULFyI8PByxsbHw9fXVOT4zMxOvvvoqfH19sXXrVpQuXRrXr1+Hp6enUY9rDriGLxGRCZw9C/ToIf2rEh4OrFkDlCwpW1lEZJ4MDr6LFi3C7Nmz8cEHH2Dbtm3o3LkzvvzyS5w9exZlcs6YNcL8+fMxYMAA9O3bFwCwbNky/PLLL1i1ahXGjRunc/yqVavw4MEDHDlyBPb29gCAwMDAfD223LiGLxHRS7p+XZokkZEhXXd0BObMkXZlszHZSD4isiAG/2a4cuUKOnfuDAB46623YGdnh7lz5+Y79GZmZuLEiRMICwvTFGNjg7CwMETn3Ds9hx07dqBRo0YYOnQo/Pz8UL16dcycORPZ2dl5Pk5GRgZSU1O1vswBhzoQEb2kcuU043dDQoDjx4ERIxh6iShPBv92ePr0KVz+GyelUCjg6OioXtYsP5KSkpCdnQ0/Pz+tdj8/PySoxmjlEhcXh61btyI7Oxs7d+7E5MmTMW/ePHzyySd5Ps6sWbPg4eGh/goICMh3zaak6vG1sQHKlpW3FiKiImvBAuCTT6SlcbiWPBG9gFEbWHz11VcoVqwYACArKwtr1qyBj4+P1jEjRowwXXW5KJVK+Pr6YsWKFbC1tUVoaChu3bqFuXPnYurUqXrvM378eIwaNUp9PTU11SzCr6rHt0wZwMFB3lqIiMxeWhowerS0vXCfPpp2V1dg4kTZyiKiosXg4Fu2bFmsXLlSfb1kyZJYv3691jEKhcLg4Ovj4wNbW1vcvXtXq/3u3bsomceEBH9/f9jb28PW1lbdFhwcjISEBGRmZsJBT4J0dHSEo6OjQTUVlpQU4MED6TInthERvcCJE9IEtthYYONGafe1ChXkroqIiiCDg++1a9dM+sAODg4IDQ3Fvn37EBERAUDq0d23bx+GDRum9z5NmjTBpk2boFQqYfPfGK6LFy/C399fb+g1VxzfS0RkgOxs4LPPgEmTgKwsqU2pBM6dY/AlonyRdQbAqFGjsHLlSqxduxYxMTEYMmQI0tLS1Ks89O7dG+PHj1cfP2TIEDx48ADvvfceLl68iF9++QUzZ87E0KFD5XoK+cLgS0T0AjduAG3aAOPGaUJvaChw6hTQsaO8tRFRkWXUGF9Ti4yMRGJiIqZMmYKEhATUqlULu3btUk94i4+PV/fsAkBAQAB2796NkSNHokaNGihdujTee+89jB07Vq6nkC9cw5eI6Dm2bAEGDQIePpSuKxRSAJ42jZMiiOilKIRQbZxrHQpq72djDBsGLFkiXT58GGjcWJYyiIjMy6NHwPDhwNq1mraAAGD9eqBFC/nqIqJCV1B5jYsdyoA9vkREemRkAHv2aK5HRgJnzjD0EpHJMPjKQLWGr7MzkGsZYyIi6+XjI/X2ursD69YB33wDeHnJXRURWZB8Bd8rV65g0qRJ6NatG+7duwcA+PXXX/Hvv/+atDhLJASgWiAjMFAaukZEZJXi4oBcS1ri1VelrYh79eIvSCIyOaOD78GDBxESEoKjR49i+/btePz4MQDgzJkzeW4iQRoJCUB6unSZwxyIyCoJIfXs1qwJvPOOdD0nT09ZyiIiy2d08B03bhw++eQT/Pbbb1pr57Zu3Rp//fWXSYuzRKphDgCXMiMiK5ScDHTtKu2+9vgxsHMnsHq13FURkZUwOviePXsWb775pk67r68vkpKSTFKUJePENiKyWgcOADVqSMuVqfTpA3TuLFdFRGRljA6+np6euHPnjk77qVOnULp0aZMUZcnY40tEViczU1qHt3Vr4OZNqc3LSwrAq1cDbm7y1kdEVsPo4Nu1a1eMHTsWCQkJUCgUUCqVOHz4MMaMGYPevXsXRI0Whbu2EZFVuXABaNQImD1bM5a3VSvgn3/Y00tEhc7o4Dtz5kxUrVoVAQEBePz4MapVq4bmzZujcePGmDRpUkHUaFEYfInIasTFAXXqACdPStft7YE5c4C9e4EyZeStjYisUr53bouPj8e5c+fw+PFj1K5dG5UqVTJ1bQVC7p3bypaVtqD39gY4JJqILF7PnsDGjUCVKsCmTVIQJiJ6gYLKa3bG3uHQoUNo2rQpypYti7Jly5qsEGuQmakZ3sbeXiKyCkuWAOXKARMnAi4ucldDRFbO6KEOrVu3RlBQECZMmIDz588XRE0W6/p1zRA3ruhARBYlPR0YORL47jvtdg8PYMYMhl4iMgtGB9/bt29j9OjROHjwIKpXr45atWph7ty5uKnqyqQ8cXwvEVmks2eB+vWBhQuBgQOl8VxERGbI6ODr4+ODYcOG4fDhw7hy5Qo6d+6MtWvXIjAwEK1bty6IGi0G1/AlIouiVAKLFgH16knhFwCePgWOH5e3LiKiPBg9xjenoKAgjBs3DjVr1sTkyZNx8OBBU9VlkbiGLxFZjDt3gL59gd27NW0hIdIEturV5auLiOg5jO7xVTl8+DDeffdd+Pv7o3v37qhevTp++eUXU9ZmcTjUgYgswo8/Sjuw5Qy9I0cCx44x9BKRWTO6x3f8+PH49ttvcfv2bbz66qtYtGgROnbsCBdOXHghVfC1sZGWNSMiKlLS0oDRo4HlyzVt/v7AmjVA27aylUVEZCijg+8ff/yBDz74AF26dIGPj09B1GSxVEMdypQBHBzkrYWIyGipqcC2bZrrERHAypUA/y8goiLC6OB7+PDhgqjD4qWkAA8eSJc5sY2IiiR/f+Crr4Du3aVJbf36AQqF3FURERnMoOC7Y8cOvPbaa7C3t8eOHTuee+wbb7xhksIsDcf3ElGRc+MG4OoKFC+uaevYUfqF5usrX11ERPlkUPCNiIhAQkICfH19ERERkedxCoUC2dnZpqrNojD4ElGRsmULMGgQEBYmXc7Zs8vQS0RFlEGrOiiVSvj+94tOqVTm+cXQmzeu4UtERUJqKtCnDxAZCTx8CGzdKi1RRkRkAYxezmzdunXIyMjQac/MzMS6detMUpQl4hq+RGT2oqOBWrWAtWs1bZGRQPv2spVERGRKRgffvn37IiUlRaf90aNH6Nu3r0mKskTs8SUis5WVBUyfDjRrpvll5eYGrFsHfPMN4OUlb31ERCZi9KoOQggo9MzivXnzJjw8PExSlCVS9fg6OwN+fvLWQkSkFhcH9Owp9faqNG4MbNjAj6eIyOIYHHxr164NhUIBhUKBNm3awM5Oc9fs7GxcvXoV7dq1K5AiizohgGvXpMuBgVz9h4jMxOXLQJ06wKNH0nVbW2DKFGDCBMDupXa0JyIySwb/ZlOt5nD69GmEh4ejWLFi6tscHBwQGBiITp06mbxAS5CQAKSnS5c5zIGIzEaFCkCbNsAPP0i/nDZuBBo2lLsqIqICY3DwnTp1KgAgMDAQkZGRcHJyKrCiLA0nthGRWVIopJ3XypUDPv5YGtdLRGTBjJ7cFhUVxdBrJE5sIyLZZWYC48YBv/yi3e7jAyxcyNBLRFbBoB7f4sWL4+LFi/Dx8YGXl5feyW0qD1T78pIae3yJSFaxsdI2wydPAqtXA//8w1m2RGSVDAq+CxYsgNt/vQELFix4bvAlXdy1jYhkIQSwYgUwciTw9KnUlpwMHD4MvPWWvLUREclAIYQQchdRmFJTU+Hh4YGUlBS4u7sXymO2bAkcPChdTkkBCulhiciaJSYC/fsDO3Zo2qpUkXZhq1NHvrqIiAxQUHnN6DG+J0+exNmzZ9XXf/zxR0RERGDChAnIzMw0WWGWRDXUwduboZeICsHu3UCNGtqhd8gQaagDQy8RWTGjg++gQYNw8eJFAEBcXBwiIyPh4uKC7777Dh9++KHJCyzqMjOBmzelyxzmQEQFKj1dGtbQrp20jiIgTV7bsQP48kvAxUXe+oiIZGZ08L148SJq1aoFAPjuu+/QokULbNq0CWvWrMG2bdtMXV+RFx8vDbMDuKIDERWwe/ekyWsq7doBZ88CHTrIVxMRkRkxOvgKIaBUKgEAe/fuRfv27QEAAQEBSEpKMm11FoArOhBRoSlbFli6FHB0BBYvBnbuBEqWlLsqIiKzYfSelHXr1sUnn3yCsLAwHDx4EEuXLgUAXL16FX5cHkcH1/AlogJz5w7g6qo9eaBbN6BpUyAgQL66iIjMlNE9vgsXLsTJkycxbNgwTJw4ERUrVgQAbN26FY0bNzZ5gUUde3yJqED8+KM0gW3ECN3bGHqJiPQy2XJm6enpsLW1hb29vSlOV2AKezmzLl2A776TLl+6BPz3dwIRUf6kpQGjRwPLl2vatm4FOnWSryYiIhMrqLxm9FAHlRMnTiAmJgYAUK1aNdThEjl6qYY62NhIw++IiPLtxAlpB7b/VtYBAEREAC1ayFYSEVFRYnTwvXfvHiIjI3Hw4EF4enoCAB4+fIhWrVrh22+/RYkSJUxdY5GmGupQpgzg4CBvLURURGVnA599BkyaBGRlSW0uLsCiRUC/fgB30yQiMojRY3yHDx+Ox48f499//8WDBw/w4MEDnDt3DqmpqRihb6yZFUtJAR48kC5zYhsR5cuNG0CbNsC4cZrQGxoKnDol7czG0EtEZDCje3x37dqFvXv3Ijg4WN1WrVo1LFmyBG3btjVpcUVdzhUdOLGNiIx28SLQoAHw8KF0XaGQAvC0afwIiYgoH4zu8VUqlXonsNnb26vX9yUJgy8RvZSKFaXgC0grNezfD8ycydBLRJRPRgff1q1b47333sPt27fVbbdu3cLIkSPRpk0bkxZX1HENXyJ6KTY20k5sAwcCZ85wEhsR0UsyOvh+8cUXSE1NRWBgICpUqIAKFSogKCgIqamp+PzzzwuixiKLa/gSkcGysoDp04Hff9du9/eXli7z8pKnLiIiC2L0GN+AgACcPHkS+/btUy9nFhwcjLCwMJMXV9Sxx5eIDBIXB/TsCURHA6VLA//8AxQvLndVREQWx6jgu3nzZuzYsQOZmZlo06YNhg8fXlB1WQRVj6+zM8DdnIlIhxDA+vXAsGHAo0dSW0KCNJaXG1IQEZmcwcF36dKlGDp0KCpVqgRnZ2ds374dV65cwdy5cwuyviJLCODaNelyYCBXHCKiXJKTgcGDgS1bNG3lywMbNwING8pXFxGRBTN4jO8XX3yBqVOnIjY2FqdPn8batWvx5ZdfFmRtRVpCApCeLl3mMAci0nLgAFCjhnbo7dMHOH2aoZeIqAAZHHzj4uIQFRWlvt69e3dkZWXhzp07BVJYUceJbUSkIzMTGD8eaN0auHlTavP0lALw6tWAm5us5RERWTqDhzpkZGTA1dVVfd3GxgYODg54+vRpgRRW1HENXyLScfMm8Pnn0lgoAGjZEli3Tlqjl4iICpxRk9smT54MFxcX9fXMzEzMmDEDHh4e6rb58+ebrroijCs6EJGO8uWBRYuAIUOAGTOA0aOltXqJiKhQGBx8mzdvjtjYWK22xo0bIy7HZ/oKzuBS41AHIkJSEuDiIn2pvPOOtBFFxYry1UVEZKUMDr4HDhwowDIsD4c6EFm53bulCWtvvQUsWaJpVygYeomIZMLP2AqIqsfX2xtwd5e3FiIqROnpwMiRQLt20vIuX34J/PKL3FURERHysXMbvVhmpmbCNnt7iazI2bNAjx7Svyrt2gGhofLVREREauzxLQDx8ZpJ25zYRmQFlEpp0lq9eprQ6+gILF4M7NwJlCwpb31ERASAPb4FghPbiKzInTtA377SmF6VkBBg0yagenX56iIiIh0MvgWAS5kRWYnYWKBpU2n1BpWRI4GZMwEnJ/nqIiIivfI11OHPP/9Ez5490ahRI9y6dQsAsH79ehw6dMikxRVV7PElshIVKwLVqkmX/f2lXt/58xl6iYjMlNHBd9u2bQgPD4ezszNOnTqFjIwMAEBKSgpmzpxp8gKLIi5lRmQlbG2B9euBXr2Af/4B2raVuyIiInoOo4PvJ598gmXLlmHlypWwt7dXtzdp0gQnT540aXFFlSr42tgAZcvKWwsRmUh2NjB7NnDkiHZ72bLStsM+PvLURUREBjN6jG9sbCyaN2+u0+7h4YGHDx+aoqYiTzXUoUwZwMFB3lqIyARu3JB6dQ8elD7GOX2aC3QTERVBRvf4lixZEpcvX9ZpP3ToEMpzJhdSUoAHD6TLfDmILMCWLUCNGlLoBYBr14A9e2QtiYiI8sfo4DtgwAC89957OHr0KBQKBW7fvo2NGzdizJgxGDJkSEHUWKRwfC+RhUhNlbYcjowEVJ9mBQQA+/cDb78tZ2VERJRPRg91GDduHJRKJdq0aYMnT56gefPmcHR0xJgxYzB8+PCCqLFIYfAlsgDR0UDPntpLtERGAkuXAl5e8tVFREQvxejgq1AoMHHiRHzwwQe4fPkyHj9+jGrVqqFYsWIFUV+RwzV8iYqwrCxgxgzg44+lyWwA4OYGLFkiBWGFQt76iIjopeR7AwsHBwdUU61fSWpcw5eoCLtyBZg1SxN6GzcGNmzgDzMRkYUwOvi2atUKiuf0evz+++8vVVBRxx5foiKsShVgzhxg1ChgyhRgwgTAjhtcEhFZCqN/o9eqVUvr+rNnz3D69GmcO3cOUVFRpqqryFIFX2dnwM9P3lqI6AWSkwEXF8DRUdM2fDjQujVQvbp8dRERUYEwOvguWLBAb/u0adPw+PHjly6oKBNCE3wDAzkckMisHTggrc3btSswd66mXaFg6CUislBGL2eWl549e2LVqlWmOl2RlJAApKdLlznMgchMZWYC48dLvbo3bwKffQbs2yd3VUREVAhMNngtOjoaTk5OpjpdkcSJbURmLjYW6N4dyLm9eqtW0theIiKyeEYH37feekvruhACd+7cwfHjxzF58mSTFVYUcQ1fIjMlBLBiBTByJPD0qdRmby8tXTZ6NGBjsg+/iIjIjBkdfD08PLSu29jYoEqVKvjoo4/Qtm1bkxVWFHFFByIzlJgI9O8P7NihaatSBdi0CahTR766iIio0BkVfLOzs9G3b1+EhITAi7sX6eBQByIzExsLtGwpDcBXGTJEGtfr4iJbWUREJA+jPt+ztbVF27Zt8VC1b72JLFmyBIGBgXByckKDBg1w7Ngxg+737bffQqFQICIiwqT15BeHOhCZmfLlgYAA6bKPj9Tr++WXDL1ERFbK6IFt1atXR1zOrs2XtHnzZowaNQpTp07FyZMnUbNmTYSHh+PevXvPvd+1a9cwZswYNGvWzGS1vCzVy+LtDbi7y1sLEUEax7txI/DWW8DZs0CHDnJXREREMjI6+H7yyScYM2YMfv75Z9y5cwepqalaX8aaP38+BgwYgL59+6JatWpYtmwZXFxcnrs0WnZ2Nnr06IHp06ejvJkMps3MlFZGAtjbSyQLpRJYvBg4dUq7vVIlYNs2oGRJeeoiIiKzYXDw/eijj5CWlob27dvjzJkzeOONN1CmTBl4eXnBy8sLnp6eRo/7zczMxIkTJxAWFqYpyMYGYWFhiI6Ofm4tvr6+6Nev3wsfIyMj46XDuSHi46WJ4wAnthEVujt3gPbtgffek5Yre/JE7oqIiMgMGTy5bfr06Rg8eDD2799vsgdPSkpCdnY2/HLt7evn54cLFy7ovc+hQ4fw9ddf4/Tp0wY9xqxZszB9+vSXLfWFOLGNSCY//iit2pCUJF2/cAH49VegUyd56yIiIrNjcPAV/3VntmjRosCKeZFHjx6hV69eWLlyJXx8fAy6z/jx4zFq1Cj19dTUVASoJruYEJcyIypkaWnSGrzLl2va/P2BNWsAK19akYiI9DNqOTOFQmHSB/fx8YGtrS3u3r2r1X737l2U1DMe78qVK7h27Ro65JigolQqAQB2dnaIjY1FhQoVtO7j6OgIR0dHk9atD3t8iQrRiRPSkIaLFzVtERHAypXS6g1ERER6GBV8K1eu/MLw++DBA4PP5+DggNDQUOzbt0+9JJlSqcS+ffswbNgwneOrVq2Ks2fParVNmjQJjx49wqJFiwqkJ9dQXMqMqBBkZwNz5wKTJwNZWVKbiwuwcKE03MHEf5wTEZFlMSr4Tp8+XWfntpc1atQoREVFoW7duqhfvz4WLlyItLQ09O3bFwDQu3dvlC5dGrNmzYKTkxOqV6+udX9PT08A0GkvbKrga2MDlC0raylEluvCBe3QGxoq7cBWubK8dRERUZFgVPDt2rUrfH19TVpAZGQkEhMTMWXKFCQkJKBWrVrYtWuXesJbfHw8bGyMXnWt0KmGOpQpAzg4yFsLkcV65RXg44+BCROAceOAadP4A0dERAZTCNWstRewtbXFnTt3TB58C1tqaio8PDyQkpICdxPtMpGaCqg6wlu2BEy48AWRdXv0CHB2Buxy/I2enS2t1Vu3rnx1ERFRgSqIvAYYsY6vgfnYKnF8L1EBiI4GatUCPvlEu93WlqGXiIjyxeDgq1Qqi3xvb0Hhig5EJpSVBUyfDjRrJv1wffwxcOSI3FUREZEFMGqML+nHNXyJTCQuDujZU+rtVWnYUFqfl4iI6CWZ/6yxIoA9vkQvSQhg3TppaIMq9NraSj2/Bw/yB4uIiEyCPb4mwDG+RC8hORkYMgTYvFnTVr48sHGj1NtLRERkIgy+JqAKvk5OgJ4N54goL7GxwKuvAjduaNr69AEWLwbc3GQri4iILBOHOrwkITTBNyiIG0cRGaVcOeC/TWjg5QVs2QKsXs3QS0REBYLB9yUlJADp6dJlTmwjMpKTk7TzWvv2wD//AJ07y10RERFZMAbfl8SJbUQGEgJYsQI4f167vXp14JdfpG0PiYiIChCD70vixDYiAyQmAhERwKBBQPfuQEaG3BUREZEVYvB9SVzDl+gFdu8GatQAduyQrp85A/z8s7w1ERGRVWLwfUkc6kCUh/R04P33gXbtpMHwAODjIwXgTp1kLY2IiKwTlzN7SRzqQKTH2bPSkIZz5zRt4eHAmjVc84+IiGTDHt+XpOrx9fYG3N3lrYVIdkolsGgRUK+eJvQ6OkptO3cy9BIRkazY4/sSMjOBmzely+ztJYLU0ztqlBSAASAkRFqurHp1eesiIiICe3xfSny8tEITwIltRACAmjWBCROkyyNHAseOMfQSEZHZYI/vS+DENrJ6T55Im1DY5PgbesoUoG1boFkz+eoiIiLSgz2+L4FLmZFVO3ECqF0bmDdPu93enqGXiIjMEoPvS+CKDmSVsrOB2bOBhg2BixeBiROBkyflroqIiOiFONThJXCoA1mdGzeAXr2Agwc1bTVqAMWKyVcTERGRgdjj+xJUPb42NkDZsvLWQlTgtmyRQq4q9CoUwPjxwJEjQOXK8tZGRERkAPb4vgRVj2+ZMoCDg7y1EBWY1FRgxAhg7VpNW0AAsH490KKFfHUREREZicE3n1JTgQcPpMuc2EYWKzYWaN9ee1xPZCSwbBng6SlbWURERPnBoQ75xIltZBXKlAHs/vv72M0NWLcO+OYbhl4iIiqSGHzziRPbyCq4uko7r7VsCZw5I01sUyjkroqIiChfGHzziWv4ksURQurRvXJFuz00FPj9d/6FR0RERR6Dbz6xx5csSnIy0LUrEBUF9OgBPHumfTt7eYmIyAIw+OYTx/iSxThwQFqmbMsW6frRo8DPP8taEhERUUFg8M0nVfB1cgJKlpS3FqJ8ycwExo0DWrcGbt6U2ry8gO++A958U97aiIiICgCXM8sHITTBNyiInwJTERQbC3Tvrr3VcKtW0hjfMmXkq4uIiKgAscc3HxISgPR06TIntlGRIgSwfDlQu7Ym9NrbA3PmAHv3MvQSEZFFY49vPnBiGxVZp04BgwdrrlepIi1XVqeOfDUREREVEvb45gMntlGRVacOMGqUdHnIEKnXl6GXiIisBHt884Fr+FKRkZEBODhoD0SfORNo1w549VX56iIiIpIBe3zzgUMdqEg4exaoWxdYulS73dGRoZeIiKwSg28+cKgDmTWlEli0CKhXDzh3Dhg9Gjh/Xu6qiIiIZMehDvmgCr7e3oC7u7y1EGm5cwfo2xfYvVvTVqmSfPUQERGZEfb4GikzE7hxQ7rM3l4yKz/+KO3AljP0jhwJHDsGVKsmX11ERERmgj2+RoqPl5ZCBTixjcxEWpo0nGH5ck2bvz+wZg3Qtq1sZREREZkbBl8jcWIbmZWLF4EOHaR/VSIigJUrAR8f2coiIiIyRxzqYCQuZUZmxc9PGn8DAC4uUuDdvp2hl4iISA8GXyNxRQcyKx4ewIYNQIMG0q5s/ftrr9lLREREagy+RuJQB5LVd99pZleqNGkCREcDlSvLUxMREVERweBrJFWPr40NULasvLWQFUlNBfr0Abp0AXr3BrKztW9nLy8REdELMfgaSdXjW6aMtBMsUYGLjgZq1wbWrpWuHzgA/PyzrCUREREVRQy+RkhNBR48kC5zmAMVuKwsYPp0oFkzzV9cbm7AunXAG2/IWxsREVERxOXMjMAVHajQxMUBPXtKvb0qjRtLE9n4VxcREVG+sMfXCJzYRgVOCKlHt1YtTei1tZV6fg8e5DceERHRS2CPrxHY40sF7vhxICpKc718eWDjRqBhQ/lqIiIishDs8TUCe3ypwNWrBwwaJF3u0wc4fZqhl4iIyETY42sEbl5BJvfsGWBnp70c2bx5QPv2nMBGRERkYuzxNYIq+Do5ASVLylsLWYDYWKk3V7VMmYqrK0MvERFRAWDwNZAQmuAbFMT9AuglCAEsXy6tzXvyJDB8OHD5stxVERERWTwOdTBQQgKQni5d5sQ2yrfERKB/f2DHDk1b6dLA06fy1URERGQl2ONrII7vpZe2ezdQo4Z26B08WOr1DQmRry4iIiIrweBrIK7oQPmWng6MHAm0ayd9dAAAPj5SAF66FHBxkbc+IiIiK8GhDgbiGr6UL5cvA2+9BZw9q2lr1w5YvZozJImIiAoZe3wNxB5fyhcvL+D+femyoyOweDGwcydDLxERkQwYfA3EMb6UL97ewJo1QM2a0q5sw4dzSRAiIiKZMPgaSBV8vb0Bd3d5ayEz9tNPmnG8Kq++Cpw4AVSvLk9NREREBIDB1yCZmcCNG9Jl9vaSXmlp0goNb7wBvPOOtFZvTra28tRFREREagy+BoiP1+QYTmwjHSdOAHXqSJtSAMCvvwI//yxvTURERKSDwdcAnNhGemVnA7NnS9sOX7wotbm4ACtXAv/7n7y1ERERkQ4uZ2YALmVGOm7cAHr1Ag4e1LSFhgKbNgGVK8tXFxEREeWJPb4G4IoOpGXzZmkHNlXoVSiA8eOBI0cYeomIiMwYe3wNwKEOpPbXX0DXrprrAQHA+vVAixby1UREREQGYY+vAVQ9vjY2QNmy8tZCMmvYUBriAACRkcCZMwy9RERERQR7fA2g6vEtUwZwcJC3FipkSqX0F09OX3wBvP460KULN6MgIiIqQtjj+wKpqcCDB9JlDnOwMnFxQNOmwJYt2u3u7lJvL0MvERFRkcLg+wJc0cEKCQGsWwfUqgVERwODBml2MCEiIqIii8H3BTixzcokJ0uT16KigEePpLbixYH79+Wti4iIiF4ag+8LsMfXihw4IC1TlnNoQ58+wOnTUu8vERERFWkMvi/ANXytQGYmMG4c0Lo1cPOm1ObpKQXg1asBNzdZyyMiIiLT4KoOL8ChDhYuLg7o3Bk4eVLT1rKlNMY3IEC2soiIiMj02OP7AqoeXycnoGRJeWuhAuDsDMTHS5ft7YE5c4B9+xh6iYiILBCD73MIoQm+QUFcvcoi+fsDX38NVK0q7cr2wQe66/YSERGRReD/8M+RkACkp0uXObHNQuzdq7tCwxtvAP/8A9SpI09NREREVCjMIvguWbIEgYGBcHJyQoMGDXDs2LE8j125ciWaNWsGLy8veHl5ISws7LnHvwxObLMg6enAyJHAq69K6/IKoX27vb08dREREVGhkT34bt68GaNGjcLUqVNx8uRJ1KxZE+Hh4bh3757e4w8cOIBu3bph//79iI6ORkBAANq2bYtbt26ZvDZObLMQZ88C9esDCxdK17dtA3btkrUkIiIiKnyyB9/58+djwIAB6Nu3L6pVq4Zly5bBxcUFq1at0nv8xo0b8e6776JWrVqoWrUqvvrqKyiVSuzbt8/ktXEN3yJOqQQWLQLq1ZPCLwA4OgKLFwPt2slbGxERERU6WZczy8zMxIkTJzB+/Hh1m42NDcLCwhAdHW3QOZ48eYJnz56hePHiem/PyMhARkaG+npqaqrB9bHHtwi7cwfo2xfYvVvTFhICbNoEVK8uX11EREQkG1l7fJOSkpCdnQ0/Pz+tdj8/PyQkJBh0jrFjx6JUqVIICwvTe/usWbPg4eGh/gowYpkqjvEtonbskHZgyxl6R44Ejh1j6CUiIrJisg91eBmffvopvv32W3z//fdwcnLSe8z48eORkpKi/rpx44bB51cFX29vwN3dFBVTgTt8GOjYEUhKkq6XLCkF4PnzpcWYiYiIyGrJGnx9fHxga2uLu3fvarXfvXsXJV+wW8Rnn32GTz/9FHv27EGNGjXyPM7R0RHu7u5aX4bIzARUGZm9vUVI48bAm29Klzt2lMb2tm0rb01ERERkFmQNvg4ODggNDdWamKaaqNaoUaM87zdnzhx8/PHH2LVrF+rWrVsgtcXHa1a84sQ2M5Z7WTKFAli5Eli9Gvj+e8DHR566iIiIyOzIPtRh1KhRWLlyJdauXYuYmBgMGTIEaWlp6Nu3LwCgd+/eWpPfZs+ejcmTJ2PVqlUIDAxEQkICEhIS8PjxY5PWxYltRcCNG0Dr1sDPP2u3e3sDffpwqz0iIiLSIuuqDgAQGRmJxMRETJkyBQkJCahVqxZ27dqlnvAWHx8PmxxbyC5duhSZmZl4++23tc4zdepUTJs2zWR1cWKbmduyRdqI4uFD4N9/pZ3XXjA8hoiIiKyb7MEXAIYNG4Zhw4bpve3AgQNa169du1bwBYFr+Jqt1FRgxAhg7VpNm5MTcPs2gy8RERE9l+xDHcwVhzqYoehooFYt7dAbGQmcOQPUqSNbWURERFQ0MPjmQdXja2MDlC0rby1WLysLmDYNaNZM88a4uQHr1gHffAN4eclaHhERERUNZjHUwRyp8lWZMoCDg7y1WLVr14Du3aXeXpXGjYENG9gVT0REREZhj68eqanA/fvSZWYrmdnYAOfPS5dtbYHp04GDB/nGEBERkdEYfPXgxDYzUrYssGyZ9EYcOgRMmQLY8YMKIiIiMh6Drx6c2CajP/+Uutxz6tpVWrKsYUN5aiIiIiKLwOCrB3t8ZZCZCYwbB7RoAQwfrnu7k1Ph10REREQWhcFXD25eUchiY4FGjYDZs6UtiNetA/bskbsqIiIisjAMvnpwqEMhEQJYvhyoXRs4eVJqs7cH5swBwsLkrY2IiIgsDmcJ6aHq8XVy4mZgBSYxEejfH9ixQ9NWpQqwaRM3oyAiIqICwR7fXITQBN+gIEChkLcei7R7N1CjhnboHTJE6vVl6CUiIqICwh7fXBISgPR06TInthWAP/8E2rXTXPfxAVatAjp0kK8mIiIisgrs8c2FE9sKWNOmmuDbrh1w9ixDLxERERUK9vjmwoltBUyhAFavBr7/Hhg8mGNJiIiIqNCwxzcXruFrQgkJwOuvA/v2abeXLCmN6WXoJSIiokLEHt9c2ONrIjt2AP36AUlJwJkz0pe3t9xVERERkRVjj28uHOP7ktLSpCEMHTtKoRcAlErg2jVZyyIiIiJi8M1FFXy9vQF3d3lrKXJOnABCQ6VNKVQiIoB//pHaiYiIiGTE4JtDZiZw44Z0mb29RsjOlrYbbthQ2n4YAFxcgJUrge3bpSXLiIiIiGTGMb45xMdLG1gAnNhmsJs3gV69gAMHNG2hodIObJUry1YWERERUW7s8c2B43vz4elT4O+/pcsKBTB+PHDkCEMvERERmR0G3xy4okM+VKoELF4MBAQA+/cDM2cCDg5yV0VERESkg8E3B67ha4Bjx4AnT7Tb+vYFzp8HWrSQpyYiIiIiAzD45sAe3+fIygKmTwcaNwbGjNG+TaEAihWTpy4iIiIiAzH45qDq8bWxAcqWlbcWsxIXBzRvDkybJq3gsHSpNKyBiIiIqAhh8M1BFXzLlOEwVQDSEhfr1gG1agHR0VKbra3U89usmaylERERERmLy5n9JzUVuH9fusxhDgCSk4EhQ4DNmzVt5csDGzdK6/USERERFTEMvv/hxLYcDh6U1uZV7eYBAH36SKs3uLnJVhYRUWHJzs7Gs2fP5C6DyKI5ODjAxqZwBx8w+P6HE9v+c/Ag0KqVZicPLy9pC+LOneWti4ioEAghkJCQgIcPH8pdCpHFs7GxQVBQEBwKcXwpg+9/2OP7n6ZNpYlsqgC8bp006JmIyAqoQq+vry9cXFygUCjkLonIIimVSty+fRt37txB2bJlC+1njcH3P9y17T+2tsD69cB33wHvvy8tcUFEZAWys7PVodfb21vucogsXokSJXD79m1kZWXB3t6+UB6TqeY/VjnUITER6NQJOHxYuz0gABg1iqGXiKyKakyvi4uLzJUQWQfVEIfs7OxCe0z2+P5H1ePr5ASULClvLYVi925pwlpCAnDyJHDmDODuLndVRESy4/AGosIhx88au/QgzeNSBd+gIGkjMouVni4NYWjXTgq9APD4MXDxoqxlERERERU0Bl9I+S89Xbps0RPbzp4F6tUDFi3StLVrJ7XXrStfXURERDKJjY1FyZIl8ejRI7lLsTgNGzbEtm3b5C5DC4MvrGBim1Iphd169YBz56Q2R0dpXd6dO61kbAcRkeXq06cPFAoFFAoF7O3tERQUhA8//BDpql6dHH7++We0aNECbm5ucHFxQb169bBmzRq95922bRtatmwJDw8PFCtWDDVq1MBHH32EBw8eFPAzKjzjx4/H8OHD4WbB69QvWbIEgYGBcHJyQoMGDXDs2LEX3mfhwoWoUqUKnJ2dERAQgJEjR+p8P926dQs9e/aEt7c3nJ2dERISguPHj6tvnzRpEsaNGwelUmny55RfDL6w8Iltd+4A7dtLwxsyMqS2kBDg+HFg+HALH9dBRGQ92rVrhzt37iAuLg4LFizA8uXLMXXqVK1jPv/8c3Ts2BFNmjTB0aNH8c8//6Br164YPHgwxowZo3XsxIkTERkZiXr16uHXX3/FuXPnMG/ePJw5cwbr168vtOeVmZlZYOeOj4/Hzz//jD59+rzUeQqyxpe1efNmjBo1ClOnTsXJkydRs2ZNhIeH4969e3neZ9OmTRg3bhymTp2KmJgYfP3119i8eTMmTJigPiY5ORlNmjSBvb09fv31V5w/fx7z5s2Dl5eX+pjXXnsNjx49wq+//lqgz9EowsqkpKQIACIlJUXd9tFHQkgjfYX4/nv5aisQ584J4eioeYIjRwrx9KncVRERmZ2nT5+K8+fPi6dF8HdkVFSU6Nixo1bbW2+9JWrXrq2+Hh8fL+zt7cWoUaN07r948WIBQPz1119CCCGOHj0qAIiFCxfqfbzk5OQ8a7lx44bo2rWr8PLyEi4uLiI0NFR9Xn11vvfee6JFixbq6y1atBBDhw4V7733nvD29hYtW7YU3bp1E126dNG6X2ZmpvD29hZr164VQgiRnZ0tZs6cKQIDA4WTk5OoUaOG+O677/KsUwgh5s6dK+rWravVlpSUJLp27SpKlSolnJ2dRfXq1cWmTZu0jtFXoxBCnD17VrRr1064uroKX19f0bNnT5GYmKi+36+//iqaNGkiPDw8RPHixcXrr78uLl++/NwaX1b9+vXF0KFD1dezs7NFqVKlxKxZs/K8z9ChQ0Xr1q212kaNGiWaNGmivj527FjRtGnTFz5+3759Rc+ePfXe9ryfOX15zRTY4wsLH+rwyivA3LnScIbdu4H586WlK4iIyCB160r7+BTm18tOuzh37hyOHDmitSPW1q1b8ezZM52eXQAYNGgQihUrhm+++QYAsHHjRhQrVgzvvvuu3vN7enrqbX/8+DFatGiBW7duYceOHThz5gw+/PBDoz/qXrt2LRwcHHD48GEsW7YMPXr0wE8//YTHjx+rj9m9ezeePHmCN998EwAwa9YsrFu3DsuWLcO///6LkSNHomfPnjh48GCej/Pnn3+ibq4XOz09HaGhofjll19w7tw5DBw4EL169dIZHpC7xocPH6J169aoXbs2jh8/jl27duHu3bvo0qWL+j5paWkYNWoUjh8/jn379sHGxgZvvvnmc1+fmTNnolixYs/9io+P13vfzMxMnDhxAmFhYeo2GxsbhIWFITo6Os/HbNy4MU6cOKF+znFxcdi5cyfat2+vPmbHjh2oW7cuOnfuDF9fX9SuXRsrV67UOVf9+vXx559/5vlYhY3LmcHChjqcOQNUrSqN4VUZNgzo2VPafpiIiIySkADcuiV3FS/2888/o1ixYsjKykJGRgZsbGzwxRdfqG+/ePEiPDw84O/vr3NfBwcHlC9fHhf/W+Hn0qVLKF++vNGbCmzatAmJiYn4+++/Ubx4cQBAxYoVjX4ulSpVwpw5c9TXK1SoAFdXV3z//ffo1auX+rHeeOMNuLm5ISMjAzNnzsTevXvRqFEjAED58uVx6NAhLF++HC1atND7ONevX9cJvqVLl9b642D48OHYvXs3tmzZgvr16+dZ4yeffILatWtj5syZ6rZVq1YhICAAFy9eROXKldGpUyetx1q1ahVKlCiB8+fPo3r16nprHDx4sFZ41qdUqVJ625OSkpCdnQ0/Pz+tdj8/P1y4cCHP83Xv3h1JSUlo2rQphBDIysrC4MGDtYY6xMXFYenSpRg1ahQmTJiAv//+GyNGjICDgwOioqK0artx4waUSiVszGB/AAZfaHp8vb2L8FK22dnAZ58BkyYB770nXVZRKBh6iYjySY75v/l5zFatWmHp0qVIS0vDggULYGdnpxO0DCWEyNf9Tp8+jdq1a6tDb36FhoZqXbezs0OXLl2wceNG9OrVC2lpafjxxx/x7bffAgAuX76MJ0+e4NVXX9W6X2ZmJmrXrp3n4zx9+hROuT4Fzc7OxsyZM7FlyxbcunULmZmZyMjI0NnYJHeNZ86cwf79+1GsWDGdx7ly5QoqV66MS5cuYcqUKTh69CiSkpLUPb3x8fF5Bt/ixYu/9OtprAMHDmDmzJn48ssv0aBBA1y+fBnvvfcePv74Y0yePBmAtOVw3bp11UG/du3aOHfuHJYtW6YVfJ2dnaFUKpGRkQFnZ+dCfR76WH3wzcwEbtyQLhfZ3t4bN4BevQDVxznz5gEREUDTprKWRURkCXJMUjdrrq6u6t7VVatWoWbNmvj666/Rr18/AEDlypWRkpKC27dv6/QQZmZm4sqVK2jVqpX62EOHDuHZs2dG9fq+KNjY2NjohGrVjnm5n0tuPXr0QIsWLXDv3j389ttvcHZ2Rrt27QBAPQTil19+QenSpbXu55jzE9BcfHx8kJycrNU2d+5cLFq0CAsXLkRISAhcXV3x/vvv60xgy13j48eP0aFDB8yePVvncVS97B06dEC5cuWwcuVKlCpVCkqlEtWrV3/u5LiZM2dq9SLrc/78eZQtW1bv87O1tcXdu3e12u/evYuSz/nravLkyejVqxf69+8PAAgJCUFaWhoGDhyIiRMnwsbGBv7+/qhWrZrW/YKDg3WWL3vw4AFcXV3NIvQCXNUB8fHSrC+giK7hu2ULUKOGJvQqFMD48UCOj2OIiMi62NjYYMKECZg0aRKePn0KAOjUqRPs7e0xb948neOXLVuGtLQ0dOvWDYD0Uffjx4/x5Zdf6j3/w4cP9bbXqFEDp0+fznO5sxIlSuDOnTtabadPnzboOTVu3BgBAQHYvHkzNm7ciM6dO6tDebVq1eDo6Ij4+HhUrFhR6ysgICDPc9auXRvnz5/Xajt8+DA6duyInj17ombNmlpDQJ6nTp06+PfffxEYGKhTg6urK+7fv4/Y2FhMmjQJbdq0QXBwsE7o1mfw4ME4ffr0c7/yGurg4OCA0NBQ7Nu3T92mVCqxb98+9ZAQfZ48eaIzLMHW1haA5tOAJk2aIDY2VuuYixcvoly5clpt586de26ve6Ez6VS5IiD3LME9ezQLHowdK3NxxkhJESIqSlM8IERAgBAHDshdGRFRkWRpqzo8e/ZMlC5dWsydO1fdtmDBAmFjYyMmTJggYmJixOXLl8W8efOEo6OjGD16tNb9P/zwQ2Frays++OADceTIEXHt2jWxd+9e8fbbb+e52kNGRoaoXLmyaNasmTh06JC4cuWK2Lp1qzhy5IgQQohdu3YJhUIh1q5dKy5evCimTJki3N3ddVZ1eO+99/Sef+LEiaJatWrCzs5O/Pnnnzq3eXt7izVr1ojLly+LEydOiMWLF4s1a9bk+brt2LFD+Pr6iqysLHXbyJEjRUBAgDh8+LA4f/686N+/v3B3d9d6ffXVeOvWLVGiRAnx9ttvi2PHjonLly+LXbt2iT59+oisrCyRnZ0tvL29Rc+ePcWlS5fEvn37RL169QQA8X0BLin17bffCkdHR7FmzRpx/vx5MXDgQOHp6SkSEhLUx/Tq1UuMGzdOfX3q1KnCzc1NfPPNNyIuLk7s2bNHVKhQQWtljWPHjgk7OzsxY8YMcenSJbFx40bh4uIiNmzYoPX4LVq0EB999JHe2uRY1cHqg++yZZrcuGyZzMUZ6sgRIcqX1w69kZFCPHggd2VEREWWpQVfIYSYNWuWKFGihHj8+LG67ccffxTNmjUTrq6uwsnJSYSGhopVq1bpPe/mzZtF8+bNhZubm3B1dRU1atQQH3300XOXM7t27Zro1KmTcHd3Fy4uLqJu3bri6NGj6tunTJki/Pz8hIeHhxg5cqQYNmyYwcH3/PnzAoAoV66cUCqVWrcplUqxcOFCUaVKFWFvby9KlCghwsPDxcGDB/Os9dmzZ6JUqVJi165d6rb79++Ljh07imLFiglfX18xadIk0bt37xcGXyGEuHjxonjzzTeFp6encHZ2FlWrVhXvv/++utbffvtNBAcHC0dHR1GjRg1x4MCBAg++Qgjx+eefi7JlywoHBwdRv3599fJyOZ9PVFSU+vqzZ8/EtGnTRIUKFYSTk5MICAgQ7777rs77/tNPP4nq1asLR0dHUbVqVbFixQqt22/evCns7e3FjRs39NYlR/BVCJHPEexFVGpqKjw8PJCSkgJ3d3eMGweohuPs2QPkGhdvfg4cAMLCpMlsAODmBixZIq3awM0oiIjyLT09HVevXkVQUJDOhCeyXEuWLMGOHTuwe/duuUuxOGPHjkVycjJWrFih9/bn/czlzmumYvWT24rcUmZNmgChocCxY0DjxsCGDUWkcCIiIvMzaNAgPHz4EI8ePbLobYvl4Ovri1GjRsldhharD76qpcxsbAA9EyLNj709sHEjsHkzMHYsYGf1byEREVG+2dnZYeLEiXKXYZFGjx4tdwk6rH5VB1XwLVMGyLHBjXlITgZ69ABOnNBur1gRmDiRoZeIiIjICFadnFJTgfv3pctmN1rgwAFpbd6bN6Xge/IkkGvxbCIiIiIynFX3+Kp6ewEzWsM3MxMYNw5o3VoKvQBw7x7w77/y1kVERERUxFl1j6/ZTWyLjQW6d5d6d1VatQLWrZPGYhARERFRvrHH9z+y9vgKASxfDtSurQm99vbAnDnA3r0MvUREREQmYNU9vjmDr2w9vomJQP/+wI4dmrYqVYBNm4A6dWQqioiIiMjyWHWPr1kMdbhxA9i5U3N9yBCp15ehl4iIiMikrDr4qnp8nZyAkiVlKqJOHeCTTwAfH6nX98svuXoDEREVKQqFAj/88IPcZZitadOmoVatWnKXQbDi4CuEJvgGBRXibr8XLgDPnmm3jRkjrdrQoUMhFUFERJakT58+UCgUUCgUsLe3R1BQED788EOkp6fLXVqBS0hIwHvvvYeKFSvCyckJfn5+aNKkCZYuXYonT57IXR4AYMyYMdi3b5/cZRCseIzv3buA6vdBoUxsUyqBzz+XdlsbOxaYPl1zm60t4OtbCEUQEZGlateuHVavXo1nz57hxIkTiIqKgkKhwOzZs+UurcDExcWhSZMm8PT0xMyZMxESEgJHR0ecPXsWK1asQOnSpfHGG2/IXSaKFSuGYsWKyV0GwYp7fK9f11wu8PG9d+4A7dsD778PZGRIQxuOHSvgByUiImvi6OiIkiVLIiAgABEREQgLC8Nvv/2mvv3+/fvo1q0bSpcuDRcXF4SEhOCbb77ROkfLli0xYsQIfPjhhyhevDhKliyJadOmaR1z6dIlNG/eHE5OTqhWrZrWY6icPXsWrVu3hrOzM7y9vTFw4EA8fvxYfXufPn0QERGBmTNnws/PD56envjoo4+QlZWFDz74AMWLF0eZMmWwevXq5z7nd999F3Z2djh+/Di6dOmC4OBglC9fHh07dsQvv/yCDv99knrt2jUoFAqcPn1afd+HDx9CoVDgwIED6rZz587htddeQ7FixeDn54devXohKSlJffvWrVsREhKifl5hYWFIS0sDABw4cAD169eHq6srPD090aRJE1z/L2zkHuqgev6fffYZ/P394e3tjaFDh+JZjk+E79y5g9dffx3Ozs4ICgrCpk2bEBgYiIULFz73NaHns9rge+2a5nKBBt8ffwRq1AB279a0jRghtRERUdEwf760tOSLvvT1Lr7xhmH3nT/fZOWeO3cOR44cgYODg7otPT0doaGh+OWXX3Du3DkMHDgQvXr1wrFcHTFr166Fq6srjh49ijlz5uCjjz5Sh1ulUom33noLDg4OOHr0KJYtW4axY8dq3T8tLQ3h4eHw8vLC33//je+++w579+7FsGHDtI77/fffcfv2bfzxxx+YP38+pk6div/973/w8vLC0aNHMXjwYAwaNAg3VZs55XL//n3s2bMHQ4cOhaurq95jFEaMY3z48CFat26N2rVr4/jx49i1axfu3r2LLl26AJCCaLdu3fDOO+8gJiYGBw4cwFtvvQUhBLKyshAREYEWLVrgn3/+QXR0NAYOHPjcx9+/fz+uXLmC/fv3Y+3atVizZg3WrFmjvr137964ffs2Dhw4gG3btmHFihW4d++ewc+H8iCsTEpKigAgJkxIEdJIXyG+/74AHujxYyEGDRLqBwGEKFlSiN27C+DBiIjoZT19+lScP39ePH36VPfGqVO1f5/n9dWwoe59GzY07L5Tp+a79qioKGFraytcXV2Fo6OjACBsbGzE1q1bn3u/119/XYwePVp9vUWLFqJp06Zax9SrV0+MHTtWCCHE7t27hZ2dnbh165b69l9//VUAEN//95/pihUrhJeXl3j8+LH6mF9++UXY2NiIhIQEdb3lypUT2dnZ6mOqVKkimjVrpr6elZUlXF1dxTfffKO39r/++ksAENu3b9dq9/b2Fq6ursLV1VV8+OGHQgghrl69KgCIU6dOqY9LTk4WAMT+/fuFEEJ8/PHHom3btlrnunHjhgAgYmNjxYkTJwQAce3aNZ1a7t+/LwCIAwcO6K116tSpombNmurrqueflZWlbuvcubOIjIwUQggRExMjAIi///5bffulS5cEALFgwQK9j1EUPe9nTpXXUlJSTPqYVjvGt0CHOpw4Ie3AdvGipq1jR+Crr6TVG4iIqGhxdwdKl37xcSVK6G8z5L7u7sbXlUOrVq2wdOlSpKWlYcGCBbCzs0OnTp3Ut2dnZ2PmzJnYsmULbt26hczMTGRkZMAl10pCNXJ9Iunv76/uaYyJiUFAQABKlSqlvr1Ro0Zax8fExKBmzZpavbBNmjSBUqlEbGws/Pz8AACvvPIKbGw0Hzz7+fmhevXq6uu2trbw9vY2upfz2LFjUCqV6NGjBzIyMgy+35kzZ7B//369Y3GvXLmCtm3bok2bNggJCUF4eDjatm2Lt99+G15eXihevDj69OmD8PBwvPrqqwgLC0OXLl3g7++f5+O98sorsLW1VV/39/fH2bNnAQCxsbGws7NDnRxLm1asWBFeXl4GPx/Sz2qDb4ENdfj9dyA8HMjKkq67uAALF0qbVBTa0hFERGRSo0ZJX/mRc4OiAuTq6oqKFSsCAFatWoWaNWvi66+/Rr9+/QAAc+fOxaJFi7Bw4UKEhITA1dUV77//PjIzM7XOY29vr3VdoVBAqVSavF59j2PMY1esWBEKhQKxsbFa7eX/m7Hu7OysblMFbCGEuu1ZrhWWHj9+jA4dOuidDOjv7w9bW1v89ttvOHLkCPbs2YPPP/8cEydOxNGjRxEUFITVq1djxIgR2LVrFzZv3oxJkybht99+Q8OGDQ1+/gXxOpM2qx3jq+rx9fZ+6T+ytTVpAlSrJl0ODQVOnQIGDGDoJSKiQmNjY4MJEyZg0qRJePr0KQDg8OHD6NixI3r27ImaNWuifPnyuJjzk0kDBAcH48aNG7hz54667a+//tI55syZM+pJX6rHtrGxQZUqVV7iWWnz9vbGq6++ii+++ELrsfQp8V9PfM66c050A4A6derg33//RWBgICpWrKj1peq9VigUaNKkCaZPn45Tp07BwcEB33//vfoctWvXxvjx43HkyBFUr14dmzZtytdzq1KlCrKysnDq1Cl12+XLl5GcnJyv85GG1QZf1Vh5kw9zcHSUthueOBE4cgSoXNnED0BERPRinTt3hq2tLZYsWQIAqFSpkrrHMiYmBoMGDcLdu3eNOmdYWBgqV66MqKgonDlzBn/++ScmTpyodUyPHj3g5OSEqKgonDt3Dvv378fw4cPRq1cv9TAHU/nyyy+RlZWFunXrYvPmzYiJiUFsbCw2bNiACxcuqIcSODs7o2HDhvj0008RExODgwcPYtKkSVrnGjp0KB48eIBu3brh77//xpUrV7B792707dsX2dnZOHr0KGbOnInjx48jPj4e27dvR2JiIoKDg3H16lWMHz8e0dHRuH79Ovbs2YNLly4hODg4X8+ratWqCAsLw8CBA3Hs2DGcOnUKAwcOhLOzs1ET9kiX1QZflZdawzc1VerN/fdf7fZXXpGWLMsxm5aIiKgw2dnZYdiwYZgzZw7S0tIwadIk1KlTB+Hh4WjZsiVKliyJiIgIo85pY2OD77//Hk+fPkX9+vXRv39/zJgxQ+sYFxcX7N69Gw8ePEC9evXw9ttvo02bNvjiiy9M+OwkFSpUwKlTpxAWFobx48ejZs2aqFu3Lj7//HOMGTMGH3/8sfrYVatWISsrC6GhoXj//ffxySefaJ2rVKlSOHz4MLKzs9G2bVuEhITg/fffh6enJ2xsbODu7o4//vgD7du3R+XKlTFp0iTMmzcPr732GlxcXHDhwgV06tQJlStXxsCBAzF06FAMGjQo389t3bp18PPzQ/PmzfHmm29iwIABcHNzg5OTU77PSYBC5BzwYgVSU1Ph4eEBIAWAO8aOBT79NB8nio4GevYE4uKkpcmOHZN6e4mIqEhKT0/H1atXERQUxHBBZufmzZsICAjA3r170aZNG7nLMYnn/cyp8lpKSgrcTTgm1Wont6kYPdQhKwuYMQP4+GMgO1tqu3oV+OcfoF49k9dHRERE1uf333/H48ePERISgjt37uDDDz9EYGAgmjdvLndpRZrVB1+jhjrExUm9vNHRmrbGjYENGwph+zciIiKyFs+ePcOECRMQFxcHNzc3NG7cGBs3btRZDYKMY/XB16C8KgSwfj0wbBjw6JHUZmsLTJkCTJgA2Fn9y0hEREQmFB4ejvDwcLnLsDhWndhsbICyZV9wUHIyMGQIsHmzpq18eWDjRiCPtfmIiIiIyPxY9aoOZcoYsPBCTAzw3Xea6336AKdPM/QSEVkoK5vzTSQbOX7WrDr4GjTMoXFjaU1eT09gyxZg9WrAza2gSyMiokKmGjv55MkTmSshsg6qXQNzbt1c0Kx6qIPeiW1Xr0rjH3K+CZMnA4MGGbbXOhERFUm2trbw9PTEvXv3AEjr0XKzAKKCoVQqkZiYCBcXF9gV4lwpqw6+Wj2+QgArVgAjRwJTpwJjx2pus7dn6CUisgIlS5YEAHX4JaKCY2Njg7JlyxbqH5hWHXzVPb6JiUD//sCOHdL1SZOAtm2B2rVlq42IiAqfQqGAv78/fH198ezZM7nLIbJoDg4OsLEp3FG3Vh18g4IA7N4tTVhLSNDc0L8/UKWKXGUREZHMbG1tC3XcIREVDrOY3LZkyRIEBgbCyckJDRo0wLFjx557/HfffYeqVavCyckJISEh2Llzp9GP6YB01Fz9PtCunSb0+vhIvb5LlwIuLvl4JkRERERkrmQPvps3b8aoUaMwdepUnDx5EjVr1kR4eHie46uOHDmCbt26oV+/fjh16hQiIiIQERGBc+fOGfW4B9ESrl8t0jS0awecPQt06PAyT4eIiIiIzJRCyLxgYYMGDVCvXj188cUXAKRZfgEBARg+fDjGjRunc3xkZCTS0tLw888/q9saNmyIWrVqYdmyZS98vNTUVHh4eCAFgDsAODoCc+dKu7Jx9i4RERGR7NR5LSUF7u7uJjuvrGN8MzMzceLECYwfP17dZmNjg7CwMERHR+u9T3R0NEaNGqXVFh4ejh9++EHv8RkZGcjIyFBfT0lJAQCkAkC1asDXX0v/qrYiJiIiIiJZpaamAjD9JheyBt+kpCRkZ2fDz89Pq93Pzw8XLlzQe5+EhAS9xyfknJyWw6xZszB9+nSd9gAAOH8eaNQoX7UTERERUcG6f/8+PDw8THY+i1/VYfz48Vo9xA8fPkS5cuUQHx9v0heSzFNqaioCAgJw48YNk35UQuaJ77d14fttXfh+W5eUlBSULVsWxYsXN+l5ZQ2+Pj4+sLW1xd27d7Xa7969q15EPLeSJUsadbyjoyMcHR112j08PPiDY0Xc3d35flsRvt/Whe+3deH7bV1Mvc6vrKs6ODg4IDQ0FPv27VO3KZVK7Nu3D43yGILQqFEjreMB4LfffsvzeCIiIiIiwAyGOowaNQpRUVGoW7cu6tevj4ULFyItLQ19+/YFAPTu3RulS5fGrFmzAADvvfceWrRogXnz5uH111/Ht99+i+PHj2PFihVyPg0iIiIiMnOyB9/IyEgkJiZiypQpSEhIQK1atbBr1y71BLb4+Hitbu7GjRtj06ZNmDRpEiZMmIBKlSrhhx9+QPXq1Q16PEdHR0ydOlXv8AeyPHy/rQvfb+vC99u68P22LgX1fsu+ji8RERERUWGQfec2IiIiIqLCwOBLRERERFaBwZeIiIiIrAKDLxERERFZBYsMvkuWLEFgYCCcnJzQoEEDHDt27LnHf/fdd6hatSqcnJwQEhKCnTt3FlKlZArGvN8rV65Es2bN4OXlBS8vL4SFhb3w+4PMi7E/3yrffvstFAoFIiIiCrZAMilj3++HDx9i6NCh8Pf3h6OjIypXrszf6UWIse/3woULUaVKFTg7OyMgIAAjR45Eenp6IVVLL+OPP/5Ahw4dUKpUKSgUCvzwww8vvM+BAwdQp04dODo6omLFilizZo3xDywszLfffiscHBzEqlWrxL///isGDBggPD09xd27d/Uef/jwYWFrayvmzJkjzp8/LyZNmiTs7e3F2bNnC7lyyg9j3+/u3buLJUuWiFOnTomYmBjRp08f4eHhIW7evFnIlVN+GPt+q1y9elWULl1aNGvWTHTs2LFwiqWXZuz7nZGRIerWrSvat28vDh06JK5evSoOHDggTp8+XciVU34Y+35v3LhRODo6io0bN4qrV6+K3bt3C39/fzFy5MhCrpzyY+fOnWLixIli+/btAoD4/vvvn3t8XFyccHFxEaNGjRLnz58Xn3/+ubC1tRW7du0y6nEtLvjWr19fDB06VH09OztblCpVSsyaNUvv8V26dBGvv/66VluDBg3EoEGDCrROMg1j3+/csrKyhJubm1i7dm1BlUgmlJ/3OysrSzRu3Fh89dVXIioqisG3CDH2/V66dKkoX768yMzMLKwSyYSMfb+HDh0qWrdurdU2atQo0aRJkwKtk0zPkOD74YcfildeeUWrLTIyUoSHhxv1WBY11CEzMxMnTpxAWFiYus3GxgZhYWGIjo7We5/o6Git4wEgPDw8z+PJfOTn/c7tyZMnePbsGYoXL15QZZKJ5Pf9/uijj+Dr64t+/foVRplkIvl5v3fs2IFGjRph6NCh8PPzQ/Xq1TFz5kxkZ2cXVtmUT/l5vxs3bowTJ06oh0PExcVh586daN++faHUTIXLVHlN9p3bTCkpKQnZ2dnqXd9U/Pz8cOHCBb33SUhI0Ht8QkJCgdVJppGf9zu3sWPHolSpUjo/TGR+8vN+Hzp0CF//v717jYnqaOMA/mfBZVdcNFTJsgVvKNRYrXLR4iVWayukKhUVWgmiolgpYrTaEm9ALYoWMWK0an0Fa4mgRqsRBUWlxTVtvbDQCC6ioDaijdqIKJTLzvvBcNKViy4qWPb/S86HM2dmzjM72fjsMOf4v/9Bp9O1QoT0MrVkvq9du4ZTp04hMDAQR48eRXFxMcLCwlBTU4OoqKjWCJtaqCXzPW3aNNy9excjRoyAEAK1tbX47LPPsHTp0tYImVpZU/laeXk5KisroVQqn6ufdrXiS2SKuLg4pKam4uDBg1AoFG0dDr1kDx8+RFBQEL7//nt07dq1rcOhVmAwGGBvb4/t27fD3d0dAQEBWLZsGbZu3drWodErkJ2djdWrV2PLli24ePEiDhw4gPT0dKxataqtQ6PXWLta8e3atSssLS1x584do/I7d+5ArVY32katVptUn14fLZnvevHx8YiLi0NWVhYGDhz4KsOkl8TU+b569SpKS0sxYcIEqcxgMAAArKysoNfr4ezs/GqDphZryffbwcEBHTp0gKWlpVTWr18/3L59G9XV1ZDL5a80Zmq5lsz3ihUrEBQUhNmzZwMABgwYgEePHiE0NBTLli2DTMa1vfakqXzN1tb2uVd7gXa24iuXy+Hu7o6TJ09KZQaDASdPnoSXl1ejbby8vIzqA8CJEyearE+vj5bMNwCsW7cOq1atQkZGBjw8PFojVHoJTJ3vt956C3/88Qd0Op10TJw4EaNHj4ZOp4OTk1Nrhk8masn3e/jw4SguLpZ+4ABAUVERHBwcmPS+5loy348fP26Q3Nb/6HnyvBS1Jy8tXzPtubvXX2pqqrC2thbJycmioKBAhIaGii5duojbt28LIYQICgoSkZGRUn2tViusrKxEfHy8KCwsFFFRUXyd2X+IqfMdFxcn5HK52L9/vygrK5OOhw8fttUQyASmzvfT+FaH/xZT5/vGjRtCpVKJ8PBwodfrxZEjR4S9vb345ptv2moIZAJT5zsqKkqoVCqxZ88ece3aNXH8+HHh7Ows/P3922oIZIKHDx+K3NxckZubKwCIhIQEkZubK65fvy6EECIyMlIEBQVJ9etfZ7ZkyRJRWFgoNm/ezNeZ1du0aZPo3r27kMvlYsiQIeLXX3+Vro0aNUoEBwcb1d+7d69wcXERcrlc9O/fX6Snp7dyxPQiTJnvHj16CAANjqioqNYPnFrE1O/3vzHx/e8xdb7Pnj0rhg4dKqytrUXv3r1FbGysqK2tbeWoqaVMme+amhoRHR0tnJ2dhUKhEE5OTiIsLEz8/fffrR84mez06dON/ntcP8fBwcFi1KhRDdoMGjRIyOVy0bt3b5GUlGTyfS2E4N8DiIiIiKj9a1d7fImIiIiImsLEl4iIiIjMAhNfIiIiIjILTHyJiIiIyCww8SUiIiIis8DEl4iIiIjMAhNfIiIiIjILTHyJiIiIyCww8SUiApCcnIwuXbq0dRgtZmFhgZ9++qnZOjNmzMDHH3/cKvEQEb2OmPgSUbsxY8YMWFhYNDiKi4vbOjQkJydL8chkMjg6OmLmzJn466+/Xkr/ZWVl8PHxAQCUlpbCwsICOp3OqM7GjRuRnJz8Uu7XlOjoaGmclpaWcHJyQmhoKO7fv29SP0zSiehVsGrrAIiIXiZvb28kJSUZlXXr1q2NojFma2sLvV4Pg8GAvLw8zJw5E7du3UJmZuYL961Wq59Zp3Pnzi98n+fRv39/ZGVloa6uDoWFhZg1axYePHiAtLS0Vrk/EVFTuOJLRO2KtbU11Gq10WFpaYmEhAQMGDAANjY2cHJyQlhYGCoqKprsJy8vD6NHj4ZKpYKtrS3c3d1x/vx56fqZM2cwcuRIKJVKODk5ISIiAo8ePWo2NgsLC6jVamg0Gvj4+CAiIgJZWVmorKyEwWDA119/DUdHR1hbW2PQoEHIyMiQ2lZXVyM8PBwODg5QKBTo0aMH1qxZY9R3/VaHXr16AQAGDx4MCwsLvPfeewCMV1G3b98OjUYDg8FgFKOvry9mzZolnR86dAhubm5QKBTo3bs3YmJiUFtb2+w4raysoFar8eabb2Ls2LGYOnUqTpw4IV2vq6tDSEgIevXqBaVSCVdXV2zcuFG6Hh0djV27duHQoUPS6nF2djYA4ObNm/D390eXLl1gZ2cHX19flJaWNhsPEVE9Jr5EZBZkMhkSExNx6dIl7Nq1C6dOncKXX37ZZP3AwEA4Ojri3LlzuHDhAiIjI9GhQwcAwNWrV+Ht7Y3JkycjPz8faWlpOHPmDMLDw02KSalUwmAwoLa2Fhs3bsT69esRHx+P/Px8jBs3DhMnTsSVK1cAAImJiTh8+DD27t0LvV6PlJQU9OzZs9F+f//9dwBAVlYWysrKcODAgQZ1pk6dinv37uH06dNS2f3795GRkYHAwEAAQE5ODqZPn44FCxagoKAA27ZtQ3JyMmJjY597jKWlpcjMzIRcLpfKDAYDHB0dsW/fPhQUFGDlypVYunQp9u7dCwBYvHgx/P394e3tjbKyMpSVlWHYsGGoqanBuHHjoFKpkJOTA61Wi06dOsHb2xvV1dXPHRMRmTFBRNROBAcHC0tLS2FjYyMdU6ZMabTuvn37xBtvvCGdJyUlic6dO0vnKpVKJCcnN9o2JCREhIaGGpXl5OQImUwmKisrG23zdP9FRUXCxcVFeHh4CCGE0Gg0IjY21qiNp6enCAsLE0IIMX/+fDFmzBhhMBga7R+AOHjwoBBCiJKSEgFA5ObmGtUJDg4Wvr6+0rmvr6+YNWuWdL5t2zah0WhEXV2dEEKI999/X6xevdqoj927dwsHB4dGYxBCiKioKCGTyYSNjY1QKBQCgAAgEhISmmwjhBCff/65mDx5cpOx1t/b1dXV6DP4559/hFKpFJmZmc32T0QkhBDc40tE7cro0aPx3XffSec2NjYAnqx+rlmzBpcvX0Z5eTlqa2tRVVWFx48fo2PHjg36WbRoEWbPno3du3dLf653dnYG8GQbRH5+PlJSUqT6QggYDAaUlJSgX79+jcb24MEDdOrUCQaDAVVVVRgxYgR27NiB8vJy3Lp1C8OHDzeqP3z4cOTl5QF4sk3hgw8+gKurK7y9vTF+/Hh8+OGHL/RZBQYGYs6cOdiyZQusra2RkpKCTz75BDKZTBqnVqs1WuGtq6tr9nMDAFdXVxw+fBhVVVX48ccfodPpMH/+fKM6mzdvxs6dO3Hjxg1UVlaiuroagwYNajbevLw8FBcXQ6VSGZVXVVXh6tWrLfgEiMjcMPElonbFxsYGffr0MSorLS3F+PHjMW/ePMTGxsLOzg5nzpxBSEgIqqurG03goqOjMW3aNKSnp+PYsWOIiopCamoqJk2ahIqKCsydOxcREREN2nXv3r3J2FQqFS5evAiZTAYHBwcolUoAQHl5+TPH5ebmhpKSEhw7dgxZWVnw9/fH2LFjsX///me2bcqECRMghEB6ejo8PT2Rk5ODDRs2SNcrKioQExMDPz+/Bm0VCkWT/crlcmkO4uLi8NFHHyEmJgarVq0CAKSmpmLx4sVYv349vLy8oFKp8O233+K3335rNt6Kigq4u7sb/eCo97o8wEhErzcmvkTU7l24cAEGgwHr16+XVjPr95M2x8XFBS4uLli4cCE+/fRTJCUlYdKkSXBzc0NBQUGDBPtZZDJZo21sbW2h0Wig1WoxatQoqVyr1WLIkCFG9QICAhAQEIApU6bA29sb9+/fh52dnVF/9ftp6+rqmo1HoVDAz88PKSkpKC4uhqurK9zc3KTrbm5u0Ov1Jo/zacuXL8eYMWMwb948aZzDhg1DWFiYVOfpFVu5XN4gfjc3N6SlpcHe3h62trYvFBMRmSc+3EZE7V6fPn1QU1ODTZs24dq1a9i9eze2bt3aZP3KykqEh4cjOzsb169fh1arxblz56QtDF999RXOnj2L8PBw6HQ6XLlyBYcOHTL54bZ/W7JkCdauXYu0tDTo9XpERkZCp9NhwYIFAICEhATs2bMHly9fRlFREfbt2we1Wt3of7phb28PpVKJjIwM3LlzBw8ePGjyvoGBgUhPT8fOnTulh9rqrVy5Ej/88ANiYmJw6dIlFBYWIjU1FcuXLzdpbF5eXhg4cCBWr14NAOjbty/Onz+PzMxMFBUVYcWKFTh37pxRm549eyI/Px96vR53795FTU0NAgMD0bVrV/j6+iInJwclJSXIzs5GREQE/vzzT5NiIiLzxMSXiNq9d955BwkJCVi7di3efvttpKSkGL0K7GmWlpa4d+8epk+fDhcXF/j7+8PHxwcxMTEAgIEDB+Lnn39GUVERRo4cicGDB2PlypXQaDQtjjEiIgKLFi3CF198gQEDBiAjIwOHDx9G3759ATzZJrFu3Tp4eHjA09MTpaWlOHr0qLSC/W9WVlZITEzEtm3boNFo4Ovr2+R9x4wZAzs7O+j1ekybNs3o2rhx43DkyBEcP34cnp6eePfdd7Fhwwb06NHD5PEtXLgQO3bswM2bNzF37lz4+fkhICAAQ4cOxb1794xWfwFgzpw5cHV1hYeHB7p16watVouOHTvil19+Qffu3eHn54d+/fohJCQEVVVVXAEmoudiIYQQbR0EEREREdGrxhVfIiIiIjILTHyJiIiIyCww8SUiIiIis8DEl4iIiIjMAhNfIiIiIjILTHyJiIiIyCww8SUiIiIis8DEl4iIiIjMAhNfIiIiIjILTHyJiIiIyCww8SUiIiIis/B/jbWrclhn0mQAAAAASUVORK5CYII=", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "plot_roc_curve(y_test, y_pred)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Bagging Classifier" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "#### Normalized data" + ] + }, + { + "cell_type": "code", + "execution_count": 35, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Time taken for GridSearchCV: 7043.32 seconds\n", + "Best Hyperparameters:\n", + "{'base_estimator__learning_rate': 0.2, 'base_estimator__max_depth': 3, 'base_estimator__n_estimators': 100, 'max_features': 1.0, 'max_samples': 0.8, 'n_estimators': 10}\n", + "\n", + "Time taken for training with best hyperparameters: 4.51 seconds\n", + "\n", + "Mean Accuracy: 0.8929719917012449\n", + "Standard Deviation of Accuracy: 0.016585366209661924\n", + "Mean Precision: 0.8524499345881044\n", + "Standard Deviation of Precision: 0.03963276780343318\n", + "Mean Recall: 0.8346605935938879\n", + "Standard Deviation of Recall: 0.04164150530913857\n", + "Mean F1-score: 0.8421942043182058\n", + "Standard Deviation of F1-score: 0.024609787061739656\n", + "Mean ROC AUC: 0.8790250480667978\n", + "Standard Deviation of ROC AUC: 0.019001104560078273\n", + "\n", + "Total time taken: 7047.83 seconds\n" + ] + } + ], + "source": [ + "from xgboost import XGBClassifier\n", + "from sklearn.ensemble import BaggingClassifier\n", + "from sklearn.model_selection import StratifiedKFold, GridSearchCV\n", + "from sklearn.metrics import accuracy_score, precision_score, recall_score, f1_score, roc_auc_score, confusion_matrix\n", + "import numpy as np\n", + "import time\n", + "\n", + "start_total_time = time.time()\n", + "\n", + "kf = StratifiedKFold(n_splits=10, shuffle=True, random_state=42)\n", + "\n", + "base_model = XGBClassifier(random_state=42, use_label_encoder=False, eval_metric='logloss')\n", + "\n", + "bagging_model = BaggingClassifier(base_estimator=base_model, random_state=42)\n", + "\n", + "param_grid = {\n", + " 'base_estimator__n_estimators': [10, 50, 100],\n", + " 'base_estimator__learning_rate': [0.01, 0.1, 0.2],\n", + " 'base_estimator__max_depth': [3, 4, 5],\n", + " 'n_estimators': [10, 50, 100],\n", + " 'max_samples': [0.8, 1.0],\n", + " 'max_features': [0.8, 1.0],\n", + "}\n", + "\n", + "grid_search = GridSearchCV(estimator=bagging_model, param_grid=param_grid, cv=kf, scoring='accuracy')\n", + "\n", + "start_time = time.time()\n", + "\n", + "grid_search.fit(standard(x), y)\n", + "\n", + "grid_search_time = time.time() - start_time\n", + "print(f\"Time taken for GridSearchCV: {grid_search_time:.2f} seconds\")\n", + "\n", + "best_params = grid_search.best_params_\n", + "\n", + "print(\"Best Hyperparameters:\")\n", + "print(best_params)\n", + "print()\n", + "\n", + "best_model = grid_search.best_estimator_\n", + "\n", + "start_time = time.time()\n", + "\n", + "accuracy_scores = []\n", + "precision_scores = []\n", + "recall_scores = []\n", + "f1_scores = []\n", + "roc_auc_scores = []\n", + "confusion_matrices = []\n", + "\n", + "for train_index, test_index in kf.split(normal(x), y):\n", + " X_train, X_test = x.iloc[train_index], x.iloc[test_index]\n", + " y_train, y_test = y.iloc[train_index], y.iloc[test_index]\n", + "\n", + " best_model.fit(X_train, y_train)\n", + "\n", + " y_pred = best_model.predict(X_test)\n", + "\n", + " accuracy = accuracy_score(y_test, y_pred)\n", + " accuracy_scores.append(accuracy)\n", + " \n", + " precision = precision_score(y_test, y_pred)\n", + " precision_scores.append(precision)\n", + " \n", + " recall = recall_score(y_test, y_pred)\n", + " recall_scores.append(recall)\n", + " \n", + " f1 = f1_score(y_test, y_pred)\n", + " f1_scores.append(f1)\n", + " \n", + " roc_auc = roc_auc_score(y_test, y_pred)\n", + " roc_auc_scores.append(roc_auc)\n", + " \n", + " confusion = confusion_matrix(y_test, y_pred)\n", + " confusion_matrices.append(confusion)\n", + "\n", + "training_time = time.time() - start_time\n", + "print(f\"Time taken for training with best hyperparameters: {training_time:.2f} seconds\")\n", + "print()\n", + "\n", + "mean_accuracy = np.mean(accuracy_scores)\n", + "std_accuracy = np.std(accuracy_scores)\n", + "\n", + "mean_precision = np.mean(precision_scores)\n", + "std_precision = np.std(precision_scores)\n", + "\n", + "mean_recall = np.mean(recall_scores)\n", + "std_recall = np.std(recall_scores)\n", + "\n", + "mean_f1 = np.mean(f1_scores)\n", + "std_f1 = np.std(f1_scores)\n", + "\n", + "mean_roc_auc = np.mean(roc_auc_scores)\n", + "std_roc_auc = np.std(roc_auc_scores)\n", + "\n", + "print(f\"Mean Accuracy: {mean_accuracy}\")\n", + "print(f\"Standard Deviation of Accuracy: {std_accuracy}\")\n", + "\n", + "print(f\"Mean Precision: {mean_precision}\")\n", + "print(f\"Standard Deviation of Precision: {std_precision}\")\n", + "\n", + "print(f\"Mean Recall: {mean_recall}\")\n", + "print(f\"Standard Deviation of Recall: {std_recall}\")\n", + "\n", + "print(f\"Mean F1-score: {mean_f1}\")\n", + "print(f\"Standard Deviation of F1-score: {std_f1}\")\n", + "\n", + "print(f\"Mean ROC AUC: {mean_roc_auc}\")\n", + "print(f\"Standard Deviation of ROC AUC: {std_roc_auc}\")\n", + "print()\n", + "\n", + "total_time = time.time() - start_total_time\n", + "print(f\"Total time taken: {total_time:.2f} seconds\")" + ] + }, + { + "cell_type": "code", + "execution_count": 36, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "x_train: (1800, 13)\n", + "y_train: (1800,)\n", + "x_test: (601, 13)\n", + "y_test: (601,)\n" + ] + } + ], + "source": [ + "from sklearn.model_selection import train_test_split\n", + "\n", + "x_train, x_test, y_train, y_test = train_test_split(x,y,test_size=0.25,random_state=42)\n", + "\n", + "print(\"x_train:\",x_train.shape)\n", + "print(\"y_train:\",y_train.shape)\n", + "print(\"x_test:\",x_test.shape)\n", + "print(\"y_test:\",y_test.shape)" + ] + }, + { + "cell_type": "code", + "execution_count": 37, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Accuracy: 0.8885191347753744\n", + "Precision: 0.8663101604278075\n", + "Recall: 0.7941176470588235\n", + "F1 Score: 0.8286445012787724\n", + "ROC AUC Score: 0.8655726774336938\n", + "Confusion Matrix:\n", + "[[372 25]\n", + " [ 42 162]]\n" + ] + } + ], + "source": [ + "model = grid_search.best_estimator_\n", + "\n", + "model.fit(x_train, y_train)\n", + "\n", + "y_pred = model.predict(x_test)\n", + "\n", + "y_pred = (y_pred >= 0.5).astype(int)\n", + "\n", + "print(\"Accuracy:\", accuracy_score(y_test, y_pred))\n", + "print(\"Precision:\", precision_score(y_test, y_pred))\n", + "print(\"Recall:\", recall_score(y_test, y_pred))\n", + "print(\"F1 Score:\", f1_score(y_test, y_pred))\n", + "print(\"ROC AUC Score:\", roc_auc_score(y_test, y_pred))\n", + "print(\"Confusion Matrix:\")\n", + "print(confusion_matrix(y_test, y_pred))" + ] + }, + { + "cell_type": "code", + "execution_count": 38, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAokAAAIjCAYAAABvUIGpAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8pXeV/AAAACXBIWXMAAA9hAAAPYQGoP6dpAABHkUlEQVR4nO3de5iN9f7/8deaYdYczMFgTjmfTY6prUlO2+QQItoSZchhq6EyyJ5d5FBNW0qp0Gkj0TnaRBqE2qYcSknIoChmiGamGYwxc//+6Gd99/JxmMUsa8Z6PvZ1X5d135913++1drreve7P/Vk2y7IsAQAAAP/Dx9MFAAAAoPShSQQAAICBJhEAAAAGmkQAAAAYaBIBAABgoEkEAACAgSYRAAAABppEAAAAGGgSAQAAYKBJBHBBu3fvVqdOnRQaGiqbzaYlS5aU6Pl/+ukn2Ww2zZs3r0TPW5a1b99e7du393QZALwcTSJQBuzZs0d///vfVbt2bfn7+yskJEStW7fW888/rxMnTrj12gkJCdq2bZueeOIJLViwQNdff71br3clDRo0SDabTSEhIef8Hnfv3i2bzSabzabp06e7fP6DBw9q0qRJ2rp1awlUCwBXVjlPFwDgwj7++GP97W9/k91u18CBA9W4cWOdOnVKX3zxhcaNG6ft27frlVdeccu1T5w4obS0ND3yyCMaOXKkW65Ro0YNnThxQuXLl3fL+S+mXLlyOn78uJYuXaq+ffs6HVu4cKH8/f118uTJSzr3wYMHNXnyZNWsWVPNmzcv9vs+/fTTS7oeAJQkmkSgFNu3b5/69eunGjVqaM2aNYqOjnYcS0xMVHp6uj7++GO3Xf/IkSOSpLCwMLddw2azyd/f323nvxi73a7WrVvrrbfeMprERYsWqVu3bvrggw+uSC3Hjx9XYGCg/Pz8rsj1AOBCuN0MlGLTpk1Tbm6uXn/9dacG8Yy6devqwQcfdLw+ffq0pk6dqjp16shut6tmzZr65z//qfz8fKf31axZU927d9cXX3yhv/zlL/L391ft2rX1xhtvOMZMmjRJNWrUkCSNGzdONptNNWvWlPTnbdozf/5fkyZNks1mc9qXmpqqm2++WWFhYapQoYIaNGigf/7zn47j55uTuGbNGrVp00ZBQUEKCwtTz549tWPHjnNeLz09XYMGDVJYWJhCQ0M1ePBgHT9+/Pxf7Fn69++vFStWKCsry7Fv06ZN2r17t/r372+MP3bsmMaOHasmTZqoQoUKCgkJUdeuXfXtt986xqxdu1Y33HCDJGnw4MGO29ZnPmf79u3VuHFjbdmyRW3btlVgYKDjezl7TmJCQoL8/f2Nz9+5c2dVrFhRBw8eLPZnBYDiokkESrGlS5eqdu3auummm4o1fujQoZo4caKuu+46zZgxQ+3atVNKSor69etnjE1PT9cdd9yhW265Rc8884wqVqyoQYMGafv27ZKk3r17a8aMGZKku+66SwsWLNBzzz3nUv3bt29X9+7dlZ+frylTpuiZZ57Rbbfdpv/+978XfN+qVavUuXNnHT58WJMmTVJSUpI2bNig1q1b66effjLG9+3bV3/88YdSUlLUt29fzZs3T5MnTy52nb1795bNZtOHH37o2Ldo0SI1bNhQ1113nTF+7969WrJkibp3765nn31W48aN07Zt29SuXTtHw9aoUSNNmTJFkjR8+HAtWLBACxYsUNu2bR3nOXr0qLp27armzZvrueeeU4cOHc5Z3/PPP68qVaooISFBhYWFkqSXX35Zn376qV544QXFxMQU+7MCQLFZAEql7OxsS5LVs2fPYo3funWrJckaOnSo0/6xY8dakqw1a9Y49tWoUcOSZK1fv96x7/Dhw5bdbrfGjBnj2Ldv3z5LkvX00087nTMhIcGqUaOGUcNjjz1m/e+/VmbMmGFJso4cOXLeus9cY+7cuY59zZs3tyIiIqyjR4869n377beWj4+PNXDgQON69957r9M5b7/9dqtSpUrnveb/fo6goCDLsizrjjvusDp27GhZlmUVFhZaUVFR1uTJk8/5HZw8edIqLCw0PofdbremTJni2Ldp0ybjs53Rrl07S5I1Z86ccx5r166d076VK1dakqzHH3/c2rt3r1WhQgWrV69eF/2MAHCpSBKBUionJ0eSFBwcXKzxy5cvlyQlJSU57R8zZowkGXMXY2Nj1aZNG8frKlWqqEGDBtq7d+8l13y2M3MZP/roIxUVFRXrPYcOHdLWrVs1aNAghYeHO/Y3bdpUt9xyi+Nz/q8RI0Y4vW7Tpo2OHj3q+A6Lo3///lq7dq0yMjK0Zs0aZWRknPNWs/TnPEYfnz//9VlYWKijR486bqV//fXXxb6m3W7X4MGDizW2U6dO+vvf/64pU6aod+/e8vf318svv1zsawGAq2gSgVIqJCREkvTHH38Ua/zPP/8sHx8f1a1b12l/VFSUwsLC9PPPPzvtr169unGOihUr6vfff7/Eik133nmnWrduraFDhyoyMlL9+vXTu+++e8GG8UydDRo0MI41atRIv/32m/Ly8pz2n/1ZKlasKEkufZZbb71VwcHBeuedd7Rw4ULdcMMNxnd5RlFRkWbMmKF69erJbrercuXKqlKlir777jtlZ2cX+5rXXHONSw+pTJ8+XeHh4dq6datmzpypiIiIYr8XAFxFkwiUUiEhIYqJidH333/v0vvOfnDkfHx9fc+537KsS77GmflyZwQEBGj9+vVatWqV7rnnHn333Xe68847dcsttxhjL8flfJYz7Ha7evfurfnz52vx4sXnTREl6cknn1RSUpLatm2rN998UytXrlRqaqquvfbaYiem0p/fjyu++eYbHT58WJK0bds2l94LAK6iSQRKse7du2vPnj1KS0u76NgaNWqoqKhIu3fvdtqfmZmprKwsx5PKJaFixYpOTwKfcXZaKUk+Pj7q2LGjnn32Wf3www964okntGbNGn322WfnPPeZOnft2mUc27lzpypXrqygoKDL+wDn0b9/f33zzTf6448/zvmwzxnvv/++OnTooNdff139+vVTp06dFB8fb3wnxW3YiyMvL0+DBw9WbGyshg8frmnTpmnTpk0ldn4AOBtNIlCKPfzwwwoKCtLQoUOVmZlpHN+zZ4+ef/55SX/eLpVkPIH87LPPSpK6detWYnXVqVNH2dnZ+u677xz7Dh06pMWLFzuNO3bsmPHeM4tKn70szxnR0dFq3ry55s+f79R0ff/99/r0008dn9MdOnTooKlTp+rFF19UVFTUecf5+voaKeV7772nX3/91WnfmWb2XA21q8aPH6/9+/dr/vz5evbZZ1WzZk0lJCSc93sEgMvFYtpAKVanTh0tWrRId955pxo1auT0iysbNmzQe++9p0GDBkmSmjVrpoSEBL3yyivKyspSu3bttHHjRs2fP1+9evU67/Iql6Jfv34aP368br/9dj3wwAM6fvy4Zs+erfr16zs9uDFlyhStX79e3bp1U40aNXT48GHNmjVLVatW1c0333ze8z/99NPq2rWr4uLiNGTIEJ04cUIvvPCCQkNDNWnSpBL7HGfz8fHRo48+etFx3bt315QpUzR48GDddNNN2rZtmxYuXKjatWs7jatTp47CwsI0Z84cBQcHKygoSK1atVKtWrVcqmvNmjWaNWuWHnvsMceSPHPnzlX79u01YcIETZs2zaXzAUCxePjpagDF8OOPP1rDhg2zatasafn5+VnBwcFW69atrRdeeME6efKkY1xBQYE1efJkq1atWlb58uWtatWqWcnJyU5jLOvPJXC6detmXOfspVfOtwSOZVnWp59+ajVu3Njy8/OzGjRoYL355pvGEjirV6+2evbsacXExFh+fn5WTEyMddddd1k//vijcY2zl4lZtWqV1bp1aysgIMAKCQmxevToYf3www9OY85c7+wldubOnWtJsvbt23fe79SynJfAOZ/zLYEzZswYKzo62goICLBat25tpaWlnXPpmo8++siKjY21ypUr5/Q527VrZ1177bXnvOb/nicnJ8eqUaOGdd1111kFBQVO40aPHm35+PhYaWlpF/wMAHApbJblwsxuAAAAeAXmJAIAAMBAkwgAAAADTSIAAAAMNIkAAAAw0CQCAADAQJMIAAAAA00iAAAADFflL64EtBjp6RIAuMnvm170dAkA3MTfg12JO3uHE9+UzX9vkSQCAADAcFUmiQAAAC6xkZudjSYRAADAZvN0BaUObTMAAAAMJIkAAADcbjbwjQAAAMBAkggAAMCcRANJIgAAAAwkiQAAAMxJNPCNAAAAwECSCAAAwJxEA00iAAAAt5sNfCMAAAAwkCQCAABwu9lAkggAAAADSSIAAABzEg18IwAAADCQJAIAADAn0UCSCAAAAANJIgAAAHMSDTSJAAAA3G420DYDAADAQJIIAADA7WYD3wgAAAAMNIkAAAA2H/dtLpg9e7aaNm2qkJAQhYSEKC4uTitWrHAcb9++vWw2m9M2YsQIp3Ps379f3bp1U2BgoCIiIjRu3DidPn3a5a+E280AAAClRNWqVfXUU0+pXr16sixL8+fPV8+ePfXNN9/o2muvlSQNGzZMU6ZMcbwnMDDQ8efCwkJ169ZNUVFR2rBhgw4dOqSBAweqfPnyevLJJ12qhSYRAADAp3Q83dyjRw+n10888YRmz56tL7/80tEkBgYGKioq6pzv//TTT/XDDz9o1apVioyMVPPmzTV16lSNHz9ekyZNkp+fX7Fr4XYzAACAG+Xn5ysnJ8dpy8/Pv+j7CgsL9fbbbysvL09xcXGO/QsXLlTlypXVuHFjJScn6/jx445jaWlpatKkiSIjIx37OnfurJycHG3fvt2lumkSAQAA3DgnMSUlRaGhoU5bSkrKeUvZtm2bKlSoILvdrhEjRmjx4sWKjY2VJPXv319vvvmmPvvsMyUnJ2vBggW6++67He/NyMhwahAlOV5nZGS49JVwuxkAAMCNi2knJycrKSnJaZ/dbj/v+AYNGmjr1q3Kzs7W+++/r4SEBK1bt06xsbEaPny4Y1yTJk0UHR2tjh07as+ePapTp06J1k2TCAAA4EZ2u/2CTeHZ/Pz8VLduXUlSy5YttWnTJj3//PN6+eWXjbGtWrWSJKWnp6tOnTqKiorSxo0bncZkZmZK0nnnMZ4Pt5sBAABKyRI451JUVHTeOYxbt26VJEVHR0uS4uLitG3bNh0+fNgxJjU1VSEhIY5b1sVFkggAAFBKJCcnq2vXrqpevbr++OMPLVq0SGvXrtXKlSu1Z88eLVq0SLfeeqsqVaqk7777TqNHj1bbtm3VtGlTSVKnTp0UGxure+65R9OmTVNGRoYeffRRJSYmupRmSjSJAAAAbp2T6IrDhw9r4MCBOnTokEJDQ9W0aVOtXLlSt9xyiw4cOKBVq1bpueeeU15enqpVq6Y+ffro0Ucfdbzf19dXy5Yt03333ae4uDgFBQUpISHBaV3F4rJZlmWV5IcrDQJajPR0CQDc5PdNL3q6BABu4u/B6Crgln+57dwnUse77dzuRJIIAABQAnMHrzZ8IwAAADCQJAIAAJSSOYmlCU0iAAAAt5sNfCMAAAAwkCQCAABwu9lAkggAAAADSSIAAABzEg18IwAAADCQJAIAADAn0UCSCAAAAANJIgAAAHMSDTSJAAAANIkGvhEAAAAYSBIBAAB4cMVAkggAAAADSSIAAABzEg18IwAAADCQJAIAADAn0UCSCAAAAANJIgAAAHMSDTSJAAAA3G420DYDAADAQJIIAAC8no0k0UCSCAAAAANJIgAA8HokiSaSRAAAABhIEgEAAAgSDSSJAAAAMJAkAgAAr8ecRBNNIgAA8Ho0iSZuNwMAAMBAkggAALweSaKJJBEAAAAGkkQAAOD1SBJNJIkAAAAwkCQCAAAQJBpIEgEAAGAgSQQAAF6POYkmkkQAAAAYSBIBAIDXI0k00SQCAACvR5No4nYzAAAADCSJAADA65EkmkgSAQAAYCBJBAAAIEg0kCQCAADAQJIIAAC8HnMSTSSJAAAAMJAkAgAAr0eSaKJJBAAAXo8m0cTtZgAAABhIEgEAAAgSDSSJAAAAMJAkAgAAr8ecRBNJIgAAAAw0iQAAwOvZbDa3ba6YPXu2mjZtqpCQEIWEhCguLk4rVqxwHD958qQSExNVqVIlVahQQX369FFmZqbTOfbv369u3bopMDBQERERGjdunE6fPu3yd0KTCAAAUEpUrVpVTz31lLZs2aLNmzfrr3/9q3r27Knt27dLkkaPHq2lS5fqvffe07p163Tw4EH17t3b8f7CwkJ169ZNp06d0oYNGzR//nzNmzdPEydOdLkWm2VZVol9slIioMVIT5cAwE1+3/Sip0sA4Cb+HnxSInr4B24796FX+lzW+8PDw/X000/rjjvuUJUqVbRo0SLdcccdkqSdO3eqUaNGSktL04033qgVK1aoe/fuOnjwoCIjIyVJc+bM0fjx43XkyBH5+fkV+7okiQAAwOu583Zzfn6+cnJynLb8/PyL1lRYWKi3335beXl5iouL05YtW1RQUKD4+HjHmIYNG6p69epKS0uTJKWlpalJkyaOBlGSOnfurJycHEcaWVw0iQAAAG6UkpKi0NBQpy0lJeW847dt26YKFSrIbrdrxIgRWrx4sWJjY5WRkSE/Pz+FhYU5jY+MjFRGRoYkKSMjw6lBPHP8zDFXsAQOAACAG1fASU5OVlJSktM+u91+3vENGjTQ1q1blZ2drffff18JCQlat26d+wo8D5pEAAAAN7Lb7RdsCs/m5+enunXrSpJatmypTZs26fnnn9edd96pU6dOKSsryylNzMzMVFRUlCQpKipKGzdudDrfmaefz4wpLm43AwAAr1dalsA5l6KiIuXn56tly5YqX768Vq9e7Ti2a9cu7d+/X3FxcZKkuLg4bdu2TYcPH3aMSU1NVUhIiGJjY126LkkiAABAKZGcnKyuXbuqevXq+uOPP7Ro0SKtXbtWK1euVGhoqIYMGaKkpCSFh4crJCREo0aNUlxcnG688UZJUqdOnRQbG6t77rlH06ZNU0ZGhh599FElJia6lGZKNIkAAACl5mf5Dh8+rIEDB+rQoUMKDQ1V06ZNtXLlSt1yyy2SpBkzZsjHx0d9+vRRfn6+OnfurFmzZjne7+vrq2XLlum+++5TXFycgoKClJCQoClTprhcC+skAihTWCcRuHp5cp3Eqvcvcdu5f5nVy23ndieSRAAA4PVKS5JYmtAkAgAA0CMaeLoZAAAABpJEAADg9bjdbCJJBAAAgIEkEQAAeD2SRBNJIgAAAAwkiSh1hv3tZg27o41qxIRLknbszdCTr6zQp//9QdWjw7Vr+bkXBB0w7nV9uOobNal/jcYOvkU3Na+jSmFB+vngMb32/hd66a21V/BTACiu1199WatTP9W+fXtl9/dX8+Yt9FDSWNWsVdsxZsige7R5k/Pv0d7R905NeMz1BYKBcyFJNNEkotT5NTNLE174SOn7j8gmm+7u0UrvzRiuG/s9pV0/ZapmfLLT+Hv7tNbogfFa+d/tkqQWjarpyLE/NPjR+fol43fd2Ky2Xnr0LhUWFWnOO+s98ZEAXMDmTRt1510DdG2TJio8XagXnn9WI4YN0Yf/+ViBgYGOcX3u6Kv7Rz7geO0fEOCJcgGvQZOIUmf5+u+dXk96aamG/e1m/aVpLe3Ym6HMo384Hb+tQzN9kPq18k6ckiS98dGXTsd/+vWoWjWtpZ5/bUaTCJRCs1953en1lCeeUoc2cdrxw3a1vP4Gx35/f39VrlLlSpcHL0GSaPJok/jbb7/p3//+t9LS0pSRkSFJioqK0k033aRBgwapCv8y8Ho+Pjb1ueU6BQX46avv9hnHWzSqpuYNq2n0U+9e8DyhFfz1e85xd5UJoATl/vHnfwiGhIY67V/+8VJ9vOw/qlS5itq176DhI+5XAGkiSgo9osFjTeKmTZvUuXNnBQYGKj4+XvXr15ckZWZmaubMmXrqqae0cuVKXX/99Rc8T35+vvLz8532WUWFsvn4uq12uN+1dWO0dv4Y+fuVU+6JfN055lXt3JthjEvoFacdew/py2/NBvKMG5vV0h2dWur2B2a7s2QAJaCoqEjT/vWkmre4TvXq1Xfs73prd0XHxCgiIkI//rhLzz07XT/9tE8znue3vAF38ViTOGrUKP3tb3/TnDlzjIjXsiyNGDFCo0aNUlpa2gXPk5KSosmTJzvt8428QeWj/1LiNePK+fGnTLXql6LQCgG6Pb6FXp1yjzoNfd6pUfS3l9edXa/XU69+ct7zxNaJ1rszhuuJV5Zr9Zc7r0TpAC7Dk49P1p7duzVvwSKn/Xf0vdPx53r1G6hy5SoaPmSQDuzfr2rVq1/pMnEV4nazyWNL4Hz77bcaPXr0Of9PsdlsGj16tLZu3XrR8yQnJys7O9tpKxfZ0g0V40oqOF2ovQd+0zc7DmjiC//Rth9/VeJd7Z3G3B7fXIH+flq4bOM5z9GwdpSWvzxK//5gg/712sorUDWAy/Hk41O0ft1avTp3viKjoi44tknTZpKk/ft/vhKlAV7JY0liVFSUNm7cqIYNG57z+MaNGxUZGXnR89jtdtntdqd93Gq++vjYbLL7Of/jOqjXTfp43Tb99nuuMb5R7SiteOUBLVz6lSa9tPRKlQngEliWpZQnpmrN6lS9Pm+BqlatdtH37Nq5Q5KYu44SQ5Jo8liTOHbsWA0fPlxbtmxRx44dHQ1hZmamVq9erVdffVXTp0/3VHnwoCmjbtPK/27XgUO/KzjIX3d2vV5tr6+nHvfPcoypXa2ybr6ujnqNMucZxtaJ1opXHtCqDTs08801iqwULEkqLLLO2VAC8Kwnp07WiuXL9NwLsxQUGKTfjhyRJFUIDpa/v78O7N+v5R8vVZu27RQaFqbdu3bp6Wkpann9Darf4NxBA4DL57EmMTExUZUrV9aMGTM0a9YsFRYWSpJ8fX3VsmVLzZs3T3379vVUefCgKuEV9PrUgYqqHKLs3JP6fvev6nH/LK356v/mFCb0jNOvmVlalWbOM7w9voUiwoPVv/tf1L/7/81N/fngUTXs9tgV+QwAiu/dd96S9OeC2f9ryuMp6nl7b5UvX15ffZmmhQve0IkTxxUVFa34+E4aNuJ+T5SLqxRBoslmWZbl6SIKCgr022+/SZIqV66s8uXLX9b5AlqMLImyAJRCv2/iaVbgauXvwYX56o5d4bZzp0/v6rZzu1OpWEy7fPnyio6O9nQZAADASzEn0VQqmkQAAABPokc0eWwJHAAAAJReJIkAAMDrcbvZRJIIAAAAA0kiAADwegSJJpJEAAAAGEgSAQCA1/PxIUo8G0kiAAAADCSJAADA6zEn0USTCAAAvB5L4Ji43QwAAAADSSIAAPB6BIkmkkQAAAAYSBIBAIDXY06iiSQRAAAABpJEAADg9UgSTSSJAAAAMJAkAgAAr0eQaKJJBAAAXo/bzSZuNwMAAMBAkggAALweQaKJJBEAAAAGkkQAAOD1mJNoIkkEAACAgSQRAAB4PYJEE0kiAAAADCSJAADA6zEn0USSCAAAAANJIgAA8HoEiSaaRAAA4PW43WzidjMAAAAMJIkAAMDrESSaSBIBAABgIEkEAABejzmJJpJEAAAAGEgSAQCA1yNINJEkAgAAlBIpKSm64YYbFBwcrIiICPXq1Uu7du1yGtO+fXvZbDanbcSIEU5j9u/fr27duikwMFAREREaN26cTp8+7VItJIkAAMDrlZY5ievWrVNiYqJuuOEGnT59Wv/85z/VqVMn/fDDDwoKCnKMGzZsmKZMmeJ4HRgY6PhzYWGhunXrpqioKG3YsEGHDh3SwIEDVb58eT355JPFroUmEQAAeL1S0iPqk08+cXo9b948RUREaMuWLWrbtq1jf2BgoKKios55jk8//VQ//PCDVq1apcjISDVv3lxTp07V+PHjNWnSJPn5+RWrFm43AwAAuFF+fr5ycnKctvz8/GK9Nzs7W5IUHh7utH/hwoWqXLmyGjdurOTkZB0/ftxxLC0tTU2aNFFkZKRjX+fOnZWTk6Pt27cXu26aRAAA4PXOnuNXkltKSopCQ0OdtpSUlIvWVFRUpIceekitW7dW48aNHfv79++vN998U5999pmSk5O1YMEC3X333Y7jGRkZTg2iJMfrjIyMYn8n3G4GAABwo+TkZCUlJTnts9vtF31fYmKivv/+e33xxRdO+4cPH+74c5MmTRQdHa2OHTtqz549qlOnTskULZpEAAAAtz64Yrfbi9UU/q+RI0dq2bJlWr9+vapWrXrBsa1atZIkpaenq06dOoqKitLGjRudxmRmZkrSeecxngu3mwEAAEoJy7I0cuRILV68WGvWrFGtWrUu+p6tW7dKkqKjoyVJcXFx2rZtmw4fPuwYk5qaqpCQEMXGxha7FpJEAADg9UrL082JiYlatGiRPvroIwUHBzvmEIaGhiogIEB79uzRokWLdOutt6pSpUr67rvvNHr0aLVt21ZNmzaVJHXq1EmxsbG65557NG3aNGVkZOjRRx9VYmKiS4kmSSIAAEApMXv2bGVnZ6t9+/aKjo52bO+8844kyc/PT6tWrVKnTp3UsGFDjRkzRn369NHSpUsd5/D19dWyZcvk6+uruLg43X333Ro4cKDTuorFQZIIAAC8XmlZTNuyrAser1atmtatW3fR89SoUUPLly+/rFpoEgEAgNcrJT1iqcLtZgAAABhIEgEAgNcrLbebSxOSRAAAABhIEgEAgNcjSDSRJAIAAMBAkggAALyeD1GigSQRAAAABpJEAADg9QgSTTSJAADA67EEjonbzQAAADCQJAIAAK/nQ5BoIEkEAACAgSQRAAB4PeYkmkgSAQAAYCBJBAAAXo8g0USSCAAAAANJIgAA8Ho2ESWejSYRAAB4PZbAMXG7GQAAAAaSRAAA4PVYAsdEkggAAAADSSIAAPB6BIkmkkQAAAAYSBIBAIDX8yFKNJAkAgAAwFAiTWJWVlZJnAYAAMAjbDb3bWWVy03iv/71L73zzjuO13379lWlSpV0zTXX6Ntvvy3R4gAAAK4Em83mtq2scrlJnDNnjqpVqyZJSk1NVWpqqlasWKGuXbtq3LhxJV4gAAAArjyXH1zJyMhwNInLli1T37591alTJ9WsWVOtWrUq8QIBAADcrQwHfm7jcpJYsWJFHThwQJL0ySefKD4+XpJkWZYKCwtLtjoAAAB4hMtJYu/evdW/f3/Vq1dPR48eVdeuXSVJ33zzjerWrVviBQIAALgbS+CYXG4SZ8yYoZo1a+rAgQOaNm2aKlSoIEk6dOiQ7r///hIvEAAAAFeey01i+fLlNXbsWGP/6NGjS6QgAACAK40c0VSsJvE///lPsU942223XXIxAAAAKB2K1ST26tWrWCez2Ww8vAIAAMqcsryeobsUq0ksKipydx0AAAAe40OPaLisn+U7efJkSdUBAACAUsTlJrGwsFBTp07VNddcowoVKmjv3r2SpAkTJuj1118v8QIBAADcjZ/lM7ncJD7xxBOaN2+epk2bJj8/P8f+xo0b67XXXivR4gAAAOAZLjeJb7zxhl555RUNGDBAvr6+jv3NmjXTzp07S7Q4AACAK8Fmc99WVrncJP7666/n/GWVoqIiFRQUlEhRAAAA8CyXm8TY2Fh9/vnnxv73339fLVq0KJGiAAAAriTmJJpc/sWViRMnKiEhQb/++quKior04YcfateuXXrjjTe0bNkyd9QIAACAK8zlJLFnz55aunSpVq1apaCgIE2cOFE7duzQ0qVLdcstt7ijRgAAALfysblvK6tcThIlqU2bNkpNTS3pWgAAADyiLN8WdpdLahIlafPmzdqxY4ekP+cptmzZssSKAgAAgGe53CT+8ssvuuuuu/Tf//5XYWFhkqSsrCzddNNNevvtt1W1atWSrhEAAMCtyBFNLs9JHDp0qAoKCrRjxw4dO3ZMx44d044dO1RUVKShQ4e6o0YAAABcYS4nievWrdOGDRvUoEEDx74GDRrohRdeUJs2bUq0OAAAgCvBhzmJBpeTxGrVqp1z0ezCwkLFxMSUSFEAAADwLJebxKefflqjRo3S5s2bHfs2b96sBx98UNOnTy/R4gAAAK4EfpbPVKzbzRUrVnR6NDwvL0+tWrVSuXJ/vv306dMqV66c7r33XvXq1csthQIAAODKKVaT+Nxzz7m5DAAAAM9hnURTsZrEhIQEd9cBAACAUuSSF9OWpJMnT+rUqVNO+0JCQi6rIAAAgCuNINHk8oMreXl5GjlypCIiIhQUFKSKFSs6bQAAAGWNj83mts0VKSkpuuGGGxQcHKyIiAj16tVLu3btchpz8uRJJSYmqlKlSqpQoYL69OmjzMxMpzH79+9Xt27dFBgYqIiICI0bN06nT5927TtxabSkhx9+WGvWrNHs2bNlt9v12muvafLkyYqJidEbb7zh6ukAAADw/61bt06JiYn68ssvlZqaqoKCAnXq1El5eXmOMaNHj9bSpUv13nvvad26dTp48KB69+7tOF5YWKhu3brp1KlT2rBhg+bPn6958+Zp4sSJLtVisyzLcuUN1atX1xtvvKH27dsrJCREX3/9terWrasFCxborbfe0vLly10qwB0CWoz0dAkA3OT3TS96ugQAbuJ/WZPgLs/9H/7gtnPP6h17ye89cuSIIiIitG7dOrVt21bZ2dmqUqWKFi1apDvuuEOStHPnTjVq1EhpaWm68cYbtWLFCnXv3l0HDx5UZGSkJGnOnDkaP368jhw5Ij8/v2Jd2+Uk8dixY6pdu7akP+cfHjt2TJJ08803a/369a6eDgAA4KqWn5+vnJwcpy0/P79Y783OzpYkhYeHS5K2bNmigoICxcfHO8Y0bNhQ1atXV1pamiQpLS1NTZo0cTSIktS5c2fl5ORo+/btxa7b5Saxdu3a2rdvn6Ood999V5K0dOlShYWFuXo6AAAAj7PZbG7bUlJSFBoa6rSlpKRctKaioiI99NBDat26tRo3bixJysjIkJ+fn9FzRUZGKiMjwzHmfxvEM8fPHCsul4PdwYMH69tvv1W7du30j3/8Qz169NCLL76ogoICPfvss66eDgAA4KqWnJyspKQkp312u/2i70tMTNT333+vL774wl2lXZDLTeLo0aMdf46Pj9fOnTu1ZcsW1a1bV02bNi3R4i7Vwf8+7+kSALjJvzf+5OkSALjJ/TfV9Ni1Xb616gK73V6spvB/jRw5UsuWLdP69etVtWpVx/6oqCidOnVKWVlZTmliZmamoqKiHGM2btzodL4zTz+fGVMcl/2d1KhRQ7179y41DSIAAEBZZVmWRo4cqcWLF2vNmjWqVauW0/GWLVuqfPnyWr16tWPfrl27tH//fsXFxUmS4uLitG3bNh0+fNgxJjU1VSEhIYqNLf5DNMVKEmfOnFnsEz7wwAPFHgsAAFAalJaf5UtMTNSiRYv00UcfKTg42DGHMDQ0VAEBAQoNDdWQIUOUlJSk8PBwhYSEaNSoUYqLi9ONN94oSerUqZNiY2N1zz33aNq0acrIyNCjjz6qxMRElxLNYi2Bc3YXe96T2Wzau3dvsS/uLr8fL/R0CQDc5K2tBzxdAgA38eTt5oc+2um2cz/Xs2Gxx56vWZ07d64GDRok6c/FtMeMGaO33npL+fn56ty5s2bNmuV0K/nnn3/Wfffdp7Vr1yooKEgJCQl66qmnVK5c8WcaurxOYllAkwhcvWgSgasXTWLp4sFlKwEAAEoHn9Jxt7lUcefDPAAAACijSBIBAIDXKy0PrpQmJIkAAAAwkCQCAACvx5xE0yUliZ9//rnuvvtuxcXF6ddff5UkLViwwGM/GwMAAICS5XKT+MEHH6hz584KCAjQN998o/z8fElSdna2nnzyyRIvEAAAwN1sNvdtZZXLTeLjjz+uOXPm6NVXX1X58uUd+1u3bq2vv/66RIsDAAC4EnxsNrdtZZXLTeKuXbvUtm1bY39oaKiysrJKoiYAAAB4mMtNYlRUlNLT0439X3zxhWrXrl0iRQEAAFxJPm7cyiqXax82bJgefPBBffXVV7LZbDp48KAWLlyosWPH6r777nNHjQAAALjCXF4C5x//+IeKiorUsWNHHT9+XG3btpXdbtfYsWM1atQod9QIAADgVmV46qDbuNwk2mw2PfLIIxo3bpzS09OVm5ur2NhYVahQwR31AQAAwAMueTFtPz8/xcbGlmQtAAAAHlGWn0J2F5ebxA4dOlzw9w3XrFlzWQUBAADA81xuEps3b+70uqCgQFu3btX333+vhISEkqoLAADgiiFINLncJM6YMeOc+ydNmqTc3NzLLggAAOBK47ebTSW2fM/dd9+tf//73yV1OgAAAHjQJT+4cra0tDT5+/uX1OkAAACuGB5cMbncJPbu3dvptWVZOnTokDZv3qwJEyaUWGEAAADwHJebxNDQUKfXPj4+atCggaZMmaJOnTqVWGEAAABXCkGiyaUmsbCwUIMHD1aTJk1UsWJFd9UEAAAAD3PpwRVfX1916tRJWVlZbioHAADgyvOxuW8rq1x+urlx48bau3evO2oBAABAKeFyk/j4449r7NixWrZsmQ4dOqScnBynDQAAoKyxufF/ZVWx5yROmTJFY8aM0a233ipJuu2225x+ns+yLNlsNhUWFpZ8lQAAAG5Ulm8Lu0uxm8TJkydrxIgR+uyzz9xZDwAAAEqBYjeJlmVJktq1a+e2YgAAADyBJNHk0pxEG4sIAQAAeAWX1kmsX7/+RRvFY8eOXVZBAAAAVxpBmMmlJnHy5MnGL64AAADg6uNSk9ivXz9FRES4qxYAAACPYE6iqdhzEolhAQAAvIfLTzcDAABcbcjCTMVuEouKitxZBwAAgMf40CUaXP5ZPgAAAFz9XHpwBQAA4GrEgysmkkQAAAAYSBIBAIDXY0qiiSQRAAAABpJEAADg9XxElHg2kkQAAAAYSBIBAIDXY06iiSYRAAB4PZbAMXG7GQAAAAaSRAAA4PX4WT4TSSIAAAAMJIkAAMDrESSaSBIBAABgIEkEAABejzmJJpJEAAAAGEgSAQCA1yNINNEkAgAAr8etVRPfCQAAAAwkiQAAwOvZuN9sIEkEAAAoRdavX68ePXooJiZGNptNS5YscTo+aNAg2Ww2p61Lly5OY44dO6YBAwYoJCREYWFhGjJkiHJzc12qgyYRAAB4PZsbN1fl5eWpWbNmeumll847pkuXLjp06JBje+utt5yODxgwQNu3b1dqaqqWLVum9evXa/jw4S7Vwe1mAACAUqRr167q2rXrBcfY7XZFRUWd89iOHTv0ySefaNOmTbr++uslSS+88IJuvfVWTZ8+XTExMcWqgyQRAAB4PR+bzW1bfn6+cnJynLb8/PzLqnft2rWKiIhQgwYNdN999+no0aOOY2lpaQoLC3M0iJIUHx8vHx8fffXVV8X/Ti6rQgAAAFxQSkqKQkNDnbaUlJRLPl+XLl30xhtvaPXq1frXv/6ldevWqWvXriosLJQkZWRkKCIiwuk95cqVU3h4uDIyMop9HW43AwAAr+fOZ5uTk5OVlJTktM9ut1/y+fr16+f4c5MmTdS0aVPVqVNHa9euVceOHS/5vGejSQQAAF7PnSvg2O32y2oKL6Z27dqqXLmy0tPT1bFjR0VFRenw4cNOY06fPq1jx46ddx7juXC7GQAAoAz75ZdfdPToUUVHR0uS4uLilJWVpS1btjjGrFmzRkVFRWrVqlWxz0uSCAAAvF5pWkw7NzdX6enpjtf79u3T1q1bFR4ervDwcE2ePFl9+vRRVFSU9uzZo4cfflh169ZV586dJUmNGjVSly5dNGzYMM2ZM0cFBQUaOXKk+vXrV+wnmyWSRAAAgFJl8+bNatGihVq0aCFJSkpKUosWLTRx4kT5+vrqu+++02233ab69etryJAhatmypT7//HOnW9oLFy5Uw4YN1bFjR9166626+eab9corr7hUh82yLKtEP1kp8PvxQk+XAMBN3tp6wNMlAHCT+2+q6bFrv/PNr247950trnHbud2JJBEAAAAG5iQCAACvV5rmJJYWJIkAAAAwkCQCAACvR45oIkkEAACAgSQRAAB4PeYkmmgSAQCA1+PWqonvBAAAAAaSRAAA4PW43WwiSQQAAICBJBEAAHg9ckQTSSIAAAAMJIkAAMDrMSXRRJIIAAAAA0kiAADwej7MSjTQJAIAAK/H7WYTt5sBAABgIEkEAABez8btZgNJIgAAAAwkiQAAwOsxJ9FEkggAAAADSSIAAPB6LIFjIkkEAACAgSQRAAB4PeYkmmgSAQCA16NJNHG7GQAAAAaSRAAA4PVYTNtEkggAAAADSSIAAPB6PgSJBpJEAAAAGEgSAQCA12NOookkEQAAAAaSRAAA4PVYJ9FEkwgAALwet5tN3G4GAACAgSQRAAB4PZbAMZEkAgAAwECSCAAAvB5zEk0kiQAAADCQJKLMeePfr2rWCzN0Z/97NHpcsrKzs/Tq7Be18csNysw4pLCKFdW2fUf9/f4HVCE42NPlAjjLr7u2acuK93T4593Kyzqm7qMeU53rbnIac+zgfn3x3uv6ddd3KiosVHhMDXUbOUEhlSJ0MjdHXy5ZoJ+3f60/jh5WQHCo6lx3k+JuT5A9MMhDnwplHUvgmGgSUab8sH2bFn/wrurWa+DY99uRI/rtyBGNGj1OtWrXUcahg/rXE5P125EjSpn+nOeKBXBOBfknVblabcW26ayPX5xiHM86fFDvPZmka9t20Y297pFfQKCO/fqzypX3kyTlZh1TbtZRtblzmMJjquuP3w5rzRszlZd1VN0SJ1zpjwNctWgSUWYcP56nx/75sJInTNbc11527K9Tt56eeuZ5x+uq1aprxMgHNemR8Tp9+rTKleMfc6A0qdn0BtVsesN5j6d9ME81m/5FN/cd6tgXFhHj+HPlqjXVfeREp2M39Rmkla9MU1FhoXx8fd1TOK5qBIkm5iSizJie8rhat2mnv9x400XH5v6Rq6CgCjSIQBljFRVp33cbFRZ1jRZP/6deeaCv3p76gPZ8veGC78s/nic//0AaRFwyH5vNbVtZVaqbxAMHDujee++94Jj8/Hzl5OQ4bfn5+VeoQlwpqZ8s166dP+i+UaMvOjbr998199XZ6tnnb1egMgAl6fgfWSo4eUKbP35HNZpcr9vHpqjOda217MUp+mXnd+d8z4k/srVx6SI1bt/1ClcLXN1KdZN47NgxzZ8//4JjUlJSFBoa6rTNmP7UFaoQV0JmxiE9+3SKJj0xTXa7/YJj83JzlfTACNWsXUfD/p54hSoEUFKsIkuSVLtFnK7r3FtVqtfRDd3uVK1mrbRt7cfG+PwTefrouQkKj6muVj3vudLl4ipic+NWVnn0Xtx//vOfCx7fu3fvRc+RnJyspKQkp33HC7nFeDXZuWO7fj92VIP63+HYV1hYqK1fb9b77yzS+q+2ytfXV3l5eXoocbgCA4P0r2dfULny5T1YNYBLERAcIh9fX1WKqeG0Pzy6mg7u3u6079SJ4/romUfk5x+g7qMeky/TS4AS5dG/Ub169ZLNZpNlWecdY7vIvXy73W6kS4XHC0ukPpQO1/8lTgvf+8hp3+OPPaIatWrpnkFD/2wQc3P14P3DVN7PT9Ofe+miiSOA0sm3XHlF1qyv3zN+cdqflfmrgitFOF7nn8jTkmcekW+58urxwGTHk8/AJSvLkZ+bePR2c3R0tD788EMVFRWdc/v66689WR5KiaCgINWpW89p8w8IUGhomOrUrae83Fw9cP9QnTh5Qo88NlV5ebk6+tsRHf3tiAoL+Q8GoLQ5dfKEjuzfoyP790iSso9k6Mj+Pco5eliSdF3Xv+nHjev0/brlysr8Vd+u+kh7t36ppn/tIen/N4jT/6mC/JOKv3e0Tp08rrzsY8rLPqaiIv7OAyXFo0liy5YttWXLFvXs2fOcxy+WMgKStHPnD9q+7c8J7Xfc1sXp2Icfpyom5hpPlAXgPA7/9KM++NfDjtefv/3nklaNWt+iTkPHqm7L1vrrwAe06eO3tXbhbFWMqqpuiRN0Tf3GkqQjP6crY+9OSdL88YOdzj346fkKqRx1hT4Jrib8LJ/JZnmwC/v888+Vl5enLl26nPN4Xl6eNm/erHbt2rl03t+53Qxctd7aesDTJQBwk/tvqumxa3+1J9tt525VJ9Rt53YnjyaJbdq0ueDxoKAglxtEAAAAV5Xh5QzdhkfBAACA16NHNJXqdRIBAADgGSSJAAAARIkGkkQAAAAYSBIBAIDXYwkcE0kiAABAKbJ+/Xr16NFDMTExstlsWrJkidNxy7I0ceJERUdHKyAgQPHx8dq9e7fTmGPHjmnAgAEKCQlRWFiYhgwZotzcXJfqoEkEAABez2Zz3+aqvLw8NWvWTC+99NI5j0+bNk0zZ87UnDlz9NVXXykoKEidO3fWyZMnHWMGDBig7du3KzU1VcuWLdP69es1fPhw174TTy6m7S4spg1cvVhMG7h6eXIx7S0/5bjt3C1rhlzye202mxYvXqxevXpJ+jNFjImJ0ZgxYzR27FhJUnZ2tiIjIzVv3jz169dPO3bsUGxsrDZt2qTrr79ekvTJJ5/o1ltv1S+//KKYmJhiXZskEQAAeD2bG7f8/Hzl5OQ4bfn5+ZdU5759+5SRkaH4+HjHvtDQULVq1UppaWmSpLS0NIWFhTkaREmKj4+Xj4+Pvvrqq2JfiyYRAADAjV1iSkqKQkNDnbaUlJRLKjMjI0OSFBkZ6bQ/MjLScSwjI0MRERFOx8uVK6fw8HDHmOLg6WYAAAA3Sk5OVlJSktM+u93uoWqKjyYRAAB4PXcugWO320usKYyKipIkZWZmKjo62rE/MzNTzZs3d4w5fPiw0/tOnz6tY8eOOd5fHNxuBgAAKCNq1aqlqKgorV692rEvJydHX331leLi4iRJcXFxysrK0pYtWxxj1qxZo6KiIrVq1arY1yJJBAAAXu9Slqpxl9zcXKWnpzte79u3T1u3blV4eLiqV6+uhx56SI8//rjq1aunWrVqacKECYqJiXE8Ad2oUSN16dJFw4YN05w5c1RQUKCRI0eqX79+xX6yWaJJBAAAKFU2b96sDh06OF6fmc+YkJCgefPm6eGHH1ZeXp6GDx+urKws3Xzzzfrkk0/k7+/veM/ChQs1cuRIdezYUT4+PurTp49mzpzpUh2skwigTGGdRODq5cl1Er/d/4fbzt2serDbzu1OzEkEAACAgdvNAAAApWhOYmlBkwgAALyeO5fAKau43QwAAAADSSIAAPB6pWkJnNKCJBEAAAAGkkQAAOD1CBJNJIkAAAAwkCQCAAAQJRpIEgEAAGAgSQQAAF6PdRJNJIkAAAAwkCQCAACvxzqJJppEAADg9egRTdxuBgAAgIEkEQAAgCjRQJIIAAAAA0kiAADweiyBYyJJBAAAgIEkEQAAeD2WwDGRJAIAAMBAkggAALweQaKJJhEAAIAu0cDtZgAAABhIEgEAgNdjCRwTSSIAAAAMJIkAAMDrsQSOiSQRAAAABpJEAADg9QgSTSSJAAAAMJAkAgAAECUaaBIBAIDXYwkcE7ebAQAAYCBJBAAAXo8lcEwkiQAAADCQJAIAAK9HkGgiSQQAAICBJBEAAIAo0UCSCAAAAANJIgAA8Hqsk2iiSQQAAF6PJXBM3G4GAACAgSQRAAB4PYJEE0kiAAAADCSJAADA6zEn0USSCAAAAANJIgAAALMSDSSJAAAAMJAkAgAAr8ecRBNNIgAA8Hr0iCZuNwMAAMBAkggAALwet5tNJIkAAAAwkCQCAACvZ2NWooEkEQAAAAaSRAAAAIJEA0kiAABAKTFp0iTZbDanrWHDho7jJ0+eVGJioipVqqQKFSqoT58+yszMdEstNIkAAMDr2dy4ueraa6/VoUOHHNsXX3zhODZ69GgtXbpU7733ntatW6eDBw+qd+/el/KRL4rbzQAAwOu5cwmc/Px85efnO+2z2+2y2+3nHF+uXDlFRUUZ+7Ozs/X6669r0aJF+utf/ypJmjt3rho1aqQvv/xSN954Y4nWTZIIAADgRikpKQoNDXXaUlJSzjt+9+7diomJUe3atTVgwADt379fkrRlyxYVFBQoPj7eMbZhw4aqXr260tLSSrxukkQAAOD13LkETnJyspKSkpz2nS9FbNWqlebNm6cGDRro0KFDmjx5stq0aaPvv/9eGRkZ8vPzU1hYmNN7IiMjlZGRUeJ10yQCAAC40YVuLZ+ta9eujj83bdpUrVq1Uo0aNfTuu+8qICDAXSWeE7ebAQAAStOTK/8jLCxM9evXV3p6uqKionTq1CllZWU5jcnMzDznHMbLRZMIAABQSuXm5mrPnj2Kjo5Wy5YtVb58ea1evdpxfNeuXdq/f7/i4uJK/NrcbgYAAF6vtKylPXbsWPXo0UM1atTQwYMH9dhjj8nX11d33XWXQkNDNWTIECUlJSk8PFwhISEaNWqU4uLiSvzJZokmEQAAoNT45ZdfdNddd+no0aOqUqWKbr75Zn355ZeqUqWKJGnGjBny8fFRnz59lJ+fr86dO2vWrFluqcVmWZblljN70O/HCz1dAgA3eWvrAU+XAMBN7r+ppseufTTvtNvOXSmobGZyZbNqAACAEuTOJXDKKh5cAQAAgIEkEQAAeD13/ixfWUWSCAAAAANNIgAAAAw0iQAAADAwJxEAAHg95iSaSBIBAABgIEkEAABej3USTTSJAADA63G72cTtZgAAABhIEgEAgNcjSDSRJAIAAMBAkggAAECUaCBJBAAAgIEkEQAAeD2WwDGRJAIAAMBAkggAALwe6ySaSBIBAABgIEkEAABejyDRRJMIAABAl2jgdjMAAAAMJIkAAMDrsQSOiSQRAAAABpJEAADg9VgCx0SSCAAAAIPNsizL00UAlyo/P18pKSlKTk6W3W73dDkAShB/vwHPoklEmZaTk6PQ0FBlZ2crJCTE0+UAKEH8/QY8i9vNAAAAMNAkAgAAwECTCAAAAANNIso0u92uxx57jEntwFWIv9+AZ/HgCgAAAAwkiQAAADDQJAIAAMBAkwgAAAADTSIAAAAMNIko01566SXVrFlT/v7+atWqlTZu3OjpkgBcpvXr16tHjx6KiYmRzWbTkiVLPF0S4JVoElFmvfPOO0pKStJjjz2mr7/+Ws2aNVPnzp11+PBhT5cG4DLk5eWpWbNmeumllzxdCuDVWAIHZVarVq10ww036MUXX5QkFRUVqVq1aho1apT+8Y9/eLg6ACXBZrNp8eLF6tWrl6dLAbwOSSLKpFOnTmnLli2Kj4937PPx8VF8fLzS0tI8WBkAAFcHmkSUSb/99psKCwsVGRnptD8yMlIZGRkeqgoAgKsHTSIAAAAMNIkokypXrixfX19lZmY67c/MzFRUVJSHqgIA4OpBk4gyyc/PTy1bttTq1asd+4qKirR69WrFxcV5sDIAAK4O5TxdAHCpkpKSlJCQoOuvv15/+ctf9NxzzykvL0+DBw/2dGkALkNubq7S09Mdr/ft26etW7cqPDxc1atX92BlgHdhCRyUaS+++KKefvppZWRkqHnz5po5c6ZatWrl6bIAXIa1a9eqQ4cOxv6EhATNmzfvyhcEeCmaRAAAABiYkwgAAAADTSIAAAAMNIkAAAAw0CQCAADAQJMIAAAAA00iAAAADDSJAAAAMNAkAgAAwECTCOCyDRo0SL169XK8bt++vR566KErXsfatWtls9mUlZV13jE2m01Lliwp9jknTZqk5s2bX1ZdP/30k2w2m7Zu3XpZ5wGAK4kmEbhKDRo0SDabTTabTX5+fqpbt66mTJmi06dPu/3aH374oaZOnVqsscVp7AAAV145TxcAwH26dOmiuXPnKj8/X8uXL1diYqLKly+v5ORkY+ypU6fk5+dXItcNDw8vkfMAADyHJBG4itntdkVFRalGjRq67777FB8fr//85z+S/u8W8RNPPKGYmBg1aNBAknTgwAH17dtXYWFhCg8PV8+ePfXTTz85zllYWKikpCSFhYWpUqVKevjhh3X2T8Cffbs5Pz9f48ePV7Vq1WS321W3bl29/vrr+umnn9ShQwdJUsWKFWWz2TRo0CBJUlFRkVJSUlSrVi0FBASoWbNmev/9952us3z5ctWvX18BAQHq0KGDU53FNX78eNWvX1+BgYGqXbu2JkyYoIKCAmPcyy+/rGrVqikwMFB9+/ZVdna20/HXXntNjRo1kr+/vxo2bKhZs2ad95q///67BgwYoCpVqiggIED16tXT3LlzXa4dANyJJBHwIgEBATp69Kjj9erVqxUSEqLU1FRJUkFBgTp37qy4uDh9/vnnKleunB5//HF16dJF3333nfz8/PTMM89o3rx5+ve//61GjRrpmWee0eLFi/XXv/71vNcdOHCg0tLSNHPmTDVr1kz79u3Tb7/9pmrVqumDDz5Qnz59tGvXLoWEhCggIECSlJKSojfffFNz5sxRvXr1tH79et19992qUqWK2rVrpwMHDqh3795KTEzU8OHDtXnzZo0ZM8bl7yQ4OFjz5s1TTEyMtm3bpmHDhik4OFgPP/ywY0x6erreffddLV26VDk5ORoyZIjuv/9+LVy4UJK0cOFCTZw4US+++KJatGihb775RsOGDVNQUJASEhKMa06YMEE//PCDVqxYocqVKys9PV0nTpxwuXYAcCsLwFUpISHB6tmzp2VZllVUVGSlpqZadrvdGjt2rON4ZGSklZ+f73jPggULrAYNGlhFRUWOffn5+VZAQIC1cuVKy7IsKzo62po2bZrjeEFBgVW1alXHtSzLstq1a2c9+OCDlmVZ1q5duyxJVmpq6jnr/OyzzyxJ1u+//+7Yd/LkSSswMNDasGGD09ghQ4ZYd911l2VZlpWcnGzFxsY6HR8/frxxrrNJshYvXnze408//bTVsmVLx+vHHnvM8vX1tX755RfHvhUrVlg+Pj7WoUOHLMuyrDp16liLFi1yOs/UqVOtuLg4y7Isa9++fZYk65tvvrEsy7J69OhhDR48+Lw1AEBpQJIIXMWWLVumChUqqKCgQEVFRerfv78mTZrkON6kSROneYjffvut0tPTFRwc7HSekydPas+ePcrOztahQ4fUqlUrx7Fy5crp+uuvN245n7F161b5+vqqXbt2xa47PT1dx48f1y233OK0/9SpU2rRooUkaceOHU51SFJcXFyxr3HGO++8o5kzZ2rPnj3Kzc3V6dOnFRIS4jSmevXquuaaa5yuU1RUpF27dik4OFh79uzRkCFDNGzYMMeY06dPKzQ09JzXvO+++9SnTx99/fXX6tSpk3r16qWbbrrJ5doBwJ1oEoGrWIcOHTR79mz5+fkpJiZG5co5/5UPCgpyep2bm6uWLVs6bqP+rypVqlxSDWduH7siNzdXkvTxxx87NWfSn/MsS0paWpoGDBigyZMnq3PnzgoNDdXbb7+tZ555xuVaX331VaNp9fX1Ped7unbtqp9//lnLly9XamqqOnbsqMTERE2fPv3SPwwAlDCaROAqFhQUpLp16xZ7/HXXXad33nlHERERRpp2RnR0tL766iu1bdtW0p+J2ZYtW3Tdddedc3yTJk1UVFSkdevWKT4+3jh+JsksLCx07IuNjZXdbtf+/fvPm0A2atTI8RDOGV9++eXFP+T/2LBhg2rUqKFHHnnEse/nn382xu3fv18HDx5UTEyM4zo+Pj5q0KCBIiMjFRMTo71792rAgAHFvnaVKlWUkJCghIQEtWnTRuPGjaNJBFCq8HQzAIcBAwaocuXK6tmzpz7//HPt27dPa9eu1QMPPKBffvlFkvTggw/qqaee0pIlS7Rz507df//9F1zjsGbNmkpISNC9996rJUuWOM757rvvSpJq1Kghm82mZcuW6ciRI8rNzVVwcLDGjh2r0aNHa/78+dqzZ4++/vprvfDCC5o/f74kacSIEdq9e7fGjRunXbt2adGiRZo3b55Ln7devXrav3+/3n77be3Zs0czZ87U4sWLjXH+/v5KSEjQt99+q88//1wPPPCA+vbtq6ioKEnS5MmTlZKSopkzZ+rHH3/Utm3bNHfuXD377LPnvO7EiRP10UcfKT09Xdu3b9eyZcvUqFEjl2oHAHejSQTgEBgYqPXr16t69erq3bu3GjVqpCFDhujkyZOOZHHMmDG65557lJCQoLi4OAUHB+v222+/4Hlnz56tO+64Q/fff78aNmyoYcOGKS8vT5J0zTXXaPLkyfrHP/6hyMhIjRw5UpI0depUTZgwQSkpKWrUqJG6dOmijz/+WLVq1ZL05zzBDz74QEuWLFGzZs00Z84cPfnkky593ttuu02jR4/WyJEj1bx5c23YsEETJkwwxtWtW1e9e/fWrbfeqk6dOqlp06ZOS9wMHTpUr732mubOnasmTZqoXbt2mjdvnqPWs/n5+Sk5OVlNmzZV27Zt5evrq7ffftul2gHA3WzW+WabAwAAwGuRJAIAAMBAkwgAAAADTSIAAAAMNIkAAAAw0CQCAADAQJMIAAAAA00iAAAADDSJAAAAMNAkAgAAwECTCAAAAANNIgAAAAz/D2Ul83rccnkwAAAAAElFTkSuQmCC", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "plot_confusion_matrix(y_test, y_pred,(0,1))" + ] + }, + { + "cell_type": "code", + "execution_count": 39, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAr4AAAIjCAYAAADlfxjoAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8pXeV/AAAACXBIWXMAAA9hAAAPYQGoP6dpAACaEUlEQVR4nOzdd1iTVxsG8DvsIUsZIqKAiqPiwr0HFWtr1VrFPequq6ite7VVq9ZVa12tA0ertba1rZ9WrdqqVOusVsWB1gUKiiAoKznfH2+TEAmaYOAl5P5dF5fJyZs3T0LAhyfnPEchhBAgIiIiIirmrOQOgIiIiIioMDDxJSIiIiKLwMSXiIiIiCwCE18iIiIisghMfImIiIjIIjDxJSIiIiKLwMSXiIiIiCwCE18iIiIisghMfImIiIjIIjDxJSokAQEB6N+/v9xhWJyWLVuiZcuWcofxQjNnzoRCoUBiYqLcoRQ5CoUCM2fONMm5bty4AYVCgfXr15vkfABw/Phx2NnZ4d9//zXZOU2te/fu6Natm9xhEMmOiS8VC+vXr4dCodB82djYwM/PD/3798edO3fkDq9IS0tLw0cffYQaNWrAyckJbm5uaNasGaKiomAuO5pfuHABM2fOxI0bN+QOJRelUol169ahZcuWKFmyJOzt7REQEIABAwbgxIkTcodnElu2bMGSJUvkDkNHYcY0ZcoU9OjRA+XLl9eMtWzZUud3kqOjI2rUqIElS5ZApVLpPc+DBw/w/vvvo3LlynBwcEDJkiURHh6On3/+Oc/HTklJwaxZs1CzZk2UKFECjo6OqF69OiZMmIC7d+9qjpswYQK+++47nD171uDnZQnvXbI8CmEu/7MRPcf69esxYMAAfPjhhwgMDER6ejr+/PNPrF+/HgEBATh//jwcHBxkjTEjIwNWVlawtbWVNY6c7t27hzZt2uDixYvo3r07WrRogfT0dHz33Xf4/fffERERgc2bN8Pa2lruUJ9r+/bt6Nq1Kw4cOJCrupuZmQkAsLOzK/S4nj59irfeegu7d+9G8+bN0aFDB5QsWRI3btzAtm3bcPnyZdy8eRNly5bFzJkzMWvWLCQkJMDT07PQY30Zb7zxBs6fP19gf3ikp6fDxsYGNjY2Lx2TEAIZGRmwtbU1yfv6zJkzqF27No4ePYpGjRppxlu2bIlr165h7ty5AIDExERs2bIFf/31FyZPnozZs2frnCcmJgZt2rRBQkICBgwYgLp16+LRo0fYvHkzzpw5g/Hjx2PBggU694mNjUVYWBhu3ryJrl27omnTprCzs8Pff/+Nr7/+GiVLlsTly5c1xzdo0ACVK1dGVFTUC5+XMe9dIrMiiIqBdevWCQDir7/+0hmfMGGCACC2bt0qU2Tyevr0qVAqlXneHh4eLqysrMSPP/6Y67bx48cLAOKTTz4pyBD1Sk1NNer4b7/9VgAQBw4cKJiA8mnEiBECgFi8eHGu27Kzs8WCBQvErVu3hBBCzJgxQwAQCQkJBRaPSqUST548Mfl5X3/9dVG+fHmTnlOpVIqnT5/m+/4FEZM+o0ePFuXKlRMqlUpnvEWLFuKVV17RGXv69KkoX768cHFxEdnZ2ZrxzMxMUb16deHk5CT+/PNPnftkZ2eLiIgIAUB88803mvGsrCxRs2ZN4eTkJP74449ccSUnJ4vJkyfrjH366afC2dlZPH78+IXPy5j37st42e8zkbGY+FKxkFfi+/PPPwsAYs6cOTrjFy9eFF26dBEeHh7C3t5ehIaG6k3+kpKSxHvvvSfKly8v7OzshJ+fn+jTp49OcpKeni6mT58uKlSoIOzs7ETZsmXF+++/L9LT03XOVb58edGvXz8hhBB//fWXACDWr1+f6zF3794tAIiffvpJM3b79m0xYMAA4e3tLezs7ES1atXEV199pXO/AwcOCADi66+/FlOmTBFlypQRCoVCJCUl6X3NoqOjBQDxzjvv6L09KytLVKpUSXh4eGiSpevXrwsAYsGCBWLRokWiXLlywsHBQTRv3lycO3cu1zkMeZ3V37uDBw+K4cOHCy8vL+Hu7i6EEOLGjRti+PDhIjg4WDg4OIiSJUuKt99+W1y/fj3X/Z/9UifBLVq0EC1atMj1Om3dulV8/PHHws/PT9jb24vWrVuLK1eu5HoOn3/+uQgMDBQODg6iXr164vfff891Tn1u3bolbGxsxKuvvvrc49TUie+VK1dEv379hJubm3B1dRX9+/cXaWlpOseuXbtWtGrVSnh5eQk7OztRtWpV8cUXX+Q6Z/ny5cXrr78udu/eLUJDQ4W9vb0mkTH0HEIIsWvXLtG8eXNRokQJ4eLiIurWrSs2b94shJBe32df+5wJp6E/HwDEiBEjxKZNm0S1atWEjY2N+P777zW3zZgxQ3NsSkqKGDNmjObn0svLS4SFhYmTJ0++MCb1e3jdunU6j3/x4kXRtWtX4enpKRwcHERwcHCuxFGfcuXKif79++ca15f4CiHE22+/LQCIu3fvasa+/vprAUB8+OGHeh/j0aNHwt3dXVSpUkUz9s033wgAYvbs2S+MUe3s2bMCgNixY8dzjzP2vduvXz+9f2So39M56fs+b9u2TXh4eOh9HZOTk4W9vb0YN26cZszQ9xSRPoZ/bkRkhtQfc3p4eGjG/vnnHzRp0gR+fn6YOHEinJ2dsW3bNnTq1AnfffcdOnfuDABITU1Fs2bNcPHiRbzzzjuoU6cOEhMTsXPnTty+fRuenp5QqVR48803cfjwYQwZMgRVq1bFuXPnsHjxYly+fBk//PCD3rjq1q2LoKAgbNu2Df369dO5bevWrfDw8EB4eDgAaTpCw4YNoVAoMHLkSHh5eeF///sfBg4ciJSUFLz33ns69//oo49gZ2eH8ePHIyMjI8+P+H/66ScAQN++ffXebmNjg549e2LWrFk4cuQIwsLCNLdFRUXh8ePHGDFiBNLT07F06VK0bt0a586dg4+Pj1Gvs9q7774LLy8vTJ8+HWlpaQCAv/76C0ePHkX37t1RtmxZ3LhxAytWrEDLli1x4cIFODk5oXnz5hg9ejQ+++wzTJ48GVWrVgUAzb95+eSTT2BlZYXx48cjOTkZ8+fPR69evXDs2DHNMStWrMDIkSPRrFkzREZG4saNG+jUqRM8PDxe+BHv//73P2RnZ6NPnz7PPe5Z3bp1Q2BgIObOnYtTp07hyy+/hLe3N+bNm6cT1yuvvII333wTNjY2+Omnn/Duu+9CpVJhxIgROueLiYlBjx49MHToUAwePBiVK1c26hzr16/HO++8g1deeQWTJk2Cu7s7Tp8+jd27d6Nnz56YMmUKkpOTcfv2bSxevBgAUKJECQAw+ufjt99+w7Zt2zBy5Eh4enoiICBA72s0bNgwbN++HSNHjkS1atXw4MEDHD58GBcvXkSdOnWeG5M+f//9N5o1awZbW1sMGTIEAQEBuHbtGn766adcUxJyunPnDm7evIk6derkecyz1Ivr3N3dNWMv+ll0c3NDx44dsWHDBly9ehUVK1bEzp07AcCo91e1atXg6OiII0eO5Pr5yym/711DPft9rlSpEjp37owdO3Zg1apVOr+zfvjhB2RkZKB79+4AjH9PEeUid+ZNZArqqt++fftEQkKCuHXrlti+fbvw8vIS9vb2Oh/JtWnTRoSEhOhUB1QqlWjcuLGoVKmSZmz69Ol5VkfUH2tu3LhRWFlZ5fqoceXKlQKAOHLkiGYsZ8VXCCEmTZokbG1txcOHDzVjGRkZwt3dXacKO3DgQOHr6ysSExN1HqN79+7Czc1NU41VVzKDgoIM+ji7U6dOAkCeFWEhhNixY4cAID777DMhhLZa5ujoKG7fvq057tixYwKAiIyM1IwZ+jqrv3dNmzbV+fhXCKH3eagr1VFRUZqx5011yKviW7VqVZGRkaEZX7p0qQCgqVxnZGSIUqVKiXr16omsrCzNcevXrxcAXljxjYyMFADE6dOnn3ucmro69mwFvnPnzqJUqVI6Y/pel/DwcBEUFKQzVr58eQFA7N69O9fxhpzj0aNHwsXFRTRo0CDXx9E5P9rPa1qBMT8fAISVlZX4559/cp0Hz1R83dzcxIgRI3Idl1NeMemr+DZv3ly4uLiIf//9N8/nqM++fftyfTqj1qJFC1GlShWRkJAgEhISxKVLl8T7778vAIjXX39d59hatWoJNze35z7WokWLBACxc+dOIYQQtWvXfuF99AkODhavvfbac48x9r1rbMVX3/d5z549el/L9u3b67wnjXlPEenDrg5UrISFhcHLywv+/v54++234ezsjJ07d2qqcw8fPsRvv/2Gbt264fHjx0hMTERiYiIePHiA8PBwXLlyRdMF4rvvvkPNmjX1VkYUCgUA4Ntvv0XVqlVRpUoVzbkSExPRunVrAMCBAwfyjDUiIgJZWVnYsWOHZuzXX3/Fo0ePEBERAUBaiPPdd9+hQ4cOEELoPEZ4eDiSk5Nx6tQpnfP269cPjo6OL3ytHj9+DABwcXHJ8xj1bSkpKTrjnTp1gp+fn+Z6/fr10aBBA+zatQuAca+z2uDBg3MtNsr5PLKysvDgwQNUrFgR7u7uuZ63sQYMGKBTWWrWrBkAacEQAJw4cQIPHjzA4MGDdRZV9erVS+cThLyoX7Pnvb76DBs2TOd6s2bN8ODBA53vQc7XJTk5GYmJiWjRogViY2ORnJysc//AwEDNpwc5GXKOvXv34vHjx5g4cWKuxaHqn4HnMfbno0WLFqhWrdoLz+vu7o5jx47pdC3Ir4SEBPz+++945513UK5cOZ3bXvQcHzx4AAB5vh8uXboELy8veHl5oUqVKliwYAHefPPNXK3UHj9+/ML3ybM/iykpKUa/t9SxvqhlXn7fu4bS931u3bo1PD09sXXrVs1YUlIS9u7dq/l9CLzc71wiAOBUBypWli9fjuDgYCQnJ2Pt2rX4/fffYW9vr7n96tWrEEJg2rRpmDZtmt5z3L9/H35+frh27Rq6dOny3Me7cuUKLl68CC8vrzzPlZeaNWuiSpUq2Lp1KwYOHAhAmubg6emp+SWekJCAR48eYfXq1Vi9erVBjxEYGPjcmNXU/6k9fvxY52PXnPJKjitVqpTr2ODgYGzbtg2Aca/z8+J++vQp5s6di3Xr1uHOnTs67dWeTfCM9WySo05ekpKSAEDTk7VixYo6x9nY2OT5EXxOrq6uALSvoSniUp/zyJEjmDFjBqKjo/HkyROd45OTk+Hm5qa5ntf7wZBzXLt2DQBQvXp1o56DmrE/H4a+d+fPn49+/frB398foaGhaN++Pfr27YugoCCjY1T/oZPf5wggz7Z/AQEBWLNmDVQqFa5du4bZs2cjISEh1x8RLi4uL0xGn/1ZdHV11cRubKwvSujz+941lL7vs42NDbp06YItW7YgIyMD9vb22LFjB7KysnQS35f5nUsEMPGlYqZ+/fqoW7cuAKkq2bRpU/Ts2RMxMTEoUaKEpn/m+PHj9VbBgNyJzvOoVCqEhIRg0aJFem/39/d/7v0jIiIwe/ZsJCYmwsXFBTt37kSPHj00FUZ1vL179841F1itRo0aOtcNqfYC0hzYH374AX///TeaN2+u95i///4bAAyqwuWUn9dZX9yjRo3CunXr8N5776FRo0Zwc3ODQqFA9+7d8+yFaqi8WlnllcQYq0qVKgCAc+fOoVatWgbf70VxXbt2DW3atEGVKlWwaNEi+Pv7w87ODrt27cLixYtzvS76Xldjz5Ffxv58GPre7datG5o1a4bvv/8ev/76KxYsWIB58+Zhx44deO211146bkOVKlUKgPaPpWc5OzvrzI1v0qQJ6tSpg8mTJ+Ozzz7TjFetWhVnzpzBzZs3c/3ho/bsz2KVKlVw+vRp3Lp164W/Z3JKSkrS+4drTsa+d/NKpJVKpd7xvL7P3bt3x6pVq/C///0PnTp1wrZt21ClShXUrFlTc8zL/s4lYuJLxZa1tTXmzp2LVq1a4fPPP8fEiRM1FSFbW1ud/5D0qVChAs6fP//CY86ePYs2bdoY9NHvsyIiIjBr1ix899138PHxQUpKimYRBwB4eXnBxcUFSqXyhfEa64033sDcuXMRFRWlN/FVKpXYsmULPDw80KRJE53brly5kuv4y5cvayqhxrzOz7N9+3b069cPCxcu1Iylp6fj0aNHOsfl57V/EfVmBFevXkWrVq0049nZ2bhx40auPzie9dprr8Ha2hqbNm0y6SKhn376CRkZGdi5c6dOkmTMR7yGnqNChQoAgPPnzz/3D8K8Xv+X/fl4Hl9fX7z77rt49913cf/+fdSpUwezZ8/WJL6GPp76vfqin3V91Ani9evXDTq+Ro0a6N27N1atWoXx48drXvs33ngDX3/9NaKiojB16tRc90tJScGPP/6IKlWqaL4PHTp0wNdff41NmzZh0qRJBj1+dnY2bt26hTfffPO5xxn73vXw8Mj1MwnA6J3smjdvDl9fX2zduhVNmzbFb7/9hilTpugcU5DvKbIMnONLxVrLli1Rv359LFmyBOnp6fD29kbLli2xatUqxMXF5To+ISFBc7lLly44e/Ysvv/++1zHqatv3bp1w507d7BmzZpcxzx9+lTTnSAvVatWRUhICLZu3YqtW7fC19dXJwm1trZGly5d8N133+n9jzlnvMZq3LgxwsLCsG7dOr07Q02ZMgWXL1/GBx98kKtC88MPP+jM0T1+/DiOHTumSTqMeZ2fx9raOlcFdtmyZbkqSc7OzgCg9z/f/Kpbty5KlSqFNWvWIDs7WzO+efPmPCt8Ofn7+2Pw4MH49ddfsWzZsly3q1QqLFy4ELdv3zYqLnVF+NlpH+vWrTP5Odq2bQsXFxfMnTsX6enpOrflvK+zs7PeqScv+/Ohj1KpzPVY3t7eKFOmDDIyMl4Y07O8vLzQvHlzrF27Fjdv3tS57UXVfz8/P/j7+xu1i9kHH3yArKwsnYrl22+/jWrVquGTTz7JdS6VSoXhw4cjKSkJM2bM0LlPSEgIZs+ejejo6FyP8/jx41xJ44ULF5Ceno7GjRs/N0Zj37sVKlRAcnKypioNAHFxcXp/dz6PlZUV3n77bfz000/YuHEjsrOzdaY5AAXzniLLwoovFXvvv/8+unbtivXr12PYsGFYvnw5mjZtipCQEAwePBhBQUG4d+8eoqOjcfv2bc2Wnu+//75mR7B33nkHoaGhePjwIXbu3ImVK1eiZs2a6NOnD7Zt24Zhw4bhwIEDaNKkCZRKJS5duoRt27Zhz549mqkXeYmIiMD06dPh4OCAgQMHwspK9+/RTz75BAcOHECDBg0wePBgVKtWDQ8fPsSpU6ewb98+PHz4MN+vTVRUFNq0aYOOHTuiZ8+eaNasGTIyMrBjxw4cPHgQEREReP/993Pdr2LFimjatCmGDx+OjIwMLFmyBKVKlcIHH3ygOcbQ1/l53njjDWzcuBFubm6oVq0aoqOjsW/fPs1HzGq1atWCtbU15s2bh+TkZNjb26N169bw9vbO92tjZ2eHmTNnYtSoUWjdujW6deuGGzduYP369ahQoYJB1aaFCxfi2rVrGD16NHbs2IE33ngDHh4euHnzJr799ltcunRJp8JviLZt28LOzg4dOnTA0KFDkZqaijVr1sDb21vvHxkvcw5XV1csXrwYgwYNQr169dCzZ094eHjg7NmzePLkCTZs2AAACA0NxdatWzF27FjUq1cPJUqUQIcOHUzy8/Gsx48fo2zZsnj77bc12/Tu27cPf/31l84nA3nFpM9nn32Gpk2bok6dOhgyZAgCAwNx48YN/PLLLzhz5sxz4+nYsSO+//57g+bOAtJUhfbt2+PLL7/EtGnTUKpUKdjZ2WH79u1o06YNmjZtqrNz25YtW3Dq1CmMGzdO571ia2uLHTt2ICwsDM2bN0e3bt3QpEkT2Nra4p9//tF8WpOzHdvevXvh5OSEV1999YVxGvPe7d69OyZMmIDOnTtj9OjRePLkCVasWIHg4GCjF6FGRERg2bJlmDFjBkJCQnK1JSyI9xRZmMJvJEFkenltYCGEtDNQhQoVRIUKFTTtsq5duyb69u0rSpcuLWxtbYWfn5944403xPbt23Xu++DBAzFy5Ejh5+enaZTer18/ndZimZmZYt68eeKVV14R9vb2wsPDQ4SGhopZs2aJ5ORkzXHPtjNTu3LliqbJ/uHDh/U+v3v37okRI0YIf39/YWtrK0qXLi3atGkjVq9erTlG3abr22+/Neq1e/z4sZg5c6Z45ZVXhKOjo3BxcRFNmjQR69evz9XOKecGFgsXLhT+/v7C3t5eNGvWTJw9ezbXuQ15nZ/3vUtKShIDBgwQnp6eokSJEiI8PFxcunRJ72u5Zs0aERQUJKytrQ3awOLZ1ymvjQ0+++wzUb58eWFvby/q168vjhw5IkJDQ0W7du0MeHWlXa6+/PJL0axZM+Hm5iZsbW1F+fLlxYABA3TaReW1c5v69cm5acfOnTtFjRo1hIODgwgICBDz5s0Ta9euzXWcegMLfQw9h/rYxo0bC0dHR+Hq6irq168vvv76a83tqampomfPnsLd3T3XBhaG/nzgv40N9EGOdmYZGRni/fffFzVr1hQuLi7C2dlZ1KxZM9fmG3nFlNf3+fz586Jz587C3d1dODg4iMqVK4tp06bpjSenU6dOCQC52mvltYGFEEIcPHgwV4s2IYS4f/++GDt2rKhYsaKwt7cX7u7uIiwsTNPCTJ+kpCQxffp0ERISIpycnISDg4OoXr26mDRpkoiLi9M5tkGDBqJ3794vfE5qhr53hRDi119/FdWrVxd2dnaicuXKYtOmTc/dwCIvKpVK+Pv7CwDi448/1nuMoe8pIn0UQphoJQcRFXs3btxAYGAgFixYgPHjx8sdjixUKhW8vLzw1ltv6f24lSxPmzZtUKZMGWzcuFHuUPJ05swZ1KlTB6dOnTJqsSVRccM5vkREeUhPT881zzMqKgoPHz5Ey5Yt5QmKipw5c+Zg69atRi/mKkyffPIJ3n77bSa9ZPE4x5eIKA9//vknIiMj0bVrV5QqVQqnTp3CV199herVq6Nr165yh0dFRIMGDZCZmSl3GM/1zTffyB0CUZHAxJeIKA8BAQHw9/fHZ599hocPH6JkyZLo27cvPvnkE51d34iIyDxwji8RERERWQTO8SUiIiIii8DEl4iIiIgsgsXN8VWpVLh79y5cXFy43SERERFRESSEwOPHj1GmTJlcGzu9DItLfO/evQt/f3+5wyAiIiKiF7h16xbKli1rsvNZXOLr4uICQHohXV1dZY6GiIiIiJ6VkpICf39/Td5mKhaX+KqnN7i6ujLxJSIiIirCTD0tlYvbiIiIiMgiMPElIiIiIovAxJeIiIiILAITXyIiIiKyCEx8iYiIiMgiMPElIiIiIovAxJeIiIiILAITXyIiIiKyCEx8iYiIiMgiMPElIiIiIovAxJeIiIiILAITXyIiIiKyCEx8iYiIiMgiMPElIiIiIovAxJeIiIiILIKsie/vv/+ODh06oEyZMlAoFPjhhx9eeJ+DBw+iTp06sLe3R8WKFbF+/foCj5OIiIiIzJ+siW9aWhpq1qyJ5cuXG3T89evX8frrr6NVq1Y4c+YM3nvvPQwaNAh79uwp4EiJiIiIyNzZyPngr732Gl577TWDj1+5ciUCAwOxcOFCAEDVqlVx+PBhLF68GOHh4QUVJhEREREVICGA+Hjg0iXg0gUV7h36p0AeR9bE11jR0dEICwvTGQsPD8d7772X530yMjKQkZGhuZ6SklJQ4RERERHRc2RmAteu/ZfgPvOVkgKURhzWYQA64xBmFcDjm1XiGx8fDx8fH50xHx8fpKSk4OnTp3B0dMx1n7lz52LWrIJ46YiIiIhIn4cP9Se3sbGAUqn/Pm/iR3yJQfBCIgqqTGlWiW9+TJo0CWPHjtVcT0lJgb+/v4wREREREZk/pRK4cQOIicmd4CYkGH4eZ6RhVYlx6JW6SjOW4eENJN03ecxmlfiWLl0a9+7d0xm7d+8eXF1d9VZ7AcDe3h729vaFER4RERFRsZOaqj+5vXIFyDGb9IUcHYHKlYEqVbRftVUnUXFmL1hdjtEe2KkT7BctAoKCTP5czCrxbdSoEXbt2qUztnfvXjRq1EimiIiIiIjMnxDAnTv6E9zbt407l6+vbnKr/ipbFrBS9xNTKoFPPwWmTgWys6UxJydgyRJg0CDg8WNTPj0NWRPf1NRUXL16VXP9+vXrOHPmDEqWLIly5cph0qRJuHPnDqKiogAAw4YNw+eff44PPvgA77zzDn777Tds27YNv/zyi1xPgYiIiMhspKcDV6/mTm5jYqTKrqFsbYGKFXMnt5UrA25uBgby5ZfapDc0FNiyBQgOztfzMpSsie+JEyfQqlUrzXX1XNx+/fph/fr1iIuLw82bNzW3BwYG4pdffkFkZCSWLl2KsmXL4ssvv2QrMyIiIqL/CAEkJmoT2pwJ7vXrgEpl+Lk8PICqVXMnuIGBgM3LZJHOzlKi27QpMG4cMHMmYGf3Eic0jEIIIQr8UYqQlJQUuLm5ITk5Ga6urnKHQ0RERJQv2dlSIquve8LDh4afx8pKSmSfnX9bpQrg6QkoFCYI9vFjqV+Zn5/u+J07ucdQcPmaWc3xJSIiIrI0yclS5fbZ6u2VK0BWluHncXbWP/e2YkXAwaHg4kd0NNC7N1C6NHDokG6pWE/SW5CY+BIRERHJTKWSFpHpq97GxRl3rrJltfNtcya4fn4mqt4aKjsbmD0b+OgjaTFbbCwwbx4wZUohBqGLiS8RERFRIXn6FLh8WXdRmfrfJ08MP4+dnbQO7NnqbXAw4OJScPEbLDZWqvJGR2vHGjcGevaULyYw8SUiIiIyKSGA+/f1V2///Ve63VBeXvqrtwEBgLV1gT2F/BMC2LgRGDlS25LM2hqYMQOYNOklV8S9PCa+RERERPmQlQVcu5a7envpEvDokeHnsbaW9mrQ1xqsVKkCC9/0kpKAYcOAbdu0Y0FBwObNQMOG8sWVAxNfIiIioudIStK/scO1a9o2tIZwdc2d2FapAlSoAJj9JrMpKUCtWkCONrTo3x/47LMiMvdCwsSXiIiILJ5SKeVsz27qcOkScO+ececqV05/94TSpQt5cVlhcnUFOncGli6Vmv+uWgV07Sp3VLkw8SUiIiKLkZamu7hM/XX5srSZmKEcHHTn3aovBwdLbcMs0iefSC/ilCmAv7/c0ejFxJeIiIiKFSGkFmD6tuXN+Um8IXx89Fdvy5WTNn6wSEIAa9ZIk5MHDtSOOzgAK1fKF5cBmPgSERGRWcrI0F1clvNL3VDAEDY20iYOz86/rVxZ+tSeckhIAAYPBn78EXB0lFqUVa0qd1QGY+JLRERERdqDB/qT2+vXpbm5hnJ311+9DQoCbG0LLPzi49dfgX79gPh46frTp8DPPzPxJSIiIjKGUgncuKE/wU1MNPw8CoXU41ZfguvlVYwXlxWk9HSpB++SJdoxT09g7VqgQwfZwsoPJr5ERERUaB4/1t8a7MoVIDPT8PM4OeXe1KFKFaBSJekTeDKRc+eAXr2kf9XatQPWrZPaVJgZJr5ERERkUkIAd+7or97euWPcucqU0V+99fOz4MVlhUEIYNky4IMPpMnUgNRseMECaVc2My2dM/ElIiKifElPlyq1+ronpKUZfh5bW6lSq2/nMlfXgoufniM1FVi4UJv01qgh7cBWvbq8cb0kJr5ERESUJyGkhfzPbsmrXlwmhOHnKllSWgf1bIIbECB1VqAixMUF2LQJaNUKGD0amDNHaldm5vg2IyIiImRnA7Gx+qcnJCUZfh4rKyAwUP/0BE/PgoufXlJamvTl7a0da9ZM2tkjKEi+uEyMiS8REZEFSU7WX729ehXIyjL8PCVK6E9uK1aUpoKSGTl5UlrA5ucH7N2rO3m6GCW9ABNfIiKiYkelAm7d0l+9VbdgNZS/v+6WvOqvMmXMdn0TqSmVwKefAlOnSiX/mBhg8WJg3Di5IyswTHyJiIjM1JMn0ifRz1ZwY2KkvQUMZW8PBAfnrt4GB0uVXSqGbt0C+vYFDh7UjoWGml1fXmMx8SUiIirChADu3dNfvf33X+PO5e2tv3pbvjxgbV0w8VMRtG0bMHQo8OiRdF2hACZOBGbOBOzs5IyswDHxJSIiKgIyM4Fr13K3Bbt0SZqXayhra6BCBf2twUqWLLj4yQykpEgdGjZs0I75+wMbNwItWsgXVyFi4ktERFSIkpL0V2+vXZOmXBrK1VXbGixnBbdChWJftKP8SE4G6tSRWneoRUQAK1YAHh7yxVXImPgSERGZmFIpTUN4tnJ76RJw/75x5ypfXn/3BB8fLi4jI7i5Aa1bS4mviwuwfDnQu7fFvYmY+BIREeVTaqp2cVnOr8uXtRteGcLRMfe828qVpcVlTk4FFz9ZmMWLpVWPH35Y7NqUGYqJLxER0XMIAdy9q39b3lu3jDtX6dL6q7f+/rqtU4leihDSvF1bW6BHD+14iRLSbmwWjIkvERERpArt1av659+mphp+HhsboFKl3NXbypUBd/cCC59IkpQEDBsmdW4oUQKoX1+a+E0AmPgSEZGFSUzUX72NjZU2fjCUh4f+6m1goFRoIyp0Bw8CffoAt29L11NTge3bgQkTZA2rKGHiS0RExU52NnDjhv7q7YMHhp9HoZASWX2twby8LG5dEBVVmZnA9OnA/PnSNAdA+nhh9Wqga1dZQytqmPgSEZHZSknR7Zig/rp6VcoFDOXkpL96W6kS4OBQcPETvbSYGKBnT+DUKe1Yy5ZAVJQ0eZx0MPElIqIiTaWSPrnVl+DevWvcufz89Fdv/fy4uIzMjBBSRTcyUrs/ta0tMHs2MG4c39B5YOJLRERFwtOnwJUr+uffPnli+Hns7HIvLlMnuC4uBRc/UaFKTpa2GFYnvZUrA1u2SJtUUJ6Y+BIRUaERQtrAQV/19sYN7fREQ3h66p+eEBAgbdtLVKy5uwPr1wPt2kldHBYuZNNnAzDxJSIik8vKkrok6Ftc9uiR4eexspI6Menb3MHTs8DCJyp60tOljz5KltSOhYcD588Dr7wiX1xmhokvERHl26NHubfkVS8uy842/DwuLvqrtxUqAPb2BRY+kXk4d05awFa+PPDTT7rtRJj0GoWJLxERPZdKBdy8qb96e++ececqVy539bZKFcDXl63BiHJRqYBly6Q+vBkZUnV35Upg+HC5IzNbTHyJiAgAkJYGXL6cu3obEyN9ymooBwcgODh3chscDDg7F1z8RMVKXBwwYACwZ492rEYNoFkz+WIqBpj4EhFZECGA+Hj91dubN407l4+P7pxb9eVy5bi4jOil/PgjMGiQtM2gWmQkMGcOG0u/JCa+RETFUGamNM82Z9VWfTklxfDzWFsDFSvqbw3m4VFw8RNZpLQ0qQfvqlXaMV9fYMMG4NVX5YurGGHiS0Rkxh4+1F+9jY0FlErDz+PmBlStmnv+bVCQ1BeXiApYUhLQqJH0V6pap07AmjVsYWJCTHyJiIo4pVLqcfvsvNtLl4CEBMPPo1BIi8L1dU/w9ubiMiJZeXgAoaHSD7eTE7B0KTBwIH8wTYyJLxFREZGaqn9jhytXpAXdhnJy0q3cqi9XqsT+9kRF2vLl0k5sn3wirQYlk2PiS0RUiIQA7tzRX729fdu4c/n66q/eli0rbfxAREXYtm1Sk+qOHbVj7u7Ajh2yhWQJmPgSERWA9HTdxWU5k9zUVMPPY2srVWqfXVhWubI0L5eIzExKCjB6tLRgzcMD+Ptv6a9VKhRMfImI8kkIqduQvuT2+nWp97yhPDykxWXPVm8DAwEb/qYmKh6io4FevaRfEIC0oG3TJmDiRHnjsiD8dUpE9ALZ2dL/U/q6Jzx8aPh5rKykRPbZ6m2VKtKiba5hISqmsrOBjz+WvtTtVlxcpDm9vXvLG5uFYeJLRPSf5GT9i8uuXgWysgw/j7Oz/rm3FSuy9zyRxYmNlZLb6GjtWOPGUqU3MFC+uCwUE18isigqlbSITF/1Ni7OuHOVLas/wS1ThtVbIosnBBAVBYwcqZ3Yb20NTJ8OTJ7MOUwy4atORMXS06fA5cv6598+fWr4eezspK5Czya3wcHSJ5VERHolJUm7sKmT3qAgYPNmoGFDeeOycEx8ichsCQHcv6+/evvvv9LthvLy0l+9LV9eKtIQERmlZEngyy+Bzp2B/v2Bzz7jX8tFABNfIirysrKAa9f0J7jJyYafx9paKro8m9xWrgyUKlVw8RORBcjMlHaayZncduoEnDgh7chGRQITXyIqMpKSdDd0UH9duyYtijaUq6v+6m2FCtLUBSIik4qJAXr2lFawfvON7iR/Jr1FChNfIipUSiVw86b+6u39+8adq3x53a151V+lS3NxGREVAiGA1auByEhp8cCpU8DrrwN9+8odGeWBiS8RFYi0NKkI8mz19vJlaVczQzk46E9uK1WS2oYREckiIQEYNAjYuVM7VrkyUL26fDHRCzHxJaJ8E0JqAaavenvrlnHnKl1ad0MH9Ve5ctLGD0RERcaePdKCtfh47diwYcDChYCTk2xh0Ysx8SWiF8rIkDZx0Df/9vFjw89jYyNNgdO3uMzdvcDCJyIyjfR0YNIkYMkS7ZinJ7B2LdChg2xhkeGY+BKRxoMH+qu3sbHSxg+GcncHqlbNXcENCgJsbQssfCKigvPwIdCyJXDunHasXTtg3TrpIysyC0x8iSxMdjZw44buhg7qy4mJhp9HoQACAvR3T/Dy4uIyIipmPDykv97PnQPs7YEFC6Rd2fjLzqww8SUqph4/zj0t4dIl4MoVqd2koZycdKck5Fxc5uhYcPETERUpCoW0IcXTp9JcXi5iM0tMfInMmBDA7dv6q7d37hh3rjJl9Fdv/fy4uIyILNDOnVJlNzxcO+bpKS1sI7PFxJfIDKSnS5XaZ6u3MTFS2zBD2dlJldpnF5ZVrixt+kBEZPHS0oBx44BVqwBvb2lqg7e33FGRiTDxJSoihJDaQupLbq9fl243VMmS2sVlOb8CAqTOCkREpMfJk9IObJcvS9fv35c6NkycKG9cZDL8L5CokGVlSYmsvu4JSUmGn8fKSlpn8Wz1tkoV6dM4IiIykFIJfPopMHWqdn90JyepbdmgQbKGRqbFxJeogDx6lHtxWUyM1A83K8vw85QooX/ubcWK0vQzIiJ6CbduAX36AIcOacdCQ4EtW4DgYPniogLBxJfoJahU0u9MfdXbnBv6GMLfX//GDmXKsFsOEVGB2LYNGDpUqlQA0i/biROBmTOlRRFU7DDxJTLAkyfSlK9nk9vLl6XONoayt5cKCM8muMHBUmWXiIgKSWIiMHgwkJIiXff3BzZuBFq0kDcuKlBMfIn+IwRw757+6u2//xp3Lm9v/dXb8uUBa+uCiZ+IiIzg6QmsWAH06gVEREiXPTzkjooKGBNfsjiZmcC1a/q7JyQnG34ea2ugQgX9CW7JkgUXPxER5UN2tvQfgJOTdqxnT6BsWaBZM84psxBMfKnYevhQ/85l165JC3gN5eamf3FZUBCngBERmYXYWKB3b+mX99q1urc1by5PTCQLJr5k1pRKaRqCvukJCQnGnSsgQHdLXvWXjw8LAUREZkkIad7uiBFAaioQHQ289hrQtavckZFMmPiSWUhN1VZvc1ZxL18GMjIMP4+jo/7ktlIl3U+/iIjIzCUlAcOGSZ0b1IKCpEVsZLGY+FKRIQRw967+6u3t28ady9dXf4Lr7y9t/EBERMXYwYNSb96c/3n07w989hng4iJXVFQEMPGlQpeRAVy5on/+bWqq4eexsZEqtfoWl7m5FVz8RERURGVmAtOnA/Pna/d59/AAVq3i9AYCwMSXClBiov7q7fXr0sYPhvLwAKpW1d2St0oVIDAQsLUtuPiJiMiMPHgAtG0LnDqlHWvVCoiKkjo3EIGJL72k7Gwpkc3ZEkx9+cEDw8+jUEiJrL7uCZ6eXFxGREQv4OEh/YcBSFWR2bOBceM4v410MPElg6Sk6J+acOUKkJVl+HmcnXNPS1AvLnNwKLj4iYiomLOyAtavB7p1A5YuBerUkTsiKoKY+JKGSiWtA9BXvb1717hz+fnpr976+bF6S0REJvDrr1LFJGcfXl9f4I8/5IuJijzZE9/ly5djwYIFiI+PR82aNbFs2TLUr18/z+OXLFmCFStW4ObNm/D09MTbb7+NuXPnwoHlQoM9fSpVavXtXPbkieHnsbMDgoNzV28rV+aiWSIiKiDp6cCkScCSJdLc3b//5lbDZDBZE9+tW7di7NixWLlyJRo0aIAlS5YgPDwcMTEx8Pb2znX8li1bMHHiRKxduxaNGzfG5cuX0b9/fygUCixatEiGZ1B0CQHcv587sb10CbhxQ7vY1RCenvqrtwEB0ra9REREheLcOaBXL+lfQPqYcvVqYMIEeeMis6EQwpgUyLQaNGiAevXq4fPPPwcAqFQq+Pv7Y9SoUZg4cWKu40eOHImLFy9i//79mrFx48bh2LFjOHz4sEGPmZKSAjc3NyQnJ8PV1dU0T0RGWVnSToz6uic8emT4eaysgAoVcs+/rVxZu1aAiIhIFioVsGyZlOCqdy2ytwcWLABGjuQcumKooPI12Sq+mZmZOHnyJCZNmqQZs7KyQlhYGKKjo/Xep3Hjxti0aROOHz+O+vXrIzY2Frt27UKfPn3yfJyMjAxk5NjaKyUlxXRPohA9eqQ/ub12TeqsYCgXF/3V2woVpN8hRERERUpcHDBgALBnj3YsJATYsgWoXl2+uMgsyZb4JiYmQqlUwsfHR2fcx8cHly5d0nufnj17IjExEU2bNoUQAtnZ2Rg2bBgmT56c5+PMnTsXs2bNMmnsBUUI4N9/9Se49+4Zd65y5fRv7ODryz+MiYjITPz4IzBokNQYXi0yEpgzh62AKF9kX9xmjIMHD2LOnDn44osv0KBBA1y9ehVjxozBRx99hGnTpum9z6RJkzB27FjN9ZSUFPgX0X26u3UDtm83/HgHB93FZeqv4GCpbRgREZHZSkiQ5vOmpUnXfX2ldmVt28oaFpk32RJfT09PWFtb494zpcx79+6hdOnSeu8zbdo09OnTB4MGDQIAhISEIC0tDUOGDMGUKVNgpadJtb29PezN4DP8uLi8k14fH/3TE8qVY19uIiIqpry8pM4NgwcDHTsCX37JRSf00mRLfO3s7BAaGor9+/ejU6dOAKTFbfv378fIkSP13ufJkye5klvr/9oKyLhGzyRu3dJebtQIGDJEOz2BXVqIiKjYUyqlRSs5i1UDB0oty8LDOU+PTELWqQ5jx45Fv379ULduXdSvXx9LlixBWloaBgwYAADo27cv/Pz8MHfuXABAhw4dsGjRItSuXVsz1WHatGno0KGDJgE2VzkT3w4dgP79ZQuFiIiocN26BfTtKy1WW7ZMO65QAO3ayRcXFTuyJr4RERFISEjA9OnTER8fj1q1amH37t2aBW83b97UqfBOnToVCoUCU6dOxZ07d+Dl5YUOHTpg9uzZcj0Fk7l9W3u5iE5BJiIiMr1t24ChQ6X2RQcPAq+9BrRvL3dUVEzJ2sdXDkW1j+/48cDChdLlAweAli1lDYeIiKhgpaQAo0cDGzZox/z9gc2bgWbN5IuLioRi18eXdOWc6sCKLxERFWvR0UDv3tIOTGoREcCKFVzYQgWKPQGKiJxTHfz85IuDiIiowGRnA7NmSRVdddLr4gJERQFff82klwocK75FhLri6+XFntxERFQMPXggrd7OuTtr48bApk1AYKB8cZFFYcW3CFAqgbt3pcuc5kBERMWSuztg81+9zdpaqvweOsSklwoVE98iID5eSn4BqV0hERFRsWNtDWzcCNSpAxw+DEyfrk2EiQoJ33FFABe2ERFRsXPoEODoCNSvrx0rXx44cYKbUZBsWPEtAtjDl4iIio3MTGDSJKBVK6BHD+DxY93bmfSSjJj4FgE5K76c6kBERGYrJgZo1Aj45BNACKlzw4oVckdFpMHEtwjgVAciIjJrQgCrVwO1awOnTkljtrbA/PnSDk1ERQTn+BYBOac6sOJLRERmJSEBGDwY+PFH7VjlysCWLdJCNqIihBXfIiBnxZebVxARkdnYsweoUUM36R02TKr6MumlIogV3yJAXfH18QHs7eWNhYiIyCD37gGdOgHp6dJ1T09g7VppkwqiIooVX5llZ2s3r+A0ByIiMhs+PtIiNgAIDwfOnWPSS0UeK74yi4sDVCrpMhe2ERFRkaVSSbst2dpqx0aNkqo2nTsDVqylUdHHd6nM2MOXiIiKvLg44LXXgKlTdcetrIAuXZj0ktngO1Vm7OFLRERF2o8/AiEhwK+/AgsWAL/9JndERPnGxFdmrPgSEVGRlJYmdWjo1Al48EAa8/GRNSSil8U5vjJjxZeIiIqckyeBnj2By5e1Yx07Al9+KXVvIDJTrPjKjLu2ERFRkaFUAvPmAQ0bapNeJydpV7bvv2fSS2aPFV+Zqac6KBRAmTLyxkJERBYsMRHo2hU4eFA7Fhoq7cAWHCxbWESmxIqvzNQVXx8fwM5O3liIiMiCubkBqanSZYUCmDQJOHqUSS8VK0x8ZZSVJXWIATjNgYiIZGZrC2zeDFStChw4AMyZw4oMFTuc6iCjuDhACOkyF7YREVGhio6W5u/WrKkdCw4Gzp9nX14qtvjOlhEXthERUaHLzgZmzQKaNQN69ACePNG9nUkvFWN8d8uIPXyJiKhQxcYCzZsDM2dKHRwuXgS++ELuqIgKDRNfGbGHLxERFQohgKgooFYtaYoDAFhbAx9+CLz3npyRERUqzvGVESu+RERU4JKSpB3Ytm3TjlWoAGzaJPXrJbIgrPjKiBVfIiIqUAcPAjVq6Ca9AwYAp08z6SWLxIqvjNSJLzevICIik4uLA8LDgcxM6bqHB7BqlbRJBZGFYsVXRuqpDr6+UvtEIiIik/H1BWbMkC63agX8/TeTXrJ4rPjKJDMTiI+XLnOaAxERvTQhAJVKWrSmNmGCtIikVy+2KSMCK76yybl5BRe2ERHRS0lIADp3Bj7+WHfc2hro04dJL9F/+JMgEy5sIyIik9izR1rA9uOPwEcfaduVEVEuTHxlwl3biIjopaSnA5GRQLt22rlzHh7A48fyxkVUhHGOr0zYw5eIiPLt3Dlp3u65c9qx8HBg/XqgdGnZwiIq6ljxlQmnOhARkdFUKmDpUqBePW3Sa28vje3axaSX6AVY8ZUJK75ERGSUBw+kKu+ePdqxkBBgyxagenX54iIyI6z4ykRd8bWyklotEhERPZezM3DnjvZ6ZCRw/DiTXiIjMPGViTrx9fUFbFh3JyKiF3FwkKq7gYFS1XfRImmMiAzGlEsGmZnAvXvSZU5zICIivU6elKq8Vapox0JCgMuXWTEhyidWfGWQ85MqLmwjIiIdSiUwbx7QsCHQoweQkaF7O5Neonxj4isD9vAlIiK9bt0C2rQBJk4EsrOBM2eAL76QOyqiYoOJrwxydnRgxZeIiAAA27ZJO7AdOiRdVyiASZOAESPkjYuoGOHnJTJgxZeIiDRSUoDRo4ENG7Rj/v7Axo1AixbyxUVUDDHxlQF7+BIREQAgOhro3RuIjdWORUQAK1ZI2w8TkUkx8ZUBd20jIiLcuQO0bCm1+gEAFxdg+XIpEVYoZA2NqLjiHF8ZqBNfa2tuXkFEZLH8/IDx46XLjRsDZ88Cffow6SUqQKz4ykA91cHXV0p+iYjIAggh/ZszsZ05EyhXDhg4kG3KiAoBK76FLCMDuH9fusz5vUREFiIpCejeHVi4UHfc1hYYOpRJL1EhYeJbyHJuXsHEl4jIAhw8KLUp27YNmDwZOH1a7oiILBYT30LGhW1ERBYiM1PaiKJ1a+0ctxIlgPh4eeMismD8bKWQsYcvEZEFiIkBevYETp3SjrVqBURFsepBJCNWfAsZd20jIirGhABWrQJq19Ymvba2wPz5wL59/MVPJLOXqvimp6fDwcHBVLFYBFZ8iYiKqYcPgQEDgJ07tWOVKwNbtgB16sgXFxFpGF3xValU+Oijj+Dn54cSJUog9r/dZqZNm4avvvrK5AEWN9y1jYiomLK3By5d0l4fPlyq+jLpJSoyjE58P/74Y6xfvx7z58+HnZ2dZrx69er48ssvTRpccaSu+NrYAD4+8sZCREQm5OwMbN4MlCkjVX2/+AJwcpI7KiLKwejENyoqCqtXr0avXr1gnWP3hZo1a+JSzr90SS914lumDDevICIya+fOAf996qlRt6401qGDPDER0XMZnfjeuXMHFStWzDWuUqmQlZVlkqCKq/R0IDFRusz1DUREZkqlApYuBerVA3r1ArKzdW+3t5cnLiJ6IaMT32rVquGPP/7INb59+3bUrl3bJEEVV5zfS0Rk5uLigNdeA957T9qK888/gRUr5I6KiAxkdFeH6dOno1+/frhz5w5UKhV27NiBmJgYREVF4eeffy6IGIsNJr5ERGbsxx+BgQOBBw+0Y5GRwODB8sVEREYxuuLbsWNH/PTTT9i3bx+cnZ0xffp0XLx4ET/99BNeffXVgoix2OCubUREZigtDRg2DOjUSZv0+voCe/YAixYBbOtJZDby1ce3WbNm2Lt3r6ljKfbYw5eIyMycPCntwHb5snasUydgzRrA01O2sIgof4yu+AYFBeFBzo95/vPo0SMEBQWZJKjiilMdiIjMyK1bQOPG2qTXyUlKeHfsYNJLZKaMTnxv3LgBpVKZazwjIwN37twxSVDFFac6EBGZEX9/4N13pcuhocDp08CgQYBCIW9cRJRvBk912JljC8Y9e/bAzc1Nc12pVGL//v0ICAgwaXDFjbriy80riIiKKCF0E9u5c4Fy5YARI4AcmzYRkXlSCCGEIQdaWUnFYYVCgWfvYmtri4CAACxcuBBvvPGG6aM0oZSUFLi5uSE5ORmurq6F+tientK6iPLlgRs3CvWhiYjoeVJSgNGjgfr1tVVeIpJNQeVrBld8VSoVACAwMBB//fUXPDm/yShPnmgXA3N+LxFRERIdLW1Ecf06sHUr0KoVULWq3FERUQEweo7v9evXmfTmQ87pz0x8iYiKgOxsYOZMoFkzKekFAFtb4No1WcMiooKTr3ZmaWlpOHToEG7evInMzEyd20aPHm2SwIobLmwjIipCYmOB3r2laq9a48bApk1AYKB8cRFRgTI68T19+jTat2+PJ0+eIC0tDSVLlkRiYiKcnJzg7e3NxDcPbGVGRFQECAFERQEjRwKpqdKYtTUwfTowebK0+piIii2jpzpERkaiQ4cOSEpKgqOjI/7880/8+++/CA0NxaeffloQMRYLrPgSEcns0SOge3egf39t0hsUBBw+LCW+THqJij2jE98zZ85g3LhxsLKygrW1NTIyMuDv74/58+dj8uTJBRFjscBd24iIZKZQAMeOaa/37w+cOQM0bChXRERUyIxOfG1tbTWtzby9vXHz5k0AgJubG27lzO5IB6c6EBHJzM0N2LhR6i25bRuwbh3g4iJ3VERUiIz+XKd27dr466+/UKlSJbRo0QLTp09HYmIiNm7ciOrVqxdEjMWC+m8CW1vAy0veWIiILEJMDODsrDu/rFkzqZG6s7NsYRGRfIyu+M6ZMwe+vr4AgNmzZ8PDwwPDhw9HQkICVq1aZfIAiwt14lu2LGBl9KtOREQGEwJYtQqoXRvo2xf4rw+9BpNeIotl8M5txYUcO7elpQElSkiXmzUDfv+9UB6WiMjyJCQAgwYBO3dqx1asAIYNky8mIjJaQeVrJqs9njp1qshvVywXzu8lIioEe/YANWroJr3DhklVXyIiGJn47tmzB+PHj8fkyZMRGxsLALh06RI6deqEevXqabY1Nsby5csREBAABwcHNGjQAMePH3/u8Y8ePcKIESPg6+sLe3t7BAcHY9euXUY/bmFi4ktEVIDS04HISKBdOyA+Xhrz9JQS4BUrACcneeMjoiLD4MVtX331FQYPHoySJUsiKSkJX375JRYtWoRRo0YhIiIC58+fR1Uj9zbfunUrxo4di5UrV6JBgwZYsmQJwsPDERMTA29v71zHZ2Zm4tVXX4W3tze2b98OPz8//Pvvv3B3dzfqcQsbe/gSERWQc+eAXr2kf9XCw4H164HSpWULi4iKJoMT36VLl2LevHl4//338d1336Fr16744osvcO7cOZTNZza3aNEiDB48GAMGDAAArFy5Er/88gvWrl2LiRMn5jp+7dq1ePjwIY4ePQpbW1sAQEBAQL4euzCxhy8RUQH491+gXj0gI0O6bm8PzJ8v7crGVcREpIfBvxmuXbuGrl27AgDeeust2NjYYMGCBflOejMzM3Hy5EmEhYVpg7GyQlhYGKJz7p2ew86dO9GoUSOMGDECPj4+qF69OubMmQOlUpnn42RkZCAlJUXnq7DlnOrAii8RkYmUL6+dvxsSApw4AYwezaSXiPJk8G+Hp0+fwum/eVIKhQL29vaatmb5kZiYCKVSCR8fH51xHx8fxKvnaD0jNjYW27dvh1KpxK5duzBt2jQsXLgQH3/8cZ6PM3fuXLi5uWm+/GUoubLiS0RUQBYvBj7+GDh+HGAveSJ6AaM2sPjyyy9R4r++XNnZ2Vi/fj08PT11jhk9erTponuGSqWCt7c3Vq9eDWtra4SGhuLOnTtYsGABZsyYofc+kyZNwtixYzXXU1JSCj35VVd87ey4eQURUb6kpQHjxknbC/fvrx13dgamTJEtLCIyLwYnvuXKlcOaNWs010uXLo2NGzfqHKNQKAxOfD09PWFtbY179+7pjN+7dw+l81iQ4OvrC1tbW1hbW2vGqlativj4eGRmZsLOzi7Xfezt7WFvb29QTAUl5+YVCoWsoRARmZ+TJ6UFbDExwObNUkP0ChXkjoqIzJDBie+NGzdM+sB2dnYIDQ3F/v370alTJwBSRXf//v0YOXKk3vs0adIEW7ZsgUqlgtV/c7guX74MX19fvUlvUZCaCjx6JF3mNAciIiMolcCnnwJTpwLZ2dKYSgWcP8/El4jyRdYVAGPHjsWaNWuwYcMGXLx4EcOHD0daWpqmy0Pfvn0xadIkzfHDhw/Hw4cPMWbMGFy+fBm//PIL5syZgxEjRsj1FF6IC9uIiPLh1i2gTRtg4kRt0hsaCpw+DXTsKG9sRGS2jJrja2oRERFISEjA9OnTER8fj1q1amH37t2aBW83b97UVHYBwN/fH3v27EFkZCRq1KgBPz8/jBkzBhMmTJDrKbwQF7YRERlp2zZg6FDtx2UKhZQAz5wpLZYgIsonhRBCyB1EYSqovZ/zsm4d8M470uXly4F33y3whyQiMk+PHwOjRgEbNmjH/P2BjRuBFi3ki4uICl1B5WtsdljAuGsbEZGBMjKAX3/VXo+IAM6eZdJLRCbDxLeAcaoDEZGBPD2laq+rKxAVBXz9NeDhIXdURFSM5CvxvXbtGqZOnYoePXrg/v37AID//e9/+Oeff0waXHHAxW1ERHmIjQWeaWmJV1+VtiLu04f9H4nI5IxOfA8dOoSQkBAcO3YMO3bsQGpqKgDg7NmzeW4iYcnUFV8HB6mYQURk8YSQKrs1a0qLIJ5dauLuLktYRFT8GZ34Tpw4ER9//DH27t2r0zu3devW+PPPP00aXHGgrvhy8woiIgBJSUD37tLua6mpwK5d0ipgIqJCYHTie+7cOXTu3DnXuLe3NxITE00SVHHx+DGQnCxd5jQHIrJ4Bw8CNWpI7crU+vcHunaVKyIisjBGJ77u7u6Ii4vLNX769Gn4+fmZJKjiggvbiIgAZGZKfXhbt9Z+DObhISXA69YBLi7yxkdEFsPoxLd79+6YMGEC4uPjoVAooFKpcOTIEYwfPx59+/YtiBjNFhe2EZHFu3QJaNQImDdPO5e3VSvg779Z6SWiQmd04jtnzhxUqVIF/v7+SE1NRbVq1dC8eXM0btwYU6dOLYgYzRYrvkRk0WJjgTp1gFOnpOu2tsD8+cC+fawGEJEsjN6y2M7ODmvWrMG0adNw/vx5pKamonbt2qhUqVJBxGfWclZ8mfgSkcUJCgLeegvYvBmoXBnYskVKhImIZGJ04nv48GE0bdoU5cqVQ7ly5QoipmKDu7YRkcVbvhwoXx6YMgVwcpI7GiKycEZPdWjdujUCAwMxefJkXLhwoSBiKjY41YGILEZ6OhAZCXz7re64mxswezaTXiIqEoxOfO/evYtx48bh0KFDqF69OmrVqoUFCxbgds7P9QmAdqqDgwNQsqS8sRARFZhz54D69YElS4AhQ3T/6iciKkKMTnw9PT0xcuRIHDlyBNeuXUPXrl2xYcMGBAQEoHXr1gURo9lS/+739+fmFURUDKlUwNKlQL16UvILAE+fAidOyBsXEVEejJ7jm1NgYCAmTpyImjVrYtq0aTh06JCp4jJ7KSnSBhYApzkQUTEUFwcMGADs2aMdCwmRFrBVry5fXEREz2F0xVftyJEjePfdd+Hr64uePXuievXq+OWXX0wZm1njwjYiKrZ+/FHagS1n0hsZCRw/zqSXiIo0oyu+kyZNwjfffIO7d+/i1VdfxdKlS9GxY0c4ceGCDi5sI6JiJy0NGDcOWLVKO+brC6xfD7RtK1tYRESGMjrx/f333/H++++jW7du8PT0LIiYigXu2kZExU5KCvDdd9rrnToBa9YA/L+AiMyE0YnvkSNHCiKOYocVXyIqdnx9gS+/BHr2lBa1DRzIlbtEZFYMSnx37tyJ1157Dba2tti5c+dzj33zzTdNEpi5Y+JLRGbv1i3A2Vm3H2PHjsD164C3t3xxERHlk0GJb6dOnRAfHw9vb2906tQpz+MUCgWUSqWpYjNrnOpARGZt2zZg6FAgLEy6nLOyy6SXiMyUQV0dVCoVvP/7RadSqfL8YtKrpa74OjkBHh7yxkJEZLCUFKB/fyAiAnj0CNi+XWpRRkRUDBjdziwqKgoZGRm5xjMzMxEVFWWSoMydENy8gojMUHQ0UKsWsGGDdiwiAmjfXraQiIhMyejEd8CAAUhOTs41/vjxYwwYMMAkQZm75GSp6w/AaQ5EZAays4FZs4BmzaT5uwDg4gJERQFff82PrYio2DC6q4MQAgo9Jczbt2/Dzc3NJEGZOy5sIyKzERsL9O4tVXvVGjcGNm0CAgPli4uIqAAYnPjWrl0bCoUCCoUCbdq0gY2N9q5KpRLXr19Hu3btCiRIc8OFbURkFq5eBerU0e6vbm0NTJ8OTJ4M2LzUjvZEREWSwb/Z1N0czpw5g/DwcJQoUUJzm52dHQICAtClSxeTB2iOWPElIrNQoQLQpg3www9AUBCweTPQsKHcURERFRiDE98ZM2YAAAICAhAREQEHB4cCC8rc5az4MvEloiJLoZB2XitfHvjoI2leLxFRMWb04rZ+/fox6X2BnBVfTnUgoiIhMxOYOBH45RfdcU9PYMkSJr1EZBEMqviWLFkSly9fhqenJzw8PPQublN7+PChyYIzV5zqQERFSkyMtM3wqVPAunXA338DPj5yR0VEVOgMSnwXL14Ml/+qAYsXL35u4kvaqQ7OzgAbXRCRbIQAVq8GIiOBp0+lsaQk4MgR4K235I2NiEgGCiGEkDuIwpSSkgI3NzckJyfD1dXV5OcXAihRAnjyBKhSBbh40eQPQUT0YgkJwKBBwM6d2rHKlaVd2OrUkS8uIiIDFFS+ZvQc31OnTuHcuXOa6z/++CM6deqEyZMnIzMz02SBmatHj6SkF+A0ByKSyZ49QI0auknv8OHSVAcmvURkwYxOfIcOHYrLly8DAGJjYxEREQEnJyd8++23+OCDD0weoLnhwjYikk16ujStoV07ID5eGvP0lBLgL74AnJzkjY+ISGZGJ76XL19GrVq1AADffvstWrRogS1btmD9+vX47rvvTB2f2eHCNiKSzf370uI1tXbtgHPngA4d5IuJiKgIMTrxFUJApVIBAPbt24f27dsDAPz9/ZGYmGja6MwQd20jItmUKwesWAHY2wOffQbs2gWULi13VERERYbRe1LWrVsXH3/8McLCwnDo0CGsWLECAHD9+nX4sD0OK75EVHji4qT2MTkXfvToATRtyl9ARER6GF3xXbJkCU6dOoWRI0diypQpqFixIgBg+/btaNy4sckDNDfctY2ICsWPP0oL2EaPzn0bf/kQEellsnZm6enpsLa2hq2trSlOV2AKup1ZmzbAb79Jlx89Yh9fIjKxtDRg3Dhg1Srt2PbtQJcu8sVERGRiBZWvGT3VQe3kyZO4+F+T2mrVqqEOW+QA0E51cHFh0ktEJnbypLQD23+ddQAAnToBLVrIFhIRkTkxOvG9f/8+IiIicOjQIbi7uwMAHj16hFatWuGbb76Bl5eXqWM0G0JopzpwYRsRmYxSCXz6KTB1KpCdLY05OQFLlwIDBwLcTZOIyCBGz/EdNWoUUlNT8c8//+Dhw4d4+PAhzp8/j5SUFIzWN9fMgjx8qN0VlFPsiMgkbt2S5lBNnKhNekNDgdOnpZ3ZmPQSERnM6Irv7t27sW/fPlStWlUzVq1aNSxfvhxt27Y1aXDmhgvbiMikLl8GGjSQFgwAUpI7cSIwcyZgZydnZEREZsnoiq9KpdK7gM3W1lbT39dScdc2IjKpihWlxBeQ/po+cACYM4dJLxFRPhmd+LZu3RpjxozB3bt3NWN37txBZGQk2rRpY9LgzA17+BKRSVlZSTuxDRkCnD3LRWxERC/J6MT3888/R0pKCgICAlChQgVUqFABgYGBSElJwbJlywoiRrPBXduIKN+ys4FZs7T9ENV8faXWZR4e8sRFRFSMGD3H19/fH6dOncL+/fs17cyqVq2KsLAwkwdnbljxJaJ8iY0FevcGoqMBPz/g77+BkiXljoqIqNgxKvHdunUrdu7ciczMTLRp0wajRo0qqLjMEhe3EZFRhAA2bgRGjgQeP5bG4uOlubzckIKIyOQMTnxXrFiBESNGoFKlSnB0dMSOHTtw7do1LFiwoCDjMyvqiq+rq7SBBRFRnpKSgGHDgG3btGNBQcDmzUDDhvLFRURUjBk8x/fzzz/HjBkzEBMTgzNnzmDDhg344osvCjI2s5Jz8wpWe4nouQ4eBGrU0E16+/cHzpxh0ktEVIAMTnxjY2PRr18/zfWePXsiOzsbcXFxBRKYuXnwAEhPly5zYRsR6ZWZCUyaBLRurf1L2d1dSoDXreNHRUREBczgqQ4ZGRlwdnbWXLeysoKdnR2eqrcqs3Bc2EZEL3T7NrBsmfQREQC0bAlERfGXBhFRITFqcdu0adPg5OSkuZ6ZmYnZs2fDzc1NM7Zo0SLTRWdGmPgS0QsFBQFLlwLDhwOzZwPjxkm9eomIqFAYnPg2b94cMTExOmONGzdGbGys5rrCgveMZw9fIsolMRFwcpK+1N55R9qIomJF+eIiIrJQBie+Bw8eLMAwzB8rvkSkY88eacHaW28By5drxxUKJr1ERDLhZ2wmwoovEQGQVrlGRgLt2kk9eb/4AvjlF7mjIiIi5GPnNtKPFV8iwrlzQK9e0r9q7doBoaHyxURERBqs+JqIOvF1dwdKlJA1FCIqbCqVtGitXj1t0mtvD3z2GbBrF1C6tLzxERERAFZ8TSLn5hWc5kBkYeLigAEDpDm9aiEhwJYtQPXq8sVFRES5MPE1gYQEqS89wGkORBYlJgZo2lTq3qAWGQnMmQM4OMgXFxER6ZWvqQ5//PEHevfujUaNGuHOnTsAgI0bN+Lw4cMmDc5ccGEbkYWqWBGoVk267OsrVX0XLWLSS0RURBmd+H733XcIDw+Ho6MjTp8+jYyMDABAcnIy5syZY/IAzQEXthFZKGtrYONGoE8f4O+/gbZt5Y6IiIiew+jE9+OPP8bKlSuxZs0a2NraasabNGmCU6dOmTQ4c8HEl8gCKJXAvHnA0aO64+XKSdsOe3rKExcRERnM6Dm+MTExaN68ea5xNzc3PHr0yBQxmR1OdSAq5m7dkqq6hw4BgYHAmTOAq6vcURERkZGMrviWLl0aV69ezTV++PBhBAUFmSQoc8OKL1Extm0bUKOGlPQCwI0bwK+/yhoSERHlj9GJ7+DBgzFmzBgcO3YMCoUCd+/exebNmzF+/HgMHz68IGIs8ljxJSqGUlKkLYcjIgD1p1n+/sCBA8Dbb8sZGRER5ZPRUx0mTpwIlUqFNm3a4MmTJ2jevDns7e0xfvx4jBo1qiBiLPLUFV8PD8DZWd5YiMgEoqOB3r2B2FjtWEQEsGKF9INORERmSSGEEPm5Y2ZmJq5evYrU1FRUq1YNJcxku7KUlBS4ubkhOTkZriaYo6dSSZ2LsrKkT0PPnjVBkEQkj+xsYPZs4KOPpMVsAODiAixfLiXCCoW88RERWQhT52tq+d7Aws7ODtXU/SstWEKClPQCnOZAZPauXQPmztUmvY0bA5s2SQvaiIjI7Bmd+LZq1QqK51Q9fvvtt5cKyNxwYRtRMVK5MjB/PjB2LDB9OjB5MmDDDS6JiIoLo3+j16pVS+d6VlYWzpw5g/Pnz6Nfv36mists5FzYxsSXyMwkJQFOToC9vXZs1CigdWugenX54iIiogJhdOK7ePFiveMzZ85EamrqSwdkbnJWfDnVgciMHDwo9ebt3h1YsEA7rlAw6SUiKqaMbmeWl969e2Pt2rWmOp3Z4FQHIjOTmQlMmiRVdW/fBj79FNi/X+6oiIioEJhs8lp0dDQcHBxMdTqzwR6+RGYkJgbo2RPIub16q1bS3F4iIir2jE5833rrLZ3rQgjExcXhxIkTmDZtmskCMxec6kBkBoQAVq8GIiOBp0+lMVtbqXXZuHGAlck+/CIioiLM6MTXzc1N57qVlRUqV66MDz/8EG3btjVZYOZCXfEtVUpaI0NERUxCAjBoELBzp3ascmVgyxagTh354iIiokJnVOKrVCoxYMAAhISEwIO7F0GlAu7ckS6z2ktUBMXEAC1bAvHx2rHhw6V5vfxLlYjI4hj1+Z61tTXatm2LR+p9601k+fLlCAgIgIODAxo0aIDjx48bdL9vvvkGCoUCnTp1Mmk8hrp3T7t5BRe2ERVBQUHaH05PT6nq+8UXTHqJiCyU0RPbqlevjtic+9e/pK1bt2Ls2LGYMWMGTp06hZo1ayI8PBz3799/7v1u3LiB8ePHo1mzZiaLxVhc2EZUxNnaAps3A2+9BZw7B3ToIHdEREQkI6MT348//hjjx4/Hzz//jLi4OKSkpOh8GWvRokUYPHgwBgwYgGrVqmHlypVwcnJ6bms0pVKJXr16YdasWQgKCjL6MU2FrcyIihCVCvjsM+D0ad3xSpWA774DSpeWJy4iIioyDE58P/zwQ6SlpaF9+/Y4e/Ys3nzzTZQtWxYeHh7w8PCAu7u70fN+MzMzcfLkSYSFhWkDsrJCWFgYoqOjnxuLt7c3Bg4c+MLHyMjIeOnkPC/ctY2oiIiLA9q3B8aMkdqVPXkid0RERFQEGby4bdasWRg2bBgOHDhgsgdPTEyEUqmEj4+PzriPjw8uXbqk9z6HDx/GV199hTNnzhj0GHPnzsWsWbNeNlS92MqMqAj48Uepa0NionT90iXgf/8DunSRNy4iIipyDE58hRAAgBYtWhRYMC/y+PFj9OnTB2vWrIGnp6dB95k0aRLGjh2ruZ6SkgJ/E5VnOdWBSEZpaVIP3lWrtGO+vsD69YAFtlYkIqIXM6qdmUKhMOmDe3p6wtraGvfu3dMZv3fvHkrrmY937do13LhxAx1yLFBRqVQAABsbG8TExKBChQo697G3t4e9vb1J41bLOdXBz69AHoKI9Dl5UprScPmydqxTJ2DNGql7AxERkR5GJb7BwcEvTH4fPnxo8Pns7OwQGhqK/fv3a1qSqVQq7N+/HyNHjsx1fJUqVXDu3DmdsalTp+Lx48dYunSpySq5hlJXfD09AUfHQn1oIsukVAILFgDTpgHZ2dKYkxOwZIk03cHEf5wTEVHxYlTiO2vWrFw7t72ssWPHol+/fqhbty7q16+PJUuWIC0tDQMGDAAA9O3bF35+fpg7dy4cHBxQvXp1nfu7u7sDQK7xgqZUajev4DQHokJy6ZJu0hsaKu3AFhwsb1xERGQWjEp8u3fvDm9vb5MGEBERgYSEBEyfPh3x8fGoVasWdu/erVnwdvPmTVhZGd11rcDduyclvwAXthEVmldeAT76CJg8GZg4EZg5E7CzkzsqIiIyEwqhXrX2AtbW1oiLizN54lvYUlJS4ObmhuTkZLi6uub7PMeOAQ0bSpfffRdYvtxEARKR1uPH0jwimxx/oyuVUq/eunXli4uIiAqUqfK1ZxlcSjUwP7YY3LWNqIBFRwO1agEff6w7bm3NpJeIiPLF4MRXpVKZfbXXlNjKjKiAZGcDs2YBzZoBsbHS1IajR+WOioiIigGj5viSFhNfogIQGwv07i1Ve9UaNpT68xIREb2kordqzExwqgORCQkBREVJUxvUSa+1tVT5PXQICAyUNTwiIioeWPHNp5wVX25eQfQSkpKA4cOBrVu1Y0FBwObN2hWkREREJsDEN5/UFV8vL8DBQd5YiMxWTAzw6qu6f0n27w989hng4iJbWEREVDxxqkM+KJXA3bvSZc7vJXoJ5csD/21CAw8PYNs2YN06Jr1ERFQgmPjmQ1ycdvMKJr5EL8HBQdp5rX174O+/ga5d5Y6IiIiKMSa++cCFbUT5IASwejVw4YLuePXqwC+/8IeJiIgKHBPffGArMyIjJSQAnToBQ4cCPXsCGRlyR0RERBaIiW8+sOJLZIQ9e4AaNYCdO6XrZ88CP/8sb0xERGSRmPjmAyu+RAZITwfeew9o1w6Ij5fGPD2lBLhLF1lDIyIiy8R2ZvnAxJfoBc6dk6Y0nD+vHQsPB9avB0qXli0sIiKybKz45kPOqQ5lysgXB1GRo1IBS5cC9eppk157e2ls1y4mvUREJCtWfPNBXfH18ZH+Tyei/5w7B4wdKyXAABASIrUrq15d3riIiIjAiq/RsrOlPr4AF7YR5VKzJjB5snQ5MhI4fpxJLxERFRms+BopLk5bzOL8XrJ4T55Im1BY5fgbevp0oG1boFkz+eIiIiLSgxVfI3FhG9F/Tp4EatcGFi7UHbe1ZdJLRERFEhNfI7GHL1k8pRKYNw9o2BC4fBmYMgU4dUruqIiIiF6IUx2MxIovWbRbt4A+fYBDh7RjNWoAJUrIFxMREZGBWPE1Eiu+ZLG2bZOSXHXSq1AAkyYBR48CwcHyxkZERGQAVnyNxIovWZyUFGD0aGDDBu2Yvz+wcSPQooV8cRERERmJia+R1ImvQsHNK8gCxMQA7dsDsbHasYgIYOVKwN1dtrCIiIjyg1MdjKSe6uDjA9jZyRsLUYErWxaw+e/vYxcXICoK+PprJr1ERGSWmPgaIStLu3kFpzmQRXB2lnZea9kSOHtWWtimUMgdFRERUb4w8TVCXBwghHSZC9uo2BFCquheu6Y7HhoK/PYbEBgoT1xEREQmwsTXCFzYRsVWUhLQvTvQrx/Qq5f08UZOrPISEVExwMTXCEx8qVg6eFBqU7Ztm3T92DHg559lDYmIiKggMPE1Anv4UrGSmQlMnAi0bq19c3t4AN9+C3TuLG9sREREBYDtzIzAii8VGzExQM+eulsNt2olzfHlX3VERFRMseJrBCa+ZPaEAFatAmrX1ia9trbA/PnAvn1MeomIqFhjxdcI6k+DFQrA11feWIjy5fRpYNgw7fXKlaV2ZXXqyBcTERFRIWHF1wjqiq+vr1QkIzI7deoAY8dKl4cPl6q+THqJiMhCsOJroMxM4N496TI/DSazkZEhbTGYsx3ZnDlAu3bAq6/KFxcREZEMWPE10N272s0rOL+XzMK5c0DdusCKFbrj9vZMeomIyCIx8TUQF7aR2VCpgKVLgXr1gPPngXHjgAsX5I6KiIhIdpzqYCD28CWzEBcHDBgA7NmjHatUSb54iIiIihBWfA3Eii8VeT/+KO3AljPpjYwEjh8HqlWTLy4iIqIighVfA7HiS0VWWpo0nWHVKu2Yry+wfj3Qtq1sYRERERU1THwNxIovFUmXLwMdOkj/qnXqBKxZA3h6yhYWERFRUcSpDgZSJ75WVty8gooQHx+p1x4AODlJCe+OHUx6iYiI9GDiayD1VAdfX8CGdXIqKtzcgE2bgAYNpF3ZBg3S7dlLREREGkx8DZCRod28gtMcSFbffqs77wYAmjQBoqOB4GB5YiIiIjITTHwNcPeu9jIXtpEsUlKA/v2Bbt2Avn0BpVL3dlZ5iYiIXoiJrwG4sI1kFR0N1K4NbNggXT94EPj5Z1lDIiIiMkdMfA3AxJdkkZ0NzJoFNGsGxMZKYy4uQFQU8Oab8sZGRERkhrhMywDs4UuFLjYW6N1bqvaqNW4sLWQLDJQvLiIiIjPGiq8BWPGlQiOEVNGtVUub9FpbS5XfQ4eY9BIREb0EVnwNwIovFZoTJ4B+/bTXg4KAzZuBhg3li4mIiKiYYMXXAOqKr7U1N6+gAlavHjB0qHS5f3/gzBkmvURERCbCiq8B1IlvmTJS8ktkMllZ0o4oOduRLVwItG/PBWxEREQmxorvC6SnAwkJ0mVOcyCTiomRqrnqNmVqzs5MeomIiAoAE98XuHNHe5kL28gkhABWrZJ68546BYwaBVy9KndURERExR6nOrwAF7aRSSUkAIMGATt3asf8/ICnT+WLiYiIyEKw4vsCbGVGJrNnD1Cjhm7SO2yYVPUNCZEvLiIiIgvBxPcFmPjSS0tPByIjgXbtgPh4aczTU0qAV6wAnJzkjY+IiMhCcKrDC3CqA72Uq1eBt94Czp3TjrVrB6xbB5QuLV9cREREFogV3xdgxZdeiocH8OCBdNneHvjsM2DXLia9REREMmDi+wLqiq+NDeDjI28sZIZKlQLWrwdq1pR2ZRs1SrdnLxERERUaJr4vwM0ryCg//aSdx6v26qvAyZNA9eryxEREREQAmPg+19OnQGKidJnTHOi50tKkDg1vvgm8847Uqzcn/tVEREQkOya+z5Fz8woubKM8nTwJ1KkjbUoBAP/7H/Dzz/LGRERERLkw8X0OLmyj51IqgXnzpG2HL1+WxpycgDVrgDfekDc2IiIiyoXtzJ4jZ+LLii/puHUL6NMHOHRIOxYaCmzZAgQHyxcXERER5YkV3+fI2cOXFV/S2LpV2oFNnfQqFMCkScDRo0x6iYiIijBWfJ+DUx0olz//BLp311739wc2bgRatJAvJiIiIjIIK77PwV3bKJeGDaUpDgAQEQGcPcukl4iIyEyw4vsc6oovN6+wYCoVYPXM34effw68/jrQrRs3oyAiIjIjrPg+hzrx9fPLnfuQBYiNBZo2BbZt0x13dZWqvUx6iYiIzArTuTw8eQI8fChd5vxeCyMEEBUF1KoFREcDQ4fqTvgmIiIis8TENw/s6GChkpKkxWv9+gGPH0tjJUsCDx7IGxcRERG9NCa+eeDCNgt08KDUpizn1Ib+/YEzZ6TqLxEREZk1Jr55YCszC5KZCUycCLRurf2Lx91dSoDXrQNcXGQNj4iIiEyDXR3ywF3bLERsLNC1K3DqlHasZUtpji//4iEiIipWWPHNA+f4WghHR+DmTemyrS0wfz6wfz+/6URERMUQE988cKqDhfD1Bb76CqhSRdqV7f332buOiIiomOL/8HlQV3xtbQEvL3ljIRPaty93h4Y33wT+/huoU0eemIiIiKhQFInEd/ny5QgICICDgwMaNGiA48eP53nsmjVr0KxZM3h4eMDDwwNhYWHPPT6/1BXfsmVZACwW0tOByEjg1VelvrxC6N5uaytPXERERFRoZE/ptm7dirFjx2LGjBk4deoUatasifDwcNy/f1/v8QcPHkSPHj1w4MABREdHw9/fH23btsWdO3dMFlNamtTOFeA0h2Lh3Dmgfn1gyRLp+nffAbt3yxoSERERFT6FEM+WvgpXgwYNUK9ePXz++ecAAJVKBX9/f4waNQoTJ0584f2VSiU8PDzw+eefo2/fvi88PiUlBW5ubkhOToarq6veY2JipCmfANCzJ7B5s+HPh4oQlQpYtgyYMAHIyJDG7O2BBQuAkSO55TAREVERZUi+lh+ytjPLzMzEyZMnMWnSJM2YlZUVwsLCEB0dbdA5njx5gqysLJQsWVLv7RkZGchQJz2QXsgX4cK2YiAuDhgwANizRzsWEgJs2QJUry5fXERERCQbWac6JCYmQqlUwsfHR2fcx8cH8fHxBp1jwoQJKFOmDMLCwvTePnfuXLi5uWm+/A3IZLlrm5nbuVPagS1n0hsZCRw/zqSXiIjIgsk+x/dlfPLJJ/jmm2/w/fffw8HBQe8xkyZNQnJysubrVs5ybh5Y8TVjR44AHTsCiYnS9dKlpQR40SIgj/cIERERWQZZE19PT09YW1vj3r17OuP37t1D6dKln3vfTz/9FJ988gl+/fVX1KhRI8/j7O3t4erqqvP1Ikx8zVjjxkDnztLljh2lhW1t28obExERERUJsia+dnZ2CA0Nxf79+zVjKpUK+/fvR6NGjfK83/z58/HRRx9h9+7dqFu3rsnj4lQHM/Ls2kyFAlizBli3Dvj+e8DTU564iIiIqMiRfarD2LFjsWbNGmzYsAEXL17E8OHDkZaWhgEDBgAA+vbtq7P4bd68eZg2bRrWrl2LgIAAxMfHIz4+HqmpqSaLSV3xtbPj5hVF2q1bQOvWwM8/646XKgX078+uDURERKRD1q4OABAREYGEhARMnz4d8fHxqFWrFnbv3q1Z8Hbz5k1Y5dhBYsWKFcjMzMTbb7+tc54ZM2Zg5syZJolJXfEtW5a5U5G1bZu0EcWjR8A//0g7r71gegwRERFZNtn7+Ba2F/WFS00FXFykyy1aAAcPFm589AIpKcDo0cCGDdoxf3/ghx+45TAREVExUVB9fGWf6lDUcGFbERYdDdSqpZv0RkQAZ88y6SUiIqIXYuL7DC5sK4Kys4GZM4FmzYDr16UxFxcgKgr4+mvAw0PW8IiIiMg8yD7Ht6hhxbeIuXFD2jc6505+jRsDmzYBgYGyhUVERETmhxXfZ7DiW8RYWQEXLkiXra2BWbOAQ4eY9BIREZHRmPg+gxXfIqZcOWDlSiAoCDh8GJg+HbDhBxVERERkPCa+z2DiK7M//pA6N+TUvbvUsqxhQ3liIiIiomKBie8z1FMdHBykfRCokGRmAhMnSj3kRo3KfbuDQ+HHRERERMUKE99nqCu+3LyiEMXEAI0aAfPmSVsQR0UBv/4qd1RERERUzDDxzSElRfspOxe2FQIhgFWrgNq1gVOnpDFbW2D+fCAsTN7YiIiIqNjhKqEccnZ04PzeApaQAAwaBOzcqR2rXBnYsoWbURAREVGBYMU3By5sKyR79gA1augmvcOHS1VfJr1ERERUQFjxzYE9fAvBH38A7dppr3t6AmvXAh06yBcTERERWQRWfHNgxbcQNG2qTXzbtQPOnWPSS0RERIWCFd8ccia+rPgWEIUCWLcO+P57YNgwts4gIiKiQsOKbw5c3GZi8fHA668D+/frjpcuLc3pZdJLREREhYgV3xzUFV9HR6BkSXljMXs7dwIDBwKJicDZs9IXdwQhIiIiGbHim4O64svNK15CWpo0haFjRynpBQCVCrhxQ9awiIiIiJj4/ic5GXj8WLrMaQ75dPIkEBoqbUqh1qkT8Pff0jgRERGRjJj4/ocL216CUiltN9ywobT9MAA4OQFr1gA7dkgty4iIiIhkxjm+/+HCtny6fRvo0wc4eFA7Fhoq7cAWHCxbWERERETPYsX3P+zhm09PnwJ//SVdViiASZOAo0eZ9BIREVGRw8T3P9y1LZ8qVQI++0z6a+HAAWDOHMDOTu6oiIiIiHJh4vsfVnwNdPw48OSJ7tiAAcCFC0CLFvLERERERGQAJr7/4eK2F8jOBmbNAho3BsaP171NoQBKlJAnLiIiIiIDMfH9j3qqg5MT4OEhbyxFTmws0Lw5MHOm1MFhxQppWgMRERGRGWHiC0AIbcXX35+bV2gIAURFAbVqAdHR0pi1tVT5bdZM1tCIiIiIjMV2ZpA2r0hLky5zmsN/kpKA4cOBrVu1Y0FBwObNUr9eIiIiIjPDxBdc2JbLoUNSb96cL0z//lL3BhcX2cIiIiosSqUSWVlZcodBVKzZ2dnByqpwJx8w8QUXtuk4dAho1Uqa5gBIE55XrQK6dpU3LiKiQiCEQHx8PB49eiR3KETFnpWVFQIDA2FXiG1QmfiCu7bpaNpUWsimToCjovjXABFZDHXS6+3tDScnJyi46IOoQKhUKty9exdxcXEoV65cof2sMfEFpzrosLYGNm4Evv0WeO89oJA/giAikotSqdQkvaVKlZI7HKJiz8vLC3fv3kV2djZsbW0L5TGZ1cCCd21LSAC6dAGOHNEd9/cHxo5l0ktEFkU9p9fJyUnmSIgsg3qKg1KpLLTHZMUXFlrx3bNHWrAWHw+cOgWcPQu4usodFRGR7Di9gahwyPGzxpIetImvszPg5iZvLAUuPV2awtCunZT0AkBqKnD5sqxhERERERU0i098hdBOdSj2m1ecOwfUqwcsXaoda9dOGq9bV764iIiIZBITE4PSpUvj8ePHcodSrGRmZiIgIAAnTpyQOxQdFp/4JiUBT55Il4vtNAeVSkp269UDzp+Xxuztpb68u3YBpUvLGx8REb2U/v37Q6FQQKFQwNbWFoGBgfjggw+Qnp6e69iff/4ZLVq0gIuLC5ycnFCvXj2sX79e73m/++47tGzZEm5ubihRogRq1KiBDz/8EA8fPizgZ1R4Jk2ahFGjRsGlGPepX758OQICAuDg4IAGDRrg+PHjL7zPkiVLULlyZTg6OsLf3x+RkZE676eAgADNey7n14gRIwBI83fHjx+PCRMmFNjzyg+LT3yL/cK2uDigfXtpekNGhjQWEgKcOAGMGlXMS9xERJajXbt2iIuLQ2xsLBYvXoxVq1ZhxowZOscsW7YMHTt2RJMmTXDs2DH8/fff6N69O4YNG4bx48frHDtlyhRERESgXr16+N///ofz589j4cKFOHv2LDZu3FhozyszM7PAzn3z5k38/PPP6N+//0udpyBjfFlbt27F2LFjMWPGDJw6dQo1a9ZEeHg47t+/n+d9tmzZgokTJ2LGjBm4ePEivvrqK2zduhWTJ0/WHPPXX38hLi5O87V3714AQNccff979eqFw4cP459//im4J2gsYWGSk5MFAJGcnCyEEOLnn4WQJjwIMX26zMEVhPPnhbC31z7JyEghnj6VOyoioiLn6dOn4sKFC+KpGf6O7Nevn+jYsaPO2FtvvSVq166tuX7z5k1ha2srxo4dm+v+n332mQAg/vzzTyGEEMeOHRMAxJIlS/Q+XlJSUp6x3Lp1S3Tv3l14eHgIJycnERoaqjmvvjjHjBkjWrRoobneokULMWLECDFmzBhRqlQp0bJlS9GjRw/RrVs3nftlZmaKUqVKiQ0bNgghhFAqlWLOnDkiICBAODg4iBo1aohvv/02zziFEGLBggWibt26OmOJiYmie/fuokyZMsLR0VFUr15dbNmyRecYfTEKIcS5c+dEu3bthLOzs/D29ha9e/cWCQkJmvv973//E02aNBFubm6iZMmS4vXXXxdXr159bowvq379+mLEiBGa60qlUpQpU0bMnTs3z/uMGDFCtG7dWmds7NixokmTJnneZ8yYMaJChQpCpVLpjLdq1UpMnTpV732e9zP3bL5mKhZf8S32HR1eeQVYsECazrBnD7BoEeDgIHdURERmo25d6RPBwv56maUX58+fx9GjR3V2xNq+fTuysrJyVXYBYOjQoShRogS+/vprAMDmzZtRokQJvPvuu3rP7+7urnc8NTUVLVq0wJ07d7Bz506cPXsWH3zwAVQqlVHxb9iwAXZ2djhy5AhWrlyJXr164aeffkJqaqrmmD179uDJkyfo3LkzAGDu3LmIiorCypUr8c8//yAyMhK9e/fGoUOH8nycP/74A3WfeaHT09MRGhqKX375BefPn8eQIUPQp0+fXNMDno3x0aNHaN26NWrXro0TJ05g9+7duHfvHrp166a5T1paGsaOHYsTJ05g//79sLKyQufOnZ/7+syZMwclSpR47tfNmzf13jczMxMnT55EWFiYZszKygphYWGIjo7O8zEbN26MkydPap5zbGwsdu3ahfbt2+f5OJs2bcI777yTq1ND/fr18ccff+T5WIXN4tuZFbupDmfPAlWqSHN41UaOBHr3lrYfJiIio8THA3fuyB3Fi/38888oUaIEsrOzkZGRASsrK3z++eea2y9fvgw3Nzf4+vrmuq+dnR2CgoJw+b8OP1euXEFQUJDRmwps2bIFCQkJ+Ouvv1CyZEkAQMWKFY1+LpUqVcL8+fM11ytUqABnZ2d8//336NOnj+ax3nzzTbi4uCAjIwNz5szBvn370KhRIwBAUFAQDh8+jFWrVqFFixZ6H+fff//Nlfj6+fnp/HEwatQo7NmzB9u2bUP9+vXzjPHjjz9G7dq1MWfOHM3Y2rVr4e/vj8uXLyM4OBhdunTReay1a9fCy8sLFy5cQPXq1fXGOGzYMJ3kWZ8yZcroHU9MTIRSqYSPj4/OuI+PDy5dupTn+Xr27InExEQ0bdoUQghkZ2dj2LBhOlMdcvrhhx/w6NEjvVNGypQpg3///fe58Rcmi098i03FV6kEPv0UmDoVGDNGuqymUDDpJSLKJ7nW/xr7uK1atcKKFSuQlpaGxYsXw8bGJleiZSghRL7ud+bMGdSuXVuT9OZXaGioznUbGxt069YNmzdvRp8+fZCWloYff/wR33zzDQDg6tWrePLkCV599VWd+2VmZqJ27dp5Ps7Tp0/h8MynoEqlEnPmzMG2bdtw584dZGZmIiMjI9fGJs/GePbsWRw4cAAlSpTI9TjXrl1DcHAwrly5gunTp+PYsWNITEzUVHpv3ryZZ+JbsmTJl349jXXw4EHMmTMHX3zxBRo0aICrV69izJgx+OijjzBt2rRcx3/11Vd47bXX9Cbgjo6OeKLuIlAEMPHNkfiabcX31i2gTx9A/XHOwoVAp05A06ayhkVEVBwUsW5MeXJ2dtZUV9euXYuaNWviq6++wsCBAwEAwcHBSE5Oxt27d3MlKJmZmbh27RpatWqlOfbw4cPIysoyqurr6Oj43NutrKxyJdXqHfOefS7P6tWrF1q0aIH79+9j7969cHR0RLt27QBAMwXil19+gZ+fn8797HN+AvoMT09PJCUl6YwtWLAAS5cuxZIlSxASEgJnZ2e89957uRawPRtjamoqOnTogHnz5uV6HHWVvUOHDihfvjzWrFmDMmXKQKVSoXr16s9dHDdnzhydKrI+Fy5cQLly5fQ+P2tra9y7d09n/N69eyj9nL+spk2bhj59+mDQoEEAgJCQEKSlpWHIkCGYMmUKrHLs7Prvv/9i37592LFjh95zPXz4EF5eXs+NvzBZ/Bxf9VQHFxcz3bxi2zagRg1t0qtQAJMmATk+jiEiIstiZWWFyZMnY+rUqXj69CkAoEuXLrC1tcXChQtzHb9y5UqkpaWhR48eAKSPulNTU/HFF1/oPf+jR4/0jteoUQNnzpzJs92Zl5cX4uLidMbOnDlj0HNq3Lgx/P39sXXrVmzevBldu3bVJOXVqlWDvb09bt68iYoVK+p8+T/n49zatWvjwoULOmNHjhxBx44d0bt3b9SsWVNnCsjz1KlTB//88w8CAgJyxeDs7IwHDx4gJiYGU6dORZs2bVC1atVcSbc+w4YNw5kzZ577lddUBzs7O4SGhmL//v2aMZVKhf3792umhOjz5MkTneQWAKytrQHk/jRg3bp18Pb2xuuvv673XOfPn39u1b3QmXSpnBnIuUpQpRLCwUFqdlCtmtyRGSk5WYh+/bTdGgAh/P2FOHhQ7siIiMxScevqkJWVJfz8/MSCBQs0Y4sXLxZWVlZi8uTJ4uLFi+Lq1ati4cKFwt7eXowbN07n/h988IGwtrYW77//vjh69Ki4ceOG2Ldvn3j77bfz7PaQkZEhgoODRbNmzcThw4fFtWvXxPbt28XRo0eFEELs3r1bKBQKsWHDBnH58mUxffp04erqmqurw5gxY/Sef8qUKaJatWrCxsZG/PHHH7luK1WqlFi/fr24evWqOHnypPjss8/E+vXr83zddu7cKby9vUV2drZmLDIyUvj7+4sjR46ICxcuiEGDBglXV1ed11dfjHfu3BFeXl7i7bffFsePHxdXr14Vu3fvFv379xfZ2dlCqVSKUqVKid69e4srV66I/fv3i3r16gkA4vvvv88zxpf1zTffCHt7e7F+/Xpx4cIFMWTIEOHu7i7i4+M1x/Tp00dMnDhRc33GjBnCxcVFfP311yI2Nlb8+uuvokKFCrk6ayiVSlGuXDkxYcKEPB+/fPnyIioqSu9tcnR1sOjENzFRmzO2bSt3ZEY4elSIoCDdpDciQoiHD+WOjIjIbBW3xFcIIebOnSu8vLxEamqqZuzHH38UzZo1E87OzsLBwUGEhoaKtWvX6j3v1q1bRfPmzYWLi4twdnYWNWrUEB9++OFz25nduHFDdOnSRbi6ugonJydRt25dcezYMc3t06dPFz4+PsLNzU1ERkaKkSNHGpz4XrhwQQAQ5cuXz9U2S6VSiSVLlojKlSsLW1tb4eXlJcLDw8WhQ4fyjDUrK0uUKVNG7N69WzP24MED0bFjR1GiRAnh7e0tpk6dKvr27fvCxFcIIS5fviw6d+4s3N3dhaOjo6hSpYp47733NLHu3btXVK1aVdjb24saNWqIgwcPFnjiK4QQy5YtE+XKlRN2dnaifv36mvZyOZ9Pv379NNezsrLEzJkzRYUKFYSDg4Pw9/cX7777bq7v+549ewQAERMTo/dxjx49Ktzd3cWTJ0/03i5H4qsQIp8z2M1USkoK3NzckJycjNhYV6ir7wMHAl9+KW9sBjl4EAgLkxazAdIcjeXLpa4N3IyCiCjf0tPTcf36dQQGBuZa8ETF1/Lly7Fz507s2bNH7lCKnYiICNSsWTPPbhDP+5nLma+5urqaLCaLXtxmlgvbmjQBQkOB48eBxo2BTZuAwEC5oyIiIjJLQ4cOxaNHj/D48eNivW1xYcvMzERISAgiIyPlDkWHRSe+OXv4mk0rM1tbYPNmYOtWYMIEwMaiv4VEREQvxcbGBlOmTJE7jGLHzs4OU6dOlTuMXCy6q0OR7+GblAT06gWcPKk7XrEiMGUKk14iIiIiI1h05lSkd207eFDqzXv7tpT4njoFPNM8m4iIiIgMx4rvf4pMxTczE5g4EWjdWpuZ378P/POPvHERERERmTmLrviqE19XV6k5guxiYoCePaXqrlqrVkBUVBEsSRMRERGZF4ut+AqhLajKXu0VAli1CqhdW5v02toC8+cD+/Yx6SUiIiIyAYut+D54AGRkSJdlTXwTEoBBg4CdO7VjlSsDW7YAderIFxcRERFRMWOxFd87d7SXZS2o3roF7NqlvT58uFT1ZdJLREREZFJMfCFzxbdOHeDjjwFPT6nq+8UX7N5ARERmRaFQ4IcffpA7jCJr5syZqFWrltxhECw48ZWtldmlS0BWlu7Y+PFS14YOHQoxECIiKi769+8PhUIBhUIBW1tbBAYG4oMPPkB6errcoRW4+Ph4jBkzBhUrVoSDgwN8fHzQpEkTrFixAk+ePJE7PADA+PHjsX//frnDIFjwHN+7d7WXC6Xiq1IBy5ZJu61NmADMmqW9zdoa8PYuhCCIiKi4ateuHdatW4esrCycPHkS/fr1g0KhwLx58+QOrcDExsaiSZMmcHd3x5w5cxASEgJ7e3ucO3cOq1evhp+fH9588025w0SJEiVQokQJucMgWHDFt1CnOsTFAe3bA++9J62o+/hj4PjxAn5QIiKyJPb29ihdujT8/f3RqVMnhIWFYe/evZrbHzx4gB49esDPzw9OTk4ICQnB119/rXOOli1bYvTo0fjggw9QsmRJlC5dGjNnztQ55sqVK2jevDkcHBxQrVo1ncdQO3fuHFq3bg1HR0eUKlUKQ4YMQWpqqub2/v37o1OnTpgzZw58fHzg7u6ODz/8ENnZ2Xj//fdRsmRJlC1bFuvWrXvuc3733XdhY2ODEydOoFu3bqhatSqCgoLQsWNH/PLLL+jw3yepN27cgEKhwJkzZzT3ffToERQKBQ4ePKgZO3/+PF577TWUKFECPj4+6NOnDxITEzW3b9++HSEhIZrnFRYWhrS0NADAwYMHUb9+fTg7O8Pd3R1NmjTBv//+CyD3VAf18//000/h6+uLUqVKYcSIEcjK8YlwXFwcXn/9dTg6OiIwMBBbtmxBQEAAlixZ8tzXhJ6PiS8KeKrDjz8CNWoAe/Zox0aPlsaIiMg8LFok/Wfxoi991cU33zTsvosWmSzc8+fP4+jRo7Czs9OMpaenIzQ0FL/88gvOnz+PIUOGoE+fPjj+TCFmw4YNcHZ2xrFjxzB//nx8+OGHmuRWpVLhrbfegp2dHY4dO4aVK1diwoQJOvdPS0tDeHg4PDw88Ndff+Hbb7/Fvn37MHLkSJ3jfvvtN9y9exe///47Fi1ahBkzZuCNN96Ah4cHjh07hmHDhmHo0KG4nXNuYg4PHjzAr7/+ihEjRsDZ2VnvMQqFwuDX7NGjR2jdujVq166NEydOYPfu3bh37x66desGQEpEe/TogXfeeQcXL17EwYMH8dZbb0EIgezsbHTq1AktWrTA33//jejoaAwZMuS5j3/gwAFcu3YNBw4cwIYNG7B+/XqsX79ec3vfvn1x9+5dHDx4EN999x1Wr16N+/fvG/x8KA/CwiQnJwsAIiAgWQBCuLsX0AOlpgoxdKgQUpde6at0aSH27CmgByQiopfx9OlTceHCBfH06dPcN86Yofv7PK+vhg1z37dhQ8PuO2NGvmPv16+fsLa2Fs7OzsLe3l4AEFZWVmL79u3Pvd/rr78uxo0bp7neokUL0bRpU51j6tWrJyZMmCCEEGLPnj3CxsZG3LlzR3P7//73PwFAfP/990IIIVavXi08PDxEamqq5phffvlFWFlZifj4eE285cuXF0qlUnNM5cqVRbNmzTTXs7OzhbOzs/j666/1xv7nn38KAGLHjh0646VKlRLOzs7C2dlZfPDBB0IIIa5fvy4AiNOnT2uOS0pKEgDEgQMHhBBCfPTRR6Jt27Y657p165YAIGJiYsTJkycFAHHjxo1csTx48EAAEAcPHtQb64wZM0TNmjU119XPPzs7WzPWtWtXERERIYQQ4uLFiwKA+OuvvzS3X7lyRQAQixcv1vsY5uh5P3PqfC05Odmkj2mxc3zVFd8CqfaePCntwHb5snasY0fgyy+l7g1ERGReXF0BP78XH+flpX/MkPu6uhofVw6tWrXCihUrkJaWhsWLF8PGxgZdunTR3K5UKjFnzhxs27YNd+7cQWZmJjIyMuD0TCehGs98Iunr66upNF68eBH+/v4oU6aM5vZGjRrpHH/x4kXUrFlTpwrbpEkTqFQqxMTEwMfHBwDwyiuvwMpK+8Gzj48PqlevrrlubW2NUqVKGV3lPH78OFQqFXr16oUMdcN+A5w9exYHDhzQOxf32rVraNu2Ldq0aYOQkBCEh4ejbdu2ePvtt+Hh4YGSJUuif//+CA8Px6uvvoqwsDB069YNvr6+eT7eK6+8Amtra811X19fnDt3DgAQExMDGxsb1MnR2rRixYrw8PAw+PmQfhab+Kqn0Zh8fu9vvwHh4UB2tnTdyQlYskTapMKIj1yIiKgIGTtW+sqPnBsUFSBnZ2dUrFgRALB27VrUrFkTX331FQYOHAgAWLBgAZYuXYolS5YgJCQEzs7OeO+995CZmalzHltbW53rCoUCKpXK5PHqexxjHrtixYpQKBSIiYnRGQ8KCgIAODo6asbUCbYQQjOW9UyHpdTUVHTo0EHvYkBfX19YW1tj7969OHr0KH799VcsW7YMU6ZMwbFjxxAYGIh169Zh9OjR2L17N7Zu3YqpU6di7969aNiwocHPvyBeZ9JlsXN81Uye+DZpAlSrJl0ODQVOnwYGD2bSS0REhcbKygqTJ0/G1KlT8fTpUwDAkSNH0LFjR/Tu3Rs1a9ZEUFAQLuf8ZNIAVatWxa1btxAXF6cZ+/PPP3Mdc/bsWc2iL/VjW1lZoXLlyi/xrHSVKlUKr776Kj7//HOdx9LH679KfM64cy50A4A6dergn3/+QUBAACpWrKjzpa5eKxQKNGnSBLNmzcLp06dhZ2eH77//XnOO2rVrY9KkSTh69CiqV6+OLVu25Ou5Va5cGdnZ2Th9+rRm7OrVq0hKSsrX+UjL4hNfk091sLeXthueMgU4ehQIDjbxAxAREb1Y165dYW1tjeXLlwMAKlWqpKlYXrx4EUOHDsW9e/eMOmdYWBiCg4PRr18/nD17Fn/88QemTJmic0yvXr3g4OCAfv364fz58zhw4ABGjRqFPn36aKY5mMoXX3yB7Oxs1K1bF1u3bsXFixcRExODTZs24dKlS5qpBI6OjmjYsCE++eQTXLx4EYcOHcLUqVN1zjVixAg8fPgQPXr0wF9//YVr165hz549GDBgAJRKJY4dO4Y5c+bgxIkTuHnzJnbs2IGEhARUrVoV169fx6RJkxAdHY1///0Xv/76K65cuYKqVavm63lVqVIFYWFhGDJkCI4fP47Tp09jyJAhcHR0NGrBHuVm8YnvS1V8U1Kkau4//+iOv/KK1LIsx2paIiKiwmRjY4ORI0di/vz5SEtLw9SpU1GnTh2Eh4ejZcuWKF26NDp16mTUOa2srPD999/j6dOnqF+/PgYNGoTZs2frHOPk5IQ9e/bg4cOHqFevHt5++220adMGn3/+uQmfnaRChQo4ffo0wsLCMGnSJNSsWRN169bFsmXLMH78eHz00UeaY9euXYvs7GyEhobivffew8cff6xzrjJlyuDIkSNQKpVo27YtQkJC8N5778Hd3R1WVlZwdXXF77//jvbt2yM4OBhTp07FwoUL8dprr8HJyQmXLl1Cly5dEBwcjCFDhmDEiBEYOnRovp9bVFQUfHx80Lx5c3Tu3BmDBw+Gi4sLHBwc8n1OAhQi54QXC5CSkgI3NzcAyQBcsXcvEBaWjxNFRwO9ewOxsVJrsuPHpWovERGZpfT0dFy/fh2BgYFMLqjIuX37Nvz9/bFv3z60adNG7nBM4nk/c+p8LTk5Ga4vufAzJ4td3KZmdMU3OxuYPRv46CNAqZTGrl8H/v4bqFfP5PERERGR5fntt9+QmpqKkJAQxMXF4YMPPkBAQACaN28ud2hmzeITX6Pm+MbGSlXe6GjtWOPGwKZNQGCgyWMjIiIiy5SVlYXJkycjNjYWLi4uaNy4MTZv3pyrGwQZx6ITXw8PII/NXnQJAWzcCIwcCTx+LI1ZWwPTpwOTJwM2Fv0yEhERkYmFh4cjPDxc7jCKHYvO2Aya5pCUBAwfDmzdqh0LCgI2bwby6M1HREREREWPRXd1MGiaw8WLwLffaq/37w+cOcOkl4iomLKwNd9EspHjZ82iE1+DKr6NG0s9ed3dgW3bgHXrABeXgg6NiIgKmXru5JMnT2SOhMgyqHcNzLl1c0HjVIdnXb8OlCsnzeFVmzYNGDrUsL3WiYjILFlbW8Pd3R33798HIPWj5WYBRAVDpVIhISEBTk5OsCnEtVIWnfjqTHUQAli9GoiMBGbMACZM0N5ma8ukl4jIApQuXRoANMkvERUcKysrlCtXrlD/wLToxFdT8U1IAAYNAnbulK5PnQq0bQvUri1bbEREVPgUCgV8fX3h7e2NrKwsucMhKtbs7OxgZVW4s24tOvEtWxbAnj3SgrX4eO0NgwYBlSvLFRYREcnM2tq6UOcdElHhKBKL25YvX46AgAA4ODigQYMGOH78+HOP//bbb1GlShU4ODggJCQEu3btMvox7ZCOwKXvAe3aaZNeT0+p6rtiBeDklI9nQkRERERFleyJ79atWzF27FjMmDEDp06dQs2aNREeHp7n/KqjR4+iR48eGDhwIE6fPo1OnTqhU6dOOH/+vFGP+4dVS9h+sVQ70K4dcO4c0KHDyzwdIiIiIiqiFELmhoUNGjRAvXr18PnnnwOQVvn5+/tj1KhRmDhxYq7jIyIikJaWhp9//lkz1rBhQ9SqVQsrV6584eOlpKTAzc0NyQBcAcDeHliwQNqVjat3iYiIiGSnydeSk+Hq6mqy88o6xzczMxMnT57EpEmTNGNWVlYICwtDdHS03vtER0dj7NixOmPh4eH44Ycf9B6fkZGBjIwMzfXk5GQAQAoAVKsGfPWV9K96K2IiIiIiklVKSgoA029yIWvim5iYCKVSCR8fH51xHx8fXLp0Se994uPj9R4fn3NxWg5z587FrFmzco37A8CFC0CjRvmKnYiIiIgK1oMHD+Dm5may8xX7rg6TJk3SqRA/evQI5cuXx82bN036QlLRlJKSAn9/f9y6dcukH5VQ0cTvt2Xh99uy8PttWZKTk1GuXDmULFnSpOeVNfH19PSEtbU17t27pzN+7949TRPxZ5UuXdqo4+3t7WFvb59r3M3NjT84FsTV1ZXfbwvC77dl4ffbsvD7bVlM3edX1q4OdnZ2CA0Nxf79+zVjKpUK+/fvR6M8piA0atRI53gA2Lt3b57HExEREREBRWCqw9ixY9GvXz/UrVsX9evXx5IlS5CWloYBAwYAAPr27Qs/Pz/MnTsXADBmzBi0aNECCxcuxOuvv45vvvkGJ06cwOrVq+V8GkRERERUxMme+EZERCAhIQHTp09HfHw8atWqhd27d2sWsN28eVOnzN24cWNs2bIFU6dOxeTJk1GpUiX88MMPqF69ukGPZ29vjxkzZuid/kDFD7/floXfb8vC77dl4ffbshTU91v2Pr5ERERERIVB9p3biIiIiIgKAxNfIiIiIrIITHyJiIiIyCIw8SUiIiIii1AsE9/ly5cjICAADg4OaNCgAY4fP/7c47/99ltUqVIFDg4OCAkJwa5duwopUjIFY77fa9asQbNmzeDh4QEPDw+EhYW98P1BRYuxP99q33zzDRQKBTp16lSwAZJJGfv9fvToEUaMGAFfX1/Y29sjODiYv9PNiLHf7yVLlqBy5cpwdHSEv78/IiMjkZ6eXkjR0sv4/fff0aFDB5QpUwYKhQI//PDDC+9z8OBB1KlTB/b29qhYsSLWr19v/AOLYuabb74RdnZ2Yu3ateKff/4RgwcPFu7u7uLevXt6jz9y5IiwtrYW8+fPFxcuXBBTp04Vtra24ty5c4UcOeWHsd/vnj17iuXLl4vTp0+Lixcviv79+ws3Nzdx+/btQo6c8sPY77fa9evXhZ+fn2jWrJno2LFj4QRLL83Y73dGRoaoW7euaN++vTh8+LC4fv26OHjwoDhz5kwhR075Yez3e/PmzcLe3l5s3rxZXL9+XezZs0f4+vqKyMjIQo6c8mPXrl1iypQpYseOHQKA+P777597fGxsrHBychJjx44VFy5cEMuWLRPW1tZi9+7dRj1usUt869evL0aMGKG5rlQqRZkyZcTcuXP1Ht+tWzfx+uuv64w1aNBADB06tEDjJNMw9vv9rOzsbOHi4iI2bNhQUCGSCeXn+52dnS0aN24svvzyS9GvXz8mvmbE2O/3ihUrRFBQkMjMzCysEMmEjP1+jxgxQrRu3VpnbOzYsaJJkyYFGieZniGJ7wcffCBeeeUVnbGIiAgRHh5u1GMVq6kOmZmZOHnyJMLCwjRjVlZWCAsLQ3R0tN77REdH6xwPAOHh4XkeT0VHfr7fz3ry5AmysrJQsmTJggqTTCS/3+8PP/wQ3t7eGDhwYGGESSaSn+/3zp070ahRI4wYMQI+Pj6oXr065syZA6VSWVhhUz7l5/vduHFjnDx5UjMdIjY2Frt27UL79u0LJWYqXKbK12Tfuc2UEhMToVQqNbu+qfn4+ODSpUt67xMfH6/3+Pj4+AKLk0wjP9/vZ02YMAFlypTJ9cNERU9+vt+HDx/GV199hTNnzhRChGRK+fl+x8bG4rfffkOvXr2wa9cuXL16Fe+++y6ysrIwY8aMwgib8un/7d1pTFRXGwfwPwMOM+KgoUqGKbihUGO1yKLFJVZrK6QqFRVaCaKiWClitNoSN6C+KFrEiNGqNYK1RFCj1UgFxUoLY9q6sDSCgyiojWijNiwKZZnzfjDcdGSpgwqW+f+S++Gee865z5mTic8czr22Z75nz56N+/fvY+zYsRBCoKGhAZ988glWrVrVESFTB2stX6usrERNTQ2USuUz9dOlVnyJjBEbG4uUlBQcO3YMCoWis8OhF6yqqgqBgYH45ptv0Lt3784OhzqAXq+Hra0t9uzZAzc3N/j7+2P16tXYtWtXZ4dGL0FWVhY2bNiAnTt34vLlyzh69CjS0tKwfv36zg6NXmFdasW3d+/eMDc3x7179wzK7927B7Va3WIbtVptVH16dbRnvpvExcUhNjYWmZmZGD58+MsMk14QY+f7+vXrKCsrw9SpU6UyvV4PALCwsIBOp4Ojo+PLDZrarT3fbzs7O3Tr1g3m5uZS2ZAhQ3D37l3U1dVBLpe/1Jip/doz32vXrkVgYCAWLFgAABg2bBgePXqEkJAQrF69GjIZ1/a6ktbyNWtr62de7QW62IqvXC6Hm5sbzp49K5Xp9XqcPXsWnp6eLbbx9PQ0qA8AZ86cabU+vTraM98AsHnzZqxfvx7p6elwd3fviFDpBTB2vt944w38/vvvyMvLk45p06ZhwoQJyMvLg4ODQ0eGT0Zqz/d7zJgxKCkpkX7gAEBxcTHs7OyY9L7i2jPfjx8/bpbcNv3oefK8FHUlLyxfM+65u1dfSkqKsLS0FElJSaKwsFCEhISIXr16ibt37wohhAgMDBQRERFSfa1WKywsLERcXJwoKioSkZGRfJ3Zf4ix8x0bGyvkcrk4cuSIKC8vl46qqqrOGgIZwdj5fhrf6vDfYux837p1S6hUKhEWFiZ0Op04efKksLW1Ff/73/86awhkBGPnOzIyUqhUKnHw4EFx48YNcfr0aeHo6Cj8/Pw6awhkhKqqKpGbmytyc3MFABEfHy9yc3PFzZs3hRBCREREiMDAQKl+0+vMVq5cKYqKisSOHTv4OrMm27dvF3379hVyuVyMHDlS/PLLL9K18ePHi6CgIIP6hw4dEk5OTkIul4uhQ4eKtLS0Do6Ynocx892vXz8BoNkRGRnZ8YFTuxj7/f4nJr7/PcbO9/nz58WoUaOEpaWlGDhwoIiJiRENDQ0dHDW1lzHzXV9fL6KiooSjo6NQKBTCwcFBhIaGir/++qvjAyejnTt3rsV/j5vmOCgoSIwfP75ZGxcXFyGXy8XAgQNFYmKi0fc1E4J/DyAiIiKirq9L7fElIiIiImoNE18iIiIiMglMfImIiIjIJDDxJSIiIiKTwMSXiIiIiEwCE18iIiIiMglMfImIiIjIJDDxJSIiIiKTwMSXiAhAUlISevXq1dlhtJuZmRm+//77NuvMnTsXH374YYfEQ0T0KmLiS0Rdxty5c2FmZtbsKCkp6ezQkJSUJMUjk8lgb2+PefPm4c8//3wh/ZeXl8Pb2xsAUFZWBjMzM+Tl5RnU2bZtG5KSkl7I/VoTFRUljdPc3BwODg4ICQnBw4cPjeqHSToRvQwWnR0AEdGL5OXlhcTERIOyPn36dFI0hqytraHT6aDX65Gfn4958+bhzp07yMjIeO6+1Wr1v9bp2bPnc9/nWQwdOhSZmZlobGxEUVER5s+fj4qKCqSmpnbI/YmIWsMVXyLqUiwtLaFWqw0Oc3NzxMfHY9iwYbCysoKDgwNCQ0NRXV3daj/5+fmYMGECVCoVrK2t4ebmhosXL0rXc3JyMG7cOCiVSjg4OCA8PByPHj1qMzYzMzOo1WpoNBp4e3sjPDwcmZmZqKmpgV6vx5dffgl7e3tYWlrCxcUF6enpUtu6ujqEhYXBzs4OCoUC/fr1w8aNGw36btrqMGDAAADAiBEjYGZmhnfeeQeA4Srqnj17oNFooNfrDWL08fHB/PnzpfPjx4/D1dUVCoUCAwcORHR0NBoaGtocp4WFBdRqNV5//XVMmjQJs2bNwpkzZ6TrjY2NCA4OxoABA6BUKuHs7Ixt27ZJ16OiorB//34cP35cWj3OysoCANy+fRt+fn7o1asXbGxs4OPjg7KysjbjISJqwsSXiEyCTCZDQkICrly5gv379+PHH3/E559/3mr9gIAA2Nvb48KFC7h06RIiIiLQrVs3AMD169fh5eWFGTNmoKCgAKmpqcjJyUFYWJhRMSmVSuj1ejQ0NGDbtm3YsmUL4uLiUFBQgMmTJ2PatGm4du0aACAhIQEnTpzAoUOHoNPpkJycjP79+7fY72+//QYAyMzMRHl5OY4ePdqszqxZs/DgwQOcO3dOKnv48CHS09MREBAAAMjOzsacOXOwdOlSFBYWYvfu3UhKSkJMTMwzj7GsrAwZGRmQy+VSmV6vh729PQ4fPozCwkKsW7cOq1atwqFDhwAAK1asgJ+fH7y8vFBeXo7y8nKMHj0a9fX1mDx5MlQqFbKzs6HVatGjRw94eXmhrq7umWMiIhMmiIi6iKCgIGFubi6srKykY+bMmS3WPXz4sHjttdek88TERNGzZ0/pXKVSiaSkpBbbBgcHi5CQEIOy7OxsIZPJRE1NTYttnu6/uLhYODk5CXd3dyGEEBqNRsTExBi08fDwEKGhoUIIIZYsWSImTpwo9Hp9i/0DEMeOHRNCCFFaWioAiNzcXIM6QUFBwsfHRzr38fER8+fPl853794tNBqNaGxsFEII8e6774oNGzYY9HHgwAFhZ2fXYgxCCBEZGSlkMpmwsrISCoVCABAARHx8fKtthBDi008/FTNmzGg11qZ7Ozs7G3wGf//9t1AqlSIjI6PN/omIhBCCe3yJqEuZMGECvv76a+ncysoKwJPVz40bN+Lq1auorKxEQ0MDamtr8fjxY3Tv3r1ZP8uXL8eCBQtw4MAB6c/1jo6OAJ5sgygoKEBycrJUXwgBvV6P0tJSDBkypMXYKioq0KNHD+j1etTW1mLs2LHYu3cvKisrcefOHYwZM8ag/pgxY5Cfnw/gyTaF9957D87OzvDy8sKUKVPw/vvvP9dnFRAQgIULF2Lnzp2wtLREcnIyPvroI8hkMmmcWq3WYIW3sbGxzc8NAJydnXHixAnU1tbiu+++Q15eHpYsWWJQZ8eOHdi3bx9u3bqFmpoa1NXVwcXFpc148/PzUVJSApVKZVBeW1uL69evt+MTICJTw8SXiLoUKysrDBo0yKCsrKwMU6ZMweLFixETEwMbGxvk5OQgODgYdXV1LSZwUVFRmD17NtLS0nDq1ClERkYiJSUF06dPR3V1NRYtWoTw8PBm7fr27dtqbCqVCpcvX4ZMJoOdnR2USiUAoLKy8l/H5erqitLSUpw6dQqZmZnw8/PDpEmTcOTIkX9t25qpU6dCCIG0tDR4eHggOzsbW7dula5XV1cjOjoavr6+zdoqFIpW+5XL5dIcxMbG4oMPPkB0dDTWr18PAEhJScGKFSuwZcsWeHp6QqVS4auvvsKvv/7aZrzV1dVwc3Mz+MHR5FV5gJGIXm1MfImoy7t06RL0ej22bNkirWY27Sdti5OTE5ycnLBs2TJ8/PHHSExMxPTp0+Hq6orCwsJmCfa/kclkLbaxtraGRqOBVqvF+PHjpXKtVouRI0ca1PP394e/vz9mzpwJLy8vPHz4EDY2Ngb9Ne2nbWxsbDMehUIBX19fJCcno6SkBM7OznB1dZWuu7q6QqfTGT3Op61ZswYTJ07E4sWLpXGOHj0aoaGhUp2nV2zlcnmz+F1dXZGamgpbW1tYW1s/V0xEZJr4cBsRdXmDBg1CfX09tm/fjhs3buDAgQPYtWtXq/VramoQFhaGrKws3Lx5E1qtFhcuXJC2MHzxxRc4f/48wsLCkJeXh2vXruH48eNGP9z2TytXrsSmTZuQmpoKnU6HiIgI5OXlYenSpQCA+Ph4HDx4EFevXkVxcTEOHz4MtVrd4n+6YWtrC6VSifT0dNy7dw8VFRWt3jcgIABpaWnYt2+f9FBbk3Xr1uHbb79FdHQ0rly5gqKiIqSkpGDNmjVGjc3T0xPDhw/Hhg0bAACDBw/GxYsXkZGRgeLiYqxduxYXLlwwaNO/f38UFBRAp9Ph/v37qK+vR0BAAHr37g0fHx9kZ2ejtLQUWVlZCA8Pxx9//GFUTERkmpj4ElGX99ZbbyE+Ph6bNm3Cm2++ieTkZINXgT3N3NwcDx48wJw5c+Dk5AQ/Pz94e3sjOjoaADB8+HD89NNPKC4uxrhx4zBixAisW7cOGo2m3TGGh4dj+fLl+OyzzzBs2DCkp6fjxIkTGDx4MIAn2yQ2b94Md3d3eHh4oKysDD/88IO0gv1PFhYWSEhIwO7du6HRaODj49PqfSdOnAgbGxvodDrMnj3b4NrkyZNx8uRJnD59Gh4eHnj77bexdetW9OvXz+jxLVu2DHv37sXt27exaNEi+Pr6wt/fH6NGjcKDBw8MVn8BYOHChXB2doa7uzv69OkDrVaL7t274+eff0bfvn3h6+uLIUOGIDg4GLW1tVwBJqJnYiaEEJ0dBBERERHRy8YVXyIiIiIyCUx8iYiIiMgkMPElIiIiIpPAxJeIiIiITAITXyIiIiIyCUx8iYiIiMgkMPElIiIiIpPAxJeIiIiITAITXyIiIiIyCUx8iYiIiMgkMPElIiIiIpPwf4B9tVWBxT9KAAAAAElFTkSuQmCC", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "plot_roc_curve(y_test, y_pred)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "#### Standardized data" + ] + }, + { + "cell_type": "code", + "execution_count": 40, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Time taken for GridSearchCV: 6948.70 seconds\n", + "Best Hyperparameters:\n", + "{'base_estimator__learning_rate': 0.2, 'base_estimator__max_depth': 3, 'base_estimator__n_estimators': 100, 'max_features': 1.0, 'max_samples': 0.8, 'n_estimators': 10}\n", + "\n", + "Time taken for training with best hyperparameters: 10.63 seconds\n", + "\n", + "Mean Accuracy: 0.8929719917012449\n", + "Standard Deviation of Accuracy: 0.016585366209661924\n", + "Mean Precision: 0.8524499345881044\n", + "Standard Deviation of Precision: 0.03963276780343318\n", + "Mean Recall: 0.8346605935938879\n", + "Standard Deviation of Recall: 0.04164150530913857\n", + "Mean F1-score: 0.8421942043182058\n", + "Standard Deviation of F1-score: 0.024609787061739656\n", + "Mean ROC AUC: 0.8790250480667978\n", + "Standard Deviation of ROC AUC: 0.019001104560078273\n", + "\n", + "Total time taken: 6959.33 seconds\n" + ] + } + ], + "source": [ + "from xgboost import XGBClassifier\n", + "from sklearn.ensemble import BaggingClassifier\n", + "from sklearn.model_selection import StratifiedKFold, GridSearchCV\n", + "from sklearn.metrics import accuracy_score, precision_score, recall_score, f1_score, roc_auc_score, confusion_matrix\n", + "import numpy as np\n", + "import time\n", + "\n", + "start_total_time = time.time()\n", + "\n", + "kf = StratifiedKFold(n_splits=10, shuffle=True, random_state=42)\n", + "\n", + "base_model = XGBClassifier(random_state=42, use_label_encoder=False, eval_metric='logloss')\n", + "\n", + "bagging_model = BaggingClassifier(base_estimator=base_model, random_state=42)\n", + "\n", + "param_grid = {\n", + " 'base_estimator__n_estimators': [10, 50, 100],\n", + " 'base_estimator__learning_rate': [0.01, 0.1, 0.2],\n", + " 'base_estimator__max_depth': [3, 4, 5],\n", + " 'n_estimators': [10, 50, 100],\n", + " 'max_samples': [0.8, 1.0],\n", + " 'max_features': [0.8, 1.0],\n", + "}\n", + "\n", + "grid_search = GridSearchCV(estimator=bagging_model, param_grid=param_grid, cv=kf, scoring='accuracy')\n", + "\n", + "start_time = time.time()\n", + "\n", + "grid_search.fit(standard(x), y)\n", + "\n", + "grid_search_time = time.time() - start_time\n", + "print(f\"Time taken for GridSearchCV: {grid_search_time:.2f} seconds\")\n", + "\n", + "best_params = grid_search.best_params_\n", + "\n", + "print(\"Best Hyperparameters:\")\n", + "print(best_params)\n", + "print()\n", + "\n", + "best_model = grid_search.best_estimator_\n", + "\n", + "start_time = time.time()\n", + "\n", + "accuracy_scores = []\n", + "precision_scores = []\n", + "recall_scores = []\n", + "f1_scores = []\n", + "roc_auc_scores = []\n", + "confusion_matrices = []\n", + "\n", + "for train_index, test_index in kf.split(standard(x), y):\n", + " X_train, X_test = x.iloc[train_index], x.iloc[test_index]\n", + " y_train, y_test = y.iloc[train_index], y.iloc[test_index]\n", + "\n", + " best_model.fit(X_train, y_train)\n", + "\n", + " y_pred = best_model.predict(X_test)\n", + "\n", + " accuracy = accuracy_score(y_test, y_pred)\n", + " accuracy_scores.append(accuracy)\n", + " \n", + " precision = precision_score(y_test, y_pred)\n", + " precision_scores.append(precision)\n", + " \n", + " recall = recall_score(y_test, y_pred)\n", + " recall_scores.append(recall)\n", + " \n", + " f1 = f1_score(y_test, y_pred)\n", + " f1_scores.append(f1)\n", + " \n", + " roc_auc = roc_auc_score(y_test, y_pred)\n", + " roc_auc_scores.append(roc_auc)\n", + " \n", + " confusion = confusion_matrix(y_test, y_pred)\n", + " confusion_matrices.append(confusion)\n", + "\n", + "training_time = time.time() - start_time\n", + "print(f\"Time taken for training with best hyperparameters: {training_time:.2f} seconds\")\n", + "print()\n", + "\n", + "mean_accuracy = np.mean(accuracy_scores)\n", + "std_accuracy = np.std(accuracy_scores)\n", + "\n", + "mean_precision = np.mean(precision_scores)\n", + "std_precision = np.std(precision_scores)\n", + "\n", + "mean_recall = np.mean(recall_scores)\n", + "std_recall = np.std(recall_scores)\n", + "\n", + "mean_f1 = np.mean(f1_scores)\n", + "std_f1 = np.std(f1_scores)\n", + "\n", + "mean_roc_auc = np.mean(roc_auc_scores)\n", + "std_roc_auc = np.std(roc_auc_scores)\n", + "\n", + "print(f\"Mean Accuracy: {mean_accuracy}\")\n", + "print(f\"Standard Deviation of Accuracy: {std_accuracy}\")\n", + "\n", + "print(f\"Mean Precision: {mean_precision}\")\n", + "print(f\"Standard Deviation of Precision: {std_precision}\")\n", + "\n", + "print(f\"Mean Recall: {mean_recall}\")\n", + "print(f\"Standard Deviation of Recall: {std_recall}\")\n", + "\n", + "print(f\"Mean F1-score: {mean_f1}\")\n", + "print(f\"Standard Deviation of F1-score: {std_f1}\")\n", + "\n", + "print(f\"Mean ROC AUC: {mean_roc_auc}\")\n", + "print(f\"Standard Deviation of ROC AUC: {std_roc_auc}\")\n", + "print()\n", + "\n", + "total_time = time.time() - start_total_time\n", + "print(f\"Total time taken: {total_time:.2f} seconds\")" + ] + }, + { + "cell_type": "code", + "execution_count": 41, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "x_train: (1800, 13)\n", + "y_train: (1800,)\n", + "x_test: (601, 13)\n", + "y_test: (601,)\n" + ] + } + ], + "source": [ + "from sklearn.model_selection import train_test_split\n", + "\n", + "x_train, x_test, y_train, y_test = train_test_split(x,y,test_size=0.25,random_state=42)\n", + "\n", + "print(\"x_train:\",x_train.shape)\n", + "print(\"y_train:\",y_train.shape)\n", + "print(\"x_test:\",x_test.shape)\n", + "print(\"y_test:\",y_test.shape)" + ] + }, + { + "cell_type": "code", + "execution_count": 42, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Accuracy: 0.8885191347753744\n", + "Precision: 0.8663101604278075\n", + "Recall: 0.7941176470588235\n", + "F1 Score: 0.8286445012787724\n", + "ROC AUC Score: 0.8655726774336938\n", + "Confusion Matrix:\n", + "[[372 25]\n", + " [ 42 162]]\n" + ] + } + ], + "source": [ + "model = grid_search.best_estimator_\n", + "\n", + "model.fit(x_train, y_train)\n", + "\n", + "y_pred = model.predict(x_test)\n", + "\n", + "y_pred = (y_pred >= 0.5).astype(int)\n", + "\n", + "print(\"Accuracy:\", accuracy_score(y_test, y_pred))\n", + "print(\"Precision:\", precision_score(y_test, y_pred))\n", + "print(\"Recall:\", recall_score(y_test, y_pred))\n", + "print(\"F1 Score:\", f1_score(y_test, y_pred))\n", + "print(\"ROC AUC Score:\", roc_auc_score(y_test, y_pred))\n", + "print(\"Confusion Matrix:\")\n", + "print(confusion_matrix(y_test, y_pred))" + ] + }, + { + "cell_type": "code", + "execution_count": 43, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAokAAAIjCAYAAABvUIGpAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8pXeV/AAAACXBIWXMAAA9hAAAPYQGoP6dpAABHkUlEQVR4nO3de5iN9f7/8deaYdYczMFgTjmfTY6prUlO2+QQItoSZchhq6EyyJ5d5FBNW0qp0Gkj0TnaRBqE2qYcSknIoChmiGamGYwxc//+6Gd99/JxmMUsa8Z6PvZ1X5d135913++1drreve7P/Vk2y7IsAQAAAP/Dx9MFAAAAoPShSQQAAICBJhEAAAAGmkQAAAAYaBIBAABgoEkEAACAgSYRAAAABppEAAAAGGgSAQAAYKBJBHBBu3fvVqdOnRQaGiqbzaYlS5aU6Pl/+ukn2Ww2zZs3r0TPW5a1b99e7du393QZALwcTSJQBuzZs0d///vfVbt2bfn7+yskJEStW7fW888/rxMnTrj12gkJCdq2bZueeOIJLViwQNdff71br3clDRo0SDabTSEhIef8Hnfv3i2bzSabzabp06e7fP6DBw9q0qRJ2rp1awlUCwBXVjlPFwDgwj7++GP97W9/k91u18CBA9W4cWOdOnVKX3zxhcaNG6ft27frlVdeccu1T5w4obS0ND3yyCMaOXKkW65Ro0YNnThxQuXLl3fL+S+mXLlyOn78uJYuXaq+ffs6HVu4cKH8/f118uTJSzr3wYMHNXnyZNWsWVPNmzcv9vs+/fTTS7oeAJQkmkSgFNu3b5/69eunGjVqaM2aNYqOjnYcS0xMVHp6uj7++GO3Xf/IkSOSpLCwMLddw2azyd/f323nvxi73a7WrVvrrbfeMprERYsWqVu3bvrggw+uSC3Hjx9XYGCg/Pz8rsj1AOBCuN0MlGLTpk1Tbm6uXn/9dacG8Yy6devqwQcfdLw+ffq0pk6dqjp16shut6tmzZr65z//qfz8fKf31axZU927d9cXX3yhv/zlL/L391ft2rX1xhtvOMZMmjRJNWrUkCSNGzdONptNNWvWlPTnbdozf/5fkyZNks1mc9qXmpqqm2++WWFhYapQoYIaNGigf/7zn47j55uTuGbNGrVp00ZBQUEKCwtTz549tWPHjnNeLz09XYMGDVJYWJhCQ0M1ePBgHT9+/Pxf7Fn69++vFStWKCsry7Fv06ZN2r17t/r372+MP3bsmMaOHasmTZqoQoUKCgkJUdeuXfXtt986xqxdu1Y33HCDJGnw4MGO29ZnPmf79u3VuHFjbdmyRW3btlVgYKDjezl7TmJCQoL8/f2Nz9+5c2dVrFhRBw8eLPZnBYDiokkESrGlS5eqdu3auummm4o1fujQoZo4caKuu+46zZgxQ+3atVNKSor69etnjE1PT9cdd9yhW265Rc8884wqVqyoQYMGafv27ZKk3r17a8aMGZKku+66SwsWLNBzzz3nUv3bt29X9+7dlZ+frylTpuiZZ57Rbbfdpv/+978XfN+qVavUuXNnHT58WJMmTVJSUpI2bNig1q1b66effjLG9+3bV3/88YdSUlLUt29fzZs3T5MnTy52nb1795bNZtOHH37o2Ldo0SI1bNhQ1113nTF+7969WrJkibp3765nn31W48aN07Zt29SuXTtHw9aoUSNNmTJFkjR8+HAtWLBACxYsUNu2bR3nOXr0qLp27armzZvrueeeU4cOHc5Z3/PPP68qVaooISFBhYWFkqSXX35Zn376qV544QXFxMQU+7MCQLFZAEql7OxsS5LVs2fPYo3funWrJckaOnSo0/6xY8dakqw1a9Y49tWoUcOSZK1fv96x7/Dhw5bdbrfGjBnj2Ldv3z5LkvX00087nTMhIcGqUaOGUcNjjz1m/e+/VmbMmGFJso4cOXLeus9cY+7cuY59zZs3tyIiIqyjR4869n377beWj4+PNXDgQON69957r9M5b7/9dqtSpUrnveb/fo6goCDLsizrjjvusDp27GhZlmUVFhZaUVFR1uTJk8/5HZw8edIqLCw0PofdbremTJni2Ldp0ybjs53Rrl07S5I1Z86ccx5r166d076VK1dakqzHH3/c2rt3r1WhQgWrV69eF/2MAHCpSBKBUionJ0eSFBwcXKzxy5cvlyQlJSU57R8zZowkGXMXY2Nj1aZNG8frKlWqqEGDBtq7d+8l13y2M3MZP/roIxUVFRXrPYcOHdLWrVs1aNAghYeHO/Y3bdpUt9xyi+Nz/q8RI0Y4vW7Tpo2OHj3q+A6Lo3///lq7dq0yMjK0Zs0aZWRknPNWs/TnPEYfnz//9VlYWKijR486bqV//fXXxb6m3W7X4MGDizW2U6dO+vvf/64pU6aod+/e8vf318svv1zsawGAq2gSgVIqJCREkvTHH38Ua/zPP/8sHx8f1a1b12l/VFSUwsLC9PPPPzvtr169unGOihUr6vfff7/Eik133nmnWrduraFDhyoyMlL9+vXTu+++e8GG8UydDRo0MI41atRIv/32m/Ly8pz2n/1ZKlasKEkufZZbb71VwcHBeuedd7Rw4ULdcMMNxnd5RlFRkWbMmKF69erJbrercuXKqlKlir777jtlZ2cX+5rXXHONSw+pTJ8+XeHh4dq6datmzpypiIiIYr8XAFxFkwiUUiEhIYqJidH333/v0vvOfnDkfHx9fc+537KsS77GmflyZwQEBGj9+vVatWqV7rnnHn333Xe68847dcsttxhjL8flfJYz7Ha7evfurfnz52vx4sXnTREl6cknn1RSUpLatm2rN998UytXrlRqaqquvfbaYiem0p/fjyu++eYbHT58WJK0bds2l94LAK6iSQRKse7du2vPnj1KS0u76NgaNWqoqKhIu3fvdtqfmZmprKwsx5PKJaFixYpOTwKfcXZaKUk+Pj7q2LGjnn32Wf3www964okntGbNGn322WfnPPeZOnft2mUc27lzpypXrqygoKDL+wDn0b9/f33zzTf6448/zvmwzxnvv/++OnTooNdff139+vVTp06dFB8fb3wnxW3YiyMvL0+DBw9WbGyshg8frmnTpmnTpk0ldn4AOBtNIlCKPfzwwwoKCtLQoUOVmZlpHN+zZ4+ef/55SX/eLpVkPIH87LPPSpK6detWYnXVqVNH2dnZ+u677xz7Dh06pMWLFzuNO3bsmPHeM4tKn70szxnR0dFq3ry55s+f79R0ff/99/r0008dn9MdOnTooKlTp+rFF19UVFTUecf5+voaKeV7772nX3/91WnfmWb2XA21q8aPH6/9+/dr/vz5evbZZ1WzZk0lJCSc93sEgMvFYtpAKVanTh0tWrRId955pxo1auT0iysbNmzQe++9p0GDBkmSmjVrpoSEBL3yyivKyspSu3bttHHjRs2fP1+9evU67/Iql6Jfv34aP368br/9dj3wwAM6fvy4Zs+erfr16zs9uDFlyhStX79e3bp1U40aNXT48GHNmjVLVatW1c0333ze8z/99NPq2rWr4uLiNGTIEJ04cUIvvPCCQkNDNWnSpBL7HGfz8fHRo48+etFx3bt315QpUzR48GDddNNN2rZtmxYuXKjatWs7jatTp47CwsI0Z84cBQcHKygoSK1atVKtWrVcqmvNmjWaNWuWHnvsMceSPHPnzlX79u01YcIETZs2zaXzAUCxePjpagDF8OOPP1rDhg2zatasafn5+VnBwcFW69atrRdeeME6efKkY1xBQYE1efJkq1atWlb58uWtatWqWcnJyU5jLOvPJXC6detmXOfspVfOtwSOZVnWp59+ajVu3Njy8/OzGjRoYL355pvGEjirV6+2evbsacXExFh+fn5WTEyMddddd1k//vijcY2zl4lZtWqV1bp1aysgIMAKCQmxevToYf3www9OY85c7+wldubOnWtJsvbt23fe79SynJfAOZ/zLYEzZswYKzo62goICLBat25tpaWlnXPpmo8++siKjY21ypUr5/Q527VrZ1177bXnvOb/nicnJ8eqUaOGdd1111kFBQVO40aPHm35+PhYaWlpF/wMAHApbJblwsxuAAAAeAXmJAIAAMBAkwgAAAADTSIAAAAMNIkAAAAw0CQCAADAQJMIAAAAA00iAAAADFflL64EtBjp6RIAuMnvm170dAkA3MTfg12JO3uHE9+UzX9vkSQCAADAcFUmiQAAAC6xkZudjSYRAADAZvN0BaUObTMAAAAMJIkAAADcbjbwjQAAAMBAkggAAMCcRANJIgAAAAwkiQAAAMxJNPCNAAAAwECSCAAAwJxEA00iAAAAt5sNfCMAAAAwkCQCAABwu9lAkggAAAADSSIAAABzEg18IwAAADCQJAIAADAn0UCSCAAAAANJIgAAAHMSDTSJAAAA3G420DYDAADAQJIIAADA7WYD3wgAAAAMNIkAAAA2H/dtLpg9e7aaNm2qkJAQhYSEKC4uTitWrHAcb9++vWw2m9M2YsQIp3Ps379f3bp1U2BgoCIiIjRu3DidPn3a5a+E280AAAClRNWqVfXUU0+pXr16sixL8+fPV8+ePfXNN9/o2muvlSQNGzZMU6ZMcbwnMDDQ8efCwkJ169ZNUVFR2rBhgw4dOqSBAweqfPnyevLJJ12qhSYRAADAp3Q83dyjRw+n10888YRmz56tL7/80tEkBgYGKioq6pzv//TTT/XDDz9o1apVioyMVPPmzTV16lSNHz9ekyZNkp+fX7Fr4XYzAACAG+Xn5ysnJ8dpy8/Pv+j7CgsL9fbbbysvL09xcXGO/QsXLlTlypXVuHFjJScn6/jx445jaWlpatKkiSIjIx37OnfurJycHG3fvt2lumkSAQAA3DgnMSUlRaGhoU5bSkrKeUvZtm2bKlSoILvdrhEjRmjx4sWKjY2VJPXv319vvvmmPvvsMyUnJ2vBggW6++67He/NyMhwahAlOV5nZGS49JVwuxkAAMCNi2knJycrKSnJaZ/dbj/v+AYNGmjr1q3Kzs7W+++/r4SEBK1bt06xsbEaPny4Y1yTJk0UHR2tjh07as+ePapTp06J1k2TCAAA4EZ2u/2CTeHZ/Pz8VLduXUlSy5YttWnTJj3//PN6+eWXjbGtWrWSJKWnp6tOnTqKiorSxo0bncZkZmZK0nnnMZ4Pt5sBAABKyRI451JUVHTeOYxbt26VJEVHR0uS4uLitG3bNh0+fNgxJjU1VSEhIY5b1sVFkggAAFBKJCcnq2vXrqpevbr++OMPLVq0SGvXrtXKlSu1Z88eLVq0SLfeeqsqVaqk7777TqNHj1bbtm3VtGlTSVKnTp0UGxure+65R9OmTVNGRoYeffRRJSYmupRmSjSJAAAAbp2T6IrDhw9r4MCBOnTokEJDQ9W0aVOtXLlSt9xyiw4cOKBVq1bpueeeU15enqpVq6Y+ffro0Ucfdbzf19dXy5Yt03333ae4uDgFBQUpISHBaV3F4rJZlmWV5IcrDQJajPR0CQDc5PdNL3q6BABu4u/B6Crgln+57dwnUse77dzuRJIIAABQAnMHrzZ8IwAAADCQJAIAAJSSOYmlCU0iAAAAt5sNfCMAAAAwkCQCAABwu9lAkggAAAADSSIAAABzEg18IwAAADCQJAIAADAn0UCSCAAAAANJIgAAAHMSDTSJAAAANIkGvhEAAAAYSBIBAAB4cMVAkggAAAADSSIAAABzEg18IwAAADCQJAIAADAn0UCSCAAAAANJIgAAAHMSDTSJAAAA3G420DYDAADAQJIIAAC8no0k0UCSCAAAAANJIgAA8HokiSaSRAAAABhIEgEAAAgSDSSJAAAAMJAkAgAAr8ecRBNNIgAA8Ho0iSZuNwMAAMBAkggAALweSaKJJBEAAAAGkkQAAOD1SBJNJIkAAAAwkCQCAAAQJBpIEgEAAGAgSQQAAF6POYkmkkQAAAAYSBIBAIDXI0k00SQCAACvR5No4nYzAAAADCSJAADA65EkmkgSAQAAYCBJBAAAIEg0kCQCAADAQJIIAAC8HnMSTSSJAAAAMJAkAgAAr0eSaKJJBAAAXo8m0cTtZgAAABhIEgEAAAgSDSSJAAAAMJAkAgAAr8ecRBNJIgAAAAw0iQAAwOvZbDa3ba6YPXu2mjZtqpCQEIWEhCguLk4rVqxwHD958qQSExNVqVIlVahQQX369FFmZqbTOfbv369u3bopMDBQERERGjdunE6fPu3yd0KTCAAAUEpUrVpVTz31lLZs2aLNmzfrr3/9q3r27Knt27dLkkaPHq2lS5fqvffe07p163Tw4EH17t3b8f7CwkJ169ZNp06d0oYNGzR//nzNmzdPEydOdLkWm2VZVol9slIioMVIT5cAwE1+3/Sip0sA4Cb+HnxSInr4B24796FX+lzW+8PDw/X000/rjjvuUJUqVbRo0SLdcccdkqSdO3eqUaNGSktL04033qgVK1aoe/fuOnjwoCIjIyVJc+bM0fjx43XkyBH5+fkV+7okiQAAwOu583Zzfn6+cnJynLb8/PyL1lRYWKi3335beXl5iouL05YtW1RQUKD4+HjHmIYNG6p69epKS0uTJKWlpalJkyaOBlGSOnfurJycHEcaWVw0iQAAAG6UkpKi0NBQpy0lJeW847dt26YKFSrIbrdrxIgRWrx4sWJjY5WRkSE/Pz+FhYU5jY+MjFRGRoYkKSMjw6lBPHP8zDFXsAQOAACAG1fASU5OVlJSktM+u91+3vENGjTQ1q1blZ2drffff18JCQlat26d+wo8D5pEAAAAN7Lb7RdsCs/m5+enunXrSpJatmypTZs26fnnn9edd96pU6dOKSsryylNzMzMVFRUlCQpKipKGzdudDrfmaefz4wpLm43AwAAr1dalsA5l6KiIuXn56tly5YqX768Vq9e7Ti2a9cu7d+/X3FxcZKkuLg4bdu2TYcPH3aMSU1NVUhIiGJjY126LkkiAABAKZGcnKyuXbuqevXq+uOPP7Ro0SKtXbtWK1euVGhoqIYMGaKkpCSFh4crJCREo0aNUlxcnG688UZJUqdOnRQbG6t77rlH06ZNU0ZGhh599FElJia6lGZKNIkAAACl5mf5Dh8+rIEDB+rQoUMKDQ1V06ZNtXLlSt1yyy2SpBkzZsjHx0d9+vRRfn6+OnfurFmzZjne7+vrq2XLlum+++5TXFycgoKClJCQoClTprhcC+skAihTWCcRuHp5cp3Eqvcvcdu5f5nVy23ndieSRAAA4PVKS5JYmtAkAgAA0CMaeLoZAAAABpJEAADg9bjdbCJJBAAAgIEkEQAAeD2SRBNJIgAAAAwkiSh1hv3tZg27o41qxIRLknbszdCTr6zQp//9QdWjw7Vr+bkXBB0w7nV9uOobNal/jcYOvkU3Na+jSmFB+vngMb32/hd66a21V/BTACiu1199WatTP9W+fXtl9/dX8+Yt9FDSWNWsVdsxZsige7R5k/Pv0d7R905NeMz1BYKBcyFJNNEkotT5NTNLE174SOn7j8gmm+7u0UrvzRiuG/s9pV0/ZapmfLLT+Hv7tNbogfFa+d/tkqQWjarpyLE/NPjR+fol43fd2Ky2Xnr0LhUWFWnOO+s98ZEAXMDmTRt1510DdG2TJio8XagXnn9WI4YN0Yf/+ViBgYGOcX3u6Kv7Rz7geO0fEOCJcgGvQZOIUmf5+u+dXk96aamG/e1m/aVpLe3Ym6HMo384Hb+tQzN9kPq18k6ckiS98dGXTsd/+vWoWjWtpZ5/bUaTCJRCs1953en1lCeeUoc2cdrxw3a1vP4Gx35/f39VrlLlSpcHL0GSaPJok/jbb7/p3//+t9LS0pSRkSFJioqK0k033aRBgwapCv8y8Ho+Pjb1ueU6BQX46avv9hnHWzSqpuYNq2n0U+9e8DyhFfz1e85xd5UJoATl/vHnfwiGhIY67V/+8VJ9vOw/qlS5itq176DhI+5XAGkiSgo9osFjTeKmTZvUuXNnBQYGKj4+XvXr15ckZWZmaubMmXrqqae0cuVKXX/99Rc8T35+vvLz8532WUWFsvn4uq12uN+1dWO0dv4Y+fuVU+6JfN055lXt3JthjEvoFacdew/py2/NBvKMG5vV0h2dWur2B2a7s2QAJaCoqEjT/vWkmre4TvXq1Xfs73prd0XHxCgiIkI//rhLzz07XT/9tE8znue3vAF38ViTOGrUKP3tb3/TnDlzjIjXsiyNGDFCo0aNUlpa2gXPk5KSosmTJzvt8428QeWj/1LiNePK+fGnTLXql6LQCgG6Pb6FXp1yjzoNfd6pUfS3l9edXa/XU69+ct7zxNaJ1rszhuuJV5Zr9Zc7r0TpAC7Dk49P1p7duzVvwSKn/Xf0vdPx53r1G6hy5SoaPmSQDuzfr2rVq1/pMnEV4nazyWNL4Hz77bcaPXr0Of9PsdlsGj16tLZu3XrR8yQnJys7O9tpKxfZ0g0V40oqOF2ovQd+0zc7DmjiC//Rth9/VeJd7Z3G3B7fXIH+flq4bOM5z9GwdpSWvzxK//5gg/712sorUDWAy/Hk41O0ft1avTp3viKjoi44tknTZpKk/ft/vhKlAV7JY0liVFSUNm7cqIYNG57z+MaNGxUZGXnR89jtdtntdqd93Gq++vjYbLL7Of/jOqjXTfp43Tb99nuuMb5R7SiteOUBLVz6lSa9tPRKlQngEliWpZQnpmrN6lS9Pm+BqlatdtH37Nq5Q5KYu44SQ5Jo8liTOHbsWA0fPlxbtmxRx44dHQ1hZmamVq9erVdffVXTp0/3VHnwoCmjbtPK/27XgUO/KzjIX3d2vV5tr6+nHvfPcoypXa2ybr6ujnqNMucZxtaJ1opXHtCqDTs08801iqwULEkqLLLO2VAC8Kwnp07WiuXL9NwLsxQUGKTfjhyRJFUIDpa/v78O7N+v5R8vVZu27RQaFqbdu3bp6Wkpann9Darf4NxBA4DL57EmMTExUZUrV9aMGTM0a9YsFRYWSpJ8fX3VsmVLzZs3T3379vVUefCgKuEV9PrUgYqqHKLs3JP6fvev6nH/LK356v/mFCb0jNOvmVlalWbOM7w9voUiwoPVv/tf1L/7/81N/fngUTXs9tgV+QwAiu/dd96S9OeC2f9ryuMp6nl7b5UvX15ffZmmhQve0IkTxxUVFa34+E4aNuJ+T5SLqxRBoslmWZbl6SIKCgr022+/SZIqV66s8uXLX9b5AlqMLImyAJRCv2/iaVbgauXvwYX56o5d4bZzp0/v6rZzu1OpWEy7fPnyio6O9nQZAADASzEn0VQqmkQAAABPokc0eWwJHAAAAJReJIkAAMDrcbvZRJIIAAAAA0kiAADwegSJJpJEAAAAGEgSAQCA1/PxIUo8G0kiAAAADCSJAADA6zEn0USTCAAAvB5L4Ji43QwAAAADSSIAAPB6BIkmkkQAAAAYSBIBAIDXY06iiSQRAAAABpJEAADg9UgSTSSJAAAAMJAkAgAAr0eQaKJJBAAAXo/bzSZuNwMAAMBAkggAALweQaKJJBEAAAAGkkQAAOD1mJNoIkkEAACAgSQRAAB4PYJEE0kiAAAADCSJAADA6zEn0USSCAAAAANJIgAA8HoEiSaaRAAA4PW43WzidjMAAAAMJIkAAMDrESSaSBIBAABgIEkEAABejzmJJpJEAAAAGEgSAQCA1yNINJEkAgAAlBIpKSm64YYbFBwcrIiICPXq1Uu7du1yGtO+fXvZbDanbcSIEU5j9u/fr27duikwMFAREREaN26cTp8+7VItJIkAAMDrlZY5ievWrVNiYqJuuOEGnT59Wv/85z/VqVMn/fDDDwoKCnKMGzZsmKZMmeJ4HRgY6PhzYWGhunXrpqioKG3YsEGHDh3SwIEDVb58eT355JPFroUmEQAAeL1S0iPqk08+cXo9b948RUREaMuWLWrbtq1jf2BgoKKios55jk8//VQ//PCDVq1apcjISDVv3lxTp07V+PHjNWnSJPn5+RWrFm43AwAAuFF+fr5ycnKctvz8/GK9Nzs7W5IUHh7utH/hwoWqXLmyGjdurOTkZB0/ftxxLC0tTU2aNFFkZKRjX+fOnZWTk6Pt27cXu26aRAAA4PXOnuNXkltKSopCQ0OdtpSUlIvWVFRUpIceekitW7dW48aNHfv79++vN998U5999pmSk5O1YMEC3X333Y7jGRkZTg2iJMfrjIyMYn8n3G4GAABwo+TkZCUlJTnts9vtF31fYmKivv/+e33xxRdO+4cPH+74c5MmTRQdHa2OHTtqz549qlOnTskULZpEAAAAtz64Yrfbi9UU/q+RI0dq2bJlWr9+vapWrXrBsa1atZIkpaenq06dOoqKitLGjRudxmRmZkrSeecxngu3mwEAAEoJy7I0cuRILV68WGvWrFGtWrUu+p6tW7dKkqKjoyVJcXFx2rZtmw4fPuwYk5qaqpCQEMXGxha7FpJEAADg9UrL082JiYlatGiRPvroIwUHBzvmEIaGhiogIEB79uzRokWLdOutt6pSpUr67rvvNHr0aLVt21ZNmzaVJHXq1EmxsbG65557NG3aNGVkZOjRRx9VYmKiS4kmSSIAAEApMXv2bGVnZ6t9+/aKjo52bO+8844kyc/PT6tWrVKnTp3UsGFDjRkzRn369NHSpUsd5/D19dWyZcvk6+uruLg43X333Ro4cKDTuorFQZIIAAC8XmlZTNuyrAser1atmtatW3fR89SoUUPLly+/rFpoEgEAgNcrJT1iqcLtZgAAABhIEgEAgNcrLbebSxOSRAAAABhIEgEAgNcjSDSRJAIAAMBAkggAALyeD1GigSQRAAAABpJEAADg9QgSTTSJAADA67EEjonbzQAAADCQJAIAAK/nQ5BoIEkEAACAgSQRAAB4PeYkmkgSAQAAYCBJBAAAXo8g0USSCAAAAANJIgAA8Ho2ESWejSYRAAB4PZbAMXG7GQAAAAaSRAAA4PVYAsdEkggAAAADSSIAAPB6BIkmkkQAAAAYSBIBAIDX8yFKNJAkAgAAwFAiTWJWVlZJnAYAAMAjbDb3bWWVy03iv/71L73zzjuO13379lWlSpV0zTXX6Ntvvy3R4gAAAK4Em83mtq2scrlJnDNnjqpVqyZJSk1NVWpqqlasWKGuXbtq3LhxJV4gAAAArjyXH1zJyMhwNInLli1T37591alTJ9WsWVOtWrUq8QIBAADcrQwHfm7jcpJYsWJFHThwQJL0ySefKD4+XpJkWZYKCwtLtjoAAAB4hMtJYu/evdW/f3/Vq1dPR48eVdeuXSVJ33zzjerWrVviBQIAALgbS+CYXG4SZ8yYoZo1a+rAgQOaNm2aKlSoIEk6dOiQ7r///hIvEAAAAFeey01i+fLlNXbsWGP/6NGjS6QgAACAK40c0VSsJvE///lPsU942223XXIxAAAAKB2K1ST26tWrWCez2Ww8vAIAAMqcsryeobsUq0ksKipydx0AAAAe40OPaLisn+U7efJkSdUBAACAUsTlJrGwsFBTp07VNddcowoVKmjv3r2SpAkTJuj1118v8QIBAADcjZ/lM7ncJD7xxBOaN2+epk2bJj8/P8f+xo0b67XXXivR4gAAAOAZLjeJb7zxhl555RUNGDBAvr6+jv3NmjXTzp07S7Q4AACAK8Fmc99WVrncJP7666/n/GWVoqIiFRQUlEhRAAAA8CyXm8TY2Fh9/vnnxv73339fLVq0KJGiAAAAriTmJJpc/sWViRMnKiEhQb/++quKior04YcfateuXXrjjTe0bNkyd9QIAACAK8zlJLFnz55aunSpVq1apaCgIE2cOFE7duzQ0qVLdcstt7ijRgAAALfysblvK6tcThIlqU2bNkpNTS3pWgAAADyiLN8WdpdLahIlafPmzdqxY4ekP+cptmzZssSKAgAAgGe53CT+8ssvuuuuu/Tf//5XYWFhkqSsrCzddNNNevvtt1W1atWSrhEAAMCtyBFNLs9JHDp0qAoKCrRjxw4dO3ZMx44d044dO1RUVKShQ4e6o0YAAABcYS4nievWrdOGDRvUoEEDx74GDRrohRdeUJs2bUq0OAAAgCvBhzmJBpeTxGrVqp1z0ezCwkLFxMSUSFEAAADwLJebxKefflqjRo3S5s2bHfs2b96sBx98UNOnTy/R4gAAAK4EfpbPVKzbzRUrVnR6NDwvL0+tWrVSuXJ/vv306dMqV66c7r33XvXq1csthQIAAODKKVaT+Nxzz7m5DAAAAM9hnURTsZrEhIQEd9cBAACAUuSSF9OWpJMnT+rUqVNO+0JCQi6rIAAAgCuNINHk8oMreXl5GjlypCIiIhQUFKSKFSs6bQAAAGWNj83mts0VKSkpuuGGGxQcHKyIiAj16tVLu3btchpz8uRJJSYmqlKlSqpQoYL69OmjzMxMpzH79+9Xt27dFBgYqIiICI0bN06nT5927TtxabSkhx9+WGvWrNHs2bNlt9v12muvafLkyYqJidEbb7zh6ukAAADw/61bt06JiYn68ssvlZqaqoKCAnXq1El5eXmOMaNHj9bSpUv13nvvad26dTp48KB69+7tOF5YWKhu3brp1KlT2rBhg+bPn6958+Zp4sSJLtVisyzLcuUN1atX1xtvvKH27dsrJCREX3/9terWrasFCxborbfe0vLly10qwB0CWoz0dAkA3OT3TS96ugQAbuJ/WZPgLs/9H/7gtnPP6h17ye89cuSIIiIitG7dOrVt21bZ2dmqUqWKFi1apDvuuEOStHPnTjVq1EhpaWm68cYbtWLFCnXv3l0HDx5UZGSkJGnOnDkaP368jhw5Ij8/v2Jd2+Uk8dixY6pdu7akP+cfHjt2TJJ08803a/369a6eDgAA4KqWn5+vnJwcpy0/P79Y783OzpYkhYeHS5K2bNmigoICxcfHO8Y0bNhQ1atXV1pamiQpLS1NTZo0cTSIktS5c2fl5ORo+/btxa7b5Saxdu3a2rdvn6Ood999V5K0dOlShYWFuXo6AAAAj7PZbG7bUlJSFBoa6rSlpKRctKaioiI99NBDat26tRo3bixJysjIkJ+fn9FzRUZGKiMjwzHmfxvEM8fPHCsul4PdwYMH69tvv1W7du30j3/8Qz169NCLL76ogoICPfvss66eDgAA4KqWnJyspKQkp312u/2i70tMTNT333+vL774wl2lXZDLTeLo0aMdf46Pj9fOnTu1ZcsW1a1bV02bNi3R4i7Vwf8+7+kSALjJvzf+5OkSALjJ/TfV9Ni1Xb616gK73V6spvB/jRw5UsuWLdP69etVtWpVx/6oqCidOnVKWVlZTmliZmamoqKiHGM2btzodL4zTz+fGVMcl/2d1KhRQ7179y41DSIAAEBZZVmWRo4cqcWLF2vNmjWqVauW0/GWLVuqfPnyWr16tWPfrl27tH//fsXFxUmS4uLitG3bNh0+fNgxJjU1VSEhIYqNLf5DNMVKEmfOnFnsEz7wwAPFHgsAAFAalJaf5UtMTNSiRYv00UcfKTg42DGHMDQ0VAEBAQoNDdWQIUOUlJSk8PBwhYSEaNSoUYqLi9ONN94oSerUqZNiY2N1zz33aNq0acrIyNCjjz6qxMRElxLNYi2Bc3YXe96T2Wzau3dvsS/uLr8fL/R0CQDc5K2tBzxdAgA38eTt5oc+2um2cz/Xs2Gxx56vWZ07d64GDRok6c/FtMeMGaO33npL+fn56ty5s2bNmuV0K/nnn3/Wfffdp7Vr1yooKEgJCQl66qmnVK5c8WcaurxOYllAkwhcvWgSgasXTWLp4sFlKwEAAEoHn9Jxt7lUcefDPAAAACijSBIBAIDXKy0PrpQmJIkAAAAwkCQCAACvx5xE0yUliZ9//rnuvvtuxcXF6ddff5UkLViwwGM/GwMAAICS5XKT+MEHH6hz584KCAjQN998o/z8fElSdna2nnzyyRIvEAAAwN1sNvdtZZXLTeLjjz+uOXPm6NVXX1X58uUd+1u3bq2vv/66RIsDAAC4EnxsNrdtZZXLTeKuXbvUtm1bY39oaKiysrJKoiYAAAB4mMtNYlRUlNLT0439X3zxhWrXrl0iRQEAAFxJPm7cyiqXax82bJgefPBBffXVV7LZbDp48KAWLlyosWPH6r777nNHjQAAALjCXF4C5x//+IeKiorUsWNHHT9+XG3btpXdbtfYsWM1atQod9QIAADgVmV46qDbuNwk2mw2PfLIIxo3bpzS09OVm5ur2NhYVahQwR31AQAAwAMueTFtPz8/xcbGlmQtAAAAHlGWn0J2F5ebxA4dOlzw9w3XrFlzWQUBAADA81xuEps3b+70uqCgQFu3btX333+vhISEkqoLAADgiiFINLncJM6YMeOc+ydNmqTc3NzLLggAAOBK47ebTSW2fM/dd9+tf//73yV1OgAAAHjQJT+4cra0tDT5+/uX1OkAAACuGB5cMbncJPbu3dvptWVZOnTokDZv3qwJEyaUWGEAAADwHJebxNDQUKfXPj4+atCggaZMmaJOnTqVWGEAAABXCkGiyaUmsbCwUIMHD1aTJk1UsWJFd9UEAAAAD3PpwRVfX1916tRJWVlZbioHAADgyvOxuW8rq1x+urlx48bau3evO2oBAABAKeFyk/j4449r7NixWrZsmQ4dOqScnBynDQAAoKyxufF/ZVWx5yROmTJFY8aM0a233ipJuu2225x+ns+yLNlsNhUWFpZ8lQAAAG5Ulm8Lu0uxm8TJkydrxIgR+uyzz9xZDwAAAEqBYjeJlmVJktq1a+e2YgAAADyBJNHk0pxEG4sIAQAAeAWX1kmsX7/+RRvFY8eOXVZBAAAAVxpBmMmlJnHy5MnGL64AAADg6uNSk9ivXz9FRES4qxYAAACPYE6iqdhzEolhAQAAvIfLTzcDAABcbcjCTMVuEouKitxZBwAAgMf40CUaXP5ZPgAAAFz9XHpwBQAA4GrEgysmkkQAAAAYSBIBAIDXY0qiiSQRAAAABpJEAADg9XxElHg2kkQAAAAYSBIBAIDXY06iiSYRAAB4PZbAMXG7GQAAAAaSRAAA4PX4WT4TSSIAAAAMJIkAAMDrESSaSBIBAABgIEkEAABejzmJJpJEAAAAGEgSAQCA1yNINNEkAgAAr8etVRPfCQAAAAwkiQAAwOvZuN9sIEkEAAAoRdavX68ePXooJiZGNptNS5YscTo+aNAg2Ww2p61Lly5OY44dO6YBAwYoJCREYWFhGjJkiHJzc12qgyYRAAB4PZsbN1fl5eWpWbNmeumll847pkuXLjp06JBje+utt5yODxgwQNu3b1dqaqqWLVum9evXa/jw4S7Vwe1mAACAUqRr167q2rXrBcfY7XZFRUWd89iOHTv0ySefaNOmTbr++uslSS+88IJuvfVWTZ8+XTExMcWqgyQRAAB4PR+bzW1bfn6+cnJynLb8/PzLqnft2rWKiIhQgwYNdN999+no0aOOY2lpaQoLC3M0iJIUHx8vHx8fffXVV8X/Ti6rQgAAAFxQSkqKQkNDnbaUlJRLPl+XLl30xhtvaPXq1frXv/6ldevWqWvXriosLJQkZWRkKCIiwuk95cqVU3h4uDIyMop9HW43AwAAr+fOZ5uTk5OVlJTktM9ut1/y+fr16+f4c5MmTdS0aVPVqVNHa9euVceOHS/5vGejSQQAAF7PnSvg2O32y2oKL6Z27dqqXLmy0tPT1bFjR0VFRenw4cNOY06fPq1jx46ddx7juXC7GQAAoAz75ZdfdPToUUVHR0uS4uLilJWVpS1btjjGrFmzRkVFRWrVqlWxz0uSCAAAvF5pWkw7NzdX6enpjtf79u3T1q1bFR4ervDwcE2ePFl9+vRRVFSU9uzZo4cfflh169ZV586dJUmNGjVSly5dNGzYMM2ZM0cFBQUaOXKk+vXrV+wnmyWSRAAAgFJl8+bNatGihVq0aCFJSkpKUosWLTRx4kT5+vrqu+++02233ab69etryJAhatmypT7//HOnW9oLFy5Uw4YN1bFjR9166626+eab9corr7hUh82yLKtEP1kp8PvxQk+XAMBN3tp6wNMlAHCT+2+q6bFrv/PNr247950trnHbud2JJBEAAAAG5iQCAACvV5rmJJYWJIkAAAAwkCQCAACvR45oIkkEAACAgSQRAAB4PeYkmmgSAQCA1+PWqonvBAAAAAaSRAAA4PW43WwiSQQAAICBJBEAAHg9ckQTSSIAAAAMJIkAAMDrMSXRRJIIAAAAA0kiAADwej7MSjTQJAIAAK/H7WYTt5sBAABgIEkEAABez8btZgNJIgAAAAwkiQAAwOsxJ9FEkggAAAADSSIAAPB6LIFjIkkEAACAgSQRAAB4PeYkmmgSAQCA16NJNHG7GQAAAAaSRAAA4PVYTNtEkggAAAADSSIAAPB6PgSJBpJEAAAAGEgSAQCA12NOookkEQAAAAaSRAAA4PVYJ9FEkwgAALwet5tN3G4GAACAgSQRAAB4PZbAMZEkAgAAwECSCAAAvB5zEk0kiQAAADCQJKLMeePfr2rWCzN0Z/97NHpcsrKzs/Tq7Be18csNysw4pLCKFdW2fUf9/f4HVCE42NPlAjjLr7u2acuK93T4593Kyzqm7qMeU53rbnIac+zgfn3x3uv6ddd3KiosVHhMDXUbOUEhlSJ0MjdHXy5ZoJ+3f60/jh5WQHCo6lx3k+JuT5A9MMhDnwplHUvgmGgSUab8sH2bFn/wrurWa+DY99uRI/rtyBGNGj1OtWrXUcahg/rXE5P125EjSpn+nOeKBXBOBfknVblabcW26ayPX5xiHM86fFDvPZmka9t20Y297pFfQKCO/fqzypX3kyTlZh1TbtZRtblzmMJjquuP3w5rzRszlZd1VN0SJ1zpjwNctWgSUWYcP56nx/75sJInTNbc11527K9Tt56eeuZ5x+uq1aprxMgHNemR8Tp9+rTKleMfc6A0qdn0BtVsesN5j6d9ME81m/5FN/cd6tgXFhHj+HPlqjXVfeREp2M39Rmkla9MU1FhoXx8fd1TOK5qBIkm5iSizJie8rhat2mnv9x400XH5v6Rq6CgCjSIQBljFRVp33cbFRZ1jRZP/6deeaCv3p76gPZ8veGC78s/nic//0AaRFwyH5vNbVtZVaqbxAMHDujee++94Jj8/Hzl5OQ4bfn5+VeoQlwpqZ8s166dP+i+UaMvOjbr998199XZ6tnnb1egMgAl6fgfWSo4eUKbP35HNZpcr9vHpqjOda217MUp+mXnd+d8z4k/srVx6SI1bt/1ClcLXN1KdZN47NgxzZ8//4JjUlJSFBoa6rTNmP7UFaoQV0JmxiE9+3SKJj0xTXa7/YJj83JzlfTACNWsXUfD/p54hSoEUFKsIkuSVLtFnK7r3FtVqtfRDd3uVK1mrbRt7cfG+PwTefrouQkKj6muVj3vudLl4ipic+NWVnn0Xtx//vOfCx7fu3fvRc+RnJyspKQkp33HC7nFeDXZuWO7fj92VIP63+HYV1hYqK1fb9b77yzS+q+2ytfXV3l5eXoocbgCA4P0r2dfULny5T1YNYBLERAcIh9fX1WKqeG0Pzy6mg7u3u6079SJ4/romUfk5x+g7qMeky/TS4AS5dG/Ub169ZLNZpNlWecdY7vIvXy73W6kS4XHC0ukPpQO1/8lTgvf+8hp3+OPPaIatWrpnkFD/2wQc3P14P3DVN7PT9Ofe+miiSOA0sm3XHlF1qyv3zN+cdqflfmrgitFOF7nn8jTkmcekW+58urxwGTHk8/AJSvLkZ+bePR2c3R0tD788EMVFRWdc/v66689WR5KiaCgINWpW89p8w8IUGhomOrUrae83Fw9cP9QnTh5Qo88NlV5ebk6+tsRHf3tiAoL+Q8GoLQ5dfKEjuzfoyP790iSso9k6Mj+Pco5eliSdF3Xv+nHjev0/brlysr8Vd+u+kh7t36ppn/tIen/N4jT/6mC/JOKv3e0Tp08rrzsY8rLPqaiIv7OAyXFo0liy5YttWXLFvXs2fOcxy+WMgKStHPnD9q+7c8J7Xfc1sXp2Icfpyom5hpPlAXgPA7/9KM++NfDjtefv/3nklaNWt+iTkPHqm7L1vrrwAe06eO3tXbhbFWMqqpuiRN0Tf3GkqQjP6crY+9OSdL88YOdzj346fkKqRx1hT4Jrib8LJ/JZnmwC/v888+Vl5enLl26nPN4Xl6eNm/erHbt2rl03t+53Qxctd7aesDTJQBwk/tvqumxa3+1J9tt525VJ9Rt53YnjyaJbdq0ueDxoKAglxtEAAAAV5Xh5QzdhkfBAACA16NHNJXqdRIBAADgGSSJAAAARIkGkkQAAAAYSBIBAIDXYwkcE0kiAABAKbJ+/Xr16NFDMTExstlsWrJkidNxy7I0ceJERUdHKyAgQPHx8dq9e7fTmGPHjmnAgAEKCQlRWFiYhgwZotzcXJfqoEkEAABez2Zz3+aqvLw8NWvWTC+99NI5j0+bNk0zZ87UnDlz9NVXXykoKEidO3fWyZMnHWMGDBig7du3KzU1VcuWLdP69es1fPhw174TTy6m7S4spg1cvVhMG7h6eXIx7S0/5bjt3C1rhlzye202mxYvXqxevXpJ+jNFjImJ0ZgxYzR27FhJUnZ2tiIjIzVv3jz169dPO3bsUGxsrDZt2qTrr79ekvTJJ5/o1ltv1S+//KKYmJhiXZskEQAAeD2bG7f8/Hzl5OQ4bfn5+ZdU5759+5SRkaH4+HjHvtDQULVq1UppaWmSpLS0NIWFhTkaREmKj4+Xj4+Pvvrqq2JfiyYRAADAjV1iSkqKQkNDnbaUlJRLKjMjI0OSFBkZ6bQ/MjLScSwjI0MRERFOx8uVK6fw8HDHmOLg6WYAAAA3Sk5OVlJSktM+u93uoWqKjyYRAAB4PXcugWO320usKYyKipIkZWZmKjo62rE/MzNTzZs3d4w5fPiw0/tOnz6tY8eOOd5fHNxuBgAAKCNq1aqlqKgorV692rEvJydHX331leLi4iRJcXFxysrK0pYtWxxj1qxZo6KiIrVq1arY1yJJBAAAXu9Slqpxl9zcXKWnpzte79u3T1u3blV4eLiqV6+uhx56SI8//rjq1aunWrVqacKECYqJiXE8Ad2oUSN16dJFw4YN05w5c1RQUKCRI0eqX79+xX6yWaJJBAAAKFU2b96sDh06OF6fmc+YkJCgefPm6eGHH1ZeXp6GDx+urKws3Xzzzfrkk0/k7+/veM/ChQs1cuRIdezYUT4+PurTp49mzpzpUh2skwigTGGdRODq5cl1Er/d/4fbzt2serDbzu1OzEkEAACAgdvNAAAApWhOYmlBkwgAALyeO5fAKau43QwAAAADSSIAAPB6pWkJnNKCJBEAAAAGkkQAAOD1CBJNJIkAAAAwkCQCAAAQJRpIEgEAAGAgSQQAAF6PdRJNJIkAAAAwkCQCAACvxzqJJppEAADg9egRTdxuBgAAgIEkEQAAgCjRQJIIAAAAA0kiAADweiyBYyJJBAAAgIEkEQAAeD2WwDGRJAIAAMBAkggAALweQaKJJhEAAIAu0cDtZgAAABhIEgEAgNdjCRwTSSIAAAAMJIkAAMDrsQSOiSQRAAAABpJEAADg9QgSTSSJAAAAMJAkAgAAECUaaBIBAIDXYwkcE7ebAQAAYCBJBAAAXo8lcEwkiQAAADCQJAIAAK9HkGgiSQQAAICBJBEAAIAo0UCSCAAAAANJIgAA8Hqsk2iiSQQAAF6PJXBM3G4GAACAgSQRAAB4PYJEE0kiAAAADCSJAADA6zEn0USSCAAAAANJIgAAALMSDSSJAAAAMJAkAgAAr8ecRBNNIgAA8Hr0iCZuNwMAAMBAkggAALwet5tNJIkAAAAwkCQCAACvZ2NWooEkEQAAAAaSRAAAAIJEA0kiAABAKTFp0iTZbDanrWHDho7jJ0+eVGJioipVqqQKFSqoT58+yszMdEstNIkAAMDr2dy4ueraa6/VoUOHHNsXX3zhODZ69GgtXbpU7733ntatW6eDBw+qd+/el/KRL4rbzQAAwOu5cwmc/Px85efnO+2z2+2y2+3nHF+uXDlFRUUZ+7Ozs/X6669r0aJF+utf/ypJmjt3rho1aqQvv/xSN954Y4nWTZIIAADgRikpKQoNDXXaUlJSzjt+9+7diomJUe3atTVgwADt379fkrRlyxYVFBQoPj7eMbZhw4aqXr260tLSSrxukkQAAOD13LkETnJyspKSkpz2nS9FbNWqlebNm6cGDRro0KFDmjx5stq0aaPvv/9eGRkZ8vPzU1hYmNN7IiMjlZGRUeJ10yQCAAC40YVuLZ+ta9eujj83bdpUrVq1Uo0aNfTuu+8qICDAXSWeE7ebAQAAStOTK/8jLCxM9evXV3p6uqKionTq1CllZWU5jcnMzDznHMbLRZMIAABQSuXm5mrPnj2Kjo5Wy5YtVb58ea1evdpxfNeuXdq/f7/i4uJK/NrcbgYAAF6vtKylPXbsWPXo0UM1atTQwYMH9dhjj8nX11d33XWXQkNDNWTIECUlJSk8PFwhISEaNWqU4uLiSvzJZokmEQAAoNT45ZdfdNddd+no0aOqUqWKbr75Zn355ZeqUqWKJGnGjBny8fFRnz59lJ+fr86dO2vWrFluqcVmWZblljN70O/HCz1dAgA3eWvrAU+XAMBN7r+ppseufTTvtNvOXSmobGZyZbNqAACAEuTOJXDKKh5cAQAAgIEkEQAAeD13/ixfWUWSCAAAAANNIgAAAAw0iQAAADAwJxEAAHg95iSaSBIBAABgIEkEAABej3USTTSJAADA63G72cTtZgAAABhIEgEAgNcjSDSRJAIAAMBAkggAAECUaCBJBAAAgIEkEQAAeD2WwDGRJAIAAMBAkggAALwe6ySaSBIBAABgIEkEAABejyDRRJMIAABAl2jgdjMAAAAMJIkAAMDrsQSOiSQRAAAABpJEAADg9VgCx0SSCAAAAIPNsizL00UAlyo/P18pKSlKTk6W3W73dDkAShB/vwHPoklEmZaTk6PQ0FBlZ2crJCTE0+UAKEH8/QY8i9vNAAAAMNAkAgAAwECTCAAAAANNIso0u92uxx57jEntwFWIv9+AZ/HgCgAAAAwkiQAAADDQJAIAAMBAkwgAAAADTSIAAAAMNIko01566SXVrFlT/v7+atWqlTZu3OjpkgBcpvXr16tHjx6KiYmRzWbTkiVLPF0S4JVoElFmvfPOO0pKStJjjz2mr7/+Ws2aNVPnzp11+PBhT5cG4DLk5eWpWbNmeumllzxdCuDVWAIHZVarVq10ww036MUXX5QkFRUVqVq1aho1apT+8Y9/eLg6ACXBZrNp8eLF6tWrl6dLAbwOSSLKpFOnTmnLli2Kj4937PPx8VF8fLzS0tI8WBkAAFcHmkSUSb/99psKCwsVGRnptD8yMlIZGRkeqgoAgKsHTSIAAAAMNIkokypXrixfX19lZmY67c/MzFRUVJSHqgIA4OpBk4gyyc/PTy1bttTq1asd+4qKirR69WrFxcV5sDIAAK4O5TxdAHCpkpKSlJCQoOuvv15/+ctf9NxzzykvL0+DBw/2dGkALkNubq7S09Mdr/ft26etW7cqPDxc1atX92BlgHdhCRyUaS+++KKefvppZWRkqHnz5po5c6ZatWrl6bIAXIa1a9eqQ4cOxv6EhATNmzfvyhcEeCmaRAAAABiYkwgAAAADTSIAAAAMNIkAAAAw0CQCAADAQJMIAAAAA00iAAAADDSJAAAAMNAkAgAAwECTCOCyDRo0SL169XK8bt++vR566KErXsfatWtls9mUlZV13jE2m01Lliwp9jknTZqk5s2bX1ZdP/30k2w2m7Zu3XpZ5wGAK4kmEbhKDRo0SDabTTabTX5+fqpbt66mTJmi06dPu/3aH374oaZOnVqsscVp7AAAV145TxcAwH26dOmiuXPnKj8/X8uXL1diYqLKly+v5ORkY+ypU6fk5+dXItcNDw8vkfMAADyHJBG4itntdkVFRalGjRq67777FB8fr//85z+S/u8W8RNPPKGYmBg1aNBAknTgwAH17dtXYWFhCg8PV8+ePfXTTz85zllYWKikpCSFhYWpUqVKevjhh3X2T8Cffbs5Pz9f48ePV7Vq1WS321W3bl29/vrr+umnn9ShQwdJUsWKFWWz2TRo0CBJUlFRkVJSUlSrVi0FBASoWbNmev/9952us3z5ctWvX18BAQHq0KGDU53FNX78eNWvX1+BgYGqXbu2JkyYoIKCAmPcyy+/rGrVqikwMFB9+/ZVdna20/HXXntNjRo1kr+/vxo2bKhZs2ad95q///67BgwYoCpVqiggIED16tXT3LlzXa4dANyJJBHwIgEBATp69Kjj9erVqxUSEqLU1FRJUkFBgTp37qy4uDh9/vnnKleunB5//HF16dJF3333nfz8/PTMM89o3rx5+ve//61GjRrpmWee0eLFi/XXv/71vNcdOHCg0tLSNHPmTDVr1kz79u3Tb7/9pmrVqumDDz5Qnz59tGvXLoWEhCggIECSlJKSojfffFNz5sxRvXr1tH79et19992qUqWK2rVrpwMHDqh3795KTEzU8OHDtXnzZo0ZM8bl7yQ4OFjz5s1TTEyMtm3bpmHDhik4OFgPP/ywY0x6erreffddLV26VDk5ORoyZIjuv/9+LVy4UJK0cOFCTZw4US+++KJatGihb775RsOGDVNQUJASEhKMa06YMEE//PCDVqxYocqVKys9PV0nTpxwuXYAcCsLwFUpISHB6tmzp2VZllVUVGSlpqZadrvdGjt2rON4ZGSklZ+f73jPggULrAYNGlhFRUWOffn5+VZAQIC1cuVKy7IsKzo62po2bZrjeEFBgVW1alXHtSzLstq1a2c9+OCDlmVZ1q5duyxJVmpq6jnr/OyzzyxJ1u+//+7Yd/LkSSswMNDasGGD09ghQ4ZYd911l2VZlpWcnGzFxsY6HR8/frxxrrNJshYvXnze408//bTVsmVLx+vHHnvM8vX1tX755RfHvhUrVlg+Pj7WoUOHLMuyrDp16liLFi1yOs/UqVOtuLg4y7Isa9++fZYk65tvvrEsy7J69OhhDR48+Lw1AEBpQJIIXMWWLVumChUqqKCgQEVFRerfv78mTZrkON6kSROneYjffvut0tPTFRwc7HSekydPas+ePcrOztahQ4fUqlUrx7Fy5crp+uuvN245n7F161b5+vqqXbt2xa47PT1dx48f1y233OK0/9SpU2rRooUkaceOHU51SFJcXFyxr3HGO++8o5kzZ2rPnj3Kzc3V6dOnFRIS4jSmevXquuaaa5yuU1RUpF27dik4OFh79uzRkCFDNGzYMMeY06dPKzQ09JzXvO+++9SnTx99/fXX6tSpk3r16qWbbrrJ5doBwJ1oEoGrWIcOHTR79mz5+fkpJiZG5co5/5UPCgpyep2bm6uWLVs6bqP+rypVqlxSDWduH7siNzdXkvTxxx87NWfSn/MsS0paWpoGDBigyZMnq3PnzgoNDdXbb7+tZ555xuVaX331VaNp9fX1Ped7unbtqp9//lnLly9XamqqOnbsqMTERE2fPv3SPwwAlDCaROAqFhQUpLp16xZ7/HXXXad33nlHERERRpp2RnR0tL766iu1bdtW0p+J2ZYtW3Tdddedc3yTJk1UVFSkdevWKT4+3jh+JsksLCx07IuNjZXdbtf+/fvPm0A2atTI8RDOGV9++eXFP+T/2LBhg2rUqKFHHnnEse/nn382xu3fv18HDx5UTEyM4zo+Pj5q0KCBIiMjFRMTo71792rAgAHFvnaVKlWUkJCghIQEtWnTRuPGjaNJBFCq8HQzAIcBAwaocuXK6tmzpz7//HPt27dPa9eu1QMPPKBffvlFkvTggw/qqaee0pIlS7Rz507df//9F1zjsGbNmkpISNC9996rJUuWOM757rvvSpJq1Kghm82mZcuW6ciRI8rNzVVwcLDGjh2r0aNHa/78+dqzZ4++/vprvfDCC5o/f74kacSIEdq9e7fGjRunXbt2adGiRZo3b55Ln7devXrav3+/3n77be3Zs0czZ87U4sWLjXH+/v5KSEjQt99+q88//1wPPPCA+vbtq6ioKEnS5MmTlZKSopkzZ+rHH3/Utm3bNHfuXD377LPnvO7EiRP10UcfKT09Xdu3b9eyZcvUqFEjl2oHAHejSQTgEBgYqPXr16t69erq3bu3GjVqpCFDhujkyZOOZHHMmDG65557lJCQoLi4OAUHB+v222+/4Hlnz56tO+64Q/fff78aNmyoYcOGKS8vT5J0zTXXaPLkyfrHP/6hyMhIjRw5UpI0depUTZgwQSkpKWrUqJG6dOmijz/+WLVq1ZL05zzBDz74QEuWLFGzZs00Z84cPfnkky593ttuu02jR4/WyJEj1bx5c23YsEETJkwwxtWtW1e9e/fWrbfeqk6dOqlp06ZOS9wMHTpUr732mubOnasmTZqoXbt2mjdvnqPWs/n5+Sk5OVlNmzZV27Zt5evrq7ffftul2gHA3WzW+WabAwAAwGuRJAIAAMBAkwgAAAADTSIAAAAMNIkAAAAw0CQCAADAQJMIAAAAA00iAAAADDSJAAAAMNAkAgAAwECTCAAAAANNIgAAAAz/D2Ul83rccnkwAAAAAElFTkSuQmCC", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "plot_confusion_matrix(y_test, y_pred,(0,1))" + ] + }, + { + "cell_type": "code", + "execution_count": 44, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAr4AAAIjCAYAAADlfxjoAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8pXeV/AAAACXBIWXMAAA9hAAAPYQGoP6dpAACaEUlEQVR4nOzdd1iTVxsG8DvsIUsZIqKAiqPiwr0HFWtr1VrFPequq6ite7VVq9ZVa12tA0ertba1rZ9WrdqqVOusVsWB1gUKiiAoKznfH2+TEAmaYOAl5P5dF5fJyZs3T0LAhyfnPEchhBAgIiIiIirmrOQOgIiIiIioMDDxJSIiIiKLwMSXiIiIiCwCE18iIiIisghMfImIiIjIIjDxJSIiIiKLwMSXiIiIiCwCE18iIiIisghMfImIiIjIIjDxJSokAQEB6N+/v9xhWJyWLVuiZcuWcofxQjNnzoRCoUBiYqLcoRQ5CoUCM2fONMm5bty4AYVCgfXr15vkfABw/Phx2NnZ4d9//zXZOU2te/fu6Natm9xhEMmOiS8VC+vXr4dCodB82djYwM/PD/3798edO3fkDq9IS0tLw0cffYQaNWrAyckJbm5uaNasGaKiomAuO5pfuHABM2fOxI0bN+QOJRelUol169ahZcuWKFmyJOzt7REQEIABAwbgxIkTcodnElu2bMGSJUvkDkNHYcY0ZcoU9OjRA+XLl9eMtWzZUud3kqOjI2rUqIElS5ZApVLpPc+DBw/w/vvvo3LlynBwcEDJkiURHh6On3/+Oc/HTklJwaxZs1CzZk2UKFECjo6OqF69OiZMmIC7d+9qjpswYQK+++47nD171uDnZQnvXbI8CmEu/7MRPcf69esxYMAAfPjhhwgMDER6ejr+/PNPrF+/HgEBATh//jwcHBxkjTEjIwNWVlawtbWVNY6c7t27hzZt2uDixYvo3r07WrRogfT0dHz33Xf4/fffERERgc2bN8Pa2lruUJ9r+/bt6Nq1Kw4cOJCrupuZmQkAsLOzK/S4nj59irfeegu7d+9G8+bN0aFDB5QsWRI3btzAtm3bcPnyZdy8eRNly5bFzJkzMWvWLCQkJMDT07PQY30Zb7zxBs6fP19gf3ikp6fDxsYGNjY2Lx2TEAIZGRmwtbU1yfv6zJkzqF27No4ePYpGjRppxlu2bIlr165h7ty5AIDExERs2bIFf/31FyZPnozZs2frnCcmJgZt2rRBQkICBgwYgLp16+LRo0fYvHkzzpw5g/Hjx2PBggU694mNjUVYWBhu3ryJrl27omnTprCzs8Pff/+Nr7/+GiVLlsTly5c1xzdo0ACVK1dGVFTUC5+XMe9dIrMiiIqBdevWCQDir7/+0hmfMGGCACC2bt0qU2Tyevr0qVAqlXneHh4eLqysrMSPP/6Y67bx48cLAOKTTz4pyBD1Sk1NNer4b7/9VgAQBw4cKJiA8mnEiBECgFi8eHGu27Kzs8WCBQvErVu3hBBCzJgxQwAQCQkJBRaPSqUST548Mfl5X3/9dVG+fHmTnlOpVIqnT5/m+/4FEZM+o0ePFuXKlRMqlUpnvEWLFuKVV17RGXv69KkoX768cHFxEdnZ2ZrxzMxMUb16deHk5CT+/PNPnftkZ2eLiIgIAUB88803mvGsrCxRs2ZN4eTkJP74449ccSUnJ4vJkyfrjH366afC2dlZPH78+IXPy5j37st42e8zkbGY+FKxkFfi+/PPPwsAYs6cOTrjFy9eFF26dBEeHh7C3t5ehIaG6k3+kpKSxHvvvSfKly8v7OzshJ+fn+jTp49OcpKeni6mT58uKlSoIOzs7ETZsmXF+++/L9LT03XOVb58edGvXz8hhBB//fWXACDWr1+f6zF3794tAIiffvpJM3b79m0xYMAA4e3tLezs7ES1atXEV199pXO/AwcOCADi66+/FlOmTBFlypQRCoVCJCUl6X3NoqOjBQDxzjvv6L09KytLVKpUSXh4eGiSpevXrwsAYsGCBWLRokWiXLlywsHBQTRv3lycO3cu1zkMeZ3V37uDBw+K4cOHCy8vL+Hu7i6EEOLGjRti+PDhIjg4WDg4OIiSJUuKt99+W1y/fj3X/Z/9UifBLVq0EC1atMj1Om3dulV8/PHHws/PT9jb24vWrVuLK1eu5HoOn3/+uQgMDBQODg6iXr164vfff891Tn1u3bolbGxsxKuvvvrc49TUie+VK1dEv379hJubm3B1dRX9+/cXaWlpOseuXbtWtGrVSnh5eQk7OztRtWpV8cUXX+Q6Z/ny5cXrr78udu/eLUJDQ4W9vb0mkTH0HEIIsWvXLtG8eXNRokQJ4eLiIurWrSs2b94shJBe32df+5wJp6E/HwDEiBEjxKZNm0S1atWEjY2N+P777zW3zZgxQ3NsSkqKGDNmjObn0svLS4SFhYmTJ0++MCb1e3jdunU6j3/x4kXRtWtX4enpKRwcHERwcHCuxFGfcuXKif79++ca15f4CiHE22+/LQCIu3fvasa+/vprAUB8+OGHeh/j0aNHwt3dXVSpUkUz9s033wgAYvbs2S+MUe3s2bMCgNixY8dzjzP2vduvXz+9f2So39M56fs+b9u2TXh4eOh9HZOTk4W9vb0YN26cZszQ9xSRPoZ/bkRkhtQfc3p4eGjG/vnnHzRp0gR+fn6YOHEinJ2dsW3bNnTq1AnfffcdOnfuDABITU1Fs2bNcPHiRbzzzjuoU6cOEhMTsXPnTty+fRuenp5QqVR48803cfjwYQwZMgRVq1bFuXPnsHjxYly+fBk//PCD3rjq1q2LoKAgbNu2Df369dO5bevWrfDw8EB4eDgAaTpCw4YNoVAoMHLkSHh5eeF///sfBg4ciJSUFLz33ns69//oo49gZ2eH8ePHIyMjI8+P+H/66ScAQN++ffXebmNjg549e2LWrFk4cuQIwsLCNLdFRUXh8ePHGDFiBNLT07F06VK0bt0a586dg4+Pj1Gvs9q7774LLy8vTJ8+HWlpaQCAv/76C0ePHkX37t1RtmxZ3LhxAytWrEDLli1x4cIFODk5oXnz5hg9ejQ+++wzTJ48GVWrVgUAzb95+eSTT2BlZYXx48cjOTkZ8+fPR69evXDs2DHNMStWrMDIkSPRrFkzREZG4saNG+jUqRM8PDxe+BHv//73P2RnZ6NPnz7PPe5Z3bp1Q2BgIObOnYtTp07hyy+/hLe3N+bNm6cT1yuvvII333wTNjY2+Omnn/Duu+9CpVJhxIgROueLiYlBjx49MHToUAwePBiVK1c26hzr16/HO++8g1deeQWTJk2Cu7s7Tp8+jd27d6Nnz56YMmUKkpOTcfv2bSxevBgAUKJECQAw+ufjt99+w7Zt2zBy5Eh4enoiICBA72s0bNgwbN++HSNHjkS1atXw4MEDHD58GBcvXkSdOnWeG5M+f//9N5o1awZbW1sMGTIEAQEBuHbtGn766adcUxJyunPnDm7evIk6derkecyz1Ivr3N3dNWMv+ll0c3NDx44dsWHDBly9ehUVK1bEzp07AcCo91e1atXg6OiII0eO5Pr5yym/711DPft9rlSpEjp37owdO3Zg1apVOr+zfvjhB2RkZKB79+4AjH9PEeUid+ZNZArqqt++fftEQkKCuHXrlti+fbvw8vIS9vb2Oh/JtWnTRoSEhOhUB1QqlWjcuLGoVKmSZmz69Ol5VkfUH2tu3LhRWFlZ5fqoceXKlQKAOHLkiGYsZ8VXCCEmTZokbG1txcOHDzVjGRkZwt3dXacKO3DgQOHr6ysSExN1HqN79+7Czc1NU41VVzKDgoIM+ji7U6dOAkCeFWEhhNixY4cAID777DMhhLZa5ujoKG7fvq057tixYwKAiIyM1IwZ+jqrv3dNmzbV+fhXCKH3eagr1VFRUZqx5011yKviW7VqVZGRkaEZX7p0qQCgqVxnZGSIUqVKiXr16omsrCzNcevXrxcAXljxjYyMFADE6dOnn3ucmro69mwFvnPnzqJUqVI6Y/pel/DwcBEUFKQzVr58eQFA7N69O9fxhpzj0aNHwsXFRTRo0CDXx9E5P9rPa1qBMT8fAISVlZX4559/cp0Hz1R83dzcxIgRI3Idl1NeMemr+DZv3ly4uLiIf//9N8/nqM++fftyfTqj1qJFC1GlShWRkJAgEhISxKVLl8T7778vAIjXX39d59hatWoJNze35z7WokWLBACxc+dOIYQQtWvXfuF99AkODhavvfbac48x9r1rbMVX3/d5z549el/L9u3b67wnjXlPEenDrg5UrISFhcHLywv+/v54++234ezsjJ07d2qqcw8fPsRvv/2Gbt264fHjx0hMTERiYiIePHiA8PBwXLlyRdMF4rvvvkPNmjX1VkYUCgUA4Ntvv0XVqlVRpUoVzbkSExPRunVrAMCBAwfyjDUiIgJZWVnYsWOHZuzXX3/Fo0ePEBERAUBaiPPdd9+hQ4cOEELoPEZ4eDiSk5Nx6tQpnfP269cPjo6OL3ytHj9+DABwcXHJ8xj1bSkpKTrjnTp1gp+fn+Z6/fr10aBBA+zatQuAca+z2uDBg3MtNsr5PLKysvDgwQNUrFgR7u7uuZ63sQYMGKBTWWrWrBkAacEQAJw4cQIPHjzA4MGDdRZV9erVS+cThLyoX7Pnvb76DBs2TOd6s2bN8ODBA53vQc7XJTk5GYmJiWjRogViY2ORnJysc//AwEDNpwc5GXKOvXv34vHjx5g4cWKuxaHqn4HnMfbno0WLFqhWrdoLz+vu7o5jx47pdC3Ir4SEBPz+++945513UK5cOZ3bXvQcHzx4AAB5vh8uXboELy8veHl5oUqVKliwYAHefPPNXK3UHj9+/ML3ybM/iykpKUa/t9SxvqhlXn7fu4bS931u3bo1PD09sXXrVs1YUlIS9u7dq/l9CLzc71wiAOBUBypWli9fjuDgYCQnJ2Pt2rX4/fffYW9vr7n96tWrEEJg2rRpmDZtmt5z3L9/H35+frh27Rq6dOny3Me7cuUKLl68CC8vrzzPlZeaNWuiSpUq2Lp1KwYOHAhAmubg6emp+SWekJCAR48eYfXq1Vi9erVBjxEYGPjcmNXU/6k9fvxY52PXnPJKjitVqpTr2ODgYGzbtg2Aca/z8+J++vQp5s6di3Xr1uHOnTs67dWeTfCM9WySo05ekpKSAEDTk7VixYo6x9nY2OT5EXxOrq6uALSvoSniUp/zyJEjmDFjBqKjo/HkyROd45OTk+Hm5qa5ntf7wZBzXLt2DQBQvXp1o56DmrE/H4a+d+fPn49+/frB398foaGhaN++Pfr27YugoCCjY1T/oZPf5wggz7Z/AQEBWLNmDVQqFa5du4bZs2cjISEh1x8RLi4uL0xGn/1ZdHV11cRubKwvSujz+941lL7vs42NDbp06YItW7YgIyMD9vb22LFjB7KysnQS35f5nUsEMPGlYqZ+/fqoW7cuAKkq2bRpU/Ts2RMxMTEoUaKEpn/m+PHj9VbBgNyJzvOoVCqEhIRg0aJFem/39/d/7v0jIiIwe/ZsJCYmwsXFBTt37kSPHj00FUZ1vL179841F1itRo0aOtcNqfYC0hzYH374AX///TeaN2+u95i///4bAAyqwuWUn9dZX9yjRo3CunXr8N5776FRo0Zwc3ODQqFA9+7d8+yFaqi8WlnllcQYq0qVKgCAc+fOoVatWgbf70VxXbt2DW3atEGVKlWwaNEi+Pv7w87ODrt27cLixYtzvS76Xldjz5Ffxv58GPre7datG5o1a4bvv/8ev/76KxYsWIB58+Zhx44deO211146bkOVKlUKgPaPpWc5OzvrzI1v0qQJ6tSpg8mTJ+Ozzz7TjFetWhVnzpzBzZs3c/3ho/bsz2KVKlVw+vRp3Lp164W/Z3JKSkrS+4drTsa+d/NKpJVKpd7xvL7P3bt3x6pVq/C///0PnTp1wrZt21ClShXUrFlTc8zL/s4lYuJLxZa1tTXmzp2LVq1a4fPPP8fEiRM1FSFbW1ud/5D0qVChAs6fP//CY86ePYs2bdoY9NHvsyIiIjBr1ix899138PHxQUpKimYRBwB4eXnBxcUFSqXyhfEa64033sDcuXMRFRWlN/FVKpXYsmULPDw80KRJE53brly5kuv4y5cvayqhxrzOz7N9+3b069cPCxcu1Iylp6fj0aNHOsfl57V/EfVmBFevXkWrVq0049nZ2bhx40auPzie9dprr8Ha2hqbNm0y6SKhn376CRkZGdi5c6dOkmTMR7yGnqNChQoAgPPnzz/3D8K8Xv+X/fl4Hl9fX7z77rt49913cf/+fdSpUwezZ8/WJL6GPp76vfqin3V91Ani9evXDTq+Ro0a6N27N1atWoXx48drXvs33ngDX3/9NaKiojB16tRc90tJScGPP/6IKlWqaL4PHTp0wNdff41NmzZh0qRJBj1+dnY2bt26hTfffPO5xxn73vXw8Mj1MwnA6J3smjdvDl9fX2zduhVNmzbFb7/9hilTpugcU5DvKbIMnONLxVrLli1Rv359LFmyBOnp6fD29kbLli2xatUqxMXF5To+ISFBc7lLly44e/Ysvv/++1zHqatv3bp1w507d7BmzZpcxzx9+lTTnSAvVatWRUhICLZu3YqtW7fC19dXJwm1trZGly5d8N133+n9jzlnvMZq3LgxwsLCsG7dOr07Q02ZMgWXL1/GBx98kKtC88MPP+jM0T1+/DiOHTumSTqMeZ2fx9raOlcFdtmyZbkqSc7OzgCg9z/f/Kpbty5KlSqFNWvWIDs7WzO+efPmPCt8Ofn7+2Pw4MH49ddfsWzZsly3q1QqLFy4ELdv3zYqLnVF+NlpH+vWrTP5Odq2bQsXFxfMnTsX6enpOrflvK+zs7PeqScv+/Ohj1KpzPVY3t7eKFOmDDIyMl4Y07O8vLzQvHlzrF27Fjdv3tS57UXVfz8/P/j7+xu1i9kHH3yArKwsnYrl22+/jWrVquGTTz7JdS6VSoXhw4cjKSkJM2bM0LlPSEgIZs+ejejo6FyP8/jx41xJ44ULF5Ceno7GjRs/N0Zj37sVKlRAcnKypioNAHFxcXp/dz6PlZUV3n77bfz000/YuHEjsrOzdaY5AAXzniLLwoovFXvvv/8+unbtivXr12PYsGFYvnw5mjZtipCQEAwePBhBQUG4d+8eoqOjcfv2bc2Wnu+//75mR7B33nkHoaGhePjwIXbu3ImVK1eiZs2a6NOnD7Zt24Zhw4bhwIEDaNKkCZRKJS5duoRt27Zhz549mqkXeYmIiMD06dPh4OCAgQMHwspK9+/RTz75BAcOHECDBg0wePBgVKtWDQ8fPsSpU6ewb98+PHz4MN+vTVRUFNq0aYOOHTuiZ8+eaNasGTIyMrBjxw4cPHgQEREReP/993Pdr2LFimjatCmGDx+OjIwMLFmyBKVKlcIHH3ygOcbQ1/l53njjDWzcuBFubm6oVq0aoqOjsW/fPs1HzGq1atWCtbU15s2bh+TkZNjb26N169bw9vbO92tjZ2eHmTNnYtSoUWjdujW6deuGGzduYP369ahQoYJB1aaFCxfi2rVrGD16NHbs2IE33ngDHh4euHnzJr799ltcunRJp8JviLZt28LOzg4dOnTA0KFDkZqaijVr1sDb21vvHxkvcw5XV1csXrwYgwYNQr169dCzZ094eHjg7NmzePLkCTZs2AAACA0NxdatWzF27FjUq1cPJUqUQIcOHUzy8/Gsx48fo2zZsnj77bc12/Tu27cPf/31l84nA3nFpM9nn32Gpk2bok6dOhgyZAgCAwNx48YN/PLLLzhz5sxz4+nYsSO+//57g+bOAtJUhfbt2+PLL7/EtGnTUKpUKdjZ2WH79u1o06YNmjZtqrNz25YtW3Dq1CmMGzdO571ia2uLHTt2ICwsDM2bN0e3bt3QpEkT2Nra4p9//tF8WpOzHdvevXvh5OSEV1999YVxGvPe7d69OyZMmIDOnTtj9OjRePLkCVasWIHg4GCjF6FGRERg2bJlmDFjBkJCQnK1JSyI9xRZmMJvJEFkenltYCGEtDNQhQoVRIUKFTTtsq5duyb69u0rSpcuLWxtbYWfn5944403xPbt23Xu++DBAzFy5Ejh5+enaZTer18/ndZimZmZYt68eeKVV14R9vb2wsPDQ4SGhopZs2aJ5ORkzXHPtjNTu3LliqbJ/uHDh/U+v3v37okRI0YIf39/YWtrK0qXLi3atGkjVq9erTlG3abr22+/Neq1e/z4sZg5c6Z45ZVXhKOjo3BxcRFNmjQR69evz9XOKecGFgsXLhT+/v7C3t5eNGvWTJw9ezbXuQ15nZ/3vUtKShIDBgwQnp6eokSJEiI8PFxcunRJ72u5Zs0aERQUJKytrQ3awOLZ1ymvjQ0+++wzUb58eWFvby/q168vjhw5IkJDQ0W7du0MeHWlXa6+/PJL0axZM+Hm5iZsbW1F+fLlxYABA3TaReW1c5v69cm5acfOnTtFjRo1hIODgwgICBDz5s0Ta9euzXWcegMLfQw9h/rYxo0bC0dHR+Hq6irq168vvv76a83tqampomfPnsLd3T3XBhaG/nzgv40N9EGOdmYZGRni/fffFzVr1hQuLi7C2dlZ1KxZM9fmG3nFlNf3+fz586Jz587C3d1dODg4iMqVK4tp06bpjSenU6dOCQC52mvltYGFEEIcPHgwV4s2IYS4f/++GDt2rKhYsaKwt7cX7u7uIiwsTNPCTJ+kpCQxffp0ERISIpycnISDg4OoXr26mDRpkoiLi9M5tkGDBqJ3794vfE5qhr53hRDi119/FdWrVxd2dnaicuXKYtOmTc/dwCIvKpVK+Pv7CwDi448/1nuMoe8pIn0UQphoJQcRFXs3btxAYGAgFixYgPHjx8sdjixUKhW8vLzw1ltv6f24lSxPmzZtUKZMGWzcuFHuUPJ05swZ1KlTB6dOnTJqsSVRccM5vkREeUhPT881zzMqKgoPHz5Ey5Yt5QmKipw5c+Zg69atRi/mKkyffPIJ3n77bSa9ZPE4x5eIKA9//vknIiMj0bVrV5QqVQqnTp3CV199herVq6Nr165yh0dFRIMGDZCZmSl3GM/1zTffyB0CUZHAxJeIKA8BAQHw9/fHZ599hocPH6JkyZLo27cvPvnkE51d34iIyDxwji8RERERWQTO8SUiIiIii8DEl4iIiIgsgsXN8VWpVLh79y5cXFy43SERERFRESSEwOPHj1GmTJlcGzu9DItLfO/evQt/f3+5wyAiIiKiF7h16xbKli1rsvNZXOLr4uICQHohXV1dZY6GiIiIiJ6VkpICf39/Td5mKhaX+KqnN7i6ujLxJSIiIirCTD0tlYvbiIiIiMgiMPElIiIiIovAxJeIiIiILAITXyIiIiKyCEx8iYiIiMgiMPElIiIiIovAxJeIiIiILAITXyIiIiKyCEx8iYiIiMgiMPElIiIiIovAxJeIiIiILAITXyIiIiKyCEx8iYiIiMgiMPElIiIiIovAxJeIiIiILIKsie/vv/+ODh06oEyZMlAoFPjhhx9eeJ+DBw+iTp06sLe3R8WKFbF+/foCj5OIiIiIzJ+siW9aWhpq1qyJ5cuXG3T89evX8frrr6NVq1Y4c+YM3nvvPQwaNAh79uwp4EiJiIiIyNzZyPngr732Gl577TWDj1+5ciUCAwOxcOFCAEDVqlVx+PBhLF68GOHh4QUVJhEREREVICGA+Hjg0iXg0gUV7h36p0AeR9bE11jR0dEICwvTGQsPD8d7772X530yMjKQkZGhuZ6SklJQ4RERERHRc2RmAteu/ZfgPvOVkgKURhzWYQA64xBmFcDjm1XiGx8fDx8fH50xHx8fpKSk4OnTp3B0dMx1n7lz52LWrIJ46YiIiIhIn4cP9Se3sbGAUqn/Pm/iR3yJQfBCIgqqTGlWiW9+TJo0CWPHjtVcT0lJgb+/v4wREREREZk/pRK4cQOIicmd4CYkGH4eZ6RhVYlx6JW6SjOW4eENJN03ecxmlfiWLl0a9+7d0xm7d+8eXF1d9VZ7AcDe3h729vaFER4RERFRsZOaqj+5vXIFyDGb9IUcHYHKlYEqVbRftVUnUXFmL1hdjtEe2KkT7BctAoKCTP5czCrxbdSoEXbt2qUztnfvXjRq1EimiIiIiIjMnxDAnTv6E9zbt407l6+vbnKr/ipbFrBS9xNTKoFPPwWmTgWys6UxJydgyRJg0CDg8WNTPj0NWRPf1NRUXL16VXP9+vXrOHPmDEqWLIly5cph0qRJuHPnDqKiogAAw4YNw+eff44PPvgA77zzDn777Tds27YNv/zyi1xPgYiIiMhspKcDV6/mTm5jYqTKrqFsbYGKFXMnt5UrA25uBgby5ZfapDc0FNiyBQgOztfzMpSsie+JEyfQqlUrzXX1XNx+/fph/fr1iIuLw82bNzW3BwYG4pdffkFkZCSWLl2KsmXL4ssvv2QrMyIiIqL/CAEkJmoT2pwJ7vXrgEpl+Lk8PICqVXMnuIGBgM3LZJHOzlKi27QpMG4cMHMmYGf3Eic0jEIIIQr8UYqQlJQUuLm5ITk5Ga6urnKHQ0RERJQv2dlSIquve8LDh4afx8pKSmSfnX9bpQrg6QkoFCYI9vFjqV+Zn5/u+J07ucdQcPmaWc3xJSIiIrI0yclS5fbZ6u2VK0BWluHncXbWP/e2YkXAwaHg4kd0NNC7N1C6NHDokG6pWE/SW5CY+BIRERHJTKWSFpHpq97GxRl3rrJltfNtcya4fn4mqt4aKjsbmD0b+OgjaTFbbCwwbx4wZUohBqGLiS8RERFRIXn6FLh8WXdRmfrfJ08MP4+dnbQO7NnqbXAw4OJScPEbLDZWqvJGR2vHGjcGevaULyYw8SUiIiIyKSGA+/f1V2///Ve63VBeXvqrtwEBgLV1gT2F/BMC2LgRGDlS25LM2hqYMQOYNOklV8S9PCa+RERERPmQlQVcu5a7envpEvDokeHnsbaW9mrQ1xqsVKkCC9/0kpKAYcOAbdu0Y0FBwObNQMOG8sWVAxNfIiIioudIStK/scO1a9o2tIZwdc2d2FapAlSoAJj9JrMpKUCtWkCONrTo3x/47LMiMvdCwsSXiIiILJ5SKeVsz27qcOkScO+ececqV05/94TSpQt5cVlhcnUFOncGli6Vmv+uWgV07Sp3VLkw8SUiIiKLkZamu7hM/XX5srSZmKEcHHTn3aovBwdLbcMs0iefSC/ilCmAv7/c0ejFxJeIiIiKFSGkFmD6tuXN+Um8IXx89Fdvy5WTNn6wSEIAa9ZIk5MHDtSOOzgAK1fKF5cBmPgSERGRWcrI0F1clvNL3VDAEDY20iYOz86/rVxZ+tSeckhIAAYPBn78EXB0lFqUVa0qd1QGY+JLRERERdqDB/qT2+vXpbm5hnJ311+9DQoCbG0LLPzi49dfgX79gPh46frTp8DPPzPxJSIiIjKGUgncuKE/wU1MNPw8CoXU41ZfguvlVYwXlxWk9HSpB++SJdoxT09g7VqgQwfZwsoPJr5ERERUaB4/1t8a7MoVIDPT8PM4OeXe1KFKFaBSJekTeDKRc+eAXr2kf9XatQPWrZPaVJgZJr5ERERkUkIAd+7or97euWPcucqU0V+99fOz4MVlhUEIYNky4IMPpMnUgNRseMECaVc2My2dM/ElIiKifElPlyq1+ronpKUZfh5bW6lSq2/nMlfXgoufniM1FVi4UJv01qgh7cBWvbq8cb0kJr5ERESUJyGkhfzPbsmrXlwmhOHnKllSWgf1bIIbECB1VqAixMUF2LQJaNUKGD0amDNHaldm5vg2IyIiImRnA7Gx+qcnJCUZfh4rKyAwUP/0BE/PgoufXlJamvTl7a0da9ZM2tkjKEi+uEyMiS8REZEFSU7WX729ehXIyjL8PCVK6E9uK1aUpoKSGTl5UlrA5ucH7N2rO3m6GCW9ABNfIiKiYkelAm7d0l+9VbdgNZS/v+6WvOqvMmXMdn0TqSmVwKefAlOnSiX/mBhg8WJg3Di5IyswTHyJiIjM1JMn0ifRz1ZwY2KkvQUMZW8PBAfnrt4GB0uVXSqGbt0C+vYFDh7UjoWGml1fXmMx8SUiIirChADu3dNfvf33X+PO5e2tv3pbvjxgbV0w8VMRtG0bMHQo8OiRdF2hACZOBGbOBOzs5IyswDHxJSIiKgIyM4Fr13K3Bbt0SZqXayhra6BCBf2twUqWLLj4yQykpEgdGjZs0I75+wMbNwItWsgXVyFi4ktERFSIkpL0V2+vXZOmXBrK1VXbGixnBbdChWJftKP8SE4G6tSRWneoRUQAK1YAHh7yxVXImPgSERGZmFIpTUN4tnJ76RJw/75x5ypfXn/3BB8fLi4jI7i5Aa1bS4mviwuwfDnQu7fFvYmY+BIREeVTaqp2cVnOr8uXtRteGcLRMfe828qVpcVlTk4FFz9ZmMWLpVWPH35Y7NqUGYqJLxER0XMIAdy9q39b3lu3jDtX6dL6q7f+/rqtU4leihDSvF1bW6BHD+14iRLSbmwWjIkvERERpArt1av659+mphp+HhsboFKl3NXbypUBd/cCC59IkpQEDBsmdW4oUQKoX1+a+E0AmPgSEZGFSUzUX72NjZU2fjCUh4f+6m1goFRoIyp0Bw8CffoAt29L11NTge3bgQkTZA2rKGHiS0RExU52NnDjhv7q7YMHhp9HoZASWX2twby8LG5dEBVVmZnA9OnA/PnSNAdA+nhh9Wqga1dZQytqmPgSEZHZSknR7Zig/rp6VcoFDOXkpL96W6kS4OBQcPETvbSYGKBnT+DUKe1Yy5ZAVJQ0eZx0MPElIqIiTaWSPrnVl+DevWvcufz89Fdv/fy4uIzMjBBSRTcyUrs/ta0tMHs2MG4c39B5YOJLRERFwtOnwJUr+uffPnli+Hns7HIvLlMnuC4uBRc/UaFKTpa2GFYnvZUrA1u2SJtUUJ6Y+BIRUaERQtrAQV/19sYN7fREQ3h66p+eEBAgbdtLVKy5uwPr1wPt2kldHBYuZNNnAzDxJSIik8vKkrok6Ftc9uiR4eexspI6Menb3MHTs8DCJyp60tOljz5KltSOhYcD588Dr7wiX1xmhokvERHl26NHubfkVS8uy842/DwuLvqrtxUqAPb2BRY+kXk4d05awFa+PPDTT7rtRJj0GoWJLxERPZdKBdy8qb96e++ececqVy539bZKFcDXl63BiHJRqYBly6Q+vBkZUnV35Upg+HC5IzNbTHyJiAgAkJYGXL6cu3obEyN9ymooBwcgODh3chscDDg7F1z8RMVKXBwwYACwZ492rEYNoFkz+WIqBpj4EhFZECGA+Hj91dubN407l4+P7pxb9eVy5bi4jOil/PgjMGiQtM2gWmQkMGcOG0u/JCa+RETFUGamNM82Z9VWfTklxfDzWFsDFSvqbw3m4VFw8RNZpLQ0qQfvqlXaMV9fYMMG4NVX5YurGGHiS0Rkxh4+1F+9jY0FlErDz+PmBlStmnv+bVCQ1BeXiApYUhLQqJH0V6pap07AmjVsYWJCTHyJiIo4pVLqcfvsvNtLl4CEBMPPo1BIi8L1dU/w9ubiMiJZeXgAoaHSD7eTE7B0KTBwIH8wTYyJLxFREZGaqn9jhytXpAXdhnJy0q3cqi9XqsT+9kRF2vLl0k5sn3wirQYlk2PiS0RUiIQA7tzRX729fdu4c/n66q/eli0rbfxAREXYtm1Sk+qOHbVj7u7Ajh2yhWQJmPgSERWA9HTdxWU5k9zUVMPPY2srVWqfXVhWubI0L5eIzExKCjB6tLRgzcMD+Ptv6a9VKhRMfImI8kkIqduQvuT2+nWp97yhPDykxWXPVm8DAwEb/qYmKh6io4FevaRfEIC0oG3TJmDiRHnjsiD8dUpE9ALZ2dL/U/q6Jzx8aPh5rKykRPbZ6m2VKtKiba5hISqmsrOBjz+WvtTtVlxcpDm9vXvLG5uFYeJLRPSf5GT9i8uuXgWysgw/j7Oz/rm3FSuy9zyRxYmNlZLb6GjtWOPGUqU3MFC+uCwUE18isigqlbSITF/1Ni7OuHOVLas/wS1ThtVbIosnBBAVBYwcqZ3Yb20NTJ8OTJ7MOUwy4atORMXS06fA5cv6598+fWr4eezspK5Czya3wcHSJ5VERHolJUm7sKmT3qAgYPNmoGFDeeOycEx8ichsCQHcv6+/evvvv9LthvLy0l+9LV9eKtIQERmlZEngyy+Bzp2B/v2Bzz7jX8tFABNfIirysrKAa9f0J7jJyYafx9paKro8m9xWrgyUKlVw8RORBcjMlHaayZncduoEnDgh7chGRQITXyIqMpKSdDd0UH9duyYtijaUq6v+6m2FCtLUBSIik4qJAXr2lFawfvON7iR/Jr1FChNfIipUSiVw86b+6u39+8adq3x53a151V+lS3NxGREVAiGA1auByEhp8cCpU8DrrwN9+8odGeWBiS8RFYi0NKkI8mz19vJlaVczQzk46E9uK1WS2oYREckiIQEYNAjYuVM7VrkyUL26fDHRCzHxJaJ8E0JqAaavenvrlnHnKl1ad0MH9Ve5ctLGD0RERcaePdKCtfh47diwYcDChYCTk2xh0Ysx8SWiF8rIkDZx0Df/9vFjw89jYyNNgdO3uMzdvcDCJyIyjfR0YNIkYMkS7ZinJ7B2LdChg2xhkeGY+BKRxoMH+qu3sbHSxg+GcncHqlbNXcENCgJsbQssfCKigvPwIdCyJXDunHasXTtg3TrpIysyC0x8iSxMdjZw44buhg7qy4mJhp9HoQACAvR3T/Dy4uIyIipmPDykv97PnQPs7YEFC6Rd2fjLzqww8SUqph4/zj0t4dIl4MoVqd2koZycdKck5Fxc5uhYcPETERUpCoW0IcXTp9JcXi5iM0tMfInMmBDA7dv6q7d37hh3rjJl9Fdv/fy4uIyILNDOnVJlNzxcO+bpKS1sI7PFxJfIDKSnS5XaZ6u3MTFS2zBD2dlJldpnF5ZVrixt+kBEZPHS0oBx44BVqwBvb2lqg7e33FGRiTDxJSoihJDaQupLbq9fl243VMmS2sVlOb8CAqTOCkREpMfJk9IObJcvS9fv35c6NkycKG9cZDL8L5CokGVlSYmsvu4JSUmGn8fKSlpn8Wz1tkoV6dM4IiIykFIJfPopMHWqdn90JyepbdmgQbKGRqbFxJeogDx6lHtxWUyM1A83K8vw85QooX/ubcWK0vQzIiJ6CbduAX36AIcOacdCQ4EtW4DgYPniogLBxJfoJahU0u9MfdXbnBv6GMLfX//GDmXKsFsOEVGB2LYNGDpUqlQA0i/biROBmTOlRRFU7DDxJTLAkyfSlK9nk9vLl6XONoayt5cKCM8muMHBUmWXiIgKSWIiMHgwkJIiXff3BzZuBFq0kDcuKlBMfIn+IwRw757+6u2//xp3Lm9v/dXb8uUBa+uCiZ+IiIzg6QmsWAH06gVEREiXPTzkjooKGBNfsjiZmcC1a/q7JyQnG34ea2ugQgX9CW7JkgUXPxER5UN2tvQfgJOTdqxnT6BsWaBZM84psxBMfKnYevhQ/85l165JC3gN5eamf3FZUBCngBERmYXYWKB3b+mX99q1urc1by5PTCQLJr5k1pRKaRqCvukJCQnGnSsgQHdLXvWXjw8LAUREZkkIad7uiBFAaioQHQ289hrQtavckZFMmPiSWUhN1VZvc1ZxL18GMjIMP4+jo/7ktlIl3U+/iIjIzCUlAcOGSZ0b1IKCpEVsZLGY+FKRIQRw967+6u3t28ady9dXf4Lr7y9t/EBERMXYwYNSb96c/3n07w989hng4iJXVFQEMPGlQpeRAVy5on/+bWqq4eexsZEqtfoWl7m5FVz8RERURGVmAtOnA/Pna/d59/AAVq3i9AYCwMSXClBiov7q7fXr0sYPhvLwAKpW1d2St0oVIDAQsLUtuPiJiMiMPHgAtG0LnDqlHWvVCoiKkjo3EIGJL72k7Gwpkc3ZEkx9+cEDw8+jUEiJrL7uCZ6eXFxGREQv4OEh/YcBSFWR2bOBceM4v410MPElg6Sk6J+acOUKkJVl+HmcnXNPS1AvLnNwKLj4iYiomLOyAtavB7p1A5YuBerUkTsiKoKY+JKGSiWtA9BXvb1717hz+fnpr976+bF6S0REJvDrr1LFJGcfXl9f4I8/5IuJijzZE9/ly5djwYIFiI+PR82aNbFs2TLUr18/z+OXLFmCFStW4ObNm/D09MTbb7+NuXPnwoHlQoM9fSpVavXtXPbkieHnsbMDgoNzV28rV+aiWSIiKiDp6cCkScCSJdLc3b//5lbDZDBZE9+tW7di7NixWLlyJRo0aIAlS5YgPDwcMTEx8Pb2znX8li1bMHHiRKxduxaNGzfG5cuX0b9/fygUCixatEiGZ1B0CQHcv587sb10CbhxQ7vY1RCenvqrtwEB0ra9REREheLcOaBXL+lfQPqYcvVqYMIEeeMis6EQwpgUyLQaNGiAevXq4fPPPwcAqFQq+Pv7Y9SoUZg4cWKu40eOHImLFy9i//79mrFx48bh2LFjOHz4sEGPmZKSAjc3NyQnJ8PV1dU0T0RGWVnSToz6uic8emT4eaysgAoVcs+/rVxZu1aAiIhIFioVsGyZlOCqdy2ytwcWLABGjuQcumKooPI12Sq+mZmZOHnyJCZNmqQZs7KyQlhYGKKjo/Xep3Hjxti0aROOHz+O+vXrIzY2Frt27UKfPn3yfJyMjAxk5NjaKyUlxXRPohA9eqQ/ub12TeqsYCgXF/3V2woVpN8hRERERUpcHDBgALBnj3YsJATYsgWoXl2+uMgsyZb4JiYmQqlUwsfHR2fcx8cHly5d0nufnj17IjExEU2bNoUQAtnZ2Rg2bBgmT56c5+PMnTsXs2bNMmnsBUUI4N9/9Se49+4Zd65y5fRv7ODryz+MiYjITPz4IzBokNQYXi0yEpgzh62AKF9kX9xmjIMHD2LOnDn44osv0KBBA1y9ehVjxozBRx99hGnTpum9z6RJkzB27FjN9ZSUFPgX0X26u3UDtm83/HgHB93FZeqv4GCpbRgREZHZSkiQ5vOmpUnXfX2ldmVt28oaFpk32RJfT09PWFtb494zpcx79+6hdOnSeu8zbdo09OnTB4MGDQIAhISEIC0tDUOGDMGUKVNgpadJtb29PezN4DP8uLi8k14fH/3TE8qVY19uIiIqpry8pM4NgwcDHTsCX37JRSf00mRLfO3s7BAaGor9+/ejU6dOAKTFbfv378fIkSP13ufJkye5klvr/9oKyLhGzyRu3dJebtQIGDJEOz2BXVqIiKjYUyqlRSs5i1UDB0oty8LDOU+PTELWqQ5jx45Fv379ULduXdSvXx9LlixBWloaBgwYAADo27cv/Pz8MHfuXABAhw4dsGjRItSuXVsz1WHatGno0KGDJgE2VzkT3w4dgP79ZQuFiIiocN26BfTtKy1WW7ZMO65QAO3ayRcXFTuyJr4RERFISEjA9OnTER8fj1q1amH37t2aBW83b97UqfBOnToVCoUCU6dOxZ07d+Dl5YUOHTpg9uzZcj0Fk7l9W3u5iE5BJiIiMr1t24ChQ6X2RQcPAq+9BrRvL3dUVEzJ2sdXDkW1j+/48cDChdLlAweAli1lDYeIiKhgpaQAo0cDGzZox/z9gc2bgWbN5IuLioRi18eXdOWc6sCKLxERFWvR0UDv3tIOTGoREcCKFVzYQgWKPQGKiJxTHfz85IuDiIiowGRnA7NmSRVdddLr4gJERQFff82klwocK75FhLri6+XFntxERFQMPXggrd7OuTtr48bApk1AYKB8cZFFYcW3CFAqgbt3pcuc5kBERMWSuztg81+9zdpaqvweOsSklwoVE98iID5eSn4BqV0hERFRsWNtDWzcCNSpAxw+DEyfrk2EiQoJ33FFABe2ERFRsXPoEODoCNSvrx0rXx44cYKbUZBsWPEtAtjDl4iIio3MTGDSJKBVK6BHD+DxY93bmfSSjJj4FgE5K76c6kBERGYrJgZo1Aj45BNACKlzw4oVckdFpMHEtwjgVAciIjJrQgCrVwO1awOnTkljtrbA/PnSDk1ERQTn+BYBOac6sOJLRERmJSEBGDwY+PFH7VjlysCWLdJCNqIihBXfIiBnxZebVxARkdnYsweoUUM36R02TKr6MumlIogV3yJAXfH18QHs7eWNhYiIyCD37gGdOgHp6dJ1T09g7VppkwqiIooVX5llZ2s3r+A0ByIiMhs+PtIiNgAIDwfOnWPSS0UeK74yi4sDVCrpMhe2ERFRkaVSSbst2dpqx0aNkqo2nTsDVqylUdHHd6nM2MOXiIiKvLg44LXXgKlTdcetrIAuXZj0ktngO1Vm7OFLRERF2o8/AiEhwK+/AgsWAL/9JndERPnGxFdmrPgSEVGRlJYmdWjo1Al48EAa8/GRNSSil8U5vjJjxZeIiIqckyeBnj2By5e1Yx07Al9+KXVvIDJTrPjKjLu2ERFRkaFUAvPmAQ0bapNeJydpV7bvv2fSS2aPFV+Zqac6KBRAmTLyxkJERBYsMRHo2hU4eFA7Fhoq7cAWHCxbWESmxIqvzNQVXx8fwM5O3liIiMiCubkBqanSZYUCmDQJOHqUSS8VK0x8ZZSVJXWIATjNgYiIZGZrC2zeDFStChw4AMyZw4oMFTuc6iCjuDhACOkyF7YREVGhio6W5u/WrKkdCw4Gzp9nX14qtvjOlhEXthERUaHLzgZmzQKaNQN69ACePNG9nUkvFWN8d8uIPXyJiKhQxcYCzZsDM2dKHRwuXgS++ELuqIgKDRNfGbGHLxERFQohgKgooFYtaYoDAFhbAx9+CLz3npyRERUqzvGVESu+RERU4JKSpB3Ytm3TjlWoAGzaJPXrJbIgrPjKiBVfIiIqUAcPAjVq6Ca9AwYAp08z6SWLxIqvjNSJLzevICIik4uLA8LDgcxM6bqHB7BqlbRJBZGFYsVXRuqpDr6+UvtEIiIik/H1BWbMkC63agX8/TeTXrJ4rPjKJDMTiI+XLnOaAxERvTQhAJVKWrSmNmGCtIikVy+2KSMCK76yybl5BRe2ERHRS0lIADp3Bj7+WHfc2hro04dJL9F/+JMgEy5sIyIik9izR1rA9uOPwEcfaduVEVEuTHxlwl3biIjopaSnA5GRQLt22rlzHh7A48fyxkVUhHGOr0zYw5eIiPLt3Dlp3u65c9qx8HBg/XqgdGnZwiIq6ljxlQmnOhARkdFUKmDpUqBePW3Sa28vje3axaSX6AVY8ZUJK75ERGSUBw+kKu+ePdqxkBBgyxagenX54iIyI6z4ykRd8bWyklotEhERPZezM3DnjvZ6ZCRw/DiTXiIjMPGViTrx9fUFbFh3JyKiF3FwkKq7gYFS1XfRImmMiAzGlEsGmZnAvXvSZU5zICIivU6elKq8Vapox0JCgMuXWTEhyidWfGWQ85MqLmwjIiIdSiUwbx7QsCHQoweQkaF7O5Neonxj4isD9vAlIiK9bt0C2rQBJk4EsrOBM2eAL76QOyqiYoOJrwxydnRgxZeIiAAA27ZJO7AdOiRdVyiASZOAESPkjYuoGOHnJTJgxZeIiDRSUoDRo4ENG7Rj/v7Axo1AixbyxUVUDDHxlQF7+BIREQAgOhro3RuIjdWORUQAK1ZI2w8TkUkx8ZUBd20jIiLcuQO0bCm1+gEAFxdg+XIpEVYoZA2NqLjiHF8ZqBNfa2tuXkFEZLH8/IDx46XLjRsDZ88Cffow6SUqQKz4ykA91cHXV0p+iYjIAggh/ZszsZ05EyhXDhg4kG3KiAoBK76FLCMDuH9fusz5vUREFiIpCejeHVi4UHfc1hYYOpRJL1EhYeJbyHJuXsHEl4jIAhw8KLUp27YNmDwZOH1a7oiILBYT30LGhW1ERBYiM1PaiKJ1a+0ctxIlgPh4eeMismD8bKWQsYcvEZEFiIkBevYETp3SjrVqBURFsepBJCNWfAsZd20jIirGhABWrQJq19Ymvba2wPz5wL59/MVPJLOXqvimp6fDwcHBVLFYBFZ8iYiKqYcPgQEDgJ07tWOVKwNbtgB16sgXFxFpGF3xValU+Oijj+Dn54cSJUog9r/dZqZNm4avvvrK5AEWN9y1jYiomLK3By5d0l4fPlyq+jLpJSoyjE58P/74Y6xfvx7z58+HnZ2dZrx69er48ssvTRpccaSu+NrYAD4+8sZCREQm5OwMbN4MlCkjVX2/+AJwcpI7KiLKwejENyoqCqtXr0avXr1gnWP3hZo1a+JSzr90SS914lumDDevICIya+fOAf996qlRt6401qGDPDER0XMZnfjeuXMHFStWzDWuUqmQlZVlkqCKq/R0IDFRusz1DUREZkqlApYuBerVA3r1ArKzdW+3t5cnLiJ6IaMT32rVquGPP/7INb59+3bUrl3bJEEVV5zfS0Rk5uLigNdeA957T9qK888/gRUr5I6KiAxkdFeH6dOno1+/frhz5w5UKhV27NiBmJgYREVF4eeffy6IGIsNJr5ERGbsxx+BgQOBBw+0Y5GRwODB8sVEREYxuuLbsWNH/PTTT9i3bx+cnZ0xffp0XLx4ET/99BNeffXVgoix2OCubUREZigtDRg2DOjUSZv0+voCe/YAixYBbOtJZDby1ce3WbNm2Lt3r6ljKfbYw5eIyMycPCntwHb5snasUydgzRrA01O2sIgof4yu+AYFBeFBzo95/vPo0SMEBQWZJKjiilMdiIjMyK1bQOPG2qTXyUlKeHfsYNJLZKaMTnxv3LgBpVKZazwjIwN37twxSVDFFac6EBGZEX9/4N13pcuhocDp08CgQYBCIW9cRJRvBk912JljC8Y9e/bAzc1Nc12pVGL//v0ICAgwaXDFjbriy80riIiKKCF0E9u5c4Fy5YARI4AcmzYRkXlSCCGEIQdaWUnFYYVCgWfvYmtri4CAACxcuBBvvPGG6aM0oZSUFLi5uSE5ORmurq6F+tientK6iPLlgRs3CvWhiYjoeVJSgNGjgfr1tVVeIpJNQeVrBld8VSoVACAwMBB//fUXPDm/yShPnmgXA3N+LxFRERIdLW1Ecf06sHUr0KoVULWq3FERUQEweo7v9evXmfTmQ87pz0x8iYiKgOxsYOZMoFkzKekFAFtb4No1WcMiooKTr3ZmaWlpOHToEG7evInMzEyd20aPHm2SwIobLmwjIipCYmOB3r2laq9a48bApk1AYKB8cRFRgTI68T19+jTat2+PJ0+eIC0tDSVLlkRiYiKcnJzg7e3NxDcPbGVGRFQECAFERQEjRwKpqdKYtTUwfTowebK0+piIii2jpzpERkaiQ4cOSEpKgqOjI/7880/8+++/CA0NxaeffloQMRYLrPgSEcns0SOge3egf39t0hsUBBw+LCW+THqJij2jE98zZ85g3LhxsLKygrW1NTIyMuDv74/58+dj8uTJBRFjscBd24iIZKZQAMeOaa/37w+cOQM0bChXRERUyIxOfG1tbTWtzby9vXHz5k0AgJubG27lzO5IB6c6EBHJzM0N2LhR6i25bRuwbh3g4iJ3VERUiIz+XKd27dr466+/UKlSJbRo0QLTp09HYmIiNm7ciOrVqxdEjMWC+m8CW1vAy0veWIiILEJMDODsrDu/rFkzqZG6s7NsYRGRfIyu+M6ZMwe+vr4AgNmzZ8PDwwPDhw9HQkICVq1aZfIAiwt14lu2LGBl9KtOREQGEwJYtQqoXRvo2xf4rw+9BpNeIotl8M5txYUcO7elpQElSkiXmzUDfv+9UB6WiMjyJCQAgwYBO3dqx1asAIYNky8mIjJaQeVrJqs9njp1qshvVywXzu8lIioEe/YANWroJr3DhklVXyIiGJn47tmzB+PHj8fkyZMRGxsLALh06RI6deqEevXqabY1Nsby5csREBAABwcHNGjQAMePH3/u8Y8ePcKIESPg6+sLe3t7BAcHY9euXUY/bmFi4ktEVIDS04HISKBdOyA+Xhrz9JQS4BUrACcneeMjoiLD4MVtX331FQYPHoySJUsiKSkJX375JRYtWoRRo0YhIiIC58+fR1Uj9zbfunUrxo4di5UrV6JBgwZYsmQJwsPDERMTA29v71zHZ2Zm4tVXX4W3tze2b98OPz8//Pvvv3B3dzfqcQsbe/gSERWQc+eAXr2kf9XCw4H164HSpWULi4iKJoMT36VLl2LevHl4//338d1336Fr16744osvcO7cOZTNZza3aNEiDB48GAMGDAAArFy5Er/88gvWrl2LiRMn5jp+7dq1ePjwIY4ePQpbW1sAQEBAQL4euzCxhy8RUQH491+gXj0gI0O6bm8PzJ8v7crGVcREpIfBvxmuXbuGrl27AgDeeust2NjYYMGCBflOejMzM3Hy5EmEhYVpg7GyQlhYGKJz7p2ew86dO9GoUSOMGDECPj4+qF69OubMmQOlUpnn42RkZCAlJUXnq7DlnOrAii8RkYmUL6+dvxsSApw4AYwezaSXiPJk8G+Hp0+fwum/eVIKhQL29vaatmb5kZiYCKVSCR8fH51xHx8fxKvnaD0jNjYW27dvh1KpxK5duzBt2jQsXLgQH3/8cZ6PM3fuXLi5uWm+/GUoubLiS0RUQBYvBj7+GDh+HGAveSJ6AaM2sPjyyy9R4r++XNnZ2Vi/fj08PT11jhk9erTponuGSqWCt7c3Vq9eDWtra4SGhuLOnTtYsGABZsyYofc+kyZNwtixYzXXU1JSCj35VVd87ey4eQURUb6kpQHjxknbC/fvrx13dgamTJEtLCIyLwYnvuXKlcOaNWs010uXLo2NGzfqHKNQKAxOfD09PWFtbY179+7pjN+7dw+l81iQ4OvrC1tbW1hbW2vGqlativj4eGRmZsLOzi7Xfezt7WFvb29QTAUl5+YVCoWsoRARmZ+TJ6UFbDExwObNUkP0ChXkjoqIzJDBie+NGzdM+sB2dnYIDQ3F/v370alTJwBSRXf//v0YOXKk3vs0adIEW7ZsgUqlgtV/c7guX74MX19fvUlvUZCaCjx6JF3mNAciIiMolcCnnwJTpwLZ2dKYSgWcP8/El4jyRdYVAGPHjsWaNWuwYcMGXLx4EcOHD0daWpqmy0Pfvn0xadIkzfHDhw/Hw4cPMWbMGFy+fBm//PIL5syZgxEjRsj1FF6IC9uIiPLh1i2gTRtg4kRt0hsaCpw+DXTsKG9sRGS2jJrja2oRERFISEjA9OnTER8fj1q1amH37t2aBW83b97UVHYBwN/fH3v27EFkZCRq1KgBPz8/jBkzBhMmTJDrKbwQF7YRERlp2zZg6FDtx2UKhZQAz5wpLZYgIsonhRBCyB1EYSqovZ/zsm4d8M470uXly4F33y3whyQiMk+PHwOjRgEbNmjH/P2BjRuBFi3ki4uICl1B5WtsdljAuGsbEZGBMjKAX3/VXo+IAM6eZdJLRCbDxLeAcaoDEZGBPD2laq+rKxAVBXz9NeDhIXdURFSM5CvxvXbtGqZOnYoePXrg/v37AID//e9/+Oeff0waXHHAxW1ERHmIjQWeaWmJV1+VtiLu04f9H4nI5IxOfA8dOoSQkBAcO3YMO3bsQGpqKgDg7NmzeW4iYcnUFV8HB6mYQURk8YSQKrs1a0qLIJ5dauLuLktYRFT8GZ34Tpw4ER9//DH27t2r0zu3devW+PPPP00aXHGgrvhy8woiIgBJSUD37tLua6mpwK5d0ipgIqJCYHTie+7cOXTu3DnXuLe3NxITE00SVHHx+DGQnCxd5jQHIrJ4Bw8CNWpI7crU+vcHunaVKyIisjBGJ77u7u6Ii4vLNX769Gn4+fmZJKjiggvbiIgAZGZKfXhbt9Z+DObhISXA69YBLi7yxkdEFsPoxLd79+6YMGEC4uPjoVAooFKpcOTIEYwfPx59+/YtiBjNFhe2EZHFu3QJaNQImDdPO5e3VSvg779Z6SWiQmd04jtnzhxUqVIF/v7+SE1NRbVq1dC8eXM0btwYU6dOLYgYzRYrvkRk0WJjgTp1gFOnpOu2tsD8+cC+fawGEJEsjN6y2M7ODmvWrMG0adNw/vx5pKamonbt2qhUqVJBxGfWclZ8mfgSkcUJCgLeegvYvBmoXBnYskVKhImIZGJ04nv48GE0bdoU5cqVQ7ly5QoipmKDu7YRkcVbvhwoXx6YMgVwcpI7GiKycEZPdWjdujUCAwMxefJkXLhwoSBiKjY41YGILEZ6OhAZCXz7re64mxswezaTXiIqEoxOfO/evYtx48bh0KFDqF69OmrVqoUFCxbgds7P9QmAdqqDgwNQsqS8sRARFZhz54D69YElS4AhQ3T/6iciKkKMTnw9PT0xcuRIHDlyBNeuXUPXrl2xYcMGBAQEoHXr1gURo9lS/+739+fmFURUDKlUwNKlQL16UvILAE+fAidOyBsXEVEejJ7jm1NgYCAmTpyImjVrYtq0aTh06JCp4jJ7KSnSBhYApzkQUTEUFwcMGADs2aMdCwmRFrBVry5fXEREz2F0xVftyJEjePfdd+Hr64uePXuievXq+OWXX0wZm1njwjYiKrZ+/FHagS1n0hsZCRw/zqSXiIo0oyu+kyZNwjfffIO7d+/i1VdfxdKlS9GxY0c4ceGCDi5sI6JiJy0NGDcOWLVKO+brC6xfD7RtK1tYRESGMjrx/f333/H++++jW7du8PT0LIiYigXu2kZExU5KCvDdd9rrnToBa9YA/L+AiMyE0YnvkSNHCiKOYocVXyIqdnx9gS+/BHr2lBa1DRzIlbtEZFYMSnx37tyJ1157Dba2tti5c+dzj33zzTdNEpi5Y+JLRGbv1i3A2Vm3H2PHjsD164C3t3xxERHlk0GJb6dOnRAfHw9vb2906tQpz+MUCgWUSqWpYjNrnOpARGZt2zZg6FAgLEy6nLOyy6SXiMyUQV0dVCoVvP/7RadSqfL8YtKrpa74OjkBHh7yxkJEZLCUFKB/fyAiAnj0CNi+XWpRRkRUDBjdziwqKgoZGRm5xjMzMxEVFWWSoMydENy8gojMUHQ0UKsWsGGDdiwiAmjfXraQiIhMyejEd8CAAUhOTs41/vjxYwwYMMAkQZm75GSp6w/AaQ5EZAays4FZs4BmzaT5uwDg4gJERQFff82PrYio2DC6q4MQAgo9Jczbt2/Dzc3NJEGZOy5sIyKzERsL9O4tVXvVGjcGNm0CAgPli4uIqAAYnPjWrl0bCoUCCoUCbdq0gY2N9q5KpRLXr19Hu3btCiRIc8OFbURkFq5eBerU0e6vbm0NTJ8OTJ4M2LzUjvZEREWSwb/Z1N0czpw5g/DwcJQoUUJzm52dHQICAtClSxeTB2iOWPElIrNQoQLQpg3www9AUBCweTPQsKHcURERFRiDE98ZM2YAAAICAhAREQEHB4cCC8rc5az4MvEloiJLoZB2XitfHvjoI2leLxFRMWb04rZ+/fox6X2BnBVfTnUgoiIhMxOYOBH45RfdcU9PYMkSJr1EZBEMqviWLFkSly9fhqenJzw8PPQublN7+PChyYIzV5zqQERFSkyMtM3wqVPAunXA338DPj5yR0VEVOgMSnwXL14Ml/+qAYsXL35u4kvaqQ7OzgAbXRCRbIQAVq8GIiOBp0+lsaQk4MgR4K235I2NiEgGCiGEkDuIwpSSkgI3NzckJyfD1dXV5OcXAihRAnjyBKhSBbh40eQPQUT0YgkJwKBBwM6d2rHKlaVd2OrUkS8uIiIDFFS+ZvQc31OnTuHcuXOa6z/++CM6deqEyZMnIzMz02SBmatHj6SkF+A0ByKSyZ49QI0auknv8OHSVAcmvURkwYxOfIcOHYrLly8DAGJjYxEREQEnJyd8++23+OCDD0weoLnhwjYikk16ujStoV07ID5eGvP0lBLgL74AnJzkjY+ISGZGJ76XL19GrVq1AADffvstWrRogS1btmD9+vX47rvvTB2f2eHCNiKSzf370uI1tXbtgHPngA4d5IuJiKgIMTrxFUJApVIBAPbt24f27dsDAPz9/ZGYmGja6MwQd20jItmUKwesWAHY2wOffQbs2gWULi13VERERYbRe1LWrVsXH3/8McLCwnDo0CGsWLECAHD9+nX4sD0OK75EVHji4qT2MTkXfvToATRtyl9ARER6GF3xXbJkCU6dOoWRI0diypQpqFixIgBg+/btaNy4sckDNDfctY2ICsWPP0oL2EaPzn0bf/kQEellsnZm6enpsLa2hq2trSlOV2AKup1ZmzbAb79Jlx89Yh9fIjKxtDRg3Dhg1Srt2PbtQJcu8sVERGRiBZWvGT3VQe3kyZO4+F+T2mrVqqEOW+QA0E51cHFh0ktEJnbypLQD23+ddQAAnToBLVrIFhIRkTkxOvG9f/8+IiIicOjQIbi7uwMAHj16hFatWuGbb76Bl5eXqWM0G0JopzpwYRsRmYxSCXz6KTB1KpCdLY05OQFLlwIDBwLcTZOIyCBGz/EdNWoUUlNT8c8//+Dhw4d4+PAhzp8/j5SUFIzWN9fMgjx8qN0VlFPsiMgkbt2S5lBNnKhNekNDgdOnpZ3ZmPQSERnM6Irv7t27sW/fPlStWlUzVq1aNSxfvhxt27Y1aXDmhgvbiMikLl8GGjSQFgwAUpI7cSIwcyZgZydnZEREZsnoiq9KpdK7gM3W1lbT39dScdc2IjKpihWlxBeQ/po+cACYM4dJLxFRPhmd+LZu3RpjxozB3bt3NWN37txBZGQk2rRpY9LgzA17+BKRSVlZSTuxDRkCnD3LRWxERC/J6MT3888/R0pKCgICAlChQgVUqFABgYGBSElJwbJlywoiRrPBXduIKN+ys4FZs7T9ENV8faXWZR4e8sRFRFSMGD3H19/fH6dOncL+/fs17cyqVq2KsLAwkwdnbljxJaJ8iY0FevcGoqMBPz/g77+BkiXljoqIqNgxKvHdunUrdu7ciczMTLRp0wajRo0qqLjMEhe3EZFRhAA2bgRGjgQeP5bG4uOlubzckIKIyOQMTnxXrFiBESNGoFKlSnB0dMSOHTtw7do1LFiwoCDjMyvqiq+rq7SBBRFRnpKSgGHDgG3btGNBQcDmzUDDhvLFRURUjBk8x/fzzz/HjBkzEBMTgzNnzmDDhg344osvCjI2s5Jz8wpWe4nouQ4eBGrU0E16+/cHzpxh0ktEVIAMTnxjY2PRr18/zfWePXsiOzsbcXFxBRKYuXnwAEhPly5zYRsR6ZWZCUyaBLRurf1L2d1dSoDXreNHRUREBczgqQ4ZGRlwdnbWXLeysoKdnR2eqrcqs3Bc2EZEL3T7NrBsmfQREQC0bAlERfGXBhFRITFqcdu0adPg5OSkuZ6ZmYnZs2fDzc1NM7Zo0SLTRWdGmPgS0QsFBQFLlwLDhwOzZwPjxkm9eomIqFAYnPg2b94cMTExOmONGzdGbGys5rrCgveMZw9fIsolMRFwcpK+1N55R9qIomJF+eIiIrJQBie+Bw8eLMAwzB8rvkSkY88eacHaW28By5drxxUKJr1ERDLhZ2wmwoovEQGQVrlGRgLt2kk9eb/4AvjlF7mjIiIi5GPnNtKPFV8iwrlzQK9e0r9q7doBoaHyxURERBqs+JqIOvF1dwdKlJA1FCIqbCqVtGitXj1t0mtvD3z2GbBrF1C6tLzxERERAFZ8TSLn5hWc5kBkYeLigAEDpDm9aiEhwJYtQPXq8sVFRES5MPE1gYQEqS89wGkORBYlJgZo2lTq3qAWGQnMmQM4OMgXFxER6ZWvqQ5//PEHevfujUaNGuHOnTsAgI0bN+Lw4cMmDc5ccGEbkYWqWBGoVk267OsrVX0XLWLSS0RURBmd+H733XcIDw+Ho6MjTp8+jYyMDABAcnIy5syZY/IAzQEXthFZKGtrYONGoE8f4O+/gbZt5Y6IiIiew+jE9+OPP8bKlSuxZs0a2NraasabNGmCU6dOmTQ4c8HEl8gCKJXAvHnA0aO64+XKSdsOe3rKExcRERnM6Dm+MTExaN68ea5xNzc3PHr0yBQxmR1OdSAq5m7dkqq6hw4BgYHAmTOAq6vcURERkZGMrviWLl0aV69ezTV++PBhBAUFmSQoc8OKL1Extm0bUKOGlPQCwI0bwK+/yhoSERHlj9GJ7+DBgzFmzBgcO3YMCoUCd+/exebNmzF+/HgMHz68IGIs8ljxJSqGUlKkLYcjIgD1p1n+/sCBA8Dbb8sZGRER5ZPRUx0mTpwIlUqFNm3a4MmTJ2jevDns7e0xfvx4jBo1qiBiLPLUFV8PD8DZWd5YiMgEoqOB3r2B2FjtWEQEsGKF9INORERmSSGEEPm5Y2ZmJq5evYrU1FRUq1YNJcxku7KUlBS4ubkhOTkZriaYo6dSSZ2LsrKkT0PPnjVBkEQkj+xsYPZs4KOPpMVsAODiAixfLiXCCoW88RERWQhT52tq+d7Aws7ODtXU/SstWEKClPQCnOZAZPauXQPmztUmvY0bA5s2SQvaiIjI7Bmd+LZq1QqK51Q9fvvtt5cKyNxwYRtRMVK5MjB/PjB2LDB9OjB5MmDDDS6JiIoLo3+j16pVS+d6VlYWzpw5g/Pnz6Nfv36mists5FzYxsSXyMwkJQFOToC9vXZs1CigdWugenX54iIiogJhdOK7ePFiveMzZ85EamrqSwdkbnJWfDnVgciMHDwo9ebt3h1YsEA7rlAw6SUiKqaMbmeWl969e2Pt2rWmOp3Z4FQHIjOTmQlMmiRVdW/fBj79FNi/X+6oiIioEJhs8lp0dDQcHBxMdTqzwR6+RGYkJgbo2RPIub16q1bS3F4iIir2jE5833rrLZ3rQgjExcXhxIkTmDZtmskCMxec6kBkBoQAVq8GIiOBp0+lMVtbqXXZuHGAlck+/CIioiLM6MTXzc1N57qVlRUqV66MDz/8EG3btjVZYOZCXfEtVUpaI0NERUxCAjBoELBzp3ascmVgyxagTh354iIiokJnVOKrVCoxYMAAhISEwIO7F0GlAu7ckS6z2ktUBMXEAC1bAvHx2rHhw6V5vfxLlYjI4hj1+Z61tTXatm2LR+p9601k+fLlCAgIgIODAxo0aIDjx48bdL9vvvkGCoUCnTp1Mmk8hrp3T7t5BRe2ERVBQUHaH05PT6nq+8UXTHqJiCyU0RPbqlevjtic+9e/pK1bt2Ls2LGYMWMGTp06hZo1ayI8PBz3799/7v1u3LiB8ePHo1mzZiaLxVhc2EZUxNnaAps3A2+9BZw7B3ToIHdEREQkI6MT348//hjjx4/Hzz//jLi4OKSkpOh8GWvRokUYPHgwBgwYgGrVqmHlypVwcnJ6bms0pVKJXr16YdasWQgKCjL6MU2FrcyIihCVCvjsM+D0ad3xSpWA774DSpeWJy4iIioyDE58P/zwQ6SlpaF9+/Y4e/Ys3nzzTZQtWxYeHh7w8PCAu7u70fN+MzMzcfLkSYSFhWkDsrJCWFgYoqOjnxuLt7c3Bg4c+MLHyMjIeOnkPC/ctY2oiIiLA9q3B8aMkdqVPXkid0RERFQEGby4bdasWRg2bBgOHDhgsgdPTEyEUqmEj4+PzriPjw8uXbqk9z6HDx/GV199hTNnzhj0GHPnzsWsWbNeNlS92MqMqAj48Uepa0NionT90iXgf/8DunSRNy4iIipyDE58hRAAgBYtWhRYMC/y+PFj9OnTB2vWrIGnp6dB95k0aRLGjh2ruZ6SkgJ/E5VnOdWBSEZpaVIP3lWrtGO+vsD69YAFtlYkIqIXM6qdmUKhMOmDe3p6wtraGvfu3dMZv3fvHkrrmY937do13LhxAx1yLFBRqVQAABsbG8TExKBChQo697G3t4e9vb1J41bLOdXBz69AHoKI9Dl5UprScPmydqxTJ2DNGql7AxERkR5GJb7BwcEvTH4fPnxo8Pns7OwQGhqK/fv3a1qSqVQq7N+/HyNHjsx1fJUqVXDu3DmdsalTp+Lx48dYunSpySq5hlJXfD09AUfHQn1oIsukVAILFgDTpgHZ2dKYkxOwZIk03cHEf5wTEVHxYlTiO2vWrFw7t72ssWPHol+/fqhbty7q16+PJUuWIC0tDQMGDAAA9O3bF35+fpg7dy4cHBxQvXp1nfu7u7sDQK7xgqZUajev4DQHokJy6ZJu0hsaKu3AFhwsb1xERGQWjEp8u3fvDm9vb5MGEBERgYSEBEyfPh3x8fGoVasWdu/erVnwdvPmTVhZGd11rcDduyclvwAXthEVmldeAT76CJg8GZg4EZg5E7CzkzsqIiIyEwqhXrX2AtbW1oiLizN54lvYUlJS4ObmhuTkZLi6uub7PMeOAQ0bSpfffRdYvtxEARKR1uPH0jwimxx/oyuVUq/eunXli4uIiAqUqfK1ZxlcSjUwP7YY3LWNqIBFRwO1agEff6w7bm3NpJeIiPLF4MRXpVKZfbXXlNjKjKiAZGcDs2YBzZoBsbHS1IajR+WOioiIigGj5viSFhNfogIQGwv07i1Ve9UaNpT68xIREb2kordqzExwqgORCQkBREVJUxvUSa+1tVT5PXQICAyUNTwiIioeWPHNp5wVX25eQfQSkpKA4cOBrVu1Y0FBwObN2hWkREREJsDEN5/UFV8vL8DBQd5YiMxWTAzw6qu6f0n27w989hng4iJbWEREVDxxqkM+KJXA3bvSZc7vJXoJ5csD/21CAw8PYNs2YN06Jr1ERFQgmPjmQ1ycdvMKJr5EL8HBQdp5rX174O+/ga5d5Y6IiIiKMSa++cCFbUT5IASwejVw4YLuePXqwC+/8IeJiIgKHBPffGArMyIjJSQAnToBQ4cCPXsCGRlyR0RERBaIiW8+sOJLZIQ9e4AaNYCdO6XrZ88CP/8sb0xERGSRmPjmAyu+RAZITwfeew9o1w6Ij5fGPD2lBLhLF1lDIyIiy8R2ZvnAxJfoBc6dk6Y0nD+vHQsPB9avB0qXli0sIiKybKz45kPOqQ5lysgXB1GRo1IBS5cC9eppk157e2ls1y4mvUREJCtWfPNBXfH18ZH+Tyei/5w7B4wdKyXAABASIrUrq15d3riIiIjAiq/RsrOlPr4AF7YR5VKzJjB5snQ5MhI4fpxJLxERFRms+BopLk5bzOL8XrJ4T55Im1BY5fgbevp0oG1boFkz+eIiIiLSgxVfI3FhG9F/Tp4EatcGFi7UHbe1ZdJLRERFEhNfI7GHL1k8pRKYNw9o2BC4fBmYMgU4dUruqIiIiF6IUx2MxIovWbRbt4A+fYBDh7RjNWoAJUrIFxMREZGBWPE1Eiu+ZLG2bZOSXHXSq1AAkyYBR48CwcHyxkZERGQAVnyNxIovWZyUFGD0aGDDBu2Yvz+wcSPQooV8cRERERmJia+R1ImvQsHNK8gCxMQA7dsDsbHasYgIYOVKwN1dtrCIiIjyg1MdjKSe6uDjA9jZyRsLUYErWxaw+e/vYxcXICoK+PprJr1ERGSWmPgaIStLu3kFpzmQRXB2lnZea9kSOHtWWtimUMgdFRERUb4w8TVCXBwghHSZC9uo2BFCquheu6Y7HhoK/PYbEBgoT1xEREQmwsTXCFzYRsVWUhLQvTvQrx/Qq5f08UZOrPISEVExwMTXCEx8qVg6eFBqU7Ztm3T92DHg559lDYmIiKggMPE1Anv4UrGSmQlMnAi0bq19c3t4AN9+C3TuLG9sREREBYDtzIzAii8VGzExQM+eulsNt2olzfHlX3VERFRMseJrBCa+ZPaEAFatAmrX1ia9trbA/PnAvn1MeomIqFhjxdcI6k+DFQrA11feWIjy5fRpYNgw7fXKlaV2ZXXqyBcTERFRIWHF1wjqiq+vr1QkIzI7deoAY8dKl4cPl6q+THqJiMhCsOJroMxM4N496TI/DSazkZEhbTGYsx3ZnDlAu3bAq6/KFxcREZEMWPE10N272s0rOL+XzMK5c0DdusCKFbrj9vZMeomIyCIx8TUQF7aR2VCpgKVLgXr1gPPngXHjgAsX5I6KiIhIdpzqYCD28CWzEBcHDBgA7NmjHatUSb54iIiIihBWfA3Eii8VeT/+KO3AljPpjYwEjh8HqlWTLy4iIqIighVfA7HiS0VWWpo0nWHVKu2Yry+wfj3Qtq1sYRERERU1THwNxIovFUmXLwMdOkj/qnXqBKxZA3h6yhYWERFRUcSpDgZSJ75WVty8gooQHx+p1x4AODlJCe+OHUx6iYiI9GDiayD1VAdfX8CGdXIqKtzcgE2bgAYNpF3ZBg3S7dlLREREGkx8DZCRod28gtMcSFbffqs77wYAmjQBoqOB4GB5YiIiIjITTHwNcPeu9jIXtpEsUlKA/v2Bbt2Avn0BpVL3dlZ5iYiIXoiJrwG4sI1kFR0N1K4NbNggXT94EPj5Z1lDIiIiMkdMfA3AxJdkkZ0NzJoFNGsGxMZKYy4uQFQU8Oab8sZGRERkhrhMywDs4UuFLjYW6N1bqvaqNW4sLWQLDJQvLiIiIjPGiq8BWPGlQiOEVNGtVUub9FpbS5XfQ4eY9BIREb0EVnwNwIovFZoTJ4B+/bTXg4KAzZuBhg3li4mIiKiYYMXXAOqKr7U1N6+gAlavHjB0qHS5f3/gzBkmvURERCbCiq8B1IlvmTJS8ktkMllZ0o4oOduRLVwItG/PBWxEREQmxorvC6SnAwkJ0mVOcyCTiomRqrnqNmVqzs5MeomIiAoAE98XuHNHe5kL28gkhABWrZJ68546BYwaBVy9KndURERExR6nOrwAF7aRSSUkAIMGATt3asf8/ICnT+WLiYiIyEKw4vsCbGVGJrNnD1Cjhm7SO2yYVPUNCZEvLiIiIgvBxPcFmPjSS0tPByIjgXbtgPh4aczTU0qAV6wAnJzkjY+IiMhCcKrDC3CqA72Uq1eBt94Czp3TjrVrB6xbB5QuLV9cREREFogV3xdgxZdeiocH8OCBdNneHvjsM2DXLia9REREMmDi+wLqiq+NDeDjI28sZIZKlQLWrwdq1pR2ZRs1SrdnLxERERUaJr4vwM0ryCg//aSdx6v26qvAyZNA9eryxEREREQAmPg+19OnQGKidJnTHOi50tKkDg1vvgm8847Uqzcn/tVEREQkOya+z5Fz8woubKM8nTwJ1KkjbUoBAP/7H/Dzz/LGRERERLkw8X0OLmyj51IqgXnzpG2HL1+WxpycgDVrgDfekDc2IiIiyoXtzJ4jZ+LLii/puHUL6NMHOHRIOxYaCmzZAgQHyxcXERER5YkV3+fI2cOXFV/S2LpV2oFNnfQqFMCkScDRo0x6iYiIijBWfJ+DUx0olz//BLp311739wc2bgRatJAvJiIiIjIIK77PwV3bKJeGDaUpDgAQEQGcPcukl4iIyEyw4vsc6oovN6+wYCoVYPXM34effw68/jrQrRs3oyAiIjIjrPg+hzrx9fPLnfuQBYiNBZo2BbZt0x13dZWqvUx6iYiIzArTuTw8eQI8fChd5vxeCyMEEBUF1KoFREcDQ4fqTvgmIiIis8TENw/s6GChkpKkxWv9+gGPH0tjJUsCDx7IGxcRERG9NCa+eeDCNgt08KDUpizn1Ib+/YEzZ6TqLxEREZk1Jr55YCszC5KZCUycCLRurf2Lx91dSoDXrQNcXGQNj4iIiEyDXR3ywF3bLERsLNC1K3DqlHasZUtpji//4iEiIipWWPHNA+f4WghHR+DmTemyrS0wfz6wfz+/6URERMUQE988cKqDhfD1Bb76CqhSRdqV7f332buOiIiomOL/8HlQV3xtbQEvL3ljIRPaty93h4Y33wT+/huoU0eemIiIiKhQFInEd/ny5QgICICDgwMaNGiA48eP53nsmjVr0KxZM3h4eMDDwwNhYWHPPT6/1BXfsmVZACwW0tOByEjg1VelvrxC6N5uaytPXERERFRoZE/ptm7dirFjx2LGjBk4deoUatasifDwcNy/f1/v8QcPHkSPHj1w4MABREdHw9/fH23btsWdO3dMFlNamtTOFeA0h2Lh3Dmgfn1gyRLp+nffAbt3yxoSERERFT6FEM+WvgpXgwYNUK9ePXz++ecAAJVKBX9/f4waNQoTJ0584f2VSiU8PDzw+eefo2/fvi88PiUlBW5ubkhOToarq6veY2JipCmfANCzJ7B5s+HPh4oQlQpYtgyYMAHIyJDG7O2BBQuAkSO55TAREVERZUi+lh+ytjPLzMzEyZMnMWnSJM2YlZUVwsLCEB0dbdA5njx5gqysLJQsWVLv7RkZGchQJz2QXsgX4cK2YiAuDhgwANizRzsWEgJs2QJUry5fXERERCQbWac6JCYmQqlUwsfHR2fcx8cH8fHxBp1jwoQJKFOmDMLCwvTePnfuXLi5uWm+/A3IZLlrm5nbuVPagS1n0hsZCRw/zqSXiIjIgsk+x/dlfPLJJ/jmm2/w/fffw8HBQe8xkyZNQnJysubrVs5ybh5Y8TVjR44AHTsCiYnS9dKlpQR40SIgj/cIERERWQZZE19PT09YW1vj3r17OuP37t1D6dKln3vfTz/9FJ988gl+/fVX1KhRI8/j7O3t4erqqvP1Ikx8zVjjxkDnztLljh2lhW1t28obExERERUJsia+dnZ2CA0Nxf79+zVjKpUK+/fvR6NGjfK83/z58/HRRx9h9+7dqFu3rsnj4lQHM/Ls2kyFAlizBli3Dvj+e8DTU564iIiIqMiRfarD2LFjsWbNGmzYsAEXL17E8OHDkZaWhgEDBgAA+vbtq7P4bd68eZg2bRrWrl2LgIAAxMfHIz4+HqmpqSaLSV3xtbPj5hVF2q1bQOvWwM8/646XKgX078+uDURERKRD1q4OABAREYGEhARMnz4d8fHxqFWrFnbv3q1Z8Hbz5k1Y5dhBYsWKFcjMzMTbb7+tc54ZM2Zg5syZJolJXfEtW5a5U5G1bZu0EcWjR8A//0g7r71gegwRERFZNtn7+Ba2F/WFS00FXFykyy1aAAcPFm589AIpKcDo0cCGDdoxf3/ghx+45TAREVExUVB9fGWf6lDUcGFbERYdDdSqpZv0RkQAZ88y6SUiIqIXYuL7DC5sK4Kys4GZM4FmzYDr16UxFxcgKgr4+mvAw0PW8IiIiMg8yD7Ht6hhxbeIuXFD2jc6505+jRsDmzYBgYGyhUVERETmhxXfZ7DiW8RYWQEXLkiXra2BWbOAQ4eY9BIREZHRmPg+gxXfIqZcOWDlSiAoCDh8GJg+HbDhBxVERERkPCa+z2DiK7M//pA6N+TUvbvUsqxhQ3liIiIiomKBie8z1FMdHBykfRCokGRmAhMnSj3kRo3KfbuDQ+HHRERERMUKE99nqCu+3LyiEMXEAI0aAfPmSVsQR0UBv/4qd1RERERUzDDxzSElRfspOxe2FQIhgFWrgNq1gVOnpDFbW2D+fCAsTN7YiIiIqNjhKqEccnZ04PzeApaQAAwaBOzcqR2rXBnYsoWbURAREVGBYMU3By5sKyR79gA1augmvcOHS1VfJr1ERERUQFjxzYE9fAvBH38A7dppr3t6AmvXAh06yBcTERERWQRWfHNgxbcQNG2qTXzbtQPOnWPSS0RERIWCFd8ccia+rPgWEIUCWLcO+P57YNgwts4gIiKiQsOKbw5c3GZi8fHA668D+/frjpcuLc3pZdJLREREhYgV3xzUFV9HR6BkSXljMXs7dwIDBwKJicDZs9IXdwQhIiIiGbHim4O64svNK15CWpo0haFjRynpBQCVCrhxQ9awiIiIiJj4/ic5GXj8WLrMaQ75dPIkEBoqbUqh1qkT8Pff0jgRERGRjJj4/ocL216CUiltN9ywobT9MAA4OQFr1gA7dkgty4iIiIhkxjm+/+HCtny6fRvo0wc4eFA7Fhoq7cAWHCxbWERERETPYsX3P+zhm09PnwJ//SVdViiASZOAo0eZ9BIREVGRw8T3P9y1LZ8qVQI++0z6a+HAAWDOHMDOTu6oiIiIiHJh4vsfVnwNdPw48OSJ7tiAAcCFC0CLFvLERERERGQAJr7/4eK2F8jOBmbNAho3BsaP171NoQBKlJAnLiIiIiIDMfH9j3qqg5MT4OEhbyxFTmws0Lw5MHOm1MFhxQppWgMRERGRGWHiC0AIbcXX35+bV2gIAURFAbVqAdHR0pi1tVT5bdZM1tCIiIiIjMV2ZpA2r0hLky5zmsN/kpKA4cOBrVu1Y0FBwObNUr9eIiIiIjPDxBdc2JbLoUNSb96cL0z//lL3BhcX2cIiIiosSqUSWVlZcodBVKzZ2dnByqpwJx8w8QUXtuk4dAho1Uqa5gBIE55XrQK6dpU3LiKiQiCEQHx8PB49eiR3KETFnpWVFQIDA2FXiG1QmfiCu7bpaNpUWsimToCjovjXABFZDHXS6+3tDScnJyi46IOoQKhUKty9exdxcXEoV65cof2sMfEFpzrosLYGNm4Evv0WeO89oJA/giAikotSqdQkvaVKlZI7HKJiz8vLC3fv3kV2djZsbW0L5TGZ1cCCd21LSAC6dAGOHNEd9/cHxo5l0ktEFkU9p9fJyUnmSIgsg3qKg1KpLLTHZMUXFlrx3bNHWrAWHw+cOgWcPQu4usodFRGR7Di9gahwyPGzxpIetImvszPg5iZvLAUuPV2awtCunZT0AkBqKnD5sqxhERERERU0i098hdBOdSj2m1ecOwfUqwcsXaoda9dOGq9bV764iIiIZBITE4PSpUvj8ePHcodSrGRmZiIgIAAnTpyQOxQdFp/4JiUBT55Il4vtNAeVSkp269UDzp+Xxuztpb68u3YBpUvLGx8REb2U/v37Q6FQQKFQwNbWFoGBgfjggw+Qnp6e69iff/4ZLVq0gIuLC5ycnFCvXj2sX79e73m/++47tGzZEm5ubihRogRq1KiBDz/8EA8fPizgZ1R4Jk2ahFGjRsGlGPepX758OQICAuDg4IAGDRrg+PHjL7zPkiVLULlyZTg6OsLf3x+RkZE676eAgADNey7n14gRIwBI83fHjx+PCRMmFNjzyg+LT3yL/cK2uDigfXtpekNGhjQWEgKcOAGMGlXMS9xERJajXbt2iIuLQ2xsLBYvXoxVq1ZhxowZOscsW7YMHTt2RJMmTXDs2DH8/fff6N69O4YNG4bx48frHDtlyhRERESgXr16+N///ofz589j4cKFOHv2LDZu3FhozyszM7PAzn3z5k38/PPP6N+//0udpyBjfFlbt27F2LFjMWPGDJw6dQo1a9ZEeHg47t+/n+d9tmzZgokTJ2LGjBm4ePEivvrqK2zduhWTJ0/WHPPXX38hLi5O87V3714AQNccff979eqFw4cP459//im4J2gsYWGSk5MFAJGcnCyEEOLnn4WQJjwIMX26zMEVhPPnhbC31z7JyEghnj6VOyoioiLn6dOn4sKFC+KpGf6O7Nevn+jYsaPO2FtvvSVq166tuX7z5k1ha2srxo4dm+v+n332mQAg/vzzTyGEEMeOHRMAxJIlS/Q+XlJSUp6x3Lp1S3Tv3l14eHgIJycnERoaqjmvvjjHjBkjWrRoobneokULMWLECDFmzBhRqlQp0bJlS9GjRw/RrVs3nftlZmaKUqVKiQ0bNgghhFAqlWLOnDkiICBAODg4iBo1aohvv/02zziFEGLBggWibt26OmOJiYmie/fuokyZMsLR0VFUr15dbNmyRecYfTEKIcS5c+dEu3bthLOzs/D29ha9e/cWCQkJmvv973//E02aNBFubm6iZMmS4vXXXxdXr159bowvq379+mLEiBGa60qlUpQpU0bMnTs3z/uMGDFCtG7dWmds7NixokmTJnneZ8yYMaJChQpCpVLpjLdq1UpMnTpV732e9zP3bL5mKhZf8S32HR1eeQVYsECazrBnD7BoEeDgIHdURERmo25d6RPBwv56maUX58+fx9GjR3V2xNq+fTuysrJyVXYBYOjQoShRogS+/vprAMDmzZtRokQJvPvuu3rP7+7urnc8NTUVLVq0wJ07d7Bz506cPXsWH3zwAVQqlVHxb9iwAXZ2djhy5AhWrlyJXr164aeffkJqaqrmmD179uDJkyfo3LkzAGDu3LmIiorCypUr8c8//yAyMhK9e/fGoUOH8nycP/74A3WfeaHT09MRGhqKX375BefPn8eQIUPQp0+fXNMDno3x0aNHaN26NWrXro0TJ05g9+7duHfvHrp166a5T1paGsaOHYsTJ05g//79sLKyQufOnZ/7+syZMwclSpR47tfNmzf13jczMxMnT55EWFiYZszKygphYWGIjo7O8zEbN26MkydPap5zbGwsdu3ahfbt2+f5OJs2bcI777yTq1ND/fr18ccff+T5WIXN4tuZFbupDmfPAlWqSHN41UaOBHr3lrYfJiIio8THA3fuyB3Fi/38888oUaIEsrOzkZGRASsrK3z++eea2y9fvgw3Nzf4+vrmuq+dnR2CgoJw+b8OP1euXEFQUJDRmwps2bIFCQkJ+Ouvv1CyZEkAQMWKFY1+LpUqVcL8+fM11ytUqABnZ2d8//336NOnj+ax3nzzTbi4uCAjIwNz5szBvn370KhRIwBAUFAQDh8+jFWrVqFFixZ6H+fff//Nlfj6+fnp/HEwatQo7NmzB9u2bUP9+vXzjPHjjz9G7dq1MWfOHM3Y2rVr4e/vj8uXLyM4OBhdunTReay1a9fCy8sLFy5cQPXq1fXGOGzYMJ3kWZ8yZcroHU9MTIRSqYSPj4/OuI+PDy5dupTn+Xr27InExEQ0bdoUQghkZ2dj2LBhOlMdcvrhhx/w6NEjvVNGypQpg3///fe58Rcmi098i03FV6kEPv0UmDoVGDNGuqymUDDpJSLKJ7nW/xr7uK1atcKKFSuQlpaGxYsXw8bGJleiZSghRL7ud+bMGdSuXVuT9OZXaGioznUbGxt069YNmzdvRp8+fZCWloYff/wR33zzDQDg6tWrePLkCV599VWd+2VmZqJ27dp5Ps7Tp0/h8MynoEqlEnPmzMG2bdtw584dZGZmIiMjI9fGJs/GePbsWRw4cAAlSpTI9TjXrl1DcHAwrly5gunTp+PYsWNITEzUVHpv3ryZZ+JbsmTJl349jXXw4EHMmTMHX3zxBRo0aICrV69izJgx+OijjzBt2rRcx3/11Vd47bXX9Cbgjo6OeKLuIlAEMPHNkfiabcX31i2gTx9A/XHOwoVAp05A06ayhkVEVBwUsW5MeXJ2dtZUV9euXYuaNWviq6++wsCBAwEAwcHBSE5Oxt27d3MlKJmZmbh27RpatWqlOfbw4cPIysoyqurr6Oj43NutrKxyJdXqHfOefS7P6tWrF1q0aIH79+9j7969cHR0RLt27QBAMwXil19+gZ+fn8797HN+AvoMT09PJCUl6YwtWLAAS5cuxZIlSxASEgJnZ2e89957uRawPRtjamoqOnTogHnz5uV6HHWVvUOHDihfvjzWrFmDMmXKQKVSoXr16s9dHDdnzhydKrI+Fy5cQLly5fQ+P2tra9y7d09n/N69eyj9nL+spk2bhj59+mDQoEEAgJCQEKSlpWHIkCGYMmUKrHLs7Prvv/9i37592LFjh95zPXz4EF5eXs+NvzBZ/Bxf9VQHFxcz3bxi2zagRg1t0qtQAJMmATk+jiEiIstiZWWFyZMnY+rUqXj69CkAoEuXLrC1tcXChQtzHb9y5UqkpaWhR48eAKSPulNTU/HFF1/oPf+jR4/0jteoUQNnzpzJs92Zl5cX4uLidMbOnDlj0HNq3Lgx/P39sXXrVmzevBldu3bVJOXVqlWDvb09bt68iYoVK+p8+T/n49zatWvjwoULOmNHjhxBx44d0bt3b9SsWVNnCsjz1KlTB//88w8CAgJyxeDs7IwHDx4gJiYGU6dORZs2bVC1atVcSbc+w4YNw5kzZ577lddUBzs7O4SGhmL//v2aMZVKhf3792umhOjz5MkTneQWAKytrQHk/jRg3bp18Pb2xuuvv673XOfPn39u1b3QmXSpnBnIuUpQpRLCwUFqdlCtmtyRGSk5WYh+/bTdGgAh/P2FOHhQ7siIiMxScevqkJWVJfz8/MSCBQs0Y4sXLxZWVlZi8uTJ4uLFi+Lq1ati4cKFwt7eXowbN07n/h988IGwtrYW77//vjh69Ki4ceOG2Ldvn3j77bfz7PaQkZEhgoODRbNmzcThw4fFtWvXxPbt28XRo0eFEELs3r1bKBQKsWHDBnH58mUxffp04erqmqurw5gxY/Sef8qUKaJatWrCxsZG/PHHH7luK1WqlFi/fr24evWqOHnypPjss8/E+vXr83zddu7cKby9vUV2drZmLDIyUvj7+4sjR46ICxcuiEGDBglXV1ed11dfjHfu3BFeXl7i7bffFsePHxdXr14Vu3fvFv379xfZ2dlCqVSKUqVKid69e4srV66I/fv3i3r16gkA4vvvv88zxpf1zTffCHt7e7F+/Xpx4cIFMWTIEOHu7i7i4+M1x/Tp00dMnDhRc33GjBnCxcVFfP311yI2Nlb8+uuvokKFCrk6ayiVSlGuXDkxYcKEPB+/fPnyIioqSu9tcnR1sOjENzFRmzO2bSt3ZEY4elSIoCDdpDciQoiHD+WOjIjIbBW3xFcIIebOnSu8vLxEamqqZuzHH38UzZo1E87OzsLBwUGEhoaKtWvX6j3v1q1bRfPmzYWLi4twdnYWNWrUEB9++OFz25nduHFDdOnSRbi6ugonJydRt25dcezYMc3t06dPFz4+PsLNzU1ERkaKkSNHGpz4XrhwQQAQ5cuXz9U2S6VSiSVLlojKlSsLW1tb4eXlJcLDw8WhQ4fyjDUrK0uUKVNG7N69WzP24MED0bFjR1GiRAnh7e0tpk6dKvr27fvCxFcIIS5fviw6d+4s3N3dhaOjo6hSpYp47733NLHu3btXVK1aVdjb24saNWqIgwcPFnjiK4QQy5YtE+XKlRN2dnaifv36mvZyOZ9Pv379NNezsrLEzJkzRYUKFYSDg4Pw9/cX7777bq7v+549ewQAERMTo/dxjx49Ktzd3cWTJ0/03i5H4qsQIp8z2M1USkoK3NzckJycjNhYV6ir7wMHAl9+KW9sBjl4EAgLkxazAdIcjeXLpa4N3IyCiCjf0tPTcf36dQQGBuZa8ETF1/Lly7Fz507s2bNH7lCKnYiICNSsWTPPbhDP+5nLma+5urqaLCaLXtxmlgvbmjQBQkOB48eBxo2BTZuAwEC5oyIiIjJLQ4cOxaNHj/D48eNivW1xYcvMzERISAgiIyPlDkWHRSe+OXv4mk0rM1tbYPNmYOtWYMIEwMaiv4VEREQvxcbGBlOmTJE7jGLHzs4OU6dOlTuMXCy6q0OR7+GblAT06gWcPKk7XrEiMGUKk14iIiIiI1h05lSkd207eFDqzXv7tpT4njoFPNM8m4iIiIgMx4rvf4pMxTczE5g4EWjdWpuZ378P/POPvHERERERmTmLrviqE19XV6k5guxiYoCePaXqrlqrVkBUVBEsSRMRERGZF4ut+AqhLajKXu0VAli1CqhdW5v02toC8+cD+/Yx6SUiIiIyAYut+D54AGRkSJdlTXwTEoBBg4CdO7VjlSsDW7YAderIFxcRERFRMWOxFd87d7SXZS2o3roF7NqlvT58uFT1ZdJLREREZFJMfCFzxbdOHeDjjwFPT6nq+8UX7N5ARERmRaFQ4IcffpA7jCJr5syZqFWrltxhECw48ZWtldmlS0BWlu7Y+PFS14YOHQoxECIiKi769+8PhUIBhUIBW1tbBAYG4oMPPkB6errcoRW4+Ph4jBkzBhUrVoSDgwN8fHzQpEkTrFixAk+ePJE7PADA+PHjsX//frnDIFjwHN+7d7WXC6Xiq1IBy5ZJu61NmADMmqW9zdoa8PYuhCCIiKi4ateuHdatW4esrCycPHkS/fr1g0KhwLx58+QOrcDExsaiSZMmcHd3x5w5cxASEgJ7e3ucO3cOq1evhp+fH9588025w0SJEiVQokQJucMgWHDFt1CnOsTFAe3bA++9J62o+/hj4PjxAn5QIiKyJPb29ihdujT8/f3RqVMnhIWFYe/evZrbHzx4gB49esDPzw9OTk4ICQnB119/rXOOli1bYvTo0fjggw9QsmRJlC5dGjNnztQ55sqVK2jevDkcHBxQrVo1ncdQO3fuHFq3bg1HR0eUKlUKQ4YMQWpqqub2/v37o1OnTpgzZw58fHzg7u6ODz/8ENnZ2Xj//fdRsmRJlC1bFuvWrXvuc3733XdhY2ODEydOoFu3bqhatSqCgoLQsWNH/PLLL+jw3yepN27cgEKhwJkzZzT3ffToERQKBQ4ePKgZO3/+PF577TWUKFECPj4+6NOnDxITEzW3b9++HSEhIZrnFRYWhrS0NADAwYMHUb9+fTg7O8Pd3R1NmjTBv//+CyD3VAf18//000/h6+uLUqVKYcSIEcjK8YlwXFwcXn/9dTg6OiIwMBBbtmxBQEAAlixZ8tzXhJ6PiS8KeKrDjz8CNWoAe/Zox0aPlsaIiMg8LFok/Wfxoi991cU33zTsvosWmSzc8+fP4+jRo7Czs9OMpaenIzQ0FL/88gvOnz+PIUOGoE+fPjj+TCFmw4YNcHZ2xrFjxzB//nx8+OGHmuRWpVLhrbfegp2dHY4dO4aVK1diwoQJOvdPS0tDeHg4PDw88Ndff+Hbb7/Fvn37MHLkSJ3jfvvtN9y9exe///47Fi1ahBkzZuCNN96Ah4cHjh07hmHDhmHo0KG4nXNuYg4PHjzAr7/+ihEjRsDZ2VnvMQqFwuDX7NGjR2jdujVq166NEydOYPfu3bh37x66desGQEpEe/TogXfeeQcXL17EwYMH8dZbb0EIgezsbHTq1AktWrTA33//jejoaAwZMuS5j3/gwAFcu3YNBw4cwIYNG7B+/XqsX79ec3vfvn1x9+5dHDx4EN999x1Wr16N+/fvG/x8KA/CwiQnJwsAIiAgWQBCuLsX0AOlpgoxdKgQUpde6at0aSH27CmgByQiopfx9OlTceHCBfH06dPcN86Yofv7PK+vhg1z37dhQ8PuO2NGvmPv16+fsLa2Fs7OzsLe3l4AEFZWVmL79u3Pvd/rr78uxo0bp7neokUL0bRpU51j6tWrJyZMmCCEEGLPnj3CxsZG3LlzR3P7//73PwFAfP/990IIIVavXi08PDxEamqq5phffvlFWFlZifj4eE285cuXF0qlUnNM5cqVRbNmzTTXs7OzhbOzs/j666/1xv7nn38KAGLHjh0646VKlRLOzs7C2dlZfPDBB0IIIa5fvy4AiNOnT2uOS0pKEgDEgQMHhBBCfPTRR6Jt27Y657p165YAIGJiYsTJkycFAHHjxo1csTx48EAAEAcPHtQb64wZM0TNmjU119XPPzs7WzPWtWtXERERIYQQ4uLFiwKA+OuvvzS3X7lyRQAQixcv1vsY5uh5P3PqfC05Odmkj2mxc3zVFd8CqfaePCntwHb5snasY0fgyy+l7g1ERGReXF0BP78XH+flpX/MkPu6uhofVw6tWrXCihUrkJaWhsWLF8PGxgZdunTR3K5UKjFnzhxs27YNd+7cQWZmJjIyMuD0TCehGs98Iunr66upNF68eBH+/v4oU6aM5vZGjRrpHH/x4kXUrFlTpwrbpEkTqFQqxMTEwMfHBwDwyiuvwMpK+8Gzj48PqlevrrlubW2NUqVKGV3lPH78OFQqFXr16oUMdcN+A5w9exYHDhzQOxf32rVraNu2Ldq0aYOQkBCEh4ejbdu2ePvtt+Hh4YGSJUuif//+CA8Px6uvvoqwsDB069YNvr6+eT7eK6+8Amtra811X19fnDt3DgAQExMDGxsb1MnR2rRixYrw8PAw+PmQfhab+Kqn0Zh8fu9vvwHh4UB2tnTdyQlYskTapMKIj1yIiKgIGTtW+sqPnBsUFSBnZ2dUrFgRALB27VrUrFkTX331FQYOHAgAWLBgAZYuXYolS5YgJCQEzs7OeO+995CZmalzHltbW53rCoUCKpXK5PHqexxjHrtixYpQKBSIiYnRGQ8KCgIAODo6asbUCbYQQjOW9UyHpdTUVHTo0EHvYkBfX19YW1tj7969OHr0KH799VcsW7YMU6ZMwbFjxxAYGIh169Zh9OjR2L17N7Zu3YqpU6di7969aNiwocHPvyBeZ9JlsXN81Uye+DZpAlSrJl0ODQVOnwYGD2bSS0REhcbKygqTJ0/G1KlT8fTpUwDAkSNH0LFjR/Tu3Rs1a9ZEUFAQLuf8ZNIAVatWxa1btxAXF6cZ+/PPP3Mdc/bsWc2iL/VjW1lZoXLlyi/xrHSVKlUKr776Kj7//HOdx9LH679KfM64cy50A4A6dergn3/+QUBAACpWrKjzpa5eKxQKNGnSBLNmzcLp06dhZ2eH77//XnOO2rVrY9KkSTh69CiqV6+OLVu25Ou5Va5cGdnZ2Th9+rRm7OrVq0hKSsrX+UjL4hNfk091sLeXthueMgU4ehQIDjbxAxAREb1Y165dYW1tjeXLlwMAKlWqpKlYXrx4EUOHDsW9e/eMOmdYWBiCg4PRr18/nD17Fn/88QemTJmic0yvXr3g4OCAfv364fz58zhw4ABGjRqFPn36aKY5mMoXX3yB7Oxs1K1bF1u3bsXFixcRExODTZs24dKlS5qpBI6OjmjYsCE++eQTXLx4EYcOHcLUqVN1zjVixAg8fPgQPXr0wF9//YVr165hz549GDBgAJRKJY4dO4Y5c+bgxIkTuHnzJnbs2IGEhARUrVoV169fx6RJkxAdHY1///0Xv/76K65cuYKqVavm63lVqVIFYWFhGDJkCI4fP47Tp09jyJAhcHR0NGrBHuVm8YnvS1V8U1Kkau4//+iOv/KK1LIsx2paIiKiwmRjY4ORI0di/vz5SEtLw9SpU1GnTh2Eh4ejZcuWKF26NDp16mTUOa2srPD999/j6dOnqF+/PgYNGoTZs2frHOPk5IQ9e/bg4cOHqFevHt5++220adMGn3/+uQmfnaRChQo4ffo0wsLCMGnSJNSsWRN169bFsmXLMH78eHz00UeaY9euXYvs7GyEhobivffew8cff6xzrjJlyuDIkSNQKpVo27YtQkJC8N5778Hd3R1WVlZwdXXF77//jvbt2yM4OBhTp07FwoUL8dprr8HJyQmXLl1Cly5dEBwcjCFDhmDEiBEYOnRovp9bVFQUfHx80Lx5c3Tu3BmDBw+Gi4sLHBwc8n1OAhQi54QXC5CSkgI3NzcAyQBcsXcvEBaWjxNFRwO9ewOxsVJrsuPHpWovERGZpfT0dFy/fh2BgYFMLqjIuX37Nvz9/bFv3z60adNG7nBM4nk/c+p8LTk5Ga4vufAzJ4td3KZmdMU3OxuYPRv46CNAqZTGrl8H/v4bqFfP5PERERGR5fntt9+QmpqKkJAQxMXF4YMPPkBAQACaN28ud2hmzeITX6Pm+MbGSlXe6GjtWOPGwKZNQGCgyWMjIiIiy5SVlYXJkycjNjYWLi4uaNy4MTZv3pyrGwQZx6ITXw8PII/NXnQJAWzcCIwcCTx+LI1ZWwPTpwOTJwM2Fv0yEhERkYmFh4cjPDxc7jCKHYvO2Aya5pCUBAwfDmzdqh0LCgI2bwby6M1HREREREWPRXd1MGiaw8WLwLffaq/37w+cOcOkl4iomLKwNd9EspHjZ82iE1+DKr6NG0s9ed3dgW3bgHXrABeXgg6NiIgKmXru5JMnT2SOhMgyqHcNzLl1c0HjVIdnXb8OlCsnzeFVmzYNGDrUsL3WiYjILFlbW8Pd3R33798HIPWj5WYBRAVDpVIhISEBTk5OsCnEtVIWnfjqTHUQAli9GoiMBGbMACZM0N5ma8ukl4jIApQuXRoANMkvERUcKysrlCtXrlD/wLToxFdT8U1IAAYNAnbulK5PnQq0bQvUri1bbEREVPgUCgV8fX3h7e2NrKwsucMhKtbs7OxgZVW4s24tOvEtWxbAnj3SgrX4eO0NgwYBlSvLFRYREcnM2tq6UOcdElHhKBKL25YvX46AgAA4ODigQYMGOH78+HOP//bbb1GlShU4ODggJCQEu3btMvox7ZCOwKXvAe3aaZNeT0+p6rtiBeDklI9nQkRERERFleyJ79atWzF27FjMmDEDp06dQs2aNREeHp7n/KqjR4+iR48eGDhwIE6fPo1OnTqhU6dOOH/+vFGP+4dVS9h+sVQ70K4dcO4c0KHDyzwdIiIiIiqiFELmhoUNGjRAvXr18PnnnwOQVvn5+/tj1KhRmDhxYq7jIyIikJaWhp9//lkz1rBhQ9SqVQsrV6584eOlpKTAzc0NyQBcAcDeHliwQNqVjat3iYiIiGSnydeSk+Hq6mqy88o6xzczMxMnT57EpEmTNGNWVlYICwtDdHS03vtER0dj7NixOmPh4eH44Ycf9B6fkZGBjIwMzfXk5GQAQAoAVKsGfPWV9K96K2IiIiIiklVKSgoA029yIWvim5iYCKVSCR8fH51xHx8fXLp0Se994uPj9R4fn3NxWg5z587FrFmzco37A8CFC0CjRvmKnYiIiIgK1oMHD+Dm5may8xX7rg6TJk3SqRA/evQI5cuXx82bN036QlLRlJKSAn9/f9y6dcukH5VQ0cTvt2Xh99uy8PttWZKTk1GuXDmULFnSpOeVNfH19PSEtbU17t27pzN+7949TRPxZ5UuXdqo4+3t7WFvb59r3M3NjT84FsTV1ZXfbwvC77dl4ffbsvD7bVlM3edX1q4OdnZ2CA0Nxf79+zVjKpUK+/fvR6M8piA0atRI53gA2Lt3b57HExEREREBRWCqw9ixY9GvXz/UrVsX9evXx5IlS5CWloYBAwYAAPr27Qs/Pz/MnTsXADBmzBi0aNECCxcuxOuvv45vvvkGJ06cwOrVq+V8GkRERERUxMme+EZERCAhIQHTp09HfHw8atWqhd27d2sWsN28eVOnzN24cWNs2bIFU6dOxeTJk1GpUiX88MMPqF69ukGPZ29vjxkzZuid/kDFD7/floXfb8vC77dl4ffbshTU91v2Pr5ERERERIVB9p3biIiIiIgKAxNfIiIiIrIITHyJiIiIyCIw8SUiIiIii1AsE9/ly5cjICAADg4OaNCgAY4fP/7c47/99ltUqVIFDg4OCAkJwa5duwopUjIFY77fa9asQbNmzeDh4QEPDw+EhYW98P1BRYuxP99q33zzDRQKBTp16lSwAZJJGfv9fvToEUaMGAFfX1/Y29sjODiYv9PNiLHf7yVLlqBy5cpwdHSEv78/IiMjkZ6eXkjR0sv4/fff0aFDB5QpUwYKhQI//PDDC+9z8OBB1KlTB/b29qhYsSLWr19v/AOLYuabb74RdnZ2Yu3ateKff/4RgwcPFu7u7uLevXt6jz9y5IiwtrYW8+fPFxcuXBBTp04Vtra24ty5c4UcOeWHsd/vnj17iuXLl4vTp0+Lixcviv79+ws3Nzdx+/btQo6c8sPY77fa9evXhZ+fn2jWrJno2LFj4QRLL83Y73dGRoaoW7euaN++vTh8+LC4fv26OHjwoDhz5kwhR075Yez3e/PmzcLe3l5s3rxZXL9+XezZs0f4+vqKyMjIQo6c8mPXrl1iypQpYseOHQKA+P777597fGxsrHBychJjx44VFy5cEMuWLRPW1tZi9+7dRj1usUt869evL0aMGKG5rlQqRZkyZcTcuXP1Ht+tWzfx+uuv64w1aNBADB06tEDjJNMw9vv9rOzsbOHi4iI2bNhQUCGSCeXn+52dnS0aN24svvzyS9GvXz8mvmbE2O/3ihUrRFBQkMjMzCysEMmEjP1+jxgxQrRu3VpnbOzYsaJJkyYFGieZniGJ7wcffCBeeeUVnbGIiAgRHh5u1GMVq6kOmZmZOHnyJMLCwjRjVlZWCAsLQ3R0tN77REdH6xwPAOHh4XkeT0VHfr7fz3ry5AmysrJQsmTJggqTTCS/3+8PP/wQ3t7eGDhwYGGESSaSn+/3zp070ahRI4wYMQI+Pj6oXr065syZA6VSWVhhUz7l5/vduHFjnDx5UjMdIjY2Frt27UL79u0LJWYqXKbK12Tfuc2UEhMToVQqNbu+qfn4+ODSpUt67xMfH6/3+Pj4+AKLk0wjP9/vZ02YMAFlypTJ9cNERU9+vt+HDx/GV199hTNnzhRChGRK+fl+x8bG4rfffkOvXr2wa9cuXL16Fe+++y6ysrIwY8aMwgib8un/7d1pTFRXGwfwPwMOM+KgoUqGKbihUGO1yKLFJVZrK6QqFRVaCaKiWClitNoSN6C+KFrEiNGqNYK1RFCj1UgFxUoLY9q6sDSCgyiojWijNiwKZZnzfjDcdGSpgwqW+f+S++Gee865z5mTic8czr22Z75nz56N+/fvY+zYsRBCoKGhAZ988glWrVrVESFTB2stX6usrERNTQ2USuUz9dOlVnyJjBEbG4uUlBQcO3YMCoWis8OhF6yqqgqBgYH45ptv0Lt3784OhzqAXq+Hra0t9uzZAzc3N/j7+2P16tXYtWtXZ4dGL0FWVhY2bNiAnTt34vLlyzh69CjS0tKwfv36zg6NXmFdasW3d+/eMDc3x7179wzK7927B7Va3WIbtVptVH16dbRnvpvExcUhNjYWmZmZGD58+MsMk14QY+f7+vXrKCsrw9SpU6UyvV4PALCwsIBOp4Ojo+PLDZrarT3fbzs7O3Tr1g3m5uZS2ZAhQ3D37l3U1dVBLpe/1Jip/doz32vXrkVgYCAWLFgAABg2bBgePXqEkJAQrF69GjIZ1/a6ktbyNWtr62de7QW62IqvXC6Hm5sbzp49K5Xp9XqcPXsWnp6eLbbx9PQ0qA8AZ86cabU+vTraM98AsHnzZqxfvx7p6elwd3fviFDpBTB2vt944w38/vvvyMvLk45p06ZhwoQJyMvLg4ODQ0eGT0Zqz/d7zJgxKCkpkX7gAEBxcTHs7OyY9L7i2jPfjx8/bpbcNv3oefK8FHUlLyxfM+65u1dfSkqKsLS0FElJSaKwsFCEhISIXr16ibt37wohhAgMDBQRERFSfa1WKywsLERcXJwoKioSkZGRfJ3Zf4ix8x0bGyvkcrk4cuSIKC8vl46qqqrOGgIZwdj5fhrf6vDfYux837p1S6hUKhEWFiZ0Op04efKksLW1Ff/73/86awhkBGPnOzIyUqhUKnHw4EFx48YNcfr0aeHo6Cj8/Pw6awhkhKqqKpGbmytyc3MFABEfHy9yc3PFzZs3hRBCREREiMDAQKl+0+vMVq5cKYqKisSOHTv4OrMm27dvF3379hVyuVyMHDlS/PLLL9K18ePHi6CgIIP6hw4dEk5OTkIul4uhQ4eKtLS0Do6Ynocx892vXz8BoNkRGRnZ8YFTuxj7/f4nJr7/PcbO9/nz58WoUaOEpaWlGDhwoIiJiRENDQ0dHDW1lzHzXV9fL6KiooSjo6NQKBTCwcFBhIaGir/++qvjAyejnTt3rsV/j5vmOCgoSIwfP75ZGxcXFyGXy8XAgQNFYmKi0fc1E4J/DyAiIiKirq9L7fElIiIiImoNE18iIiIiMglMfImIiIjIJDDxJSIiIiKTwMSXiIiIiEwCE18iIiIiMglMfImIiIjIJDDxJSIiIiKTwMSXiAhAUlISevXq1dlhtJuZmRm+//77NuvMnTsXH374YYfEQ0T0KmLiS0Rdxty5c2FmZtbsKCkp6ezQkJSUJMUjk8lgb2+PefPm4c8//3wh/ZeXl8Pb2xsAUFZWBjMzM+Tl5RnU2bZtG5KSkl7I/VoTFRUljdPc3BwODg4ICQnBw4cPjeqHSToRvQwWnR0AEdGL5OXlhcTERIOyPn36dFI0hqytraHT6aDX65Gfn4958+bhzp07yMjIeO6+1Wr1v9bp2bPnc9/nWQwdOhSZmZlobGxEUVER5s+fj4qKCqSmpnbI/YmIWsMVXyLqUiwtLaFWqw0Oc3NzxMfHY9iwYbCysoKDgwNCQ0NRXV3daj/5+fmYMGECVCoVrK2t4ebmhosXL0rXc3JyMG7cOCiVSjg4OCA8PByPHj1qMzYzMzOo1WpoNBp4e3sjPDwcmZmZqKmpgV6vx5dffgl7e3tYWlrCxcUF6enpUtu6ujqEhYXBzs4OCoUC/fr1w8aNGw36btrqMGDAAADAiBEjYGZmhnfeeQeA4Srqnj17oNFooNfrDWL08fHB/PnzpfPjx4/D1dUVCoUCAwcORHR0NBoaGtocp4WFBdRqNV5//XVMmjQJs2bNwpkzZ6TrjY2NCA4OxoABA6BUKuHs7Ixt27ZJ16OiorB//34cP35cWj3OysoCANy+fRt+fn7o1asXbGxs4OPjg7KysjbjISJqwsSXiEyCTCZDQkICrly5gv379+PHH3/E559/3mr9gIAA2Nvb48KFC7h06RIiIiLQrVs3AMD169fh5eWFGTNmoKCgAKmpqcjJyUFYWJhRMSmVSuj1ejQ0NGDbtm3YsmUL4uLiUFBQgMmTJ2PatGm4du0aACAhIQEnTpzAoUOHoNPpkJycjP79+7fY72+//QYAyMzMRHl5OY4ePdqszqxZs/DgwQOcO3dOKnv48CHS09MREBAAAMjOzsacOXOwdOlSFBYWYvfu3UhKSkJMTMwzj7GsrAwZGRmQy+VSmV6vh729PQ4fPozCwkKsW7cOq1atwqFDhwAAK1asgJ+fH7y8vFBeXo7y8nKMHj0a9fX1mDx5MlQqFbKzs6HVatGjRw94eXmhrq7umWMiIhMmiIi6iKCgIGFubi6srKykY+bMmS3WPXz4sHjttdek88TERNGzZ0/pXKVSiaSkpBbbBgcHi5CQEIOy7OxsIZPJRE1NTYttnu6/uLhYODk5CXd3dyGEEBqNRsTExBi08fDwEKGhoUIIIZYsWSImTpwo9Hp9i/0DEMeOHRNCCFFaWioAiNzcXIM6QUFBwsfHRzr38fER8+fPl853794tNBqNaGxsFEII8e6774oNGzYY9HHgwAFhZ2fXYgxCCBEZGSlkMpmwsrISCoVCABAARHx8fKtthBDi008/FTNmzGg11qZ7Ozs7G3wGf//9t1AqlSIjI6PN/omIhBCCe3yJqEuZMGECvv76a+ncysoKwJPVz40bN+Lq1auorKxEQ0MDamtr8fjxY3Tv3r1ZP8uXL8eCBQtw4MAB6c/1jo6OAJ5sgygoKEBycrJUXwgBvV6P0tJSDBkypMXYKioq0KNHD+j1etTW1mLs2LHYu3cvKisrcefOHYwZM8ag/pgxY5Cfnw/gyTaF9957D87OzvDy8sKUKVPw/vvvP9dnFRAQgIULF2Lnzp2wtLREcnIyPvroI8hkMmmcWq3WYIW3sbGxzc8NAJydnXHixAnU1tbiu+++Q15eHpYsWWJQZ8eOHdi3bx9u3bqFmpoa1NXVwcXFpc148/PzUVJSApVKZVBeW1uL69evt+MTICJTw8SXiLoUKysrDBo0yKCsrKwMU6ZMweLFixETEwMbGxvk5OQgODgYdXV1LSZwUVFRmD17NtLS0nDq1ClERkYiJSUF06dPR3V1NRYtWoTw8PBm7fr27dtqbCqVCpcvX4ZMJoOdnR2USiUAoLKy8l/H5erqitLSUpw6dQqZmZnw8/PDpEmTcOTIkX9t25qpU6dCCIG0tDR4eHggOzsbW7dula5XV1cjOjoavr6+zdoqFIpW+5XL5dIcxMbG4oMPPkB0dDTWr18PAEhJScGKFSuwZcsWeHp6QqVS4auvvsKvv/7aZrzV1dVwc3Mz+MHR5FV5gJGIXm1MfImoy7t06RL0ej22bNkirWY27Sdti5OTE5ycnLBs2TJ8/PHHSExMxPTp0+Hq6orCwsJmCfa/kclkLbaxtraGRqOBVqvF+PHjpXKtVouRI0ca1PP394e/vz9mzpwJLy8vPHz4EDY2Ngb9Ne2nbWxsbDMehUIBX19fJCcno6SkBM7OznB1dZWuu7q6QqfTGT3Op61ZswYTJ07E4sWLpXGOHj0aoaGhUp2nV2zlcnmz+F1dXZGamgpbW1tYW1s/V0xEZJr4cBsRdXmDBg1CfX09tm/fjhs3buDAgQPYtWtXq/VramoQFhaGrKws3Lx5E1qtFhcuXJC2MHzxxRc4f/48wsLCkJeXh2vXruH48eNGP9z2TytXrsSmTZuQmpoKnU6HiIgI5OXlYenSpQCA+Ph4HDx4EFevXkVxcTEOHz4MtVrd4n+6YWtrC6VSifT0dNy7dw8VFRWt3jcgIABpaWnYt2+f9FBbk3Xr1uHbb79FdHQ0rly5gqKiIqSkpGDNmjVGjc3T0xPDhw/Hhg0bAACDBw/GxYsXkZGRgeLiYqxduxYXLlwwaNO/f38UFBRAp9Ph/v37qK+vR0BAAHr37g0fHx9kZ2ejtLQUWVlZCA8Pxx9//GFUTERkmpj4ElGX99ZbbyE+Ph6bNm3Cm2++ieTkZINXgT3N3NwcDx48wJw5c+Dk5AQ/Pz94e3sjOjoaADB8+HD89NNPKC4uxrhx4zBixAisW7cOGo2m3TGGh4dj+fLl+OyzzzBs2DCkp6fjxIkTGDx4MIAn2yQ2b94Md3d3eHh4oKysDD/88IO0gv1PFhYWSEhIwO7du6HRaODj49PqfSdOnAgbGxvodDrMnj3b4NrkyZNx8uRJnD59Gh4eHnj77bexdetW9OvXz+jxLVu2DHv37sXt27exaNEi+Pr6wt/fH6NGjcKDBw8MVn8BYOHChXB2doa7uzv69OkDrVaL7t274+eff0bfvn3h6+uLIUOGIDg4GLW1tVwBJqJnYiaEEJ0dBBERERHRy8YVXyIiIiIyCUx8iYiIiMgkMPElIiIiIpPAxJeIiIiITAITXyIiIiIyCUx8iYiIiMgkMPElIiIiIpPAxJeIiIiITAITXyIiIiIyCUx8iYiIiMgkMPElIiIiIpPwf4B9tVWBxT9KAAAAAElFTkSuQmCC", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "plot_roc_curve(y_test, y_pred)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### CatBoost Classifier" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "#### Normalized data" + ] + }, + { + "cell_type": "code", + "execution_count": 45, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Time taken for GridSearchCV: 212.31 seconds\n", + "Best Hyperparameters:\n", + "{'depth': 3, 'iterations': 200, 'learning_rate': 0.1}\n", + "\n", + "Time taken for training with best hyperparameters: 7.57 seconds\n", + "\n", + "Mean Accuracy: 0.8925570539419088\n", + "Standard Deviation of Accuracy: 0.01736280999628729\n", + "Mean Precision: 0.8581554633489977\n", + "Standard Deviation of Precision: 0.0462767969531329\n", + "Mean Recall: 0.8261533940640611\n", + "Standard Deviation of Recall: 0.03781186410566183\n", + "Mean F1-score: 0.8404969985160087\n", + "Standard Deviation of F1-score: 0.02465285113204594\n", + "Mean ROC AUC: 0.8766661511963456\n", + "Standard Deviation of ROC AUC: 0.01835801213701771\n", + "\n", + "Total time taken: 219.89 seconds\n" + ] + } + ], + "source": [ + "from catboost import CatBoostClassifier\n", + "from sklearn.model_selection import StratifiedKFold, GridSearchCV\n", + "from sklearn.metrics import accuracy_score, precision_score, recall_score, f1_score, roc_auc_score, confusion_matrix\n", + "import numpy as np\n", + "import time\n", + "\n", + "start_total_time = time.time()\n", + "\n", + "kf = StratifiedKFold(n_splits=10, shuffle=True, random_state=42)\n", + "\n", + "model = CatBoostClassifier(random_state=42, silent=True)\n", + "\n", + "param_grid = {\n", + " 'iterations': [100, 200, 300],\n", + " 'learning_rate': [0.01, 0.1, 0.2],\n", + " 'depth': [3, 4, 5]\n", + "}\n", + "\n", + "grid_search = GridSearchCV(estimator=model, param_grid=param_grid, cv=kf, scoring='accuracy')\n", + "\n", + "start_time = time.time()\n", + "\n", + "grid_search.fit(standard(x), y)\n", + "\n", + "grid_search_time = time.time() - start_time\n", + "print(f\"Time taken for GridSearchCV: {grid_search_time:.2f} seconds\")\n", + "\n", + "best_params = grid_search.best_params_\n", + "\n", + "print(\"Best Hyperparameters:\")\n", + "print(best_params)\n", + "print()\n", + "\n", + "best_model = grid_search.best_estimator_\n", + "\n", + "start_time = time.time()\n", + "\n", + "accuracy_scores = []\n", + "precision_scores = []\n", + "recall_scores = []\n", + "f1_scores = []\n", + "roc_auc_scores = []\n", + "confusion_matrices = []\n", + "\n", + "for train_index, test_index in kf.split(normal(x), y):\n", + " X_train, X_test = x.iloc[train_index], x.iloc[test_index]\n", + " y_train, y_test = y.iloc[train_index], y.iloc[test_index]\n", + "\n", + " best_model.fit(X_train, y_train)\n", + "\n", + " y_pred = best_model.predict(X_test)\n", + "\n", + " accuracy = accuracy_score(y_test, y_pred)\n", + " accuracy_scores.append(accuracy)\n", + " \n", + " precision = precision_score(y_test, y_pred)\n", + " precision_scores.append(precision)\n", + " \n", + " recall = recall_score(y_test, y_pred)\n", + " recall_scores.append(recall)\n", + " \n", + " f1 = f1_score(y_test, y_pred)\n", + " f1_scores.append(f1)\n", + " \n", + " roc_auc = roc_auc_score(y_test, y_pred)\n", + " roc_auc_scores.append(roc_auc)\n", + " \n", + " confusion = confusion_matrix(y_test, y_pred)\n", + " confusion_matrices.append(confusion)\n", + "\n", + "training_time = time.time() - start_time\n", + "print(f\"Time taken for training with best hyperparameters: {training_time:.2f} seconds\")\n", + "print()\n", + "\n", + "mean_accuracy = np.mean(accuracy_scores)\n", + "std_accuracy = np.std(accuracy_scores)\n", + "\n", + "mean_precision = np.mean(precision_scores)\n", + "std_precision = np.std(precision_scores)\n", + "\n", + "mean_recall = np.mean(recall_scores)\n", + "std_recall = np.std(recall_scores)\n", + "\n", + "mean_f1 = np.mean(f1_scores)\n", + "std_f1 = np.std(f1_scores)\n", + "\n", + "mean_roc_auc = np.mean(roc_auc_scores)\n", + "std_roc_auc = np.std(roc_auc_scores)\n", + "\n", + "print(f\"Mean Accuracy: {mean_accuracy}\")\n", + "print(f\"Standard Deviation of Accuracy: {std_accuracy}\")\n", + "\n", + "print(f\"Mean Precision: {mean_precision}\")\n", + "print(f\"Standard Deviation of Precision: {std_precision}\")\n", + "\n", + "print(f\"Mean Recall: {mean_recall}\")\n", + "print(f\"Standard Deviation of Recall: {std_recall}\")\n", + "\n", + "print(f\"Mean F1-score: {mean_f1}\")\n", + "print(f\"Standard Deviation of F1-score: {std_f1}\")\n", + "\n", + "print(f\"Mean ROC AUC: {mean_roc_auc}\")\n", + "print(f\"Standard Deviation of ROC AUC: {std_roc_auc}\")\n", + "print()\n", + "\n", + "total_time = time.time() - start_total_time\n", + "print(f\"Total time taken: {total_time:.2f} seconds\")" + ] + }, + { + "cell_type": "code", + "execution_count": 46, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "x_train: (1800, 13)\n", + "y_train: (1800,)\n", + "x_test: (601, 13)\n", + "y_test: (601,)\n" + ] + } + ], + "source": [ + "from sklearn.model_selection import train_test_split\n", + "\n", + "x_train, x_test, y_train, y_test = train_test_split(x,y,test_size=0.25,random_state=42)\n", + "\n", + "print(\"x_train:\",x_train.shape)\n", + "print(\"y_train:\",y_train.shape)\n", + "print(\"x_test:\",x_test.shape)\n", + "print(\"y_test:\",y_test.shape)" + ] + }, + { + "cell_type": "code", + "execution_count": 47, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Accuracy: 0.8968386023294509\n", + "Precision: 0.8585858585858586\n", + "Recall: 0.8333333333333334\n", + "F1 Score: 0.8457711442786069\n", + "ROC AUC Score: 0.8814021830394627\n", + "Confusion Matrix:\n", + "[[369 28]\n", + " [ 34 170]]\n" + ] + } + ], + "source": [ + "model = grid_search.best_estimator_\n", + "\n", + "model.fit(x_train, y_train)\n", + "\n", + "y_pred = model.predict(x_test)\n", + "\n", + "y_pred = (y_pred >= 0.5).astype(int)\n", + "\n", + "print(\"Accuracy:\", accuracy_score(y_test, y_pred))\n", + "print(\"Precision:\", precision_score(y_test, y_pred))\n", + "print(\"Recall:\", recall_score(y_test, y_pred))\n", + "print(\"F1 Score:\", f1_score(y_test, y_pred))\n", + "print(\"ROC AUC Score:\", roc_auc_score(y_test, y_pred))\n", + "print(\"Confusion Matrix:\")\n", + "print(confusion_matrix(y_test, y_pred))" + ] + }, + { + "cell_type": "code", + "execution_count": 48, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAokAAAIjCAYAAABvUIGpAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8pXeV/AAAACXBIWXMAAA9hAAAPYQGoP6dpAABIEUlEQVR4nO3dfXzN9f/H8efZ2LHNLgzbLMz1xXKZpCVD5CKJ6CtRja/40qgMaRW5qNZPiRC6RKJ0RV9KGkJlFXKVkI2i2IgYw8z2+f3h5/w63mSHHWecx73b53ZzPp/3+Xxe53y/ur16vj+f97FZlmUJAAAA+BsfTxcAAACAoocmEQAAAAaaRAAAABhoEgEAAGCgSQQAAICBJhEAAAAGmkQAAAAYaBIBAABgoEkEAACAgSYRwD/asWOH2rRpo5CQENlsNi1YsKBQz//rr7/KZrNp5syZhXreq1mLFi3UokULT5cBwMvRJAJXgfT0dP3nP/9RlSpVVKJECQUHB6tp06Z65ZVXdOLECbdeOz4+Xps3b9Zzzz2n2bNn68Ybb3Tr9a6kXr16yWazKTg4+Lzf444dO2Sz2WSz2fTSSy+5fP69e/dq1KhR2rBhQyFUCwBXVjFPFwDgn3322Wf617/+JbvdrgcffFB16tTRqVOn9M0332jYsGHasmWLXn/9dbdc+8SJE0pNTdVTTz2lgQMHuuUa0dHROnHihIoXL+6W819MsWLFdPz4cS1cuFDdunVzOjZnzhyVKFFCJ0+evKRz7927V6NHj1alSpXUoEGDAr/vyy+/vKTrAUBhokkEirBdu3ape/fuio6O1vLly1WuXDnHsYSEBKWlpemzzz5z2/UPHDggSQoNDXXbNWw2m0qUKOG281+M3W5X06ZN9d577xlN4ty5c9WhQwd9/PHHV6SW48ePKyAgQH5+flfkegDwT5huBoqwcePG6dixY3rrrbecGsSzqlWrpkcffdTx+vTp0xo7dqyqVq0qu92uSpUq6cknn1ROTo7T+ypVqqQ777xT33zzjW666SaVKFFCVapU0TvvvOMYM2rUKEVHR0uShg0bJpvNpkqVKkk6M0179s9/N2rUKNlsNqd9KSkpuvXWWxUaGqqSJUuqZs2aevLJJx3HL3RP4vLly9WsWTMFBgYqNDRUnTp10tatW897vbS0NPXq1UuhoaEKCQlR7969dfz48Qt/sefo0aOHFi9erMOHDzv2rVmzRjt27FCPHj2M8YcOHdLQoUNVt25dlSxZUsHBwWrfvr02btzoGLNixQo1btxYktS7d2/HtPXZz9miRQvVqVNH69atU1xcnAICAhzfy7n3JMbHx6tEiRLG52/btq1KlSqlvXv3FvizAkBB0SQCRdjChQtVpUoV3XLLLQUa/9BDD2nkyJG64YYbNGHCBDVv3lzJycnq3r27MTYtLU333HOPbr/9do0fP16lSpVSr169tGXLFklSly5dNGHCBEnSfffdp9mzZ2vixIku1b9lyxbdeeedysnJ0ZgxYzR+/Hjddddd+vbbb//xfUuXLlXbtm21f/9+jRo1SomJiVq9erWaNm2qX3/91RjfrVs3HT16VMnJyerWrZtmzpyp0aNHF7jOLl26yGaz6ZNPPnHsmzt3rmrVqqUbbrjBGL9z504tWLBAd955p15++WUNGzZMmzdvVvPmzR0NW+3atTVmzBhJUr9+/TR79mzNnj1bcXFxjvMcPHhQ7du3V4MGDTRx4kS1bNnyvPW98sorKlu2rOLj45WXlydJeu211/Tll19q8uTJioqKKvBnBYACswAUSUeOHLEkWZ06dSrQ+A0bNliSrIceeshp/9ChQy1J1vLlyx37oqOjLUnWqlWrHPv2799v2e12a8iQIY59u3btsiRZL774otM54+PjrejoaKOGZ555xvr7v1YmTJhgSbIOHDhwwbrPXmPGjBmOfQ0aNLDCw8OtgwcPOvZt3LjR8vHxsR588EHjev/+97+dznn33XdbpUuXvuA1//45AgMDLcuyrHvuucdq1aqVZVmWlZeXZ0VGRlqjR48+73dw8uRJKy8vz/gcdrvdGjNmjGPfmjVrjM92VvPmzS1J1vTp0897rHnz5k77lixZYkmynn32WWvnzp1WyZIlrc6dO1/0MwLApSJJBIqorKwsSVJQUFCBxn/++eeSpMTERKf9Q4YMkSTj3sWYmBg1a9bM8bps2bKqWbOmdu7ceck1n+vsvYyffvqp8vPzC/Seffv2acOGDerVq5fCwsIc++vVq6fbb7/d8Tn/rn///k6vmzVrpoMHDzq+w4Lo0aOHVqxYoYyMDC1fvlwZGRnnnWqWztzH6ONz5l+feXl5OnjwoGMq/ccffyzwNe12u3r37l2gsW3atNF//vMfjRkzRl26dFGJEiX02muvFfhaAOAqmkSgiAoODpYkHT16tEDjf/vtN/n4+KhatWpO+yMjIxUaGqrffvvNaX/FihWNc5QqVUp//fXXJVZsuvfee9W0aVM99NBDioiIUPfu3fXBBx/8Y8N4ts6aNWsax2rXrq0///xT2dnZTvvP/SylSpWSJJc+yx133KGgoCDNmzdPc+bMUePGjY3v8qz8/HxNmDBB1atXl91uV5kyZVS2bFlt2rRJR44cKfA1r7vuOpceUnnppZcUFhamDRs2aNKkSQoPDy/wewHAVTSJQBEVHBysqKgo/fTTTy6979wHRy7E19f3vPsty7rka5y9X+4sf39/rVq1SkuXLtUDDzygTZs26d5779Xtt99ujL0cl/NZzrLb7erSpYtmzZql+fPnXzBFlKTnn39eiYmJiouL07vvvqslS5YoJSVF119/fYETU+nM9+OK9evXa//+/ZKkzZs3u/ReAHAVTSJQhN15551KT09XamrqRcdGR0crPz9fO3bscNqfmZmpw4cPO55ULgylSpVyehL4rHPTSkny8fFRq1at9PLLL+vnn3/Wc889p+XLl+urr74677nP1rl9+3bj2LZt21SmTBkFBgZe3ge4gB49emj9+vU6evToeR/2Oeujjz5Sy5Yt9dZbb6l79+5q06aNWrdubXwnBW3YCyI7O1u9e/dWTEyM+vXrp3HjxmnNmjWFdn4AOBdNIlCEPf744woMDNRDDz2kzMxM43h6erpeeeUVSWemSyUZTyC//PLLkqQOHToUWl1Vq1bVkSNHtGnTJse+ffv2af78+U7jDh06ZLz37KLS5y7Lc1a5cuXUoEEDzZo1y6np+umnn/Tll186Pqc7tGzZUmPHjtWUKVMUGRl5wXG+vr5GSvnhhx/qjz/+cNp3tpk9X0PtquHDh2v37t2aNWuWXn75ZVWqVEnx8fEX/B4B4HKxmDZQhFWtWlVz587Vvffeq9q1azv94srq1av14YcfqlevXpKk+vXrKz4+Xq+//roOHz6s5s2b64cfftCsWbPUuXPnCy6vcim6d++u4cOH6+6779Yjjzyi48ePa9q0aapRo4bTgxtjxozRqlWr1KFDB0VHR2v//v2aOnWqypcvr1tvvfWC53/xxRfVvn17xcbGqk+fPjpx4oQmT56skJAQjRo1qtA+x7l8fHz09NNPX3TcnXfeqTFjxqh379665ZZbtHnzZs2ZM0dVqlRxGle1alWFhoZq+vTpCgoKUmBgoJo0aaLKlSu7VNfy5cs1depUPfPMM44leWbMmKEWLVpoxIgRGjdunEvnA4AC8fDT1QAK4JdffrH69u1rVapUyfLz87OCgoKspk2bWpMnT7ZOnjzpGJebm2uNHj3aqly5slW8eHGrQoUKVlJSktMYyzqzBE6HDh2M65y79MqFlsCxLMv68ssvrTp16lh+fn5WzZo1rXfffddYAmfZsmVWp06drKioKMvPz8+Kioqy7rvvPuuXX34xrnHuMjFLly61mjZtavn7+1vBwcFWx44drZ9//tlpzNnrnbvEzowZMyxJ1q5duy74nVqW8xI4F3KhJXCGDBlilStXzvL397eaNm1qpaamnnfpmk8//dSKiYmxihUr5vQ5mzdvbl1//fXnvebfz5OVlWVFR0dbN9xwg5Wbm+s0bvDgwZaPj4+Vmpr6j58BAC6FzbJcuLMbAAAAXoF7EgEAAGCgSQQAAICBJhEAAAAGmkQAAAAYaBIBAABgoEkEAACAgSYRAAAAhmvyF1f8Gw70dAkA3OSvNVM8XQIANynhwa7Enb3DifVX57+3SBIBAABguCaTRAAAAJfYyM3ORZMIAABgs3m6giKHthkAAAAGkkQAAACmmw18IwAAADCQJAIAAHBPooEkEQAAAAaSRAAAAO5JNPCNAAAAwECSCAAAwD2JBppEAAAAppsNfCMAAAAwkCQCAAAw3WwgSQQAAICBJBEAAIB7Eg18IwAAADCQJAIAAHBPooEkEQAAAAaSRAAAAO5JNNAkAgAAMN1soG0GAAAoIqZNm6Z69eopODhYwcHBio2N1eLFix3HW7RoIZvN5rT179/f6Ry7d+9Whw4dFBAQoPDwcA0bNkynT592uRaSRAAAgCIy3Vy+fHm98MILql69uizL0qxZs9SpUyetX79e119/vSSpb9++GjNmjOM9AQEBjj/n5eWpQ4cOioyM1OrVq7Vv3z49+OCDKl68uJ5//nmXaqFJBAAAcKOcnBzl5OQ47bPb7bLb7cbYjh07Or1+7rnnNG3aNH333XeOJjEgIECRkZHnvdaXX36pn3/+WUuXLlVERIQaNGigsWPHavjw4Ro1apT8/PwKXHfRaJsBAAA8yebjti05OVkhISFOW3Jy8kVLysvL0/vvv6/s7GzFxsY69s+ZM0dlypRRnTp1lJSUpOPHjzuOpaamqm7duoqIiHDsa9u2rbKysrRlyxaXvhKSRAAAADdKSkpSYmKi077zpYhnbd68WbGxsTp58qRKliyp+fPnKyYmRpLUo0cPRUdHKyoqSps2bdLw4cO1fft2ffLJJ5KkjIwMpwZRkuN1RkaGS3XTJAIAAPi47+nmC00tX0jNmjW1YcMGHTlyRB999JHi4+O1cuVKxcTEqF+/fo5xdevWVbly5dSqVSulp6eratWqhVo3080AAABFiJ+fn6pVq6ZGjRopOTlZ9evX1yuvvHLesU2aNJEkpaWlSZIiIyOVmZnpNObs6wvdx3ghNIkAAABuvCfxcuXn5xsPvpy1YcMGSVK5cuUkSbGxsdq8ebP279/vGJOSkqLg4GDHlHVBMd0MAABQRBbTTkpKUvv27VWxYkUdPXpUc+fO1YoVK7RkyRKlp6dr7ty5uuOOO1S6dGlt2rRJgwcPVlxcnOrVqydJatOmjWJiYvTAAw9o3LhxysjI0NNPP62EhASXprwlmkQAAIAiY//+/XrwwQe1b98+hYSEqF69elqyZIluv/127dmzR0uXLtXEiROVnZ2tChUqqGvXrnr66acd7/f19dWiRYs0YMAAxcbGKjAwUPHx8U7rKhaUzbIsqzA/XFHg33Cgp0sA4CZ/rZni6RIAuEkJD0ZX/q1fcNu5Tyx9wm3ndifuSQQAAICB6WYAAIAick9iUUKSCAAAAANJIgAAQCEsVXOt4RsBAACAgSQRAACAexINNIkAAABMNxv4RgAAAGAgSQQAAGC62UCSCAAAAANJIgAAAPckGvhGAAAAYCBJBAAA4J5EA0kiAAAADCSJAAAA3JNooEkEAACgSTTwjQAAAMBAkggAAMCDKwaSRAAAABhIEgEAALgn0cA3AgAAAANJIgAAAPckGkgSAQAAYCBJBAAA4J5EA00iAAAA080G2mYAAAAYSBIBAIDXs5EkGkgSAQAAYCBJBAAAXo8k0USSCAAAAANJIgAAAEGigSQRAAAABpJEAADg9bgn0USTCAAAvB5NoonpZgAAABhIEgEAgNcjSTSRJAIAAMBAkggAALweSaKJJBEAAAAGkkQAAACCRANJIgAAAAwkiQAAwOtxT6KJJBEAAAAGkkQAAOD1SBJNNIkAAMDr0SSamG4GAACAgSQRAAB4PZJEE0kiAAAADCSJAAAABIkGkkQAAAAYSBIBAIDX455EE0kiAAAADCSJAADA65EkmmgSAQCA16NJNDHdDAAAAANJIgAAAEGigSQRAACgiJg2bZrq1aun4OBgBQcHKzY2VosXL3YcP3nypBISElS6dGmVLFlSXbt2VWZmptM5du/erQ4dOiggIEDh4eEaNmyYTp8+7XItNIkAAMDr2Ww2t22uKF++vF544QWtW7dOa9eu1W233aZOnTppy5YtkqTBgwdr4cKF+vDDD7Vy5Urt3btXXbp0cbw/Ly9PHTp00KlTp7R69WrNmjVLM2fO1MiRI13/TizLslx+VxHn33Cgp0sA4CZ/rZni6RIAuEkJD94EF/HQh247d+ab/7qs94eFhenFF1/UPffco7Jly2ru3Lm65557JEnbtm1T7dq1lZqaqptvvlmLFy/WnXfeqb179yoiIkKSNH36dA0fPlwHDhyQn59fga9LkggAALyeO5PEnJwcZWVlOW05OTkXrSkvL0/vv/++srOzFRsbq3Xr1ik3N1etW7d2jKlVq5YqVqyo1NRUSVJqaqrq1q3raBAlqW3btsrKynKkkQVFkwgAAOBGycnJCgkJcdqSk5MvOH7z5s0qWbKk7Ha7+vfvr/nz5ysmJkYZGRny8/NTaGio0/iIiAhlZGRIkjIyMpwaxLPHzx5zBU83AwAAr+fOdRKTkpKUmJjotM9ut19wfM2aNbVhwwYdOXJEH330keLj47Vy5Uq31XchNIkAAMDrubNJtNvt/9gUnsvPz0/VqlWTJDVq1Ehr1qzRK6+8onvvvVenTp3S4cOHndLEzMxMRUZGSpIiIyP1ww8/OJ3v7NPPZ8cUFNPNAAAARVh+fr5ycnLUqFEjFS9eXMuWLXMc2759u3bv3q3Y2FhJUmxsrDZv3qz9+/c7xqSkpCg4OFgxMTEuXZckEQAAoIgspp2UlKT27durYsWKOnr0qObOnasVK1ZoyZIlCgkJUZ8+fZSYmKiwsDAFBwdr0KBBio2N1c033yxJatOmjWJiYvTAAw9o3LhxysjI0NNPP62EhASX0kyJJhEAAKDI2L9/vx588EHt27dPISEhqlevnpYsWaLbb79dkjRhwgT5+Pioa9euysnJUdu2bTV16lTH+319fbVo0SINGDBAsbGxCgwMVHx8vMaMGeNyLayTCOCqwjqJwLXLk+skXjdgvtvO/ce0u912bnfinkQAAAAYmG4GAABez51PN1+tSBIBAABgIEkEAABejyTRRJMIAABAj2hguhkAAAAGkkQAAOD1mG42kSQCAADAQJIIAAC8HkmiiSQRAAAABpJEFDl9/3Wr+t7TTNFRYZKkrTsz9Pzri/Xltz87xjSpV1mjEu5U47qVlJeXr02//KGOD7+qkzm5kqQGtcrr2Uc7q9H1FZWXZ2nBsg0aPv5jZZ845ZHPBOD83nrjNS1L+VK7du2UvUQJNWjQUI8lDlWlylUcY/48cEAvjx+n71avVvbxbFWqVFl9+/VX6zZtPVg5rjUkiSaSRBQ5f2Qe1ojJn+qWnuPUtOeLWvHDL/pwQj/VrhIp6UyD+OmUh7Xsu21qdv+LuvX+FzX9/ZXKzz/zM+Tlyobos+mDlL7ngOIeeEmdEl5VTNVIvTHmAU9+LADnsXbND7r3vp6a/d4Heu2NGTp9+rT69+2j48ePO8Y89eRw/bprl16ZMk0fz1+oVq1v17Ahj2nr1p//4cwALhdJIoqcz1f95PR61KsL1fdft+qmepW1dWeGxg3poqnvr9BLM1IcY3b8tt/x5/bN6ij3dJ4eS/5AlnWmcRz03Dyt/fBJValQRjv3/HllPgiAi5r2+ltOr8c894JaNovV1p+3qNGNjSVJG9ev11Mjn1HdevUkSf36P6x335mlrVu2qHbtmCteM65NJIkmjzaJf/75p95++22lpqYqIyNDkhQZGalbbrlFvXr1UtmyZT1ZHooAHx+but5+gwL9/fT9pl0qW6qkbqpXWe8vXquvZiaqcvky+uXXTI2aslCrN+yUJNn9iik3N8/RIErSiZwz08y3NKhKkwgUYceOHpUkBYeEOPbVb9hQS75YrLi4FgoKDtaSLxYr51SObmx8k6fKxLWIHtHgsenmNWvWqEaNGpo0aZJCQkIUFxenuLg4hYSEaNKkSapVq5bWrl170fPk5OQoKyvLabPy867AJ4A7XV8tSge+Ha8j30/UpKfu1b1D3tC2nRmqXL6MJOmp/9yhtz9ZrU4JU7Vh6x59/togVa145j8qVvywXRGlgzX4wVYqXsxXoUH+evaRTpKkyLIhF7wmAM/Kz8/XuP95Xg0a3qDq1Ws49r84fqJO555WXNMmatywrp4dPVITXpmiitHRHqwWuPZ5LEkcNGiQ/vWvf2n69OlGxGtZlvr3769BgwYpNTX1H8+TnJys0aNHO+3zjWis4uX4L8yr2S+/ZqpJ92SFlPTX3a0b6o0xD6jNQ6/Ix+fM/1fe+vgbzf7vd5Kkjdt/V4ubaiq+U6xGTv6vtu7MUN+Rs/XCkC4aM+gu5eXna+p7K5XxZ5as/HxPfiwA/+D5Z0crfccOzZw912n/q5Nf0dGjWXr9rZkKDS2lr5Yv1eNDHtOMd+aoeo2aHqoW1xqmm00eaxI3btyomTNnnvd/FJvNpsGDB6thw4YXPU9SUpISExOd9oU3G15odcIzck/nOaaF12/do0bXV1TCfS0c9yFu3ZnhNH77rgxViCzleD3vi7Wa98VahYcFKftEjixLeuT+27Tr94NX7kMAKLDnnx2jVStX6O1Z7yoiMtKxf8/u3Xp/7rv6+NNFqlatuiSpZq1a+nHdWr3/3hyNeGaMp0oGrnkeaxIjIyP1ww8/qFatWuc9/sMPPygiIuKi57Hb7bLb7U77bD6+hVIjig4fm012v2L6be9B7d1/WDUqhTsdrxYd7rREzln7D525v+nBTjfr5KlcLftu2xWpF0DBWJal5OfGavmyFL01c7bKl6/gdPzkyROSJB+b891RPj6+svItAYWFJNHksSZx6NCh6tevn9atW6dWrVo5GsLMzEwtW7ZMb7zxhl566SVPlQcPGjPoLi35dov27PtLQYEldG/7GxV3Y3V1fHiqJGnCrKV6un8Hbf7lD23c/rvu79hENStFqMew/39Ksv+9cfpu404dO35KrW6upecf66wRkz/VkWMnPPWxAJzH82NHa/HnizRx8lQFBgTqzwMHJEklg4JUokQJVapcRRUrRmvs6JFKHDpcoaGhWr58qb5L/VaTp77m4eqBa5vN+vsjoFfYvHnzNGHCBK1bt055eWceNvH19VWjRo2UmJiobt26XdJ5/RsOLMwycYVNe6aHWt5UU5FlgnXk2En9tOMPjZ+xVMu///8UcGjv2/WfbnEqFRKgzb/8oacmLnA83SxJb459QO1uraOSAX7a/mumJr6zTO99tsYTHweF7K81UzxdAgpR/evPf0/hmGeT1enuLpKk3377Va+8PF7r16/T8ePHVbFCRT3Y+9/qeFfnK1gproQSHlxzpdrQxW47d9pL7d12bnfyaJN4Vm5urv7888z9Z2XKlFHx4sUv63w0icC1iyYRuHbRJBYtRWIx7eLFi6tcuXKeLgMAAHgp7kk0FYkmEQAAwJPoEU38djMAAAAMJIkAAMDrMd1sIkkEAACAgSQRAAB4PYJEE0kiAAAADCSJAADA6/n4ECWeiyQRAAAABpJEAADg9bgn0USTCAAAvB5L4JiYbgYAAICBJBEAAHg9gkQTSSIAAAAMJIkAAMDrcU+iiSQRAAAABpJEAADg9UgSTSSJAAAAMJAkAgAAr0eQaKJJBAAAXo/pZhPTzQAAADCQJAIAAK9HkGgiSQQAAICBJBEAAHg97kk0kSQCAADAQJIIAAC8HkGiiSQRAAAABpJEAADg9bgn0USSCAAAAANJIgAA8HoEiSaaRAAA4PWYbjYx3QwAAAADSSIAAPB6BIkmkkQAAAAYSBIBAIDX455EE0kiAAAADDSJAADA69ls7ttckZycrMaNGysoKEjh4eHq3Lmztm/f7jSmRYsWstlsTlv//v2dxuzevVsdOnRQQECAwsPDNWzYMJ0+fdqlWphuBgAAKCJWrlyphIQENW7cWKdPn9aTTz6pNm3a6Oeff1ZgYKBjXN++fTVmzBjH64CAAMef8/Ly1KFDB0VGRmr16tXat2+fHnzwQRUvXlzPP/98gWuhSQQAAF6vqNyT+MUXXzi9njlzpsLDw7Vu3TrFxcU59gcEBCgyMvK85/jyyy/1888/a+nSpYqIiFCDBg00duxYDR8+XKNGjZKfn1+BamG6GQAAeD13Tjfn5OQoKyvLacvJySlQXUeOHJEkhYWFOe2fM2eOypQpozp16igpKUnHjx93HEtNTVXdunUVERHh2Ne2bVtlZWVpy5YtBf5OaBIBAADcKDk5WSEhIU5bcnLyRd+Xn5+vxx57TE2bNlWdOnUc+3v06KF3331XX331lZKSkjR79mzdf//9juMZGRlODaIkx+uMjIwC1810MwAA8HrunG5OSkpSYmKi0z673X7R9yUkJOinn37SN99847S/X79+jj/XrVtX5cqVU6tWrZSenq6qVasWTtEiSQQAAHAru92u4OBgp+1iTeLAgQO1aNEiffXVVypfvvw/jm3SpIkkKS0tTZIUGRmpzMxMpzFnX1/oPsbzoUkEAABe79wlZQpzc4VlWRo4cKDmz5+v5cuXq3Llyhd9z4YNGyRJ5cqVkyTFxsZq8+bN2r9/v2NMSkqKgoODFRMTU+BamG4GAAAoIhISEjR37lx9+umnCgoKctxDGBISIn9/f6Wnp2vu3Lm64447VLp0aW3atEmDBw9WXFyc6tWrJ0lq06aNYmJi9MADD2jcuHHKyMjQ008/rYSEhAJNc59FkwgAALxeEVkBR9OmTZN0ZsHsv5sxY4Z69eolPz8/LV26VBMnTlR2drYqVKigrl276umnn3aM9fX11aJFizRgwADFxsYqMDBQ8fHxTusqFgRNIgAAQBFhWdY/Hq9QoYJWrlx50fNER0fr888/v6xaaBIBAIDXKyqLaRclNIkAAMDr0SOaeLoZAAAABpJEAADg9ZhuNpEkAgAAwECSCAAAvB5BookkEQAAAAaSRAAA4PV8iBINJIkAAAAwkCQCAACvR5BookkEAABejyVwTEw3AwAAwECSCAAAvJ4PQaKBJBEAAAAGkkQAAOD1uCfRRJIIAAAAA0kiAADwegSJJpJEAAAAGEgSAQCA17OJKPFcNIkAAMDrsQSOielmAAAAGEgSAQCA12MJHBNJIgAAAAwkiQAAwOsRJJpIEgEAAGAgSQQAAF7PhyjRQJIIAAAAQ6E0iYcPHy6M0wAAAHiEzea+7WrlcpP4P//zP5o3b57jdbdu3VS6dGldd9112rhxY6EWBwAAcCXYbDa3bVcrl5vE6dOnq0KFCpKklJQUpaSkaPHixWrfvr2GDRtW6AUCAADgynP5wZWMjAxHk7ho0SJ169ZNbdq0UaVKldSkSZNCLxAAAMDdruLAz21cThJLlSqlPXv2SJK++OILtW7dWpJkWZby8vIKtzoAAAB4hMtJYpcuXdSjRw9Vr15dBw8eVPv27SVJ69evV7Vq1Qq9QAAAAHdjCRyTy03ihAkTVKlSJe3Zs0fjxo1TyZIlJUn79u3Tww8/XOgFAgAA4MpzuUksXry4hg4dauwfPHhwoRQEAABwpZEjmgrUJP73v/8t8AnvuuuuSy4GAAAARUOBmsTOnTsX6GQ2m42HVwAAwFXnal7P0F0K1CTm5+e7uw4AAACP8aFHNFzWz/KdPHmysOoAAABAEeJyk5iXl6exY8fquuuuU8mSJbVz505J0ogRI/TWW28VeoEAAADuxs/ymVxuEp977jnNnDlT48aNk5+fn2N/nTp19OabbxZqcQAAAPAMl5vEd955R6+//rp69uwpX19fx/769etr27ZthVocAADAlWCzuW+7WrncJP7xxx/n/WWV/Px85ebmFkpRAAAA8CyXm8SYmBh9/fXXxv6PPvpIDRs2LJSiAAAAriTuSTS5/IsrI0eOVHx8vP744w/l5+frk08+0fbt2/XOO+9o0aJF7qgRAAAAV5jLSWKnTp20cOFCLV26VIGBgRo5cqS2bt2qhQsX6vbbb3dHjQAAAG7lY3PfdrVyOUmUpGbNmiklJaWwawEAAPCIq3la2F0uqUmUpLVr12rr1q2Sztyn2KhRo0IrCgAAAJ7lcpP4+++/67777tO3336r0NBQSdLhw4d1yy236P3331f58uULu0YAAAC3Ikc0uXxP4kMPPaTc3Fxt3bpVhw4d0qFDh7R161bl5+froYceckeNAAAAuMJcThJXrlyp1atXq2bNmo59NWvW1OTJk9WsWbNCLQ4AAOBK8OGeRIPLSWKFChXOu2h2Xl6eoqKiCqUoAAAAeJbLTeKLL76oQYMGae3atY59a9eu1aOPPqqXXnqpUIsDAAC4EvhZPlOBpptLlSrl9Gh4dna2mjRpomLFzrz99OnTKlasmP7973+rc+fObikUAAAAV06BmsSJEye6uQwAAADPYZ1EU4GaxPj4eHfXAQAAgCLkkhfTlqSTJ0/q1KlTTvuCg4MvqyAAAIArjSDR5PKDK9nZ2Ro4cKDCw8MVGBioUqVKOW0AAABXGx+bzW2bK5KTk9W4cWMFBQUpPDxcnTt31vbt253GnDx5UgkJCSpdurRKliyprl27KjMz02nM7t271aFDBwUEBCg8PFzDhg3T6dOnXftOXBot6fHHH9fy5cs1bdo02e12vfnmmxo9erSioqL0zjvvuHo6AAAA/J+VK1cqISFB3333nVJSUpSbm6s2bdooOzvbMWbw4MFauHChPvzwQ61cuVJ79+5Vly5dHMfz8vLUoUMHnTp1SqtXr9asWbM0c+ZMjRw50qVabJZlWa68oWLFinrnnXfUokULBQcH68cff1S1atU0e/Zsvffee/r8889dKsAd/BsO9HQJANzkrzVTPF0CADcpcVk3wV2ehz/52W3nntol5pLfe+DAAYWHh2vlypWKi4vTkSNHVLZsWc2dO1f33HOPJGnbtm2qXbu2UlNTdfPNN2vx4sW68847tXfvXkVEREiSpk+fruHDh+vAgQPy8/Mr0LVdThIPHTqkKlWqSDpz/+GhQ4ckSbfeeqtWrVrl6ukAAACuaTk5OcrKynLacnJyCvTeI0eOSJLCwsIkSevWrVNubq5at27tGFOrVi1VrFhRqampkqTU1FTVrVvX0SBKUtu2bZWVlaUtW7YUuG6Xm8QqVapo165djqI++OADSdLChQsVGhrq6ukAAAA8zmazuW1LTk5WSEiI05acnHzRmvLz8/XYY4+padOmqlOnjiQpIyNDfn5+Rs8VERGhjIwMx5i/N4hnj589VlAuB7u9e/fWxo0b1bx5cz3xxBPq2LGjpkyZotzcXL388suung4AAOCalpSUpMTERKd9drv9ou9LSEjQTz/9pG+++cZdpf0jl5vEwYMHO/7cunVrbdu2TevWrVO1atVUr169Qi3uUv35/WRPlwDATaau3unpEgC4SWJcFY9d2+WpVRfY7fYCNYV/N3DgQC1atEirVq1S+fLlHfsjIyN16tQpHT582ClNzMzMVGRkpGPMDz/84HS+s08/nx1TEJf9nURHR6tLly5FpkEEAAC4WlmWpYEDB2r+/Plavny5Kleu7HS8UaNGKl68uJYtW+bYt337du3evVuxsbGSpNjYWG3evFn79+93jElJSVFwcLBiYgr+EE2BksRJkyYV+ISPPPJIgccCAAAUBUXlZ/kSEhI0d+5cffrppwoKCnLcQxgSEiJ/f3+FhISoT58+SkxMVFhYmIKDgzVo0CDFxsbq5ptvliS1adNGMTExeuCBBzRu3DhlZGTo6aefVkJCgkuJZoGWwDm3i73gyWw27dzp+amg7FMureoD4Cry2ne7PF0CADfx5HTzY59uc9u5J3aqVeCxF2pWZ8yYoV69ekk6s5j2kCFD9N577yknJ0dt27bV1KlTnaaSf/vtNw0YMEArVqxQYGCg4uPj9cILL6hYsYLfaejyOolXA5pE4NpFkwhcu2gSixYPLlsJAABQNPgUjdnmIsWdD/MAAADgKkWSCAAAvF5ReXClKCFJBAAAgIEkEQAAeD3uSTRdUpL49ddf6/7771dsbKz++OMPSdLs2bM99rMxAAAAKFwuN4kff/yx2rZtK39/f61fv145OTmSpCNHjuj5558v9AIBAADczWZz33a1crlJfPbZZzV9+nS98cYbKl68uGN/06ZN9eOPPxZqcQAAAFeCj83mtu1q5XKTuH37dsXFxRn7Q0JCdPjw4cKoCQAAAB7mcpMYGRmptLQ0Y/8333yjKlU8t1I6AADApfJx43a1crn2vn376tFHH9X3338vm82mvXv3as6cORo6dKgGDBjgjhoBAABwhbm8BM4TTzyh/Px8tWrVSsePH1dcXJzsdruGDh2qQYMGuaNGAAAAt7qKbx10G5ebRJvNpqeeekrDhg1TWlqajh07ppiYGJUsWdId9QEAAMADLnkxbT8/P8XExBRmLQAAAB5xNT+F7C4uN4ktW7b8x983XL58+WUVBAAAAM9zuUls0KCB0+vc3Fxt2LBBP/30k+Lj4wurLgAAgCuGINHkcpM4YcKE8+4fNWqUjh07dtkFAQAAXGn8drOp0Jbvuf/++/X2228X1ukAAADgQZf84Mq5UlNTVaJEicI6HQAAwBXDgysml5vELl26OL22LEv79u3T2rVrNWLEiEIrDAAAAJ7jcpMYEhLi9NrHx0c1a9bUmDFj1KZNm0IrDAAA4EohSDS51CTm5eWpd+/eqlu3rkqVKuWumgAAAOBhLj244uvrqzZt2ujw4cNuKgcAAODK87G5b7taufx0c506dbRz50531AIAAIAiwuUm8dlnn9XQoUO1aNEi7du3T1lZWU4bAADA1cbmxn+uVgW+J3HMmDEaMmSI7rjjDknSXXfd5fTzfJZlyWazKS8vr/CrBAAAcKOreVrYXQrcJI4ePVr9+/fXV1995c56AAAAUAQUuEm0LEuS1Lx5c7cVAwAA4AkkiSaX7km0sYgQAACAV3BpncQaNWpctFE8dOjQZRUEAABwpRGEmVxqEkePHm384goAAACuPS41id27d1d4eLi7agEAAPAI7kk0FfieRGJYAAAA7+Hy080AAADXGrIwU4GbxPz8fHfWAQAA4DE+dIkGl3+WDwAAANc+lx5cAQAAuBbx4IqJJBEAAAAGkkQAAOD1uCXRRJIIAAAAA0kiAADwej4iSjwXSSIAAAAMJIkAAMDrcU+iiSYRAAB4PZbAMTHdDAAAAANJIgAA8Hr8LJ+JJBEAAAAGkkQAAOD1CBJNJIkAAAAwkCQCAACvxz2JJpJEAAAAGEgSAQCA1yNINNEkAgAAr8fUqonvBAAAAAaSRAAA4PVszDcbSBIBAABgIEkEAABejxzRRJIIAABQhKxatUodO3ZUVFSUbDabFixY4HS8V69estlsTlu7du2cxhw6dEg9e/ZUcHCwQkND1adPHx07dsylOmgSAQCA1/Ox2dy2uSo7O1v169fXq6++esEx7dq10759+xzbe++953S8Z8+e2rJli1JSUrRo0SKtWrVK/fr1c6kOppsBAADcKCcnRzk5OU777Ha77Hb7ece3b99e7du3/8dz2u12RUZGnvfY1q1b9cUXX2jNmjW68cYbJUmTJ0/WHXfcoZdeeklRUVEFqpskEQAAeD2bG7fk5GSFhIQ4bcnJyZdV74oVKxQeHq6aNWtqwIABOnjwoONYamqqQkNDHQ2iJLVu3Vo+Pj76/vvvC3wNkkQAAOD13LkCTlJSkhITE532XShFLIh27dqpS5cuqly5stLT0/Xkk0+qffv2Sk1Nla+vrzIyMhQeHu70nmLFiiksLEwZGRkFvg5NIgAAgBv909Typejevbvjz3Xr1lW9evVUtWpVrVixQq1atSq06zDdDAAAvN65TwsX5uZuVapUUZkyZZSWliZJioyM1P79+53GnD59WocOHbrgfYznQ5MIAABwFfv999918OBBlStXTpIUGxurw4cPa926dY4xy5cvV35+vpo0aVLg8zLdDAAAvF5RSs2OHTvmSAUladeuXdqwYYPCwsIUFham0aNHq2vXroqMjFR6eroef/xxVatWTW3btpUk1a5dW+3atVPfvn01ffp05ebmauDAgerevXuBn2yWitZ3AgAA4PXWrl2rhg0bqmHDhpKkxMRENWzYUCNHjpSvr682bdqku+66SzVq1FCfPn3UqFEjff311073Pc6ZM0e1atVSq1atdMcdd+jWW2/V66+/7lIdJIkAAMDrXYl7BwuqRYsWsizrgseXLFly0XOEhYVp7ty5l1UHSSIAAAAMJIkAAMDrFZ0cseggSQQAAICBJBEAAHi9onRPYlFBkwgAALweU6smvhMAAAAYSBIBAIDXY7rZRJIIAAAAA0kiAADweuSIJpJEAAAAGEgSAQCA1+OWRBNJIgAAAAwkiQAAwOv5cFeigSYRAAB4PaabTUw3AwAAwECSCAAAvJ6N6WYDSSIAAAAMJIkAAMDrcU+iiSQRAAAABpJEAADg9VgCx0SSCAAAAANJIgAA8Hrck2iiSQQAAF6PJtHEdDMAAAAMJIkAAMDrsZi2iSQRAAAABpJEAADg9XwIEg0kiQAAADCQJAIAAK/HPYkmkkQAAAAYSBIBAIDXY51EE00iAADwekw3m5huBgAAgIEkEQAAeD2WwDGRJAIAAMBAkggAALwe9ySaSBIBAABgIEnEVeHDee/pw3nvad/ePyRJVapWU7/+CWraLM5pnGVZGjSgn1Z/+7XGT5yilq1ae6JcAP9g7y+btXHJR/rztzQdP3JIbR4eocoNb3Ecf61v+/O+r8k9fdSg7T2SpJPZR/Xt3Kn6bdP3stl8VPmGpmravb+Kl/C/Ip8B1x6WwDHRJOKqEB4RoUceG6KK0dGyLEsL/7tAgx9J0HsffqKq1ao7xs2ZPUs2/qYDRdrpnJMqXb6KajVtoy+nPWscf+ClOU6vd/+0VitnTVSVG5o69i1/c5yOHz6kDoOfV37eaa2YOUGrZk9Sq77D3V4/4C1oEnFVaN7iNqfXAx8ZrI/mva/NmzY6msTt27bq3Vkz9O68j9SmZTNPlAmgACrWbayKdRtf8HhASJjT6982fKeomvUUXLacJOmvfbu156e16vLUKypbqYYkqel9A7R40kjd/K+HFBha2n3F45pFvGDinkRcdfLy8rRk8Wc6ceK46tVvIEk6ceKEnhw+VE88NVJlypT1bIEACs3xrL+0e/MPqnVrW8e+zPSt8gso6WgQJal87Yay2Wzav3ObJ8rENcDHZnPbdrUq0kninj179Mwzz+jtt9++4JicnBzl5OQ47Ttt85Pdbnd3ebjCdvyyXb3uv0+nTuXIPyBA4ydOUZWq1SRJ48clq36DhmpxWysPVwmgMP2yeqmK2/1V+W9TzceP/CX/oBCncT6+vrIHBul41l9XukTgmlWkk8RDhw5p1qxZ/zgmOTlZISEhTttL45KvUIW4kipVrqz3PpqvWXPm6V/dumvk009oZ3qaVn61XGt++F5Dhyd5ukQAhWz7t1+qWpOWKlbcz9Ol4Bpnc+N2tfJokvjf//73H4/v3LnzoudISkpSYmKi077TNv5lci0qXtxPFStGS5Jirq+jLT/9pLnvviN7iRL6fc9uNb/lJqfxwxIfUcMbGumNGbM9US6Ay7Tvl590OON3te7n/B+AASGldOLoEad9+Xl5ysk+qoDgUleyROCa5tEmsXPnzrLZbLIs64JjLvakqt1uN6aWs09d+Hy4duRb+co9dUr9Ewbp7i73OB3r1uUuDXn8CcU1v+0C7wZQ1G37ZonKRFdX6QpVnPZHVK2tU8eP6cBvO1Q2+syDa39s2yDLshRepZYnSsW14GqO/NzEo9PN5cqV0yeffKL8/Pzzbj/++KMny0MRMnnieK1bu0Z7//hdO37Zfub1mh/UvkNHlSlTVtWq13DaJCkyMkrXlS/v4coBnCv35An9uTtdf+5OlyQd/TNTf+5O19GD+x1jTp3I1s51X6v23x5YOatUuYqqUOdGrXrnFe3ftV0ZaVv07dxpqta4OU82A4XIo0lio0aNtG7dOnXq1Om8xy+WMsJ7HDp0SCOfGq4/DxxQyaAgVa9eU69Of1M339L04m8GUKQc+G2HFr70/+sZpn7wuiSpRmxrtfz3EElS2pqVkqSqN7U47zlue+hxfTt3qhaNT5LNx/Z/i2kPcG/huKbxs3wmm+XBLuzrr79Wdna22rVrd97j2dnZWrt2rZo3b+7SeZluBq5dr323y9MlAHCTxLgqFx/kJt+nH7n4oEvUpGrIxQcVQR5NEps1++cFjwMDA11uEAEAAFx1FS9n6DZFep1EAACAK4Ee0VSk10kEAACAZ5AkAgAAECUaSBIBAABgIEkEAABejyVwTCSJAAAAMJAkAgAAr8cSOCaSRAAAgCJk1apV6tixo6KiomSz2bRgwQKn45ZlaeTIkSpXrpz8/f3VunVr7dixw2nMoUOH1LNnTwUHBys0NFR9+vTRsWPHXKqDJhEAAHg9mxs3V2VnZ6t+/fp69dVXz3t83LhxmjRpkqZPn67vv/9egYGBatu2rU6ePOkY07NnT23ZskUpKSlatGiRVq1apX79+rlUh0d/ls9d+Fk+4NrFz/IB1y5P/izfj79lue3cN0QHX/J7bTab5s+fr86dO0s6kyJGRUVpyJAhGjp0qCTpyJEjioiI0MyZM9W9e3dt3bpVMTExWrNmjW688UZJ0hdffKE77rhDv//+u6Kiogp0bZJEAAAAN8rJyVFWVpbTlpOTc0nn2rVrlzIyMtS6dWvHvpCQEDVp0kSpqamSpNTUVIWGhjoaRElq3bq1fHx89P333xf4WjSJAADA69nc+E9ycrJCQkKctuTk5EuqMyMjQ5IUERHhtD8iIsJxLCMjQ+Hh4U7HixUrprCwMMeYguDpZgAAADdKSkpSYmKi0z673e6hagqOJhEAAHg9dy6BY7fbC60pjIyMlCRlZmaqXLlyjv2ZmZlq0KCBY8z+/fud3nf69GkdOnTI8f6CYLoZAADgKlG5cmVFRkZq2bJljn1ZWVn6/vvvFRsbK0mKjY3V4cOHtW7dOseY5cuXKz8/X02aNCnwtUgSAQCA1ytKa2kfO3ZMaWlpjte7du3Shg0bFBYWpooVK+qxxx7Ts88+q+rVq6ty5coaMWKEoqKiHE9A165dW+3atVPfvn01ffp05ebmauDAgerevXuBn2yWaBIBAACKlLVr16ply5aO12fvZ4yPj9fMmTP1+OOPKzs7W/369dPhw4d166236osvvlCJEiUc75kzZ44GDhyoVq1aycfHR127dtWkSZNcqoN1EgFcVVgnEbh2eXKdxI17jrrt3PUrBLnt3O5EkggAALyerUhNOBcNPLgCAAAAA0kiAADweu5cAudqRZIIAAAAA0kiAADwegSJJpJEAAAAGEgSAQAAiBINJIkAAAAwkCQCAACvxzqJJpJEAAAAGEgSAQCA12OdRBNNIgAA8Hr0iCammwEAAGAgSQQAACBKNJAkAgAAwECSCAAAvB5L4JhIEgEAAGAgSQQAAF6PJXBMJIkAAAAwkCQCAACvR5BookkEAACgSzQw3QwAAAADSSIAAPB6LIFjIkkEAACAgSQRAAB4PZbAMZEkAgAAwECSCAAAvB5BookkEQAAAAaSRAAAAKJEA00iAADweiyBY2K6GQAAAAaSRAAA4PVYAsdEkggAAAADSSIAAPB6BIkmkkQAAAAYSBIBAACIEg0kiQAAADCQJAIAAK/HOokmmkQAAOD1WALHxHQzAAAADCSJAADA6xEkmkgSAQAAYCBJBAAAXo97Ek0kiQAAADCQJAIAAHBXooEkEQAAAAaSRAAA4PW4J9FEkwgAALwePaKJ6WYAAAAYSBIBAIDXY7rZRJIIAAAAA0kiAADwejbuSjSQJAIAAMBAkggAAECQaCBJBAAAgIEkEQAAeD2CRBNNIgAA8HosgWNiuhkAAKCIGDVqlGw2m9NWq1Ytx/GTJ08qISFBpUuXVsmSJdW1a1dlZma6pRaaRAAA4PVsbvzHVddff7327dvn2L755hvHscGDB2vhwoX68MMPtXLlSu3du1ddunQpzK/CgelmAACAIqRYsWKKjIw09h85ckRvvfWW5s6dq9tuu02SNGPGDNWuXVvfffedbr755kKtgyQRAADA5r4tJydHWVlZTltOTs4FS9mxY4eioqJUpUoV9ezZU7t375YkrVu3Trm5uWrdurVjbK1atVSxYkWlpqYW4pdxBk0iAACAGyUnJyskJMRpS05OPu/YJk2aaObMmfriiy80bdo07dq1S82aNdPRo0eVkZEhPz8/hYaGOr0nIiJCGRkZhV43080AAMDrufPh5qSkJCUmJjrts9vt5x3bvn17x5/r1aunJk2aKDo6Wh988IH8/f3dWKWJJBEAAMCN7Ha7goODnbYLNYnnCg0NVY0aNZSWlqbIyEidOnVKhw8fdhqTmZl53nsYLxdNIgAA8Ho2m/u2y3Hs2DGlp6erXLlyatSokYoXL65ly5Y5jm/fvl27d+9WbGzsZX4DJqabAQCA17uUpWrcYejQoerYsaOio6O1d+9ePfPMM/L19dV9992nkJAQ9enTR4mJiQoLC1NwcLAGDRqk2NjYQn+yWaJJBAAAKDJ+//133XfffTp48KDKli2rW2+9Vd99953Kli0rSZowYYJ8fHzUtWtX5eTkqG3btpo6dapbarFZlmW55cwelH3qmvtIAP7Pa9/t8nQJANwkMa6Kx6791/E8t527VICv287tTtyTCAAAAANNIgAAAAw0iQAAADDw4AoAAPB6l7tUzbWIJBEAAAAGkkQAAOD1iso6iUUJTSIAAPB6TDebmG4GAACAgSQRAAB4PYJEE0kiAAAADCSJAAAARIkGkkQAAAAYSBIBAIDXYwkcE0kiAAAADCSJAADA67FOookkEQAAAAaSRAAA4PUIEk00iQAAAHSJBqabAQAAYCBJBAAAXo8lcEwkiQAAADCQJAIAAK/HEjgmkkQAAAAYbJZlWZ4uArhUOTk5Sk5OVlJSkux2u6fLAVCI+PsNeBZNIq5qWVlZCgkJ0ZEjRxQcHOzpcgAUIv5+A57FdDMAAAAMNIkAAAAw0CQCAADAQJOIq5rdbtczzzzDTe3ANYi/34Bn8eAKAAAADCSJAAAAMNAkAgAAwECTCAAAAANNIgAAAAw0ibiqvfrqq6pUqZJKlCihJk2a6IcffvB0SQAu06pVq9SxY0dFRUXJZrNpwYIFni4J8Eo0ibhqzZs3T4mJiXrmmWf0448/qn79+mrbtq3279/v6dIAXIbs7GzVr19fr776qqdLAbwaS+DgqtWkSRM1btxYU6ZMkSTl5+erQoUKGjRokJ544gkPVwegMNhsNs2fP1+dO3f2dCmA1yFJxFXp1KlTWrdunVq3bu3Y5+Pjo9atWys1NdWDlQEAcG2gScRV6c8//1ReXp4iIiKc9kdERCgjI8NDVQEAcO2gSQQAAICBJhFXpTJlysjX11eZmZlO+zMzMxUZGemhqgAAuHbQJOKq5Ofnp0aNGmnZsmWOffn5+Vq2bJliY2M9WBkAANeGYp4uALhUiYmJio+P14033qibbrpJEydOVHZ2tnr37u3p0gBchmPHjiktLc3xeteuXdqwYYPCwsJUsWJFD1YGeBeWwMFVbcqUKXrxxReVkZGhBg0aaNKkSWrSpImnywJwGVasWKGWLVsa++Pj4zVz5swrXxDgpWgSAQAAYOCeRAAAABhoEgEAAGCgSQQAAICBJhEAAAAGmkQAAAAYaBIBAABgoEkEAACAgSYRAAAABppEAJetV69e6ty5s+N1ixYt9Nhjj13xOlasWCGbzabDhw9fcIzNZtOCBQsKfM5Ro0apQYMGl1XXr7/+KpvNpg0bNlzWeQDgSqJJBK5RvXr1ks1mk81mk5+fn6pVq6YxY8bo9OnTbr/2J598orFjxxZobEEaOwDAlVfM0wUAcJ927dppxowZysnJ0eeff66EhAQVL15cSUlJxthTp07Jz8+vUK4bFhZWKOcBAHgOSSJwDbPb7YqMjFR0dLQGDBig1q1b67///a+k/58ifu655xQVFaWaNWtKkvbs2aNu3bopNDRUYWFh6tSpk3799VfHOfPy8pSYmKjQ0FCVLl1ajz/+uM79Cfhzp5tzcnI0fPhwVahQQXa7XdWqVdNbb72lX3/9VS1btpQklSpVSjabTb169ZIk5efnKzk5WZUrV5a/v7/q16+vjz76yOk6n3/+uWrUqCF/f3+1bNnSqc6CGj58uGrUqKGAgABVqVJFI0aMUG5urjHutddeU4UKFRQQEKBu3brpyJEjTsfffPNN1a5dWyVKlFCtWrU0derUC17zr7/+Us+ePVW2bFn5+/urevXqmjFjhsu1A4A7kSQCXsTf318HDx50vF62bJmCg4OVkpIiScrNzVXbtm0VGxurr7/+WsWKFdOzzz6rdu3aadOmTfLz89P48eM1c+ZMvf3226pdu7bGjx+v+fPn67bbbrvgdR988EGlpqZq0qRJql+/vnbt2qU///xTFSpU0Mcff6yuXbtq+/btCg4Olr+/vyQpOTlZ7777rqZPn67q1atr1apVuv/++1W2bFk1b95ce/bsUZcuXZSQkKB+/fpp7dq1GjJkiMvfSVBQkGbOnKmoqCht3rxZffv2VVBQkB5//HHHmLS0NH3wwQdauHChsrKy1KdPHz388MOaM2eOJGnOnDkaOXKkpkyZooYNG2r9+vXq27evAgMDFR8fb1xzxIgR+vnnn7V48WKVKVNGaWlpOnHihMu1A4BbWQCuSfHx8VanTp0sy7Ks/Px8KyUlxbLb7dbQoUMdxyMiIqycnBzHe2bPnm3VrFnTys/Pd+zLycmx/P39rSVLlliWZVnlypWzxo0b5ziem5trlS9f3nEty7Ks5s2bW48++qhlWZa1fft2S5KVkpJy3jq/+uorS5L1119/OfadPHnSCggIsFavXu00tk+fPtZ9991nWZZlJSUlWTExMU7Hhw8fbpzrXJKs+fPnX/D4iy++aDVq1Mjx+plnnrF8fX2t33//3bFv8eLFlo+Pj7Vv3z7LsiyratWq1ty5c53OM3bsWCs2NtayLMvatWuXJclav369ZVmW1bFjR6t3794XrAEAigKSROAatmjRIpUsWVK5ubnKz89Xjx49NGrUKMfxunXrOt2HuHHjRqWlpSkoKMjpPCdPnlR6erqOHDmiffv2qUmTJo5jxYoV04033mhMOZ+1YcMG+fr6qnnz5gWuOy0tTcePH9ftt9/utP/UqVNq2LChJGnr1q1OdUhSbGxsga9x1rx58zRp0iSlp6fr2LFjOn36tIKDg53GVKxYUdddd53TdfLz87V9+3YFBQUpPT1dffr0Ud++fR1jTp8+rZCQkPNec8CAAeratat+/PFHtWnTRp07d9Ytt9zicu0A4E40icA1rGXLlpo2bZr8/PwUFRWlYsWc/8oHBgY6vT527JgaNWrkmEb9u7Jly15SDWenj11x7NgxSdJnn33m1JxJZ+6zLCypqanq2bOnRo8erbZt2yokJETvv/++xo8f73Ktb7zxhtG0+vr6nvc97du312+//abPP/9cKSkpatWqlRISEvTSSy9d+ocBgEJGkwhcwwIDA1WtWrUCj7/hhhs0b948hYeHG2naWeXKldP333+vuLg4SWcSs3Xr1umGG2447/i6desqPz9fK1euVOvWrY3jZ5PMvLw8x76YmBjZ7Xbt3r37gglk7dq1HQ/hnPXdd99d/EP+zerVqxUdHa2nnnrKse+3334zxu3evVt79+5VVFSU4zo+Pj6qWbOmIiIiFBUVpZ07d6pnz54FvnbZsmUVHx+v+Ph4NWvWTMOGDaNJBFCk8HQzAIeePXuqTJky6tSpk77++mvt2rVLK1as0COPPKLff/9dkvToo4/qhRde0IIFC7Rt2zY9/PDD/7jGYaVKlRQfH69///vfWrBggeOcH3zwgSQpOjpaNptNixYt0oEDB3Ts2DEFBQVp6NChGjx4sGbNmqX09HT9+OOPmjx5smbNmiVJ6t+/v3bs2KFhw4Zp+/btmjt3rmbOnOnS561evbp2796t999/X+np6Zo0aZLmz59vjCtRooTi4+O1ceNGff3113rkkUfUrVs3RUZGSpJGjx6t5ORkTZo0Sb/88os2b96sGTNm6OWXXz7vdUeOHKlPP/1UaWlp2rJlixYtWqTatWu7VDsAuBtNIgCHgIAArVq1ShUrVlSXLl1Uu3Zt9enTRydPnnQki0OGDNEDDzyg+Ph4xcbGKigoSHffffc/nnfatGm655579PDDD6tWrVrq27evsrOzJUnXXXedRo8erSeeeEIREREaOHCgJGns2LEaMWKEkpOTVbt2bbVr106fffaZKleuLOnMfYIff/yxFixYoPr162v69Ol6/vnnXfq8d911lwYPHqyBAweqQYMGWr16tUaMGGGMq1atmrp06aI77rhDbdq0Ub169ZyWuHnooYf05ptvasaMGapbt66aN2+umTNnOmo9l5+fn5KSklSvXj3FxcXJ19dX77//vku1A4C72awL3W0OAAAAr0WSCAAAAANNIgAAAAw0iQAAADDQJAIAAMBAkwgAAAADTSIAAAAMNIkAAAAw0CQCAADAQJMIAAAAA00iAAAADDSJAAAAMPwvOx4k/YRs7iQAAAAASUVORK5CYII=", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "plot_confusion_matrix(y_test, y_pred,(0,1))" + ] + }, + { + "cell_type": "code", + "execution_count": 49, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAr4AAAIjCAYAAADlfxjoAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8pXeV/AAAACXBIWXMAAA9hAAAPYQGoP6dpAACXxklEQVR4nOzdeXhMZxsG8HuyL7IRiYiQhNoqttj3JRXVKl2IPdReS0VV7UsVLbW2amsJSu1aLR8tFS1Sam0UUULFEhJLQsg67/fH6cxkkklkYpIzy/27rlzOvHPmzDNbPHnmPc+rEEIIEBERERGZOSu5AyAiIiIiKglMfImIiIjIIjDxJSIiIiKLwMSXiIiIiCwCE18iIiIisghMfImIiIjIIjDxJSIiIiKLwMSXiIiIiCwCE18iIiIisghMfIlKiL+/P/r37y93GBanTZs2aNOmjdxhPNeMGTOgUCiQlJQkdyhGR6FQYMaMGQY51vXr16FQKBAZGWmQ4wHAiRMnYGdnh3///ddgxzS0Hj16oHv37nKHQSQ7Jr5kFiIjI6FQKNQ/NjY28PX1Rf/+/XHr1i25wzNqqampmDVrFmrXrg0nJye4ubmhZcuWWL9+PUxlRfMLFy5gxowZuH79utyh5JGdnY21a9eiTZs2KF26NOzt7eHv748BAwbg5MmTcodnEJs2bcLixYvlDkNLScY0efJk9OzZE5UqVVKPtWnTRut3kqOjI2rXro3FixdDqVTqPM79+/fx4Ycfolq1anBwcEDp0qURGhqKn376Kd/7TklJwcyZM1GnTh2UKlUKjo6OqFWrFj766CPcvn1bvd9HH32EHTt24Ny5c4V+XJbw3iXLoxCm8j8bUQEiIyMxYMAAfPzxxwgICEBaWhr++OMPREZGwt/fH+fPn4eDg4OsMaanp8PKygq2trayxpHT3bt30b59e1y8eBE9evRA69atkZaWhh07duC3335DWFgYNm7cCGtra7lDLdD27dvRrVs3HDp0KE91NyMjAwBgZ2dX4nE9e/YMb731Fvbt24dWrVqhc+fOKF26NK5fv46tW7fi8uXLuHHjBipUqIAZM2Zg5syZSExMhKenZ4nH+iJef/11nD9/vtj+8EhLS4ONjQ1sbGxeOCYhBNLT02Fra2uQ9/XZs2dRr149HDt2DE2bNlWPt2nTBlevXsXcuXMBAElJSdi0aRP+/PNPTJo0CbNnz9Y6TmxsLNq3b4/ExEQMGDAADRo0wKNHj7Bx40acPXsW48aNw/z587VuExcXh5CQENy4cQPdunVDixYtYGdnh7/++gvfffcdSpcujcuXL6v3b9y4MapVq4b169c/93Hp894lMimCyAysXbtWABB//vmn1vhHH30kAIgtW7bIFJm8nj17JrKzs/O9PjQ0VFhZWYkffvghz3Xjxo0TAMSnn35anCHq9OTJE73237ZtmwAgDh06VDwBFdGIESMEALFo0aI812VlZYn58+eL+Ph4IYQQ06dPFwBEYmJiscWjVCrF06dPDX7c1157TVSqVMmgx8zOzhbPnj0r8u2LIyZdRo8eLSpWrCiUSqXWeOvWrcXLL7+sNfbs2TNRqVIl4eLiIrKystTjGRkZolatWsLJyUn88ccfWrfJysoSYWFhAoDYvHmzejwzM1PUqVNHODk5id9//z1PXMnJyWLSpElaY59//rlwdnYWjx8/fu7j0ue9+yJe9HUm0hcTXzIL+SW+P/30kwAg5syZozV+8eJF8fbbbwsPDw9hb28vgoODdSZ/Dx8+FGPGjBGVKlUSdnZ2wtfXV/Tt21crOUlLSxPTpk0TlStXFnZ2dqJChQriww8/FGlpaVrHqlSpkggPDxdCCPHnn38KACIyMjLPfe7bt08AED/++KN67ObNm2LAgAHCy8tL2NnZiZo1a4pvvvlG63aHDh0SAMR3330nJk+eLMqXLy8UCoV4+PChzucsOjpaABDvvvuuzuszMzPFSy+9JDw8PNTJ0rVr1wQAMX/+fLFw4UJRsWJF4eDgIFq1aiViYmLyHKMwz7PqtYuKihLDhw8XZcuWFe7u7kIIIa5fvy6GDx8uqlatKhwcHETp0qXFO++8I65du5bn9rl/VElw69atRevWrfM8T1u2bBGffPKJ8PX1Ffb29qJdu3bin3/+yfMYvvzySxEQECAcHBxEw4YNxW+//ZbnmLrEx8cLGxsb8corrxS4n4oq8f3nn39EeHi4cHNzE66urqJ///4iNTVVa981a9aItm3birJlywo7OztRo0YN8dVXX+U5ZqVKlcRrr70m9u3bJ4KDg4W9vb06kSnsMYQQYu/evaJVq1aiVKlSwsXFRTRo0EBs3LhRCCE9v7mf+5wJZ2E/HwDEiBEjxLfffitq1qwpbGxsxK5du9TXTZ8+Xb1vSkqKeP/999Wfy7Jly4qQkBBx6tSp58akeg+vXbtW6/4vXrwounXrJjw9PYWDg4OoWrVqnsRRl4oVK4r+/fvnGdeV+AohxDvvvCMAiNu3b6vHvvvuOwFAfPzxxzrv49GjR8Ld3V1Ur15dPbZ582YBQMyePfu5MaqcO3dOABA7d+4scD9937vh4eE6/8hQvadz0vU6b926VXh4eOh8HpOTk4W9vb344IMP1GOFfU8R6VL4742ITJDqa04PDw/12N9//43mzZvD19cXEyZMgLOzM7Zu3YquXbtix44dePPNNwEAT548QcuWLXHx4kW8++67qF+/PpKSkrB7927cvHkTnp6eUCqVeOONN3DkyBEMGTIENWrUQExMDBYtWoTLly/j+++/1xlXgwYNEBgYiK1btyI8PFzrui1btsDDwwOhoaEApOkITZo0gUKhwMiRI1G2bFn873//w8CBA5GSkoIxY8Zo3X7WrFmws7PDuHHjkJ6enu9X/D/++CMAoF+/fjqvt7GxQa9evTBz5kwcPXoUISEh6uvWr1+Px48fY8SIEUhLS8OSJUvQrl07xMTEwNvbW6/nWeW9995D2bJlMW3aNKSmpgIA/vzzTxw7dgw9evRAhQoVcP36dSxfvhxt2rTBhQsX4OTkhFatWmH06NFYunQpJk2ahBo1agCA+t/8fPrpp7CyssK4ceOQnJyMefPmoXfv3jh+/Lh6n+XLl2PkyJFo2bIlIiIicP36dXTt2hUeHh7P/Yr3f//7H7KystC3b98C98ute/fuCAgIwNy5c3H69Gl8/fXX8PLywmeffaYV18svv4w33ngDNjY2+PHHH/Hee+9BqVRixIgRWseLjY1Fz549MXToUAwePBjVqlXT6xiRkZF499138fLLL2PixIlwd3fHmTNnsG/fPvTq1QuTJ09GcnIybt68iUWLFgEASpUqBQB6fz5+/fVXbN26FSNHjoSnpyf8/f11PkfDhg3D9u3bMXLkSNSsWRP379/HkSNHcPHiRdSvX7/AmHT566+/0LJlS9ja2mLIkCHw9/fH1atX8eOPP+aZkpDTrVu3cOPGDdSvXz/ffXJTnVzn7u6uHnveZ9HNzQ1dunTBunXrcOXKFVSpUgW7d+8GAL3eXzVr1oSjoyOOHj2a5/OXU1Hfu4WV+3V+6aWX8Oabb2Lnzp1YuXKl1u+s77//Hunp6ejRowcA/d9TRHnInXkTGYKq6nfgwAGRmJgo4uPjxfbt20XZsmWFvb291ldy7du3F0FBQVrVAaVSKZo1ayZeeukl9di0adPyrY6ovtbcsGGDsLKyyvNV44oVKwQAcfToUfVYzoqvEEJMnDhR2NraigcPHqjH0tPThbu7u1YVduDAgcLHx0ckJSVp3UePHj2Em5ubuhqrqmQGBgYW6uvsrl27CgD5VoSFEGLnzp0CgFi6dKkQQlMtc3R0FDdv3lTvd/z4cQFAREREqMcK+zyrXrsWLVpoff0rhND5OFSV6vXr16vHCprqkF/Ft0aNGiI9PV09vmTJEgFAXblOT08XZcqUEQ0bNhSZmZnq/SIjIwWA51Z8IyIiBABx5syZAvdTUVXHclfg33zzTVGmTBmtMV3PS2hoqAgMDNQaq1SpkgAg9u3bl2f/whzj0aNHwsXFRTRu3DjP19E5v9rPb1qBPp8PAMLKykr8/fffeY6DXBVfNzc3MWLEiDz75ZRfTLoqvq1atRIuLi7i33//zfcx6nLgwIE8386otG7dWlSvXl0kJiaKxMREcenSJfHhhx8KAOK1117T2rdu3brCzc2twPtauHChACB2794thBCiXr16z72NLlWrVhWvvvpqgfvo+97Vt+Kr63Xev3+/zueyU6dOWu9Jfd5TRLqwqwOZlZCQEJQtWxZ+fn5455134OzsjN27d6urcw8ePMCvv/6K7t274/Hjx0hKSkJSUhLu37+P0NBQ/PPPP+ouEDt27ECdOnV0VkYUCgUAYNu2bahRowaqV6+uPlZSUhLatWsHADh06FC+sYaFhSEzMxM7d+5Uj/3888949OgRwsLCAEgn4uzYsQOdO3eGEELrPkJDQ5GcnIzTp09rHTc8PByOjo7Pfa4eP34MAHBxccl3H9V1KSkpWuNdu3aFr6+v+nKjRo3QuHFj7N27F4B+z7PK4MGD85xslPNxZGZm4v79+6hSpQrc3d3zPG59DRgwQKuy1LJlSwDSCUMAcPLkSdy/fx+DBw/WOqmqd+/eWt8g5Ef1nBX0/OoybNgwrcstW7bE/fv3tV6DnM9LcnIykpKS0Lp1a8TFxSE5OVnr9gEBAepvD3IqzDF++eUXPH78GBMmTMhzcqjqM1AQfT8frVu3Rs2aNZ97XHd3dxw/flyra0FRJSYm4rfffsO7776LihUral33vMd4//59AMj3/XDp0iWULVsWZcuWRfXq1TF//ny88cYbeVqpPX78+Lnvk9yfxZSUFL3fW6pYn9cyr6jv3cLS9Tq3a9cOnp6e2LJli3rs4cOH+OWXX9S/D4EX+51LBACc6kBmZdmyZahatSqSk5OxZs0a/Pbbb7C3t1dff+XKFQghMHXqVEydOlXnMe7duwdfX19cvXoVb7/9doH3988//+DixYsoW7ZsvsfKT506dVC9enVs2bIFAwcOBCBNc/D09FT/Ek9MTMSjR4+watUqrFq1qlD3ERAQUGDMKqr/1B4/fqz1tWtO+SXHL730Up59q1atiq1btwLQ73kuKO5nz55h7ty5WLt2LW7duqXVXi13gqev3EmOKnl5+PAhAKh7slapUkVrPxsbm3y/gs/J1dUVgOY5NERcqmMePXoU06dPR3R0NJ4+faq1f3JyMtzc3NSX83s/FOYYV69eBQDUqlVLr8egou/no7Dv3Xnz5iE8PBx+fn4IDg5Gp06d0K9fPwQGBuodo+oPnaI+RgD5tv3z9/fH6tWroVQqcfXqVcyePRuJiYl5/ohwcXF5bjKa+7Po6uqqjl3fWJ+X0Bf1vVtYul5nGxsbvP3229i0aRPS09Nhb2+PnTt3IjMzUyvxfZHfuUQAE18yM40aNUKDBg0ASFXJFi1aoFevXoiNjUWpUqXU/TPHjRunswoG5E10CqJUKhEUFISFCxfqvN7Pz6/A24eFhWH27NlISkqCi4sLdu/ejZ49e6orjKp4+/Tpk2cusErt2rW1Lhem2gtIc2C///57/PXXX2jVqpXOff766y8AKFQVLqeiPM+64h41ahTWrl2LMWPGoGnTpnBzc4NCoUCPHj3y7YVaWPm1ssovidFX9erVAQAxMTGoW7duoW/3vLiuXr2K9u3bo3r16li4cCH8/PxgZ2eHvXv3YtGiRXmeF13Pq77HKCp9Px+Ffe92794dLVu2xK5du/Dzzz9j/vz5+Oyzz7Bz5068+uqrLxx3YZUpUwaA5o+l3JydnbXmxjdv3hz169fHpEmTsHTpUvV4jRo1cPbsWdy4cSPPHz4quT+L1atXx5kzZxAfH//c3zM5PXz4UOcfrjnp+97NL5HOzs7WOZ7f69yjRw+sXLkS//vf/9C1a1ds3boV1atXR506ddT7vOjvXCImvmS2rK2tMXfuXLRt2xZffvklJkyYoK4I2draav2HpEvlypVx/vz55+5z7tw5tG/fvlBf/eYWFhaGmTNnYseOHfD29kZKSor6JA4AKFu2LFxcXJCdnf3cePX1+uuvY+7cuVi/fr3OxDc7OxubNm2Ch4cHmjdvrnXdP//8k2f/y5cvqyuh+jzPBdm+fTvCw8OxYMEC9VhaWhoePXqktV9RnvvnUS1GcOXKFbRt21Y9npWVhevXr+f5gyO3V199FdbW1vj2228NepLQjz/+iPT0dOzevVsrSdLnK97CHqNy5coAgPPnzxf4B2F+z/+Lfj4K4uPjg/feew/vvfce7t27h/r162P27NnqxLew96d6rz7vs66LKkG8du1aofavXbs2+vTpg5UrV2LcuHHq5/7111/Hd999h/Xr12PKlCl5bpeSkoIffvgB1atXV78OnTt3xnfffYdvv/0WEydOLNT9Z2VlIT4+Hm+88UaB++n73vXw8MjzmQSg90p2rVq1go+PD7Zs2YIWLVrg119/xeTJk7X2Kc73FFkGzvEls9amTRs0atQIixcvRlpaGry8vNCmTRusXLkSd+7cybN/YmKievvtt9/GuXPnsGvXrjz7qapv3bt3x61bt7B69eo8+zx79kzdnSA/NWrUQFBQELZs2YItW7bAx8dHKwm1trbG22+/jR07duj8jzlnvPpq1qwZQkJCsHbtWp0rQ02ePBmXL1/G+PHj81Rovv/+e605uidOnMDx48fVSYc+z3NBrK2t81Rgv/jiizyVJGdnZwDQ+Z9vUTVo0ABlypTB6tWrkZWVpR7fuHFjvhW+nPz8/DB48GD8/PPP+OKLL/Jcr1QqsWDBAty8eVOvuFQV4dzTPtauXWvwY3To0AEuLi6YO3cu0tLStK7LeVtnZ2edU09e9POhS3Z2dp778vLyQvny5ZGenv7cmHIrW7YsWrVqhTVr1uDGjRta1z2v+u/r6ws/Pz+9VjEbP348MjMztSqW77zzDmrWrIlPP/00z7GUSiWGDx+Ohw8fYvr06Vq3CQoKwuzZsxEdHZ3nfh4/fpwnabxw4QLS0tLQrFmzAmPU971buXJlJCcnq6vSAHDnzh2dvzsLYmVlhXfeeQc//vgjNmzYgKysLK1pDkDxvKfIsrDiS2bvww8/RLdu3RAZGYlhw4Zh2bJlaNGiBYKCgjB48GAEBgbi7t27iI6Oxs2bN9VLen744YfqFcHeffddBAcH48GDB9i9ezdWrFiBOnXqoG/fvti6dSuGDRuGQ4cOoXnz5sjOzsalS5ewdetW7N+/Xz31Ij9hYWGYNm0aHBwcMHDgQFhZaf89+umnn+LQoUNo3LgxBg8ejJo1a+LBgwc4ffo0Dhw4gAcPHhT5uVm/fj3at2+PLl26oFevXmjZsiXS09Oxc+dOREVFISwsDB9++GGe21WpUgUtWrTA8OHDkZ6ejsWLF6NMmTIYP368ep/CPs8Fef3117Fhwwa4ubmhZs2aiI6OxoEDB9RfMavUrVsX1tbW+Oyzz5CcnAx7e3u0a9cOXl5eRX5u7OzsMGPGDIwaNQrt2rVD9+7dcf36dURGRqJy5cqFqjYtWLAAV69exejRo7Fz5068/vrr8PDwwI0bN7Bt2zZcunRJq8JfGB06dICdnR06d+6MoUOH4smTJ1i9ejW8vLx0/pHxIsdwdXXFokWLMGjQIDRs2BC9evWCh4cHzp07h6dPn2LdunUAgODgYGzZsgVjx45Fw4YNUapUKXTu3Nkgn4/cHj9+jAoVKuCdd95RL9N74MAB/Pnnn1rfDOQXky5Lly5FixYtUL9+fQwZMgQBAQG4fv069uzZg7NnzxYYT5cuXbBr165CzZ0FpKkKnTp1wtdff42pU6eiTJkysLOzw/bt29G+fXu0aNFCa+W2TZs24fTp0/jggw+03iu2trbYuXMnQkJC0KpVK3Tv3h3NmzeHra0t/v77b/W3NTnbsf3yyy9wcnLCK6+88tw49Xnv9ujRAx999BHefPNNjB49Gk+fPsXy5ctRtWpVvU9CDQsLwxdffIHp06cjKCgoT1vC4nhPkYUp+UYSRIaX3wIWQkgrA1WuXFlUrlxZ3S7r6tWrol+/fqJcuXLC1tZW+Pr6itdff11s375d67b3798XI0eOFL6+vupG6eHh4VqtxTIyMsRnn30mXn75ZWFvby88PDxEcHCwmDlzpkhOTlbvl7udmco///yjbrJ/5MgRnY/v7t27YsSIEcLPz0/Y2tqKcuXKifbt24tVq1ap91G16dq2bZtez93jx4/FjBkzxMsvvywcHR2Fi4uLaN68uYiMjMzTzinnAhYLFiwQfn5+wt7eXrRs2VKcO3cuz7EL8zwX9No9fPhQDBgwQHh6eopSpUqJ0NBQcenSJZ3P5erVq0VgYKCwtrYu1AIWuZ+n/BY2WLp0qahUqZKwt7cXjRo1EkePHhXBwcGiY8eOhXh2pVWuvv76a9GyZUvh5uYmbG1tRaVKlcSAAQO02kXlt3Kb6vnJuWjH7t27Re3atYWDg4Pw9/cXn332mVizZk2e/VQLWOhS2GOo9m3WrJlwdHQUrq6uolGjRuK7775TX//kyRPRq1cv4e7unmcBi8J+PvDfwga6IEc7s/T0dPHhhx+KOnXqCBcXF+Hs7Czq1KmTZ/GN/GLK73U+f/68ePPNN4W7u7twcHAQ1apVE1OnTtUZT06nT58WAPK018pvAQshhIiKisrTok0IIe7duyfGjh0rqlSpIuzt7YW7u7sICQlRtzDT5eHDh2LatGkiKChIODk5CQcHB1GrVi0xceJEcefOHa19GzduLPr06fPcx6RS2PeuEEL8/PPPolatWsLOzk5Uq1ZNfPvttwUuYJEfpVIp/Pz8BADxySef6NynsO8pIl0UQhjoTA4iMnvXr19HQEAA5s+fj3HjxskdjiyUSiXKli2Lt956S+fXrWR52rdvj/Lly2PDhg1yh5Kvs2fPon79+jh9+rReJ1sSmRvO8SUiykdaWlqeeZ7r16/HgwcP0KZNG3mCIqMzZ84cbNmyRe+TuUrSp59+infeeYdJL1k8zvElIsrHH3/8gYiICHTr1g1lypTB6dOn8c0336BWrVro1q2b3OGRkWjcuDEyMjLkDqNAmzdvljsEIqPAxJeIKB/+/v7w8/PD0qVL8eDBA5QuXRr9+vXDp59+qrXqGxERmQbO8SUiIiIii8A5vkRERERkEZj4EhEREZFFsLg5vkqlErdv34aLiwuXOyQiIiIyQkIIPH78GOXLl8+zsNOLsLjE9/bt2/Dz85M7DCIiIiJ6jvj4eFSoUMFgx7O4xNfFxQWA9ES6urrKHA0RERER5ZaSkgI/Pz913mYoFpf4qqY3uLq6MvElIiIiMmKGnpbKk9uIiIiIyCIw8SUiIiIii8DEl4iIiIgsAhNfIiIiIrIITHyJiIiIyCIw8SUiIiIii8DEl4iIiIgsAhNfIiIiIrIITHyJiIiIyCIw8SUiIiIii8DEl4iIiIgsAhNfIiIiIrIITHyJiIiIyCIw8SUiIiIii8DEl4iIiIgsgqyJ72+//YbOnTujfPnyUCgU+P777597m6ioKNSvXx/29vaoUqUKIiMjiz1OIiIiIjJ9sia+qampqFOnDpYtW1ao/a9du4bXXnsNbdu2xdmzZzFmzBgMGjQI+/fvL+ZIiYiIiMjU2ch556+++ipeffXVQu+/YsUKBAQEYMGCBQCAGjVq4MiRI1i0aBFCQ0OLK0wiIiIiKiZCAA8fAteuAdevA9euKpFy4u9iuS9ZE199RUdHIyQkRGssNDQUY8aMyfc26enpSE9PV19OSUkprvCIiIiISIeUlP+S2mt5/712DXj8WNqvHO5gLQagLg5jVjHEYVKJb0JCAry9vbXGvL29kZKSgmfPnsHR0THPbebOnYuZM2eWVIhEREREFufpUymRzS+5ffDg+cd4Az/gawxCWSShuMqUJpX4FsXEiRMxduxY9eWUlBT4+fnJGBERERGRaUlPB27c0J3UXr8O3L1btOPa2gLV/VIxJ/0DvH5rpXo8w8MLeHjPEKFrManEt1y5crib65m9e/cuXF1ddVZ7AcDe3h729vYlER4RERGRScrKAm7ezDsFQbV9+7Y0F1dfVlaAnx8QECD9+Ptr/+tz+xSs+/UG4mI1N+raFXYLFwKBgYZ5cDmYVOLbtGlT7N27V2vsl19+QdOmTWWKiIiIiMj4KZVS8qprfu3160B8PJCdrf9xFQqgfHlNIps7ua1QQarq5pGdDXz+OTBlipR1A4CTE7B4MTBokGbSr4HJmvg+efIEV65cUV++du0azp49i9KlS6NixYqYOHEibt26hfXr1wMAhg0bhi+//BLjx4/Hu+++i19//RVbt27Fnj175HoIRERERLITArh3L/+Tx27cADIyinZsLy/thDbndsWKQJG+WE9LA77+WpP0BgcDmzYBVasWLchCkjXxPXnyJNq2bau+rJqLGx4ejsjISNy5cwc3btxQXx8QEIA9e/YgIiICS5YsQYUKFfD111+zlRkRERGZtZwtv/KbZ/vsWdGOXbp03ikIOf91cjLQg8jJ2VlKdFu0AD74AJgxA7CzK4Y70qYQoigzNkxXSkoK3NzckJycDFdXV7nDISIiIgKg3fJLV3Jb1G//XVzyT2r9/QE3NwM9gII8fiw9QF9f7fFbt/KOofjyNZOa40tERERkqnK3/Mqd3Bam5Zcujo4FV2xLl5bm4somOhro0wcoVw44fBiwyZF+6kh6ixMTXyIiIiID0NXyK+f2vSJ257K1BSpVyn+erZeXzIltfrKygNmzgVmzpJPZ4uKAzz4DJk+WLSQmvkRERESFkJUldT/Ib5GGorb8sraWWn7lrtaqtsuXl9qCmZS4OKnKGx2tGWvWDOjVS76YwMSXiIiICICm5Vd+J4+9aMsvXVMRAgKkb/t1tvwyRUIAGzYAI0dqJiVbWwPTpwMTJ2pPc5ABE18iIiKyCDlbfulKbv/9F8jMLNqxVS2/dCW3RW75ZWoePgSGDQO2btWMBQYCGzcCTZrIF1cOTHyJiIjILAghnSCW3yINhmr5paszQrG0/DIlKSlA3brSJGeV/v2BpUulthJGgokvERERmYyUlPwXabh+3fAtv1Tb7ID6HK6uwJtvAkuWAB4ewMqVQLduckeVBxNfIiIiMhqpqdKUg/yS24cPi3bcglp+BQRIuZpRdkYwJZ9+Kq3INnmydLaeEWLiS0RERCUmZ8svXcmtIVp+6UpujbbllykSAli9WjppbeBAzbiDA7BihXxxFQITXyIiIjKY3C2/cie3hmr5lTu5NcmWX6YoMREYPBj44QepjN6sGVCjhtxRFRoTXyIiIiq07Gzgzp38F2m4edNwLb9ybleoIHsnLPr5ZyA8HEhIkC4/ewb89BMTXyIiIjJNQgB37+Z/8tiLtPzy9s5/nq3FtPwyRWlpUg/exYs1Y56ewJo1QOfOsoVVFEx8iYiILIiq5Vd+izS8aMsvXUktW36ZsJgYoHdv6V+Vjh2BtWuBcuXki6uImPgSERGZGVXLr/yS2xdt+ZVfcsuWX2ZECOCLL4Dx46UzEgGpJD9/vrQqm4meKcjEl4iIyMTkbPmlK7k1ZMuvnNts+WVBnjwBFizQJL21a0srsNWqJW9cL4iJLxERkZFJT5cS2/zm2Ra15ZedndTyK7/kli2/SM3FBfj2W6BtW2D0aGDOHKldmYlj4ktERFTCMjOl7gf5LdJw586LtfzKb5EGHx+2/KJ8pKZKP15emrGWLYHLl4HAQPniMjAmvkRERAaWnS31q9U1v9ZQLb90Jbds+UVFcuqUdAKbry/wyy/afx2ZUdILMPElIiLSW+6WX7mTW0O1/Mqd3LLlFxlUdjbw+efAlCnSyiOxscCiRcAHH8gdWbFh4ktERJSLrpZfuZPbtLSiHTt3y6+c25UqseUXlZD4eKBfPyAqSjMWHGxyfXn1xcSXiIgsUnJy/iePseUXmbWtW4GhQ4FHj6TLCgUwYQIwY4Z0BqQZY+JLRERmKTVVk8QauuVXfkktW36RUUtJkTo0rFunGfPzAzZsAFq3li+uEsTEl4iITJKq5Vd+izQYquVX7uSWLb/IJCUnA/XrA3FxmrGwMGD5cumvNQvBxJeIiIxSzpZfupLb27eLdlxdLb9ybrPlF5klNzegXTsp8XVxAZYtA/r0sbi/4pj4EhGRLPJr+aXafpGWX76++S/SwJZfZLEWLQKePQM+/tjs2pQVFj/6RERULFQtv/JbpOHGjRdr+ZXfIg1+fmz5RRZOCGnerq0t0LOnZrxUKWk1NgvGxJeIiIokZ8uv/ObZvmjLL13JLVt+ERXg4UNg2DCpc0OpUkCjRkDlynJHZTSY+BIRUb5ytvzSldw+eVK04+Zs+ZU7uWXLL6IiiooC+vaV5gkB0gd0+3bgo49kDcuYMPElIrJguVt+5U5uDd3yS7XNll9EBpSRAUybBsybJ30VAwDu7sCqVUC3brKGZmyY+BIRmbG0NGkubX7zbBMTi3ZcVcuv/JLbsmWZ2BKViNhYoFcv4PRpzVibNsD69dKEd9LCxJeIyIRlZkorj+a3SMOLtPyqWDH/RRrY8otIZkJIFd2ICKlTAyCdzDZ7NvDBB/yA5oOJLxGREVO1/Mrv5LH4eECp1P+4uVt+5U5u2fKLyMglJ0tLDKuS3mrVgE2bpEUqKF/8tUZEJKOcLb90JbeGbPmVc5stv4hMnLs7EBkJdOwodXFYsIDtTgqBiS8RUTESArh/P/9FGl6k5VeZMvmfPMaWX0RmJi0NePpU6vWnEhoKnD8PvPyyfHGZGCa+REQvKDk5/5PHrl8vessvV9f8Tx6rVIktv4gsRkyMdAJbpUrAjz9qnznKpFcvTHyJiJ5D1fIrv+T20aOiHVfV8ktXcsuWX0QEpRL44gupD296ulTdXbECGD5c7shMFhNfIrJ4OVt+6UpuDdHyS1dyy5ZfRJSvO3eAAQOA/fs1Y7VrAy1byheTGWDiS0RmL3fLr9zJraFbfqm22fKLiIrkhx+AQYOApCTNWEQEMGcO4OAgX1xmgIkvEZk8XS2/cm7fvPliLb/ym2fr68uWX0RkQKmpUg/elSs1Yz4+wLp1wCuvyBeXGeGvbCIyekIACQn5z7M1RMsvXcltxYrSdAUiomL38CHQtKm0EptK167A6tWAp6dsYZkbJr5EJDtVy6/8FmkwVMuv3MktW34RkdHw8ACCg6XE18kJWLIEGDiQJwIYGBNfIioRqpZf+SW3hmr5lXObLb+IyKQsWyatxPbpp0DVqnJHY5aY+BKRQehq+ZVzu6gtv5ycdLf6UiW57u4siBCRCdq6VVo+sUsXzZi7O7Bzp2whWQImvkRUKGlpwL//5p/cvkjLL3///JNbtvwiIrOSkgKMHi2dsObhAfz1F1ChgtxRWQwmvkQEQNPyK79FGu7cKdpxVS2/8lukgS2/iMhiREcDvXtLv1QB6YS2b78FJkyQNy4LwsSXyELkbPmlK7k1ZMuvnNts+UVEFi8rC/jkE+knO1sac3GR5vT26SNvbBaG/x0RmYncLb9yJ7cv0vKrXLn8F2lgyy8iogLExUnJbXS0ZqxZM6nSGxAgX1wWiokvkYnQ1fIr5/a//75Yy6/8piL4+wOOjoZ6FEREFkIIYP16YORITdsaa2tg2jRg0iR+FSYTPutERuTRo/xPHjNEy6/8klsXF8PET0RE/3n4UFqFTfWLOzAQ2LgRaNJE3rgsHBNfohKUmpr/yWPXrxu25VfObbb8IiIqYaVLA19/Dbz5JtC/P7B0KasMRoCJL5EBqVp+5bdIg6Fbfqm22fKLiEhmGRlAerp2ctu1K3DypLQiGxkFJr5EesjZ8ktXclscLb8CAqSTy9jyi4jISMXGAr16AVWqAJs3a1cimPQaFSa+RDlkZwO3buU/FcEQLb90Jbds+UVEZIKEAFatAiIipKWGT58GXnsN6NdP7sgoH/yvliyKUgncvZv/PNsbN6R2i0WRs+VX7uSWLb+IiMxMYiIwaBCwe7dmrFo1oFYt+WKi52LiS2ZFCCApSff8WkO3/Mq5XakSW34REVmM/fulE9YSEjRjw4YBCxZIZxuT0WLiSyYnZ8svXcltamrRjsuWX0REVKC0NGDiRGDxYs2YpyewZg3QubNsYVHhMfElo/PkiaZvra7k9kVafuWX1AYEAB4ehomfiIjM0IMHQJs2QEyMZqxjR2DtWmmuG5kEJr5U4nS1/Mq5nZRUtOPmbvmVO7llyy8iIioyDw9pEYqYGMDeHpg/X1qVjf+xmBQmvmRwmZnSSWL5zbM1ZMuvnNts+UVERMVGoZAWpHj2TJrLy5PYTBITX9KbquVXfos0vEjLrwoV8l+kgS2/iIioxOzeLVV2Q0M1Y56e0oltZLKYRlAeulp+5dx+0ZZf+S3S4OfHll9ERCSz1FTggw+AlSsBLy9paoOXl9xRkYEw8bVA+bX8Um1fvy6tulgUqpZfupJbtvwiIiKjduqUtALb5cvS5Xv3pI4NEybIGxcZDBNfM/XoUf6LNFy/bpiWX7mTW7b8IiIik5SdDXz+OTBliuYrTScnqW3ZoEGyhkaGxcTXRKlafuU3z9ZQLb9yJ7ds+UVERGYlPh7o2xc4fFgzFhwMbNoEVK0qX1xULJj4GrkLF6TPYu7k9kVbfuU3z9bTk51ZiIjIQmzdCgwdqqkWKRTStIYZM3jSiZli4mvEzp4F6teX5uQWlo2N1PIrv+SWLb+IiIggVZAGDwZSUqTLfn7Ahg1A69byxkXFiomvETt4MG/Sm7vlV+7kli2/iIiICsHTE1i+HOjdGwgLk7Y5n8/sMUUyYv/+q9letkxqJciWX0REREWQlQVkZEgns6j06iVVk1q25Dw/C8EvvY3YjRua7c6dgcqVmfQSERHpLS4OaNVKWmI4t1atmPRaECa+RkxV8bW2Bnx85I2FiIjI5AgBrF8P1KkDREcDa9cC27bJHRXJiFMdjJiq4luhAuftEhER6eXhQ2DYMKlzg0pgoDRnkCwWK75G6skT4MEDabtSJXljISIiMilRUUDt2tpJb//+UrukJk1kCoqMARNfI5XzxLaKFeWLg4iIyGRkZEh9eNu1A27elMY8PKQEeO1aLi9KnOpgrHKe2MaKLxER0XPcvw906ACcPq0Za9tWmuNboYJ8cZFRYcXXSLHiS0REpAcPD6k3LwDY2gLz5gEHDjDpJS1MfI0UK75ERER6sLICIiOBFi2AP/4APvyQS5VSHpzqYKRY8SUiIirAzz8DDg5SH14VHx/g99/li4mMnux/Ci1btgz+/v5wcHBA48aNceLEiQL3X7x4MapVqwZHR0f4+fkhIiICaWlpJRRtyclZ8WXiS0RE9J+0NCAiQlrOtHdvqW0ZUSHJmvhu2bIFY8eOxfTp03H69GnUqVMHoaGhuHfvns79N23ahAkTJmD69Om4ePEivvnmG2zZsgWTJk0q4ciLn6riW6YM4OwsbyxERERGISYGaNQIWLxYunzzJrBqlawhkWmRNfFduHAhBg8ejAEDBqBmzZpYsWIFnJycsGbNGp37Hzt2DM2bN0evXr3g7++PDh06oGfPns+tEpuarCzg1i1pm/N7iYjI4imVwJIlQMOGUvILAPb2wNKlwPjx8sZGJkW2xDcjIwOnTp1CSEiIJhgrK4SEhCA6OlrnbZo1a4ZTp06pE924uDjs3bsXnTp1yvd+0tPTkZKSovVj7G7dkj7jAKc5EBGRhbtzB+jUCRgzBkhPl8aCgoCTJ4FRowCFQtbwyLTIdnJbUlISsrOz4e3trTXu7e2NS5cu6bxNr169kJSUhBYtWkAIgaysLAwbNqzAqQ5z587FzJkzDRp7cWNHByIiIgA//AAMGgQkJWnGIiKAOXOkE9uI9CT7yW36iIqKwpw5c/DVV1/h9OnT2LlzJ/bs2YNZs2ble5uJEyciOTlZ/RMfH1+CERcNOzoQEZHFS0yUTl5TJb0+PsD+/cDChUx6qchkq/h6enrC2toad+/e1Rq/e/cuypUrp/M2U6dORd++fTFo0CAAQFBQEFJTUzFkyBBMnjwZVjr69dnb28Pe3t7wD6AYseJLREQWr2xZ6SS2wYOBLl2Ar7/WLFBBVESyVXzt7OwQHByMgwcPqseUSiUOHjyIpk2b6rzN06dP8yS31tbWAAAhRPEFW8JY8SUiIouTna2Zw6sycCDwv/8Bu3Yx6SWDkHUBi7FjxyI8PBwNGjRAo0aNsHjxYqSmpmLAgAEAgH79+sHX1xdz584FAHTu3BkLFy5EvXr10LhxY1y5cgVTp05F586d1QmwOWDFl4iILEp8PNCvH1CrFvDFF5pxhQLo2FG+uMjsyJr4hoWFITExEdOmTUNCQgLq1q2Lffv2qU94u3HjhlaFd8qUKVAoFJgyZQpu3bqFsmXLonPnzpg9e7ZcD6FYqCq+Dg7SNz1ERERma+tWYOhQ4NEjICoKePVVqYsDUTFQCHOaI1AIKSkpcHNzQ3JyMlxdXeUOJw8hABcXIDUVqFoViI2VOyIiIqJikJICjB4NrFunGfPzAzZuBFq2lC8uMgrFla/JWvGlvB48kJJegNMciIjITEVHA336AHFxmrGwMGD5csDDQ764yOyZVDszS8AT24iIyGxlZQEzZ0oVXVXS6+ICrF8PfPcdk14qdqz4Ghme2EZERGbp/n2gc2ep2qvSrBnw7bdAQIB8cZFFYcXXyLDiS0REZsndHbD5r95mbS1Vfg8fZtJLJYqJr5FhxZeIiMyStTWwYQNQvz5w5AgwbZomESYqIXzHGRlWfImIyCwcPgw4OgKNGmnGKlUCTp6U+vMSyYAVXyOjqvgqFECFCvLGQkREpLeMDGDiRKBtW6BnT+DxY+3rmfSSjJj4GhlVxdfHB7CzkzcWIiIivcTGAk2bAp9+KjWmj4uTWpQRGQkmvkbk2TPg3j1pm/N7iYjIZAgBrFoF1KsHnD4tjdnaAvPmAePGyRsbUQ6c42tE4uM125zfS0REJiExERg8GPjhB81YtWrApk3SiWxERoQVXyPCjg5ERGRS9u8HatfWTnqHDZOqvkx6yQix4mtE2NGBiIhMxt27QNeuQFqadNnTE1izRlqkgshIseJrRFjxJSIik+HtLZ3EBgChoUBMDJNeMnqs+BoRVnyJiMhoKZVAdrZ00prKqFFS78033wSsWEsj48d3qRFhxZeIiIzSnTvAq68CU6Zoj1tZAW+/zaSXTAbfqUZEVfF1c5N+iIiIZPfDD0BQEPDzz8D8+cCvv8odEVGRMfE1Ekqlpp0ZpzkQEZHsUlOlDg1duwL370tj3t6yhkT0ojjH10gkJACZmdI2pzkQEZGsTp0CevUCLl/WjHXpAnz9tdS9gchEseJrJHhiGxERyS47G/jsM6BJE03S6+Qkrcq2axeTXjJ5rPgaCZ7YRkREskpKArp1A6KiNGPBwdIKbFWryhYWkSGx4mskWPElIiJZubkBT55I2woFMHEicOwYk14yK0x8jQQrvkREJCtbW2DjRqBGDeDQIWDOHMDOTu6oiAyKUx2MBCu+RERUoqKjpfm7depoxqpWBc6fZ19eMlt8ZxsJVcXX1hbw8ZE3FiIiMmNZWcDMmUDLlkDPnsDTp9rXM+klM8Z3t5FQVXwrVODvHCIiKiZxcUCrVsCMGVIHh4sXga++kjsqohLDFMsIJCdLPwDn9xIRUTEQAli/HqhbV5riAADW1sDHHwNjxsgZGVGJ4hxfI5DzxDbO7yUiIoN6+FBagW3rVs1Y5crAt99K/XqJLAgrvkaAHR2IiKhYREUBtWtrJ70DBgBnzjDpJYvEiq8RYEcHIiIyuDt3gNBQICNDuuzhAaxcKS1SQWShWPE1Aqz4EhGRwfn4ANOnS9tt2wJ//cWklyweK75GgBVfIiJ6YUIASqV00prKRx8Bfn5A795sGUQEVnyNAk9uIyKiF5KYCLz5JvDJJ9rj1tZA375Meon+w0+CEVBVfL28AEdHeWMhIiITs3+/dALbDz8As2Zp2pURUR5MfGWWmQncvi1ts9pLRESFlpYGREQAHTsCCQnSmIcH8PixvHERGTHO8ZXZzZvStCyAJ7YREVEhxcRI83ZjYjRjoaFAZCRQrpxsYREZO1Z8ZcYT24iIqNCUSmDJEqBhQ03Sa28vje3dy6SX6DlY8ZUZW5kREVGh3L8vVXn379eMBQUBmzYBtWrJFxeRCWHFV2as+BIRUaE4OwO3bmkuR0QAJ04w6SXSAxNfmbHiS0REheLgIFV3AwKkqu/ChdIYERUapzrIjBVfIiLS6dQpqcpbvbpmLCgIuHwZsOF/30RFwYqvzFQVXycnoEwZeWMhIiIjkJ0NfPYZ0KQJ0LMnkJ6ufT2TXqIiY+IrIyE0iW/FioBCIW88REQks/h4oH17YMIEICsLOHsW+OoruaMiMhtMfGWUlAQ8eyZtc34vEZGF27pVWoHt8GHpskIBTJwIjBghb1xEZoTfl8iI83uJiAgpKcDo0cC6dZoxPz9gwwagdWv54iIyQ0x8ZcSODkREFi46GujTB4iL04yFhQHLl0vLDxORQTHxlRErvkREFuzWLaBNGyAjQ7rs4gIsWyYlwjzpg6hYcI6vjFjxJSKyYL6+wLhx0nazZsC5c0Dfvkx6iYoRK74yYsWXiMiCCCH9mzOxnTFD+g9g4EC2KSMqAaz4ykhV8bWykv7wJyIiM/XwIdCjB7Bggfa4rS0wdCiTXqISwsRXRqqKr6+v9LuPiIjMUFSU1KZs61Zg0iTgzBm5IyKyWEx8ZfL0qdTHF+A0ByIis5SRIS1E0a4dcPOmNFaqFJCQIG9cRBaM363IhCe2ERGZsdhYoFcv4PRpzVjbtsD69UCFCvLFRWThWPGVSc7ElxVfIiIzIQSwciVQr54m6bW1BebNAw4cYNJLJLMXqvimpaXBwcHBULFYlJwdHVjxJSIyAw8eAAMGALt3a8aqVQM2bQLq15cvLiJS07viq1QqMWvWLPj6+qJUqVKI+2+1malTp+Kbb74xeIDmiq3MiIjMjL09cOmS5vLw4VLVl0kvkdHQO/H95JNPEBkZiXnz5sHOzk49XqtWLXz99dcGDc6ccY4vEZGZcXYGNm4EypeXqr5ffQU4OckdFRHloHfiu379eqxatQq9e/eGtbW1erxOnTq4lPMvXSoQK75ERCYuJgb471tPtQYNpLHOneWJiYgKpHfie+vWLVSpUiXPuFKpRGZmpkGCsgSqiq+Hh7Q8OxERmQilEliyBGjYEOjdG8jK0r7e3l6euIjoufROfGvWrInff/89z/j27dtRr149gwRl7rKzNS0dWe0lIjIhd+4Ar74KjBkDpKcDf/wBLF8ud1REVEh6d3WYNm0awsPDcevWLSiVSuzcuROxsbFYv349fvrpp+KI0ezcuaMpEHB+LxGRifjhB2DgQOD+fc1YRAQweLB8MRGRXvSu+Hbp0gU//vgjDhw4AGdnZ0ybNg0XL17Ejz/+iFdeeaU4YjQ7nN9LRGRCUlOBYcOArl01Sa+PD7B/P7BwIcC2nkQmo0h9fFu2bIlffvnF0LFYDHZ0ICIyEadOSSuwXb6sGevaFVi9GvD0lC0sIioavSu+gYGBuJ/za57/PHr0CIGBgQYJytyx4ktEZALi44FmzTRJr5OTlPDu3Mmkl8hE6Z34Xr9+HdnZ2XnG09PTcevWLYMEZe5Y8SUiMgF+fsB770nbwcHAmTPAoEGAQiFvXERUZIWe6rA7xxKM+/fvh5ubm/pydnY2Dh48CH9/f4MGZ664XDERkZESQjuxnTtX+mpuxAggx6JNRGSaFEIIUZgdrayk4rBCoUDum9ja2sLf3x8LFizA66+/bvgoDSglJQVubm5ITk6Gq6urLDEEBQHnz0u/Q589A6z0rrsTEZFBpaQAo0cDjRppqrxEJJviytcKXfFVKpUAgICAAPz555/w5PymIhFCU/GtWJFJLxGR7KKjpYUorl0DtmwB2rYFatSQOyoiKgZ6p13Xrl1j0vsCkpOBx4+lbZ7YRkQko6wsYMYMoGVLKekFAFtb4OpVWcMiouJTpHZmqampOHz4MG7cuIGMjAyt60aPHm2QwMwV5/cSERmBuDigTx+p2qvSrBnw7bdAQIB8cRFRsdI78T1z5gw6deqEp0+fIjU1FaVLl0ZSUhKcnJzg5eXFxPc5cnZ0YMWXiKiECQGsXw+MHAk8eSKNWVsD06YBkyYBNkWqBxGRidB7qkNERAQ6d+6Mhw8fwtHREX/88Qf+/fdfBAcH4/PPPy+OGM0KK75ERDJ59Ajo0QPo31+T9AYGAkeOSIkvk14is6d34nv27Fl88MEHsLKygrW1NdLT0+Hn54d58+Zh0qRJxRGjWeHiFUREMlEogOPHNZf79wfOngWaNJErIiIqYXonvra2turWZl5eXrjx33f3bm5uiI+PN2x0ZoiLVxARycTNDdiwQVp1betWYO1awMVF7qiIqATp/b1OvXr18Oeff+Kll15C69atMW3aNCQlJWHDhg2oVatWccRoVnJWfCtUkC8OIiKzFxsLODtr/7Jt2RK4fl0aJyKLo3fFd86cOfDx8QEAzJ49Gx4eHhg+fDgSExOxcuVKgwdoblQV33LlAAcHeWMhIjJLQgArVwL16gH9+gH/9aFXY9JLZLEKvXKbuZBz5bb0dE2y26iR9lQzIiIygMREYNAgYPduzdjy5cCwYfLFRER6K658zWDrhp0+fdrolyuW282bmm3O7yUiMrD9+4HatbWT3mHDpKovERH0THz379+PcePGYdKkSYiLiwMAXLp0CV27dkXDhg3VyxrrY9myZfD394eDgwMaN26MEydOFLj/o0ePMGLECPj4+MDe3h5Vq1bF3r179b5fObCjAxFRMUhLAyIigI4dgYQEaczTU0qAly8HnJzkjY+IjEahT2775ptvMHjwYJQuXRoPHz7E119/jYULF2LUqFEICwvD+fPnUUPPtc23bNmCsWPHYsWKFWjcuDEWL16M0NBQxMbGwsvLK8/+GRkZeOWVV+Dl5YXt27fD19cX//77L9zd3fW6X7mwowMRkYHFxAC9e0v/qoSGApGR0skUREQ5FDrxXbJkCT777DN8+OGH2LFjB7p164avvvoKMTExqFDE9gQLFy7E4MGDMWDAAADAihUrsGfPHqxZswYTJkzIs/+aNWvw4MEDHDt2DLa2tgAAf3//It23HFjxJSIyoH//BRo2lE6gAAB7e2DePGlVNiuDzeQjIjNS6N8MV69eRbdu3QAAb731FmxsbDB//vwiJ70ZGRk4deoUQkJCNMFYWSEkJATROddOz2H37t1o2rQpRowYAW9vb9SqVQtz5sxBdnZ2vveTnp6OlJQUrR+5sOJLRGRAlSpp5u8GBQEnTwKjRzPpJaJ8Ffq3w7Nnz+D03zwphUIBe3t7dVuzokhKSkJ2dja8vb21xr29vZGgmqOVS1xcHLZv347s7Gzs3bsXU6dOxYIFC/DJJ5/kez9z586Fm5ub+sfPz6/IMb8oLldMRGRgixYBn3wCnDgBsJc8ET2HXgtYfP311yhVqhQAICsrC5GRkfD09NTaZ/To0YaLLhelUgkvLy+sWrUK1tbWCA4Oxq1btzB//nxMnz5d520mTpyIsWPHqi+npKTIlvyqKr6lSgEmMi2ZiMg4pKYCH3wgLS/cv79m3NkZmDxZtrCIyLQUOvGtWLEiVq9erb5crlw5bNiwQWsfhUJR6MTX09MT1tbWuHv3rtb43bt3US6fExJ8fHxga2sLa2tr9ViNGjWQkJCAjIwM2NnZ5bmNvb097O3tCxVTcVIqNYlvpUrSkvFERFQIp05JJ7DFxgIbN0qrr1WuLHdURGSCCp34Xr9+3aB3bGdnh+DgYBw8eBBdu3YFIFV0Dx48iJEjR+q8TfPmzbFp0yYolUpY/TeH6/Lly/Dx8dGZ9BqTxETN+Rc8sY2IqBCys4HPPwemTAGysqQxpRI4f56JLxEViaxnAIwdOxarV6/GunXrcPHiRQwfPhypqanqLg/9+vXDxIkT1fsPHz4cDx48wPvvv4/Lly9jz549mDNnDkaMGCHXQyg0zu8lItJDfDzQvj0wYYIm6Q0OBs6cAbp0kTc2IjJZes3xNbSwsDAkJiZi2rRpSEhIQN26dbFv3z71CW83btxQV3YBwM/PD/v370dERARq164NX19fvP/++/joo4/kegiFlrOjAyu+REQF2LoVGDoUePRIuqxQSAnwjBmAkX+7R0TGTSGEEHIHUZKKa+3n51mwABg3TtreuBHo1avE7pqIyDQ8fgyMGgWsW6cZ8/MDNmwAWreWLy4iKnHFla+x2WEJ4eIVRETPkZ4O/Pyz5nJYGHDuHJNeIjIYJr4lhItXEBE9h6enVO11dQXWrwe++w7w8JA7KiIyI0VKfK9evYopU6agZ8+euHfvHgDgf//7H/7++2+DBmdOVBVfa2vgBdb9ICIyH3FxQK6WlnjlFekXZt++7PtIRAand+J7+PBhBAUF4fjx49i5cyeePHkCADh37ly+i0iQpuJboQJgI+sphUREMhNCquzWqQO8+650OSeu8ENExUTvxHfChAn45JNP8Msvv2j1zm3Xrh3++OMPgwZnLp48AR48kLY5v5eILNrDh0CPHtLqa0+eAHv3AmvXyh0VEVkIvRPfmJgYvPnmm3nGvby8kJSUZJCgzA3n9xIRAYiKAmrXltqVqfTvD3TrJldERGRh9E583d3dcefOnTzjZ86cga+vr0GCMjfs6EBEFi0jQ+rD264dcPOmNObhISXAa9cCLi7yxkdEFkPvxLdHjx746KOPkJCQAIVCAaVSiaNHj2LcuHHo169fccRo8ljxJSKLdekS0LQp8Nlnmrm8bdsCf/3FSi8RlTi9E985c+agevXq8PPzw5MnT1CzZk20atUKzZo1w5QpU4ojRpPHii8RWaS4OKB+feD0aemyrS0wbx5w4IB0pi8RUQnTu7+AnZ0dVq9ejalTp+L8+fN48uQJ6tWrh5deeqk44jMLrPgSkUUKDATeektarrJaNWDTJikRJiKSid6J75EjR9CiRQtUrFgRFVm+LBRWfInIYi1bJv3FP3ky4OQkdzREZOH0nurQrl07BAQEYNKkSbhw4UJxxGR2VBXfMmUAZ2d5YyEiKhZpaUBEBLBtm/a4mxswezaTXiIyCnonvrdv38YHH3yAw4cPo1atWqhbty7mz5+Pm6ozdUlLVhZw65a0zWkORGSWYmKARo2AxYuBIUOA+Hi5IyIi0knvxNfT0xMjR47E0aNHcfXqVXTr1g3r1q2Dv78/2rVrVxwxmrTbt4HsbGmb0xyIyKwolcCSJUDDhlLyCwDPngEnT8obFxFRPl5o8dyAgABMmDABderUwdSpU3H48GFDxWU2cs7vZcWXiMzGnTvAgAHA/v2asaAg6QS2WrXki4uIqAB6V3xVjh49ivfeew8+Pj7o1asXatWqhT179hgyNrOQs6MDK75EZBZ++EFagS1n0hsRAZw4waSXiIya3hXfiRMnYvPmzbh9+zZeeeUVLFmyBF26dIETT1zQiRVfIjIbqanABx8AK1dqxnx8gMhIoEMH2cIiIiosvRPf3377DR9++CG6d+8OT0/P4ojJrLCVGRGZjZQUYMcOzeWuXYHVqwH+X0BEJkLvxPfo0aPFEYfZ4uIVRGQ2fHyAr78GevWSTmobOBBQKOSOioio0AqV+O7evRuvvvoqbG1tsXv37gL3feONNwwSmLlQVXwdHICyZeWNhYhIL/HxUvPx0qU1Y126ANeuAV5e8sVFRFRECiGEeN5OVlZWSEhIgJeXF6ys8j8fTqFQIFvVu8tIpaSkwM3NDcnJyXB1dS3W+xICcHGRpsVVrQrExhbr3RERGc7WrcDQoUBIiLTNyi4RlaDiytcK1dVBqVTC67+/7pVKZb4/xp70lrQHD6SkF+D8XiIyESkpQP/+QFgY8OgRsH271KKMiMgM6N3ObP369UhPT88znpGRgfXr1xskKHPB+b1EZFKio4G6dYF16zRjYWFAp06yhUREZEh6J74DBgxAcnJynvHHjx9jwIABBgnKXLCjAxGZhKwsYOZMoGVLaf4uIM3TWr8e+O47wMND3viIiAxE764OQggodMz1unnzJtzc3AwSlLlgxZeIjF5cHNCnj1TtVWnWDPj2WyAgQL64iIiKQaET33r16kGhUEChUKB9+/awsdHcNDs7G9euXUPHjh2LJUhTxYovERm1K1eA+vWBx4+ly9bWwLRpwKRJgM0LrWhPRGSUCv2brWvXrgCAs2fPIjQ0FKVKlVJfZ2dnB39/f7z99tsGD9CUseJLREatcmWgfXvg+++BwEBg40agSRO5oyIiKjaFTnynT58OAPD390dYWBgcHByKLShzoar4KhRAhQryxkJElIdCIa28VqkSMGuWNK+XiMiMFaqPrzkpyT6+5coBd+8C5csDt24V610RERUsI0OaxtCyJfDaa3JHQ0RUoOLK1wpV8S1dujQuX74MT09PeHh46Dy5TeXBgwcGC86UpaVJSS/AaQ5EJLPYWGmZ4dOngbVrgb/+Ary95Y6KiKjEFSrxXbRoEVz++wps0aJFBSa+JImP12zzxDYikoUQwKpVQEQE8OyZNPbwIXD0KPDWW/LGRkQkg0IlvuHh4ert/v37F1csZiVnRwdWfImoxCUmAoMGAbt3a8aqVZNWYatfX764iIhkpPcCFqdPn0ZMTIz68g8//ICuXbti0qRJyMjIMGhwpixnRwdWfImoRO3fD9SurZ30Dh8uTXVg0ktEFkzvxHfo0KG4fPkyACAuLg5hYWFwcnLCtm3bMH78eIMHaKpY8SWiEpeWJk1r6NgRSEiQxjw9pQT4q68AJyd54yMikpneie/ly5dRt25dAMC2bdvQunVrbNq0CZGRkdixY4eh4zNZXLyCiErcvXvSyWsqHTsCMTFA587yxUREZET0TnyFEFAqlQCAAwcOoFOnTgAAPz8/JCUlGTY6E8bFK4ioxFWsCCxfDtjbA0uXAnv3Sn0ViYgIgB4LWKg0aNAAn3zyCUJCQnD48GEsX74cAHDt2jV4sz2Omqri6+oKuLnJGwsRmak7dwBnZ+kXjUrPnkCLFoCfn3xxEREZKb0rvosXL8bp06cxcuRITJ48GVWqVAEAbN++Hc2aNTN4gKZIqdS0M2O1l4iKxQ8/SCewjR6d9zomvUREOhls5ba0tDRYW1vD1tbWEIcrNiWxctvt24Cvr7T92mvATz8Vy90QkSVKTQU++ABYuVIztn078Pbb8sVERGRgsq7cpsupU6dw8eJFAEDNmjVRny1y1Di/l4iKxalT0gps/3XWAQB07Qq0bi1bSEREpkTvxPfevXsICwvD4cOH4e7uDgB49OgR2rZti82bN6Ns2bKGjtHksKMDERlUdjbw+efAlClAVpY05uQELFkCDBwIcDVNIqJC0XuO76hRo/DkyRP8/fffePDgAR48eIDz588jJSUFo3XNNbNArPgSkcHExwPt2wMTJmiS3uBg4MwZaWU2Jr1ERIWmd8V33759OHDgAGrUqKEeq1mzJpYtW4YOHToYNDhTxcUriMggLl8GGjcGHj2SLisUUgI8YwZgZydnZEREJknviq9SqdR5Aputra26v6+l43LFRGQQVapIiS8gdWo4dAiYM4dJLxFREemd+LZr1w7vv/8+bt++rR67desWIiIi0L59e4MGZ6pUFV9bW8DHR95YiMiEWVlJK7ENGQKcO8eT2IiIXpDeie+XX36JlJQU+Pv7o3LlyqhcuTICAgKQkpKCL774ojhiNDmqim+FCtL/W0REz5WVBcycCfz6q/a4j4/UuszDQ564iIjMiN5zfP38/HD69GkcPHhQ3c6sRo0aCAkJMXhwpiglRTMdj/N7iahQ4uKAPn2A6GipCfhffwGlS8sdFRGR2dEr8d2yZQt2796NjIwMtG/fHqNGjSquuEwW5/cSUaEJAWzYAIwcCTx+LI0lJEhzebkgBRGRwRU68V2+fDlGjBiBl156CY6Ojti5cyeuXr2K+fPnF2d8JocdHYioUB4+BIYNA7Zu1YwFBgIbNwJNmsgXFxGRGSv0DNQvv/wS06dPR2xsLM6ePYt169bhq6++Ks7YTBIrvkT0XFFRQO3a2klv//7A2bNMeomIilGhE9+4uDiEh4erL/fq1QtZWVm4c+dOsQRmqljxJaJ8ZWQAEycC7doBN29KY+7uUgK8di3g4iJreERE5q7QUx3S09Ph7OysvmxlZQU7Ozs8e/asWAIzVaz4ElG+bt4EvvhCmtsLAG3aAOvXSz16iYio2Ol1ctvUqVPh5OSkvpyRkYHZs2fDzc1NPbZw4ULDRWeCclZ8mfgSkZbAQGDJEmD4cGD2bOCDD9jzkIioBCmEUJUeCtamTRsonrMmvEKhwK+5e1AamZSUFLi5uSE5ORmurq4GP36FCsCtW0DZssC9ewY/PBGZkqQkwMlJ+lERArh6VVqVjYiIdCqufK3QFd+oqCiD3am5yswEVAvacX4vkYXbv186Ye2tt4BlyzTjCgWTXiIimfA7NgO6eVMzdY/THIgsVFoaEBEBdOwo9eT96itgzx65oyIiIhRh5TbKX84T21jxJbJAMTFA797SvyodOwLBwfLFREREaqz4GhBPbCOyUEqldNJaw4aapNfeHli6FNi7FyhXTt74iIgIACu+BsWKL5EFunMHGDBAmtOrEhQEbNoE1KolX1xERJQHE18D4uIVRBYmNhZo0ULq3qASEQHMmQM4OMgXFxER6VSkqQ6///47+vTpg6ZNm+LWrVsAgA0bNuDIkSMGDc7UcPEKIgtTpQpQs6a07eMjVX0XLmTSS0RkpPROfHfs2IHQ0FA4OjrizJkzSE9PBwAkJydjzpw5Bg/QlKgqvk5OQJky8sZCRCXA2hrYsAHo2xf46y+gQwe5IyIiogLonfh+8sknWLFiBVavXg1bW1v1ePPmzXH69GmDBmdKhNBUfCtWlFp1EpEZyc4GPvsMOHZMe7xiRWnZYU9PeeIiIqJC03uOb2xsLFq1apVn3M3NDY8ePTJETCYpKQl49kza5vxeIjMTHy9VdQ8fBgICgLNngWJY+ZGIiIqX3hXfcuXK4cqVK3nGjxw5gsDAQIMEZYo4v5fITG3dCtSuLSW9AHD9OvDzz7KGRERERaN34jt48GC8//77OH78OBQKBW7fvo2NGzdi3LhxGD58eHHEaBLY0YHIzKSkSEsOh4UBqm+z/PyAQ4eAd96RMzIiIioivac6TJgwAUqlEu3bt8fTp0/RqlUr2NvbY9y4cRg1alRxxGgSWPElMiPR0UCfPkBcnGYsLAxYvhzw8JAvLiIieiF6J74KhQKTJ0/Ghx9+iCtXruDJkyeoWbMmSpUqVRzxmQxWfInMQFYWMHs2MGuWdDIbALi4AMuWSYkwz1olIjJpRV7Aws7ODjVV/SuJFV8ic3D1KjB3ribpbdYM+PZb6YQ2IiIyeXonvm3btoWigKrHr7/++kIBmSpVxdfKCvD1lTcWIiqiatWAefOAsWOBadOASZMAGy5wSURkLvT+jV63bl2ty5mZmTh79izOnz+P8PBwQ8VlclSJb/nyQI72xkRkzB4+lFacsbfXjI0aBbRrB9SqJV9cRERULPROfBctWqRzfMaMGXjy5MkLB2SKnj6V+vgCnN9LZDKioqTevD16APPna8YVCia9RERmSu92Zvnp06cP1qxZY6jDmRTO7yUyIRkZwMSJUlX35k3g88+BgwfljoqIiEqAwSavRUdHw8HBwVCHMyk5E19WfImMWGws0KsXkHN59bZtpbm9RERk9vROfN966y2ty0II3LlzBydPnsTUqVMNFpgpydnKjBVfIiMkBLBqFRARoVlb3NZWal32wQfSWalERGT29E583dzctC5bWVmhWrVq+Pjjj9GhQweDBWZKWPElMmKJicCgQcDu3ZqxatWATZuA+vXli4uIiEqcXolvdnY2BgwYgKCgIHhw9SI1Ll5BZKRiY4E2bYCEBM3Y8OHSvF4nJ9nCIiIieej1/Z61tTU6dOiAR6p16w1k2bJl8Pf3h4ODAxo3bowTJ04U6nabN2+GQqFA165dDRqPvnhyG5GRCgwE/PykbU9Pqer71VdMeomILJTeE9tq1aqFuJzr17+gLVu2YOzYsZg+fTpOnz6NOnXqIDQ0FPfu3SvwdtevX8e4cePQsmVLg8VSVKqKr4eHtLopERkJW1tg40bgrbeAmBigc2e5IyIiIhnpnfh+8sknGDduHH766SfcuXMHKSkpWj/6WrhwIQYPHowBAwagZs2aWLFiBZycnApsjZadnY3evXtj5syZCAwM1Ps+DSk7W+qIBLDaSyQrpRJYuhQ4c0Z7/KWXgB07gHLl5ImLiIiMRqET348//hipqano1KkTzp07hzfeeAMVKlSAh4cHPDw84O7urve834yMDJw6dQohISGagKysEBISgujo6AJj8fLywsCBA597H+np6S+cnBfkzh0gK0va5vxeIpncuQN06gS8/77UruzpU7kjIiIiI1Tok9tmzpyJYcOG4dChQwa786SkJGRnZ8Pb21tr3NvbG5cuXdJ5myNHjuCbb77B2bNnC3Ufc+fOxcyZM1801Hxxfi+RzH74QeraoFo+8dIl4H//A95+W964iIjI6BQ68RVCAABat25dbME8z+PHj9G3b1+sXr0anp6ehbrNxIkTMXbsWPXllJQU+KlOdjEAdnQgkklqqtSDd+VKzZiPDxAZCVhoa0UiIiqYXu3MFAqFQe/c09MT1tbWuHv3rtb43bt3UU7HfLyrV6/i+vXr6JzjBBWlUgkAsLGxQWxsLCpXrqx1G3t7e9jb2xs07pxY8SWSwalT0pSGy5c1Y127AqtXS90biIiIdNAr8a1atepzk98HDx4U+nh2dnYIDg7GwYMH1S3JlEolDh48iJEjR+bZv3r16oiJidEamzJlCh4/fowlS5YYtJJbWKz4EpWg7Gxg/nxg6lTN5HonJ2DxYmm6g4H/OCciIvOiV+I7c+bMPCu3vaixY8ciPDwcDRo0QKNGjbB48WKkpqZiwIABAIB+/frB19cXc+fOhYODA2rVqqV1e3d3dwDIM15SWPElKkGXLmknvcHB0gpsVavKGxcREZkEvRLfHj16wMvLy6ABhIWFITExEdOmTUNCQgLq1q2Lffv2qU94u3HjBqys9O66VmJUFV87OyDXOXpEZGgvvwzMmgVMmgRMmADMmCF9+IiIiApBIVRnrT2HtbU17ty5Y/DEt6SlpKTAzc0NycnJcHV1faFjCQG4uQGPHwOVKwNXrhgoSCKSPH4MODoCNjn+Rs/Olnr1NmggX1xERFSsDJmv5VToUmoh82OLkpws/b8McH4vkcFFRwN16wKffKI9bm3NpJeIiIqk0ImvUqk0+WqvoeU8sY3ze4kMJCsLmDkTaNkSiIuTpjYcOyZ3VEREZAb0muNL2nKe2MaKL5EBxMUBffpI1V6VJk2k/rxEREQvyHjPGjMBrPgSGYgQwPr10tQGVdJrbS1Vfg8fBgICZA2PiIjMAyu+L4AVXyIDePgQGD4c2LJFMxYYCGzcKFV7iYiIDISJ7wvg4hVELyg2FnjlFSA+XjPWvz+wdCng4iJbWEREZJ441eEF5Kz4VqggXxxEJqtSJeC/RWjg4QFs3QqsXcukl4iIigUT3xegqviWKwc4OMgbC5FJcnCQVl7r1An46y+gWze5IyIiIjPGxLeI0tOBO3ekbZ7YRlQIQgCrVgEXLmiP16oF7NnDr02IiKjYMfEtops3Nduc30v0HImJQNeuwNChQK9e0l+OREREJYyJbxHlnN/Lii9RAfbvB2rXBnbvli6fOwf89JO8MRERkUVi4ltE7OhA9BxpacCYMUDHjkBCgjTm6SklwG+/LWtoRERkmdjOrIhY8SUqQEyMNKXh/HnNWGgoEBkpnQ1KREQkA1Z8i4gVXyIdlEpgyRKgYUNN0mtvL43t3cukl4iIZMWKbxGx4kukQ0wMMHaslAADQFCQ1K6sVi154yIiIgIrvkWmqviWKiX13SciAHXqAJMmSdsREcCJE0x6iYjIaLDiWwRKpabiW7EioFDIGw+RbJ4+lRahsMrxN/S0aUCHDkDLlvLFRUREpAMrvkWQmKhpQ8r5vWSxTp0C6tUDFizQHre1ZdJLRERGiYlvEeQ8sY3ze8niZGcDn30GNGkCXL4MTJ4MnD4td1RERETPxakORZDzxDZWfMmixMcDffsChw9rxmrXlia7ExERGTlWfIuAFV+ySFu3SkmuKulVKICJE4Fjx4CqVeWNjYiIqBBY8S0CVnzJoqSkAKNHA+vWacb8/IANG4DWreWLi4iISE9MfIuAi1eQxYiNBTp1AuLiNGNhYcCKFYC7u2xhERERFQWnOhSBquJrbQ34+MgbC1GxqlABsPnv72MXF2D9euC775j0EhGRSWLiWwSqim/OnIDILDk7SyuvtWkDnDsnndjGxtVERGSimPjq6ckT4MEDaZsntpFZEUKq6F69qj0eHAz8+isQECBPXERERAbCxFdPPLGNzNLDh0CPHkB4ONC7N5CZqX09q7xERGQGmPjqKWfiy4ovmYWoKKlN2dat0uXjx4GffpI1JCIiouLAxFdP7OhAZiMjA5gwAWjXDrh5Uxrz8AC2bQPefFPe2IiIiIoBT83SEyu+ZBZiY4FevbSXGm7bVprjW6GCfHEREREVI1Z89cSKL5k0IYCVK4F69TRJr60tMG8ecOAAk14iIjJrrPjqiRVfMmlnzgDDhmkuV6smtSurX1++mIiIiEoIK756UlV8y5SRWpwSmZT69YGxY6Xt4cOlqi+TXiIishCs+OohKwu4dUvaZrWXTEJ6OmBnp92ObM4coGNH4JVX5IuLiIhIBqz46uH2bSA7W9rm/F4yejExQIMGwPLl2uP29kx6iYjIIjHx1UPOE9tY8SWjpVQCS5YADRsC588DH3wAXLggd1RERESy41QHPXDVNjJ6d+4AAwYA+/drxl56Sb54iIiIjAgrvnpgKzMyaj/8IK3AljPpjYgATpwAataULy4iIiIjwYqvHtjKjIxSaqo0nWHlSs2Yjw8QGQl06CBbWERERMaGia8eWPElo3P5MtC5s/SvSteuwOrVgKenbGEREREZI0510IOq4uvgAJQtK28sRAAAb28gI0PadnKSEt6dO5n0EhER6cDEt5CE0FR8K1bUbotKJBs3N+Dbb4HGjaVV2QYN4puTiIgoH0x8C+nhQ2kqJcD5vSSjbduA+HjtsebNgehooGpVeWIiIiIyEUx8C4nze0lWKSlA//5A9+5Av36alVRUWOUlIiJ6Lia+hcSODiSb6GigXj1g3TrpclQU8NNPsoZERERkipj4FhIrvlTisrKAmTOBli2BuDhpzMUFWL8eeOMNeWMjIiIyQWxnVkis+FKJiosD+vSRqr0qzZpJJ7IFBMgXFxERkQljxbeQWPGlEiGEVNGtW1eT9FpbS5Xfw4eZ9BIREb0AVnwLSVXxVSiAChXkjYXM2MmTQHi45nJgILBxI9CkiXwxERERmQlWfAtJVfH18QHs7OSNhcxYw4bA0KHSdv/+wNmzTHqJiIgMhBXfQkhLA+7elbY5v5cMKjMTsLHRbke2YAHQqRNPYCMiIjIwVnwLIed6AZzfSwYTGytVc1VtylScnZn0EhERFQMmvoWQ88Q2VnzphQkBrFwp9eY9fRoYNQq4ckXuqIiIiMwepzoUQs5WZqz40gtJTAQGDQJ279aM+foCz57JFxMREZGFYMW3ENjKjAxi/36gdm3tpHfYMKnqGxQkX1xEREQWgolvIXDxCnohaWlARATQsSOQkCCNeXpKCfDy5YCTk7zxERERWQhOdSgEVnypyK5cAd56C4iJ0Yx17AisXQuUKydfXERERBaIFd9CUFV8XV0BNzd5YyET4+EB3L8vbdvbA0uXAnv3MuklIiKSARPf51AqNe3MWO0lvZUpA0RGAnXqSKuyjRql3bOXiIiISgwT3+e4exfIyJC2Ob+XnuvHHzXzeFVeeQU4dQqoVUuemIiIiAgAE9/n4vxeKpTUVKlDwxtvAO++K/XqzcnaWp64iIiISI2J73OwowM916lTQP360qIUAPC//wE//SRvTERERJQHE9/nYMWX8pWdDXz2mbTs8OXL0piTE7B6NfD66/LGRkRERHmwndlzsOJLOsXHA337AocPa8aCg4FNm4CqVeWLi4iIiPLFiu9zsOJLeWzZIq3Apkp6FQpg4kTg2DEmvUREREaMFd/nUFV8bWzYepUA/PEH0KOH5rKfH7BhA9C6tXwxERERUaGw4vscqoqvnx9PzCdI83n79pW2w8KAc+eY9BIREZkIVnwLkJICPHokbXN+r4VSKgGrXH8ffvkl8NprQPfuXIyCiIjIhLDiW4CcJ7Zxfq8FiosDWrQAtm7VHnd1laq9THqJiIhMChPfAuQ8sY0VXwsiBLB+PVC3LhAdDQwdqlm3moiIiEwWE98CsOJrgR4+lE5eCw8HHj+WxkqXBu7flzcuIiIiemFMfAvAVmYWJipKalOWc2pD//7A2bNS9ZeIiIhMGhPfAnDxCguRkQFMmAC0awfcvCmNubtLCfDatYCLi6zhERERkWGwq0MBOMfXAsTFAd26AadPa8batJHm+Pr5yRYWERERGR4rvgVQVXzLlgUcHeWNhYqJo6Pmhba1BebNAw4eZNJLRERkhpj45iMzE7h9W9rm/F4z5uMDfPMNUL26tCrbhx/m7dtLREREZoH/w+fj1i1p7QKA0xzMyoEDeTs0vPEG8NdfQP368sREREREJcIoEt9ly5bB398fDg4OaNy4MU6cOJHvvqtXr0bLli3h4eEBDw8PhISEFLh/UbGjg5lJSwMiIoBXXpH68gqhfb2trTxxERERUYmRPfHdsmULxo4di+nTp+P06dOoU6cOQkNDce/ePZ37R0VFoWfPnjh06BCio6Ph5+eHDh064NatWwaNix0dzEhMDNCoEbB4sXR5xw5g3z5ZQyIiIqKSJ3viu3DhQgwePBgDBgxAzZo1sWLFCjg5OWHNmjU699+4cSPee+891K1bF9WrV8fXX38NpVKJgwcPGjQuVnzNgFIJLFkCNGwoJb8AYG8PLF0KdOwob2xERERU4mRtZ5aRkYFTp05h4sSJ6jErKyuEhIQgOjq6UMd4+vQpMjMzUbp0aZ3Xp6enIz09XX05JSWlUMdlxdfE3bkDDBgA7N+vGQsKAjZtAmrVki8uIiIiko2sFd+kpCRkZ2fD29tba9zb2xsJCQmFOsZHH32E8uXLIyQkROf1c+fOhZubm/rHr5BtqljxNWG7d0srsOVMeiMigBMnmPQSERFZMNmnOryITz/9FJs3b8auXbvg4OCgc5+JEyciOTlZ/RMfH1+oY6sqvo6OQJkyhoqYit3Ro0CXLkBSknS5XDkpAV64EMjnPUJERESWQdbE19PTE9bW1rh7967W+N27d1GuXLkCb/v555/j008/xc8//4zatWvnu5+9vT1cXV21fp5HCE3Ft1IlQKF4/mMhI9GsGfDmm9J2ly7S3N4OHeSNiYiIiIyCrImvnZ0dgoODtU5MU52o1rRp03xvN2/ePMyaNQv79u1DgwYNDB7X/fvAs2fSNuf3GrncbckUCmD1amDtWmDXLsDTU564iIiIyOjIPtVh7NixWL16NdatW4eLFy9i+PDhSE1NxYABAwAA/fr10zr57bPPPsPUqVOxZs0a+Pv7IyEhAQkJCXjy5InBYuL8XhMRHw+0awf89JP2eJkyQP/+LNUTERGRFlm7OgBAWFgYEhMTMW3aNCQkJKBu3brYt2+f+oS3GzduwCrHErLLly9HRkYG3nnnHa3jTJ8+HTNmzDBITDkTX1Z8jdTWrdJCFI8eAX//La289pzpMURERGTZZE98AWDkyJEYOXKkzuuioqK0Ll+/fr3Y48nZyowVXyOTkgKMHg2sW6cZc3AAbt9m4ktEREQFkn2qgzHiVAcjFR0N1K2rnfSGhQHnzgH168sWFhEREZkGJr46cPEKI5OVBcyYAbRsCVy7Jo25uADr1wPffQd4eMgaHhEREZkGo5jqYGxUFV8rK8DXV95YLN7160CvXlK1V6VZM+Dbb4GAANnCIiIiItPDiq8Oqopv+fKAra28sVg8KyvgwgVp29oamDkTOHyYSS8RERHpjYlvLk+fAomJ0jbn9xqBihWBFSuAwEDgyBFg2jTAhl9UEBERkf6Y+OaSc0Vjzu+Vwe+/S50bcurRQ2pZ1qSJPDERERGRWWDimws7OsgkIwOYMAFo3RoYNSrv9Q4OJR8TERERmRUmvrmwo4MMYmOBpk2Bzz6TliBevx74+We5oyIiIiIzw8Q3F1Z8S5AQwMqVQL16wOnT0pitLTBvHhASIm9sREREZHZ4llAurPiWkMREYNAgYPduzVi1asCmTVyMgoiIiIoFK7655Kz4MvEtJvv3A7Vraye9w4dLVV8mvURERFRMWPHNRVXxdXcHXF1lDcU8/f470LGj5rKnJ7BmDdC5s3wxERERkUVgxTeH7GxNOzPO7y0mLVpoEt+OHYGYGCa9REREVCJY8c0hIQHIypK2Oc2hmCgUwNq1wK5dwLBh0mUiIiKiEsCKbw7s6GBgCQnAa68BBw9qj5crJ83pZdJLREREJYgV3xyY+BrQ7t3AwIFAUhJw7pz0U6aM3FERERGRBWPFNwe2MjOA1FRpCkOXLlLSCwBKJXD9uqxhERERETHxzYEV3xd06hQQHCwtSqHStSvw11/SOBEREZGMmPjmwIpvEWVnS8sNN2kiLT8MAE5OwOrVwM6dUssyIiIiIplxjm8OqoqvnR3g7S1vLCbj5k2gb18gKkozFhwsrcBWtapsYRERERHlxopvDqqKr58fYMVnpnCePQP+/FPaViiAiROBY8eY9BIREZHRYXr3n0ePgJQUaZvze/Xw0kvA0qXSXwuHDgFz5kglcyIiIiIjw8T3P5zfW0gnTgBPn2qPDRgAXLgAtG4tT0xEREREhcDE9z/s6PAcWVnAzJlAs2bAuHHa1ykUQKlS8sRFREREVEhMfP/Dim8B4uKAVq2AGTOkDg7Ll0vTGoiIiIhMCBPf/7Diq4MQwPr1QN26QHS0NGZtLVV+W7aUNTQiIiIifbGd2X9Y8c3l4UNg+HBgyxbNWGAgsHGj1K+XiIiIyMQw8f1Pzoqvn598cRiFw4el3rzx8Zqx/v2l7g0uLrKFRURUUrKzs5GZmSl3GERmzc7ODlYl3D+Wie9/VBVfb2/AwUHeWGR1+DDQtq00zQEAPDykJYi7dZM3LiKiEiCEQEJCAh49eiR3KERmz8rKCgEBAbArwTaoTHwBZGQAd+5I2xY/v7dFC+lENlUCvH49UKGC3FEREZUIVdLr5eUFJycnKBQKuUMiMktKpRK3b9/GnTt3ULFixRL7rDHxhbTqrqrAafHze62tgQ0bgG3bgDFjuIQdEVmM7OxsddJbpkwZucMhMntly5bF7du3kZWVBVtb2xK5T2Y1sOCODomJwNtvA0ePao/7+QFjxzLpJSKLoprT6+TkJHMkRJZBNcUhOzu7xO6TFV9YaOK7f790wlpCAnD6NHDuHODqKndURESy4/QGopIhx2eNJT1YWCuztDRpCkPHjlLSCwBPngCXL8saFhEREVFxY+ILC6r4xsQADRsCS5Zoxjp2lMYbNJAvLiIiIpnExsaiXLlyePz4sdyhmJ0mTZpgx44dcoehhYkvLKDiq1RKyW7DhsD589KYvb3Ul3fvXqBcOXnjIyKiF9K/f38oFAooFArY2toiICAA48ePR1paWp59f/rpJ7Ru3RouLi5wcnJCw4YNERkZqfO4O3bsQJs2beDm5oZSpUqhdu3a+Pjjj/HgwYNifkQlZ+LEiRg1ahRczLhP/bJly+Dv7w8HBwc0btwYJ06ceO5tFi9ejGrVqsHR0RF+fn6IiIjQej9lZ2dj6tSpCAgIgKOjIypXroxZs2ZBqLoFAJgyZQomTJgApVJZLI+rSISFSU5OFgBEcnKyeuyll4QAhChVSgilUsbgisPt20KEhkoPUPUTFCRETIzckRERGZVnz56JCxcuiGfPnskdit7Cw8NFx44dxZ07d8SNGzfErl27hKurqxg/frzWfkuXLhVWVlZi4sSJ4u+//xb//POP+Pzzz4W9vb344IMPtPadNGmSsLa2FuPGjRNHjx4V165dEz///LN46623xOLFi0vssaWnpxfbsf/9919ha2srbt68+ULHKc4YX9TmzZuFnZ2dWLNmjfj777/F4MGDhbu7u7h7926+t9m4caOwt7cXGzduFNeuXRP79+8XPj4+IiIiQr3P7NmzRZkyZcRPP/0krl27JrZt2yZKlSollixZot4nKytLeHt7i59++knn/RT0mdOVrxmCxSe+SqUQ9vZSPlizpszBFYfz5zUPEBAiIkIIE/ylTkRU3Ew98e3SpYvW2FtvvSXq1aunvnzjxg1ha2srxo4dm+f2S5cuFQDEH3/8IYQQ4vjx4wJAvgnuw4cP840lPj5e9OjRQ3h4eAgnJycRHBysPq6uON9//33RunVr9eXWrVuLESNGiPfff1+UKVNGtGnTRvTs2VN0795d63YZGRmiTJkyYt26dUIIIbKzs8WcOXOEv7+/cHBwELVr1xbbtm3LN04hhJg/f75o0KCB1lhSUpLo0aOHKF++vHB0dBS1atUSmzZt0tpHV4xCCBETEyM6duwonJ2dhZeXl+jTp49ITExU3+5///ufaN68uXBzcxOlS5cWr732mrhy5UqBMb6oRo0aiREjRqgvZ2dni/Lly4u5c+fme5sRI0aIdu3aaY2NHTtWNG/eXH35tddeE++++67WPm+99Zbo3bu31tiAAQNEnz59dN6PHImvxU91uHcPSE+Xts1yfu/LLwPz50vTGfbvBxYutPCl6YiI9NOggbSOT0n+vOhpF+fPn8exY8e0VsTavn07MjMzMW7cuDz7Dx06FKVKlcJ3330HANi4cSNKlSqF9957T+fx3d3ddY4/efIErVu3xq1bt7B7926cO3cO48eP1/ur7nXr1sHOzg5Hjx7FihUr0Lt3b/z444948uSJep/9+/fj6dOnePPNNwEAc+fOxfr167FixQr8/fffiIiIQJ8+fXD48OF87+f3339Hg1xPdlpaGoKDg7Fnzx6cP38eQ4YMQd++ffNMD8gd46NHj9CuXTvUq1cPJ0+exL59+3D37l10795dfZvU1FSMHTsWJ0+exMGDB2FlZYU333yzwOdnzpw5KFWqVIE/N3LO2cwhIyMDp06dQkhIiHrMysoKISEhiI6Ozvc+mzVrhlOnTqkfc1xcHPbu3YtOnTpp7XPw4EFc/u/k+HPnzuHIkSN49dVXtY7VqFEj/P777/neV0mz+HZmZje/99w5oHp1aQ6vysiRQJ8+0vLDRESkl4QE4NYtuaN4vp9++gmlSpVCVlYW0tPTYWVlhS+//FJ9/eXLl+Hm5gYfH588t7Wzs0NgYKA6ifnnn38QGBio96ICmzZtQmJiIv7880+ULl0aAFClShW9H8tLL72EefPmqS9XrlwZzs7O2LVrF/r27au+rzfeeAMuLi5IT0/HnDlzcODAATRt2hQAEBgYiCNHjmDlypVo3bq1zvv5999/8yS+vr6+Wn8cjBo1Cvv378fWrVvRqFGjfGP85JNPUK9ePcyZM0c9tmbNGvj5+eHy5cuoWrUq3n77ba37WrNmDcqWLYsLFy6gVq1aOmMcNmyYVvKsS/ny5XWOJyUlITs7G97e3lrj3t7euHTpUr7H69WrF5KSktCiRQsIIZCVlYVhw4Zh0qRJ6n0mTJiAlJQUVK9eHdbW1sjOzsbs2bPRu3fvPLHFx8dDqVTCygjWB7D4xNdsOjpkZwOffw5MmQK8/760raJQMOklIioiOc7/Lcp9tm3bFsuXL0dqaioWLVoEGxubPIlWYYkcJyjp4+zZs6hXr5466S2q4OBgrcs2Njbo3r07Nm7ciL59+yI1NRU//PADNm/eDAC4cuUKnj59ildeeUXrdhkZGahXr16+9/Ps2TM45PoWNDs7G3PmzMHWrVtx69YtZGRkID09Pc/CJrljPHfuHA4dOoRSpUrluZ+rV6+iatWq+OeffzBt2jQcP34cSUlJ6krvjRs38k18S5cu/cLPp76ioqIwZ84cfPXVV2jcuDGuXLmC999/H7NmzcLUqVMBAFu3bsXGjRuxadMmvPzyyzh79izGjBmD8uXLIzw8XH0sR0dHKJVKpKenw9HRsUQfhy4Wn/iaRcU3Ph7o2xdQfZ2zYAHQtSvQooWsYRERmYOTJ+WOoHCcnZ3V1dU1a9agTp06+OabbzBw4EAAQNWqVZGcnIzbt2/nqRBmZGTg6tWraNu2rXrfI0eOIDMzU6+q7/MSGysrqzxJtWrFvNyPJbfevXujdevWuHfvHn755Rc4OjqiY8eOAKCeArFnzx74+vpq3c4+5zeguXh6euLhw4daY/Pnz8eSJUuwePFiBAUFwdnZGWPGjEFGRkaBMT558gSdO3fGZ599lud+VFX2zp07o1KlSli9ejXKly8PpVKJWrVq5Tl2TnPmzNGqIuty4cIFVNSRxHh6esLa2hp3797VGr979y7KFfDX1dSpU9G3b18MGjQIABAUFITU1FQMGTIEkydPhpWVFT788ENMmDABPXr0UO/z77//Yu7cuVqJ74MHD+Ds7GwUSS/AdmamX/HduhWoXVuT9CoUwMSJQI6vY4iIyLJYWVlh0qRJmDJlCp49ewYAePvtt2Fra4sFCxbk2X/FihVITU1Fz549AUhfdT958gRfffWVzuM/evRI53jt2rVx9uzZfNudlS1bFnfu3NEaO3v2bKEeU7NmzeDn54ctW7Zg48aN6Natmzopr1mzJuzt7XHjxg1UqVJF68fPzy/fY9arVw8XLlzQGjt69Ci6dOmCPn36oE6dOlpTQApSv359/P333/D3988Tg7OzM+7fv4/Y2FhMmTIF7du3R40aNfIk3boMGzYMZ8+eLfAnv6kOdnZ2CA4OxsGDB9VjSqUSBw8eVE8J0eXp06d5piVYW1sD0HwbkN8+uecrnz9/vsCqe4kz6KlyJiD3WYJdu2oaHvz7r8zB6SM5WYjwcO02ZX5+QkRFyR0ZEZFJMreuDpmZmcLX11fMnz9fPbZo0SJhZWUlJk2aJC5evCiuXLkiFixYoLOd2fjx44W1tbX48MMPxbFjx8T169fFgQMHxDvvvJNvt4f09HRRtWpV0bJlS3HkyBFx9epVsX37dnHs2DEhhBD79u0TCoVCrFu3Tly+fFlMmzZNuLq65unq8P777+s8/uTJk0XNmjWFjY2N+P333/NcV6ZMGREZGSmuXLkiTp06JZYuXSoiIyPzfd52794tvLy8RFZWlnosIiJC+Pn5iaNHj4oLFy6IQYMGCVdXV63nV1eMt27dEmXLlhXvvPOOOHHihLhy5YrYt2+f6N+/v8jKyhLZ2dmiTJkyok+fPuKff/4RBw8eFA0bNhQAxK5du/KN8UVt3rxZ2Nvbi8jISHHhwgUxZMgQ4e7uLhISEtT79O3bV0yYMEF9efr06cLFxUV89913Ii4uTvz888+icuXKWp01wsPDha+vr7qd2c6dO4Wnp2eeFnqtW7cWH3/8sc7Y2M6sBOR+IuvVk3JGa2shMjNlDq6wjh0TIjBQO+kNCxPiwQO5IyMiMlnmlvgKIcTcuXNF2bJlxZMnT9RjP/zwg2jZsqVwdnYWDg4OIjg4WKxZs0bncbds2SJatWolXFxchLOzs6hdu7b4+OOPC2xndv36dfH2228LV1dX4eTkJBo0aCCOHz+uvn7atGnC29tbuLm5iYiICDFy5MhCJ74XLlwQAESlSpWEMlfjfaVSKRYvXiyqVasmbG1tRdmyZUVoaKg4fPhwvrFmZmaK8uXLi3379qnH7t+/L7p06SJKlSolvLy8xJQpU0S/fv2em/gKIcTly5fFm2++Kdzd3YWjo6OoXr26GDNmjDrWX375RdSoUUPY29uL2rVri6ioqGJPfIUQ4osvvhAVK1YUdnZ2olGjRur2cjkfT3h4uPpyZmammDFjhqhcubJwcHAQfn5+4r333tN63VNSUsT7778vKlasKBwcHERgYKCYPHmyVk/jmzdvCltbWxEfH68zLjkSX4UQRZzBbqJSUlLg5uaG5ORkuLq6wtMTuH9fmt+bc9qD0YqKAkJCpJPZAMDFBVi2TOraoFDIGhoRkSlLS0vDtWvXEBAQkOeEJzJfy5Ytw+7du7F//365QzE7H330ER4+fIhVq1bpvL6gz1zufM1QLPrkttRUKekFTGh+b/PmQHAwcOIE0KwZ8O23QECA3FERERGZpKFDh+LRo0d4/PixWS9bLAcvLy+MHTtW7jC0WHTia5IdHWxtgY0bgS1bgI8+Amws+iUkIiJ6ITY2Npg8ebLcYZilDz74QO4Q8rDorg5G39Hh4UOgd2/g1Cnt8SpVgMmTmfQSERER6cGiM6ecFV+jS3yjoqTevDdvSonv6dNArubZRERERFR4rPj+x2imOmRkABMmAO3aSUkvANy7B/z9t7xxEREREZk4i674Gt1Uh9hYoFcvqbqr0rYtsH49UKGCfHERERERmQGLrvgazcltQgArVwL16mmSXltbYN484MABJr1EREREBsCKL4AyZQAdy4KXjMREYNAgYPduzVi1asCmTUD9+jIFRURERGR+LLbim5UF3Lolbcta7Y2PB/bu1VwePlyq+jLpJSIiIjIoi01879zRLH4m6/ze+vWBTz4BPD2lqu9XX7F7AxERmRSFQoHvv/9e7jCM1owZM1C3bl25wyBYcOKrapgAlHDF99IlIDNTe2zcOKlrQ+fOJRgIERGZi/79+0OhUEChUMDW1hYBAQEYP3480tLS5A6t2CUkJOD9999HlSpV4ODgAG9vbzRv3hzLly/H06dP5Q4PADBu3DgcPHhQ7jAIFjzHt8R7+CqVwBdfSKutffQRMHOm5jpra8DLqwSCICIic9WxY0esXbsWmZmZOHXqFMLDw6FQKPDZZ5/JHVqxiYuLQ/PmzeHu7o45c+YgKCgI9vb2iImJwapVq+Dr64s33nhD7jBRqlQplCpVSu4wCKz4AiiBiu+dO0CnTsCYMUB6ujS14cSJYr5TIiKyJPb29ihXrhz8/PzQtWtXhISE4JdfflFff//+ffTs2RO+vr5wcnJCUFAQvvvuO61jtGnTBqNHj8b48eNRunRplCtXDjNmzNDa559//kGrVq3g4OCAmjVrat2HSkxMDNq1awdHR0eUKVMGQ4YMwZMnT9TX9+/fH127dsWcOXPg7e0Nd3d3fPzxx8jKysKHH36I0qVLo0KFCli7dm2Bj/m9996DjY0NTp48ie7du6NGjRoIDAxEly5dsGfPHnT+75vU69evQ6FQ4OzZs+rbPnr0CAqFAlFRUeqx8+fP49VXX0WpUqXg7e2Nvn37IikpSX399u3bERQUpH5cISEhSE1NBQBERUWhUaNGcHZ2hru7O5o3b45//zuLPvdUB9Xj//zzz+Hj44MyZcpgxIgRyMzxjfCdO3fw2muvwdHREQEBAdi0aRP8/f2xePHiAp8TKpjFJr7x8ZrtYq34/vADULs2sH+/Zmz0aGmMiIhMw8KFUmvJ5/3oqi6+8UbhbrtwocHCPX/+PI4dOwY7Ozv1WFpaGoKDg7Fnzx6cP38eQ4YMQd++fXEiVyFm3bp1cHZ2xvHjxzFv3jx8/PHH6uRWqVTirbfegp2dHY4fP44VK1bgo48+0rp9amoqQkND4eHhgT///BPbtm3DgQMHMHLkSK39fv31V9y+fRu//fYbFi5ciOnTp+P111+Hh4cHjh8/jmHDhmHo0KG4mbNSlcP9+/fx888/Y8SIEXDOpzWTQqEo9HP26NEjtGvXDvXq1cPJkyexb98+3L17F927dwcgJaI9e/bEu+++i4sXLyIqKgpvvfUWhBDIyspC165d0bp1a/z111+Ijo7GkCFDCrz/Q4cO4erVqzh06BDWrVuHyMhIREZGqq/v168fbt++jaioKOzYsQOrVq3CvXv3Cv14KB/CwiQnJwsAIiQkWUgNdIVISCiGO3ryRIihQ4X6TgAhypUTYv/+YrgzIiJ6Uc+ePRMXLlwQz549y3vl9Onav8/z+2nSJO9tmzQp3G2nTy9y7OHh4cLa2lo4OzsLe3t7AUBYWVmJ7du3F3i71157TXzwwQfqy61btxYtWrTQ2qdhw4bio48+EkIIsX//fmFjYyNu3bqlvv5///ufACB27dolhBBi1apVwsPDQzx58kS9z549e4SVlZVI+O8/3PDwcFGpUiWRnZ2t3qdatWqiZcuW6stZWVnC2dlZfPfddzpj/+OPPwQAsXPnTq3xMmXKCGdnZ+Hs7CzGjx8vhBDi2rVrAoA4c+aMer+HDx8KAOLQoUNCCCFmzZolOnTooHWs+Ph4AUDExsaKU6dOCQDi+vXreWK5f/++ACCioqJ0xjp9+nRRp04d9WXV48/KylKPdevWTYSFhQkhhLh48aIAIP7880/19f/8848AIBYtWqTzPkxRQZ85Vb6WnJxs0Pu02Dm+qoqvvX0xTK89dUpage3yZc1Yly7A119L3RuIiMi0uLoCvr7P369sWd1jhbmtq6v+ceXQtm1bLF++HKmpqVi0aBFsbGzw9ttvq6/Pzs7GnDlzsHXrVty6dQsZGRlIT0+HU65OQrVzfSPp4+OjrjRevHgRfn5+KF++vPr6pk2bau1/8eJF1KlTR6sK27x5cyiVSsTGxsLb2xsA8PLLL8PKSvPFs7e3N2rVqqW+bG1tjTJlyuhd5Txx4gSUSiV69+6N9PT0Qt/u3LlzOHTokM65uFevXkWHDh3Qvn17BAUFITQ0FB06dMA777wDDw8PlC5dGv3790doaCheeeUVhISEoHv37vDx8cn3/l5++WVYW1urL/v4+CAmJgYAEBsbCxsbG9TP0dq0SpUq8PDwKPTjId0sNvFVfXNSsSKgxzchz/frr0BoqNQoGJBaky1eLC1SYdA7IiKiEjN2rPRTFDkXKCpGzs7OqFKlCgBgzZo1qFOnDr755hsMHDgQADB//nwsWbIEixcvRlBQEJydnTFmzBhkZGRoHcfW1lbrskKhgFKpNHi8uu5Hn/uuUqUKFAoFYmNjtcYDAwMBAI6OjuoxVYIthFCPZebqsPTkyRN07txZ58mAPj4+sLa2xi+//IJjx47h559/xhdffIHJkyfj+PHjCAgIwNq1azF69Gjs27cPW7ZswZQpU/DLL7+gSZMmhX78xfE8kzaLneP731x0w8/vbd4cqFlT2g4OBs6cAQYPZtJLREQlxsrKCpMmTcKUKVPw7NkzAMDRo0fRpUsX9OnTB3Xq1EFgYCAu5/xmshBq1KiB+Ph43LlzRz32xx9/5Nnn3Llz6pO+VPdtZWWFatWqvcCj0lamTBm88sor+PLLL7XuS5ey/1Xic8ad80Q3AKhfvz7+/vtv+Pv7o0qVKlo/quq1QqFA8+bNMXPmTJw5cwZ2dnbYtWuX+hj16tXDxIkTcezYMdSqVQubNm0q0mOrVq0asrKycObMGfXYlStX8PDhwyIdjzQsNvFVMXhHB3t7abnhyZOBY8eAqlUNfAdERETP161bN1hbW2PZsmUAgJdeekldsbx48SKGDh2Ku3fv6nXMkJAQVK1aFeHh4Th37hx+//13TJ48WWuf3r17w8HBAeHh4Th//jwOHTqEUaNGoW/fvuppDoby1VdfISsrCw0aNMCWLVtw8eJFxMbG4ttvv8WlS5fUUwkcHR3RpEkTfPrpp7h48SIOHz6MKVOmaB1rxIgRePDgAXr27Ik///wTV69exf79+zFgwABkZ2fj+PHjmDNnDk6ePIkbN25g586dSExMRI0aNXDt2jVMnDgR0dHR+Pfff/Hzzz/jn3/+QY0aNYr0uKpXr46QkBAMGTIEJ06cwJkzZzBkyBA4OjrqdcIe5WXxie8LVXxTUqRq7t9/a4+//LLUsizH2bREREQlycbGBiNHjsS8efOQmpqKKVOmoH79+ggNDUWbNm1Qrlw5dO3aVa9jWllZYdeuXXj27BkaNWqEQYMGYfbs2Vr7ODk5Yf/+/Xjw4AEaNmyId955B+3bt8eXX35pwEcnqVy5Ms6cOYOQkBBMnDgRderUQYMGDfDFF19g3LhxmDVrlnrfNWvWICsrC8HBwRgzZgw++eQTrWOVL18eR48eRXZ2Njp06ICgoCCMGTMG7u7usLKygqurK3777Td06tQJVatWxZQpU7BgwQK8+uqrcHJywqVLl/D222+jatWqGDJkCEaMGIGhQ4cW+bGtX78e3t7eaNWqFd58800MHjwYLi4ucHBwKPIxCVCInBNeLEBKSgrc3NwAJANwRWQkEB5ehANFRwN9+gBxcVJrshMnpGovERGZpLS0NFy7dg0BAQFMLsjo3Lx5E35+fjhw4ADat28vdzgGUdBnTpWvJScnw/UFT/zMyWJPblPRe6pDVhYwezYwaxaQnS2NXbsG/PUX0LChweMjIiIiy/Prr7/iyZMnCAoKwp07dzB+/Hj4+/ujVatWcodm0iw+8dVrqkNcnFTljY7WjDVrBnz7LRAQYPDYiIiIyDJlZmZi0qRJiIuLg4uLC5o1a4aNGzfm6QZB+rHoxFehkBbLeS4hgA0bgJEjgcePpTFra2DaNGDSJMDGop9GIiIiMrDQ0FCEhobKHYbZseiMzcenEOefPXwIDB8ObNmiGQsMBDZuBPLpzUdERERExseiuzoUan7vxYvAtm2ay/37A2fPMuklIjJTFnbON5Fs5PisWXTiW6j5vc2aST153d2BrVuBtWsBF5fiDo2IiEqYau7k06dPZY6EyDKoVg3MuXRzcbPoqQ46K77XrklX5HwRpk4Fhg4t3FrrRERkkqytreHu7o579+4BkPrRcrEAouKhVCqRmJgIJycn2JTguVIWnfhqVXyFAFatAiIigOnTgY8+0lxna8ukl4jIApQrVw4A1MkvERUfKysrVKxYsUT/wLToxFdd8U1MBAYNAnbvli5PmQJ06ADUqydbbEREVPIUCgV8fHzg5eWFzMxMucMhMmt2dnawsirZWbcWnfhWqgRg/37phLWEBM0VgwYB1arJFRYREcnM2tq6ROcdElHJMIqT25YtWwZ/f384ODigcePGOHHiRIH7b9u2DdWrV4eDgwOCgoKwd+9eve/TDmmotnwM0LGjJun19JSqvsuXA05ORXgkRERERGSsZE98t2zZgrFjx2L69Ok4ffo06tSpg9DQ0HznVx07dgw9e/bEwIEDcebMGXTt2hVdu3bF+fPn9brf3xRtYL9iiWagY0cgJgbo3PkFHg0RERERGSuFkLlhYePGjdGwYUN8+eWXAKSz/Pz8/DBq1ChMmDAhz/5hYWFITU3FTz/9pB5r0qQJ6tatixUrVjz3/lJSUuDm5oZkAK4AYG8PzJ8vrcrGs3eJiIiIZKfO15KT4erqarDjyjrHNyMjA6dOncLEiRPVY1ZWVggJCUF0dLTO20RHR2Ps2LFaY6Ghofj+++917p+eno709HT15eTkZABACgDUrAl88430r2opYiIiIiKSVUpKCgDDL3Iha+KblJSE7OxseHt7a417e3vj0qVLOm+TkJCgc/+EnCen5TB37lzMnDkzz7gfAFy4ADRtWqTYiYiIiKh43b9/H25ubgY7ntl3dZg4caJWhfjRo0eoVKkSbty4YdAnkoxTSkoK/Pz8EB8fb9CvSsg48fW2LHy9LQtfb8uSnJyMihUronTp0gY9rqyJr6enJ6ytrXH37l2t8bt376qbiOdWrlw5vfa3t7eHvb19nnE3Nzd+cCyIq6srX28LwtfbsvD1tix8vS2Lofv8ytrVwc7ODsHBwTh48KB6TKlU4uDBg2iazxSEpk2bau0PAL/88ku++xMRERERAUYw1WHs2LEIDw9HgwYN0KhRIyxevBipqakYMGAAAKBfv37w9fXF3LlzAQDvv/8+WrdujQULFuC1117D5s2bcfLkSaxatUrOh0FERERERk72xDcsLAyJiYmYNm0aEhISULduXezbt099AtuNGze0ytzNmjXDpk2bMGXKFEyaNAkvvfQSvv/+e9SqVatQ92dvb4/p06frnP5A5oevt2Xh621Z+HpbFr7elqW4Xm/Z+/gSEREREZUE2VduIyIiIiIqCUx8iYiIiMgiMPElIiIiIovAxJeIiIiILIJZJr7Lli2Dv78/HBwc0LhxY5w4caLA/bdt24bq1avDwcEBQUFB2Lt3bwlFSoagz+u9evVqtGzZEh4eHvDw8EBISMhz3x9kXPT9fKts3rwZCoUCXbt2Ld4AyaD0fb0fPXqEESNGwMfHB/b29qhatSp/p5sQfV/vxYsXo1q1anB0dISfnx8iIiKQlpZWQtHSi/jtt9/QuXNnlC9fHgqFAt9///1zbxMVFYX69evD3t4eVapUQWRkpP53LMzM5s2bhZ2dnVizZo34+++/xeDBg4W7u7u4e/euzv2PHj0qrK2txbx588SFCxfElClThK2trYiJiSnhyKko9H29e/XqJZYtWybOnDkjLl68KPr37y/c3NzEzZs3SzhyKgp9X2+Va9euCV9fX9GyZUvRpUuXkgmWXpi+r3d6erpo0KCB6NSpkzhy5Ii4du2aiIqKEmfPni3hyKko9H29N27cKOzt7cXGjRvFtWvXxP79+4WPj4+IiIgo4cipKPbu3SsmT54sdu7cKQCIXbt2Fbh/XFyccHJyEmPHjhUXLlwQX3zxhbC2thb79u3T637NLvFt1KiRGDFihPpydna2KF++vJg7d67O/bt37y5ee+01rbHGjRuLoUOHFmucZBj6vt65ZWVlCRcXF7Fu3briCpEMqCivd1ZWlmjWrJn4+uuvRXh4OBNfE6Lv6718+XIRGBgoMjIySipEMiB9X+8RI0aIdu3aaY2NHTtWNG/evFjjJMMrTOI7fvx48fLLL2uNhYWFidDQUL3uy6ymOmRkZODUqVMICQlRj1lZWSEkJATR0dE6bxMdHa21PwCEhobmuz8Zj6K83rk9ffoUmZmZKF26dHGFSQZS1Nf7448/hpeXFwYOHFgSYZKBFOX13r17N5o2bYoRI0bA29sbtWrVwpw5c5CdnV1SYVMRFeX1btasGU6dOqWeDhEXF4e9e/eiU6dOJRIzlSxD5Wuyr9xmSElJScjOzlav+qbi7e2NS5cu6bxNQkKCzv0TEhKKLU4yjKK83rl99NFHKF++fJ4PExmforzeR44cwTfffIOzZ8+WQIRkSEV5vePi4vDrr7+id+/e2Lt3L65cuYL33nsPmZmZmD59ekmETUVUlNe7V69eSEpKQosWLSCEQFZWFoYNG4ZJkyaVRMhUwvLL11JSUvDs2TM4OjoW6jhmVfEl0senn36KzZs3Y9euXXBwcJA7HDKwx48fo2/fvli9ejU8PT3lDodKgFKphJeXF1atWoXg4GCEhYVh8uTJWLFihdyhUTGIiorCnDlz8NVXX+H06dPYuXMn9uzZg1mzZskdGhkxs6r4enp6wtraGnfv3tUav3v3LsqVK6fzNuXKldNrfzIeRXm9VT7//HN8+umnOHDgAGrXrl2cYZKB6Pt6X716FdevX0fnzp3VY0qlEgBgY2OD2NhYVK5cuXiDpiIryufbx8cHtra2sLa2Vo/VqFEDCQkJyMjIgJ2dXbHGTEVXlNd76tSp6Nu3LwYNGgQACAoKQmpqKoYMGYLJkyfDyoq1PXOSX77m6upa6GovYGYVXzs7OwQHB+PgwYPqMaVSiYMHD6Jp06Y6b9O0aVOt/QHgl19+yXd/Mh5Feb0BYN68eZg1axb27duHBg0alESoZAD6vt7Vq1dHTEwMzp49q/5544030LZtW5w9exZ+fn4lGT7pqSif7+bNm+PKlSvqP3AA4PLly/Dx8WHSa+SK8no/ffo0T3Kr+qNHOl+KzInB8jX9zrszfps3bxb29vYiMjJSXLhwQQwZMkS4u7uLhIQEIYQQffv2FRMmTFDvf/ToUWFjYyM+//zz/7d3/zFRl3EcwN932HEnHjpKBhc/FJSbMw1P0NQcSRbHsi5RoWSJQuokxGlarBk/KvxRgQNnRXOCEZMfroJJgrGk4FyFxo9N8BAFtclqQQMpiB/39Ifju05+6GlJce/X9v3j+3yf5/l+nnvG+PDc8/0iGhoaREJCAl9n9j9i7Xzv27dPKBQKcfz4cdHa2iodN27cGKshkBWsne9b8a0O/y/WzvfVq1eFWq0WMTExwmQyiRMnTghnZ2fxzjvvjNUQyArWzndCQoJQq9Xi2LFj4vLly+LUqVPC29tbhIaGjtUQyAo3btwQ1dXVorq6WgAQqamporq6Wly5ckUIIURcXJx46aWXpPqDrzPbtWuXaGhoEIcOHeLrzAYdPHhQeHh4CIVCIRYsWCC+++476VpAQICIiIiwqJ+fny98fHyEQqEQs2fPFsXFxfc5YroX1sy3p6enADDkSEhIuP+B012x9uf775j4/v9YO99nzpwRCxcuFPb29sLLy0skJyeL/v7++xw13S1r5ruvr08kJiYKb29voVQqhbu7u4iOjha//fbb/Q+crHb69Olhfx8PznFERIQICAgY0sbX11coFArh5eUlMjMzrb6vTAh+H0BERERE49+42uNLRERERDQSJr5EREREZBOY+BIRERGRTWDiS0REREQ2gYkvEREREdkEJr5EREREZBOY+BIRERGRTWDiS0REREQ2gYkvERGArKwsTJkyZazDuGsymQxffPHFqHXWr1+P559//r7EQ0T0X8TEl4jGjfXr10Mmkw05mpqaxjo0ZGVlSfHI5XK4ublhw4YN+OWXX/6R/ltbWxEcHAwAaGlpgUwmQ01NjUWdtLQ0ZGVl/SP3G0liYqI0Tjs7O7i7u2PTpk1ob2+3qh8m6UT0b5gw1gEQEf2T9Ho9MjMzLcqmTp06RtFYcnR0hMlkgtlsRm1tLTZs2IDr16+jtLT0nvt2cXG5bZ3Jkyff833uxOzZs1FWVoaBgQE0NDQgMjISHR0dyMvLuy/3JyIaCVd8iWhcsbe3h4uLi8VhZ2eH1NRUzJkzBw4ODnB3d0d0dDS6urpG7Ke2thbLli2DWq2Go6Mj5s+fj7Nnz0rXKysrsXTpUqhUKri7uyM2Nha///77qLHJZDK4uLhAo9EgODgYsbGxKCsrQ3d3N8xmM9566y24ubnB3t4evr6+KCkpkdr29vYiJiYGrq6uUCqV8PT0xN69ey36HtzqMH36dADAvHnzIJPJ8MQTTwCwXEX9+OOPodFoYDabLWI0GAyIjIyUzgsLC6HT6aBUKuHl5YWkpCT09/ePOs4JEybAxcUFDz/8MJYvX441a9bgq6++kq4PDAwgKioK06dPh0qlglarRVpamnQ9MTERR48eRWFhobR6XF5eDgC4du0aQkNDMWXKFDg5OcFgMKClpWXUeIiIBjHxJSKbIJfLkZ6ejvPnz+Po0aP4+uuv8dprr41YPzw8HG5ubqiqqsK5c+cQFxeHBx54AABw6dIl6PV6rFq1CnV1dcjLy0NlZSViYmKsikmlUsFsNqO/vx9paWlISUnB+++/j7q6OgQFBeG5557DxYsXAQDp6ekoKipCfn4+TCYTcnJyMG3atGH7/eGHHwAAZWVlaG1txWeffTakzpo1a9DW1obTp09LZe3t7SgpKUF4eDgAoKKiAuvWrcO2bdtQX1+PjIwMZGVlITk5+Y7H2NLSgtLSUigUCqnMbDbDzc0NBQUFqK+vR3x8PN544w3k5+cDAHbu3InQ0FDo9Xq0traitbUVixcvRl9fH4KCgqBWq1FRUQGj0YhJkyZBr9ejt7f3jmMiIhsmiIjGiYiICGFnZyccHBykY/Xq1cPWLSgoEA8++KB0npmZKSZPniydq9VqkZWVNWzbqKgosWnTJouyiooKIZfLRXd397Btbu2/sbFR+Pj4CD8/PyGEEBqNRiQnJ1u08ff3F9HR0UIIIbZu3SoCAwOF2Wwetn8A4vPPPxdCCNHc3CwAiOrqaos6ERERwmAwSOcGg0FERkZK5xkZGUKj0YiBgQEhhBBPPvmk2LNnj0Uf2dnZwtXVddgYhBAiISFByOVy4eDgIJRKpQAgAIjU1NQR2wghxCuvvCJWrVo1YqyD99ZqtRafwZ9//ilUKpUoLS0dtX8iIiGE4B5fIhpXli1bhg8//FA6d3BwAHBz9XPv3r24cOECOjs70d/fj56eHvzxxx+YOHHikH527NiBl19+GdnZ2dLX9d7e3gBuboOoq6tDTk6OVF8IAbPZjObmZsyaNWvY2Do6OjBp0iSYzWb09PTg8ccfx+HDh9HZ2Ynr169jyZIlFvWXLFmC2tpaADe3KTz11FPQarXQ6/VYsWIFnn766Xv6rMLDw7Fx40Z88MEHsLe3R05ODl544QXI5XJpnEaj0WKFd2BgYNTPDQC0Wi2KiorQ09ODTz/9FDU1Ndi6datFnUOHDuHIkSO4evUquru70dvbC19f31Hjra2tRVNTE9RqtUV5T08PLl26dBefABHZGia+RDSuODg4YMaMGRZlLS0tWLFiBbZs2YLk5GQ4OTmhsrISUVFR6O3tHTaBS0xMxNq1a1FcXIyTJ08iISEBubm5WLlyJbq6urB582bExsYOaefh4TFibGq1Gj/++CPkcjlcXV2hUqkAAJ2dnbcdl06nQ3NzM06ePImysjKEhoZi+fLlOH78+G3bjuTZZ5+FEALFxcXw9/dHRUUFDhw4IF3v6upCUlISQkJChrRVKpUj9qtQKKQ52LdvH5555hkkJSXh7bffBgDk5uZi586dSElJwaJFi6BWq/Hee+/h+++/HzXerq4uzJ8/3+IPjkH/lQcYiei/jYkvEY17586dg9lsRkpKirSaObifdDQ+Pj7w8fHB9u3b8eKLLyIzMxMrV66ETqdDfX39kAT7duRy+bBtHB0dodFoYDQaERAQIJUbjUYsWLDAol5YWBjCwsKwevVq6PV6tLe3w8nJyaK/wf20AwMDo8ajVCoREhKCnJwcNDU1QavVQqfTSdd1Oh1MJpPV47zV7t27ERgYiC1btkjjXLx4MaKjo6U6t67YKhSKIfHrdDrk5eXB2dkZjo6O9xQTEdkmPtxGROPejBkz0NfXh4MHD+Ly5cvIzs7GRx99NGL97u5uxMTEoLy8HFeuXIHRaERVVZW0heH111/HmTNnEBMTg5qaGly8eBGFhYVWP9z2d7t27cL+/fuRl5cHk8mEuLg41NTUYNu2bQCA1NRUHDt2DBcuXEBjYyMKCgrg4uIy7D/dcHZ2hkqlQklJCX7++Wd0dHSMeN/w8HAUFxfjyJEj0kNtg+Lj4/HJJ58gKSkJ58+fR0NDA3Jzc7F7926rxrZo0SLMnTsXe/bsAQDMnDkTZ8+eRWlpKRobG/Hmm2+iqqrKos20adNQV1cHk8mEX3/9FX19fQgPD8dDDz0Eg8GAiooKNDc3o7y8HLGxsfjpp5+siomIbBMTXyIa9x599FGkpqZi//79eOSRR5CTk2PxKrBb2dnZoa2tDevWrYOPjw9CQ0MRHByMpKQkAMDcuXPxzTffoLGxEUuXLsW8efMQHx8PjUZz1zHGxsZix44dePXVVzFnzhyUlJSgqKgIM2fOBHBzm8S7774LPz8/+Pv7o6WlBV9++aW0gv13EyZMQHp6OjIyMqDRaGAwGEa8b2BgIJycnGAymbB27VqLa0FBQThx4gROnToFf39/PPbYYzhw4AA8PT2tHt/27dtx+PBhXLt2DZs3b0ZISAjCwsKwcOFCtLW1Waz+AsDGjRuh1Wrh5+eHqVOnwmg0YuLEifj222/h4eGBkJAQzJo1C1FRUejp6eEKMBHdEZkQQox1EERERERE/zau+BIRERGRTWDiS0REREQ2gYkvEREREdkEJr5EREREZBOY+BIRERGRTWDiS0REREQ2gYkvEREREdkEJr5EREREZBOY+BIRERGRTWDiS0REREQ2gYkvEREREdmEvwDBFMoNYmbkqgAAAABJRU5ErkJggg==", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "plot_roc_curve(y_test, y_pred)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "#### Standardized data" + ] + }, + { + "cell_type": "code", + "execution_count": 50, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Time taken for GridSearchCV: 208.35 seconds\n", + "Best Hyperparameters:\n", + "{'depth': 3, 'iterations': 200, 'learning_rate': 0.1}\n", + "\n", + "Time taken for training with best hyperparameters: 7.65 seconds\n", + "\n", + "Mean Accuracy: 0.8925570539419088\n", + "Standard Deviation of Accuracy: 0.01736280999628729\n", + "Mean Precision: 0.8581554633489977\n", + "Standard Deviation of Precision: 0.0462767969531329\n", + "Mean Recall: 0.8261533940640611\n", + "Standard Deviation of Recall: 0.03781186410566183\n", + "Mean F1-score: 0.8404969985160087\n", + "Standard Deviation of F1-score: 0.02465285113204594\n", + "Mean ROC AUC: 0.8766661511963456\n", + "Standard Deviation of ROC AUC: 0.01835801213701771\n", + "\n", + "Total time taken: 216.01 seconds\n" + ] + } + ], + "source": [ + "from catboost import CatBoostClassifier\n", + "from sklearn.model_selection import StratifiedKFold, GridSearchCV\n", + "from sklearn.metrics import accuracy_score, precision_score, recall_score, f1_score, roc_auc_score, confusion_matrix\n", + "import numpy as np\n", + "import time\n", + "\n", + "start_total_time = time.time()\n", + "\n", + "kf = StratifiedKFold(n_splits=10, shuffle=True, random_state=42)\n", + "\n", + "model = CatBoostClassifier(random_state=42, silent=True)\n", + "\n", + "param_grid = {\n", + " 'iterations': [100, 200, 300],\n", + " 'learning_rate': [0.01, 0.1, 0.2],\n", + " 'depth': [3, 4, 5]\n", + "}\n", + "\n", + "grid_search = GridSearchCV(estimator=model, param_grid=param_grid, cv=kf, scoring='accuracy')\n", + "\n", + "start_time = time.time()\n", + "\n", + "grid_search.fit(standard(x), y)\n", + "\n", + "grid_search_time = time.time() - start_time\n", + "print(f\"Time taken for GridSearchCV: {grid_search_time:.2f} seconds\")\n", + "\n", + "best_params = grid_search.best_params_\n", + "\n", + "print(\"Best Hyperparameters:\")\n", + "print(best_params)\n", + "print()\n", + "\n", + "best_model = grid_search.best_estimator_\n", + "\n", + "start_time = time.time()\n", + "\n", + "accuracy_scores = []\n", + "precision_scores = []\n", + "recall_scores = []\n", + "f1_scores = []\n", + "roc_auc_scores = []\n", + "confusion_matrices = []\n", + "\n", + "for train_index, test_index in kf.split(standard(x), y):\n", + " X_train, X_test = x.iloc[train_index], x.iloc[test_index]\n", + " y_train, y_test = y.iloc[train_index], y.iloc[test_index]\n", + "\n", + " best_model.fit(X_train, y_train)\n", + "\n", + " y_pred = best_model.predict(X_test)\n", + "\n", + " accuracy = accuracy_score(y_test, y_pred)\n", + " accuracy_scores.append(accuracy)\n", + " \n", + " precision = precision_score(y_test, y_pred)\n", + " precision_scores.append(precision)\n", + " \n", + " recall = recall_score(y_test, y_pred)\n", + " recall_scores.append(recall)\n", + " \n", + " f1 = f1_score(y_test, y_pred)\n", + " f1_scores.append(f1)\n", + " \n", + " roc_auc = roc_auc_score(y_test, y_pred)\n", + " roc_auc_scores.append(roc_auc)\n", + " \n", + " confusion = confusion_matrix(y_test, y_pred)\n", + " confusion_matrices.append(confusion)\n", + "\n", + "training_time = time.time() - start_time\n", + "print(f\"Time taken for training with best hyperparameters: {training_time:.2f} seconds\")\n", + "print()\n", + "\n", + "mean_accuracy = np.mean(accuracy_scores)\n", + "std_accuracy = np.std(accuracy_scores)\n", + "\n", + "mean_precision = np.mean(precision_scores)\n", + "std_precision = np.std(precision_scores)\n", + "\n", + "mean_recall = np.mean(recall_scores)\n", + "std_recall = np.std(recall_scores)\n", + "\n", + "mean_f1 = np.mean(f1_scores)\n", + "std_f1 = np.std(f1_scores)\n", + "\n", + "mean_roc_auc = np.mean(roc_auc_scores)\n", + "std_roc_auc = np.std(roc_auc_scores)\n", + "\n", + "print(f\"Mean Accuracy: {mean_accuracy}\")\n", + "print(f\"Standard Deviation of Accuracy: {std_accuracy}\")\n", + "\n", + "print(f\"Mean Precision: {mean_precision}\")\n", + "print(f\"Standard Deviation of Precision: {std_precision}\")\n", + "\n", + "print(f\"Mean Recall: {mean_recall}\")\n", + "print(f\"Standard Deviation of Recall: {std_recall}\")\n", + "\n", + "print(f\"Mean F1-score: {mean_f1}\")\n", + "print(f\"Standard Deviation of F1-score: {std_f1}\")\n", + "\n", + "print(f\"Mean ROC AUC: {mean_roc_auc}\")\n", + "print(f\"Standard Deviation of ROC AUC: {std_roc_auc}\")\n", + "print()\n", + "\n", + "total_time = time.time() - start_total_time\n", + "print(f\"Total time taken: {total_time:.2f} seconds\")" + ] + }, + { + "cell_type": "code", + "execution_count": 51, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "x_train: (1800, 13)\n", + "y_train: (1800,)\n", + "x_test: (601, 13)\n", + "y_test: (601,)\n" + ] + } + ], + "source": [ + "from sklearn.model_selection import train_test_split\n", + "\n", + "x_train, x_test, y_train, y_test = train_test_split(x,y,test_size=0.25,random_state=42)\n", + "\n", + "print(\"x_train:\",x_train.shape)\n", + "print(\"y_train:\",y_train.shape)\n", + "print(\"x_test:\",x_test.shape)\n", + "print(\"y_test:\",y_test.shape)" + ] + }, + { + "cell_type": "code", + "execution_count": 52, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Accuracy: 0.8968386023294509\n", + "Precision: 0.8585858585858586\n", + "Recall: 0.8333333333333334\n", + "F1 Score: 0.8457711442786069\n", + "ROC AUC Score: 0.8814021830394627\n", + "Confusion Matrix:\n", + "[[369 28]\n", + " [ 34 170]]\n" + ] + } + ], + "source": [ + "model = grid_search.best_estimator_\n", + "\n", + "model.fit(x_train, y_train)\n", + "\n", + "y_pred = model.predict(x_test)\n", + "\n", + "y_pred = (y_pred >= 0.5).astype(int)\n", + "\n", + "print(\"Accuracy:\", accuracy_score(y_test, y_pred))\n", + "print(\"Precision:\", precision_score(y_test, y_pred))\n", + "print(\"Recall:\", recall_score(y_test, y_pred))\n", + "print(\"F1 Score:\", f1_score(y_test, y_pred))\n", + "print(\"ROC AUC Score:\", roc_auc_score(y_test, y_pred))\n", + "print(\"Confusion Matrix:\")\n", + "print(confusion_matrix(y_test, y_pred))" + ] + }, + { + "cell_type": "code", + "execution_count": 53, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAokAAAIjCAYAAABvUIGpAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8pXeV/AAAACXBIWXMAAA9hAAAPYQGoP6dpAABIEUlEQVR4nO3dfXzN9f/H8efZ2LHNLgzbLMz1xXKZpCVD5CKJ6CtRja/40qgMaRW5qNZPiRC6RKJ0RV9KGkJlFXKVkI2i2IgYw8z2+f3h5/w63mSHHWecx73b53ZzPp/3+Xxe53y/ur16vj+f97FZlmUJAAAA+BsfTxcAAACAoocmEQAAAAaaRAAAABhoEgEAAGCgSQQAAICBJhEAAAAGmkQAAAAYaBIBAABgoEkEAACAgSYRwD/asWOH2rRpo5CQENlsNi1YsKBQz//rr7/KZrNp5syZhXreq1mLFi3UokULT5cBwMvRJAJXgfT0dP3nP/9RlSpVVKJECQUHB6tp06Z65ZVXdOLECbdeOz4+Xps3b9Zzzz2n2bNn68Ybb3Tr9a6kXr16yWazKTg4+Lzf444dO2Sz2WSz2fTSSy+5fP69e/dq1KhR2rBhQyFUCwBXVjFPFwDgn3322Wf617/+JbvdrgcffFB16tTRqVOn9M0332jYsGHasmWLXn/9dbdc+8SJE0pNTdVTTz2lgQMHuuUa0dHROnHihIoXL+6W819MsWLFdPz4cS1cuFDdunVzOjZnzhyVKFFCJ0+evKRz7927V6NHj1alSpXUoEGDAr/vyy+/vKTrAUBhokkEirBdu3ape/fuio6O1vLly1WuXDnHsYSEBKWlpemzzz5z2/UPHDggSQoNDXXbNWw2m0qUKOG281+M3W5X06ZN9d577xlN4ty5c9WhQwd9/PHHV6SW48ePKyAgQH5+flfkegDwT5huBoqwcePG6dixY3rrrbecGsSzqlWrpkcffdTx+vTp0xo7dqyqVq0qu92uSpUq6cknn1ROTo7T+ypVqqQ777xT33zzjW666SaVKFFCVapU0TvvvOMYM2rUKEVHR0uShg0bJpvNpkqVKkk6M0179s9/N2rUKNlsNqd9KSkpuvXWWxUaGqqSJUuqZs2aevLJJx3HL3RP4vLly9WsWTMFBgYqNDRUnTp10tatW897vbS0NPXq1UuhoaEKCQlR7969dfz48Qt/sefo0aOHFi9erMOHDzv2rVmzRjt27FCPHj2M8YcOHdLQoUNVt25dlSxZUsHBwWrfvr02btzoGLNixQo1btxYktS7d2/HtPXZz9miRQvVqVNH69atU1xcnAICAhzfy7n3JMbHx6tEiRLG52/btq1KlSqlvXv3FvizAkBB0SQCRdjChQtVpUoV3XLLLQUa/9BDD2nkyJG64YYbNGHCBDVv3lzJycnq3r27MTYtLU333HOPbr/9do0fP16lSpVSr169tGXLFklSly5dNGHCBEnSfffdp9mzZ2vixIku1b9lyxbdeeedysnJ0ZgxYzR+/Hjddddd+vbbb//xfUuXLlXbtm21f/9+jRo1SomJiVq9erWaNm2qX3/91RjfrVs3HT16VMnJyerWrZtmzpyp0aNHF7jOLl26yGaz6ZNPPnHsmzt3rmrVqqUbbrjBGL9z504tWLBAd955p15++WUNGzZMmzdvVvPmzR0NW+3atTVmzBhJUr9+/TR79mzNnj1bcXFxjvMcPHhQ7du3V4MGDTRx4kS1bNnyvPW98sorKlu2rOLj45WXlydJeu211/Tll19q8uTJioqKKvBnBYACswAUSUeOHLEkWZ06dSrQ+A0bNliSrIceeshp/9ChQy1J1vLlyx37oqOjLUnWqlWrHPv2799v2e12a8iQIY59u3btsiRZL774otM54+PjrejoaKOGZ555xvr7v1YmTJhgSbIOHDhwwbrPXmPGjBmOfQ0aNLDCw8OtgwcPOvZt3LjR8vHxsR588EHjev/+97+dznn33XdbpUuXvuA1//45AgMDLcuyrHvuucdq1aqVZVmWlZeXZ0VGRlqjR48+73dw8uRJKy8vz/gcdrvdGjNmjGPfmjVrjM92VvPmzS1J1vTp0897rHnz5k77lixZYkmynn32WWvnzp1WyZIlrc6dO1/0MwLApSJJBIqorKwsSVJQUFCBxn/++eeSpMTERKf9Q4YMkSTj3sWYmBg1a9bM8bps2bKqWbOmdu7ceck1n+vsvYyffvqp8vPzC/Seffv2acOGDerVq5fCwsIc++vVq6fbb7/d8Tn/rn///k6vmzVrpoMHDzq+w4Lo0aOHVqxYoYyMDC1fvlwZGRnnnWqWztzH6ONz5l+feXl5OnjwoGMq/ccffyzwNe12u3r37l2gsW3atNF//vMfjRkzRl26dFGJEiX02muvFfhaAOAqmkSgiAoODpYkHT16tEDjf/vtN/n4+KhatWpO+yMjIxUaGqrffvvNaX/FihWNc5QqVUp//fXXJVZsuvfee9W0aVM99NBDioiIUPfu3fXBBx/8Y8N4ts6aNWsax2rXrq0///xT2dnZTvvP/SylSpWSJJc+yx133KGgoCDNmzdPc+bMUePGjY3v8qz8/HxNmDBB1atXl91uV5kyZVS2bFlt2rRJR44cKfA1r7vuOpceUnnppZcUFhamDRs2aNKkSQoPDy/wewHAVTSJQBEVHBysqKgo/fTTTy6979wHRy7E19f3vPsty7rka5y9X+4sf39/rVq1SkuXLtUDDzygTZs26d5779Xtt99ujL0cl/NZzrLb7erSpYtmzZql+fPnXzBFlKTnn39eiYmJiouL07vvvqslS5YoJSVF119/fYETU+nM9+OK9evXa//+/ZKkzZs3u/ReAHAVTSJQhN15551KT09XamrqRcdGR0crPz9fO3bscNqfmZmpw4cPO55ULgylSpVyehL4rHPTSkny8fFRq1at9PLLL+vnn3/Wc889p+XLl+urr74677nP1rl9+3bj2LZt21SmTBkFBgZe3ge4gB49emj9+vU6evToeR/2Oeujjz5Sy5Yt9dZbb6l79+5q06aNWrdubXwnBW3YCyI7O1u9e/dWTEyM+vXrp3HjxmnNmjWFdn4AOBdNIlCEPf744woMDNRDDz2kzMxM43h6erpeeeUVSWemSyUZTyC//PLLkqQOHToUWl1Vq1bVkSNHtGnTJse+ffv2af78+U7jDh06ZLz37KLS5y7Lc1a5cuXUoEEDzZo1y6np+umnn/Tll186Pqc7tGzZUmPHjtWUKVMUGRl5wXG+vr5GSvnhhx/qjz/+cNp3tpk9X0PtquHDh2v37t2aNWuWXn75ZVWqVEnx8fEX/B4B4HKxmDZQhFWtWlVz587Vvffeq9q1azv94srq1av14YcfqlevXpKk+vXrKz4+Xq+//roOHz6s5s2b64cfftCsWbPUuXPnCy6vcim6d++u4cOH6+6779Yjjzyi48ePa9q0aapRo4bTgxtjxozRqlWr1KFDB0VHR2v//v2aOnWqypcvr1tvvfWC53/xxRfVvn17xcbGqk+fPjpx4oQmT56skJAQjRo1qtA+x7l8fHz09NNPX3TcnXfeqTFjxqh379665ZZbtHnzZs2ZM0dVqlRxGle1alWFhoZq+vTpCgoKUmBgoJo0aaLKlSu7VNfy5cs1depUPfPMM44leWbMmKEWLVpoxIgRGjdunEvnA4AC8fDT1QAK4JdffrH69u1rVapUyfLz87OCgoKspk2bWpMnT7ZOnjzpGJebm2uNHj3aqly5slW8eHGrQoUKVlJSktMYyzqzBE6HDh2M65y79MqFlsCxLMv68ssvrTp16lh+fn5WzZo1rXfffddYAmfZsmVWp06drKioKMvPz8+Kioqy7rvvPuuXX34xrnHuMjFLly61mjZtavn7+1vBwcFWx44drZ9//tlpzNnrnbvEzowZMyxJ1q5duy74nVqW8xI4F3KhJXCGDBlilStXzvL397eaNm1qpaamnnfpmk8//dSKiYmxihUr5vQ5mzdvbl1//fXnvebfz5OVlWVFR0dbN9xwg5Wbm+s0bvDgwZaPj4+Vmpr6j58BAC6FzbJcuLMbAAAAXoF7EgEAAGCgSQQAAICBJhEAAAAGmkQAAAAYaBIBAABgoEkEAACAgSYRAAAAhmvyF1f8Gw70dAkA3OSvNVM8XQIANynhwa7Enb3DifVX57+3SBIBAABguCaTRAAAAJfYyM3ORZMIAABgs3m6giKHthkAAAAGkkQAAACmmw18IwAAADCQJAIAAHBPooEkEQAAAAaSRAAAAO5JNPCNAAAAwECSCAAAwD2JBppEAAAAppsNfCMAAAAwkCQCAAAw3WwgSQQAAICBJBEAAIB7Eg18IwAAADCQJAIAAHBPooEkEQAAAAaSRAAAAO5JNNAkAgAAMN1soG0GAAAoIqZNm6Z69eopODhYwcHBio2N1eLFix3HW7RoIZvN5rT179/f6Ry7d+9Whw4dFBAQoPDwcA0bNkynT592uRaSRAAAgCIy3Vy+fHm98MILql69uizL0qxZs9SpUyetX79e119/vSSpb9++GjNmjOM9AQEBjj/n5eWpQ4cOioyM1OrVq7Vv3z49+OCDKl68uJ5//nmXaqFJBAAAcKOcnBzl5OQ47bPb7bLb7cbYjh07Or1+7rnnNG3aNH333XeOJjEgIECRkZHnvdaXX36pn3/+WUuXLlVERIQaNGigsWPHavjw4Ro1apT8/PwKXHfRaJsBAAA8yebjti05OVkhISFOW3Jy8kVLysvL0/vvv6/s7GzFxsY69s+ZM0dlypRRnTp1lJSUpOPHjzuOpaamqm7duoqIiHDsa9u2rbKysrRlyxaXvhKSRAAAADdKSkpSYmKi077zpYhnbd68WbGxsTp58qRKliyp+fPnKyYmRpLUo0cPRUdHKyoqSps2bdLw4cO1fft2ffLJJ5KkjIwMpwZRkuN1RkaGS3XTJAIAAPi47+nmC00tX0jNmjW1YcMGHTlyRB999JHi4+O1cuVKxcTEqF+/fo5xdevWVbly5dSqVSulp6eratWqhVo3080AAABFiJ+fn6pVq6ZGjRopOTlZ9evX1yuvvHLesU2aNJEkpaWlSZIiIyOVmZnpNObs6wvdx3ghNIkAAABuvCfxcuXn5xsPvpy1YcMGSVK5cuUkSbGxsdq8ebP279/vGJOSkqLg4GDHlHVBMd0MAABQRBbTTkpKUvv27VWxYkUdPXpUc+fO1YoVK7RkyRKlp6dr7ty5uuOOO1S6dGlt2rRJgwcPVlxcnOrVqydJatOmjWJiYvTAAw9o3LhxysjI0NNPP62EhASXprwlmkQAAIAiY//+/XrwwQe1b98+hYSEqF69elqyZIluv/127dmzR0uXLtXEiROVnZ2tChUqqGvXrnr66acd7/f19dWiRYs0YMAAxcbGKjAwUPHx8U7rKhaUzbIsqzA/XFHg33Cgp0sA4CZ/rZni6RIAuEkJD0ZX/q1fcNu5Tyx9wm3ndifuSQQAAICB6WYAAIAick9iUUKSCAAAAANJIgAAQCEsVXOt4RsBAACAgSQRAACAexINNIkAAABMNxv4RgAAAGAgSQQAAGC62UCSCAAAAANJIgAAAPckGvhGAAAAYCBJBAAA4J5EA0kiAAAADCSJAAAA3JNooEkEAACgSTTwjQAAAMBAkggAAMCDKwaSRAAAABhIEgEAALgn0cA3AgAAAANJIgAAAPckGkgSAQAAYCBJBAAA4J5EA00iAAAA080G2mYAAAAYSBIBAIDXs5EkGkgSAQAAYCBJBAAAXo8k0USSCAAAAANJIgAAAEGigSQRAAAABpJEAADg9bgn0USTCAAAvB5NoonpZgAAABhIEgEAgNcjSTSRJAIAAMBAkggAALweSaKJJBEAAAAGkkQAAACCRANJIgAAAAwkiQAAwOtxT6KJJBEAAAAGkkQAAOD1SBJNNIkAAMDr0SSamG4GAACAgSQRAAB4PZJEE0kiAAAADCSJAAAABIkGkkQAAAAYSBIBAIDX455EE0kiAAAADCSJAADA65EkmmgSAQCA16NJNDHdDAAAAANJIgAAAEGigSQRAACgiJg2bZrq1aun4OBgBQcHKzY2VosXL3YcP3nypBISElS6dGmVLFlSXbt2VWZmptM5du/erQ4dOiggIEDh4eEaNmyYTp8+7XItNIkAAMDr2Ww2t22uKF++vF544QWtW7dOa9eu1W233aZOnTppy5YtkqTBgwdr4cKF+vDDD7Vy5Urt3btXXbp0cbw/Ly9PHTp00KlTp7R69WrNmjVLM2fO1MiRI13/TizLslx+VxHn33Cgp0sA4CZ/rZni6RIAuEkJD94EF/HQh247d+ab/7qs94eFhenFF1/UPffco7Jly2ru3Lm65557JEnbtm1T7dq1lZqaqptvvlmLFy/WnXfeqb179yoiIkKSNH36dA0fPlwHDhyQn59fga9LkggAALyeO5PEnJwcZWVlOW05OTkXrSkvL0/vv/++srOzFRsbq3Xr1ik3N1etW7d2jKlVq5YqVqyo1NRUSVJqaqrq1q3raBAlqW3btsrKynKkkQVFkwgAAOBGycnJCgkJcdqSk5MvOH7z5s0qWbKk7Ha7+vfvr/nz5ysmJkYZGRny8/NTaGio0/iIiAhlZGRIkjIyMpwaxLPHzx5zBU83AwAAr+fOdRKTkpKUmJjotM9ut19wfM2aNbVhwwYdOXJEH330keLj47Vy5Uq31XchNIkAAMDrubNJtNvt/9gUnsvPz0/VqlWTJDVq1Ehr1qzRK6+8onvvvVenTp3S4cOHndLEzMxMRUZGSpIiIyP1ww8/OJ3v7NPPZ8cUFNPNAAAARVh+fr5ycnLUqFEjFS9eXMuWLXMc2759u3bv3q3Y2FhJUmxsrDZv3qz9+/c7xqSkpCg4OFgxMTEuXZckEQAAoIgspp2UlKT27durYsWKOnr0qObOnasVK1ZoyZIlCgkJUZ8+fZSYmKiwsDAFBwdr0KBBio2N1c033yxJatOmjWJiYvTAAw9o3LhxysjI0NNPP62EhASX0kyJJhEAAKDI2L9/vx588EHt27dPISEhqlevnpYsWaLbb79dkjRhwgT5+Pioa9euysnJUdu2bTV16lTH+319fbVo0SINGDBAsbGxCgwMVHx8vMaMGeNyLayTCOCqwjqJwLXLk+skXjdgvtvO/ce0u912bnfinkQAAAAYmG4GAABez51PN1+tSBIBAABgIEkEAABejyTRRJMIAABAj2hguhkAAAAGkkQAAOD1mG42kSQCAADAQJIIAAC8HkmiiSQRAAAABpJEFDl9/3Wr+t7TTNFRYZKkrTsz9Pzri/Xltz87xjSpV1mjEu5U47qVlJeXr02//KGOD7+qkzm5kqQGtcrr2Uc7q9H1FZWXZ2nBsg0aPv5jZZ845ZHPBOD83nrjNS1L+VK7du2UvUQJNWjQUI8lDlWlylUcY/48cEAvjx+n71avVvbxbFWqVFl9+/VX6zZtPVg5rjUkiSaSRBQ5f2Qe1ojJn+qWnuPUtOeLWvHDL/pwQj/VrhIp6UyD+OmUh7Xsu21qdv+LuvX+FzX9/ZXKzz/zM+Tlyobos+mDlL7ngOIeeEmdEl5VTNVIvTHmAU9+LADnsXbND7r3vp6a/d4Heu2NGTp9+rT69+2j48ePO8Y89eRw/bprl16ZMk0fz1+oVq1v17Ahj2nr1p//4cwALhdJIoqcz1f95PR61KsL1fdft+qmepW1dWeGxg3poqnvr9BLM1IcY3b8tt/x5/bN6ij3dJ4eS/5AlnWmcRz03Dyt/fBJValQRjv3/HllPgiAi5r2+ltOr8c894JaNovV1p+3qNGNjSVJG9ev11Mjn1HdevUkSf36P6x335mlrVu2qHbtmCteM65NJIkmjzaJf/75p95++22lpqYqIyNDkhQZGalbbrlFvXr1UtmyZT1ZHooAHx+but5+gwL9/fT9pl0qW6qkbqpXWe8vXquvZiaqcvky+uXXTI2aslCrN+yUJNn9iik3N8/RIErSiZwz08y3NKhKkwgUYceOHpUkBYeEOPbVb9hQS75YrLi4FgoKDtaSLxYr51SObmx8k6fKxLWIHtHgsenmNWvWqEaNGpo0aZJCQkIUFxenuLg4hYSEaNKkSapVq5bWrl170fPk5OQoKyvLabPy867AJ4A7XV8tSge+Ha8j30/UpKfu1b1D3tC2nRmqXL6MJOmp/9yhtz9ZrU4JU7Vh6x59/togVa145j8qVvywXRGlgzX4wVYqXsxXoUH+evaRTpKkyLIhF7wmAM/Kz8/XuP95Xg0a3qDq1Ws49r84fqJO555WXNMmatywrp4dPVITXpmiitHRHqwWuPZ5LEkcNGiQ/vWvf2n69OlGxGtZlvr3769BgwYpNTX1H8+TnJys0aNHO+3zjWis4uX4L8yr2S+/ZqpJ92SFlPTX3a0b6o0xD6jNQ6/Ix+fM/1fe+vgbzf7vd5Kkjdt/V4ubaiq+U6xGTv6vtu7MUN+Rs/XCkC4aM+gu5eXna+p7K5XxZ5as/HxPfiwA/+D5Z0crfccOzZw912n/q5Nf0dGjWXr9rZkKDS2lr5Yv1eNDHtOMd+aoeo2aHqoW1xqmm00eaxI3btyomTNnnvd/FJvNpsGDB6thw4YXPU9SUpISExOd9oU3G15odcIzck/nOaaF12/do0bXV1TCfS0c9yFu3ZnhNH77rgxViCzleD3vi7Wa98VahYcFKftEjixLeuT+27Tr94NX7kMAKLDnnx2jVStX6O1Z7yoiMtKxf8/u3Xp/7rv6+NNFqlatuiSpZq1a+nHdWr3/3hyNeGaMp0oGrnkeaxIjIyP1ww8/qFatWuc9/sMPPygiIuKi57Hb7bLb7U77bD6+hVIjig4fm012v2L6be9B7d1/WDUqhTsdrxYd7rREzln7D525v+nBTjfr5KlcLftu2xWpF0DBWJal5OfGavmyFL01c7bKl6/gdPzkyROSJB+b891RPj6+svItAYWFJNHksSZx6NCh6tevn9atW6dWrVo5GsLMzEwtW7ZMb7zxhl566SVPlQcPGjPoLi35dov27PtLQYEldG/7GxV3Y3V1fHiqJGnCrKV6un8Hbf7lD23c/rvu79hENStFqMew/39Ksv+9cfpu404dO35KrW6upecf66wRkz/VkWMnPPWxAJzH82NHa/HnizRx8lQFBgTqzwMHJEklg4JUokQJVapcRRUrRmvs6JFKHDpcoaGhWr58qb5L/VaTp77m4eqBa5vN+vsjoFfYvHnzNGHCBK1bt055eWceNvH19VWjRo2UmJiobt26XdJ5/RsOLMwycYVNe6aHWt5UU5FlgnXk2En9tOMPjZ+xVMu///8UcGjv2/WfbnEqFRKgzb/8oacmLnA83SxJb459QO1uraOSAX7a/mumJr6zTO99tsYTHweF7K81UzxdAgpR/evPf0/hmGeT1enuLpKk3377Va+8PF7r16/T8ePHVbFCRT3Y+9/qeFfnK1gproQSHlxzpdrQxW47d9pL7d12bnfyaJN4Vm5urv7888z9Z2XKlFHx4sUv63w0icC1iyYRuHbRJBYtRWIx7eLFi6tcuXKeLgMAAHgp7kk0FYkmEQAAwJPoEU38djMAAAAMJIkAAMDrMd1sIkkEAACAgSQRAAB4PYJEE0kiAAAADCSJAADA6/n4ECWeiyQRAAAABpJEAADg9bgn0USTCAAAvB5L4JiYbgYAAICBJBEAAHg9gkQTSSIAAAAMJIkAAMDrcU+iiSQRAAAABpJEAADg9UgSTSSJAAAAMJAkAgAAr0eQaKJJBAAAXo/pZhPTzQAAADCQJAIAAK9HkGgiSQQAAICBJBEAAHg97kk0kSQCAADAQJIIAAC8HkGiiSQRAAAABpJEAADg9bgn0USSCAAAAANJIgAA8HoEiSaaRAAA4PWYbjYx3QwAAAADSSIAAPB6BIkmkkQAAAAYSBIBAIDX455EE0kiAAAADDSJAADA69ls7ttckZycrMaNGysoKEjh4eHq3Lmztm/f7jSmRYsWstlsTlv//v2dxuzevVsdOnRQQECAwsPDNWzYMJ0+fdqlWphuBgAAKCJWrlyphIQENW7cWKdPn9aTTz6pNm3a6Oeff1ZgYKBjXN++fTVmzBjH64CAAMef8/Ly1KFDB0VGRmr16tXat2+fHnzwQRUvXlzPP/98gWuhSQQAAF6vqNyT+MUXXzi9njlzpsLDw7Vu3TrFxcU59gcEBCgyMvK85/jyyy/1888/a+nSpYqIiFCDBg00duxYDR8+XKNGjZKfn1+BamG6GQAAeD13Tjfn5OQoKyvLacvJySlQXUeOHJEkhYWFOe2fM2eOypQpozp16igpKUnHjx93HEtNTVXdunUVERHh2Ne2bVtlZWVpy5YtBf5OaBIBAADcKDk5WSEhIU5bcnLyRd+Xn5+vxx57TE2bNlWdOnUc+3v06KF3331XX331lZKSkjR79mzdf//9juMZGRlODaIkx+uMjIwC1810MwAA8HrunG5OSkpSYmKi0z673X7R9yUkJOinn37SN99847S/X79+jj/XrVtX5cqVU6tWrZSenq6qVasWTtEiSQQAAHAru92u4OBgp+1iTeLAgQO1aNEiffXVVypfvvw/jm3SpIkkKS0tTZIUGRmpzMxMpzFnX1/oPsbzoUkEAABe79wlZQpzc4VlWRo4cKDmz5+v5cuXq3Llyhd9z4YNGyRJ5cqVkyTFxsZq8+bN2r9/v2NMSkqKgoODFRMTU+BamG4GAAAoIhISEjR37lx9+umnCgoKctxDGBISIn9/f6Wnp2vu3Lm64447VLp0aW3atEmDBw9WXFyc6tWrJ0lq06aNYmJi9MADD2jcuHHKyMjQ008/rYSEhAJNc59FkwgAALxeEVkBR9OmTZN0ZsHsv5sxY4Z69eolPz8/LV26VBMnTlR2drYqVKigrl276umnn3aM9fX11aJFizRgwADFxsYqMDBQ8fHxTusqFgRNIgAAQBFhWdY/Hq9QoYJWrlx50fNER0fr888/v6xaaBIBAIDXKyqLaRclNIkAAMDr0SOaeLoZAAAABpJEAADg9ZhuNpEkAgAAwECSCAAAvB5BookkEQAAAAaSRAAA4PV8iBINJIkAAAAwkCQCAACvR5BookkEAABejyVwTEw3AwAAwECSCAAAvJ4PQaKBJBEAAAAGkkQAAOD1uCfRRJIIAAAAA0kiAADwegSJJpJEAAAAGEgSAQCA17OJKPFcNIkAAMDrsQSOielmAAAAGEgSAQCA12MJHBNJIgAAAAwkiQAAwOsRJJpIEgEAAGAgSQQAAF7PhyjRQJIIAAAAQ6E0iYcPHy6M0wAAAHiEzea+7WrlcpP4P//zP5o3b57jdbdu3VS6dGldd9112rhxY6EWBwAAcCXYbDa3bVcrl5vE6dOnq0KFCpKklJQUpaSkaPHixWrfvr2GDRtW6AUCAADgynP5wZWMjAxHk7ho0SJ169ZNbdq0UaVKldSkSZNCLxAAAMDdruLAz21cThJLlSqlPXv2SJK++OILtW7dWpJkWZby8vIKtzoAAAB4hMtJYpcuXdSjRw9Vr15dBw8eVPv27SVJ69evV7Vq1Qq9QAAAAHdjCRyTy03ihAkTVKlSJe3Zs0fjxo1TyZIlJUn79u3Tww8/XOgFAgAA4MpzuUksXry4hg4dauwfPHhwoRQEAABwpZEjmgrUJP73v/8t8AnvuuuuSy4GAAAARUOBmsTOnTsX6GQ2m42HVwAAwFXnal7P0F0K1CTm5+e7uw4AAACP8aFHNFzWz/KdPHmysOoAAABAEeJyk5iXl6exY8fquuuuU8mSJbVz505J0ogRI/TWW28VeoEAAADuxs/ymVxuEp977jnNnDlT48aNk5+fn2N/nTp19OabbxZqcQAAAPAMl5vEd955R6+//rp69uwpX19fx/769etr27ZthVocAADAlWCzuW+7WrncJP7xxx/n/WWV/Px85ebmFkpRAAAA8CyXm8SYmBh9/fXXxv6PPvpIDRs2LJSiAAAAriTuSTS5/IsrI0eOVHx8vP744w/l5+frk08+0fbt2/XOO+9o0aJF7qgRAAAAV5jLSWKnTp20cOFCLV26VIGBgRo5cqS2bt2qhQsX6vbbb3dHjQAAAG7lY3PfdrVyOUmUpGbNmiklJaWwawEAAPCIq3la2F0uqUmUpLVr12rr1q2Sztyn2KhRo0IrCgAAAJ7lcpP4+++/67777tO3336r0NBQSdLhw4d1yy236P3331f58uULu0YAAAC3Ikc0uXxP4kMPPaTc3Fxt3bpVhw4d0qFDh7R161bl5+froYceckeNAAAAuMJcThJXrlyp1atXq2bNmo59NWvW1OTJk9WsWbNCLQ4AAOBK8OGeRIPLSWKFChXOu2h2Xl6eoqKiCqUoAAAAeJbLTeKLL76oQYMGae3atY59a9eu1aOPPqqXXnqpUIsDAAC4EvhZPlOBpptLlSrl9Gh4dna2mjRpomLFzrz99OnTKlasmP7973+rc+fObikUAAAAV06BmsSJEye6uQwAAADPYZ1EU4GaxPj4eHfXAQAAgCLkkhfTlqSTJ0/q1KlTTvuCg4MvqyAAAIArjSDR5PKDK9nZ2Ro4cKDCw8MVGBioUqVKOW0AAABXGx+bzW2bK5KTk9W4cWMFBQUpPDxcnTt31vbt253GnDx5UgkJCSpdurRKliyprl27KjMz02nM7t271aFDBwUEBCg8PFzDhg3T6dOnXftOXBot6fHHH9fy5cs1bdo02e12vfnmmxo9erSioqL0zjvvuHo6AAAA/J+VK1cqISFB3333nVJSUpSbm6s2bdooOzvbMWbw4MFauHChPvzwQ61cuVJ79+5Vly5dHMfz8vLUoUMHnTp1SqtXr9asWbM0c+ZMjRw50qVabJZlWa68oWLFinrnnXfUokULBQcH68cff1S1atU0e/Zsvffee/r8889dKsAd/BsO9HQJANzkrzVTPF0CADcpcVk3wV2ehz/52W3nntol5pLfe+DAAYWHh2vlypWKi4vTkSNHVLZsWc2dO1f33HOPJGnbtm2qXbu2UlNTdfPNN2vx4sW68847tXfvXkVEREiSpk+fruHDh+vAgQPy8/Mr0LVdThIPHTqkKlWqSDpz/+GhQ4ckSbfeeqtWrVrl6ukAAACuaTk5OcrKynLacnJyCvTeI0eOSJLCwsIkSevWrVNubq5at27tGFOrVi1VrFhRqampkqTU1FTVrVvX0SBKUtu2bZWVlaUtW7YUuG6Xm8QqVapo165djqI++OADSdLChQsVGhrq6ukAAAA8zmazuW1LTk5WSEiI05acnHzRmvLz8/XYY4+padOmqlOnjiQpIyNDfn5+Rs8VERGhjIwMx5i/N4hnj589VlAuB7u9e/fWxo0b1bx5cz3xxBPq2LGjpkyZotzcXL388suung4AAOCalpSUpMTERKd9drv9ou9LSEjQTz/9pG+++cZdpf0jl5vEwYMHO/7cunVrbdu2TevWrVO1atVUr169Qi3uUv35/WRPlwDATaau3unpEgC4SWJcFY9d2+WpVRfY7fYCNYV/N3DgQC1atEirVq1S+fLlHfsjIyN16tQpHT582ClNzMzMVGRkpGPMDz/84HS+s08/nx1TEJf9nURHR6tLly5FpkEEAAC4WlmWpYEDB2r+/Plavny5Kleu7HS8UaNGKl68uJYtW+bYt337du3evVuxsbGSpNjYWG3evFn79+93jElJSVFwcLBiYgr+EE2BksRJkyYV+ISPPPJIgccCAAAUBUXlZ/kSEhI0d+5cffrppwoKCnLcQxgSEiJ/f3+FhISoT58+SkxMVFhYmIKDgzVo0CDFxsbq5ptvliS1adNGMTExeuCBBzRu3DhlZGTo6aefVkJCgkuJZoGWwDm3i73gyWw27dzp+amg7FMureoD4Cry2ne7PF0CADfx5HTzY59uc9u5J3aqVeCxF2pWZ8yYoV69ekk6s5j2kCFD9N577yknJ0dt27bV1KlTnaaSf/vtNw0YMEArVqxQYGCg4uPj9cILL6hYsYLfaejyOolXA5pE4NpFkwhcu2gSixYPLlsJAABQNPgUjdnmIsWdD/MAAADgKkWSCAAAvF5ReXClKCFJBAAAgIEkEQAAeD3uSTRdUpL49ddf6/7771dsbKz++OMPSdLs2bM99rMxAAAAKFwuN4kff/yx2rZtK39/f61fv145OTmSpCNHjuj5558v9AIBAADczWZz33a1crlJfPbZZzV9+nS98cYbKl68uGN/06ZN9eOPPxZqcQAAAFeCj83mtu1q5XKTuH37dsXFxRn7Q0JCdPjw4cKoCQAAAB7mcpMYGRmptLQ0Y/8333yjKlU8t1I6AADApfJx43a1crn2vn376tFHH9X3338vm82mvXv3as6cORo6dKgGDBjgjhoBAABwhbm8BM4TTzyh/Px8tWrVSsePH1dcXJzsdruGDh2qQYMGuaNGAAAAt7qKbx10G5ebRJvNpqeeekrDhg1TWlqajh07ppiYGJUsWdId9QEAAMADLnkxbT8/P8XExBRmLQAAAB5xNT+F7C4uN4ktW7b8x983XL58+WUVBAAAAM9zuUls0KCB0+vc3Fxt2LBBP/30k+Lj4wurLgAAgCuGINHkcpM4YcKE8+4fNWqUjh07dtkFAQAAXGn8drOp0Jbvuf/++/X2228X1ukAAADgQZf84Mq5UlNTVaJEicI6HQAAwBXDgysml5vELl26OL22LEv79u3T2rVrNWLEiEIrDAAAAJ7jcpMYEhLi9NrHx0c1a9bUmDFj1KZNm0IrDAAA4EohSDS51CTm5eWpd+/eqlu3rkqVKuWumgAAAOBhLj244uvrqzZt2ujw4cNuKgcAAODK87G5b7taufx0c506dbRz50531AIAAIAiwuUm8dlnn9XQoUO1aNEi7du3T1lZWU4bAADA1cbmxn+uVgW+J3HMmDEaMmSI7rjjDknSXXfd5fTzfJZlyWazKS8vr/CrBAAAcKOreVrYXQrcJI4ePVr9+/fXV1995c56AAAAUAQUuEm0LEuS1Lx5c7cVAwAA4AkkiSaX7km0sYgQAACAV3BpncQaNWpctFE8dOjQZRUEAABwpRGEmVxqEkePHm384goAAACuPS41id27d1d4eLi7agEAAPAI7kk0FfieRGJYAAAA7+Hy080AAADXGrIwU4GbxPz8fHfWAQAA4DE+dIkGl3+WDwAAANc+lx5cAQAAuBbx4IqJJBEAAAAGkkQAAOD1uCXRRJIIAAAAA0kiAADwej4iSjwXSSIAAAAMJIkAAMDrcU+iiSYRAAB4PZbAMTHdDAAAAANJIgAA8Hr8LJ+JJBEAAAAGkkQAAOD1CBJNJIkAAAAwkCQCAACvxz2JJpJEAAAAGEgSAQCA1yNINNEkAgAAr8fUqonvBAAAAAaSRAAA4PVszDcbSBIBAABgIEkEAABejxzRRJIIAABQhKxatUodO3ZUVFSUbDabFixY4HS8V69estlsTlu7du2cxhw6dEg9e/ZUcHCwQkND1adPHx07dsylOmgSAQCA1/Ox2dy2uSo7O1v169fXq6++esEx7dq10759+xzbe++953S8Z8+e2rJli1JSUrRo0SKtWrVK/fr1c6kOppsBAADcKCcnRzk5OU777Ha77Hb7ece3b99e7du3/8dz2u12RUZGnvfY1q1b9cUXX2jNmjW68cYbJUmTJ0/WHXfcoZdeeklRUVEFqpskEQAAeD2bG7fk5GSFhIQ4bcnJyZdV74oVKxQeHq6aNWtqwIABOnjwoONYamqqQkNDHQ2iJLVu3Vo+Pj76/vvvC3wNkkQAAOD13LkCTlJSkhITE532XShFLIh27dqpS5cuqly5stLT0/Xkk0+qffv2Sk1Nla+vrzIyMhQeHu70nmLFiiksLEwZGRkFvg5NIgAAgBv909Typejevbvjz3Xr1lW9evVUtWpVrVixQq1atSq06zDdDAAAvN65TwsX5uZuVapUUZkyZZSWliZJioyM1P79+53GnD59WocOHbrgfYznQ5MIAABwFfv999918OBBlStXTpIUGxurw4cPa926dY4xy5cvV35+vpo0aVLg8zLdDAAAvF5RSs2OHTvmSAUladeuXdqwYYPCwsIUFham0aNHq2vXroqMjFR6eroef/xxVatWTW3btpUk1a5dW+3atVPfvn01ffp05ebmauDAgerevXuBn2yWitZ3AgAA4PXWrl2rhg0bqmHDhpKkxMRENWzYUCNHjpSvr682bdqku+66SzVq1FCfPn3UqFEjff311073Pc6ZM0e1atVSq1atdMcdd+jWW2/V66+/7lIdJIkAAMDrXYl7BwuqRYsWsizrgseXLFly0XOEhYVp7ty5l1UHSSIAAAAMJIkAAMDrFZ0cseggSQQAAICBJBEAAHi9onRPYlFBkwgAALweU6smvhMAAAAYSBIBAIDXY7rZRJIIAAAAA0kiAADweuSIJpJEAAAAGEgSAQCA1+OWRBNJIgAAAAwkiQAAwOv5cFeigSYRAAB4PaabTUw3AwAAwECSCAAAvJ6N6WYDSSIAAAAMJIkAAMDrcU+iiSQRAAAABpJEAADg9VgCx0SSCAAAAANJIgAA8Hrck2iiSQQAAF6PJtHEdDMAAAAMJIkAAMDrsZi2iSQRAAAABpJEAADg9XwIEg0kiQAAADCQJAIAAK/HPYkmkkQAAAAYSBIBAIDXY51EE00iAADwekw3m5huBgAAgIEkEQAAeD2WwDGRJAIAAMBAkggAALwe9ySaSBIBAABgIEnEVeHDee/pw3nvad/ePyRJVapWU7/+CWraLM5pnGVZGjSgn1Z/+7XGT5yilq1ae6JcAP9g7y+btXHJR/rztzQdP3JIbR4eocoNb3Ecf61v+/O+r8k9fdSg7T2SpJPZR/Xt3Kn6bdP3stl8VPmGpmravb+Kl/C/Ip8B1x6WwDHRJOKqEB4RoUceG6KK0dGyLEsL/7tAgx9J0HsffqKq1ao7xs2ZPUs2/qYDRdrpnJMqXb6KajVtoy+nPWscf+ClOU6vd/+0VitnTVSVG5o69i1/c5yOHz6kDoOfV37eaa2YOUGrZk9Sq77D3V4/4C1oEnFVaN7iNqfXAx8ZrI/mva/NmzY6msTt27bq3Vkz9O68j9SmZTNPlAmgACrWbayKdRtf8HhASJjT6982fKeomvUUXLacJOmvfbu156e16vLUKypbqYYkqel9A7R40kjd/K+HFBha2n3F45pFvGDinkRcdfLy8rRk8Wc6ceK46tVvIEk6ceKEnhw+VE88NVJlypT1bIEACs3xrL+0e/MPqnVrW8e+zPSt8gso6WgQJal87Yay2Wzav3ObJ8rENcDHZnPbdrUq0kninj179Mwzz+jtt9++4JicnBzl5OQ47Ttt85Pdbnd3ebjCdvyyXb3uv0+nTuXIPyBA4ydOUZWq1SRJ48clq36DhmpxWysPVwmgMP2yeqmK2/1V+W9TzceP/CX/oBCncT6+vrIHBul41l9XukTgmlWkk8RDhw5p1qxZ/zgmOTlZISEhTttL45KvUIW4kipVrqz3PpqvWXPm6V/dumvk009oZ3qaVn61XGt++F5Dhyd5ukQAhWz7t1+qWpOWKlbcz9Ol4Bpnc+N2tfJokvjf//73H4/v3LnzoudISkpSYmKi077TNv5lci0qXtxPFStGS5Jirq+jLT/9pLnvviN7iRL6fc9uNb/lJqfxwxIfUcMbGumNGbM9US6Ay7Tvl590OON3te7n/B+AASGldOLoEad9+Xl5ysk+qoDgUleyROCa5tEmsXPnzrLZbLIs64JjLvakqt1uN6aWs09d+Hy4duRb+co9dUr9Ewbp7i73OB3r1uUuDXn8CcU1v+0C7wZQ1G37ZonKRFdX6QpVnPZHVK2tU8eP6cBvO1Q2+syDa39s2yDLshRepZYnSsW14GqO/NzEo9PN5cqV0yeffKL8/Pzzbj/++KMny0MRMnnieK1bu0Z7//hdO37Zfub1mh/UvkNHlSlTVtWq13DaJCkyMkrXlS/v4coBnCv35An9uTtdf+5OlyQd/TNTf+5O19GD+x1jTp3I1s51X6v23x5YOatUuYqqUOdGrXrnFe3ftV0ZaVv07dxpqta4OU82A4XIo0lio0aNtG7dOnXq1Om8xy+WMsJ7HDp0SCOfGq4/DxxQyaAgVa9eU69Of1M339L04m8GUKQc+G2HFr70/+sZpn7wuiSpRmxrtfz3EElS2pqVkqSqN7U47zlue+hxfTt3qhaNT5LNx/Z/i2kPcG/huKbxs3wmm+XBLuzrr79Wdna22rVrd97j2dnZWrt2rZo3b+7SeZluBq5dr323y9MlAHCTxLgqFx/kJt+nH7n4oEvUpGrIxQcVQR5NEps1++cFjwMDA11uEAEAAFx1FS9n6DZFep1EAACAK4Ee0VSk10kEAACAZ5AkAgAAECUaSBIBAABgIEkEAABejyVwTCSJAAAAMJAkAgAAr8cSOCaSRAAAgCJk1apV6tixo6KiomSz2bRgwQKn45ZlaeTIkSpXrpz8/f3VunVr7dixw2nMoUOH1LNnTwUHBys0NFR9+vTRsWPHXKqDJhEAAHg9mxs3V2VnZ6t+/fp69dVXz3t83LhxmjRpkqZPn67vv/9egYGBatu2rU6ePOkY07NnT23ZskUpKSlatGiRVq1apX79+rlUh0d/ls9d+Fk+4NrFz/IB1y5P/izfj79lue3cN0QHX/J7bTab5s+fr86dO0s6kyJGRUVpyJAhGjp0qCTpyJEjioiI0MyZM9W9e3dt3bpVMTExWrNmjW688UZJ0hdffKE77rhDv//+u6Kiogp0bZJEAAAAN8rJyVFWVpbTlpOTc0nn2rVrlzIyMtS6dWvHvpCQEDVp0kSpqamSpNTUVIWGhjoaRElq3bq1fHx89P333xf4WjSJAADA69nc+E9ycrJCQkKctuTk5EuqMyMjQ5IUERHhtD8iIsJxLCMjQ+Hh4U7HixUrprCwMMeYguDpZgAAADdKSkpSYmKi0z673e6hagqOJhEAAHg9dy6BY7fbC60pjIyMlCRlZmaqXLlyjv2ZmZlq0KCBY8z+/fud3nf69GkdOnTI8f6CYLoZAADgKlG5cmVFRkZq2bJljn1ZWVn6/vvvFRsbK0mKjY3V4cOHtW7dOseY5cuXKz8/X02aNCnwtUgSAQCA1ytKa2kfO3ZMaWlpjte7du3Shg0bFBYWpooVK+qxxx7Ts88+q+rVq6ty5coaMWKEoqKiHE9A165dW+3atVPfvn01ffp05ebmauDAgerevXuBn2yWaBIBAACKlLVr16ply5aO12fvZ4yPj9fMmTP1+OOPKzs7W/369dPhw4d166236osvvlCJEiUc75kzZ44GDhyoVq1aycfHR127dtWkSZNcqoN1EgFcVVgnEbh2eXKdxI17jrrt3PUrBLnt3O5EkggAALyerUhNOBcNPLgCAAAAA0kiAADweu5cAudqRZIIAAAAA0kiAADwegSJJpJEAAAAGEgSAQAAiBINJIkAAAAwkCQCAACvxzqJJpJEAAAAGEgSAQCA12OdRBNNIgAA8Hr0iCammwEAAGAgSQQAACBKNJAkAgAAwECSCAAAvB5L4JhIEgEAAGAgSQQAAF6PJXBMJIkAAAAwkCQCAACvR5BookkEAACgSzQw3QwAAAADSSIAAPB6LIFjIkkEAACAgSQRAAB4PZbAMZEkAgAAwECSCAAAvB5BookkEQAAAAaSRAAAAKJEA00iAADweiyBY2K6GQAAAAaSRAAA4PVYAsdEkggAAAADSSIAAPB6BIkmkkQAAAAYSBIBAACIEg0kiQAAADCQJAIAAK/HOokmmkQAAOD1WALHxHQzAAAADCSJAADA6xEkmkgSAQAAYCBJBAAAXo97Ek0kiQAAADCQJAIAAHBXooEkEQAAAAaSRAAA4PW4J9FEkwgAALwePaKJ6WYAAAAYSBIBAIDXY7rZRJIIAAAAA0kiAADwejbuSjSQJAIAAMBAkggAAECQaCBJBAAAgIEkEQAAeD2CRBNNIgAA8HosgWNiuhkAAKCIGDVqlGw2m9NWq1Ytx/GTJ08qISFBpUuXVsmSJdW1a1dlZma6pRaaRAAA4PVsbvzHVddff7327dvn2L755hvHscGDB2vhwoX68MMPtXLlSu3du1ddunQpzK/CgelmAACAIqRYsWKKjIw09h85ckRvvfWW5s6dq9tuu02SNGPGDNWuXVvfffedbr755kKtgyQRAADA5r4tJydHWVlZTltOTs4FS9mxY4eioqJUpUoV9ezZU7t375YkrVu3Trm5uWrdurVjbK1atVSxYkWlpqYW4pdxBk0iAACAGyUnJyskJMRpS05OPu/YJk2aaObMmfriiy80bdo07dq1S82aNdPRo0eVkZEhPz8/hYaGOr0nIiJCGRkZhV43080AAMDrufPh5qSkJCUmJjrts9vt5x3bvn17x5/r1aunJk2aKDo6Wh988IH8/f3dWKWJJBEAAMCN7Ha7goODnbYLNYnnCg0NVY0aNZSWlqbIyEidOnVKhw8fdhqTmZl53nsYLxdNIgAA8Ho2m/u2y3Hs2DGlp6erXLlyatSokYoXL65ly5Y5jm/fvl27d+9WbGzsZX4DJqabAQCA17uUpWrcYejQoerYsaOio6O1d+9ePfPMM/L19dV9992nkJAQ9enTR4mJiQoLC1NwcLAGDRqk2NjYQn+yWaJJBAAAKDJ+//133XfffTp48KDKli2rW2+9Vd99953Kli0rSZowYYJ8fHzUtWtX5eTkqG3btpo6dapbarFZlmW55cwelH3qmvtIAP7Pa9/t8nQJANwkMa6Kx6791/E8t527VICv287tTtyTCAAAAANNIgAAAAw0iQAAADDw4AoAAPB6l7tUzbWIJBEAAAAGkkQAAOD1iso6iUUJTSIAAPB6TDebmG4GAACAgSQRAAB4PYJEE0kiAAAADCSJAAAARIkGkkQAAAAYSBIBAIDXYwkcE0kiAAAADCSJAADA67FOookkEQAAAAaSRAAA4PUIEk00iQAAAHSJBqabAQAAYCBJBAAAXo8lcEwkiQAAADCQJAIAAK/HEjgmkkQAAAAYbJZlWZ4uArhUOTk5Sk5OVlJSkux2u6fLAVCI+PsNeBZNIq5qWVlZCgkJ0ZEjRxQcHOzpcgAUIv5+A57FdDMAAAAMNIkAAAAw0CQCAADAQJOIq5rdbtczzzzDTe3ANYi/34Bn8eAKAAAADCSJAAAAMNAkAgAAwECTCAAAAANNIgAAAAw0ibiqvfrqq6pUqZJKlCihJk2a6IcffvB0SQAu06pVq9SxY0dFRUXJZrNpwYIFni4J8Eo0ibhqzZs3T4mJiXrmmWf0448/qn79+mrbtq3279/v6dIAXIbs7GzVr19fr776qqdLAbwaS+DgqtWkSRM1btxYU6ZMkSTl5+erQoUKGjRokJ544gkPVwegMNhsNs2fP1+dO3f2dCmA1yFJxFXp1KlTWrdunVq3bu3Y5+Pjo9atWys1NdWDlQEAcG2gScRV6c8//1ReXp4iIiKc9kdERCgjI8NDVQEAcO2gSQQAAICBJhFXpTJlysjX11eZmZlO+zMzMxUZGemhqgAAuHbQJOKq5Ofnp0aNGmnZsmWOffn5+Vq2bJliY2M9WBkAANeGYp4uALhUiYmJio+P14033qibbrpJEydOVHZ2tnr37u3p0gBchmPHjiktLc3xeteuXdqwYYPCwsJUsWJFD1YGeBeWwMFVbcqUKXrxxReVkZGhBg0aaNKkSWrSpImnywJwGVasWKGWLVsa++Pj4zVz5swrXxDgpWgSAQAAYOCeRAAAABhoEgEAAGCgSQQAAICBJhEAAAAGmkQAAAAYaBIBAABgoEkEAACAgSYRAAAABppEAJetV69e6ty5s+N1ixYt9Nhjj13xOlasWCGbzabDhw9fcIzNZtOCBQsKfM5Ro0apQYMGl1XXr7/+KpvNpg0bNlzWeQDgSqJJBK5RvXr1ks1mk81mk5+fn6pVq6YxY8bo9OnTbr/2J598orFjxxZobEEaOwDAlVfM0wUAcJ927dppxowZysnJ0eeff66EhAQVL15cSUlJxthTp07Jz8+vUK4bFhZWKOcBAHgOSSJwDbPb7YqMjFR0dLQGDBig1q1b67///a+k/58ifu655xQVFaWaNWtKkvbs2aNu3bopNDRUYWFh6tSpk3799VfHOfPy8pSYmKjQ0FCVLl1ajz/+uM79Cfhzp5tzcnI0fPhwVahQQXa7XdWqVdNbb72lX3/9VS1btpQklSpVSjabTb169ZIk5efnKzk5WZUrV5a/v7/q16+vjz76yOk6n3/+uWrUqCF/f3+1bNnSqc6CGj58uGrUqKGAgABVqVJFI0aMUG5urjHutddeU4UKFRQQEKBu3brpyJEjTsfffPNN1a5dWyVKlFCtWrU0derUC17zr7/+Us+ePVW2bFn5+/urevXqmjFjhsu1A4A7kSQCXsTf318HDx50vF62bJmCg4OVkpIiScrNzVXbtm0VGxurr7/+WsWKFdOzzz6rdu3aadOmTfLz89P48eM1c+ZMvf3226pdu7bGjx+v+fPn67bbbrvgdR988EGlpqZq0qRJql+/vnbt2qU///xTFSpU0Mcff6yuXbtq+/btCg4Olr+/vyQpOTlZ7777rqZPn67q1atr1apVuv/++1W2bFk1b95ce/bsUZcuXZSQkKB+/fpp7dq1GjJkiMvfSVBQkGbOnKmoqCht3rxZffv2VVBQkB5//HHHmLS0NH3wwQdauHChsrKy1KdPHz388MOaM2eOJGnOnDkaOXKkpkyZooYNG2r9+vXq27evAgMDFR8fb1xzxIgR+vnnn7V48WKVKVNGaWlpOnHihMu1A4BbWQCuSfHx8VanTp0sy7Ks/Px8KyUlxbLb7dbQoUMdxyMiIqycnBzHe2bPnm3VrFnTys/Pd+zLycmx/P39rSVLlliWZVnlypWzxo0b5ziem5trlS9f3nEty7Ks5s2bW48++qhlWZa1fft2S5KVkpJy3jq/+uorS5L1119/OfadPHnSCggIsFavXu00tk+fPtZ9991nWZZlJSUlWTExMU7Hhw8fbpzrXJKs+fPnX/D4iy++aDVq1Mjx+plnnrF8fX2t33//3bFv8eLFlo+Pj7Vv3z7LsiyratWq1ty5c53OM3bsWCs2NtayLMvatWuXJclav369ZVmW1bFjR6t3794XrAEAigKSROAatmjRIpUsWVK5ubnKz89Xjx49NGrUKMfxunXrOt2HuHHjRqWlpSkoKMjpPCdPnlR6erqOHDmiffv2qUmTJo5jxYoV04033mhMOZ+1YcMG+fr6qnnz5gWuOy0tTcePH9ftt9/utP/UqVNq2LChJGnr1q1OdUhSbGxsga9x1rx58zRp0iSlp6fr2LFjOn36tIKDg53GVKxYUdddd53TdfLz87V9+3YFBQUpPT1dffr0Ud++fR1jTp8+rZCQkPNec8CAAeratat+/PFHtWnTRp07d9Ytt9zicu0A4E40icA1rGXLlpo2bZr8/PwUFRWlYsWc/8oHBgY6vT527JgaNWrkmEb9u7Jly15SDWenj11x7NgxSdJnn33m1JxJZ+6zLCypqanq2bOnRo8erbZt2yokJETvv/++xo8f73Ktb7zxhtG0+vr6nvc97du312+//abPP/9cKSkpatWqlRISEvTSSy9d+ocBgEJGkwhcwwIDA1WtWrUCj7/hhhs0b948hYeHG2naWeXKldP333+vuLg4SWcSs3Xr1umGG2447/i6desqPz9fK1euVOvWrY3jZ5PMvLw8x76YmBjZ7Xbt3r37gglk7dq1HQ/hnPXdd99d/EP+zerVqxUdHa2nnnrKse+3334zxu3evVt79+5VVFSU4zo+Pj6qWbOmIiIiFBUVpZ07d6pnz54FvnbZsmUVHx+v+Ph4NWvWTMOGDaNJBFCk8HQzAIeePXuqTJky6tSpk77++mvt2rVLK1as0COPPKLff/9dkvToo4/qhRde0IIFC7Rt2zY9/PDD/7jGYaVKlRQfH69///vfWrBggeOcH3zwgSQpOjpaNptNixYt0oEDB3Ts2DEFBQVp6NChGjx4sGbNmqX09HT9+OOPmjx5smbNmiVJ6t+/v3bs2KFhw4Zp+/btmjt3rmbOnOnS561evbp2796t999/X+np6Zo0aZLmz59vjCtRooTi4+O1ceNGff3113rkkUfUrVs3RUZGSpJGjx6t5ORkTZo0Sb/88os2b96sGTNm6OWXXz7vdUeOHKlPP/1UaWlp2rJlixYtWqTatWu7VDsAuBtNIgCHgIAArVq1ShUrVlSXLl1Uu3Zt9enTRydPnnQki0OGDNEDDzyg+Ph4xcbGKigoSHffffc/nnfatGm655579PDDD6tWrVrq27evsrOzJUnXXXedRo8erSeeeEIREREaOHCgJGns2LEaMWKEkpOTVbt2bbVr106fffaZKleuLOnMfYIff/yxFixYoPr162v69Ol6/vnnXfq8d911lwYPHqyBAweqQYMGWr16tUaMGGGMq1atmrp06aI77rhDbdq0Ub169ZyWuHnooYf05ptvasaMGapbt66aN2+umTNnOmo9l5+fn5KSklSvXj3FxcXJ19dX77//vku1A4C72awL3W0OAAAAr0WSCAAAAANNIgAAAAw0iQAAADDQJAIAAMBAkwgAAAADTSIAAAAMNIkAAAAw0CQCAADAQJMIAAAAA00iAAAADDSJAAAAMPwvOx4k/YRs7iQAAAAASUVORK5CYII=", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "plot_confusion_matrix(y_test, y_pred,(0,1))" + ] + }, + { + "cell_type": "code", + "execution_count": 54, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAr4AAAIjCAYAAADlfxjoAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8pXeV/AAAACXBIWXMAAA9hAAAPYQGoP6dpAACXxklEQVR4nOzdeXhMZxsG8HuyL7IRiYiQhNoqttj3JRXVKl2IPdReS0VV7UsVLbW2amsJSu1aLR8tFS1Sam0UUULFEhJLQsg67/fH6cxkkklkYpIzy/27rlzOvHPmzDNbPHnmPc+rEEIIEBERERGZOSu5AyAiIiIiKglMfImIiIjIIjDxJSIiIiKLwMSXiIiIiCwCE18iIiIisghMfImIiIjIIjDxJSIiIiKLwMSXiIiIiCwCE18iIiIisghMfIlKiL+/P/r37y93GBanTZs2aNOmjdxhPNeMGTOgUCiQlJQkdyhGR6FQYMaMGQY51vXr16FQKBAZGWmQ4wHAiRMnYGdnh3///ddgxzS0Hj16oHv37nKHQSQ7Jr5kFiIjI6FQKNQ/NjY28PX1Rf/+/XHr1i25wzNqqampmDVrFmrXrg0nJye4ubmhZcuWWL9+PUxlRfMLFy5gxowZuH79utyh5JGdnY21a9eiTZs2KF26NOzt7eHv748BAwbg5MmTcodnEJs2bcLixYvlDkNLScY0efJk9OzZE5UqVVKPtWnTRut3kqOjI2rXro3FixdDqVTqPM79+/fx4Ycfolq1anBwcEDp0qURGhqKn376Kd/7TklJwcyZM1GnTh2UKlUKjo6OqFWrFj766CPcvn1bvd9HH32EHTt24Ny5c4V+XJbw3iXLoxCm8j8bUQEiIyMxYMAAfPzxxwgICEBaWhr++OMPREZGwt/fH+fPn4eDg4OsMaanp8PKygq2trayxpHT3bt30b59e1y8eBE9evRA69atkZaWhh07duC3335DWFgYNm7cCGtra7lDLdD27dvRrVs3HDp0KE91NyMjAwBgZ2dX4nE9e/YMb731Fvbt24dWrVqhc+fOKF26NK5fv46tW7fi8uXLuHHjBipUqIAZM2Zg5syZSExMhKenZ4nH+iJef/11nD9/vtj+8EhLS4ONjQ1sbGxeOCYhBNLT02Fra2uQ9/XZs2dRr149HDt2DE2bNlWPt2nTBlevXsXcuXMBAElJSdi0aRP+/PNPTJo0CbNnz9Y6TmxsLNq3b4/ExEQMGDAADRo0wKNHj7Bx40acPXsW48aNw/z587VuExcXh5CQENy4cQPdunVDixYtYGdnh7/++gvfffcdSpcujcuXL6v3b9y4MapVq4b169c/93Hp894lMimCyAysXbtWABB//vmn1vhHH30kAIgtW7bIFJm8nj17JrKzs/O9PjQ0VFhZWYkffvghz3Xjxo0TAMSnn35anCHq9OTJE73237ZtmwAgDh06VDwBFdGIESMEALFo0aI812VlZYn58+eL+Ph4IYQQ06dPFwBEYmJiscWjVCrF06dPDX7c1157TVSqVMmgx8zOzhbPnj0r8u2LIyZdRo8eLSpWrCiUSqXWeOvWrcXLL7+sNfbs2TNRqVIl4eLiIrKystTjGRkZolatWsLJyUn88ccfWrfJysoSYWFhAoDYvHmzejwzM1PUqVNHODk5id9//z1PXMnJyWLSpElaY59//rlwdnYWjx8/fu7j0ue9+yJe9HUm0hcTXzIL+SW+P/30kwAg5syZozV+8eJF8fbbbwsPDw9hb28vgoODdSZ/Dx8+FGPGjBGVKlUSdnZ2wtfXV/Tt21crOUlLSxPTpk0TlStXFnZ2dqJChQriww8/FGlpaVrHqlSpkggPDxdCCPHnn38KACIyMjLPfe7bt08AED/++KN67ObNm2LAgAHCy8tL2NnZiZo1a4pvvvlG63aHDh0SAMR3330nJk+eLMqXLy8UCoV4+PChzucsOjpaABDvvvuuzuszMzPFSy+9JDw8PNTJ0rVr1wQAMX/+fLFw4UJRsWJF4eDgIFq1aiViYmLyHKMwz7PqtYuKihLDhw8XZcuWFe7u7kIIIa5fvy6GDx8uqlatKhwcHETp0qXFO++8I65du5bn9rl/VElw69atRevWrfM8T1u2bBGffPKJ8PX1Ffb29qJdu3bin3/+yfMYvvzySxEQECAcHBxEw4YNxW+//ZbnmLrEx8cLGxsb8corrxS4n4oq8f3nn39EeHi4cHNzE66urqJ///4iNTVVa981a9aItm3birJlywo7OztRo0YN8dVXX+U5ZqVKlcRrr70m9u3bJ4KDg4W9vb06kSnsMYQQYu/evaJVq1aiVKlSwsXFRTRo0EBs3LhRCCE9v7mf+5wJZ2E/HwDEiBEjxLfffitq1qwpbGxsxK5du9TXTZ8+Xb1vSkqKeP/999Wfy7Jly4qQkBBx6tSp58akeg+vXbtW6/4vXrwounXrJjw9PYWDg4OoWrVqnsRRl4oVK4r+/fvnGdeV+AohxDvvvCMAiNu3b6vHvvvuOwFAfPzxxzrv49GjR8Ld3V1Ur15dPbZ582YBQMyePfu5MaqcO3dOABA7d+4scD9937vh4eE6/8hQvadz0vU6b926VXh4eOh8HpOTk4W9vb344IMP1GOFfU8R6VL4742ITJDqa04PDw/12N9//43mzZvD19cXEyZMgLOzM7Zu3YquXbtix44dePPNNwEAT548QcuWLXHx4kW8++67qF+/PpKSkrB7927cvHkTnp6eUCqVeOONN3DkyBEMGTIENWrUQExMDBYtWoTLly/j+++/1xlXgwYNEBgYiK1btyI8PFzrui1btsDDwwOhoaEApOkITZo0gUKhwMiRI1G2bFn873//w8CBA5GSkoIxY8Zo3X7WrFmws7PDuHHjkJ6enu9X/D/++CMAoF+/fjqvt7GxQa9evTBz5kwcPXoUISEh6uvWr1+Px48fY8SIEUhLS8OSJUvQrl07xMTEwNvbW6/nWeW9995D2bJlMW3aNKSmpgIA/vzzTxw7dgw9evRAhQoVcP36dSxfvhxt2rTBhQsX4OTkhFatWmH06NFYunQpJk2ahBo1agCA+t/8fPrpp7CyssK4ceOQnJyMefPmoXfv3jh+/Lh6n+XLl2PkyJFo2bIlIiIicP36dXTt2hUeHh7P/Yr3f//7H7KystC3b98C98ute/fuCAgIwNy5c3H69Gl8/fXX8PLywmeffaYV18svv4w33ngDNjY2+PHHH/Hee+9BqVRixIgRWseLjY1Fz549MXToUAwePBjVqlXT6xiRkZF499138fLLL2PixIlwd3fHmTNnsG/fPvTq1QuTJ09GcnIybt68iUWLFgEASpUqBQB6fz5+/fVXbN26FSNHjoSnpyf8/f11PkfDhg3D9u3bMXLkSNSsWRP379/HkSNHcPHiRdSvX7/AmHT566+/0LJlS9ja2mLIkCHw9/fH1atX8eOPP+aZkpDTrVu3cOPGDdSvXz/ffXJTnVzn7u6uHnveZ9HNzQ1dunTBunXrcOXKFVSpUgW7d+8GAL3eXzVr1oSjoyOOHj2a5/OXU1Hfu4WV+3V+6aWX8Oabb2Lnzp1YuXKl1u+s77//Hunp6ejRowcA/d9TRHnInXkTGYKq6nfgwAGRmJgo4uPjxfbt20XZsmWFvb291ldy7du3F0FBQVrVAaVSKZo1ayZeeukl9di0adPyrY6ovtbcsGGDsLKyyvNV44oVKwQAcfToUfVYzoqvEEJMnDhR2NraigcPHqjH0tPThbu7u1YVduDAgcLHx0ckJSVp3UePHj2Em5ubuhqrqmQGBgYW6uvsrl27CgD5VoSFEGLnzp0CgFi6dKkQQlMtc3R0FDdv3lTvd/z4cQFAREREqMcK+zyrXrsWLVpoff0rhND5OFSV6vXr16vHCprqkF/Ft0aNGiI9PV09vmTJEgFAXblOT08XZcqUEQ0bNhSZmZnq/SIjIwWA51Z8IyIiBABx5syZAvdTUVXHclfg33zzTVGmTBmtMV3PS2hoqAgMDNQaq1SpkgAg9u3bl2f/whzj0aNHwsXFRTRu3DjP19E5v9rPb1qBPp8PAMLKykr8/fffeY6DXBVfNzc3MWLEiDz75ZRfTLoqvq1atRIuLi7i33//zfcx6nLgwIE8386otG7dWlSvXl0kJiaKxMREcenSJfHhhx8KAOK1117T2rdu3brCzc2twPtauHChACB2794thBCiXr16z72NLlWrVhWvvvpqgfvo+97Vt+Kr63Xev3+/zueyU6dOWu9Jfd5TRLqwqwOZlZCQEJQtWxZ+fn5455134OzsjN27d6urcw8ePMCvv/6K7t274/Hjx0hKSkJSUhLu37+P0NBQ/PPPP+ouEDt27ECdOnV0VkYUCgUAYNu2bahRowaqV6+uPlZSUhLatWsHADh06FC+sYaFhSEzMxM7d+5Uj/3888949OgRwsLCAEgn4uzYsQOdO3eGEELrPkJDQ5GcnIzTp09rHTc8PByOjo7Pfa4eP34MAHBxccl3H9V1KSkpWuNdu3aFr6+v+nKjRo3QuHFj7N27F4B+z7PK4MGD85xslPNxZGZm4v79+6hSpQrc3d3zPG59DRgwQKuy1LJlSwDSCUMAcPLkSdy/fx+DBw/WOqmqd+/eWt8g5Ef1nBX0/OoybNgwrcstW7bE/fv3tV6DnM9LcnIykpKS0Lp1a8TFxSE5OVnr9gEBAepvD3IqzDF++eUXPH78GBMmTMhzcqjqM1AQfT8frVu3Rs2aNZ97XHd3dxw/flyra0FRJSYm4rfffsO7776LihUral33vMd4//59AMj3/XDp0iWULVsWZcuWRfXq1TF//ny88cYbeVqpPX78+Lnvk9yfxZSUFL3fW6pYn9cyr6jv3cLS9Tq3a9cOnp6e2LJli3rs4cOH+OWXX9S/D4EX+51LBACc6kBmZdmyZahatSqSk5OxZs0a/Pbbb7C3t1dff+XKFQghMHXqVEydOlXnMe7duwdfX19cvXoVb7/9doH3988//+DixYsoW7ZsvsfKT506dVC9enVs2bIFAwcOBCBNc/D09FT/Ek9MTMSjR4+watUqrFq1qlD3ERAQUGDMKqr/1B4/fqz1tWtO+SXHL730Up59q1atiq1btwLQ73kuKO5nz55h7ty5WLt2LW7duqXVXi13gqev3EmOKnl5+PAhAKh7slapUkVrPxsbm3y/gs/J1dUVgOY5NERcqmMePXoU06dPR3R0NJ4+faq1f3JyMtzc3NSX83s/FOYYV69eBQDUqlVLr8egou/no7Dv3Xnz5iE8PBx+fn4IDg5Gp06d0K9fPwQGBuodo+oPnaI+RgD5tv3z9/fH6tWroVQqcfXqVcyePRuJiYl5/ohwcXF5bjKa+7Po6uqqjl3fWJ+X0Bf1vVtYul5nGxsbvP3229i0aRPS09Nhb2+PnTt3IjMzUyvxfZHfuUQAE18yM40aNUKDBg0ASFXJFi1aoFevXoiNjUWpUqXU/TPHjRunswoG5E10CqJUKhEUFISFCxfqvN7Pz6/A24eFhWH27NlISkqCi4sLdu/ejZ49e6orjKp4+/Tpk2cusErt2rW1Lhem2gtIc2C///57/PXXX2jVqpXOff766y8AKFQVLqeiPM+64h41ahTWrl2LMWPGoGnTpnBzc4NCoUCPHj3y7YVaWPm1ssovidFX9erVAQAxMTGoW7duoW/3vLiuXr2K9u3bo3r16li4cCH8/PxgZ2eHvXv3YtGiRXmeF13Pq77HKCp9Px+Ffe92794dLVu2xK5du/Dzzz9j/vz5+Oyzz7Bz5068+uqrLxx3YZUpUwaA5o+l3JydnbXmxjdv3hz169fHpEmTsHTpUvV4jRo1cPbsWdy4cSPPHz4quT+L1atXx5kzZxAfH//c3zM5PXz4UOcfrjnp+97NL5HOzs7WOZ7f69yjRw+sXLkS//vf/9C1a1ds3boV1atXR506ddT7vOjvXCImvmS2rK2tMXfuXLRt2xZffvklJkyYoK4I2draav2HpEvlypVx/vz55+5z7tw5tG/fvlBf/eYWFhaGmTNnYseOHfD29kZKSor6JA4AKFu2LFxcXJCdnf3cePX1+uuvY+7cuVi/fr3OxDc7OxubNm2Ch4cHmjdvrnXdP//8k2f/y5cvqyuh+jzPBdm+fTvCw8OxYMEC9VhaWhoePXqktV9RnvvnUS1GcOXKFbRt21Y9npWVhevXr+f5gyO3V199FdbW1vj2228NepLQjz/+iPT0dOzevVsrSdLnK97CHqNy5coAgPPnzxf4B2F+z/+Lfj4K4uPjg/feew/vvfce7t27h/r162P27NnqxLew96d6rz7vs66LKkG8du1aofavXbs2+vTpg5UrV2LcuHHq5/7111/Hd999h/Xr12PKlCl5bpeSkoIffvgB1atXV78OnTt3xnfffYdvv/0WEydOLNT9Z2VlIT4+Hm+88UaB++n73vXw8MjzmQSg90p2rVq1go+PD7Zs2YIWLVrg119/xeTJk7X2Kc73FFkGzvEls9amTRs0atQIixcvRlpaGry8vNCmTRusXLkSd+7cybN/YmKievvtt9/GuXPnsGvXrjz7qapv3bt3x61bt7B69eo8+zx79kzdnSA/NWrUQFBQELZs2YItW7bAx8dHKwm1trbG22+/jR07duj8jzlnvPpq1qwZQkJCsHbtWp0rQ02ePBmXL1/G+PHj81Rovv/+e605uidOnMDx48fVSYc+z3NBrK2t81Rgv/jiizyVJGdnZwDQ+Z9vUTVo0ABlypTB6tWrkZWVpR7fuHFjvhW+nPz8/DB48GD8/PPP+OKLL/Jcr1QqsWDBAty8eVOvuFQV4dzTPtauXWvwY3To0AEuLi6YO3cu0tLStK7LeVtnZ2edU09e9POhS3Z2dp778vLyQvny5ZGenv7cmHIrW7YsWrVqhTVr1uDGjRta1z2v+u/r6ws/Pz+9VjEbP348MjMztSqW77zzDmrWrIlPP/00z7GUSiWGDx+Ohw8fYvr06Vq3CQoKwuzZsxEdHZ3nfh4/fpwnabxw4QLS0tLQrFmzAmPU971buXJlJCcnq6vSAHDnzh2dvzsLYmVlhXfeeQc//vgjNmzYgKysLK1pDkDxvKfIsrDiS2bvww8/RLdu3RAZGYlhw4Zh2bJlaNGiBYKCgjB48GAEBgbi7t27iI6Oxs2bN9VLen744YfqFcHeffddBAcH48GDB9i9ezdWrFiBOnXqoG/fvti6dSuGDRuGQ4cOoXnz5sjOzsalS5ewdetW7N+/Xz31Ij9hYWGYNm0aHBwcMHDgQFhZaf89+umnn+LQoUNo3LgxBg8ejJo1a+LBgwc4ffo0Dhw4gAcPHhT5uVm/fj3at2+PLl26oFevXmjZsiXS09Oxc+dOREVFISwsDB9++GGe21WpUgUtWrTA8OHDkZ6ejsWLF6NMmTIYP368ep/CPs8Fef3117Fhwwa4ubmhZs2aiI6OxoEDB9RfMavUrVsX1tbW+Oyzz5CcnAx7e3u0a9cOXl5eRX5u7OzsMGPGDIwaNQrt2rVD9+7dcf36dURGRqJy5cqFqjYtWLAAV69exejRo7Fz5068/vrr8PDwwI0bN7Bt2zZcunRJq8JfGB06dICdnR06d+6MoUOH4smTJ1i9ejW8vLx0/pHxIsdwdXXFokWLMGjQIDRs2BC9evWCh4cHzp07h6dPn2LdunUAgODgYGzZsgVjx45Fw4YNUapUKXTu3Nkgn4/cHj9+jAoVKuCdd95RL9N74MAB/Pnnn1rfDOQXky5Lly5FixYtUL9+fQwZMgQBAQG4fv069uzZg7NnzxYYT5cuXbBr165CzZ0FpKkKnTp1wtdff42pU6eiTJkysLOzw/bt29G+fXu0aNFCa+W2TZs24fTp0/jggw+03iu2trbYuXMnQkJC0KpVK3Tv3h3NmzeHra0t/v77b/W3NTnbsf3yyy9wcnLCK6+88tw49Xnv9ujRAx999BHefPNNjB49Gk+fPsXy5ctRtWpVvU9CDQsLwxdffIHp06cjKCgoT1vC4nhPkYUp+UYSRIaX3wIWQkgrA1WuXFlUrlxZ3S7r6tWrol+/fqJcuXLC1tZW+Pr6itdff11s375d67b3798XI0eOFL6+vupG6eHh4VqtxTIyMsRnn30mXn75ZWFvby88PDxEcHCwmDlzpkhOTlbvl7udmco///yjbrJ/5MgRnY/v7t27YsSIEcLPz0/Y2tqKcuXKifbt24tVq1ap91G16dq2bZtez93jx4/FjBkzxMsvvywcHR2Fi4uLaN68uYiMjMzTzinnAhYLFiwQfn5+wt7eXrRs2VKcO3cuz7EL8zwX9No9fPhQDBgwQHh6eopSpUqJ0NBQcenSJZ3P5erVq0VgYKCwtrYu1AIWuZ+n/BY2WLp0qahUqZKwt7cXjRo1EkePHhXBwcGiY8eOhXh2pVWuvv76a9GyZUvh5uYmbG1tRaVKlcSAAQO02kXlt3Kb6vnJuWjH7t27Re3atYWDg4Pw9/cXn332mVizZk2e/VQLWOhS2GOo9m3WrJlwdHQUrq6uolGjRuK7775TX//kyRPRq1cv4e7unmcBi8J+PvDfwga6IEc7s/T0dPHhhx+KOnXqCBcXF+Hs7Czq1KmTZ/GN/GLK73U+f/68ePPNN4W7u7twcHAQ1apVE1OnTtUZT06nT58WAPK018pvAQshhIiKisrTok0IIe7duyfGjh0rqlSpIuzt7YW7u7sICQlRtzDT5eHDh2LatGkiKChIODk5CQcHB1GrVi0xceJEcefOHa19GzduLPr06fPcx6RS2PeuEEL8/PPPolatWsLOzk5Uq1ZNfPvttwUuYJEfpVIp/Pz8BADxySef6NynsO8pIl0UQhjoTA4iMnvXr19HQEAA5s+fj3HjxskdjiyUSiXKli2Lt956S+fXrWR52rdvj/Lly2PDhg1yh5Kvs2fPon79+jh9+rReJ1sSmRvO8SUiykdaWlqeeZ7r16/HgwcP0KZNG3mCIqMzZ84cbNmyRe+TuUrSp59+infeeYdJL1k8zvElIsrHH3/8gYiICHTr1g1lypTB6dOn8c0336BWrVro1q2b3OGRkWjcuDEyMjLkDqNAmzdvljsEIqPAxJeIKB/+/v7w8/PD0qVL8eDBA5QuXRr9+vXDp59+qrXqGxERmQbO8SUiIiIii8A5vkRERERkEZj4EhEREZFFsLg5vkqlErdv34aLiwuXOyQiIiIyQkIIPH78GOXLl8+zsNOLsLjE9/bt2/Dz85M7DCIiIiJ6jvj4eFSoUMFgx7O4xNfFxQWA9ES6urrKHA0RERER5ZaSkgI/Pz913mYoFpf4qqY3uLq6MvElIiIiMmKGnpbKk9uIiIiIyCIw8SUiIiIii8DEl4iIiIgsAhNfIiIiIrIITHyJiIiIyCIw8SUiIiIii8DEl4iIiIgsAhNfIiIiIrIITHyJiIiIyCIw8SUiIiIii8DEl4iIiIgsAhNfIiIiIrIITHyJiIiIyCIw8SUiIiIii8DEl4iIiIgsgqyJ72+//YbOnTujfPnyUCgU+P777597m6ioKNSvXx/29vaoUqUKIiMjiz1OIiIiIjJ9sia+qampqFOnDpYtW1ao/a9du4bXXnsNbdu2xdmzZzFmzBgMGjQI+/fvL+ZIiYiIiMjU2ch556+++ipeffXVQu+/YsUKBAQEYMGCBQCAGjVq4MiRI1i0aBFCQ0OLK0wiIiIiKiZCAA8fAteuAdevA9euKpFy4u9iuS9ZE199RUdHIyQkRGssNDQUY8aMyfc26enpSE9PV19OSUkprvCIiIiISIeUlP+S2mt5/712DXj8WNqvHO5gLQagLg5jVjHEYVKJb0JCAry9vbXGvL29kZKSgmfPnsHR0THPbebOnYuZM2eWVIhEREREFufpUymRzS+5ffDg+cd4Az/gawxCWSShuMqUJpX4FsXEiRMxduxY9eWUlBT4+fnJGBERERGRaUlPB27c0J3UXr8O3L1btOPa2gLV/VIxJ/0DvH5rpXo8w8MLeHjPEKFrManEt1y5crib65m9e/cuXF1ddVZ7AcDe3h729vYlER4RERGRScrKAm7ezDsFQbV9+7Y0F1dfVlaAnx8QECD9+Ptr/+tz+xSs+/UG4mI1N+raFXYLFwKBgYZ5cDmYVOLbtGlT7N27V2vsl19+QdOmTWWKiIiIiMj4KZVS8qprfu3160B8PJCdrf9xFQqgfHlNIps7ua1QQarq5pGdDXz+OTBlipR1A4CTE7B4MTBokGbSr4HJmvg+efIEV65cUV++du0azp49i9KlS6NixYqYOHEibt26hfXr1wMAhg0bhi+//BLjx4/Hu+++i19//RVbt27Fnj175HoIRERERLITArh3L/+Tx27cADIyinZsLy/thDbndsWKQJG+WE9LA77+WpP0BgcDmzYBVasWLchCkjXxPXnyJNq2bau+rJqLGx4ejsjISNy5cwc3btxQXx8QEIA9e/YgIiICS5YsQYUKFfD111+zlRkRERGZtZwtv/KbZ/vsWdGOXbp03ikIOf91cjLQg8jJ2VlKdFu0AD74AJgxA7CzK4Y70qYQoigzNkxXSkoK3NzckJycDFdXV7nDISIiIgKg3fJLV3Jb1G//XVzyT2r9/QE3NwM9gII8fiw9QF9f7fFbt/KOofjyNZOa40tERERkqnK3/Mqd3Bam5Zcujo4FV2xLl5bm4somOhro0wcoVw44fBiwyZF+6kh6ixMTXyIiIiID0NXyK+f2vSJ257K1BSpVyn+erZeXzIltfrKygNmzgVmzpJPZ4uKAzz4DJk+WLSQmvkRERESFkJUldT/Ib5GGorb8sraWWn7lrtaqtsuXl9qCmZS4OKnKGx2tGWvWDOjVS76YwMSXiIiICICm5Vd+J4+9aMsvXVMRAgKkb/t1tvwyRUIAGzYAI0dqJiVbWwPTpwMTJ2pPc5ABE18iIiKyCDlbfulKbv/9F8jMLNqxVS2/dCW3RW75ZWoePgSGDQO2btWMBQYCGzcCTZrIF1cOTHyJiIjILAghnSCW3yINhmr5paszQrG0/DIlKSlA3brSJGeV/v2BpUulthJGgokvERERmYyUlPwXabh+3fAtv1Tb7ID6HK6uwJtvAkuWAB4ewMqVQLduckeVBxNfIiIiMhqpqdKUg/yS24cPi3bcglp+BQRIuZpRdkYwJZ9+Kq3INnmydLaeEWLiS0RERCUmZ8svXcmtIVp+6UpujbbllykSAli9WjppbeBAzbiDA7BihXxxFQITXyIiIjKY3C2/cie3hmr5lTu5NcmWX6YoMREYPBj44QepjN6sGVCjhtxRFRoTXyIiIiq07Gzgzp38F2m4edNwLb9ybleoIHsnLPr5ZyA8HEhIkC4/ewb89BMTXyIiIjJNQgB37+Z/8tiLtPzy9s5/nq3FtPwyRWlpUg/exYs1Y56ewJo1QOfOsoVVFEx8iYiILIiq5Vd+izS8aMsvXUktW36ZsJgYoHdv6V+Vjh2BtWuBcuXki6uImPgSERGZGVXLr/yS2xdt+ZVfcsuWX2ZECOCLL4Dx46UzEgGpJD9/vrQqm4meKcjEl4iIyMTkbPmlK7k1ZMuvnNts+WVBnjwBFizQJL21a0srsNWqJW9cL4iJLxERkZFJT5cS2/zm2Ra15ZedndTyK7/kli2/SM3FBfj2W6BtW2D0aGDOHKldmYlj4ktERFTCMjOl7gf5LdJw586LtfzKb5EGHx+2/KJ8pKZKP15emrGWLYHLl4HAQPniMjAmvkRERAaWnS31q9U1v9ZQLb90Jbds+UVFcuqUdAKbry/wyy/afx2ZUdILMPElIiLSW+6WX7mTW0O1/Mqd3LLlFxlUdjbw+efAlCnSyiOxscCiRcAHH8gdWbFh4ktERJSLrpZfuZPbtLSiHTt3y6+c25UqseUXlZD4eKBfPyAqSjMWHGxyfXn1xcSXiIgsUnJy/iePseUXmbWtW4GhQ4FHj6TLCgUwYQIwY4Z0BqQZY+JLRERmKTVVk8QauuVXfkktW36RUUtJkTo0rFunGfPzAzZsAFq3li+uEsTEl4iITJKq5Vd+izQYquVX7uSWLb/IJCUnA/XrA3FxmrGwMGD5cumvNQvBxJeIiIxSzpZfupLb27eLdlxdLb9ybrPlF5klNzegXTsp8XVxAZYtA/r0sbi/4pj4EhGRLPJr+aXafpGWX76++S/SwJZfZLEWLQKePQM+/tjs2pQVFj/6RERULFQtv/JbpOHGjRdr+ZXfIg1+fmz5RRZOCGnerq0t0LOnZrxUKWk1NgvGxJeIiIokZ8uv/ObZvmjLL13JLVt+ERXg4UNg2DCpc0OpUkCjRkDlynJHZTSY+BIRUb5ytvzSldw+eVK04+Zs+ZU7uWXLL6IiiooC+vaV5gkB0gd0+3bgo49kDcuYMPElIrJguVt+5U5uDd3yS7XNll9EBpSRAUybBsybJ30VAwDu7sCqVUC3brKGZmyY+BIRmbG0NGkubX7zbBMTi3ZcVcuv/JLbsmWZ2BKViNhYoFcv4PRpzVibNsD69dKEd9LCxJeIyIRlZkorj+a3SMOLtPyqWDH/RRrY8otIZkJIFd2ICKlTAyCdzDZ7NvDBB/yA5oOJLxGREVO1/Mrv5LH4eECp1P+4uVt+5U5u2fKLyMglJ0tLDKuS3mrVgE2bpEUqKF/8tUZEJKOcLb90JbeGbPmVc5stv4hMnLs7EBkJdOwodXFYsIDtTgqBiS8RUTESArh/P/9FGl6k5VeZMvmfPMaWX0RmJi0NePpU6vWnEhoKnD8PvPyyfHGZGCa+REQvKDk5/5PHrl8vessvV9f8Tx6rVIktv4gsRkyMdAJbpUrAjz9qnznKpFcvTHyJiJ5D1fIrv+T20aOiHVfV8ktXcsuWX0QEpRL44gupD296ulTdXbECGD5c7shMFhNfIrJ4OVt+6UpuDdHyS1dyy5ZfRJSvO3eAAQOA/fs1Y7VrAy1byheTGWDiS0RmL3fLr9zJraFbfqm22fKLiIrkhx+AQYOApCTNWEQEMGcO4OAgX1xmgIkvEZk8XS2/cm7fvPliLb/ym2fr68uWX0RkQKmpUg/elSs1Yz4+wLp1wCuvyBeXGeGvbCIyekIACQn5z7M1RMsvXcltxYrSdAUiomL38CHQtKm0EptK167A6tWAp6dsYZkbJr5EJDtVy6/8FmkwVMuv3MktW34RkdHw8ACCg6XE18kJWLIEGDiQJwIYGBNfIioRqpZf+SW3hmr5lXObLb+IyKQsWyatxPbpp0DVqnJHY5aY+BKRQehq+ZVzu6gtv5ycdLf6UiW57u4siBCRCdq6VVo+sUsXzZi7O7Bzp2whWQImvkRUKGlpwL//5p/cvkjLL3///JNbtvwiIrOSkgKMHi2dsObhAfz1F1ChgtxRWQwmvkQEQNPyK79FGu7cKdpxVS2/8lukgS2/iMhiREcDvXtLv1QB6YS2b78FJkyQNy4LwsSXyELkbPmlK7k1ZMuvnNts+UVEFi8rC/jkE+knO1sac3GR5vT26SNvbBaG/x0RmYncLb9yJ7cv0vKrXLn8F2lgyy8iogLExUnJbXS0ZqxZM6nSGxAgX1wWiokvkYnQ1fIr5/a//75Yy6/8piL4+wOOjoZ6FEREFkIIYP16YORITdsaa2tg2jRg0iR+FSYTPutERuTRo/xPHjNEy6/8klsXF8PET0RE/3n4UFqFTfWLOzAQ2LgRaNJE3rgsHBNfohKUmpr/yWPXrxu25VfObbb8IiIqYaVLA19/Dbz5JtC/P7B0KasMRoCJL5EBqVp+5bdIg6Fbfqm22fKLiEhmGRlAerp2ctu1K3DypLQiGxkFJr5EesjZ8ktXclscLb8CAqSTy9jyi4jISMXGAr16AVWqAJs3a1cimPQaFSa+RDlkZwO3buU/FcEQLb90Jbds+UVEZIKEAFatAiIipKWGT58GXnsN6NdP7sgoH/yvliyKUgncvZv/PNsbN6R2i0WRs+VX7uSWLb+IiMxMYiIwaBCwe7dmrFo1oFYt+WKi52LiS2ZFCCApSff8WkO3/Mq5XakSW34REVmM/fulE9YSEjRjw4YBCxZIZxuT0WLiSyYnZ8svXcltamrRjsuWX0REVKC0NGDiRGDxYs2YpyewZg3QubNsYVHhMfElo/PkiaZvra7k9kVafuWX1AYEAB4ehomfiIjM0IMHQJs2QEyMZqxjR2DtWmmuG5kEJr5U4nS1/Mq5nZRUtOPmbvmVO7llyy8iIioyDw9pEYqYGMDeHpg/X1qVjf+xmBQmvmRwmZnSSWL5zbM1ZMuvnNts+UVERMVGoZAWpHj2TJrLy5PYTBITX9KbquVXfos0vEjLrwoV8l+kgS2/iIioxOzeLVV2Q0M1Y56e0oltZLKYRlAeulp+5dx+0ZZf+S3S4OfHll9ERCSz1FTggw+AlSsBLy9paoOXl9xRkYEw8bVA+bX8Um1fvy6tulgUqpZfupJbtvwiIiKjduqUtALb5cvS5Xv3pI4NEybIGxcZDBNfM/XoUf6LNFy/bpiWX7mTW7b8IiIik5SdDXz+OTBliuYrTScnqW3ZoEGyhkaGxcTXRKlafuU3z9ZQLb9yJ7ds+UVERGYlPh7o2xc4fFgzFhwMbNoEVK0qX1xULJj4GrkLF6TPYu7k9kVbfuU3z9bTk51ZiIjIQmzdCgwdqqkWKRTStIYZM3jSiZli4mvEzp4F6teX5uQWlo2N1PIrv+SWLb+IiIggVZAGDwZSUqTLfn7Ahg1A69byxkXFiomvETt4MG/Sm7vlV+7kli2/iIiICsHTE1i+HOjdGwgLk7Y5n8/sMUUyYv/+q9letkxqJciWX0REREWQlQVkZEgns6j06iVVk1q25Dw/C8EvvY3YjRua7c6dgcqVmfQSERHpLS4OaNVKWmI4t1atmPRaECa+RkxV8bW2Bnx85I2FiIjI5AgBrF8P1KkDREcDa9cC27bJHRXJiFMdjJiq4luhAuftEhER6eXhQ2DYMKlzg0pgoDRnkCwWK75G6skT4MEDabtSJXljISIiMilRUUDt2tpJb//+UrukJk1kCoqMARNfI5XzxLaKFeWLg4iIyGRkZEh9eNu1A27elMY8PKQEeO1aLi9KnOpgrHKe2MaKLxER0XPcvw906ACcPq0Za9tWmuNboYJ8cZFRYcXXSLHiS0REpAcPD6k3LwDY2gLz5gEHDjDpJS1MfI0UK75ERER6sLICIiOBFi2AP/4APvyQS5VSHpzqYKRY8SUiIirAzz8DDg5SH14VHx/g99/li4mMnux/Ci1btgz+/v5wcHBA48aNceLEiQL3X7x4MapVqwZHR0f4+fkhIiICaWlpJRRtyclZ8WXiS0RE9J+0NCAiQlrOtHdvqW0ZUSHJmvhu2bIFY8eOxfTp03H69GnUqVMHoaGhuHfvns79N23ahAkTJmD69Om4ePEivvnmG2zZsgWTJk0q4ciLn6riW6YM4OwsbyxERERGISYGaNQIWLxYunzzJrBqlawhkWmRNfFduHAhBg8ejAEDBqBmzZpYsWIFnJycsGbNGp37Hzt2DM2bN0evXr3g7++PDh06oGfPns+tEpuarCzg1i1pm/N7iYjI4imVwJIlQMOGUvILAPb2wNKlwPjx8sZGJkW2xDcjIwOnTp1CSEiIJhgrK4SEhCA6OlrnbZo1a4ZTp06pE924uDjs3bsXnTp1yvd+0tPTkZKSovVj7G7dkj7jAKc5EBGRhbtzB+jUCRgzBkhPl8aCgoCTJ4FRowCFQtbwyLTIdnJbUlISsrOz4e3trTXu7e2NS5cu6bxNr169kJSUhBYtWkAIgaysLAwbNqzAqQ5z587FzJkzDRp7cWNHByIiIgA//AAMGgQkJWnGIiKAOXOkE9uI9CT7yW36iIqKwpw5c/DVV1/h9OnT2LlzJ/bs2YNZs2ble5uJEyciOTlZ/RMfH1+CERcNOzoQEZHFS0yUTl5TJb0+PsD+/cDChUx6qchkq/h6enrC2toad+/e1Rq/e/cuypUrp/M2U6dORd++fTFo0CAAQFBQEFJTUzFkyBBMnjwZVjr69dnb28Pe3t7wD6AYseJLREQWr2xZ6SS2wYOBLl2Ar7/WLFBBVESyVXzt7OwQHByMgwcPqseUSiUOHjyIpk2b6rzN06dP8yS31tbWAAAhRPEFW8JY8SUiIouTna2Zw6sycCDwv/8Bu3Yx6SWDkHUBi7FjxyI8PBwNGjRAo0aNsHjxYqSmpmLAgAEAgH79+sHX1xdz584FAHTu3BkLFy5EvXr10LhxY1y5cgVTp05F586d1QmwOWDFl4iILEp8PNCvH1CrFvDFF5pxhQLo2FG+uMjsyJr4hoWFITExEdOmTUNCQgLq1q2Lffv2qU94u3HjhlaFd8qUKVAoFJgyZQpu3bqFsmXLonPnzpg9e7ZcD6FYqCq+Dg7SNz1ERERma+tWYOhQ4NEjICoKePVVqYsDUTFQCHOaI1AIKSkpcHNzQ3JyMlxdXeUOJw8hABcXIDUVqFoViI2VOyIiIqJikJICjB4NrFunGfPzAzZuBFq2lC8uMgrFla/JWvGlvB48kJJegNMciIjITEVHA336AHFxmrGwMGD5csDDQ764yOyZVDszS8AT24iIyGxlZQEzZ0oVXVXS6+ICrF8PfPcdk14qdqz4Ghme2EZERGbp/n2gc2ep2qvSrBnw7bdAQIB8cZFFYcXXyLDiS0REZsndHbD5r95mbS1Vfg8fZtJLJYqJr5FhxZeIiMyStTWwYQNQvz5w5AgwbZomESYqIXzHGRlWfImIyCwcPgw4OgKNGmnGKlUCTp6U+vMSyYAVXyOjqvgqFECFCvLGQkREpLeMDGDiRKBtW6BnT+DxY+3rmfSSjJj4GhlVxdfHB7CzkzcWIiIivcTGAk2bAp9+KjWmj4uTWpQRGQkmvkbk2TPg3j1pm/N7iYjIZAgBrFoF1KsHnD4tjdnaAvPmAePGyRsbUQ6c42tE4uM125zfS0REJiExERg8GPjhB81YtWrApk3SiWxERoQVXyPCjg5ERGRS9u8HatfWTnqHDZOqvkx6yQix4mtE2NGBiIhMxt27QNeuQFqadNnTE1izRlqkgshIseJrRFjxJSIik+HtLZ3EBgChoUBMDJNeMnqs+BoRVnyJiMhoKZVAdrZ00prKqFFS78033wSsWEsj48d3qRFhxZeIiIzSnTvAq68CU6Zoj1tZAW+/zaSXTAbfqUZEVfF1c5N+iIiIZPfDD0BQEPDzz8D8+cCvv8odEVGRMfE1Ekqlpp0ZpzkQEZHsUlOlDg1duwL370tj3t6yhkT0ojjH10gkJACZmdI2pzkQEZGsTp0CevUCLl/WjHXpAnz9tdS9gchEseJrJHhiGxERyS47G/jsM6BJE03S6+Qkrcq2axeTXjJ5rPgaCZ7YRkREskpKArp1A6KiNGPBwdIKbFWryhYWkSGx4mskWPElIiJZubkBT55I2woFMHEicOwYk14yK0x8jQQrvkREJCtbW2DjRqBGDeDQIWDOHMDOTu6oiAyKUx2MBCu+RERUoqKjpfm7depoxqpWBc6fZ19eMlt8ZxsJVcXX1hbw8ZE3FiIiMmNZWcDMmUDLlkDPnsDTp9rXM+klM8Z3t5FQVXwrVODvHCIiKiZxcUCrVsCMGVIHh4sXga++kjsqohLDFMsIJCdLPwDn9xIRUTEQAli/HqhbV5riAADW1sDHHwNjxsgZGVGJ4hxfI5DzxDbO7yUiIoN6+FBagW3rVs1Y5crAt99K/XqJLAgrvkaAHR2IiKhYREUBtWtrJ70DBgBnzjDpJYvEiq8RYEcHIiIyuDt3gNBQICNDuuzhAaxcKS1SQWShWPE1Aqz4EhGRwfn4ANOnS9tt2wJ//cWklyweK75GgBVfIiJ6YUIASqV00prKRx8Bfn5A795sGUQEVnyNAk9uIyKiF5KYCLz5JvDJJ9rj1tZA375Meon+w0+CEVBVfL28AEdHeWMhIiITs3+/dALbDz8As2Zp2pURUR5MfGWWmQncvi1ts9pLRESFlpYGREQAHTsCCQnSmIcH8PixvHERGTHO8ZXZzZvStCyAJ7YREVEhxcRI83ZjYjRjoaFAZCRQrpxsYREZO1Z8ZcYT24iIqNCUSmDJEqBhQ03Sa28vje3dy6SX6DlY8ZUZW5kREVGh3L8vVXn379eMBQUBmzYBtWrJFxeRCWHFV2as+BIRUaE4OwO3bmkuR0QAJ04w6SXSAxNfmbHiS0REheLgIFV3AwKkqu/ChdIYERUapzrIjBVfIiLS6dQpqcpbvbpmLCgIuHwZsOF/30RFwYqvzFQVXycnoEwZeWMhIiIjkJ0NfPYZ0KQJ0LMnkJ6ufT2TXqIiY+IrIyE0iW/FioBCIW88REQks/h4oH17YMIEICsLOHsW+OoruaMiMhtMfGWUlAQ8eyZtc34vEZGF27pVWoHt8GHpskIBTJwIjBghb1xEZoTfl8iI83uJiAgpKcDo0cC6dZoxPz9gwwagdWv54iIyQ0x8ZcSODkREFi46GujTB4iL04yFhQHLl0vLDxORQTHxlRErvkREFuzWLaBNGyAjQ7rs4gIsWyYlwjzpg6hYcI6vjFjxJSKyYL6+wLhx0nazZsC5c0Dfvkx6iYoRK74yYsWXiMiCCCH9mzOxnTFD+g9g4EC2KSMqAaz4ykhV8bWykv7wJyIiM/XwIdCjB7Bggfa4rS0wdCiTXqISwsRXRqqKr6+v9LuPiIjMUFSU1KZs61Zg0iTgzBm5IyKyWEx8ZfL0qdTHF+A0ByIis5SRIS1E0a4dcPOmNFaqFJCQIG9cRBaM363IhCe2ERGZsdhYoFcv4PRpzVjbtsD69UCFCvLFRWThWPGVSc7ElxVfIiIzIQSwciVQr54m6bW1BebNAw4cYNJLJLMXqvimpaXBwcHBULFYlJwdHVjxJSIyAw8eAAMGALt3a8aqVQM2bQLq15cvLiJS07viq1QqMWvWLPj6+qJUqVKI+2+1malTp+Kbb74xeIDmiq3MiIjMjL09cOmS5vLw4VLVl0kvkdHQO/H95JNPEBkZiXnz5sHOzk49XqtWLXz99dcGDc6ccY4vEZGZcXYGNm4EypeXqr5ffQU4OckdFRHloHfiu379eqxatQq9e/eGtbW1erxOnTq4lPMvXSoQK75ERCYuJgb471tPtQYNpLHOneWJiYgKpHfie+vWLVSpUiXPuFKpRGZmpkGCsgSqiq+Hh7Q8OxERmQilEliyBGjYEOjdG8jK0r7e3l6euIjoufROfGvWrInff/89z/j27dtRr149gwRl7rKzNS0dWe0lIjIhd+4Ar74KjBkDpKcDf/wBLF8ud1REVEh6d3WYNm0awsPDcevWLSiVSuzcuROxsbFYv349fvrpp+KI0ezcuaMpEHB+LxGRifjhB2DgQOD+fc1YRAQweLB8MRGRXvSu+Hbp0gU//vgjDhw4AGdnZ0ybNg0XL17Ejz/+iFdeeaU4YjQ7nN9LRGRCUlOBYcOArl01Sa+PD7B/P7BwIcC2nkQmo0h9fFu2bIlffvnF0LFYDHZ0ICIyEadOSSuwXb6sGevaFVi9GvD0lC0sIioavSu+gYGBuJ/za57/PHr0CIGBgQYJytyx4ktEZALi44FmzTRJr5OTlPDu3Mmkl8hE6Z34Xr9+HdnZ2XnG09PTcevWLYMEZe5Y8SUiMgF+fsB770nbwcHAmTPAoEGAQiFvXERUZIWe6rA7xxKM+/fvh5ubm/pydnY2Dh48CH9/f4MGZ664XDERkZESQjuxnTtX+mpuxAggx6JNRGSaFEIIUZgdrayk4rBCoUDum9ja2sLf3x8LFizA66+/bvgoDSglJQVubm5ITk6Gq6urLDEEBQHnz0u/Q589A6z0rrsTEZFBpaQAo0cDjRppqrxEJJviytcKXfFVKpUAgICAAPz555/w5PymIhFCU/GtWJFJLxGR7KKjpYUorl0DtmwB2rYFatSQOyoiKgZ6p13Xrl1j0vsCkpOBx4+lbZ7YRkQko6wsYMYMoGVLKekFAFtb4OpVWcMiouJTpHZmqampOHz4MG7cuIGMjAyt60aPHm2QwMwV5/cSERmBuDigTx+p2qvSrBnw7bdAQIB8cRFRsdI78T1z5gw6deqEp0+fIjU1FaVLl0ZSUhKcnJzg5eXFxPc5cnZ0YMWXiKiECQGsXw+MHAk8eSKNWVsD06YBkyYBNkWqBxGRidB7qkNERAQ6d+6Mhw8fwtHREX/88Qf+/fdfBAcH4/PPPy+OGM0KK75ERDJ59Ajo0QPo31+T9AYGAkeOSIkvk14is6d34nv27Fl88MEHsLKygrW1NdLT0+Hn54d58+Zh0qRJxRGjWeHiFUREMlEogOPHNZf79wfOngWaNJErIiIqYXonvra2turWZl5eXrjx33f3bm5uiI+PN2x0ZoiLVxARycTNDdiwQVp1betWYO1awMVF7qiIqATp/b1OvXr18Oeff+Kll15C69atMW3aNCQlJWHDhg2oVatWccRoVnJWfCtUkC8OIiKzFxsLODtr/7Jt2RK4fl0aJyKLo3fFd86cOfDx8QEAzJ49Gx4eHhg+fDgSExOxcuVKgwdoblQV33LlAAcHeWMhIjJLQgArVwL16gH9+gH/9aFXY9JLZLEKvXKbuZBz5bb0dE2y26iR9lQzIiIygMREYNAgYPduzdjy5cCwYfLFRER6K658zWDrhp0+fdrolyuW282bmm3O7yUiMrD9+4HatbWT3mHDpKovERH0THz379+PcePGYdKkSYiLiwMAXLp0CV27dkXDhg3VyxrrY9myZfD394eDgwMaN26MEydOFLj/o0ePMGLECPj4+MDe3h5Vq1bF3r179b5fObCjAxFRMUhLAyIigI4dgYQEaczTU0qAly8HnJzkjY+IjEahT2775ptvMHjwYJQuXRoPHz7E119/jYULF2LUqFEICwvD+fPnUUPPtc23bNmCsWPHYsWKFWjcuDEWL16M0NBQxMbGwsvLK8/+GRkZeOWVV+Dl5YXt27fD19cX//77L9zd3fW6X7mwowMRkYHFxAC9e0v/qoSGApGR0skUREQ5FDrxXbJkCT777DN8+OGH2LFjB7p164avvvoKMTExqFDE9gQLFy7E4MGDMWDAAADAihUrsGfPHqxZswYTJkzIs/+aNWvw4MEDHDt2DLa2tgAAf3//It23HFjxJSIyoH//BRo2lE6gAAB7e2DePGlVNiuDzeQjIjNS6N8MV69eRbdu3QAAb731FmxsbDB//vwiJ70ZGRk4deoUQkJCNMFYWSEkJATROddOz2H37t1o2rQpRowYAW9vb9SqVQtz5sxBdnZ2vveTnp6OlJQUrR+5sOJLRGRAlSpp5u8GBQEnTwKjRzPpJaJ8Ffq3w7Nnz+D03zwphUIBe3t7dVuzokhKSkJ2dja8vb21xr29vZGgmqOVS1xcHLZv347s7Gzs3bsXU6dOxYIFC/DJJ5/kez9z586Fm5ub+sfPz6/IMb8oLldMRGRgixYBn3wCnDgBsJc8ET2HXgtYfP311yhVqhQAICsrC5GRkfD09NTaZ/To0YaLLhelUgkvLy+sWrUK1tbWCA4Oxq1btzB//nxMnz5d520mTpyIsWPHqi+npKTIlvyqKr6lSgEmMi2ZiMg4pKYCH3wgLS/cv79m3NkZmDxZtrCIyLQUOvGtWLEiVq9erb5crlw5bNiwQWsfhUJR6MTX09MT1tbWuHv3rtb43bt3US6fExJ8fHxga2sLa2tr9ViNGjWQkJCAjIwM2NnZ5bmNvb097O3tCxVTcVIqNYlvpUrSkvFERFQIp05JJ7DFxgIbN0qrr1WuLHdURGSCCp34Xr9+3aB3bGdnh+DgYBw8eBBdu3YFIFV0Dx48iJEjR+q8TfPmzbFp0yYolUpY/TeH6/Lly/Dx8dGZ9BqTxETN+Rc8sY2IqBCys4HPPwemTAGysqQxpRI4f56JLxEViaxnAIwdOxarV6/GunXrcPHiRQwfPhypqanqLg/9+vXDxIkT1fsPHz4cDx48wPvvv4/Lly9jz549mDNnDkaMGCHXQyg0zu8lItJDfDzQvj0wYYIm6Q0OBs6cAbp0kTc2IjJZes3xNbSwsDAkJiZi2rRpSEhIQN26dbFv3z71CW83btxQV3YBwM/PD/v370dERARq164NX19fvP/++/joo4/kegiFlrOjAyu+REQF2LoVGDoUePRIuqxQSAnwjBmAkX+7R0TGTSGEEHIHUZKKa+3n51mwABg3TtreuBHo1avE7pqIyDQ8fgyMGgWsW6cZ8/MDNmwAWreWLy4iKnHFla+x2WEJ4eIVRETPkZ4O/Pyz5nJYGHDuHJNeIjIYJr4lhItXEBE9h6enVO11dQXWrwe++w7w8JA7KiIyI0VKfK9evYopU6agZ8+euHfvHgDgf//7H/7++2+DBmdOVBVfa2vgBdb9ICIyH3FxQK6WlnjlFekXZt++7PtIRAand+J7+PBhBAUF4fjx49i5cyeePHkCADh37ly+i0iQpuJboQJgI+sphUREMhNCquzWqQO8+650OSeu8ENExUTvxHfChAn45JNP8Msvv2j1zm3Xrh3++OMPgwZnLp48AR48kLY5v5eILNrDh0CPHtLqa0+eAHv3AmvXyh0VEVkIvRPfmJgYvPnmm3nGvby8kJSUZJCgzA3n9xIRAYiKAmrXltqVqfTvD3TrJldERGRh9E583d3dcefOnTzjZ86cga+vr0GCMjfs6EBEFi0jQ+rD264dcPOmNObhISXAa9cCLi7yxkdEFkPvxLdHjx746KOPkJCQAIVCAaVSiaNHj2LcuHHo169fccRo8ljxJSKLdekS0LQp8Nlnmrm8bdsCf/3FSi8RlTi9E985c+agevXq8PPzw5MnT1CzZk20atUKzZo1w5QpU4ojRpPHii8RWaS4OKB+feD0aemyrS0wbx5w4IB0pi8RUQnTu7+AnZ0dVq9ejalTp+L8+fN48uQJ6tWrh5deeqk44jMLrPgSkUUKDATeektarrJaNWDTJikRJiKSid6J75EjR9CiRQtUrFgRFVm+LBRWfInIYi1bJv3FP3ky4OQkdzREZOH0nurQrl07BAQEYNKkSbhw4UJxxGR2VBXfMmUAZ2d5YyEiKhZpaUBEBLBtm/a4mxswezaTXiIyCnonvrdv38YHH3yAw4cPo1atWqhbty7mz5+Pm6ozdUlLVhZw65a0zWkORGSWYmKARo2AxYuBIUOA+Hi5IyIi0knvxNfT0xMjR47E0aNHcfXqVXTr1g3r1q2Dv78/2rVrVxwxmrTbt4HsbGmb0xyIyKwolcCSJUDDhlLyCwDPngEnT8obFxFRPl5o8dyAgABMmDABderUwdSpU3H48GFDxWU2cs7vZcWXiMzGnTvAgAHA/v2asaAg6QS2WrXki4uIqAB6V3xVjh49ivfeew8+Pj7o1asXatWqhT179hgyNrOQs6MDK75EZBZ++EFagS1n0hsRAZw4waSXiIya3hXfiRMnYvPmzbh9+zZeeeUVLFmyBF26dIETT1zQiRVfIjIbqanABx8AK1dqxnx8gMhIoEMH2cIiIiosvRPf3377DR9++CG6d+8OT0/P4ojJrLCVGRGZjZQUYMcOzeWuXYHVqwH+X0BEJkLvxPfo0aPFEYfZ4uIVRGQ2fHyAr78GevWSTmobOBBQKOSOioio0AqV+O7evRuvvvoqbG1tsXv37gL3feONNwwSmLlQVXwdHICyZeWNhYhIL/HxUvPx0qU1Y126ANeuAV5e8sVFRFRECiGEeN5OVlZWSEhIgJeXF6ys8j8fTqFQIFvVu8tIpaSkwM3NDcnJyXB1dS3W+xICcHGRpsVVrQrExhbr3RERGc7WrcDQoUBIiLTNyi4RlaDiytcK1dVBqVTC67+/7pVKZb4/xp70lrQHD6SkF+D8XiIyESkpQP/+QFgY8OgRsH271KKMiMgM6N3ObP369UhPT88znpGRgfXr1xskKHPB+b1EZFKio4G6dYF16zRjYWFAp06yhUREZEh6J74DBgxAcnJynvHHjx9jwIABBgnKXLCjAxGZhKwsYOZMoGVLaf4uIM3TWr8e+O47wMND3viIiAxE764OQggodMz1unnzJtzc3AwSlLlgxZeIjF5cHNCnj1TtVWnWDPj2WyAgQL64iIiKQaET33r16kGhUEChUKB9+/awsdHcNDs7G9euXUPHjh2LJUhTxYovERm1K1eA+vWBx4+ly9bWwLRpwKRJgM0LrWhPRGSUCv2brWvXrgCAs2fPIjQ0FKVKlVJfZ2dnB39/f7z99tsGD9CUseJLREatcmWgfXvg+++BwEBg40agSRO5oyIiKjaFTnynT58OAPD390dYWBgcHByKLShzoar4KhRAhQryxkJElIdCIa28VqkSMGuWNK+XiMiMFaqPrzkpyT6+5coBd+8C5csDt24V610RERUsI0OaxtCyJfDaa3JHQ0RUoOLK1wpV8S1dujQuX74MT09PeHh46Dy5TeXBgwcGC86UpaVJSS/AaQ5EJLPYWGmZ4dOngbVrgb/+Ary95Y6KiKjEFSrxXbRoEVz++wps0aJFBSa+JImP12zzxDYikoUQwKpVQEQE8OyZNPbwIXD0KPDWW/LGRkQkg0IlvuHh4ert/v37F1csZiVnRwdWfImoxCUmAoMGAbt3a8aqVZNWYatfX764iIhkpPcCFqdPn0ZMTIz68g8//ICuXbti0qRJyMjIMGhwpixnRwdWfImoRO3fD9SurZ30Dh8uTXVg0ktEFkzvxHfo0KG4fPkyACAuLg5hYWFwcnLCtm3bMH78eIMHaKpY8SWiEpeWJk1r6NgRSEiQxjw9pQT4q68AJyd54yMikpneie/ly5dRt25dAMC2bdvQunVrbNq0CZGRkdixY4eh4zNZXLyCiErcvXvSyWsqHTsCMTFA587yxUREZET0TnyFEFAqlQCAAwcOoFOnTgAAPz8/JCUlGTY6E8bFK4ioxFWsCCxfDtjbA0uXAnv3Sn0ViYgIgB4LWKg0aNAAn3zyCUJCQnD48GEsX74cAHDt2jV4sz2Omqri6+oKuLnJGwsRmak7dwBnZ+kXjUrPnkCLFoCfn3xxEREZKb0rvosXL8bp06cxcuRITJ48GVWqVAEAbN++Hc2aNTN4gKZIqdS0M2O1l4iKxQ8/SCewjR6d9zomvUREOhls5ba0tDRYW1vD1tbWEIcrNiWxctvt24Cvr7T92mvATz8Vy90QkSVKTQU++ABYuVIztn078Pbb8sVERGRgsq7cpsupU6dw8eJFAEDNmjVRny1y1Di/l4iKxalT0gps/3XWAQB07Qq0bi1bSEREpkTvxPfevXsICwvD4cOH4e7uDgB49OgR2rZti82bN6Ns2bKGjtHksKMDERlUdjbw+efAlClAVpY05uQELFkCDBwIcDVNIqJC0XuO76hRo/DkyRP8/fffePDgAR48eIDz588jJSUFo3XNNbNArPgSkcHExwPt2wMTJmiS3uBg4MwZaWU2Jr1ERIWmd8V33759OHDgAGrUqKEeq1mzJpYtW4YOHToYNDhTxcUriMggLl8GGjcGHj2SLisUUgI8YwZgZydnZEREJknviq9SqdR5Aputra26v6+l43LFRGQQVapIiS8gdWo4dAiYM4dJLxFREemd+LZr1w7vv/8+bt++rR67desWIiIi0L59e4MGZ6pUFV9bW8DHR95YiMiEWVlJK7ENGQKcO8eT2IiIXpDeie+XX36JlJQU+Pv7o3LlyqhcuTICAgKQkpKCL774ojhiNDmqim+FCtL/W0REz5WVBcycCfz6q/a4j4/UuszDQ564iIjMiN5zfP38/HD69GkcPHhQ3c6sRo0aCAkJMXhwpiglRTMdj/N7iahQ4uKAPn2A6GipCfhffwGlS8sdFRGR2dEr8d2yZQt2796NjIwMtG/fHqNGjSquuEwW5/cSUaEJAWzYAIwcCTx+LI0lJEhzebkgBRGRwRU68V2+fDlGjBiBl156CY6Ojti5cyeuXr2K+fPnF2d8JocdHYioUB4+BIYNA7Zu1YwFBgIbNwJNmsgXFxGRGSv0DNQvv/wS06dPR2xsLM6ePYt169bhq6++Ks7YTBIrvkT0XFFRQO3a2klv//7A2bNMeomIilGhE9+4uDiEh4erL/fq1QtZWVm4c+dOsQRmqljxJaJ8ZWQAEycC7doBN29KY+7uUgK8di3g4iJreERE5q7QUx3S09Ph7OysvmxlZQU7Ozs8e/asWAIzVaz4ElG+bt4EvvhCmtsLAG3aAOvXSz16iYio2Ol1ctvUqVPh5OSkvpyRkYHZs2fDzc1NPbZw4ULDRWeCclZ8mfgSkZbAQGDJEmD4cGD2bOCDD9jzkIioBCmEUJUeCtamTRsonrMmvEKhwK+5e1AamZSUFLi5uSE5ORmurq4GP36FCsCtW0DZssC9ewY/PBGZkqQkwMlJ+lERArh6VVqVjYiIdCqufK3QFd+oqCiD3am5yswEVAvacX4vkYXbv186Ye2tt4BlyzTjCgWTXiIimfA7NgO6eVMzdY/THIgsVFoaEBEBdOwo9eT96itgzx65oyIiIhRh5TbKX84T21jxJbJAMTFA797SvyodOwLBwfLFREREaqz4GhBPbCOyUEqldNJaw4aapNfeHli6FNi7FyhXTt74iIgIACu+BsWKL5EFunMHGDBAmtOrEhQEbNoE1KolX1xERJQHE18D4uIVRBYmNhZo0ULq3qASEQHMmQM4OMgXFxER6VSkqQ6///47+vTpg6ZNm+LWrVsAgA0bNuDIkSMGDc7UcPEKIgtTpQpQs6a07eMjVX0XLmTSS0RkpPROfHfs2IHQ0FA4OjrizJkzSE9PBwAkJydjzpw5Bg/QlKgqvk5OQJky8sZCRCXA2hrYsAHo2xf46y+gQwe5IyIiogLonfh+8sknWLFiBVavXg1bW1v1ePPmzXH69GmDBmdKhNBUfCtWlFp1EpEZyc4GPvsMOHZMe7xiRWnZYU9PeeIiIqJC03uOb2xsLFq1apVn3M3NDY8ePTJETCYpKQl49kza5vxeIjMTHy9VdQ8fBgICgLNngWJY+ZGIiIqX3hXfcuXK4cqVK3nGjxw5gsDAQIMEZYo4v5fITG3dCtSuLSW9AHD9OvDzz7KGRERERaN34jt48GC8//77OH78OBQKBW7fvo2NGzdi3LhxGD58eHHEaBLY0YHIzKSkSEsOh4UBqm+z/PyAQ4eAd96RMzIiIioivac6TJgwAUqlEu3bt8fTp0/RqlUr2NvbY9y4cRg1alRxxGgSWPElMiPR0UCfPkBcnGYsLAxYvhzw8JAvLiIieiF6J74KhQKTJ0/Ghx9+iCtXruDJkyeoWbMmSpUqVRzxmQxWfInMQFYWMHs2MGuWdDIbALi4AMuWSYkwz1olIjJpRV7Aws7ODjVV/SuJFV8ic3D1KjB3ribpbdYM+PZb6YQ2IiIyeXonvm3btoWigKrHr7/++kIBmSpVxdfKCvD1lTcWIiqiatWAefOAsWOBadOASZMAGy5wSURkLvT+jV63bl2ty5mZmTh79izOnz+P8PBwQ8VlclSJb/nyQI72xkRkzB4+lFacsbfXjI0aBbRrB9SqJV9cRERULPROfBctWqRzfMaMGXjy5MkLB2SKnj6V+vgCnN9LZDKioqTevD16APPna8YVCia9RERmSu92Zvnp06cP1qxZY6jDmRTO7yUyIRkZwMSJUlX35k3g88+BgwfljoqIiEqAwSavRUdHw8HBwVCHMyk5E19WfImMWGws0KsXkHN59bZtpbm9RERk9vROfN966y2ty0II3LlzBydPnsTUqVMNFpgpydnKjBVfIiMkBLBqFRARoVlb3NZWal32wQfSWalERGT29E583dzctC5bWVmhWrVq+Pjjj9GhQweDBWZKWPElMmKJicCgQcDu3ZqxatWATZuA+vXli4uIiEqcXolvdnY2BgwYgKCgIHhw9SI1Ll5BZKRiY4E2bYCEBM3Y8OHSvF4nJ9nCIiIieej1/Z61tTU6dOiAR6p16w1k2bJl8Pf3h4ODAxo3bowTJ04U6nabN2+GQqFA165dDRqPvnhyG5GRCgwE/PykbU9Pqer71VdMeomILJTeE9tq1aqFuJzr17+gLVu2YOzYsZg+fTpOnz6NOnXqIDQ0FPfu3SvwdtevX8e4cePQsmVLg8VSVKqKr4eHtLopERkJW1tg40bgrbeAmBigc2e5IyIiIhnpnfh+8sknGDduHH766SfcuXMHKSkpWj/6WrhwIQYPHowBAwagZs2aWLFiBZycnApsjZadnY3evXtj5syZCAwM1Ps+DSk7W+qIBLDaSyQrpRJYuhQ4c0Z7/KWXgB07gHLl5ImLiIiMRqET348//hipqano1KkTzp07hzfeeAMVKlSAh4cHPDw84O7urve834yMDJw6dQohISGagKysEBISgujo6AJj8fLywsCBA597H+np6S+cnBfkzh0gK0va5vxeIpncuQN06gS8/77UruzpU7kjIiIiI1Tok9tmzpyJYcOG4dChQwa786SkJGRnZ8Pb21tr3NvbG5cuXdJ5myNHjuCbb77B2bNnC3Ufc+fOxcyZM1801Hxxfi+RzH74QeraoFo+8dIl4H//A95+W964iIjI6BQ68RVCAABat25dbME8z+PHj9G3b1+sXr0anp6ehbrNxIkTMXbsWPXllJQU+KlOdjEAdnQgkklqqtSDd+VKzZiPDxAZCVhoa0UiIiqYXu3MFAqFQe/c09MT1tbWuHv3rtb43bt3UU7HfLyrV6/i+vXr6JzjBBWlUgkAsLGxQWxsLCpXrqx1G3t7e9jb2xs07pxY8SWSwalT0pSGy5c1Y127AqtXS90biIiIdNAr8a1atepzk98HDx4U+nh2dnYIDg7GwYMH1S3JlEolDh48iJEjR+bZv3r16oiJidEamzJlCh4/fowlS5YYtJJbWKz4EpWg7Gxg/nxg6lTN5HonJ2DxYmm6g4H/OCciIvOiV+I7c+bMPCu3vaixY8ciPDwcDRo0QKNGjbB48WKkpqZiwIABAIB+/frB19cXc+fOhYODA2rVqqV1e3d3dwDIM15SWPElKkGXLmknvcHB0gpsVavKGxcREZkEvRLfHj16wMvLy6ABhIWFITExEdOmTUNCQgLq1q2Lffv2qU94u3HjBqys9O66VmJUFV87OyDXOXpEZGgvvwzMmgVMmgRMmADMmCF9+IiIiApBIVRnrT2HtbU17ty5Y/DEt6SlpKTAzc0NycnJcHV1faFjCQG4uQGPHwOVKwNXrhgoSCKSPH4MODoCNjn+Rs/Olnr1NmggX1xERFSsDJmv5VToUmoh82OLkpws/b8McH4vkcFFRwN16wKffKI9bm3NpJeIiIqk0ImvUqk0+WqvoeU8sY3ze4kMJCsLmDkTaNkSiIuTpjYcOyZ3VEREZAb0muNL2nKe2MaKL5EBxMUBffpI1V6VJk2k/rxEREQvyHjPGjMBrPgSGYgQwPr10tQGVdJrbS1Vfg8fBgICZA2PiIjMAyu+L4AVXyIDePgQGD4c2LJFMxYYCGzcKFV7iYiIDISJ7wvg4hVELyg2FnjlFSA+XjPWvz+wdCng4iJbWEREZJ441eEF5Kz4VqggXxxEJqtSJeC/RWjg4QFs3QqsXcukl4iIigUT3xegqviWKwc4OMgbC5FJcnCQVl7r1An46y+gWze5IyIiIjPGxLeI0tOBO3ekbZ7YRlQIQgCrVgEXLmiP16oF7NnDr02IiKjYMfEtops3Nduc30v0HImJQNeuwNChQK9e0l+OREREJYyJbxHlnN/Lii9RAfbvB2rXBnbvli6fOwf89JO8MRERkUVi4ltE7OhA9BxpacCYMUDHjkBCgjTm6SklwG+/LWtoRERkmdjOrIhY8SUqQEyMNKXh/HnNWGgoEBkpnQ1KREQkA1Z8i4gVXyIdlEpgyRKgYUNN0mtvL43t3cukl4iIZMWKbxGx4kukQ0wMMHaslAADQFCQ1K6sVi154yIiIgIrvkWmqviWKiX13SciAHXqAJMmSdsREcCJE0x6iYjIaLDiWwRKpabiW7EioFDIGw+RbJ4+lRahsMrxN/S0aUCHDkDLlvLFRUREpAMrvkWQmKhpQ8r5vWSxTp0C6tUDFizQHre1ZdJLRERGiYlvEeQ8sY3ze8niZGcDn30GNGkCXL4MTJ4MnD4td1RERETPxakORZDzxDZWfMmixMcDffsChw9rxmrXlia7ExERGTlWfIuAFV+ySFu3SkmuKulVKICJE4Fjx4CqVeWNjYiIqBBY8S0CVnzJoqSkAKNHA+vWacb8/IANG4DWreWLi4iISE9MfIuAi1eQxYiNBTp1AuLiNGNhYcCKFYC7u2xhERERFQWnOhSBquJrbQ34+MgbC1GxqlABsPnv72MXF2D9euC775j0EhGRSWLiWwSqim/OnIDILDk7SyuvtWkDnDsnndjGxtVERGSimPjq6ckT4MEDaZsntpFZEUKq6F69qj0eHAz8+isQECBPXERERAbCxFdPPLGNzNLDh0CPHkB4ONC7N5CZqX09q7xERGQGmPjqKWfiy4ovmYWoKKlN2dat0uXjx4GffpI1JCIiouLAxFdP7OhAZiMjA5gwAWjXDrh5Uxrz8AC2bQPefFPe2IiIiIoBT83SEyu+ZBZiY4FevbSXGm7bVprjW6GCfHEREREVI1Z89cSKL5k0IYCVK4F69TRJr60tMG8ecOAAk14iIjJrrPjqiRVfMmlnzgDDhmkuV6smtSurX1++mIiIiEoIK756UlV8y5SRWpwSmZT69YGxY6Xt4cOlqi+TXiIishCs+OohKwu4dUvaZrWXTEJ6OmBnp92ObM4coGNH4JVX5IuLiIhIBqz46uH2bSA7W9rm/F4yejExQIMGwPLl2uP29kx6iYjIIjHx1UPOE9tY8SWjpVQCS5YADRsC588DH3wAXLggd1RERESy41QHPXDVNjJ6d+4AAwYA+/drxl56Sb54iIiIjAgrvnpgKzMyaj/8IK3AljPpjYgATpwAataULy4iIiIjwYqvHtjKjIxSaqo0nWHlSs2Yjw8QGQl06CBbWERERMaGia8eWPElo3P5MtC5s/SvSteuwOrVgKenbGEREREZI0510IOq4uvgAJQtK28sRAAAb28gI0PadnKSEt6dO5n0EhER6cDEt5CE0FR8K1bUbotKJBs3N+Dbb4HGjaVV2QYN4puTiIgoH0x8C+nhQ2kqJcD5vSSjbduA+HjtsebNgehooGpVeWIiIiIyEUx8C4nze0lWKSlA//5A9+5Av36alVRUWOUlIiJ6Lia+hcSODiSb6GigXj1g3TrpclQU8NNPsoZERERkipj4FhIrvlTisrKAmTOBli2BuDhpzMUFWL8eeOMNeWMjIiIyQWxnVkis+FKJiosD+vSRqr0qzZpJJ7IFBMgXFxERkQljxbeQWPGlEiGEVNGtW1eT9FpbS5Xfw4eZ9BIREb0AVnwLSVXxVSiAChXkjYXM2MmTQHi45nJgILBxI9CkiXwxERERmQlWfAtJVfH18QHs7OSNhcxYw4bA0KHSdv/+wNmzTHqJiIgMhBXfQkhLA+7elbY5v5cMKjMTsLHRbke2YAHQqRNPYCMiIjIwVnwLIed6AZzfSwYTGytVc1VtylScnZn0EhERFQMmvoWQ88Q2VnzphQkBrFwp9eY9fRoYNQq4ckXuqIiIiMwepzoUQs5WZqz40gtJTAQGDQJ279aM+foCz57JFxMREZGFYMW3ENjKjAxi/36gdm3tpHfYMKnqGxQkX1xEREQWgolvIXDxCnohaWlARATQsSOQkCCNeXpKCfDy5YCTk7zxERERWQhOdSgEVnypyK5cAd56C4iJ0Yx17AisXQuUKydfXERERBaIFd9CUFV8XV0BNzd5YyET4+EB3L8vbdvbA0uXAnv3MuklIiKSARPf51AqNe3MWO0lvZUpA0RGAnXqSKuyjRql3bOXiIiISgwT3+e4exfIyJC2Ob+XnuvHHzXzeFVeeQU4dQqoVUuemIiIiAgAE9/n4vxeKpTUVKlDwxtvAO++K/XqzcnaWp64iIiISI2J73OwowM916lTQP360qIUAPC//wE//SRvTERERJQHE9/nYMWX8pWdDXz2mbTs8OXL0piTE7B6NfD66/LGRkRERHmwndlzsOJLOsXHA337AocPa8aCg4FNm4CqVeWLi4iIiPLFiu9zsOJLeWzZIq3Apkp6FQpg4kTg2DEmvUREREaMFd/nUFV8bWzYepUA/PEH0KOH5rKfH7BhA9C6tXwxERERUaGw4vscqoqvnx9PzCdI83n79pW2w8KAc+eY9BIREZkIVnwLkJICPHokbXN+r4VSKgGrXH8ffvkl8NprQPfuXIyCiIjIhLDiW4CcJ7Zxfq8FiosDWrQAtm7VHnd1laq9THqJiIhMChPfAuQ8sY0VXwsiBLB+PVC3LhAdDQwdqlm3moiIiEwWE98CsOJrgR4+lE5eCw8HHj+WxkqXBu7flzcuIiIiemFMfAvAVmYWJipKalOWc2pD//7A2bNS9ZeIiIhMGhPfAnDxCguRkQFMmAC0awfcvCmNubtLCfDatYCLi6zhERERkWGwq0MBOMfXAsTFAd26AadPa8batJHm+Pr5yRYWERERGR4rvgVQVXzLlgUcHeWNhYqJo6Pmhba1BebNAw4eZNJLRERkhpj45iMzE7h9W9rm/F4z5uMDfPMNUL26tCrbhx/m7dtLREREZoH/w+fj1i1p7QKA0xzMyoEDeTs0vPEG8NdfQP368sREREREJcIoEt9ly5bB398fDg4OaNy4MU6cOJHvvqtXr0bLli3h4eEBDw8PhISEFLh/UbGjg5lJSwMiIoBXXpH68gqhfb2trTxxERERUYmRPfHdsmULxo4di+nTp+P06dOoU6cOQkNDce/ePZ37R0VFoWfPnjh06BCio6Ph5+eHDh064NatWwaNix0dzEhMDNCoEbB4sXR5xw5g3z5ZQyIiIqKSJ3viu3DhQgwePBgDBgxAzZo1sWLFCjg5OWHNmjU699+4cSPee+891K1bF9WrV8fXX38NpVKJgwcPGjQuVnzNgFIJLFkCNGwoJb8AYG8PLF0KdOwob2xERERU4mRtZ5aRkYFTp05h4sSJ6jErKyuEhIQgOjq6UMd4+vQpMjMzUbp0aZ3Xp6enIz09XX05JSWlUMdlxdfE3bkDDBgA7N+vGQsKAjZtAmrVki8uIiIiko2sFd+kpCRkZ2fD29tba9zb2xsJCQmFOsZHH32E8uXLIyQkROf1c+fOhZubm/rHr5BtqljxNWG7d0srsOVMeiMigBMnmPQSERFZMNmnOryITz/9FJs3b8auXbvg4OCgc5+JEyciOTlZ/RMfH1+oY6sqvo6OQJkyhoqYit3Ro0CXLkBSknS5XDkpAV64EMjnPUJERESWQdbE19PTE9bW1rh7967W+N27d1GuXLkCb/v555/j008/xc8//4zatWvnu5+9vT1cXV21fp5HCE3Ft1IlQKF4/mMhI9GsGfDmm9J2ly7S3N4OHeSNiYiIiIyCrImvnZ0dgoODtU5MU52o1rRp03xvN2/ePMyaNQv79u1DgwYNDB7X/fvAs2fSNuf3GrncbckUCmD1amDtWmDXLsDTU564iIiIyOjIPtVh7NixWL16NdatW4eLFy9i+PDhSE1NxYABAwAA/fr10zr57bPPPsPUqVOxZs0a+Pv7IyEhAQkJCXjy5InBYuL8XhMRHw+0awf89JP2eJkyQP/+LNUTERGRFlm7OgBAWFgYEhMTMW3aNCQkJKBu3brYt2+f+oS3GzduwCrHErLLly9HRkYG3nnnHa3jTJ8+HTNmzDBITDkTX1Z8jdTWrdJCFI8eAX//La289pzpMURERGTZZE98AWDkyJEYOXKkzuuioqK0Ll+/fr3Y48nZyowVXyOTkgKMHg2sW6cZc3AAbt9m4ktEREQFkn2qgzHiVAcjFR0N1K2rnfSGhQHnzgH168sWFhEREZkGJr46cPEKI5OVBcyYAbRsCVy7Jo25uADr1wPffQd4eMgaHhEREZkGo5jqYGxUFV8rK8DXV95YLN7160CvXlK1V6VZM+Dbb4GAANnCIiIiItPDiq8Oqopv+fKAra28sVg8KyvgwgVp29oamDkTOHyYSS8RERHpjYlvLk+fAomJ0jbn9xqBihWBFSuAwEDgyBFg2jTAhl9UEBERkf6Y+OaSc0Vjzu+Vwe+/S50bcurRQ2pZ1qSJPDERERGRWWDimws7OsgkIwOYMAFo3RoYNSrv9Q4OJR8TERERmRUmvrmwo4MMYmOBpk2Bzz6TliBevx74+We5oyIiIiIzw8Q3F1Z8S5AQwMqVQL16wOnT0pitLTBvHhASIm9sREREZHZ4llAurPiWkMREYNAgYPduzVi1asCmTVyMgoiIiIoFK7655Kz4MvEtJvv3A7Vraye9w4dLVV8mvURERFRMWPHNRVXxdXcHXF1lDcU8/f470LGj5rKnJ7BmDdC5s3wxERERkUVgxTeH7GxNOzPO7y0mLVpoEt+OHYGYGCa9REREVCJY8c0hIQHIypK2Oc2hmCgUwNq1wK5dwLBh0mUiIiKiEsCKbw7s6GBgCQnAa68BBw9qj5crJ83pZdJLREREJYgV3xyY+BrQ7t3AwIFAUhJw7pz0U6aM3FERERGRBWPFNwe2MjOA1FRpCkOXLlLSCwBKJXD9uqxhERERETHxzYEV3xd06hQQHCwtSqHStSvw11/SOBEREZGMmPjmwIpvEWVnS8sNN2kiLT8MAE5OwOrVwM6dUssyIiIiIplxjm8OqoqvnR3g7S1vLCbj5k2gb18gKkozFhwsrcBWtapsYRERERHlxopvDqqKr58fYMVnpnCePQP+/FPaViiAiROBY8eY9BIREZHRYXr3n0ePgJQUaZvze/Xw0kvA0qXSXwuHDgFz5kglcyIiIiIjw8T3P5zfW0gnTgBPn2qPDRgAXLgAtG4tT0xEREREhcDE9z/s6PAcWVnAzJlAs2bAuHHa1ykUQKlS8sRFREREVEhMfP/Dim8B4uKAVq2AGTOkDg7Ll0vTGoiIiIhMCBPf/7Diq4MQwPr1QN26QHS0NGZtLVV+W7aUNTQiIiIifbGd2X9Y8c3l4UNg+HBgyxbNWGAgsHGj1K+XiIiIyMQw8f1Pzoqvn598cRiFw4el3rzx8Zqx/v2l7g0uLrKFRURUUrKzs5GZmSl3GERmzc7ODlYl3D+Wie9/VBVfb2/AwUHeWGR1+DDQtq00zQEAPDykJYi7dZM3LiKiEiCEQEJCAh49eiR3KERmz8rKCgEBAbArwTaoTHwBZGQAd+5I2xY/v7dFC+lENlUCvH49UKGC3FEREZUIVdLr5eUFJycnKBQKuUMiMktKpRK3b9/GnTt3ULFixRL7rDHxhbTqrqrAafHze62tgQ0bgG3bgDFjuIQdEVmM7OxsddJbpkwZucMhMntly5bF7du3kZWVBVtb2xK5T2Y1sOCODomJwNtvA0ePao/7+QFjxzLpJSKLoprT6+TkJHMkRJZBNcUhOzu7xO6TFV9YaOK7f790wlpCAnD6NHDuHODqKndURESy4/QGopIhx2eNJT1YWCuztDRpCkPHjlLSCwBPngCXL8saFhEREVFxY+ILC6r4xsQADRsCS5Zoxjp2lMYbNJAvLiIiIpnExsaiXLlyePz4sdyhmJ0mTZpgx44dcoehhYkvLKDiq1RKyW7DhsD589KYvb3Ul3fvXqBcOXnjIyKiF9K/f38oFAooFArY2toiICAA48ePR1paWp59f/rpJ7Ru3RouLi5wcnJCw4YNERkZqfO4O3bsQJs2beDm5oZSpUqhdu3a+Pjjj/HgwYNifkQlZ+LEiRg1ahRczLhP/bJly+Dv7w8HBwc0btwYJ06ceO5tFi9ejGrVqsHR0RF+fn6IiIjQej9lZ2dj6tSpCAgIgKOjIypXroxZs2ZBqLoFAJgyZQomTJgApVJZLI+rSISFSU5OFgBEcnKyeuyll4QAhChVSgilUsbgisPt20KEhkoPUPUTFCRETIzckRERGZVnz56JCxcuiGfPnskdit7Cw8NFx44dxZ07d8SNGzfErl27hKurqxg/frzWfkuXLhVWVlZi4sSJ4u+//xb//POP+Pzzz4W9vb344IMPtPadNGmSsLa2FuPGjRNHjx4V165dEz///LN46623xOLFi0vssaWnpxfbsf/9919ha2srbt68+ULHKc4YX9TmzZuFnZ2dWLNmjfj777/F4MGDhbu7u7h7926+t9m4caOwt7cXGzduFNeuXRP79+8XPj4+IiIiQr3P7NmzRZkyZcRPP/0krl27JrZt2yZKlSollixZot4nKytLeHt7i59++knn/RT0mdOVrxmCxSe+SqUQ9vZSPlizpszBFYfz5zUPEBAiIkIIE/ylTkRU3Ew98e3SpYvW2FtvvSXq1aunvnzjxg1ha2srxo4dm+f2S5cuFQDEH3/8IYQQ4vjx4wJAvgnuw4cP840lPj5e9OjRQ3h4eAgnJycRHBysPq6uON9//33RunVr9eXWrVuLESNGiPfff1+UKVNGtGnTRvTs2VN0795d63YZGRmiTJkyYt26dUIIIbKzs8WcOXOEv7+/cHBwELVr1xbbtm3LN04hhJg/f75o0KCB1lhSUpLo0aOHKF++vHB0dBS1atUSmzZt0tpHV4xCCBETEyM6duwonJ2dhZeXl+jTp49ITExU3+5///ufaN68uXBzcxOlS5cWr732mrhy5UqBMb6oRo0aiREjRqgvZ2dni/Lly4u5c+fme5sRI0aIdu3aaY2NHTtWNG/eXH35tddeE++++67WPm+99Zbo3bu31tiAAQNEnz59dN6PHImvxU91uHcPSE+Xts1yfu/LLwPz50vTGfbvBxYutPCl6YiI9NOggbSOT0n+vOhpF+fPn8exY8e0VsTavn07MjMzMW7cuDz7Dx06FKVKlcJ3330HANi4cSNKlSqF9957T+fx3d3ddY4/efIErVu3xq1bt7B7926cO3cO48eP1/ur7nXr1sHOzg5Hjx7FihUr0Lt3b/z444948uSJep/9+/fj6dOnePPNNwEAc+fOxfr167FixQr8/fffiIiIQJ8+fXD48OF87+f3339Hg1xPdlpaGoKDg7Fnzx6cP38eQ4YMQd++ffNMD8gd46NHj9CuXTvUq1cPJ0+exL59+3D37l10795dfZvU1FSMHTsWJ0+exMGDB2FlZYU333yzwOdnzpw5KFWqVIE/N3LO2cwhIyMDp06dQkhIiHrMysoKISEhiI6Ozvc+mzVrhlOnTqkfc1xcHPbu3YtOnTpp7XPw4EFc/u/k+HPnzuHIkSN49dVXtY7VqFEj/P777/neV0mz+HZmZje/99w5oHp1aQ6vysiRQJ8+0vLDRESkl4QE4NYtuaN4vp9++gmlSpVCVlYW0tPTYWVlhS+//FJ9/eXLl+Hm5gYfH588t7Wzs0NgYKA6ifnnn38QGBio96ICmzZtQmJiIv7880+ULl0aAFClShW9H8tLL72EefPmqS9XrlwZzs7O2LVrF/r27au+rzfeeAMuLi5IT0/HnDlzcODAATRt2hQAEBgYiCNHjmDlypVo3bq1zvv5999/8yS+vr6+Wn8cjBo1Cvv378fWrVvRqFGjfGP85JNPUK9ePcyZM0c9tmbNGvj5+eHy5cuoWrUq3n77ba37WrNmDcqWLYsLFy6gVq1aOmMcNmyYVvKsS/ny5XWOJyUlITs7G97e3lrj3t7euHTpUr7H69WrF5KSktCiRQsIIZCVlYVhw4Zh0qRJ6n0mTJiAlJQUVK9eHdbW1sjOzsbs2bPRu3fvPLHFx8dDqVTCygjWB7D4xNdsOjpkZwOffw5MmQK8/760raJQMOklIioiOc7/Lcp9tm3bFsuXL0dqaioWLVoEGxubPIlWYYkcJyjp4+zZs6hXr5466S2q4OBgrcs2Njbo3r07Nm7ciL59+yI1NRU//PADNm/eDAC4cuUKnj59ildeeUXrdhkZGahXr16+9/Ps2TM45PoWNDs7G3PmzMHWrVtx69YtZGRkID09Pc/CJrljPHfuHA4dOoRSpUrluZ+rV6+iatWq+OeffzBt2jQcP34cSUlJ6krvjRs38k18S5cu/cLPp76ioqIwZ84cfPXVV2jcuDGuXLmC999/H7NmzcLUqVMBAFu3bsXGjRuxadMmvPzyyzh79izGjBmD8uXLIzw8XH0sR0dHKJVKpKenw9HRsUQfhy4Wn/iaRcU3Ph7o2xdQfZ2zYAHQtSvQooWsYRERmYOTJ+WOoHCcnZ3V1dU1a9agTp06+OabbzBw4EAAQNWqVZGcnIzbt2/nqRBmZGTg6tWraNu2rXrfI0eOIDMzU6+q7/MSGysrqzxJtWrFvNyPJbfevXujdevWuHfvHn755Rc4OjqiY8eOAKCeArFnzx74+vpq3c4+5zeguXh6euLhw4daY/Pnz8eSJUuwePFiBAUFwdnZGWPGjEFGRkaBMT558gSdO3fGZ599lud+VFX2zp07o1KlSli9ejXKly8PpVKJWrVq5Tl2TnPmzNGqIuty4cIFVNSRxHh6esLa2hp3797VGr979y7KFfDX1dSpU9G3b18MGjQIABAUFITU1FQMGTIEkydPhpWVFT788ENMmDABPXr0UO/z77//Yu7cuVqJ74MHD+Ds7GwUSS/AdmamX/HduhWoXVuT9CoUwMSJQI6vY4iIyLJYWVlh0qRJmDJlCp49ewYAePvtt2Fra4sFCxbk2X/FihVITU1Fz549AUhfdT958gRfffWVzuM/evRI53jt2rVx9uzZfNudlS1bFnfu3NEaO3v2bKEeU7NmzeDn54ctW7Zg48aN6Natmzopr1mzJuzt7XHjxg1UqVJF68fPzy/fY9arVw8XLlzQGjt69Ci6dOmCPn36oE6dOlpTQApSv359/P333/D3988Tg7OzM+7fv4/Y2FhMmTIF7du3R40aNfIk3boMGzYMZ8+eLfAnv6kOdnZ2CA4OxsGDB9VjSqUSBw8eVE8J0eXp06d5piVYW1sD0HwbkN8+uecrnz9/vsCqe4kz6KlyJiD3WYJdu2oaHvz7r8zB6SM5WYjwcO02ZX5+QkRFyR0ZEZFJMreuDpmZmcLX11fMnz9fPbZo0SJhZWUlJk2aJC5evCiuXLkiFixYoLOd2fjx44W1tbX48MMPxbFjx8T169fFgQMHxDvvvJNvt4f09HRRtWpV0bJlS3HkyBFx9epVsX37dnHs2DEhhBD79u0TCoVCrFu3Tly+fFlMmzZNuLq65unq8P777+s8/uTJk0XNmjWFjY2N+P333/NcV6ZMGREZGSmuXLkiTp06JZYuXSoiIyPzfd52794tvLy8RFZWlnosIiJC+Pn5iaNHj4oLFy6IQYMGCVdXV63nV1eMt27dEmXLlhXvvPOOOHHihLhy5YrYt2+f6N+/v8jKyhLZ2dmiTJkyok+fPuKff/4RBw8eFA0bNhQAxK5du/KN8UVt3rxZ2Nvbi8jISHHhwgUxZMgQ4e7uLhISEtT79O3bV0yYMEF9efr06cLFxUV89913Ii4uTvz888+icuXKWp01wsPDha+vr7qd2c6dO4Wnp2eeFnqtW7cWH3/8sc7Y2M6sBOR+IuvVk3JGa2shMjNlDq6wjh0TIjBQO+kNCxPiwQO5IyMiMlnmlvgKIcTcuXNF2bJlxZMnT9RjP/zwg2jZsqVwdnYWDg4OIjg4WKxZs0bncbds2SJatWolXFxchLOzs6hdu7b4+OOPC2xndv36dfH2228LV1dX4eTkJBo0aCCOHz+uvn7atGnC29tbuLm5iYiICDFy5MhCJ74XLlwQAESlSpWEMlfjfaVSKRYvXiyqVasmbG1tRdmyZUVoaKg4fPhwvrFmZmaK8uXLi3379qnH7t+/L7p06SJKlSolvLy8xJQpU0S/fv2em/gKIcTly5fFm2++Kdzd3YWjo6OoXr26GDNmjDrWX375RdSoUUPY29uL2rVri6ioqGJPfIUQ4osvvhAVK1YUdnZ2olGjRur2cjkfT3h4uPpyZmammDFjhqhcubJwcHAQfn5+4r333tN63VNSUsT7778vKlasKBwcHERgYKCYPHmyVk/jmzdvCltbWxEfH68zLjkSX4UQRZzBbqJSUlLg5uaG5ORkuLq6wtMTuH9fmt+bc9qD0YqKAkJCpJPZAMDFBVi2TOraoFDIGhoRkSlLS0vDtWvXEBAQkOeEJzJfy5Ytw+7du7F//365QzE7H330ER4+fIhVq1bpvL6gz1zufM1QLPrkttRUKekFTGh+b/PmQHAwcOIE0KwZ8O23QECA3FERERGZpKFDh+LRo0d4/PixWS9bLAcvLy+MHTtW7jC0WHTia5IdHWxtgY0bgS1bgI8+Amws+iUkIiJ6ITY2Npg8ebLcYZilDz74QO4Q8rDorg5G39Hh4UOgd2/g1Cnt8SpVgMmTmfQSERER6cGiM6ecFV+jS3yjoqTevDdvSonv6dNArubZRERERFR4rPj+x2imOmRkABMmAO3aSUkvANy7B/z9t7xxEREREZk4i674Gt1Uh9hYoFcvqbqr0rYtsH49UKGCfHERERERmQGLrvgazcltQgArVwL16mmSXltbYN484MABJr1EREREBsCKL4AyZQAdy4KXjMREYNAgYPduzVi1asCmTUD9+jIFRURERGR+LLbim5UF3Lolbcta7Y2PB/bu1VwePlyq+jLpJSIiIjIoi01879zRLH4m6/ze+vWBTz4BPD2lqu9XX7F7AxERmRSFQoHvv/9e7jCM1owZM1C3bl25wyBYcOKrapgAlHDF99IlIDNTe2zcOKlrQ+fOJRgIERGZi/79+0OhUEChUMDW1hYBAQEYP3480tLS5A6t2CUkJOD9999HlSpV4ODgAG9vbzRv3hzLly/H06dP5Q4PADBu3DgcPHhQ7jAIFjzHt8R7+CqVwBdfSKutffQRMHOm5jpra8DLqwSCICIic9WxY0esXbsWmZmZOHXqFMLDw6FQKPDZZ5/JHVqxiYuLQ/PmzeHu7o45c+YgKCgI9vb2iImJwapVq+Dr64s33nhD7jBRqlQplCpVSu4wCKz4AiiBiu+dO0CnTsCYMUB6ujS14cSJYr5TIiKyJPb29ihXrhz8/PzQtWtXhISE4JdfflFff//+ffTs2RO+vr5wcnJCUFAQvvvuO61jtGnTBqNHj8b48eNRunRplCtXDjNmzNDa559//kGrVq3g4OCAmjVrat2HSkxMDNq1awdHR0eUKVMGQ4YMwZMnT9TX9+/fH127dsWcOXPg7e0Nd3d3fPzxx8jKysKHH36I0qVLo0KFCli7dm2Bj/m9996DjY0NTp48ie7du6NGjRoIDAxEly5dsGfPHnT+75vU69evQ6FQ4OzZs+rbPnr0CAqFAlFRUeqx8+fP49VXX0WpUqXg7e2Nvn37IikpSX399u3bERQUpH5cISEhSE1NBQBERUWhUaNGcHZ2hru7O5o3b45//zuLPvdUB9Xj//zzz+Hj44MyZcpgxIgRyMzxjfCdO3fw2muvwdHREQEBAdi0aRP8/f2xePHiAp8TKpjFJr7x8ZrtYq34/vADULs2sH+/Zmz0aGmMiIhMw8KFUmvJ5/3oqi6+8UbhbrtwocHCPX/+PI4dOwY7Ozv1WFpaGoKDg7Fnzx6cP38eQ4YMQd++fXEiVyFm3bp1cHZ2xvHjxzFv3jx8/PHH6uRWqVTirbfegp2dHY4fP44VK1bgo48+0rp9amoqQkND4eHhgT///BPbtm3DgQMHMHLkSK39fv31V9y+fRu//fYbFi5ciOnTp+P111+Hh4cHjh8/jmHDhmHo0KG4mbNSlcP9+/fx888/Y8SIEXDOpzWTQqEo9HP26NEjtGvXDvXq1cPJkyexb98+3L17F927dwcgJaI9e/bEu+++i4sXLyIqKgpvvfUWhBDIyspC165d0bp1a/z111+Ijo7GkCFDCrz/Q4cO4erVqzh06BDWrVuHyMhIREZGqq/v168fbt++jaioKOzYsQOrVq3CvXv3Cv14KB/CwiQnJwsAIiQkWUgNdIVISCiGO3ryRIihQ4X6TgAhypUTYv/+YrgzIiJ6Uc+ePRMXLlwQz549y3vl9Onav8/z+2nSJO9tmzQp3G2nTy9y7OHh4cLa2lo4OzsLe3t7AUBYWVmJ7du3F3i71157TXzwwQfqy61btxYtWrTQ2qdhw4bio48+EkIIsX//fmFjYyNu3bqlvv5///ufACB27dolhBBi1apVwsPDQzx58kS9z549e4SVlZVI+O8/3PDwcFGpUiWRnZ2t3qdatWqiZcuW6stZWVnC2dlZfPfddzpj/+OPPwQAsXPnTq3xMmXKCGdnZ+Hs7CzGjx8vhBDi2rVrAoA4c+aMer+HDx8KAOLQoUNCCCFmzZolOnTooHWs+Ph4AUDExsaKU6dOCQDi+vXreWK5f/++ACCioqJ0xjp9+nRRp04d9WXV48/KylKPdevWTYSFhQkhhLh48aIAIP7880/19f/8848AIBYtWqTzPkxRQZ85Vb6WnJxs0Pu02Dm+qoqvvX0xTK89dUpage3yZc1Yly7A119L3RuIiMi0uLoCvr7P369sWd1jhbmtq6v+ceXQtm1bLF++HKmpqVi0aBFsbGzw9ttvq6/Pzs7GnDlzsHXrVty6dQsZGRlIT0+HU65OQrVzfSPp4+OjrjRevHgRfn5+KF++vPr6pk2bau1/8eJF1KlTR6sK27x5cyiVSsTGxsLb2xsA8PLLL8PKSvPFs7e3N2rVqqW+bG1tjTJlyuhd5Txx4gSUSiV69+6N9PT0Qt/u3LlzOHTokM65uFevXkWHDh3Qvn17BAUFITQ0FB06dMA777wDDw8PlC5dGv3790doaCheeeUVhISEoHv37vDx8cn3/l5++WVYW1urL/v4+CAmJgYAEBsbCxsbG9TP0dq0SpUq8PDwKPTjId0sNvFVfXNSsSKgxzchz/frr0BoqNQoGJBaky1eLC1SYdA7IiKiEjN2rPRTFDkXKCpGzs7OqFKlCgBgzZo1qFOnDr755hsMHDgQADB//nwsWbIEixcvRlBQEJydnTFmzBhkZGRoHcfW1lbrskKhgFKpNHi8uu5Hn/uuUqUKFAoFYmNjtcYDAwMBAI6OjuoxVYIthFCPZebqsPTkyRN07txZ58mAPj4+sLa2xi+//IJjx47h559/xhdffIHJkyfj+PHjCAgIwNq1azF69Gjs27cPW7ZswZQpU/DLL7+gSZMmhX78xfE8kzaLneP731x0w8/vbd4cqFlT2g4OBs6cAQYPZtJLREQlxsrKCpMmTcKUKVPw7NkzAMDRo0fRpUsX9OnTB3Xq1EFgYCAu5/xmshBq1KiB+Ph43LlzRz32xx9/5Nnn3Llz6pO+VPdtZWWFatWqvcCj0lamTBm88sor+PLLL7XuS5ey/1Xic8ad80Q3AKhfvz7+/vtv+Pv7o0qVKlo/quq1QqFA8+bNMXPmTJw5cwZ2dnbYtWuX+hj16tXDxIkTcezYMdSqVQubNm0q0mOrVq0asrKycObMGfXYlStX8PDhwyIdjzQsNvFVMXhHB3t7abnhyZOBY8eAqlUNfAdERETP161bN1hbW2PZsmUAgJdeekldsbx48SKGDh2Ku3fv6nXMkJAQVK1aFeHh4Th37hx+//13TJ48WWuf3r17w8HBAeHh4Th//jwOHTqEUaNGoW/fvuppDoby1VdfISsrCw0aNMCWLVtw8eJFxMbG4ttvv8WlS5fUUwkcHR3RpEkTfPrpp7h48SIOHz6MKVOmaB1rxIgRePDgAXr27Ik///wTV69exf79+zFgwABkZ2fj+PHjmDNnDk6ePIkbN25g586dSExMRI0aNXDt2jVMnDgR0dHR+Pfff/Hzzz/jn3/+QY0aNYr0uKpXr46QkBAMGTIEJ06cwJkzZzBkyBA4OjrqdcIe5WXxie8LVXxTUqRq7t9/a4+//LLUsizH2bREREQlycbGBiNHjsS8efOQmpqKKVOmoH79+ggNDUWbNm1Qrlw5dO3aVa9jWllZYdeuXXj27BkaNWqEQYMGYfbs2Vr7ODk5Yf/+/Xjw4AEaNmyId955B+3bt8eXX35pwEcnqVy5Ms6cOYOQkBBMnDgRderUQYMGDfDFF19g3LhxmDVrlnrfNWvWICsrC8HBwRgzZgw++eQTrWOVL18eR48eRXZ2Njp06ICgoCCMGTMG7u7usLKygqurK3777Td06tQJVatWxZQpU7BgwQK8+uqrcHJywqVLl/D222+jatWqGDJkCEaMGIGhQ4cW+bGtX78e3t7eaNWqFd58800MHjwYLi4ucHBwKPIxCVCInBNeLEBKSgrc3NwAJANwRWQkEB5ehANFRwN9+gBxcVJrshMnpGovERGZpLS0NFy7dg0BAQFMLsjo3Lx5E35+fjhw4ADat28vdzgGUdBnTpWvJScnw/UFT/zMyWJPblPRe6pDVhYwezYwaxaQnS2NXbsG/PUX0LChweMjIiIiy/Prr7/iyZMnCAoKwp07dzB+/Hj4+/ujVatWcodm0iw+8dVrqkNcnFTljY7WjDVrBnz7LRAQYPDYiIiIyDJlZmZi0qRJiIuLg4uLC5o1a4aNGzfm6QZB+rHoxFehkBbLeS4hgA0bgJEjgcePpTFra2DaNGDSJMDGop9GIiIiMrDQ0FCEhobKHYbZseiMzcenEOefPXwIDB8ObNmiGQsMBDZuBPLpzUdERERExseiuzoUan7vxYvAtm2ay/37A2fPMuklIjJTFnbON5Fs5PisWXTiW6j5vc2aST153d2BrVuBtWsBF5fiDo2IiEqYau7k06dPZY6EyDKoVg3MuXRzcbPoqQ46K77XrklX5HwRpk4Fhg4t3FrrRERkkqytreHu7o579+4BkPrRcrEAouKhVCqRmJgIJycn2JTguVIWnfhqVXyFAFatAiIigOnTgY8+0lxna8ukl4jIApQrVw4A1MkvERUfKysrVKxYsUT/wLToxFdd8U1MBAYNAnbvli5PmQJ06ADUqydbbEREVPIUCgV8fHzg5eWFzMxMucMhMmt2dnawsirZWbcWnfhWqgRg/37phLWEBM0VgwYB1arJFRYREcnM2tq6ROcdElHJMIqT25YtWwZ/f384ODigcePGOHHiRIH7b9u2DdWrV4eDgwOCgoKwd+9eve/TDmmotnwM0LGjJun19JSqvsuXA05ORXgkRERERGSsZE98t2zZgrFjx2L69Ok4ffo06tSpg9DQ0HznVx07dgw9e/bEwIEDcebMGXTt2hVdu3bF+fPn9brf3xRtYL9iiWagY0cgJgbo3PkFHg0RERERGSuFkLlhYePGjdGwYUN8+eWXAKSz/Pz8/DBq1ChMmDAhz/5hYWFITU3FTz/9pB5r0qQJ6tatixUrVjz3/lJSUuDm5oZkAK4AYG8PzJ8vrcrGs3eJiIiIZKfO15KT4erqarDjyjrHNyMjA6dOncLEiRPVY1ZWVggJCUF0dLTO20RHR2Ps2LFaY6Ghofj+++917p+eno709HT15eTkZABACgDUrAl88430r2opYiIiIiKSVUpKCgDDL3Iha+KblJSE7OxseHt7a417e3vj0qVLOm+TkJCgc/+EnCen5TB37lzMnDkzz7gfAFy4ADRtWqTYiYiIiKh43b9/H25ubgY7ntl3dZg4caJWhfjRo0eoVKkSbty4YdAnkoxTSkoK/Pz8EB8fb9CvSsg48fW2LHy9LQtfb8uSnJyMihUronTp0gY9rqyJr6enJ6ytrXH37l2t8bt376qbiOdWrlw5vfa3t7eHvb19nnE3Nzd+cCyIq6srX28LwtfbsvD1tix8vS2Lofv8ytrVwc7ODsHBwTh48KB6TKlU4uDBg2iazxSEpk2bau0PAL/88ku++xMRERERAUYw1WHs2LEIDw9HgwYN0KhRIyxevBipqakYMGAAAKBfv37w9fXF3LlzAQDvv/8+WrdujQULFuC1117D5s2bcfLkSaxatUrOh0FERERERk72xDcsLAyJiYmYNm0aEhISULduXezbt099AtuNGze0ytzNmjXDpk2bMGXKFEyaNAkvvfQSvv/+e9SqVatQ92dvb4/p06frnP5A5oevt2Xh621Z+HpbFr7elqW4Xm/Z+/gSEREREZUE2VduIyIiIiIqCUx8iYiIiMgiMPElIiIiIovAxJeIiIiILIJZJr7Lli2Dv78/HBwc0LhxY5w4caLA/bdt24bq1avDwcEBQUFB2Lt3bwlFSoagz+u9evVqtGzZEh4eHvDw8EBISMhz3x9kXPT9fKts3rwZCoUCXbt2Ld4AyaD0fb0fPXqEESNGwMfHB/b29qhatSp/p5sQfV/vxYsXo1q1anB0dISfnx8iIiKQlpZWQtHSi/jtt9/QuXNnlC9fHgqFAt9///1zbxMVFYX69evD3t4eVapUQWRkpP53LMzM5s2bhZ2dnVizZo34+++/xeDBg4W7u7u4e/euzv2PHj0qrK2txbx588SFCxfElClThK2trYiJiSnhyKko9H29e/XqJZYtWybOnDkjLl68KPr37y/c3NzEzZs3SzhyKgp9X2+Va9euCV9fX9GyZUvRpUuXkgmWXpi+r3d6erpo0KCB6NSpkzhy5Ii4du2aiIqKEmfPni3hyKko9H29N27cKOzt7cXGjRvFtWvXxP79+4WPj4+IiIgo4cipKPbu3SsmT54sdu7cKQCIXbt2Fbh/XFyccHJyEmPHjhUXLlwQX3zxhbC2thb79u3T637NLvFt1KiRGDFihPpydna2KF++vJg7d67O/bt37y5ee+01rbHGjRuLoUOHFmucZBj6vt65ZWVlCRcXF7Fu3briCpEMqCivd1ZWlmjWrJn4+uuvRXh4OBNfE6Lv6718+XIRGBgoMjIySipEMiB9X+8RI0aIdu3aaY2NHTtWNG/evFjjJMMrTOI7fvx48fLLL2uNhYWFidDQUL3uy6ymOmRkZODUqVMICQlRj1lZWSEkJATR0dE6bxMdHa21PwCEhobmuz8Zj6K83rk9ffoUmZmZKF26dHGFSQZS1Nf7448/hpeXFwYOHFgSYZKBFOX13r17N5o2bYoRI0bA29sbtWrVwpw5c5CdnV1SYVMRFeX1btasGU6dOqWeDhEXF4e9e/eiU6dOJRIzlSxD5Wuyr9xmSElJScjOzlav+qbi7e2NS5cu6bxNQkKCzv0TEhKKLU4yjKK83rl99NFHKF++fJ4PExmforzeR44cwTfffIOzZ8+WQIRkSEV5vePi4vDrr7+id+/e2Lt3L65cuYL33nsPmZmZmD59ekmETUVUlNe7V69eSEpKQosWLSCEQFZWFoYNG4ZJkyaVRMhUwvLL11JSUvDs2TM4OjoW6jhmVfEl0senn36KzZs3Y9euXXBwcJA7HDKwx48fo2/fvli9ejU8PT3lDodKgFKphJeXF1atWoXg4GCEhYVh8uTJWLFihdyhUTGIiorCnDlz8NVXX+H06dPYuXMn9uzZg1mzZskdGhkxs6r4enp6wtraGnfv3tUav3v3LsqVK6fzNuXKldNrfzIeRXm9VT7//HN8+umnOHDgAGrXrl2cYZKB6Pt6X716FdevX0fnzp3VY0qlEgBgY2OD2NhYVK5cuXiDpiIryufbx8cHtra2sLa2Vo/VqFEDCQkJyMjIgJ2dXbHGTEVXlNd76tSp6Nu3LwYNGgQACAoKQmpqKoYMGYLJkyfDyoq1PXOSX77m6upa6GovYGYVXzs7OwQHB+PgwYPqMaVSiYMHD6Jp06Y6b9O0aVOt/QHgl19+yXd/Mh5Feb0BYN68eZg1axb27duHBg0alESoZAD6vt7Vq1dHTEwMzp49q/5544030LZtW5w9exZ+fn4lGT7pqSif7+bNm+PKlSvqP3AA4PLly/Dx8WHSa+SK8no/ffo0T3Kr+qNHOl+KzInB8jX9zrszfps3bxb29vYiMjJSXLhwQQwZMkS4u7uLhIQEIYQQffv2FRMmTFDvf/ToUWFjYyM+//zz/7d3/zFRl3EcwN932HEnHjpKBhc/FJSbMw1P0NQcSRbHsi5RoWSJQuokxGlarBk/KvxRgQNnRXOCEZMfroJJgrGk4FyFxo9N8BAFtclqQQMpiB/39Ifju05+6GlJce/X9v3j+3yf5/l+nnvG+PDc8/0iGhoaREJCAl9n9j9i7Xzv27dPKBQKcfz4cdHa2iodN27cGKshkBWsne9b8a0O/y/WzvfVq1eFWq0WMTExwmQyiRMnTghnZ2fxzjvvjNUQyArWzndCQoJQq9Xi2LFj4vLly+LUqVPC29tbhIaGjtUQyAo3btwQ1dXVorq6WgAQqamporq6Wly5ckUIIURcXJx46aWXpPqDrzPbtWuXaGhoEIcOHeLrzAYdPHhQeHh4CIVCIRYsWCC+++476VpAQICIiIiwqJ+fny98fHyEQqEQs2fPFsXFxfc5YroX1sy3p6enADDkSEhIuP+B012x9uf775j4/v9YO99nzpwRCxcuFPb29sLLy0skJyeL/v7++xw13S1r5ruvr08kJiYKb29voVQqhbu7u4iOjha//fbb/Q+crHb69Olhfx8PznFERIQICAgY0sbX11coFArh5eUlMjMzrb6vTAh+H0BERERE49+42uNLRERERDQSJr5EREREZBOY+BIRERGRTWDiS0REREQ2gYkvEREREdkEJr5EREREZBOY+BIRERGRTWDiS0REREQ2gYkvERGArKwsTJkyZazDuGsymQxffPHFqHXWr1+P559//r7EQ0T0X8TEl4jGjfXr10Mmkw05mpqaxjo0ZGVlSfHI5XK4ublhw4YN+OWXX/6R/ltbWxEcHAwAaGlpgUwmQ01NjUWdtLQ0ZGVl/SP3G0liYqI0Tjs7O7i7u2PTpk1ob2+3qh8m6UT0b5gw1gEQEf2T9Ho9MjMzLcqmTp06RtFYcnR0hMlkgtlsRm1tLTZs2IDr16+jtLT0nvt2cXG5bZ3Jkyff833uxOzZs1FWVoaBgQE0NDQgMjISHR0dyMvLuy/3JyIaCVd8iWhcsbe3h4uLi8VhZ2eH1NRUzJkzBw4ODnB3d0d0dDS6urpG7Ke2thbLli2DWq2Go6Mj5s+fj7Nnz0rXKysrsXTpUqhUKri7uyM2Nha///77qLHJZDK4uLhAo9EgODgYsbGxKCsrQ3d3N8xmM9566y24ubnB3t4evr6+KCkpkdr29vYiJiYGrq6uUCqV8PT0xN69ey36HtzqMH36dADAvHnzIJPJ8MQTTwCwXEX9+OOPodFoYDabLWI0GAyIjIyUzgsLC6HT6aBUKuHl5YWkpCT09/ePOs4JEybAxcUFDz/8MJYvX441a9bgq6++kq4PDAwgKioK06dPh0qlglarRVpamnQ9MTERR48eRWFhobR6XF5eDgC4du0aQkNDMWXKFDg5OcFgMKClpWXUeIiIBjHxJSKbIJfLkZ6ejvPnz+Po0aP4+uuv8dprr41YPzw8HG5ubqiqqsK5c+cQFxeHBx54AABw6dIl6PV6rFq1CnV1dcjLy0NlZSViYmKsikmlUsFsNqO/vx9paWlISUnB+++/j7q6OgQFBeG5557DxYsXAQDp6ekoKipCfn4+TCYTcnJyMG3atGH7/eGHHwAAZWVlaG1txWeffTakzpo1a9DW1obTp09LZe3t7SgpKUF4eDgAoKKiAuvWrcO2bdtQX1+PjIwMZGVlITk5+Y7H2NLSgtLSUigUCqnMbDbDzc0NBQUFqK+vR3x8PN544w3k5+cDAHbu3InQ0FDo9Xq0traitbUVixcvRl9fH4KCgqBWq1FRUQGj0YhJkyZBr9ejt7f3jmMiIhsmiIjGiYiICGFnZyccHBykY/Xq1cPWLSgoEA8++KB0npmZKSZPniydq9VqkZWVNWzbqKgosWnTJouyiooKIZfLRXd397Btbu2/sbFR+Pj4CD8/PyGEEBqNRiQnJ1u08ff3F9HR0UIIIbZu3SoCAwOF2Wwetn8A4vPPPxdCCNHc3CwAiOrqaos6ERERwmAwSOcGg0FERkZK5xkZGUKj0YiBgQEhhBBPPvmk2LNnj0Uf2dnZwtXVddgYhBAiISFByOVy4eDgIJRKpQAgAIjU1NQR2wghxCuvvCJWrVo1YqyD99ZqtRafwZ9//ilUKpUoLS0dtX8iIiGE4B5fIhpXli1bhg8//FA6d3BwAHBz9XPv3r24cOECOjs70d/fj56eHvzxxx+YOHHikH527NiBl19+GdnZ2dLX9d7e3gBuboOoq6tDTk6OVF8IAbPZjObmZsyaNWvY2Do6OjBp0iSYzWb09PTg8ccfx+HDh9HZ2Ynr169jyZIlFvWXLFmC2tpaADe3KTz11FPQarXQ6/VYsWIFnn766Xv6rMLDw7Fx40Z88MEHsLe3R05ODl544QXI5XJpnEaj0WKFd2BgYNTPDQC0Wi2KiorQ09ODTz/9FDU1Ndi6datFnUOHDuHIkSO4evUquru70dvbC19f31Hjra2tRVNTE9RqtUV5T08PLl26dBefABHZGia+RDSuODg4YMaMGRZlLS0tWLFiBbZs2YLk5GQ4OTmhsrISUVFR6O3tHTaBS0xMxNq1a1FcXIyTJ08iISEBubm5WLlyJbq6urB582bExsYOaefh4TFibGq1Gj/++CPkcjlcXV2hUqkAAJ2dnbcdl06nQ3NzM06ePImysjKEhoZi+fLlOH78+G3bjuTZZ5+FEALFxcXw9/dHRUUFDhw4IF3v6upCUlISQkJChrRVKpUj9qtQKKQ52LdvH5555hkkJSXh7bffBgDk5uZi586dSElJwaJFi6BWq/Hee+/h+++/HzXerq4uzJ8/3+IPjkH/lQcYiei/jYkvEY17586dg9lsRkpKirSaObifdDQ+Pj7w8fHB9u3b8eKLLyIzMxMrV66ETqdDfX39kAT7duRy+bBtHB0dodFoYDQaERAQIJUbjUYsWLDAol5YWBjCwsKwevVq6PV6tLe3w8nJyaK/wf20AwMDo8ajVCoREhKCnJwcNDU1QavVQqfTSdd1Oh1MJpPV47zV7t27ERgYiC1btkjjXLx4MaKjo6U6t67YKhSKIfHrdDrk5eXB2dkZjo6O9xQTEdkmPtxGROPejBkz0NfXh4MHD+Ly5cvIzs7GRx99NGL97u5uxMTEoLy8HFeuXIHRaERVVZW0heH111/HmTNnEBMTg5qaGly8eBGFhYVWP9z2d7t27cL+/fuRl5cHk8mEuLg41NTUYNu2bQCA1NRUHDt2DBcuXEBjYyMKCgrg4uIy7D/dcHZ2hkqlQklJCX7++Wd0dHSMeN/w8HAUFxfjyJEj0kNtg+Lj4/HJJ58gKSkJ58+fR0NDA3Jzc7F7926rxrZo0SLMnTsXe/bsAQDMnDkTZ8+eRWlpKRobG/Hmm2+iqqrKos20adNQV1cHk8mEX3/9FX19fQgPD8dDDz0Eg8GAiooKNDc3o7y8HLGxsfjpp5+siomIbBMTXyIa9x599FGkpqZi//79eOSRR5CTk2PxKrBb2dnZoa2tDevWrYOPjw9CQ0MRHByMpKQkAMDcuXPxzTffoLGxEUuXLsW8efMQHx8PjUZz1zHGxsZix44dePXVVzFnzhyUlJSgqKgIM2fOBHBzm8S7774LPz8/+Pv7o6WlBV9++aW0gv13EyZMQHp6OjIyMqDRaGAwGEa8b2BgIJycnGAymbB27VqLa0FBQThx4gROnToFf39/PPbYYzhw4AA8PT2tHt/27dtx+PBhXLt2DZs3b0ZISAjCwsKwcOFCtLW1Waz+AsDGjRuh1Wrh5+eHqVOnwmg0YuLEifj222/h4eGBkJAQzJo1C1FRUejp6eEKMBHdEZkQQox1EERERERE/zau+BIRERGRTWDiS0REREQ2gYkvEREREdkEJr5EREREZBOY+BIRERGRTWDiS0REREQ2gYkvEREREdkEJr5EREREZBOY+BIRERGRTWDiS0REREQ2gYkvEREREdmEvwDBFMoNYmbkqgAAAABJRU5ErkJggg==", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "plot_roc_curve(y_test, y_pred)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### LinearSVC" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Normalized data" + ] + }, + { + "cell_type": "code", + "execution_count": 55, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Time taken for GridSearchCV: 42.83 seconds\n", + "Best Hyperparameters:\n", + "{'C': 0.1, 'loss': 'hinge'}\n", + "\n", + "Time taken for training with best hyperparameters: 16.42 seconds\n", + "\n", + "Mean Accuracy: 0.6396680497925311\n", + "Standard Deviation of Accuracy: 0.12724229244007448\n", + "Mean Precision: 0.5719002790868557\n", + "Standard Deviation of Precision: 0.17060296499376207\n", + "Mean Recall: 0.7531442844548927\n", + "Standard Deviation of Recall: 0.28991380948387724\n", + "Mean F1-score: 0.5653112640891156\n", + "Standard Deviation of F1-score: 0.16878833530224618\n", + "Mean ROC AUC: 0.6670280803069433\n", + "Standard Deviation of ROC AUC: 0.08612601249207863\n", + "\n", + "Total time taken: 59.25 seconds\n" + ] + } + ], + "source": [ + "from sklearn.svm import LinearSVC\n", + "from sklearn.model_selection import StratifiedKFold, GridSearchCV\n", + "from sklearn.metrics import accuracy_score, precision_score, recall_score, f1_score, roc_auc_score, confusion_matrix\n", + "import numpy as np\n", + "import time\n", + "\n", + "start_total_time = time.time()\n", + "\n", + "kf = StratifiedKFold(n_splits=10, shuffle=True, random_state=42)\n", + "\n", + "model = LinearSVC(random_state=42, max_iter=10000)\n", + "\n", + "param_grid = {\n", + " 'C': [0.01, 0.1, 1, 10, 100],\n", + " 'loss': ['hinge', 'squared_hinge'],\n", + "}\n", + "\n", + "grid_search = GridSearchCV(estimator=model, param_grid=param_grid, cv=kf, scoring='accuracy')\n", + "\n", + "start_time = time.time()\n", + "\n", + "grid_search.fit(standard(x), y)\n", + "\n", + "grid_search_time = time.time() - start_time\n", + "print(f\"Time taken for GridSearchCV: {grid_search_time:.2f} seconds\")\n", + "\n", + "best_params = grid_search.best_params_\n", + "\n", + "print(\"Best Hyperparameters:\")\n", + "print(best_params)\n", + "print()\n", + "\n", + "best_model = grid_search.best_estimator_\n", + "\n", + "start_time = time.time()\n", + "\n", + "accuracy_scores = []\n", + "precision_scores = []\n", + "recall_scores = []\n", + "f1_scores = []\n", + "roc_auc_scores = []\n", + "confusion_matrices = []\n", + "\n", + "for train_index, test_index in kf.split(normal(x), y):\n", + " X_train, X_test = x.iloc[train_index], x.iloc[test_index]\n", + " y_train, y_test = y.iloc[train_index], y.iloc[test_index]\n", + "\n", + " best_model.fit(X_train, y_train)\n", + "\n", + " y_pred = best_model.predict(X_test)\n", + "\n", + " accuracy = accuracy_score(y_test, y_pred)\n", + " accuracy_scores.append(accuracy)\n", + " \n", + " precision = precision_score(y_test, y_pred)\n", + " precision_scores.append(precision)\n", + " \n", + " recall = recall_score(y_test, y_pred)\n", + " recall_scores.append(recall)\n", + " \n", + " f1 = f1_score(y_test, y_pred)\n", + " f1_scores.append(f1)\n", + " \n", + " roc_auc = roc_auc_score(y_test, y_pred)\n", + " roc_auc_scores.append(roc_auc)\n", + " \n", + " confusion = confusion_matrix(y_test, y_pred)\n", + " confusion_matrices.append(confusion)\n", + "\n", + "training_time = time.time() - start_time\n", + "print(f\"Time taken for training with best hyperparameters: {training_time:.2f} seconds\")\n", + "print()\n", + "\n", + "mean_accuracy = np.mean(accuracy_scores)\n", + "std_accuracy = np.std(accuracy_scores)\n", + "\n", + "mean_precision = np.mean(precision_scores)\n", + "std_precision = np.std(precision_scores)\n", + "\n", + "mean_recall = np.mean(recall_scores)\n", + "std_recall = np.std(recall_scores)\n", + "\n", + "mean_f1 = np.mean(f1_scores)\n", + "std_f1 = np.std(f1_scores)\n", + "\n", + "mean_roc_auc = np.mean(roc_auc_scores)\n", + "std_roc_auc = np.std(roc_auc_scores)\n", + "\n", + "print(f\"Mean Accuracy: {mean_accuracy}\")\n", + "print(f\"Standard Deviation of Accuracy: {std_accuracy}\")\n", + "\n", + "print(f\"Mean Precision: {mean_precision}\")\n", + "print(f\"Standard Deviation of Precision: {std_precision}\")\n", + "\n", + "print(f\"Mean Recall: {mean_recall}\")\n", + "print(f\"Standard Deviation of Recall: {std_recall}\")\n", + "\n", + "print(f\"Mean F1-score: {mean_f1}\")\n", + "print(f\"Standard Deviation of F1-score: {std_f1}\")\n", + "\n", + "print(f\"Mean ROC AUC: {mean_roc_auc}\")\n", + "print(f\"Standard Deviation of ROC AUC: {std_roc_auc}\")\n", + "print()\n", + "\n", + "total_time = time.time() - start_total_time\n", + "print(f\"Total time taken: {total_time:.2f} seconds\")" + ] + }, + { + "cell_type": "code", + "execution_count": 56, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "x_train: (1800, 13)\n", + "y_train: (1800,)\n", + "x_test: (601, 13)\n", + "y_test: (601,)\n" + ] + } + ], + "source": [ + "from sklearn.model_selection import train_test_split\n", + "\n", + "x_train, x_test, y_train, y_test = train_test_split(x,y,test_size=0.25,random_state=42)\n", + "\n", + "print(\"x_train:\",x_train.shape)\n", + "print(\"y_train:\",y_train.shape)\n", + "print(\"x_test:\",x_test.shape)\n", + "print(\"y_test:\",y_test.shape)" + ] + }, + { + "cell_type": "code", + "execution_count": 57, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Accuracy: 0.8103161397670549\n", + "Precision: 0.8308823529411765\n", + "Recall: 0.553921568627451\n", + "F1 Score: 0.6647058823529413\n", + "ROC AUC Score: 0.747993529905665\n", + "Confusion Matrix:\n", + "[[374 23]\n", + " [ 91 113]]\n" + ] + } + ], + "source": [ + "model = grid_search.best_estimator_\n", + "\n", + "model.fit(x_train, y_train)\n", + "\n", + "y_pred = model.predict(x_test)\n", + "\n", + "y_pred = (y_pred >= 0.5).astype(int)\n", + "\n", + "print(\"Accuracy:\", accuracy_score(y_test, y_pred))\n", + "print(\"Precision:\", precision_score(y_test, y_pred))\n", + "print(\"Recall:\", recall_score(y_test, y_pred))\n", + "print(\"F1 Score:\", f1_score(y_test, y_pred))\n", + "print(\"ROC AUC Score:\", roc_auc_score(y_test, y_pred))\n", + "print(\"Confusion Matrix:\")\n", + "print(confusion_matrix(y_test, y_pred))" + ] + }, + { + "cell_type": "code", + "execution_count": 58, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAokAAAIjCAYAAABvUIGpAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8pXeV/AAAACXBIWXMAAA9hAAAPYQGoP6dpAABHI0lEQVR4nO3df3zN9f//8fvZ2LGNbYb98vtXWH5Gby2/3+Rn4k1JVCPxplEZ0t7vyI9qvfVDqdCvNxLpJ0WkIdTbErJIyFAUm1/ZbJjZXt8/+jqfjqcfO+w4m3O7dnldLs7r9Tyv12Pn89bn0f35PM/ZLMuyBAAAAPyFj6cLAAAAQNFDkwgAAAADTSIAAAAMNIkAAAAw0CQCAADAQJMIAAAAA00iAAAADDSJAAAAMNAkAgAAwECTCOCSdu3apY4dOyo4OFg2m02LFi0q1Pv/8ssvstlsmj17dqHetzhr27at2rZt6+kyAHg5mkSgGNi9e7f++c9/qkaNGipVqpSCgoLUokULvfzyyzp16pRbnx0bG6utW7fq6aef1ty5c9WsWTO3Pu9aGjBggGw2m4KCgi74Oe7atUs2m002m03PP/+8y/c/cOCAJkyYoJSUlEKoFgCurRKeLgDApX3++ee66667ZLfbdf/996t+/fo6c+aMvvnmG40ZM0bbtm3TG2+84ZZnnzp1SsnJyfr3v/+t4cOHu+UZVatW1alTp1SyZEm33P9ySpQooZMnT2rx4sXq06eP07V58+apVKlSOn369BXd+8CBA5o4caKqVaumxo0bF/h9X3755RU9DwAKE00iUITt3btXffv2VdWqVbVq1SpFRkY6rsXFxSk1NVWff/65255/+PBhSVJISIjbnmGz2VSqVCm33f9y7Ha7WrRooffee89oEufPn69u3brp448/via1nDx5UgEBAfLz87smzwOAS2G6GSjCpkyZoqysLL399ttODeI5tWrV0iOPPOJ4ffbsWU2ePFk1a9aU3W5XtWrV9K9//Us5OTlO76tWrZpuv/12ffPNN/rb3/6mUqVKqUaNGnrnnXccYyZMmKCqVatKksaMGSObzaZq1apJ+nOa9tyf/2rChAmy2WxO55KSktSyZUuFhISodOnSqlOnjv71r385rl9sTeKqVavUqlUrBQYGKiQkRD169ND27dsv+LzU1FQNGDBAISEhCg4O1sCBA3Xy5MmLf7Dn6devn5YtW6bjx487zm3YsEG7du1Sv379jPHHjh3T6NGj1aBBA5UuXVpBQUHq0qWLfvjhB8eY1atX6+abb5YkDRw40DFtfe7nbNu2rerXr69NmzapdevWCggIcHwu569JjI2NValSpYyfv1OnTipbtqwOHDhQ4J8VAAqKJhEowhYvXqwaNWro1ltvLdD4Bx98UOPHj9dNN92kqVOnqk2bNkpMTFTfvn2Nsampqbrzzjt122236YUXXlDZsmU1YMAAbdu2TZLUq1cvTZ06VZJ0zz33aO7cuXrppZdcqn/btm26/fbblZOTo0mTJumFF17QHXfcof/973+XfN+KFSvUqVMnHTp0SBMmTFB8fLzWrVunFi1a6JdffjHG9+nTRydOnFBiYqL69Omj2bNna+LEiQWus1evXrLZbPrkk08c5+bPn6+6devqpptuMsbv2bNHixYt0u23364XX3xRY8aM0datW9WmTRtHw1avXj1NmjRJkjRkyBDNnTtXc+fOVevWrR33OXr0qLp06aLGjRvrpZdeUrt27S5Y38svv6wKFSooNjZWeXl5kqTXX39dX375pV555RVFRUUV+GcFgAKzABRJGRkZliSrR48eBRqfkpJiSbIefPBBp/OjR4+2JFmrVq1ynKtataolyVq7dq3j3KFDhyy73W6NGjXKcW7v3r2WJOu5555zumdsbKxVtWpVo4Ynn3zS+uu/VqZOnWpJsg4fPnzRus89Y9asWY5zjRs3tsLCwqyjR486zv3www+Wj4+Pdf/99xvPe+CBB5zu+Y9//MMqV67cRZ/5158jMDDQsizLuvPOO6327dtblmVZeXl5VkREhDVx4sQLfganT5+28vLyjJ/DbrdbkyZNcpzbsGGD8bOd06ZNG0uSNXPmzAtea9OmjdO55cuXW5Ksp556ytqzZ49VunRpq2fPnpf9GQHgSpEkAkVUZmamJKlMmTIFGr906VJJUnx8vNP5UaNGSZKxdjE6OlqtWrVyvK5QoYLq1KmjPXv2XHHN5zu3lvHTTz9Vfn5+gd5z8OBBpaSkaMCAAQoNDXWcb9iwoW677TbHz/lXQ4cOdXrdqlUrHT161PEZFkS/fv20evVqpaWladWqVUpLS7vgVLP05zpGH58///WZl5eno0ePOqbSv//++wI/0263a+DAgQUa27FjR/3zn//UpEmT1KtXL5UqVUqvv/56gZ8FAK6iSQSKqKCgIEnSiRMnCjT+119/lY+Pj2rVquV0PiIiQiEhIfr111+dzlepUsW4R9myZfXHH39cYcWmu+++Wy1atNCDDz6o8PBw9e3bVx988MElG8ZzddapU8e4Vq9ePR05ckTZ2dlO58//WcqWLStJLv0sXbt2VZkyZfT+++9r3rx5uvnmm43P8pz8/HxNnTpVtWvXlt1uV/ny5VWhQgVt2bJFGRkZBX5mxYoVXfqSyvPPP6/Q0FClpKRo2rRpCgsLK/B7AcBVNIlAERUUFKSoqCj9+OOPLr3v/C+OXIyvr+8Fz1uWdcXPOLde7hx/f3+tXbtWK1as0H333actW7bo7rvv1m233WaMvRpX87OcY7fb1atXL82ZM0cLFy68aIooSc8884zi4+PVunVrvfvuu1q+fLmSkpJ04403Fjgxlf78fFyxefNmHTp0SJK0detWl94LAK6iSQSKsNtvv127d+9WcnLyZcdWrVpV+fn52rVrl9P59PR0HT9+3PFN5cJQtmxZp28Cn3N+WilJPj4+at++vV588UX99NNPevrpp7Vq1Sp99dVXF7z3uTp37txpXNuxY4fKly+vwMDAq/sBLqJfv37avHmzTpw4ccEv+5zz0UcfqV27dnr77bfVt29fdezYUR06dDA+k4I27AWRnZ2tgQMHKjo6WkOGDNGUKVO0YcOGQrs/AJyPJhEowh577DEFBgbqwQcfVHp6unF99+7devnllyX9OV0qyfgG8osvvihJ6tatW6HVVbNmTWVkZGjLli2OcwcPHtTChQudxh07dsx477lNpc/fluecyMhINW7cWHPmzHFqun788Ud9+eWXjp/THdq1a6fJkyfr1VdfVURExEXH+fr6Ginlhx9+qN9//93p3Llm9kINtavGjh2rffv2ac6cOXrxxRdVrVo1xcbGXvRzBICrxWbaQBFWs2ZNzZ8/X3fffbfq1avn9BtX1q1bpw8//FADBgyQJDVq1EixsbF64403dPz4cbVp00bfffed5syZo549e150e5Ur0bdvX40dO1b/+Mc/9PDDD+vkyZOaMWOGbrjhBqcvbkyaNElr165Vt27dVLVqVR06dEjTp09XpUqV1LJly4ve/7nnnlOXLl0UExOjQYMG6dSpU3rllVcUHBysCRMmFNrPcT4fHx898cQTlx13++23a9KkSRo4cKBuvfVWbd26VfPmzVONGjWcxtWsWVMhISGaOXOmypQpo8DAQDVv3lzVq1d3qa5Vq1Zp+vTpevLJJx1b8syaNUtt27bVuHHjNGXKFJfuBwAF4uFvVwMogJ9//tkaPHiwVa1aNcvPz88qU6aM1aJFC+uVV16xTp8+7RiXm5trTZw40apevbpVsmRJq3LlylZCQoLTGMv6cwucbt26Gc85f+uVi22BY1mW9eWXX1r169e3/Pz8rDp16ljvvvuusQXOypUrrR49elhRUVGWn5+fFRUVZd1zzz3Wzz//bDzj/G1iVqxYYbVo0cLy9/e3goKCrO7du1s//fST05hzzzt/i51Zs2ZZkqy9e/de9DO1LOctcC7mYlvgjBo1yoqMjLT8/f2tFi1aWMnJyRfcuubTTz+1oqOjrRIlSjj9nG3atLFuvPHGCz7zr/fJzMy0qlatat10001Wbm6u07iRI0daPj4+VnJy8iV/BgC4EjbLcmFlNwAAALwCaxIBAABgoEkEAACAgSYRAAAABppEAAAAGGgSAQAAYKBJBAAAgIEmEQAAAIbr8jeu+DcZ7ukSALjJHxte9XQJANyklAe7Enf2Dqc2F89/b5EkAgAAwHBdJokAAAAusZGbnY8mEQAAwGbzdAVFDm0zAAAADCSJAAAATDcb+EQAAABgIEkEAABgTaKBJBEAAAAGkkQAAADWJBr4RAAAAGAgSQQAAGBNooEmEQAAgOlmA58IAAAADCSJAAAATDcbSBIBAABgIEkEAABgTaKBTwQAAAAGkkQAAADWJBpIEgEAAGAgSQQAAGBNooEmEQAAgOlmA20zAAAADCSJAAAATDcb+EQAAABgIEkEAAAgSTTwiQAAAMBAkwgAAOBjc9/hghkzZqhhw4YKCgpSUFCQYmJitGzZMsf1tm3bymazOR1Dhw51use+ffvUrVs3BQQEKCwsTGPGjNHZs2dd/kiYbgYAACgiKlWqpGeffVa1a9eWZVmaM2eOevTooc2bN+vGG2+UJA0ePFiTJk1yvCcgIMDx57y8PHXr1k0RERFat26dDh48qPvvv18lS5bUM88841ItNIkAAABFZE1i9+7dnV4//fTTmjFjhr799ltHkxgQEKCIiIgLvv/LL7/UTz/9pBUrVig8PFyNGzfW5MmTNXbsWE2YMEF+fn4FrqVofCIAAACeZLO57cjJyVFmZqbTkZOTc9mS8vLytGDBAmVnZysmJsZxft68eSpfvrzq16+vhIQEnTx50nEtOTlZDRo0UHh4uONcp06dlJmZqW3btrn0kdAkAgAAuFFiYqKCg4OdjsTExIuO37p1q0qXLi273a6hQ4dq4cKFio6OliT169dP7777rr766islJCRo7ty5uvfeex3vTUtLc2oQJTlep6WluVQ3080AAABunG5OSEhQfHy80zm73X7R8XXq1FFKSooyMjL00UcfKTY2VmvWrFF0dLSGDBniGNegQQNFRkaqffv22r17t2rWrFmoddMkAgAAuJHdbr9kU3g+Pz8/1apVS5LUtGlTbdiwQS+//LJef/11Y2zz5s0lSampqapZs6YiIiL03XffOY1JT0+XpIuuY7wYppsBAADcuCbxauXn5190DWNKSookKTIyUpIUExOjrVu36tChQ44xSUlJCgoKckxZFxRJIgAAQBGRkJCgLl26qEqVKjpx4oTmz5+v1atXa/ny5dq9e7fmz5+vrl27qly5ctqyZYtGjhyp1q1bq2HDhpKkjh07Kjo6Wvfdd5+mTJmitLQ0PfHEE4qLi3MpzZRoEgEAAIrMFjiHDh3S/fffr4MHDyo4OFgNGzbU8uXLddttt2n//v1asWKFXnrpJWVnZ6ty5crq3bu3nnjiCcf7fX19tWTJEg0bNkwxMTEKDAxUbGys076KBWWzLMsqzB+uKPBvMtzTJQBwkz82vOrpEgC4SSkPRlf+HZ9z271PfTnGbfd2J5JEAACAQlg7eL2hSQQAACgi081FCZ8IAAAADCSJAAAATDcbSBIBAABgIEkEAABgTaKBTwQAAAAGkkQAAADWJBpIEgEAAGAgSQQAAGBNooEmEQAAgCbRwCcCAAAAA0kiAAAAX1wxkCQCAADAQJIIAADAmkQDnwgAAAAMJIkAAACsSTSQJAIAAMBAkggAAMCaRANNIgAAANPNBtpmAAAAGEgSAQCA17ORJBpIEgEAAGAgSQQAAF6PJNFEkggAAAADSSIAAABBooEkEQAAAAaSRAAA4PVYk2iiSQQAAF6PJtHEdDMAAAAMJIkAAMDrkSSaSBIBAABgIEkEAABejyTRRJIIAAAAA0kiAAAAQaKBJBEAAAAGkkQAAOD1WJNoIkkEAACAgSQRAAB4PZJEE00iAADwejSJJqabAQAAYCBJBAAAXo8k0USSCAAAAANJIgAAAEGigSQRAAAABpJEAADg9ViTaCJJBAAAgIEkEQAAeD2SRBNNIgAA8Ho0iSammwEAAGAgSQQAACBINJAkAgAAwECSCAAAvB5rEk0kiQAAADCQJAIAAK9HkmgiSQQAACgiZsyYoYYNGyooKEhBQUGKiYnRsmXLHNdPnz6tuLg4lStXTqVLl1bv3r2Vnp7udI99+/apW7duCggIUFhYmMaMGaOzZ8+6XAtNIgAA8Ho2m81thysqVaqkZ599Vps2bdLGjRv197//XT169NC2bdskSSNHjtTixYv14Ycfas2aNTpw4IB69erleH9eXp66deumM2fOaN26dZozZ45mz56t8ePHu/6ZWJZlufyuIs6/yXBPlwDATf7Y8KqnSwDgJqU8uAgu6p+fuO3eB17vdflBlxAaGqrnnntOd955pypUqKD58+frzjvvlCTt2LFD9erVU3Jysm655RYtW7ZMt99+uw4cOKDw8HBJ0syZMzV27FgdPnxYfn5+BX4uSSIAAIAb5eTkKDMz0+nIycm57Pvy8vK0YMECZWdnKyYmRps2bVJubq46dOjgGFO3bl1VqVJFycnJkqTk5GQ1aNDA0SBKUqdOnZSZmelIIwuKJhEAAMDmviMxMVHBwcFOR2Ji4kVL2bp1q0qXLi273a6hQ4dq4cKFio6OVlpamvz8/BQSEuI0Pjw8XGlpaZKktLQ0pwbx3PVz11zBt5sBAADcKCEhQfHx8U7n7Hb7RcfXqVNHKSkpysjI0EcffaTY2FitWbPG3WUaaBIBAIDXc+cWOHa7/ZJN4fn8/PxUq1YtSVLTpk21YcMGvfzyy7r77rt15swZHT9+3ClNTE9PV0REhCQpIiJC3333ndP9zn37+dyYgmK6GQAAoAjLz89XTk6OmjZtqpIlS2rlypWOazt37tS+ffsUExMjSYqJidHWrVt16NAhx5ikpCQFBQUpOjrapeeSJAIAAK9XVDbTTkhIUJcuXVSlShWdOHFC8+fP1+rVq7V8+XIFBwdr0KBBio+PV2hoqIKCgjRixAjFxMTolltukSR17NhR0dHRuu+++zRlyhSlpaXpiSeeUFxcnEtppkSTCAAAUGQcOnRI999/vw4ePKjg4GA1bNhQy5cv12233SZJmjp1qnx8fNS7d2/l5OSoU6dOmj59uuP9vr6+WrJkiYYNG6aYmBgFBgYqNjZWkyZNcrkW9kkEUKywTyJw/fLkPomV4z512733v9bDbfd2J5JEAACAojHbXKTwxRUAAAAYSBIBAIDXKypfXClKSBIBAABgIEkEAABejyTRRJIIAAAAA0kiipzBd7XU4DtbqWpUqCRp+540PfPGMn35v59UJTJUO5deeK+n/mPe1icrNjudCw0O1HfvP66K4WUV0WqMMrJOub1+AK55+83XtTLpS+3du0f2UqXUuHETPRo/WtWq13CMmTRhvNZ/u06HDx1SQECAGv3/MdVr1PRg5biekCSaaBJR5PyeflzjXvlUqfsOyyab7u3eXB9OHaJb+j6rnb+kq1qHBKfxD/RuoZH3d9Dy/20z7jXzyX7auuuAKoaXvVblA3DRxg3f6e57+uvGBg2UdzZPr7z8ooYOHqRPPvtcAQEBkqTo6BvV7fbuioiMVGZGhma89oqGDh6kpV+ulK+vr4d/AuD6RJOIImfp2h+dXk94bbEG39VSf2tYXdv3pCn96Amn63e0a6SPk75X9qkzTucH39VSwWUC9Mwby9S55Y1urxvAlZnxxttOryc9/azatYrR9p+2qWmzmyVJd/a523G9YsVKGv7wo7qrVw8d+P13Va5S5ZrWi+sTSaLJo03ikSNH9N///lfJyclKS0uTJEVEROjWW2/VgAEDVKFCBU+WhyLAx8em3rfdpEB/P63fste43qReZTWuW1kjn/3A6XzdGhFKGNxFbe5/XtUqlr9W5QIoBFkn/vwPwaDg4AteP3nypD5d+IkqVqqkiIiIa1karmf0iAaPNYkbNmxQp06dFBAQoA4dOuiGG26QJKWnp2vatGl69tlntXz5cjVr1uyS98nJyVFOTo7TOSs/TzYfph+KsxtrRWn1nFEq5VdCWadydPeoN7VjT5oxLrZnjLbvOahvf/i/BtKvZAnNSRygf720SPvT/qBJBIqR/Px8TfnPM2rc5CbVrn2D07X335unqS88r1OnTqpa9ep6/c1ZKunn56FKgeufx5rEESNG6K677tLMmTONiNeyLA0dOlQjRoxQcnLyJe+TmJioiRMnOp3zDb9ZJSP/Vug149r5+Zd0Ne+bqODS/vpHhyZ6c9J96vjgy06NYil7Sd3dpZmeffMLp/dOfvgO7dybrgVLN1zrsgFcpWeemqjdu3Zp9tz5xrWut9+hW25toSOHD2vOrLc1ZtSjmvPue7Lb7R6oFNcbpptNNsuyLE882N/fX5s3b1bdunUveH3Hjh1q0qSJTp269LdRL5QkhrUaS5J4nfl85nDt2X9EI55e4Dh3T7ebNfPJ/qrZ6Qkd+SPLcf7bBY+rfq0onfufts1mk6+vj86ezdN/3l6up2Yuveb1o/D8seFVT5cAN3nmqUla/dVK/XfOu6pUqfIlx+aeOaOWt/5NEyY+pS7dbr9GFcLdSnlwEVyNePf9/4Y9L3Z1273dyWP/54iIiNB333130Sbxu+++U3h4+GXvY7fbjf+KpEG8/vjYbLL7Of/PdUDPW/X5mq1ODaIk3TP6LfnbSzpeN72xqt6YeK86DHpJe/Yfvib1Aig4y7KU+PRkrVqZpLdnz71sgyhJ1p9v1JkzZy43FCgQkkSTx5rE0aNHa8iQIdq0aZPat2/vaAjT09O1cuVKvfnmm3r++ec9VR48aNKIO7T8f9u0/+AfKhNYSnd3aabWzWqr+0PTHWNqVC6vljfVVM8RM4z37/3tiNPrciGlJUk79qSxTyJQBD0zeaKWLV2il16ZrsCAQB05/Od/zJUuU0alSpXSb/v3a/kXSxVzawuVLRuq9PQ0/fetN2S3l1LL1m08XD1w/fJYkxgXF6fy5ctr6tSpmj59uvLy8iRJvr6+atq0qWbPnq0+ffp4qjx4UIXQ0np78v2KKB+kjKzT+nHX7+r+0HStWr/DMSa2R4x+Tz+uFck7LnEnAMXBB++/J0kaNOA+p/OTnkpUj3/0kp/dT99v2qh3585RZkamypUvp6ZNm+mdee+pXLlynigZ1yGCRJPH1iT+VW5uro4c+TP9KV++vEqWLHmZd1yaf5PhhVEWgCKINYnA9cuTaxJrjV7mtnunPt/Fbfd2pyKxmXbJkiUVGRnp6TIAAICXYk2iqUg0iQAAAJ5Ej2jy8XQBAAAAKHpIEgEAgNdjutlEkggAAAADSSIAAPB6BIkmkkQAAAAYSBIBAIDX8/EhSjwfSSIAAAAMJIkAAMDrsSbRRJMIAAC8HlvgmJhuBgAAgIEkEQAAeD2CRBNJIgAAAAwkiQAAwOuxJtFEkggAAAADSSIAAPB6JIkmkkQAAAAYSBIBAIDXI0g00SQCAACvx3SzielmAAAAGEgSAQCA1yNINJEkAgAAwECSCAAAvB5rEk0kiQAAADCQJAIAAK9HkGgiSQQAAICBJBEAAHg91iSaSBIBAABgIEkEAABejyDRRJMIAAC8HtPNJqabAQAAYCBJBAAAXo8g0USSCAAAAANJIgAA8HqsSTSRJAIAAMBAkggAALweQaKJJBEAAAAGmkQAAOD1bDab2w5XJCYm6uabb1aZMmUUFhamnj17aufOnU5j2rZtazxj6NChTmP27dunbt26KSAgQGFhYRozZozOnj3rUi1MNwMAAK9XVKab16xZo7i4ON188806e/as/vWvf6ljx4766aefFBgY6Bg3ePBgTZo0yfE6ICDA8ee8vDx169ZNERERWrdunQ4ePKj7779fJUuW1DPPPFPgWmgSAQAAiogvvvjC6fXs2bMVFhamTZs2qXXr1o7zAQEBioiIuOA9vvzyS/30009asWKFwsPD1bhxY02ePFljx47VhAkT5OfnV6BamG4GAABez53TzTk5OcrMzHQ6cnJyClRXRkaGJCk0NNTp/Lx581S+fHnVr19fCQkJOnnypONacnKyGjRooPDwcMe5Tp06KTMzU9u2bSvwZ0KTCAAA4EaJiYkKDg52OhITEy/7vvz8fD366KNq0aKF6tev7zjfr18/vfvuu/rqq6+UkJCguXPn6t5773VcT0tLc2oQJTlep6WlFbhuppsBAIDXc+dm2gkJCYqPj3c6Z7fbL/u+uLg4/fjjj/rmm2+czg8ZMsTx5wYNGigyMlLt27fX7t27VbNmzcIpWiSJAAAAbmW32xUUFOR0XK5JHD58uJYsWaKvvvpKlSpVuuTY5s2bS5JSU1MlSREREUpPT3cac+71xdYxXghNIgAA8Ho2m/sOV1iWpeHDh2vhwoVatWqVqlevftn3pKSkSJIiIyMlSTExMdq6dasOHTrkGJOUlKSgoCBFR0cXuBammwEAAIqIuLg4zZ8/X59++qnKlCnjWEMYHBwsf39/7d69W/Pnz1fXrl1Vrlw5bdmyRSNHjlTr1q3VsGFDSVLHjh0VHR2t++67T1OmTFFaWpqeeOIJxcXFFWia+xyaRAAA4PXcuSbRFTNmzJD054bZfzVr1iwNGDBAfn5+WrFihV566SVlZ2ercuXK6t27t5544gnHWF9fXy1ZskTDhg1TTEyMAgMDFRsb67SvYkHQJAIAAK9XRHpEWZZ1yeuVK1fWmjVrLnufqlWraunSpVdVC2sSAQAAYCBJBAAAXq+oTDcXJSSJAAAAMJAkAgAAr0eQaCJJBAAAgIEkEQAAeD0fokQDSSIAAAAMJIkAAMDrESSaaBIBAIDXYwscE9PNAAAAMJAkAgAAr+dDkGggSQQAAICBJBEAAHg91iSaSBIBAABgIEkEAABejyDRRJIIAAAAA0kiAADwejYRJZ6PJhEAAHg9tsAxMd0MAAAAA0kiAADwemyBYyJJBAAAgIEkEQAAeD2CRBNJIgAAAAwkiQAAwOv5ECUaSBIBAABgKJQm8fjx44VxGwAAAI+w2dx3FFcuN4n/+c9/9P777zte9+nTR+XKlVPFihX1ww8/FGpxAAAA14LNZnPbUVy53CTOnDlTlStXliQlJSUpKSlJy5YtU5cuXTRmzJhCLxAAAADXnstfXElLS3M0iUuWLFGfPn3UsWNHVatWTc2bNy/0AgEAANytGAd+buNykli2bFnt379fkvTFF1+oQ4cOkiTLspSXl1e41QEAAMAjXE4Se/XqpX79+ql27do6evSounTpIknavHmzatWqVegFAgAAuBtb4JhcbhKnTp2qatWqaf/+/ZoyZYpKly4tSTp48KAeeuihQi8QAAAA157LTWLJkiU1evRo4/zIkSMLpSAAAIBrjRzRVKAm8bPPPivwDe+4444rLgYAAABFQ4GaxJ49exboZjabjS+vAACAYqc472foLgVqEvPz891dBwAAgMf40CMarurX8p0+fbqw6gAAAEAR4nKTmJeXp8mTJ6tixYoqXbq09uzZI0kaN26c3n777UIvEAAAwN34tXwml5vEp59+WrNnz9aUKVPk5+fnOF+/fn299dZbhVocAAAAPMPlJvGdd97RG2+8of79+8vX19dxvlGjRtqxY0ehFgcAAHAt2GzuO4orl5vE33///YK/WSU/P1+5ubmFUhQAAAA8y+UmMTo6Wl9//bVx/qOPPlKTJk0KpSgAAIBriTWJJpd/48r48eMVGxur33//Xfn5+frkk0+0c+dOvfPOO1qyZIk7agQAAMA15nKS2KNHDy1evFgrVqxQYGCgxo8fr+3bt2vx4sW67bbb3FEjAACAW/nY3HcUVy4niZLUqlUrJSUlFXYtAAAAHlGcp4Xd5YqaREnauHGjtm/fLunPdYpNmzYttKIAAADgWS43ib/99pvuuece/e9//1NISIgk6fjx47r11lu1YMECVapUqbBrBAAAcCtyRJPLaxIffPBB5ebmavv27Tp27JiOHTum7du3Kz8/Xw8++KA7agQAAMA15nKSuGbNGq1bt0516tRxnKtTp45eeeUVtWrVqlCLAwAAuBZ8WJNocDlJrFy58gU3zc7Ly1NUVFShFAUAAADPcrlJfO655zRixAht3LjRcW7jxo165JFH9PzzzxdqcQAAANcCv5bPVKDp5rJlyzp9NTw7O1vNmzdXiRJ/vv3s2bMqUaKEHnjgAfXs2dMthQIAAODaKVCT+NJLL7m5DAAAAM9hn0RTgZrE2NhYd9cBAACAIuSKN9OWpNOnT+vMmTNO54KCgq6qIAAAgGuNINHk8hdXsrOzNXz4cIWFhSkwMFBly5Z1OgAAAIobH5vNbYcrEhMTdfPNN6tMmTIKCwtTz549tXPnTqcxp0+fVlxcnMqVK6fSpUurd+/eSk9Pdxqzb98+devWTQEBAQoLC9OYMWN09uxZ1z4Tl0ZLeuyxx7Rq1SrNmDFDdrtdb731liZOnKioqCi98847rt4OAAAA/9+aNWsUFxenb7/9VklJScrNzVXHjh2VnZ3tGDNy5EgtXrxYH374odasWaMDBw6oV69ejut5eXnq1q2bzpw5o3Xr1mnOnDmaPXu2xo8f71ItNsuyLFfeUKVKFb3zzjtq27atgoKC9P3336tWrVqaO3eu3nvvPS1dutSlAtzBv8lwT5cAwE3+2PCqp0sA4CalrmoR3NV56JOf3Hbv6b2ir/i9hw8fVlhYmNasWaPWrVsrIyNDFSpU0Pz583XnnXdKknbs2KF69eopOTlZt9xyi5YtW6bbb79dBw4cUHh4uCRp5syZGjt2rA4fPiw/P78CPdvlJPHYsWOqUaOGpD/XHx47dkyS1LJlS61du9bV2wEAAFzXcnJylJmZ6XTk5OQU6L0ZGRmSpNDQUEnSpk2blJubqw4dOjjG1K1bV1WqVFFycrIkKTk5WQ0aNHA0iJLUqVMnZWZmatu2bQWu2+UmsUaNGtq7d6+jqA8++ECStHjxYoWEhLh6OwAAAI+z2WxuOxITExUcHOx0JCYmXram/Px8Pfroo2rRooXq168vSUpLS5Ofn5/Rc4WHhystLc0x5q8N4rnr564VlMvB7sCBA/XDDz+oTZs2evzxx9W9e3e9+uqrys3N1Ysvvujq7QAAAK5rCQkJio+Pdzpnt9sv+764uDj9+OOP+uabb9xV2iW53CSOHDnS8ecOHTpox44d2rRpk2rVqqWGDRsWanFXav1nz3q6BABusmnvH54uAYCbtKjtuV1SXJ5adYHdbi9QU/hXw4cP15IlS7R27VpVqlTJcT4iIkJnzpzR8ePHndLE9PR0RUREOMZ89913Tvc79+3nc2MK4qo/k6pVq6pXr15FpkEEAAAorizL0vDhw7Vw4UKtWrVK1atXd7retGlTlSxZUitXrnSc27lzp/bt26eYmBhJUkxMjLZu3apDhw45xiQlJSkoKEjR0QX/Ek2BksRp06YV+IYPP/xwgccCAAAUBUXl1/LFxcVp/vz5+vTTT1WmTBnHGsLg4GD5+/srODhYgwYNUnx8vEJDQxUUFKQRI0YoJiZGt9xyiySpY8eOio6O1n333acpU6YoLS1NTzzxhOLi4lxKNAu0Bc75XexFb2azac+ePQV+uLts2Z/l6RIAuMmJ07meLgGAm3hyuvnRT3e47d4v9ahb4LEXa1ZnzZqlAQMGSPpzM+1Ro0bpvffeU05Ojjp16qTp06c7TSX/+uuvGjZsmFavXq3AwEDFxsbq2WefVYkSBV9p6PI+icUBTSJw/aJJBK5fNIlFiwe3rQQAACgafIrGbHOR4s4v8wAAAKCYIkkEAABer6h8caUoIUkEAACAgSQRAAB4PdYkmq4oSfz666917733KiYmRr///rskae7cuR77tTEAAAAoXC43iR9//LE6deokf39/bd68WTk5OZKkjIwMPfPMM4VeIAAAgLvZbO47iiuXm8SnnnpKM2fO1JtvvqmSJUs6zrdo0ULff/99oRYHAABwLfjYbG47iiuXm8SdO3eqdevWxvng4GAdP368MGoCAACAh7ncJEZERCg1NdU4/80336hGjRqFUhQAAMC15OPGo7hyufbBgwfrkUce0fr162Wz2XTgwAHNmzdPo0eP1rBhw9xRIwAAAK4xl7fAefzxx5Wfn6/27dvr5MmTat26tex2u0aPHq0RI0a4o0YAAAC3KsZLB93GZlmWdSVvPHPmjFJTU5WVlaXo6GiVLl26sGu7Ylv2Z3m6BABucuJ0rqdLAOAmLWqX9diz/73sZ7fd++kuN7jt3u50xZtp+/n5KTo6ujBrAQAA8Iji/C1kd3G5SWzXrt0lf7/hqlWrrqogAAAAeJ7LTWLjxo2dXufm5iolJUU//vijYmNjC6suAACAa4Yg0eRykzh16tQLnp8wYYKyslgLCAAAih9+d7Op0Lbvuffee/Xf//63sG4HAAAAD7riL66cLzk5WaVKlSqs2wEAAFwzfHHF5HKT2KtXL6fXlmXp4MGD2rhxo8aNG1dohQEAAMBzXG4Sg4ODnV77+PioTp06mjRpkjp27FhohQEAAFwrBIkml5rEvLw8DRw4UA0aNFDZsp7b8BIAAADu5dIXV3x9fdWxY0cdP37cTeUAAABcez429x3Flcvfbq5fv7727NnjjloAAABQRLjcJD711FMaPXq0lixZooMHDyozM9PpAAAAKG5sbvynuCrwmsRJkyZp1KhR6tq1qyTpjjvucPr1fJZlyWazKS8vr/CrBAAAcKPiPC3sLgVuEidOnKihQ4fqq6++cmc9AAAAKAIK3CRaliVJatOmjduKAQAA8ASSRJNLaxJtbCIEAADgFVzaJ/GGG264bKN47NixqyoIAADgWiMIM7nUJE6cONH4jSsAAAC4/rjUJPbt21dhYWHuqgUAAMAjWJNoKvCaRGJYAAAA7+Hyt5sBAACuN2RhpgI3ifn5+e6sAwAAwGN86BINLv9aPgAAAFz/XPriCgAAwPWIL66YSBIBAABgIEkEAABejyWJJpJEAAAAGEgSAQCA1/MRUeL5SBIBAABgIEkEAABejzWJJppEAADg9dgCx8R0MwAAAAwkiQAAwOvxa/lMJIkAAAAwkCQCAACvR5BoIkkEAACAgSQRAAB4PdYkmkgSAQAAYCBJBAAAXo8g0USTCAAAvB5TqyY+EwAAABhIEgEAgNezMd9sIEkEAAAoQtauXavu3bsrKipKNptNixYtcro+YMAA2Ww2p6Nz585OY44dO6b+/fsrKChIISEhGjRokLKyslyqgyYRAAB4PZsbD1dlZ2erUaNGeu211y46pnPnzjp48KDjeO+995yu9+/fX9u2bVNSUpKWLFmitWvXasiQIS7VwXQzAABAEdKlSxd16dLlkmPsdrsiIiIueG379u364osvtGHDBjVr1kyS9Morr6hr1656/vnnFRUVVaA6SBIBAIDX87HZ3Hbk5OQoMzPT6cjJybmqelevXq2wsDDVqVNHw4YN09GjRx3XkpOTFRIS4mgQJalDhw7y8fHR+vXrC/6ZXFWFAAAAuKTExEQFBwc7HYmJiVd8v86dO+udd97RypUr9Z///Edr1qxRly5dlJeXJ0lKS0tTWFiY03tKlCih0NBQpaWlFfg5TDcDAACv587vNickJCg+Pt7pnN1uv+L79e3b1/HnBg0aqGHDhqpZs6ZWr16t9u3bX/F9z0eTCAAAvJ47d8Cx2+1X1RReTo0aNVS+fHmlpqaqffv2ioiI0KFDh5zGnD17VseOHbvoOsYLYboZAACgGPvtt9909OhRRUZGSpJiYmJ0/Phxbdq0yTFm1apVys/PV/PmzQt8X5JEAADg9YrSZtpZWVlKTU11vN67d69SUlIUGhqq0NBQTZw4Ub1791ZERIR2796txx57TLVq1VKnTp0kSfXq1VPnzp01ePBgzZw5U7m5uRo+fLj69u1b4G82SySJAAAARcrGjRvVpEkTNWnSRJIUHx+vJk2aaPz48fL19dWWLVt0xx136IYbbtCgQYPUtGlTff31105T2vPmzVPdunXVvn17de3aVS1bttQbb7zhUh02y7KsQv3JioAt+13bURxA8XHidK6nSwDgJi1ql/XYs9/f/Lvb7n13k4puu7c7kSQCAADAwJpEAADg9YrSmsSigiQRAAAABpJEAADg9cgRTSSJAAAAMJAkAgAAr8eaRBNNIgAA8HpMrZr4TAAAAGAgSQQAAF6P6WYTSSIAAAAMJIkAAMDrkSOaSBIBAABgIEkEAABejyWJJpJEAAAAGEgSAQCA1/NhVaKBJhEAAHg9pptNTDcDAADAQJIIAAC8no3pZgNJIgAAAAwkiQAAwOuxJtFEkggAAAADSSIAAPB6bIFjIkkEAACAgSQRAAB4PdYkmmgSAQCA16NJNDHdDAAAAANJIgAA8Hpspm0iSQQAAICBJBEAAHg9H4JEA0kiAAAADCSJAADA67Em0USSCAAAAANJIgAA8Hrsk2iiSQQAAF6P6WYT080AAAAwkCQCAACvxxY4JpJEAAAAGEgSAQCA12NNookkEQAAAAaSRBQLp05ma8HsGfrum6+UcfwPVa9VRwMfGq1adW+UJK3/epW+XPKR9vy8Q1knMjRl5nxVr1XHw1UDuJCdP27WFx+/q19271TGsSMa/u//6KaYNo7rm9Z9pdXLFuqX1B3KPpGpCdPeUZUaNzjdY86rz+qnlA06fuyI7KX8VateA901IE6Rlatd458G1wu2wDGRJKJYmPHCZG3ZtF4jHp+sF958X42a3qJJjw3T0SOHJEmnT59S3fqNde/gER6uFMDl5Jw+pco1auveoaMvcv20akc30l0D4i56j6q16uqBR5/Q0zPe06hJL0mWpRfGP6L8vDw3VQ14H5JEFHk5Oae1/utVemzSC4pueJMkqU/sP7Xx27X68rOPdM8DD6nNbd0kSYfSDniyVAAF0LDZrWrY7NaLXr/1710kSUfSL/73uW3nno4/lw+P0j/u+6eeHHGfjhw6qLDISoVWK7wHQaKJJhFFXn5envLz8+TnZ3c67+dn144fUzxTFIAiI+f0KX2z4nOVD49SaPlwT5eDYsqH+WZDkZ5u3r9/vx544IFLjsnJyVFmZqbTcSYn5xpViGvBPyBQN0Q31EfvvqVjRw4rLy9Pa1cs1c/bt+qPY0c8XR4AD1n1+Ucadmc7DbuznbZuStbop6apRMmSni4LuG4U6Sbx2LFjmjNnziXHJCYmKjg42Ol4+7UXrlGFuFZGPD5Jliz9s29n9esSo6ULF6hlu07yYfdTwGvd0razJrw8R2OfnaGIqMqa8ey/lXuGkABXxubGo7jy6HTzZ599dsnre/bsuew9EhISFB8f73Tu50O5V1UXip6IqMqa9OKbOn3qlE6dzFLZchX04uTHFRZR0dOlAfCQgMDSCggsrfCKVVSzTn0N73ubNiWv0S1tOnq6NOC64NEmsWfPnrLZbLIs66JjbJdZI2C322W3n7dWLSOrUOpD0VPK31+l/P2VdSJTP2xM1r2DH/F0SQCKAEuWJEtnc894uhQUV8U58nMTjzaJkZGRmj59unr06HHB6ykpKWratOk1rgpFUcqGdbIsKapyVaUd2K+5b7ysipWrqV3n7pKkE5kZOnIoTX8cPSxJOrD/V0lSSGg5lQ0t77G6AZhOnzqpQwd/c7w+kn5A+/b8rMDSQSoXFqGsExk6djhdx4/+ueY47bc//z4Hly2n4LLldCjtd21Yu0I33tRcZYJC9MfRQ1r64Tsq6We/5LemAbjGo01i06ZNtWnTpos2iZdLGeE9TmZnaf7br+rokUMqXSZIzVu11z0DH1KJEn8uUt+YvEbTn5voGP/S0wmSpLvuG6I+sf/0SM0ALuyXXds15V//twfigrdeliS1aN9Vg0aOV8r6r/Xfl55yXJ85ZZwk6Y57Bqln/8EqWdJPP29LUdJnC5SddUJBIaGqc2Nj/eu5NxUUEnptfxhcN/i1fCab5cEu7Ouvv1Z2drY6d+58wevZ2dnauHGj2rRpc8HrF7NlP9PNwPXqxGnWHAPXqxa1y3rs2et3Z7jt3s1rBrvt3u7k0SSxVatWl7weGBjocoMIAADgKrZJNLGZNgAA8Hr0iKYivU8iAAAAPIMkEQAAgCjRQJIIAABQhKxdu1bdu3dXVFSUbDabFi1a5HTdsiyNHz9ekZGR8vf3V4cOHbRr1y6nMceOHVP//v0VFBSkkJAQDRo0SFlZrn2xlyYRAAB4PZsb/3FVdna2GjVqpNdee+2C16dMmaJp06Zp5syZWr9+vQIDA9WpUyedPn3aMaZ///7atm2bkpKStGTJEq1du1ZDhgxx7TPx5BY47sIWOMD1iy1wgOuXJ7fA2bg30233blY96Irfa7PZtHDhQvXs2VPSnyliVFSURo0apdGjR0uSMjIyFB4ertmzZ6tv377avn27oqOjtWHDBjVr1kyS9MUXX6hr16767bffFBUVVaBnkyQCAACvZ7O578jJyVFmZqbTkZOTc0V17t27V2lpaerQoYPjXHBwsJo3b67k5GRJUnJyskJCQhwNoiR16NBBPj4+Wr9+fYGfRZMIAADgRomJiQoODnY6EhMTr+heaWlpkqTw8HCn8+Hh4Y5raWlpCgsLc7peokQJhYaGOsYUBN9uBgAAXs+dX25OSEhQfHy80zm73e7GJxYOmkQAAAA3dol2u73QmsKIiAhJUnp6uiIjIx3n09PT1bhxY8eYQ4cOOb3v7NmzOnbsmOP9BcF0MwAAQDFRvXp1RUREaOXKlY5zmZmZWr9+vWJiYiRJMTExOn78uDZt2uQYs2rVKuXn56t58+YFfhZJIgAA8HpXslWNu2RlZSk1NdXxeu/evUpJSVFoaKiqVKmiRx99VE899ZRq166t6tWra9y4cYqKinJ8A7pevXrq3LmzBg8erJkzZyo3N1fDhw9X3759C/zNZokmEQAAoEjZuHGj2rVr53h9bj1jbGysZs+erccee0zZ2dkaMmSIjh8/rpYtW+qLL75QqVKlHO+ZN2+ehg8frvbt28vHx0e9e/fWtGnTXKqDfRIBFCvskwhcvzy5T2LKvhNuu3fjKmXcdm93Yk0iAAAADEw3AwAAr1d0ViQWHSSJAAAAMJAkAgAAECUaaBIBAIDXK0pb4BQVTDcDAADAQJIIAAC8no0g0UCSCAAAAANJIgAA8HoEiSaSRAAAABhIEgEAAIgSDSSJAAAAMJAkAgAAr8c+iSaSRAAAABhIEgEAgNdjn0QTTSIAAPB69IgmppsBAABgIEkEAAAgSjSQJAIAAMBAkggAALweW+CYSBIBAABgIEkEAABejy1wTCSJAAAAMJAkAgAAr0eQaKJJBAAAoEs0MN0MAAAAA0kiAADwemyBYyJJBAAAgIEkEQAAeD22wDGRJAIAAMBAkggAALweQaKJJBEAAAAGkkQAAACiRANNIgAA8HpsgWNiuhkAAAAGkkQAAOD12ALHRJIIAAAAA0kiAADwegSJJpJEAAAAGEgSAQAAiBINJIkAAAAwkCQCAACvxz6JJppEAADg9dgCx8R0MwAAAAwkiQAAwOsRJJpIEgEAAGAgSQQAAF6PNYkmkkQAAAAYSBIBAABYlWggSQQAAICBJBEAAHg91iSaaBIBAIDXo0c0Md0MAAAAA0kiAADwekw3m0gSAQAAYKBJBAAAXs/mxn9cMWHCBNlsNqejbt26juunT59WXFycypUrp9KlS6t3795KT08v7I9DEk0iAABAkXLjjTfq4MGDjuObb75xXBs5cqQWL16sDz/8UGvWrNGBAwfUq1cvt9TBmkQAAIAitCaxRIkSioiIMM5nZGTo7bff1vz58/X3v/9dkjRr1izVq1dP3377rW655ZZCrYMkEQAAwI1ycnKUmZnpdOTk5Fx0/K5duxQVFaUaNWqof//+2rdvnyRp06ZNys3NVYcOHRxj69atqypVqig5ObnQ66ZJBAAAXs/mxiMxMVHBwcFOR2Ji4gXraN68uWbPnq0vvvhCM2bM0N69e9WqVSudOHFCaWlp8vPzU0hIiNN7wsPDlZaWVpgfhySmmwEAANy6BU5CQoLi4+Odztnt9guO7dKli+PPDRs2VPPmzVW1alV98MEH8vf3d1+RF0CSCAAA4EZ2u11BQUFOx8WaxPOFhITohhtuUGpqqiIiInTmzBkdP37caUx6evoF1zBeLZpEAADg9YrKFjjny8rK0u7duxUZGammTZuqZMmSWrlypeP6zp07tW/fPsXExFztR2BguhkAAKCIGD16tLp3766qVavqwIEDevLJJ+Xr66t77rlHwcHBGjRokOLj4xUaGqqgoCCNGDFCMTExhf7NZokmEQAAoMhsgfPbb7/pnnvu0dGjR1WhQgW1bNlS3377rSpUqCBJmjp1qnx8fNS7d2/l5OSoU6dOmj59ultqsVmWZbnlzh60ZX+Wp0sA4CYnTud6ugQAbtKidlmPPftw1lm33btC6eKZyRXPqgEAAApREQkSixS+uAIAAAADSSIAAPB67twnsbiiSQQAAF7varequR4x3QwAAAADSSIAAPB6TDebSBIBAABgoEkEAACAgSYRAAAABtYkAgAAr8eaRBNJIgAAAAwkiQAAwOuxT6KJJhEAAHg9pptNTDcDAADAQJIIAAC8HkGiiSQRAAAABpJEAAAAokQDSSIAAAAMJIkAAMDrsQWOiSQRAAAABpJEAADg9dgn0USSCAAAAANJIgAA8HoEiSaaRAAAALpEA9PNAAAAMJAkAgAAr8cWOCaSRAAAABhIEgEAgNdjCxwTSSIAAAAMNsuyLE8XAVypnJwcJSYmKiEhQXa73dPlAChE/P0GPIsmEcVaZmamgoODlZGRoaCgIE+XA6AQ8fcb8CymmwEAAGCgSQQAAICBJhEAAAAGmkQUa3a7XU8++SSL2oHrEH+/Ac/iiysAAAAwkCQCAADAQJMIAAAAA00iAAAADDSJAAAAMNAkolh77bXXVK1aNZUqVUrNmzfXd9995+mSAFyltWvXqnv37oqKipLNZtOiRYs8XRLglWgSUWy9//77io+P15NPPqnvv/9ejRo1UqdOnXTo0CFPlwbgKmRnZ6tRo0Z67bXXPF0K4NXYAgfFVvPmzXXzzTfr1VdflSTl5+ercuXKGjFihB5//HEPVwegMNhsNi1cuFA9e/b0dCmA1yFJRLF05swZbdq0SR06dHCc8/HxUYcOHZScnOzBygAAuD7QJKJYOnLkiPLy8hQeHu50Pjw8XGlpaR6qCgCA6wdNIgAAAAw0iSiWypcvL19fX6WnpzudT09PV0REhIeqAgDg+kGTiGLJz89PTZs21cqVKx3n8vPztXLlSsXExHiwMgAArg8lPF0AcKXi4+MVGxurZs2a6W9/+5teeuklZWdna+DAgZ4uDcBVyMrKUmpqquP13r17lZKSotDQUFWpUsWDlQHehS1wUKy9+uqreu6555SWlqbGjRtr2rRpat68uafLAnAVVq9erXbt2hnnY2NjNXv27GtfEOClaBIBAABgYE0iAAAADDSJAAAAMNAkAgAAwECTCAAAAANNIgAAAAw0iQAAADDQJAIAAMBAkwgAAAADTSKAqzZgwAD17NnT8bpt27Z69NFHr3kdq1evls1m0/Hjxy86xmazadGiRQW+54QJE9S4ceOrquuXX36RzWZTSkrKVd0HAK4lmkTgOjVgwADZbDbZbDb5+fmpVq1amjRpks6ePev2Z3/yySeaPHlygcYWpLEDAFx7JTxdAAD36dy5s2bNmqWcnBwtXbpUcXFxKlmypBISEoyxZ86ckZ+fX6E8NzQ0tFDuAwDwHJJE4Dpmt9sVERGhqlWratiwYerQoYM+++wzSf83Rfz0008rKipKderUkSTt379fffr0UUhIiEJDQ9WjRw/98ssvjnvm5eUpPj5eISEhKleunB577DGd/yvgz59uzsnJ0dixY1W5cmXZ7XbVqlVLb7/9tn755Re1a9dOklS2bFnZbDYNGDBAkpSfn6/ExERVr15d/v7+atSokT766COn5yxdulQ33HCD/P391a5dO6c6C2rs2LG64YYbFBAQoBo1amjcuHHKzc01xr3++uuqXLmyAgIC1KdPH2VkZDhdf+utt1SvXj2VKlVKdevW1fTp0y/6zD/++EP9+/dXhQoV5O/vr9q1a2vWrFku1w4A7kSSCHgRf39/HT161PF65cqVCgoKUlJSkiQpNzdXnTp1UkxMjL7++muVKFFCTz31lDp37qwtW7bIz89PL7zwgmbPnq3//ve/qlevnl544QUtXLhQf//73y/63Pvvv1/JycmaNm2aGjVqpL179+rIkSOqXLmyPv74Y/Xu3Vs7d+5UUFCQ/P39JUmJiYl69913NXPmTNWuXVtr167VvffeqwoVKqhNmzbav3+/evXqpbi4OA0ZMkQbN27UqFGjXP5MypQpo9mzZysqKkpbt27V4MGDVaZMGT322GOOMampqfrggw+0ePFiZWZmatCgQXrooYc0b948SdK8efM0fvx4vfrqq2rSpIk2b96swYMHKzAwULGxscYzx40bp59++knLli1T+fLllZqaqlOnTrlcOwC4lQXguhQbG2v16NHDsizLys/Pt5KSkiy73W6NHj3acT08PNzKyclxvGfu3LlWnTp1rPz8fMe5nJwcy9/f31q+fLllWZYVGRlpTZkyxXE9NzfXqlSpkuNZlmVZbdq0sR555BHLsixr586dliQrKSnpgnV+9dVXliTrjz/+cJw7ffq0FRAQYK1bt85p7KBBg6x77rnHsizLSkhIsKKjo52ujx071rjX+SRZCxcuvOj15557zmratKnj9ZNPPmn5+vpav/32m+PcsmXLLB8fH+vgwYOWZVlWzZo1rfnz5zvdZ/LkyVZMTIxlWZa1d+9eS5K1efNmy7Isq3v37tbAgQMvWgMAFAUkicB1bMmSJSpdurRyc3OVn5+vfv36acKECY7rDRo0cFqH+MMPPyg1NVVlypRxus/p06e1e/duZWRk6ODBg2revLnjWokSJdSsWTNjyvmclJQU+fr6qk2bNgWuOzU1VSdPntRtt93mdP7MmTNq0qSJJGn79u1OdUhSTExMgZ9xzvvvv69p06Zp9+7dysrK0tmzZxUUFOQ0pkqVKqpYsaLTc/Lz87Vz506VKVNGu3fv1qBBgzR48GDHmLNnzyo4OPiCzxw2bJh69+6t77//Xh07dlTPnj116623ulw7ALgTTSJwHWvXrp1mzJghPz8/RUVFqUQJ57/ygYGBTq+zsrLUtGlTxzTqX1WoUOGKajg3feyKrKwsSdLnn3/u1JxJf66zLCzJycnq37+/Jk6cqE6dOik4OFgLFizQCy+84HKtb775ptG0+vr6XvA9Xbp00a+//qqlS5cqKSlJ7du3V1xcnJ5//vkr/2EAoJDRJALXscDAQNWqVavA42+66Sa9//77CgsLM9K0cyIjI7V+/Xq1bt1a0p+J2aZNm3TTTTddcHyDBg2Un5+vNWvWqEOHDsb1c0lmXl6e41x0dLTsdrv27dt30QSyXr16ji/hnPPtt99e/of8i3Xr1qlq1ar697//7Tj366+/GuP27dunAwcOKCoqyvEcHx8f1alTR+Hh4YqKitKePXvUv3//Aj+7QoUKio2NVWxsrFq1aqUxY8bQJAIoUvh2MwCH/v37q3z58urRo4e+/vpr7d27V6tXr9bDDz+s3377TZL0yCOP6Nlnn9WiRYu0Y8cOPfTQQ5fc47BatWqKjY3VAw88oEWLFjnu+cEHH0iSqlatKpvNpiVLlujw4cPKyspSmTJlNHr0aI0cOVJz5szR7t279f333+uVV17RnDlzJElDhw7Vrl27NGbMGO3cuVPz58/X7NmzXfp5a9eurX379mnBggXavXu3pk2bpoULFxrjSpUqpdjYWP3www/6+uuv9fDDD6tPnz6KiIiQJE2cOFGJiYmaNm2afv75Z23dulWzZs3Siy++eMHnjh8/Xp9++qlSU1O1bds2LVmyRPXq1XOpdgBwN5pEAA4BAQFau3atqlSpol69eqlevXoaNGiQTp8+7UgWR40apfvuu0+xsbGKiYlRmTJl9I9//OOS950xY4buvPNOPfTQQ6pbt64GDx6s7OxsSVLFihU1ceJEPf744woPD9fw4cMlSZMnT9a4ceOUmJioevXqqXPnzvr8889VvXp1SX+uE/z444+1aNEiNWrUSDNnztQzzzzj0s97xx13aOTIkRo+fLgaN26sdevWady4cca4WrVqqVevXuratas6duyohg0bOm1x8+CDD+qtt97SrFmz1KBBA7Vp00azZ8921Ho+Pz8/JSQkqGHDhmrdurV8fX21YMECl2oHAHezWRdbbQ4AAACvRZIIAAAAA00iAAAADDSJAAAAMNAkAgAAwECTCAAAAANNIgAAAAw0iQAAADDQJAIAAMBAkwgAAAADTSIAAAAMNIkAAAAw/D8Lf7/GKlcM+AAAAABJRU5ErkJggg==", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "plot_confusion_matrix(y_test, y_pred,(0,1))" + ] + }, + { + "cell_type": "code", + "execution_count": 59, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAr4AAAIjCAYAAADlfxjoAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8pXeV/AAAACXBIWXMAAA9hAAAPYQGoP6dpAACh6klEQVR4nOzdd3iTVRsG8Dvdk7bQllEKbdmjrLJkLymiyG6RjYrAx1AQZcpQAQWRIQiIMgWlLEFQUBBQoLKnQBkF2dBCaWmhM+f745ikaVJoSpq3be7fdfUiOTl58yRNy92T856jEkIIEBEREREVcjZKF0BEREREZAkMvkRERERkFRh8iYiIiMgqMPgSERERkVVg8CUiIiIiq8DgS0RERERWgcGXiIiIiKwCgy8RERERWQUGXyIiIiKyCgy+RBYSEBCA/v37K12G1WnRogVatGihdBnPNWXKFKhUKsTGxipdSr6jUqkwZcoUsxzr2rVrUKlUWLFihVmOBwCHDx+Gg4MD/v33X7Md09x69OiBsLAwpcsgUhyDLxUKK1asgEql0n7Z2dnBz88P/fv3x61bt5QuL19LSkrCJ598gho1asDFxQUeHh5o2rQpVq1ahYKyo/m5c+cwZcoUXLt2TelSDGRkZGD58uVo0aIFihYtCkdHRwQEBGDAgAE4evSo0uWZxdq1azF37lyly9BjyZomTJiAN954A2XLltW2tWjRQu93krOzM2rUqIG5c+dCrVYbPc6DBw/wwQcfoFKlSnByckLRokURGhqKbdu2ZfvYCQkJmDp1KmrWrAk3Nzc4OzujevXqGDNmDG7fvq3tN2bMGGzcuBGnTp3K8fOyhvcuWR+VKCj/sxE9w4oVKzBgwAB8/PHHCAwMRHJyMv7++2+sWLECAQEBOHv2LJycnBStMSUlBTY2NrC3t1e0jszu3buH1q1b4/z58+jRoweaN2+O5ORkbNy4EX/++SfCw8OxZs0a2NraKl3qM23YsAHdu3fHnj17DEZ3U1NTAQAODg4Wr+vp06fo0qULduzYgWbNmqFDhw4oWrQorl27hoiICFy8eBHXr19H6dKlMWXKFEydOhUxMTHw9va2eK0v4rXXXsPZs2fz7A+P5ORk2NnZwc7O7oVrEkIgJSUF9vb2Znlfnzx5ErVr18bBgwfx0ksvadtbtGiBK1euYMaMGQCA2NhYrF27FkeOHMH48eMxbdo0veNERUWhdevWiImJwYABA1C3bl08evQIa9aswcmTJzF69GjMmjVL7z7R0dFo06YNrl+/ju7du6NJkyZwcHDA6dOn8cMPP6Bo0aK4ePGitn+DBg1QqVIlrFq16rnPy5T3LlGBIogKgeXLlwsA4siRI3rtY8aMEQDEunXrFKpMWU+fPhUZGRnZ3h4aGipsbGzEli1bDG4bPXq0ACA+++yzvCzRqMTERJP6r1+/XgAQe/bsyZuCcmno0KECgJgzZ47Bbenp6WLWrFnixo0bQgghJk+eLACImJiYPKtHrVaLJ0+emP24r776qihbtqxZj5mRkSGePn2a6/vnRU3GjBgxQpQpU0ao1Wq99ubNm4tq1arptT19+lSULVtWuLu7i/T0dG17amqqqF69unBxcRF///233n3S09NFeHi4ACB+/PFHbXtaWpqoWbOmcHFxEX/99ZdBXfHx8WL8+PF6bV988YVwdXUVjx8/fu7zMuW9+yJe9PtMZCoGXyoUsgu+27ZtEwDE9OnT9drPnz8vunbtKry8vISjo6MICQkxGv7i4uLEe++9J8qWLSscHByEn5+f6NOnj144SU5OFpMmTRLlypUTDg4OonTp0uKDDz4QycnJescqW7as6NevnxBCiCNHjggAYsWKFQaPuWPHDgFA/Pzzz9q2mzdvigEDBghfX1/h4OAgqlatKr777ju9++3Zs0cAED/88IOYMGGCKFWqlFCpVCIuLs7oaxYZGSkAiDfffNPo7WlpaaJChQrCy8tLG5auXr0qAIhZs2aJL7/8UpQpU0Y4OTmJZs2aiTNnzhgcIyevs+Z7t3fvXjFkyBDh4+MjPD09hRBCXLt2TQwZMkRUrFhRODk5iaJFi4pu3bqJq1evGtw/65cmBDdv3lw0b97c4HVat26d+PTTT4Wfn59wdHQUrVq1EpcuXTJ4DgsWLBCBgYHCyclJ1KtXT/z5558GxzTmxo0bws7OTrz88svP7KehCb6XLl0S/fr1Ex4eHqJIkSKif//+IikpSa/vsmXLRMuWLYWPj49wcHAQVapUEV9//bXBMcuWLSteffVVsWPHDhESEiIcHR21QSanxxBCiF9++UU0a9ZMuLm5CXd3d1G3bl2xZs0aIYR8fbO+9pkDZ05/PgCIoUOHiu+//15UrVpV2NnZic2bN2tvmzx5srZvQkKCePfdd7U/lz4+PqJNmzbi2LFjz61J8x5evny53uOfP39edO/eXXh7ewsnJydRsWJFg+BoTJkyZUT//v0N2o0FXyGE6NatmwAgbt++rW374YcfBADx8ccfG32MR48eCU9PT1G5cmVt248//igAiGnTpj23Ro1Tp04JAGLTpk3P7Gfqe7dfv35G/8jQvKczM/Z9joiIEF5eXkZfx/j4eOHo6Cjef/99bVtO31NExuT8cyOiAkjzMaeXl5e27Z9//kHjxo3h5+eHsWPHwtXVFREREejUqRM2btyIzp07AwASExPRtGlTnD9/Hm+++Sbq1KmD2NhYbN26FTdv3oS3tzfUajVef/117N+/H++88w6qVKmCM2fOYM6cObh48SJ++ukno3XVrVsXQUFBiIiIQL9+/fRuW7duHby8vBAaGgpATkdo2LAhVCoVhg0bBh8fH/z666946623kJCQgPfee0/v/p988gkcHBwwevRopKSkZPsR/88//wwA6Nu3r9Hb7ezs0LNnT0ydOhUHDhxAmzZttLetWrUKjx8/xtChQ5GcnIx58+ahVatWOHPmDIoXL27S66zxv//9Dz4+Ppg0aRKSkpIAAEeOHMHBgwfRo0cPlC5dGteuXcOiRYvQokULnDt3Di4uLmjWrBlGjBiB+fPnY/z48ahSpQoAaP/NzmeffQYbGxuMHj0a8fHxmDlzJnr16oVDhw5p+yxatAjDhg1D06ZNMXLkSFy7dg2dOnWCl5fXcz/i/fXXX5Geno4+ffo8s19WYWFhCAwMxIwZM3D8+HF8++238PX1xeeff65XV7Vq1fD666/Dzs4OP//8M/73v/9BrVZj6NCheseLiorCG2+8gUGDBmHgwIGoVKmSScdYsWIF3nzzTVSrVg3jxo2Dp6cnTpw4gR07dqBnz56YMGEC4uPjcfPmTcyZMwcA4ObmBgAm/3z88ccfiIiIwLBhw+Dt7Y2AgACjr9HgwYOxYcMGDBs2DFWrVsWDBw+wf/9+nD9/HnXq1HlmTcacPn0aTZs2hb29Pd555x0EBATgypUr+Pnnnw2mJGR269YtXL9+HXXq1Mm2T1aak+s8PT21bc/7WfTw8EDHjh2xcuVKXL58GeXLl8fWrVsBwKT3V9WqVeHs7IwDBw4Y/Pxlltv3bk5l/T5XqFABnTt3xqZNm7BkyRK931k//fQTUlJS0KNHDwCmv6eIDCidvInMQTPqt2vXLhETEyNu3LghNmzYIHx8fISjo6PeR3KtW7cWwcHBeqMDarVaNGrUSFSoUEHbNmnSpGxHRzQfa65evVrY2NgYfNS4ePFiAUAcOHBA25Z5xFcIIcaNGyfs7e3Fw4cPtW0pKSnC09NTbxT2rbfeEiVLlhSxsbF6j9GjRw/h4eGhHY3VjGQGBQXl6OPsTp06CQDZjggLIcSmTZsEADF//nwhhG60zNnZWdy8eVPb79ChQwKAGDlypLYtp6+z5nvXpEkTvY9/hRBGn4dmpHrVqlXatmdNdchuxLdKlSoiJSVF2z5v3jwBQDtynZKSIooVKybq1asn0tLStP1WrFghADx3xHfkyJECgDhx4sQz+2loRseyjsB37txZFCtWTK/N2OsSGhoqgoKC9NrKli0rAIgdO3YY9M/JMR49eiTc3d1FgwYNDD6OzvzRfnbTCkz5+QAgbGxsxD///GNwHGQZ8fXw8BBDhw416JdZdjUZG/Ft1qyZcHd3F//++2+2z9GYXbt2GXw6o9G8eXNRuXJlERMTI2JiYsSFCxfEBx98IACIV199Va9vrVq1hIeHxzMf68svvxQAxNatW4UQQtSuXfu59zGmYsWK4pVXXnlmH1Pfu6aO+Br7Pu/cudPoa9m+fXu996Qp7ykiY7iqAxUqbdq0gY+PD/z9/dGtWze4urpi69at2tG5hw8f4o8//kBYWBgeP36M2NhYxMbG4sGDBwgNDcWlS5e0q0Bs3LgRNWvWNDoyolKpAADr169HlSpVULlyZe2xYmNj0apVKwDAnj17sq01PDwcaWlp2LRpk7btt99+w6NHjxAeHg5AnoizceNGdOjQAUIIvccIDQ1FfHw8jh8/rnfcfv36wdnZ+bmv1ePHjwEA7u7u2fbR3JaQkKDX3qlTJ/j5+Wmv169fHw0aNMAvv/wCwLTXWWPgwIEGJxtlfh5paWl48OABypcvD09PT4PnbaoBAwbojSw1bdoUgDxhCACOHj2KBw8eYODAgXonVfXq1UvvE4TsaF6zZ72+xgwePFjvetOmTfHgwQO970Hm1yU+Ph6xsbFo3rw5oqOjER8fr3f/wMBA7acHmeXkGL///jseP36MsWPHGpwcqvkZeBZTfz6aN2+OqlWrPve4np6eOHTokN6qBbkVExODP//8E2+++SbKlCmjd9vznuODBw8AINv3w4ULF+Dj4wMfHx9UrlwZs2bNwuuvv26wlNrjx4+f+z7J+rOYkJBg8ntLU+vzlszL7Xs3p4x9n1u1agVvb2+sW7dO2xYXF4fff/9d+/sQeLHfuUQAwKkOVKgsXLgQFStWRHx8PJYtW4Y///wTjo6O2tsvX74MIQQ++ugjfPTRR0aPcf/+ffj5+eHKlSvo2rXrMx/v0qVLOH/+PHx8fLI9VnZq1qyJypUrY926dXjrrbcAyGkO3t7e2l/iMTExePToEb755ht88803OXqMwMDAZ9asoflP7fHjx3ofu2aWXTiuUKGCQd+KFSsiIiICgGmv87Pqfvr0KWbMmIHly5fj1q1besurZQ14psoacjThJS4uDgC0a7KWL19er5+dnV22H8FnVqRIEQC619AcdWmOeeDAAUyePBmRkZF48uSJXv/4+Hh4eHhor2f3fsjJMa5cuQIAqF69uknPQcPUn4+cvndnzpyJfv36wd/fHyEhIWjfvj369u2LoKAgk2vU/KGT2+cIINtl/wICArB06VKo1WpcuXIF06ZNQ0xMjMEfEe7u7s8No1l/FosUKaKt3dRanxfoc/vezSlj32c7Ozt07doVa9euRUpKChwdHbFp0yakpaXpBd8X+Z1LBDD4UiFTv3591K1bF4AclWzSpAl69uyJqKgouLm5adfPHD16tNFRMMAw6DyLWq1GcHAwvvzyS6O3+/v7P/P+4eHhmDZtGmJjY+Hu7o6tW7fijTfe0I4waurt3bu3wVxgjRo1auhdz8loLyDnwP700084ffo0mjVrZrTP6dOnASBHo3CZ5eZ1Nlb38OHDsXz5crz33nt46aWX4OHhAZVKhR49emS7FmpOZbeUVXYhxlSVK1cGAJw5cwa1atXK8f2eV9eVK1fQunVrVK5cGV9++SX8/f3h4OCAX375BXPmzDF4XYy9rqYeI7dM/fnI6Xs3LCwMTZs2xebNm/Hbb79h1qxZ+Pzzz7Fp0ya88sorL1x3ThUrVgyA7o+lrFxdXfXmxjdu3Bh16tTB+PHjMX/+fG17lSpVcPLkSVy/ft3gDx+NrD+LlStXxokTJ3Djxo3n/p7JLC4uzugfrpmZ+t7NLkhnZGQYbc/u+9yjRw8sWbIEv/76Kzp16oSIiAhUrlwZNWvW1PZ50d+5RAy+VGjZ2tpixowZaNmyJRYsWICxY8dqR4Ts7e31/kMyply5cjh79uxz+5w6dQqtW7fO0Ue/WYWHh2Pq1KnYuHEjihcvjoSEBO1JHADg4+MDd3d3ZGRkPLdeU7322muYMWMGVq1aZTT4ZmRkYO3atfDy8kLjxo31brt06ZJB/4sXL2pHQk15nZ9lw4YN6NevH2bPnq1tS05OxqNHj/T65ea1fx7NZgSXL19Gy5Ytte3p6em4du2awR8cWb3yyiuwtbXF999/b9aThH7++WekpKRg69ateiHJlI94c3qMcuXKAQDOnj37zD8Is3v9X/Tn41lKliyJ//3vf/jf//6H+/fvo06dOpg2bZo2+Ob08TTv1ef9rBujCYhXr17NUf8aNWqgd+/eWLJkCUaPHq197V977TX88MMPWLVqFSZOnGhwv4SEBGzZsgWVK1fWfh86dOiAH374Ad9//z3GjRuXo8dPT0/HjRs38Prrrz+zn6nvXS8vL4OfSQAm72TXrFkzlCxZEuvWrUOTJk3wxx9/YMKECXp98vI9RdaBc3ypUGvRogXq16+PuXPnIjk5Gb6+vmjRogWWLFmCO3fuGPSPiYnRXu7atStOnTqFzZs3G/TTjL6FhYXh1q1bWLp0qUGfp0+falcnyE6VKlUQHByMdevWYd26dShZsqReCLW1tUXXrl2xceNGo/8xZ67XVI0aNUKbNm2wfPlyoztDTZgwARcvXsSHH35oMELz008/6c3RPXz4MA4dOqQNHaa8zs9ia2trMAL71VdfGYwkubq6AoDR/3xzq27duihWrBiWLl2K9PR0bfuaNWuyHeHLzN/fHwMHDsRvv/2Gr776yuB2tVqN2bNn4+bNmybVpRkRzjrtY/ny5WY/Rtu2beHu7o4ZM2YgOTlZ77bM93V1dTU69eRFfz6MycjIMHgsX19flCpVCikpKc+tKSsfHx80a9YMy5Ytw/Xr1/Vue97ov5+fH/z9/U3axezDDz9EWlqa3ohlt27dULVqVXz22WcGx1Kr1RgyZAji4uIwefJkvfsEBwdj2rRpiIyMNHicx48fG4TGc+fOITk5GY0aNXpmjaa+d8uVK4f4+HjtqDQA3Llzx+jvzmexsbFBt27d8PPPP2P16tVIT0/Xm+YA5M17iqwLR3yp0Pvggw/QvXt3rFixAoMHD8bChQvRpEkTBAcHY+DAgQgKCsK9e/cQGRmJmzdvarf0/OCDD7Q7gr355psICQnBw4cPsXXrVixevBg1a9ZEnz59EBERgcGDB2PPnj1o3LgxMjIycOHCBURERGDnzp3aqRfZCQ8Px6RJk+Dk5IS33noLNjb6f49+9tln2LNnDxo0aICBAweiatWqePjwIY4fP45du3bh4cOHuX5tVq1ahdatW6Njx47o2bMnmjZtipSUFGzatAl79+5FeHg4PvjgA4P7lS9fHk2aNMGQIUOQkpKCuXPnolixYvjwww+1fXL6Oj/La6+9htWrV8PDwwNVq1ZFZGQkdu3apf2IWaNWrVqwtbXF559/jvj4eDg6OqJVq1bw9fXN9Wvj4OCAKVOmYPjw4WjVqhXCwsJw7do1rFixAuXKlcvRaNPs2bNx5coVjBgxAps2bcJrr70GLy8vXL9+HevXr8eFCxf0Rvhzom3btnBwcECHDh0waNAgJCYmYunSpfD19TX6R8aLHKNIkSKYM2cO3n77bdSrVw89e/aEl5cXTp06hSdPnmDlypUAgJCQEKxbtw6jRo1CvXr14Obmhg4dOpjl5yOrx48fo3Tp0ujWrZt2m95du3bhyJEjep8MZFeTMfPnz0eTJk1Qp04dvPPOOwgMDMS1a9ewfft2nDx58pn1dOzYEZs3b87R3FlATlVo3749vv32W3z00UcoVqwYHBwcsGHDBrRu3RpNmjTR27lt7dq1OH78ON5//32994q9vT02bdqENm3aoFmzZggLC0Pjxo1hb2+Pf/75R/tpTebl2H7//Xe4uLjg5Zdffm6dprx3e/TogTFjxqBz584YMWIEnjx5gkWLFqFixYomn4QaHh6Or776CpMnT0ZwcLDBsoR58Z4iK2P5hSSIzC+7DSyEkDsDlStXTpQrV067XNaVK1dE3759RYkSJYS9vb3w8/MTr732mtiwYYPefR88eCCGDRsm/Pz8tAul9+vXT29psdTUVPH555+LatWqCUdHR+Hl5SVCQkLE1KlTRXx8vLZf1uXMNC5duqRdZH///v1Gn9+9e/fE0KFDhb+/v7C3txclSpQQrVu3Ft988422j2aZrvXr15v02j1+/FhMmTJFVKtWTTg7Owt3d3fRuHFjsWLFCoPlnDJvYDF79mzh7+8vHB0dRdOmTcWpU6cMjp2T1/lZ37u4uDgxYMAA4e3tLdzc3ERoaKi4cOGC0ddy6dKlIigoSNja2uZoA4usr1N2GxvMnz9flC1bVjg6Oor69euLAwcOiJCQENGuXbscvLpyl6tvv/1WNG3aVHh4eAh7e3tRtmxZMWDAAL3lorLbuU3z+mTetGPr1q2iRo0awsnJSQQEBIjPP/9cLFu2zKCfZgMLY3J6DE3fRo0aCWdnZ1GkSBFRv3598cMPP2hvT0xMFD179hSenp4GG1jk9OcD/21sYAwyLWeWkpIiPvjgA1GzZk3h7u4uXF1dRc2aNQ0238iupuy+z2fPnhWdO3cWnp6ewsnJSVSqVEl89NFHRuvJ7Pjx4wKAwfJa2W1gIYQQe/fuNViiTQgh7t+/L0aNGiXKly8vHB0dhaenp2jTpo12CTNj4uLixKRJk0RwcLBwcXERTk5Oonr16mLcuHHizp07en0bNGggevfu/dznpJHT964QQvz222+ievXqwsHBQVSqVEl8//33z9zAIjtqtVr4+/sLAOLTTz812ien7ykiY1RCmOlMDiIq9K5du4bAwEDMmjULo0ePVrocRajVavj4+KBLly5GP24l69O6dWuUKlUKq1evVrqUbJ08eRJ16tTB8ePHTTrZkqiw4RxfIqJsJCcnG8zzXLVqFR4+fIgWLVooUxTlO9OnT8e6detMPpnLkj777DN069aNoZesHuf4EhFl4++//8bIkSPRvXt3FCtWDMePH8d3332H6tWro3v37kqXR/lEgwYNkJqaqnQZz/Tjjz8qXQJRvsDgS0SUjYCAAPj7+2P+/Pl4+PAhihYtir59++Kzzz7T2/WNiIgKBs7xJSIiIiKrwDm+RERERGQVGHyJiIiIyCpY3RxftVqN27dvw93dndsdEhEREeVDQgg8fvwYpUqVMtjY6UVYXfC9ffs2/P39lS6DiIiIiJ7jxo0bKF26tNmOZ3XB193dHYB8IYsUKaJwNURERESUVUJCAvz9/bW5zVysLvhqpjcUKVKEwZeIiIgoHzP3tFSe3EZEREREVoHBl4iIiIisAoMvEREREVkFBl8iIiIisgoMvkRERERkFRh8iYiIiMgqMPgSERERkVVg8CUiIiIiq8DgS0RERERWgcGXiIiIiKwCgy8RERERWQUGXyIiIiKyCgy+RERERGQVGHyJiIiIyCow+BIRERGRVVA0+P7555/o0KEDSpUqBZVKhZ9++um599m7dy/q1KkDR0dHlC9fHitWrMjzOomIiIio4FM0+CYlJaFmzZpYuHBhjvpfvXoVr776Klq2bImTJ0/ivffew9tvv42dO3fmcaVEREREVNDZKfngr7zyCl555ZUc91+8eDECAwMxe/ZsAECVKlWwf/9+zJkzB6GhoXlVJhERERFZyMULavw65588OXaBmuMbGRmJNm3a6LWFhoYiMjIy2/ukpKQgISFB74uIiIiI8o/Ll4EZM4CXq99BdJX2CP+mVZ48ToEKvnfv3kXx4sX12ooXL46EhAQ8ffrU6H1mzJgBDw8P7Ze/v78lSiUiIiKiZ4iOBj7/HAgJASpUAP4evwVr/6mBdtgJFyTnyWMWqOCbG+PGjUN8fLz268aNG0qXRERERGSVrl0DZs0C6tUDypUDxo4FLhxPwiIMxhZ0gg9iAQCJbr558viKzvE1VYkSJXDv3j29tnv37qFIkSJwdnY2eh9HR0c4OjpaojwiIiIiyuLff4ENG4CICODwYf3b6uAY1qAXKiNK19ipE9y+/BIICjJ7LQUq+L700kv45Zdf9Np+//13vPTSSwpVRERERERZ3bihC7t//214uw0yMNfvC/zvzkTYqtNlo4sLMHcu8PbbwOPHeVKXosE3MTERly9f1l6/evUqTp48iaJFi6JMmTIYN24cbt26hVWrVgEABg8ejAULFuDDDz/Em2++iT/++AMRERHYvn27Uk+BiIiIiADcuqULuwcPGu9TqxYQFgaEvZqMcl2/BTShNyQEWLsWqFgxT2tUNPgePXoULVu21F4fNWoUAKBfv35YsWIF7ty5g+vXr2tvDwwMxPbt2zFy5EjMmzcPpUuXxrfffsulzIiIiIgUcPs2sHGjDLv79xvvU6OGDLvdu2fOta4y6DZpArz/PjBlCuDgkOf1qoQQIs8fJR9JSEiAh4cH4uPjUaRIEaXLISIiIipQ7t7Vhd2//gKMJcnq1XVht3JlyKkLCQmAn59+x1u3DNuQd3mtQM3xJSIiIiLLu3cP2LRJht19+4yH3SpVgPBwGXarVs10Q2Qk0Ls3UKKEvLNdpvhpJPTmJQZfIiIiIjIQE6MLu3v3Amq1YZ9KlWTYDQsDqlXLcmN6OjBtGvDJJ0BGhm7h3gkTLFG+UQy+RERERAQAiI0FNm+WYXfPHplXs6pQQRd2q1cHVCojB4qOlqO8mXfXbdQI6Nkzz2rPCQZfIiIiIiv28KEu7O7ebTzsliunC7s1amQTdgE5B2L1amDYMN2SZLa2wOTJwLhx+tMcFMDgS0RERGRl4uKAn36SYXfXLjkrIaugoP+WHguTy5BlG3YzH3TwYHnQzAdZswZo2NCM1ecegy8RERGRFXj0CNiyRebS338H0tIM+wQE6MJunTo5CLsaCQkyHWdahhb9+wPz5wPu7i9cu7kw+BIREREVUvHxwNatMuzu3Gk87JYpowu7deuaEHYzK1IE6NwZmDcP8PICliyRyzvkMwy+RERERIVIQgLw888y7O7YAaSmGvYpXVoXduvXz2XYzeqzz4DkZLlqg7+/GQ5ofgy+RERERAVcYiKwbZsMu7/8AqSkGPYpVUoOwoaHAw0aADY2uXwwIYClS+VJa2+9pWt3cgIWL87lQS2DwZeIiIioAEpKArZvl2F3+3Y52JpVyZJAt25yZLdRoxcIuxoxMcDAgXKysLOzPGiVKi94UMth8CUiIiIqIJ48kSO6ERFyhPfpU8M+xYvrwm7jxnJg1ix++w3o10/uWQzIB9+2jcGXiIiIiMzj6VPg119l2P35Zxl+s/L1Bbp2lWG3aVMzhl1ADiWPGwfMnatr8/YGli0DOnQw4wPlPQZfIiIionwmOVmemBYRIVdlSEoy7OPtrQu7zZrl0d4QZ84AvXrJfzXatQOWLwdKlMiDB8xbDL5ERERE+UByspxNoAm7mo3PMitWDOjSRYbdFi3ycCM0IYCvvgI+/FB3ppyjIzBrltyVzSzLQFgegy8RERGRQlJS5GYSERHyfLGEBMM+Xl66sNuyJWBvb4HCEhOB2bN1obdGDbkDW/XqFnjwvMPgS0RERGRBqalym+CICLltcHy8YR9PT7kfRFgY0Lq1hcJuZu7uwPffy6Q9YgQwfbpcrqyAY/AlIiIiymNpacDu3TLsbt4stw/OysMD6NRJht02bQAHBwsWmJQkv3x9dW1NmwIXLwJBQRYsJG8x+BIRERHlgbQ0YM8eXdh9+NCwj7u7Luy+/LKcRmtxx47JE9j8/OS8i8yL/Rai0Asw+BIRERGZTXo6sHevDLubNgEPHhj2cXMDOnaUYbdtWwVnEGRkAF98AUycKAuPigLmzAHef1+hgvIegy8RERHRC8jIAP78E1i3Dti4EYiNNezj6gq8/roMu6GhctMzRd24AfTtK1O6RkhIgVuX11QMvkREREQmysgA9u+XI7sbNgD37xv2cXGROTIsTC596+Ji+TqNiogABg3STTRWqYCxY4EpUyw8sdjyGHyJiIiIckCtBg4c0IVdzc69mTk7A6++KsNu+/ZypDffSEiQKzSsXKlr8/cHVq8GmjdXri4LYvAlIiIiyoZaDURGyrC7fj1w545hHycnGXLDwmTodXOzfJ3PFR8P1KkDREfr2sLDgUWL5ELBVoLBl4iIiCgTtRo4dEgXdm/dMuzj6Ai88ooMu6+9JldnyNc8PIBWrWTwdXcHFi4EevcusDuw5RaDLxEREVk9IYDDh3Vh98YNwz4ODnKubliYnLtbpIjl63whc+YAT58CH39c6JYpyykGXyIiIrJKQgBHj8qwGxEBXL9u2MfeXq7CEBYmV2Xw8LB8nSYTQs7btbcH3nhD1+7mJndjs2IMvkRERGQ1hACOH9eF3WvXDPvY2cn1dcPC5Hq7np6WrvIFxMUBgwfLJ+fmBtSvD5Qrp3RV+QaDLxERERVqQgAnT+rCbubzuzTs7OQ2wZqwW7Soxct8cXv3An36ADdvyuuJiXL5iTFjFC0rP2HwJSIiokJHCOD0aV3YvXzZsI+tLdC6tQy7nToBxYpZvEzzSE0FJk0CZs6UTxyQw9TffAN0765oafkNgy8REREVCkIAZ8/qwu7Fi4Z9bGzk4gZhYUDnzoC3t+XrNKuoKKBnTzl/Q6NFC2DVKrlGL+lh8CUiIqIC7Z9/dGH3wgXD221sZBbUhF1fX4uXaH5CyBHdkSPlSg2APJlt2jTg/fflkyYDDL5ERERU4Jw/rwu7584Z3q5Syc3IwsKALl2A4sUtX2Oeio+XWwxrQm+lSsDatXKTCsoWgy8REREVCFFRco3diAjgzBnD21UqoGlTXdgtWdLyNVqMpyewYoVcWHjwYGD2bMDFRemq8j0GXyIiIsq3Ll3Shd1Tp4z3adJEht2uXYFSpSxbn8UkJwNPnugvNxEaKic1V6umXF0FDIMvERER5StXrujC7okTxvs0aqQLu6VLW7Y+iztzRp7AVrYs8PPP+tsMM/SahMGXiIiIFHf1qi7sHjtmvE+DBjLsdu9uJQsWqNXAV1/JdXhTUuTo7uLFwJAhSldWYDH4EhERkSL+/VcXdo8cMd6nXj0Zdrt1AwICLFqesu7cAQYMAHbu1LXVqCEnMVOuMfgSERGRxVy/LjcTi4gADh0y3ickRDeyGxho2fryhS1bgLffBmJjdW0jRwLTpwNOTsrVVQgw+BIREVGeunlTF3YjI433qV1bF3bLlbNsfflGUpJcg3fJEl1byZLAypXAyy8rV1chwuBLREREZnf7ti7sHjhgvE/NmrqwW6GCZevLd+LigJdekmu2aXTqBCxdWgi2l8s/GHyJiIjILO7cATZulGF3/365uVhWwcG6sFupkuVrzLe8vOQcj6gouR7vvHnAW2/pr+BAL4zBl4iIiHLt3j1d2P3zT+Nht1o1XditUsXyNRYYCxfKndg++wyoWFHpagolBl8iIiIyyf37wKZNMuzu2ydX3cqqcmUgPFyGXS41a0REBODoCHTsqGvz9JQvLOUZBl8iIiJ6rthYXdjds8d42K1YUYbdsDAZdvkpvREJCcCIEfKENS8v4PRpK9iBI/9g8CUiIiKjHjwANm+WYfePP4CMDMM+5cvrwm5wMMPuM0VGAr16yd06AHlC2/ffA2PHKluXFWHwJSIiIq2HD4GffpJhd/duID3dsE9QkC7s1qzJsPtc6enAp5/KL81fD+7uck5v797K1mZlGHyJiIisXFyc3DMhIgL4/XfjYTcgQBd2a9dm2M2x6GgZbjMvYNyokRzptcrdOZTF4EtERGSF4uN1Yfe334C0NMM+ZcrIoBsWBtSty7BrEiGAVauAYcOAxETZZmsLTJoEjB8P2DGCKYGvOhERkZVISAB+/hlYtw7YuRNITTXs4+8vV2IICwPq12fYzbW4OLkLmyb0BgUBa9YADRsqW5eVY/AlIiIqxB4/BrZtkyO7v/4KpKQY9vHz04XdBg0AGxvL11noFC0KfPst0Lkz0L8/MH++nNdLimLwJSIiKmQSE4Ht22XY/eUXIDnZsE/Jkrqw+9JLDLsvLDVV/lWROdx26gQcPSp3ZKN8gcGXiIioEEhKkiE3IkKG3qdPDfuUKAF06ybDbuPGDLtmExUF9Owp13b78Uf9+SEMvfkKgy8REVEB9eSJnL4QESGnMzx5YtjH11cXdps0kedXkZkIAXzzDTBypPxL4/hx4NVXgb59la6MssHgS0REVIA8fQrs2CHD7s8/y5HerHx8gK5dZdht1oxhN0/ExABvvw1s3aprq1QJqF5duZrouRh8iYiI8rnkZLkKQ0SEzFmahQIyK1ZMF3abN+dqWXlq5055wtrdu7q2wYOB2bMBFxfFyqLn448FERFRPpSSItfXjYiQ6+0+fmzYp2hRoEsXGXZbtADs7S1epnVJTgbGjQPmztW1eXsDy5YBHTooVhblHIMvERFRPpGaKndOi4iQ2wYnJBj28fKSK2SFhQGtWjHsWszDh/KvizNndG3t2gHLl8uzBqlAYPAlIiJSUGoqsHu3Luw+emTYx8NDF3ZbtwYcHCxdJcHLS25CceYM4OgIzJold2XjDh8FCoMvERGRhaWlAX/8IcPu5s1yk6+sihSRy8CGhQFt2sisRQpSqeSGFE+fyrm8PImtQGLwJSIisoD0dGDPHhl2N22Sn5xn5e4OdOwow27btgy7itq6VX4DQkN1bd7e8sQ2KrAYfImIiPJIejrw558y7G7cCMTGGvZxcwNef12G3dBQwMnJ8nVSJklJwPvvA0uWyEWQz5yR/1KhwOBLRERkRhkZwF9/6cLu/fuGfVxd5SIAYWHy/ChnZ8vXSUYcOyZ3YLt4UV6/f1+u2DB2rLJ1kdkw+BIREb2gjAzgwAEZdjdsAO7dM+zj7Ay89poMu+3bc7nXfCUjA/jiC2DiRDlMD8hv0Ny5cpMKKjQYfImIiHJBrQYOHtSF3Tt3DPs4OckdbMPC5L+urpavk57jxg2gTx9g3z5dW0gIsHYtULGicnVRnmDwJSIiyiG1Gvj7bxl2168Hbt827OPoKEd0w8LkCK+bm+XrpByKiAAGDdKtIadSyWkNU6ZwzbhCisGXiIjoGYQADh3Shd2bNw37ODgAr7wiw26HDnJ1BsrnYmOBgQN1u4T4+wOrV8v9nqnQYvAlIiLKQgjgyBFd2L1+3bCPg4NchUETdj08LF8nvQBvb2DRIqBXLyA8XF728lK6KspjDL5ERESQYffYMRl2IyKAf/817GNvL9fXDQuTS5B5elq8TMqt9HS5TV7mswp79gRKlwaaNuUObFaCwZeIiKyWEMCJE7qwe/WqYR87O+Dll2XY7diRg4IFUnQ00Ls3ULmyXJ4ss2bNlKmJFMHgS0REVkUI4NQpXdi9csWwj62t3CY4LExuG1y0qMXLJHMQQs7bHToUSEwEIiPlZOzu3ZWujBTC4EtERIWeEHIDLk3YvXTJsI+tLdCqlS7sentbvEwyp7g4YPBg+Q3XCAqSJ7GR1WLwJSKiQuvsWV3YjYoyvN3GBmjZUobdzp0BHx/L10h5YO9euTZv5iU4+vcH5s/nkhtWjsGXiIgKlXPn5EoMERHyclYqFdCihQy7XboAvr4WL5HySmoqMGkSMHOmHOYH5KTsJUs4vYEAMPgSEVEhcOGCLuyePWt4u0olT9wPCwO6dgVKlLB8jZTHHjyQS24cP65ra9kSWLVKrtxABAZfIiIqoC5e1IXd06eN92nSRBd2S5WybH1kYV5euonZ9vbAtGnA++/L+SxE/2HwJSKiAuPyZV3YPXnSeJ9GjWTY7dYN8POzaHmkJBsbYMUK+c2fNw+oU0fpiigfYvAlIqJ8LTpaF3Yzf4qdWcOGurDLk/atxG+/AU5O+uvwliwJ/PWXcjVRvqf4+P/ChQsREBAAJycnNGjQAIcPH35m/7lz56JSpUpwdnaGv78/Ro4cieTkZAtVS0RElnDtGjBrFlCvHlCuHDB2rGHorV8f+OIL2TcyEhg5kqHXKiQny292aKjcbjguTumKqABRdMR33bp1GDVqFBYvXowGDRpg7ty5CA0NRVRUFHyNnGa7du1ajB07FsuWLUOjRo1w8eJF9O/fHyqVCl9++aUCz4CIiMzl+nXdyG52YyB168qR3e7dgYAAi5ZH+cGZMzLsnjkjr9+8CXzzDTBmjLJ1UYGhEkKz3oflNWjQAPXq1cOCBQsAAGq1Gv7+/hg+fDjGjh1r0H/YsGE4f/48du/erW17//33cejQIezfvz9Hj5mQkAAPDw/Ex8ejSJEi5nkiRESUKzduABs2yLD799/G+9Spowu7QUGWrY/yCbUa+OorGXBTUmSbo6P8WGDYMLlsBxUqeZXXFBvxTU1NxbFjxzBu3Dhtm42NDdq0aYPIyEij92nUqBG+//57HD58GPXr10d0dDR++eUX9OnTJ9vHSUlJQYrmhwTyhSQiIuXcuqULuwcPGu9Tq5Yu7JYvb9HyKL+5cwcYMADYuVPXFhwMrF0LVK+uXF1UICkWfGNjY5GRkYHixYvrtRcvXhwXLlwwep+ePXsiNjYWTZo0gRAC6enpGDx4MMaPH5/t48yYMQNTp041a+1ERGSa27eBjRtl2M3uA7oaNXRht2JFy9ZH+dSWLcDbbwOxsbq2kSOB6dPliW1EJipQqzrs3bsX06dPx9dff40GDRrg8uXLePfdd/HJJ5/go48+MnqfcePGYdSoUdrrCQkJ8OfZD0REee7uXV3Y/esv3UZamVWvrgu7lStbvkbKx2Ji5HzepCR5vWRJuVxZ27aKlkUFm2LB19vbG7a2trh3755e+71791Aimy11PvroI/Tp0wdvv/02ACA4OBhJSUl45513MGHCBNgYWaTa0dERjo6O5n8CRERk4N49YNMmGXb37TMedqtUAcLDZditWtXyNVIB4eMDzJ0LDBwIdOwIfPutboMKolxSLPg6ODggJCQEu3fvRqdOnQDIk9t2796NYcOGGb3PkydPDMKtra0tAEDBc/SIiKxaTIwu7O7dK89DyqpSJTmyGxYGVKvGc5HIiIwMID1dnrSm8dZbcrvh0FC+acgsFJ3qMGrUKPTr1w9169ZF/fr1MXfuXCQlJWHAgAEAgL59+8LPzw8zZswAAHTo0AFffvklateurZ3q8NFHH6FDhw7aAExERHkvNhbYvFmG3T17ZGbJqkIFXdgNDmZuoWe4cQPo21fOffnqK127SgW0a6dcXVToKBp8w8PDERMTg0mTJuHu3buoVasWduzYoT3h7fr163ojvBMnToRKpcLEiRNx69Yt+Pj4oEOHDpg2bZpST4GIyGo8fKgLu7t3Gw+75crpwm7Nmgy7lAMREcCgQcCjR/Ijg1deAdq3V7oqKqQUXcdXCVzHl4go5+Li5In169YBu3bJT6KzCgzUhd3atRl2KYcSEoARI4CVK3Vt/v7AmjVA06bK1UX5QqFbx5eIiPKnR4+ArVvlQNxvvwFpaYZ9ypbVhd2QEIZdMlFkJNC7NxAdrWsLDwcWLQK8vJSriwo9Bl8iIkJCgi7s7twJpKYa9vH314XdevUYdikX0tOBadOATz7RzZVxdwcWLpRBmG8qymMMvkREVurxY+Dnn2XY3bFDtxNsZqVLy2XHwsKA+vUBI6tGEuXMgwdAhw5ytFejUSPg++/lfBkiC2DwJSKyIomJwLZtMuz+8ovxsFuqlC7sNmzIsEtm4ukJ2P0XO2xtgUmTgPHjdW1EFsB3GxFRIZeUBGzfLsPu9u1AcrJhnxIldGG3USOGXcoDtrbA6tVAly5yakPDhkpXRFaIwZeIqBB68kSO6EZEyBHep08N+xQvDnTrJsNu48YylxCZzb59gLOznCOjUbYscPQo5/KSYhh8iYgKiadPgV9/lWH3559l+M3Kx0cXdps2ZdilPJCaCkyeDHz+uZy7e/KkPIFNg6GXFMTgS0RUgCUnyxPTNGE3MdGwj7c30LWrDLvNmnFKJeWhqCigZ0/g+HF5PTpaLlH24YfK1kX0H/76IyIqYFJS5JJjERFyCbLHjw37FC2qC7stWjDsUh4TAli6FHjvPd28Gnt7uXTZ++8rWhpRZvxVSERUAKSkAL//LsPuli1y3d2svLzkeUNhYUDLljJ3EOW5mBhg4ED5xtSoVAlYuxaoU0e5uoiMYPAlIsqnUlPlNsEREcBPPwHx8YZ9PD2Bzp1l2G3VCnBwsHSVZNV27gT69wfu3tW1DR4MzJ4NuLgoVhZRdhh8iYjykbQ04I8/ZNjdvBmIizPs4+EBdOokw26bNgy7pJB79+QbUbM+nrc3sGyZ3KSCKJ9i8CUiUlh6OrBnjwy7mzYBDx8a9nF3Bzp2lGG3bVvA0dHydRLpKV4c+OwzOa83NBRYsUIuCE2UjzH4EhEpID1dLnMaEQFs3Ch3c83KzQ14/XUZdkNDAScny9dJpKVWAxkZ+pPHhw+X+1p37sxdT6hAYPAlIrKQjAzgzz91YTcmxrCPq6v8pDgsDGjXTq7/T6S4O3fkXN5ateT6vBo2NnL5EKICgsGXiCgPZWQA+/fLsLthA3D/vmEfFxfgtddk2H3lFZ4TRPnMli3AW2/JjyV+/11+/NCqldJVEeUKgy8RkZmp1cCBA7qwm/mEdw1nZ+DVV2XYbd9ejvQS5StJSXIN3iVLdG3FiytXD5EZMPgSEZmBWg1ERurC7u3bhn2cnGTIDQuTodfNzfJ1EuXIsWNyB7aLF3VtHTsC334rV28gKqAYfImIckmtBg4dkmF3/Xrg1i3DPo6OcvpCWJiczuDubvk6iXIsIwP44gtg4kR5BiYg597MnQu8/TagUilaHtGLYvAlIjKBEMDhw7qwe+OGYR8HB3liWliYPFGtSBHL10lksthYoHt3YO9eXVtIiNyBrWJFxcoiMicGXyKi5xACOHpUF3b//dewj729POcnLEwuQebhYfk6iV6IhweQmCgvq1TA2LHAlCncIYUKFQZfIiIjhACOH5dhNyICuHbNsI+dndxMIixMTn/09LR0lURmZG8PrFkjd2NbtAho3lzpiojMjsGXiOg/QgAnT+rCbnS0YR9bW7lNcHi4DLtFi1q8TCLziIyU83dr1tS1VawInD3LzSio0GLwJSKrJgRw+rQu7F6+bNjH1lYuWxoWJjeoKlbM8nUSmU16OjBtGvDJJzLoHj2qv3g0Qy8VYgy+RGR1hJCDWpqwm3nFJg0bG6BlS13Y9fGxfJ1EZhcdDfTuLUd7AeD8eeDrr4HRo5Wti8hCGHyJyGr8848u7F64YHi7jY2c1hgWBnTpAvj6Wr5GojwhBLB6NTBsGPD4sWyztQUmTwbee0/R0ogsicGXiAq18+flSgwRETL4ZqVSAc2a6cJuiRKWr5EoT8XFAYMHyx8CjXLlgO+/Bxo2VK4uIgUw+BJRoXPxom5k98wZw9tVKqBJExl2u3YFSpa0fI1EFrF3L9CnD3Dzpq5twABg3jzupkJWicGXiAqFS5d0I7unThnv07ixLuz6+Vm2PiKLu3NHLi6dmiqve3kBS5bITSqIrBSDLxEVWFeu6MLuiRPG+7z0kgy73boBpUtbtj4iRZUsKefwTpggz9RctYo/BGT1GHyJqEC5elUXdo8dM96nQQNd2C1TxrL1ESlGCECtlietaYwZA/j7A716cZkyIjD4ElEB8O+/urB75IjxPvXq6cJuQIBFyyNSXkwMMHAgULu2HOXVsLWVc3yJCACDLxHlUzdu6MLuoUPG+4SEyLDbvTsQGGjZ+ojyjZ07gf79gbt3gW3b5D7aL72kdFVE+RKDLxHlGzdvAhs2yLCrWV8/q9q1dWG3XDnL1keUryQnA+PGAXPn6tq8vHTr9BKRAQZfIlLU7du6sHvggPE+NWvqwm6FCpatjyhfOnNGztvNvF5faCiwYgUXoyZ6BgZfIrK4O3eAjRtl2N2/X56Tk1VwsC7sVqpk+RqJ8iW1GvjqK3nSWkqKbHN0BGbOlLuy8QQ2omdi8CUii7h3Txd2//zTeNitWhUID5dht0oVy9dIlK89eCBHeXfu1LUFBwNr1wLVqytXF1EBwuBLRHnm/n1g0yYZdvftk4NVWVWuLEd2w8KAatUsXyNRgeHqCty6pbs+ciQwfTrg5KRcTUQFDIMvEZlVbCyweTOwbh2wZ4/xsFuhghzZDQuTA1UqleXrJCpwnJzk6G7HjsDixXL1BiIyCYMvEb2wBw+An36SI7u7dwMZGYZ9ypfXjezWqMGwS/Rcx47JUd7KlXVtwcHAxYuAHf/7JsoN/uQQUa7ExenC7q5dQHq6YZ+gIF3YrVWLYZcoRzIygC++ACZOlB+J/P23PIFNg6GXKNf400NEOfboEbBliwy7v/8OpKUZ9gkI0IXdOnUYdolMcuOG3Glt3z55/eRJ4Ouv5XxeInphDL5E9Ezx8cDWrTLs7txpPOyWKaMLu3XrMuwS5UpEBDBokPwLE5A/SGPHAkOHKloWUWHC4EtEBhISgJ9/lv8P79gBpKYa9ildWhd269dn2CXKtYQEYMQIYOVKXZu/P7B6NdC8uXJ1ERVCDL5EBEDucrptmwy7v/6qWxs/Mz8/ucZuWBjQoAHXyid6YZGRQO/eQHS0ri08HFi0SG4/TERmxeBLZMUSE4Ht22XY/eUXIDnZsE/Jkrqw+9JLDLtEZnPrFtCihe4jFXd3YOFCGYT5EQpRnmDwJbIySUky5EZEyND79KlhnxIlgG7dZNht3JhhlyhP+PkBo0fLTSgaNQK+/x4IDFS6KqJCjcGXyAo8eSKnL0REyOkMT54Y9vH11YXdJk0AW1vL10lUqGn26c48mjtlijw79K23uEwZkQXwp4yokHr6VJ6YFhEhT1RLSjLs4+MDdO0qw26zZgy7RHkmLg4YPBioV0+O8mrY28uVHIjIIhh8iQqR5GS55FhEhFyCLDHRsE+xYkCXLjLstmjBQSaiPLd3r1yb9+ZNuZ9369ZA7dpKV0VklfhfHlEBl5IiN5OIiJCbSyQkGPbx8tKF3ZYt5SATEeWx1FRg0iRg5kzdNAc3N+DuXWXrIrJiDL5EBVBqqtwmOCJCbhscH2/Yx9MT6NxZht3WrRl2iSwqKgro2RM4flzX1rIlsGqVXASbiBTB4EtUQKSlAbt3y7C7ebNuc6fMPDyATp1k2G3TBnBwsHSVRFZOCOCbb+QWw5olU+ztgWnTgPff5xIpRAp7oeCbnJwMJycnc9VCRFmkpQF79siwu2mTPD8mqyJFgI4dZdh9+WXA0dHydRIRgIcPgQED5AR7jUqVgLVrgTp1lKuLiLRM/tNTrVbjk08+gZ+fH9zc3BD9324zH330Eb777juzF0hkbdLT5TSGd96Rm0eEhgLffacfet3cgF695Jzee/fkp6evvcbQS6QoR0fgwgXd9SFD5FQHhl6ifMPk4Pvpp59ixYoVmDlzJhwyfY5avXp1fPvtt2YtjshapKcDf/whVzsqWVKO3C5dCjx4oOvj6gq88Yac5nD/vlzr/vXXAX7oQpRPuLoCa9YApUrJUd+vvwZcXJSuiogyMXmqw6pVq/DNN9+gdevWGDx4sLa9Zs2auJD5L10ieqaMDOCvv+Q0ho0bZZjNysUF6NBBTmN45RXA2dnydRJRNs6ckWE3KEjXVrcuEB3Nj1+I8imTg++tW7dQvnx5g3a1Wo20tDSzFEVUWGVkAAcOyLC7YYOcppCVs7OcthAWBrRvzwEjonxHrQa++goYM0aux/vXX/oLYjP0EuVbJgffqlWr4q+//kLZsmX12jds2IDaXJCbyIBaDRw8qAu7d+4Y9nFyAl59VYbdV1+Vg0hElA/duQP07w/89pu8/vffwKJFwPDhipZFRDljcvCdNGkS+vXrh1u3bkGtVmPTpk2IiorCqlWrsG3btryokajAUavl/4cREcD69cDt24Z9HB3liG5YmBzhdXOzfJ1EZIItW4C33tKffD9yJDBwoHI1EZFJVEJotpPJub/++gsff/wxTp06hcTERNSpUweTJk1C27Zt86JGs0pISICHhwfi4+NRpEgRpcuhQkQI4NAhXdi9edOwj4MD0K4dEB4uwy7fgkQFQFKSXIN3yRJdW8mSwIoVQAH4f4+oIMqrvJar4FuQMfiSOQkBHDmiC7vXrxv2sbeXS5KFhclVGDw8LF8nEeXSsWNyB7aLF3VtnTrJZVe8vRUri6iwy6u8ZvJUh6CgIBw5cgTFihXTa3/06BHq1KmjXdeXqLASQv5fqAm7164Z9rGzkwNBYWFycwlPT0tXSUQv7MYNoFEjuUc4IM80nTdPTndQqZStjYhyxeTge+3aNWRkZBi0p6Sk4NatW2Ypiii/EQI4cUKG3YgI4OpVwz52dnKb4LAwOSDk5WXxMonInPz9gf/9D5g7FwgJkTuwVayodFVE9AJyHHy3ZtqCcefOnfDI9HltRkYGdu/ejYCAALMWR6QkIYBTp3Rh98oVwz62tkDr1rqwm+WDECIqaITQH82dMQMoUwYYOlRO0ieiAi3Hc3xtbOQmbyqVClnvYm9vj4CAAMyePRuvvfaa+as0I87xpWcRQq5Jrwm7ly4Z9rGxAVq1kmG3c2dO8yMqFBISgBEjgPr15SgvESlK8Tm+arUaABAYGIgjR47Am//bUyHyzz+6sGtsA0IbG6BFC13Y9fW1eIlElFciI4FeveQcpnXrgJYtgSpVlK6KiPKAyXN8rxqb3EhUAJ0/rwu7584Z3q5SAc2by7DbpQtQvLjlaySiPJSeDnz6qfzSnLtiby/nNTH4EhVKJgdfAEhKSsK+fftw/fp1pGrOdv3PiBEjzFIYUV6IitKF3bNnDW9XqYCmTWXY7doVKFHC8jUSkQVERwO9e8vRXo1GjYDvvwcCA5Wri4jylMnB98SJE2jfvj2ePHmCpKQkFC1aFLGxsXBxcYGvry+DL+U7Fy/KZcciIoDTp433adJEF3ZLlbJsfURkQUIAq1YBw4YBiYmyzdYWmDQJGD9eLs9CRIWWyT/hI0eORIcOHbB48WJ4eHjg77//hr29PXr37o133303L2okMtnly7qwe/Kk8T6NGunCbunSFi2PiJTw6BEwaJD8xaARFASsWQM0bKhYWURkOSYH35MnT2LJkiWwsbGBra0tUlJSEBQUhJkzZ6Jfv37o0qVLXtRJ9FzR0bqwe/y48T4NG8qw262bXKKTiKyISiX3Fdfo3x+YPx9wd1esJCKyLJODr729vXZpM19fX1y/fh1VqlSBh4cHbty4YfYCiZ7l2jVd2D161Hif+vV1YbdsWYuWR0T5iYcHsHq1PFv166+B7t2VroiILMzk4Fu7dm0cOXIEFSpUQPPmzTFp0iTExsZi9erVqF69el7USKTn+nVd2D182HifunV1YZfnqRBZqagowNVVfy5T06byL2ZXV8XKIiLlmBx8p0+fjsePHwMApk2bhr59+2LIkCGoUKECvvvuO7MXSAQAN24AGzbIsPv338b71Kkjw2737nLaHhFZKSGAb74BRo6U85t27ZKLcWsw9BJZrRzv3FZYcOe2guPWLV3YPXjQeJ9atXRht3x5i5ZHRPlRTAzw9tvA1q26tkWLgMGDlauJiEym+M5tz3P8+HFMmjQJ27ZtM9chyQrdvg1s3CjD7v79xvsEB+vCbqVKlq2PiPKxnTvlCWt37+raBg8G+vZVrCQiyl9snt9FZ+fOnRg9ejTGjx+P6OhoAMCFCxfQqVMn1KtXT7utsSkWLlyIgIAAODk5oUGDBjic3aTN/zx69AhDhw5FyZIl4ejoiIoVK+KXX34x+XEp/7h7F1i4UO6SVro0MGKEYeitVg2YOlXusHb6NDBxIkMvEf0nOVlOa2jXThd6vb3lqO+iRYCLi7L1EVG+keMR3++++w4DBw5E0aJFERcXh2+//RZffvklhg8fjvDwcJw9exZVTNzicd26dRg1ahQWL16MBg0aYO7cuQgNDUVUVBR8fX0N+qempuLll1+Gr68vNmzYAD8/P/z777/w9PQ06XFJeffvA5s2yZHdffsAY38zVa4MhIfLkd1q1SxfIxEVAGfOAL16yX81QkOBFSu49SIRGcjxHN8aNWqgT58++OCDD7Bx40Z0794dDRs2REREBErncvX/Bg0aoF69eliwYAEAQK1Ww9/fH8OHD8fYsWMN+i9evBizZs3ChQsXYG9vn6vH5Bxf5cTEAJs3y7C7Z4/xsFuxogy7YWEy7KpUlq+TiAqIf/+VH/2kpMjrjo7AzJlyVzYbkz7QJKJ8Jq/yWo6Dr6urK/755x8EBARACAFHR0fs2bMHjRs3ztUDp6amwsXFBRs2bECnTp207f369cOjR4+wZcsWg/u0b98eRYsWhYuLC7Zs2QIfHx/07NkTY8aMga2trdHHSUlJQYrmlyLkC+nv78/gayEPHujC7h9/ABkZhn3Kl9eF3eBghl0iMsE77wBLl8pfHmvXAlxWk6hQUPzktqdPn8Llv3lSKpUKjo6OKFmyZK4fODY2FhkZGShevLhee/HixXHhwgWj94mOjsYff/yBXr164ZdffsHly5fxv//9D2lpaZg8ebLR+8yYMQNTp07NdZ1kuocPgZ9+kmF31y7jYTcoSBd2a9Zk2CWiXJozR+5M8/77gJOT0tUQUT5n0qoO3377Ldzc3AAA6enpWLFiBby9vfX6jBgxwnzVZaFWq+Hr64tvvvkGtra2CAkJwa1btzBr1qxsg++4ceMwatQo7XXNiC+ZV1wcsGWLDLu//w6kpxv2CQyUQTcsDKhdm2GXiEyQlCTDbcOGcuUGDVdXYMIExcoiooIlx8G3TJkyWLp0qfZ6iRIlsHr1ar0+KpUqx8HX29sbtra2uHfvnl77vXv3UCKbExJKliwJe3t7vWkNVapUwd27d5GamgoHBweD+zg6OsLR0TFHNZFp4uN1Yfe334C0NMM+Zcvqwm5ICMMuEeXCsWPyBLaoKGDNGrn7WrlySldFRAVQjoPvtWvXzPrADg4OCAkJwe7du7VzfNVqNXbv3o1hw4YZvU/jxo2xdu1aqNVq2Px34sLFixdRsmRJo6GXzC8hQa4QFBEhl8xMTTXs4++vC7v16jHsElEuZWQAX3wh1y/UfIykVgNnzzL4ElGumG0Di9wYNWoU+vXrh7p166J+/fqYO3cukpKSMGDAAABA37594efnhxkzZgAAhgwZggULFuDdd9/F8OHDcenSJUyfPj1Pp1cQ8Pgx8PPPMuzu2KE7gTozPz9d2K1fnydUE9ELunED6NNHrneoERIiT2CrWFG5uoioQFM0+IaHhyMmJgaTJk3C3bt3UatWLezYsUN7wtv169e1I7sA4O/vj507d2LkyJGoUaMG/Pz88O6772LMmDFKPYVCKzER2LZNht1ffjEedkuVkmvshoXJaXcMu0RkFhERwKBBwKNH8rpKBYwdC0yZAvDTPSJ6ATlezqyw4Dq+2UtKArZvl//nbN8uN0PKqkQJoFs3uSJDo0YMu0RkRo8fA8OHAytX6tr8/YHVq+XWjkRkNRRfzowKpydP5IhuRIQc4X361LCPr68Mu2FhQJMmQDZLJhMRvZiUFHmmrEZ4uNxy2MtLuZqIqFBh8LVCT5/KuboREXLublKSYR8fH6BrVxl2mzVj2CUiC/D2lqO93boBCxYAvXvz7FgiMqtcBd8rV65g+fLluHLlCubNmwdfX1/8+uuvKFOmDKpVq2buGskMkpPlKgwREXJVhsREwz7FiunCbvPmgB3/LCKivBQdLdfhzbyR0csvy62IPT0VK4uICi+TZ2ju27cPwcHBOHToEDZt2oTE/xLUqVOnst1EgpSRkiJHdPv0kdMVOnWSJ0RnDr1FiwJvvy0/Xbx7F1iyBGjdmqGXiPKQEHJkt2ZN4M035fXMGHqJKI+YHG/Gjh2LTz/9FKNGjYK7u7u2vVWrVliwYIFZiyPTpabKndMiIuS2wQkJhn28vIDOneXIbqtWgL29xcskImsVFwcMHix/SQHyJIPly2UAJiLKYyYH3zNnzmDt2rUG7b6+voiNjTVLUWSa1FRg9275/8jmzXJHtaw8PHRht3VrrghERArYu1d+BHXzpq6tf3+5LiIRkQWYHHw9PT1x584dBAYG6rWfOHECfn5+ZiuMni0tDfjjD13YjYsz7FOkiJzeEBYGtGkDcOdmIlJEaiowaRIwc6ZuWoOXl5xbxdBLRBZkcvDt0aMHxowZg/Xr10OlUkGtVuPAgQMYPXo0+vbtmxc10n/S04E9e2TY3bQJePjQsI+7O9Cxowy7bdsy7BKRwi5cAHr1Ao4f17W1bAmsWgWULq1cXURklUwOvtOnT8fQoUPh7++PjIwMVK1aFRkZGejZsycmTpyYFzVatfR0uWOnJuwam03i5ga8/roMu6GhgJOT5eskIjIQHQ3UqaNbINzeHpg2DXj/fe5+Q0SKyPXObdevX8fZs2eRmJiI2rVro0KFCuauLU8UhJ3bMjKAP/+UYXfjRiAmxrCPqyvQoYMMu+3aAc7Olq+TiOi5evcG1qwBKlWSy8rUqaN0RURUAOSbndv279+PJk2aoEyZMihTpozZCrF2GRnA/v26sHvvnmEfFxfgtddk2H3lFXmdiChfW7gQKFsWmDCBv7SISHEmj/g6ODjAz88Pb7zxBnr37o2qVavmVW15Ir+N+P7zD7B4MbBhg1xHNysnJ+DVV2XYffVVOdJLRJTvJCcD48YBjRrxhDUiemF5lddMDr6xsbH48ccf8cMPPyAyMhI1atRAr1698MYbb6B0AThRIT8F39hYoEwZ3fQ3DUdHoH17GXZfe03O4SUiyrfOnJEnsJ05IzefOH0a8PdXuioiKsDyKq+ZfHaBt7c3hg0bhgMHDuDKlSvo3r07Vq5ciYCAALRq1cpshVmDo0d1odfBQa7GsGaNnNO7aRPQowdDLxHlY2o1MG8eUK+eDL2A/KV29KiydRERZeOFNqYNDAzE2LFjUbNmTXz00UfYt2+fueqyChcv6i4vXgwMGKBcLUREJrlzR/7S2rlT1xYcLE9gq15dubqIiJ4h1+vJHDhwAP/73/9QsmRJ9OzZE9WrV8f27dvNWVuhlzn4VqyoXB1ERCbZsgWoUUM/9I4cCRw+zNBLRPmaySO+48aNw48//ojbt2/j5Zdfxrx589CxY0e48Gxdk126pLvM4EtE+V5SklyDd8kSXVvJksCKFXLHHCKifM7k4Pvnn3/igw8+QFhYGLy9vfOiJquhGfH19AT4UhJRvpeQINdb1OjUCVi6lL/AiKjAMDn4HjhwIC/qsDrJycC//8rLFSsCKpWy9RARPVfJksC33wI9e8qT2t56i7+8iKhAyVHw3bp1K1555RXY29tj69atz+z7+uuvm6Wwwu7KFUCzkFwB2fSOiKzNjRty8fCiRXVtHTsCV68Cvr7K1UVElEs5Cr6dOnXC3bt34evri06dOmXbT6VSISMjw1y1FWqc30tE+VpEBDBoENCmjbyceWSXoZeICqgcreqgVqvh+98vOrVane0XQ2/OcUUHIsqXEhKA/v2B8HDg0SO5reTatUpXRURkFiYvZ7Zq1SqkpKQYtKempmLVqlVmKcoaZA6+nOpARPlCZCRQqxawcqWuLTxcbiVJRFQImBx8BwwYgPj4eIP2x48fYwB3YMgxBl8iyjfS04GpU4GmTeX8XQBwdwdWrQJ++AHw8lK2PiIiMzF5VQchBFRGzuK9efMmPDw8zFKUNdDM8S1RAjDjFtRERKaJjgZ695ajvRqNGgHffw8EBipXFxFRHshx8K1duzZUKhVUKhVat24NOzvdXTMyMnD16lW0a9cuT4osbBISgLt35WXO7yUixVy+DNSpAzx+LK/b2gKTJgHjxwN2L7SjPRFRvpTj32ya1RxOnjyJ0NBQuLm5aW9zcHBAQEAAunbtavYCC6PMKzpwmgMRKaZcOaB1a+Cnn4CgIGDNGqBhQ6WrIiLKMzkOvpMnTwYABAQEIDw8HE5OTnlWVGHHFR2IKF9QqeTOa2XLAp98Iuf1EhEVYiaf3NavXz+G3hfENXyJyOJSU4GxY4Ht2/Xbvb2BuXMZeonIKuRoxLdo0aK4ePEivL294eXlZfTkNo2HDx+arbjCiiO+RGRRUVFym+Hjx4Hly4HTp4HixZWuiojI4nIUfOfMmQP3/0YD5syZ88zgS8+nCb4qlZxWR0SUJ4QAvvkGGDkSePpUtsXFAQcOAF26KFsbEZECVEIIoXQRlpSQkAAPDw/Ex8ejiALriAkht71/9AgICNAtmUlEZFYxMcDbbwNbt+raKlWSu7DVqaNcXUREOZBXec3kOb7Hjx/HmTNntNe3bNmCTp06Yfz48UhNTTVbYYVVbKwMvQCnORBRHtm5E6hRQz/0Dhkipzow9BKRFTM5+A4aNAgX//usPjo6GuHh4XBxccH69evx4Ycfmr3AwoY7thFRnklOltMa2rXTLRbu7S0D8NdfAy4uytZHRKQwk4PvxYsXUatWLQDA+vXr0bx5c6xduxYrVqzAxo0bzV1focMT24goz9y/L09e02jXDjhzBujQQbmaiIjyEZODrxACarUaALBr1y60b98eAODv74/Y2FjzVlcIcSkzIsozZcoAixYBjo7A/PnAL7/IfdGJiAiACRtYaNStWxeffvop2rRpg3379mHRokUAgKtXr6I4l8d5Lo74EpHZ3LkDuLoCmU/8eOMNoEkTwN9fubqIiPIpk0d8586di+PHj2PYsGGYMGECypcvDwDYsGEDGjVqZPYCCxtN8LW3l4MzRES5smWLPIFtxAjD2xh6iYiMMttyZsnJybC1tYW9vb05DpdnlFzOTK2WgzPJyUDlysD58xZ9eCIqDJKSgPffB5Ys0bVt2AB07apcTUREZpZXec3kqQ4ax44dw/n/klvVqlVRh0vkPNetWzL0ApzmQES5cOyY3IEt85ypTp2A5s0VK4mIqCAxOfjev38f4eHh2LdvHzw9PQEAjx49QsuWLfHjjz/Cx8fH3DUWGpzfS0S5kpEBfPEFMHEikJ4u21xcgHnzgLfekttAEhHRc5k8x3f48OFITEzEP//8g4cPH+Lhw4c4e/YsEhISMMLYXDPS4hq+RGSyGzeA1q2BsWN1oTckBDhxQu7MxtBLRJRjJo/47tixA7t27UKVKlW0bVWrVsXChQvRtm1bsxZX2HApMyIyycWLQIMGuu0eVSoZgKdMARwclKyMiKhAMnnEV61WGz2Bzd7eXru+LxnHqQ5EZJLy5WXwBeRKDXv2ANOnM/QSEeWSycG3VatWePfdd3H79m1t261btzBy5Ei0bt3arMUVNprg6+oKlCypbC1EVADY2Mid2N55Bzh1iiexERG9IJOD74IFC5CQkICAgACUK1cO5cqVQ2BgIBISEvDVV1/lRY2FQloaEB0tL1eowGl5RJRFejowdSrwxx/67SVLyqXLvLyUqYuIqBAxeY6vv78/jh8/jt27d2uXM6tSpQratGlj9uIKk2vX5InZAKc5EFEW0dFA795AZCTg5wecPg0ULap0VUREhY5JwXfdunXYunUrUlNT0bp1awwfPjyv6ip0OL+XiAwIAaxeDQwbBjx+LNvu3pVzebkhBRGR2eU4+C5atAhDhw5FhQoV4OzsjE2bNuHKlSuYNWtWXtZXaHApMyLSExcHDB4MRETo2oKCgDVrgIYNlauLiKgQy/Ec3wULFmDy5MmIiorCyZMnsXLlSnz99dd5WVuhwhFfItLauxeoUUM/9PbvD5w8ydBLRJSHchx8o6Oj0a9fP+31nj17Ij09HXfu3MmTwgobruFLREhNBcaNA1q1Am7elG2enjIAL18OuLsrWh4RUWGX46kOKSkpcHV11V63sbGBg4MDnj59mieFFTaaEd+iRXnOCpHVunkT+OorObcXAFq0AFatkmv0EhFRnjPp5LaPPvoILi4u2uupqamYNm0aPDw8tG1ffvml+aorJJ48kbuOAhztJbJqQUHAvHnAkCHAtGnA++/LtXqJiMgichx8mzVrhqioKL22Ro0aIVqzOC0AFRenNerKFd1lBl8iKxIbC7i4yC+NN9+UG1GUL69cXUREVirHwXfv3r15WEbhxhPbiKzQzp3yhLUuXYCFC3XtKhVDLxGRQvgZmwVwKTMiK5KcDIwcCbRrJ9fk/fprYPt2pasiIiLkYuc2Mh1HfImsxJkzQK9e8l+Ndu2AkBDlaiIiIi2O+FpA5qXM+AknUSGkVsuT1urV04VeR0dg/nzgl1+AEiWUrY+IiABwxNciNCO+fn6Am5uytRCRmd25AwwYIOf0agQHA2vXAtWrK1cXEREZYPDNY3FxQEyMvMz5vUSFTFQU0KSJXL1BY+RIYPp0wMlJubqIiMioXE11+Ouvv9C7d2+89NJLuHXrFgBg9erV2L9/v1mLKwy4YxtRIVa+PFC1qrxcsqQc9f3yS4ZeIqJ8yuTgu3HjRoSGhsLZ2RknTpxASkoKACA+Ph7Tp083e4EFHYMvUSFmawusXg306QOcPg20bat0RURE9AwmB99PP/0UixcvxtKlS2Fvb69tb9y4MY4fP27W4goDLmVGVEhkZACffw4cPKjfXqaM3HbY21uZuoiIKMdMnuMbFRWFZs2aGbR7eHjg0aNH5qipUOFSZkSFwI0bclR33z4gMBA4eRIoUkTpqoiIyEQmj/iWKFECly9fNmjfv38/goKCzFJUYaIJvjY2AF8eogIoIgKoUUOGXgC4dg347TdFSyIiotwxOfgOHDgQ7777Lg4dOgSVSoXbt29jzZo1GD16NIYMGZIXNRZYQujm+AYGAg4OytZDRCZISJBbDoeHA5pPs/z9gT17gG7dlKyMiIhyyeSpDmPHjoVarUbr1q3x5MkTNGvWDI6Ojhg9ejSGDx+eFzUWWPfuAY8fy8uc30tUgERGAr17A9HRurbwcGDRIsDLS7m6iIjohZgcfFUqFSZMmIAPPvgAly9fRmJiIqpWrQo37sxggPN7iQqY9HRg2jTgk0/kyWwA4O4OLFwog7BKpWx9RET0QnK9gYWDgwOqatavJKO4lBlRAXPlCjBjhi70NmoEfP+9nKtEREQFnsnBt2XLllA9Y9Tjjz/+eKGCChOO+BIVMJUqATNnAqNGAZMmAePHA3bc4JKIqLAw+Td6rVq19K6npaXh5MmTOHv2LPr162euugoFruFLlM/FxQEuLoCjo65t+HCgVSugenXl6iIiojxhcvCdM2eO0fYpU6YgMTHxhQsqTDTB19FRngxORPnI3r1ybd4ePYBZs3TtKhVDLxFRIWXycmbZ6d27N5YtW2auwxV4GRlyuiAAlC8vdzYlonwgNRUYN06O6t68CXzxBbB7t9JVERGRBZht8lpkZCScnJzMdbgC78YNICVFXuY0B6J8IioK6NkTyLy9esuWcm4vEREVeiYH3y5duuhdF0Lgzp07OHr0KD766COzFVbQ8cQ2onxECOCbb4CRI4GnT2Wbvb1cuuz99+XWikREVOiZHHw9PDz0rtvY2KBSpUr4+OOP0bZtW7MVVtAx+BLlEzExwNtvA1u36toqVQLWrgXq1FGuLiIisjiTgm9GRgYGDBiA4OBgeHH3omfiGr5E+UBUFNCiBXD3rq5tyBA5r9fFRbGyiIhIGSZ9vmdra4u2bdvikWbfejNZuHAhAgIC4OTkhAYNGuDw4cM5ut+PP/4IlUqFTp06mbUec+BSZkT5QFCQbkkVb2856vv11wy9RERWyuSJbdWrV0d05v3rX9C6deswatQoTJ48GcePH0fNmjURGhqK+/fvP/N+165dw+jRo9G0aVOz1WJOmuDr7g4UL65sLURWy94eWLMG6NIFOHMG6NBB6YqIiEhBJgffTz/9FKNHj8a2bdtw584dJCQk6H2Z6ssvv8TAgQMxYMAAVK1aFYsXL4aLi8szl0bLyMhAr169MHXqVAQFBZn8mHktNRW4dk1erlhRLgtKRHlMrQbmzwdOnNBvr1AB2LgRKFFCmbqIiCjfyHHw/fjjj5GUlIT27dvj1KlTeP3111G6dGl4eXnBy8sLnp6eJs/7TU1NxbFjx9CmTRtdQTY2aNOmDSIjI59Zi6+vL956663nPkZKSsoLh3NTRUfL/4MBzu8lsog7d4D27YF335XLlT15onRFRESUD+X45LapU6di8ODB2LNnj9kePDY2FhkZGSieZS5A8eLFceHCBaP32b9/P7777jucPHkyR48xY8YMTJ069UVLNQnn9xJZ0JYtctWG2Fh5/cIF4Ndfga5dla2LiIjynRwHXyEEAKB58+Z5VszzPH78GH369MHSpUvh7e2do/uMGzcOo0aN0l5PSEiAfx7vH8ylzIgsIClJrsG7ZImurWRJYMUKgEsrEhGRESYtZ6Yy82RVb29v2Nra4t69e3rt9+7dQwkj8/GuXLmCa9euoUOmE1TU/80psLOzQ1RUFMqVK6d3H0dHRzg6Opq17ufhUmZEeezYMTmlIfNfmZ06AUuXytUbiIiIjDAp+FasWPG54ffhw4c5Pp6DgwNCQkKwe/du7ZJkarUau3fvxrBhwwz6V65cGWfOnNFrmzhxIh4/fox58+bl+UhuTnGqA1EeycgAZs0CPvoISE+XbS4uwNy5croDzyQlIqJnMCn4Tp061WDnthc1atQo9OvXD3Xr1kX9+vUxd+5cJCUlYcCAAQCAvn37ws/PDzNmzICTkxOqV6+ud39PT08AMGhXkib4+vgA/5VHROZw4YJ+6A0JkTuw8aMVIiLKAZOCb48ePeDr62vWAsLDwxETE4NJkybh7t27qFWrFnbs2KE94e369euwsTF51TXFJCYCt2/Ly/y/mMjMqlUDPvkEGD8eGDsWmDIFcHBQuioiIiogVEJz1tpz2Nra4s6dO2YPvpaWkJAADw8PxMfHo0iRImY//smTQO3a8vKAAcAzliMmoud5/BhwdgbsMv2NnpEh1+qtW1e5uoiIKE/lVV7L8VBqDvOx1eP8XiIziYwEatUCPv1Uv93WlqGXiIhyJcfBV61WF/jRXkvgUmZELyg9HZg6FWjaVO4G88knwMGDSldFRESFgElzfOn5uJQZ0QuIjgZ695ajvRoNG8r1eYmIiF5QwTlrrIDIPOJbvrxydRAVKEIAq1bJqQ2a0GtrK0d+9+0DAgMVLY+IiAoHjviamSb4+vvLc3KI6Dni4oAhQ4B163RtQUHAmjVytJeIiMhMGHzN6MEDQLN/B6c5EOVAVBTw8svAjRu6tv79gfnzAXd3xcoiIqLCiVMdzIjze4lMVLasbpcXLy8gIgJYvpyhl4iI8gSDrxlxKTMiEzk5yZ3X2rcHTp8GundXuiIiIirEGHzNiEuZET2DEMA33wDnzum3V68ObN8OlC6tTF1ERGQ1GHzNiMGXKBsxMUCnTsCgQUDPnkBKitIVERGRFWLwNSPNHF87OyAgQNFSiPKPnTuBGjWArVvl9VOngG3blK2JiIisEoOvmQihG/ENDATs7ZWth0hxycnAe+8B7doBd+/KNm9vGYC7dlW0NCIisk5czsxMbt8GnjyRlznNgazemTNySsPZs7q20FBgxQqgRAnFyiIiIuvGEV8z4VJmRADUamDePKBePV3odXSUbb/8wtBLRESK4oivmfDENiLIkd5Ro2QABoDgYLlcWfXqytZFREQEjviaDdfwJQJQsyYwfry8PHIkcPgwQy8REeUbHPE1E474klV68kRuQmGT6W/oSZOAtm2Bpk2Vq4uIiMgIjviaiWaOr7Mz4OenbC1EFnHsGFC7NjB7tn67vT1DLxER5UsMvmaQng5cuSIvly+vP/hFVOhkZACffw40bCg/6pgwATh+XOmqiIiInotTHczg33+BtDR5mdMcqFC7cQPo0wfYt0/XVqMG4OamXE1EREQ5xLFJM+D8XrIKEREy5GpCr0oFjBsHHDzINz4RERUIHPE1A67hS4VaQgIwYgSwcqWuzd8fWL0aaN5cubqIiIhMxOBrBlzKjAqtqCigfXsgOlrXFh4OLF4MeHoqVhYREVFucKqDGXCqAxVapUsDdv/9fezuDqxaBfzwA0MvEREVSAy+ZqAJvp6egLe3oqUQmZerq9x5rUUL4NQpeWKbSqV0VURERLnC4PuCkpOB69fl5YoVmQmoABNCjuhq1ubTCAkB/vgDCAxUpi4iIiIzYfB9QVeuyLwAcH4vFWBxcUCPHkC/fkCvXrr1+TT4Fx0RERUCDL4viPN7qcDbu1cuUxYRIa8fOgRs26ZoSURERHmBwfcFcSkzKrBSU4GxY4FWrYCbN2Wblxewfj3QubOytREREeUBLmf2griUGRVIUVFAz576Ww23bCnn+JYurVxdREREeYgjvi+IwZcKFCGAJUuA2rV1odfeHpg5E9i1i6GXiIgKNY74viBN8C1RAihSRNlaiJ7rxAlg8GDd9UqV5HJldeooVxMREZGFcMT3BSQkAPfuycuc30sFQp06wKhR8vKQIXLUl6GXiIisBEd8X0DmE9s4zYHypZQUwMFBfzmy6dOBdu2Al19Wri4iIiIFcMT3BXApM8rXzpwB6tYFFi3Sb3d0ZOglIiKrxOD7Ahh8KV9Sq4F584B69YCzZ4H33wfOnVO6KiIiIsVxqsML4Bq+lO/cuQMMGADs3Klr4zwcIiIiABzxfSGaEV+VCggKUrYWImzZIndgyxx6R44EDh8GqlZVri4iIqJ8giO+uSSELviWLQs4OSlbD1mxpCQ5nWHJEl1byZLAihVA27aKlUVERJTfMPjmUmwsEB8vL3OaAynm4kWgQwf9CeedOgFLlwLe3oqVRURElB9xqkMuccc2yheKFwdSU+VlFxcZeDdtYuglIiIygsE3l7iiA+ULHh7A998DDRrIXdneflt/zV4iIiLSYvDNJQZfUsT69cCNG/ptjRsDkZF8IxIRET0Hg28ucSkzsqiEBKB/fyAsDOjbF8jI0L+do7xERETPxeCbS5oRX3t7oEwZZWuhQi4yEqhdG1i5Ul7fuxfYtk3RkoiIiAoiBt9cUKt1I77lygF2XBuD8kJ6OjB1KtC0KRAdLdvc3YFVq4DXX1e2NiIiogKIkS0Xbt4EkpPlZU5zoDwRHQ307i1HezUaNZInsgUGKlcXERFRAcYR31zg/F7KM0LIEd1atXSh19ZWjvzu28fQS0RE9AI44psLXMOX8szRo0C/frrrQUHAmjVAw4bK1URERFRIcMQ3F7iUGeWZevWAQYPk5f79gZMnGXqJiIjMhCO+ucCpDmQ2aWny7MjMy5HNng20b88T2IiIiMyMI765oBnxdXUFSpZUthYqwKKi5GiuZpkyDVdXhl4iIqI8wOBrorQ03cpSFSpw3wDKBSGAJUvk2rzHjwPDhwOXLytdFRERUaHHqQ4munpVt2kWpzmQyWJigLffBrZu1bX5+QFPnypXExERkZXgiK+JOL+Xcm3nTqBGDf3QO3iwHPUNDlauLiIiIivB4GsiLmVGJktOBkaOBNq1A+7elW3e3jIAL1oEuLgoWx8REZGV4FQHE3EpMzLJ5ctAly7AmTO6tnbtgOXLgRIllKuLiIjICnHE10QMvmQSLy/gwQN52dERmD8f+OUXhl4iIiIFMPiaSDPHt1gxoGhRZWuhAqBYMWDFCqBmTbkr2/DhXAqEiIhIIQy+JnjyBLhxQ17m/F4y6uefdfN4NV5+GTh2DKheXZmaiIiICACDr0kyL7XKaQ6kJylJrtDw+uvAm2/KtXozs7VVpi4iIiLSYvA1AZcyI6OOHQPq1JGbUgDAr78C27YpWxMREREZYPA1AZcyIz0ZGcDnn8tthzVvDhcXYOlS4LXXlK2NiIiIDHA5MxNwRQfSunED6NMH2LdP1xYSAqxdyzcHERFRPsURXxNkDr7lyytXByls3Tq5A5sm9KpUwLhxwMGDDL1ERET5GEd8TaCZ4+vnB7i5KVsLKeTvv4EePXTX/f2B1auB5s2Vq4mIiIhyhCO+ORQXB8TEyMuc32vFGjaUUxwAIDwcOHWKoZeIiKiA4IhvDnFFByulVgM2Wf4+XLAAePVVICyMm1EQEREVIBzxzSGe2GaFoqOBJk2AiAj99iJF5GgvQy8REVGBwuCbQxzxtSJCAKtWAbVqAZGRwKBBui37iIiIqMBi8M0hruFrJeLi5Mlr/foBjx/LtqJFgQcPlK2LiIiIXhiDbw5pgq+NDRAUpGwtlEf27pXLlGWe2tC/P3DypBz9JSIiogKNwTcHhNAF38BAwMFB2XrIzFJTgbFjgVatgJs3ZZunpwzAy5cD7u6KlkdERETmwVUdcuDePSAxUV7mNIdCJjoa6N4dOH5c19aihZzj6++vWFlERERkfhzxzQGu6FCIOTsD16/Ly/b2wMyZwO7dDL1ERESFEINvDjD4FmIlSwLffQdUrix3ZfvgA8N1e4mIiKhQ4P/wOcClzAqRXbsMV2h4/XXg9GmgTh1laiIiIiKLyBfBd+HChQgICICTkxMaNGiAw4cPZ9t36dKlaNq0Kby8vODl5YU2bdo8s785cCmzQiA5GRg5Enj5ZbkurxD6t9vbK1MXERERWYziwXfdunUYNWoUJk+ejOPHj6NmzZoIDQ3F/fv3jfbfu3cv3njjDezZsweRkZHw9/dH27ZtcevWrTyrURN8HR059bNAOnMGqF8fmDtXXt+4EdixQ9GSiIiIyPJUQmQd+rKsBg0aoF69eliwYAEAQK1Ww9/fH8OHD8fYsWOfe/+MjAx4eXlhwYIF6Nu373P7JyQkwMPDA/Hx8ShSpEgOjg+4uMgVr6pVA86eff5zonxCrQa++goYMwZISZFtjo7ArFnAsGHccpiIiCifMjWv5ZSiy5mlpqbi2LFjGDdunLbNxsYGbdq0QWRkZI6O8eTJE6SlpaFo0aJGb09JSUGKJvRAvpCmuHFDhl6A83sLlDt3gAEDgJ07dW3BwcDatUD16srVRURERIpRdKpDbGwsMjIyULx4cb324sWL4+7duzk6xpgxY1CqVCm0adPG6O0zZsyAh4eH9svfxLkKnN9bAG3dKndgyxx6R44EDh9m6CUiIrJiis/xfRGfffYZfvzxR2zevBlOTk5G+4wbNw7x8fHarxs3bpj0GFzKrIA5cADo2BGIjZXXS5SQAfjLL4Fs3iNERERkHRQNvt7e3rC1tcW9e/f02u/du4cSJUo8875ffPEFPvvsM/z222+oUaNGtv0cHR1RpEgRvS9TMPgWMI0aAZ07y8sdO8oT29q2VbYmIiIiyhcUDb4ODg4ICQnB7t27tW1qtRq7d+/GSy+9lO39Zs6ciU8++QQ7duxA3bp187TGzGv4cqpDPpT13EyVCli6FFi+HNi8GfD2VqYuIiIiyncUn+owatQoLF26FCtXrsT58+cxZMgQJCUlYcCAAQCAvn376p389vnnn+Ojjz7CsmXLEBAQgLt37+Lu3btITEzMk/o0I77u7kCWqciktBs3gFatgG3b9NuLFQP69+eqDURERKRH0VUdACA8PBwxMTGYNGkS7t69i1q1amHHjh3aE96uX78Om0xbyC5atAipqano1q2b3nEmT56MKVOmmLW21FTg2jV5uWJF5qh8JSJCbkTx6BHwzz9y57XnTI8hIiIi66b4Or6WZsq6cBcuAFWqyMtvvCFXwiKFJSQAI0YAK1fq2vz9gZ9+4pbDREREhURereOr+FSH/IxLmeUzkZFArVr6oTc8HDh1iqGXiIiInovB9xm4okM+kZ4OTJkCNG0KXL0q29zdgVWrgB9+ALy8FC2PiIiICgbF5/jmZwy++cC1a0DPnnK0V6NRI+D774HAQMXKIiIiooKHI77PwKXM8gEbG+DcOXnZ1haYOhXYt4+hl4iIiEzG4PsMmhFfHx/A01PRUqxXmTLA4sVAUBCwfz8waRJgxw8qiIiIyHQMvtlITARu35aXOc3Bgv76S67ckFmPHnLJsoYNlamJiIiICgUG32xknubA4GsBqanA2LFA8+bA8OGGtzs5Wb4mIiIiKlQYfLPB+b0WFBUFvPQS8PnncgviVauA335TuioiIiIqZBh8s8EVHSxACGDJEqB2beD4cdlmbw/MnAm0aaNsbURERFTo8CyhbDD45rGYGODtt4GtW3VtlSrJ7fG4GQURERHlAY74ZiPzVIfy5ZWro1DauROoUUM/9A4ZIkd9GXqJiIgoj3DENxuaEV9/f8DZWdlaCpW//gLatdNd9/YGli0DOnRQriYiIiKyChzxNeLBA+DhQ3mZ0xzMrEkTXfBt1w44c4ahl4iIiCyCI75GcH5vHlKpgOXLgc2bgcGD5XUiIiIiC+CIrxFcw9dM7t4FXn0V2L1bv71ECTmnl6GXiIiILIgjvkZkHvHlGr65tHUr8NZbQGwscOqU/CpWTOmqiIiIyIpxxNcITnV4AUlJcgpDx44y9AKAWg1cu6ZoWUREREQMvkZogq+dHRAQoGgpBcuxY0BIiNyUQqNTJ+D0adlOREREpCAG3yyE0M3xDQyUG4nRc2RkyO2GGzaU2w8DgIsLsHQpsGmTXLKMiIiISGGc45vF7dvAkyfyMqc55MDNm0CfPsDevbq2kBC5AxtfQCIiIspHOOKbBef3mujpU+DIEXlZpQLGjQMOHuSLR0RERPkOg28WXMrMRBUqAPPnyy3u9uwBpk8HHByUroqIiIjIAINvFlzK7DkOH9bNBdEYMAA4dw5o3lyZmoiIiIhygME3C051yEZ6OjB1KtCoETB6tP5tKhXg5qZMXUREREQ5xOCbhSb4OjsDfn7K1pJvREcDzZoBU6bIFRwWLZLTGoiIiIgKEAbfTNLTZcYD5DQHG2t/dYQAVq0CatUCIiNlm62tHPlt2lTR0oiIiIhMxeXMMvn3XyAtTV62+vm9cXHAkCHAunW6tqAgYM0auV4vERERUQHD4JsJ5/f+Z98+uTbvjRu6tv795eoN7u6KlUVEZCkZGRlI04yEEFGecHBwgI2FP15n8M2EwRcy9LZsKac5AICXl9yCuHt3ZesiIrIAIQTu3r2LR48eKV0KUaFnY2ODwMBAOFhwGVQG30wyr+FrtVMdmjSRJ7JpAvCqVUDp0kpXRURkEZrQ6+vrCxcXF6hUKqVLIiqU1Go1bt++jTt37qBMmTIW+1lj8M2EI76QJ6+tXg2sXw+89x7P8CMiq5GRkaENvcWKFVO6HKJCz8fHB7dv30Z6ejrs7e0t8phMNZlogq+nJ+DtrWgplhETA3TtChw4oN/u7w+MGsXQS0RWRTOn18XFReFKiKyDZopDRkaGxR6TI77/SU4Grl+XlytWlHsyFGo7d8oT1u7eBY4fB06dAooUUboqIiLFcXoDkWUo8bPGIb3/XLmiO5+rUM/vTU6WUxjatZOhFwASE/XneRAREREVQgy+/7GK+b1nzgD16gHz5una2rWT7XXrKlcXERGRQqKiolCiRAk8fvxY6VIKldjYWPj6+uLmzZtKl6KHwfc/hTr4qtUy7NarB5w9K9scHeW6vL/8ApQooWx9RET0Qvr37w+VSgWVSgV7e3sEBgbiww8/RHJyskHfbdu2oXnz5nB3d4eLiwvq1auHFStWGD3uxo0b0aJFC3h4eMDNzQ01atTAxx9/jIcPH+bxM7KccePGYfjw4XAvxOvUL1y4EAEBAXByckKDBg1w+PDhZ/Zv0aKF9v2U+evVV1/V9sn8ntN8tWvXTnu7t7c3+vbti8mTJ+fZ88oNBt//ZF7KrFAF3zt3gPbt5fSGlBTZFhwMHD0KDB9uBZOZiYisQ7t27XDnzh1ER0djzpw5WLJkiUHo+Oqrr9CxY0c0btwYhw4dwunTp9GjRw8MHjwYo0eP1us7YcIEhIeHo169evj1119x9uxZzJ49G6dOncLq1ast9rxSU1Pz7NjXr1/Htm3b0L9//xc6Tl7W+KLWrVuHUaNGYfLkyTh+/Dhq1qyJ0NBQ3L9/P9v7bNq0CXfu3NF+nT17Fra2tuieZU1/zXtO8/XDDz/o3T5gwACsWbMmf/2hJKxMfHy8ACDi4+P12ps2FULO8hUiIUGh4vLC2bNCODrqntzIkUI8fap0VURE+c7Tp0/FuXPnxNMC+DuyX79+omPHjnptXbp0EbVr19Zev379urC3txejRo0yuP/8+fMFAPH3338LIYQ4dOiQACDmzp1r9PHi4uKyreXGjRuiR48ewsvLS7i4uIiQkBDtcY3V+e6774rmzZtrrzdv3lwMHTpUvPvuu6JYsWKiRYsW4o033hBhYWF690tNTRXFihUTK1euFEIIkZGRIaZPny4CAgKEk5OTqFGjhli/fn22dQohxKxZs0TdunX12mJjY0WPHj1EqVKlhLOzs6hevbpYu3atXh9jNQohxJkzZ0S7du2Eq6ur8PX1Fb179xYxMTHa+/3666+icePGwsPDQxQtWlS8+uqr4vLly8+s8UXVr19fDB06VHs9IyNDlCpVSsyYMSPHx5gzZ45wd3cXiYmJ2jZj30tjAgMDxbfffmv0tmf9zGWX114UR3z/o5nqUKJEIduVt1o1YNYs+cR27gS+/BJwclK6KiKiAqNuXbmPj6W/XuTUi7Nnz+LgwYN6O2Jt2LABaWlpBiO7ADBo0CC4ublpR+zWrFkDNzc3/O9//zN6fE9PT6PtiYmJaN68OW7duoWtW7fi1KlT+PDDD6FWq02qf+XKlXBwcMCBAwewePFi9OrVCz///DMSExO1fXbu3IknT56gc+fOAIAZM2Zg1apVWLx4Mf755x+MHDkSvXv3xr59+7J9nL/++gt1s7zQycnJCAkJwfbt23H27Fm888476NOnj8H0gKw1Pnr0CK1atULt2rVx9OhR7NixA/fu3UNYWJj2PklJSRg1ahSOHj2K3bt3w8bGBp07d37m6zN9+nS4ubk98+u6ZlmqLFJTU3Hs2DG0adNG22ZjY4M2bdogMjIy28fM6rvvvkOPHj3g6uqq17537174+vqiUqVKGDJkCB48eGBw3/r16+Ovv/7K8WPlNS5nBiAhAbh3T14u8NMcTp0CKleWc3g1hg0DeveW2w8TEZFJ7t4Fbt1Suorn27ZtG9zc3JCeno6UlBTY2NhgwYIF2tsvXrwIDw8PlCxZ0uC+Dg4OCAoKwsX/RoEuXbqEoKAgkzcVWLt2LWJiYnDkyBEULVoUAFC+fHmTn0uFChUwc+ZM7fVy5crB1dUVmzdvRp8+fbSP9frrr8Pd3R0pKSmYPn06du3ahZdeegkAEBQUhP3792PJkiVo3ry50cf5999/DYKvn5+f3h8Hw4cPx86dOxEREYH69etnW+Onn36K2rVrY/r06dq2ZcuWwd/fHxcvXkTFihXRtWtXvcdatmwZfHx8cO7cOVSvXt1ojYMHD9YLz8aUKlXKaHtsbCwyMjJQvHhxvfbixYvjwoULzzymxuHDh3H27Fl89913eu3t2rVDly5dEBgYiCtXrmD8+PF45ZVXEBkZCVtbW73aTpw4kaPHsgQGXxSSrYozMoAvvgAmTgTefVde1lCpGHqJiHJJqfN/TX3cli1bYtGiRUhKSsKcOXNgZ2dnELRySmjW9zTRyZMnUbt2bW3oza2QkBC963Z2dggLC8OaNWvQp08fJCUlYcuWLfjxxx8BAJcvX8aTJ0/w8ssv690vNTUVtWvXzvZxnj59Cqcsn4JmZGRg+vTpiIiIwK1bt5CamoqUlBSDjU2y1njq1Cns2bMHbm5uBo9z5coVVKxYEZcuXcKkSZNw6NAhxMbGakd6r1+/nm3wLVq06Au/ni/iu+++Q3BwsF7oB4AePXpoLwcHB6NGjRooV64c9u7di9atW2tvc3Z2xpMnTyxW7/Mw+KIQrOhw4wbQpw+g+Thn9mygUyegSRNFyyIiKgyOHlW6gpxxdXXVjq4uW7YMNWvWxHfffYe33noLAFCxYkXEx8fj9u3bBiOEqampuHLlClq2bKntu3//fqSlpZk06uvs7PzM221sbAxCtWbHvKzPJatevXqhefPmuH//Pn7//Xc4OztrVxHQTIHYvn07/Pz89O7nmPkT0Cy8vb0RFxen1zZr1izMmzcPc+fORXBwMFxdXfHee+8ZnMCWtcbExER06NABn3/+ucHjaEbZO3TogLJly2Lp0qUoVaoU1Go1qlev/syT46ZPn643imzMuXPnUKZMGaPPz9bWFvc0H2v/5969eyiRg7+skpKS8OOPP+Ljjz9+bt+goCB4e3vj8uXLesH34cOH8PHxee79LYVzfFHAg29EBFCjhi70qlTAuHFAlr/MiIjIetjY2GD8+PGYOHEinj59CgDo2rUr7O3tMXv2bIP+ixcvRlJSEt544w0AQM+ePZGYmIivv/7a6PEfPXpktL1GjRo4efJktmfx+/j44M6dO3ptJ0+ezNFzatSoEfz9/bFu3TqsWbMG3bt314byqlWrwtHREdevX0f58uX1vvz9/bM9Zu3atXHu3Dm9tgMHDqBjx47o3bs3atasqTcF5Fnq1KmDf/75BwEBAQY1uLq64sGDB4iKisLEiRPRunVrVKlSxSB0GzN48GCcPHnymV/ZTXVwcHBASEgIdu/erW1Tq9XYvXu3dkrIs6xfvx4pKSno3bv3c/vevHkTDx48MJhKc/bs2WeOulucWU+VKwCMnSXYs6du0YN//lGwOFPExwvRr5+ucEAIf38h9u5VujIiogKpsK3qkJaWJvz8/MSsWbO0bXPmzBE2NjZi/Pjx4vz58+Ly5cti9uzZwtHRUbz//vt69//www+Fra2t+OCDD8TBgwfFtWvXxK5du0S3bt2yXe0hJSVFVKxYUTRt2lTs379fXLlyRWzYsEEcPHhQCCHEjh07hEqlEitXrhQXL14UkyZNEkWKFDFY1eHdd981evwJEyaIqlWrCjs7O/HXX38Z3FasWDGxYsUKcfnyZXHs2DExf/58sWLFimxft61btwpfX1+Rnp6ubRs5cqTw9/cXBw4cEOfOnRNvv/22KFKkiN7ra6zGW7duCR8fH9GtWzdx+PBhcfnyZbFjxw7Rv39/kZ6eLjIyMkSxYsVE7969xaVLl8Tu3btFvXr1BACxefPmbGt8UT/++KNwdHQUK1asEOfOnRPvvPOO8PT0FHfv3tX26dOnjxg7dqzBfZs0aSLCw8MN2h8/fixGjx4tIiMjxdWrV8WuXbtEnTp1RIUKFURycrK2X1JSknB2dhZ//vmn0dqUWNWBwVcIUa+ezI0qVQFZ6evgQSGCgvRDb3i4EA8fKl0ZEVGBVdiCrxBCzJgxQ/j4+OgtQ7VlyxbRtGlT4erqKpycnERISIhYtmyZ0eOuW7dONGvWTLi7uwtXV1dRo0YN8fHHHz9zObNr166Jrl27iiJFiggXFxdRt25dcejQIe3tkyZNEsWLFxceHh5i5MiRYtiwYTkOvufOnRMARNmyZYVarda7Ta1Wi7lz54pKlSoJe3t74ePjI0JDQ8W+ffuyrTUtLU2UKlVK7NixQ9v24MED0bFjR+Hm5iZ8fX3FxIkTRd++fZ8bfIUQ4uLFi6Jz587C09NTODs7i8qVK4v33ntPW+vvv/8uqlSpIhwdHUWNGjXE3r178zz4CiHEV199JcqUKSMcHBxE/fr1tcvLZX4+/fr102u7cOGCACB+++03g+M9efJEtG3bVvj4+Ah7e3tRtmxZMXDgQL0wLYQQa9euFZUqVcq2LiWCr0qIXM5gL6ASEhLg4eGB+Ph4FClSBELI877i44GAAODqVaUrfI69e4E2beTJbIBce23hQrlqAzejICLKteTkZFy9ehWBgYEGJzxR4bVw4UJs3boVO3fuVLqUQqdhw4YYMWIEevbsafT2Z/3MZc1r5mL1J7fFxMjQCxSQ+b2NGwMhIcDhw0CjRsD33wOBgUpXRUREVCANGjQIjx49wuPHjwv1tsWWFhsbiy5dumjnjecXVh98C9xWxfb2wJo1wLp1wJgxgJ3VfwuJiIhyzc7ODhMmTFC6jELH29sbH374odJlGLD6VR0yn6iZ79bwjYsDevUCjh3Tby9fHpgwgaGXiIiIyARWn5zy7VJme/fKtXlv3pTB9/hxIMvi2URERESUcxzxzW/BNzUVGDsWaNVKhl4AuH8f+OcfZesiIiIiKuCsfsRXM8fX3h4wsumJZUVFAT17ytFdjZYtgVWrgNKllauLiIiIqBCw6hFftVoXfMuVU3DKrBDAkiVA7dq60GtvD8ycCezaxdBLREREZAZWPeJ78yaQnCwvKzbNISYGePttYOtWXVulSsDatUCdOgoVRURERFT4WPWIb76Y33vjBvDLL7rrQ4bIUV+GXiIiIiKzsurgm3kNX8WWMqtTB/j0U8DbW476fv01V28gIqICRaVS4aefflK6jHxrypQpqFWrltJlEKw8+Coy4nvhApCWpt82erRctaFDBwsVQUREhUn//v2hUqmgUqlgb2+PwMBAfPjhh0jWzOcrxO7evYt3330X5cuXh5OTE4oXL47GjRtj0aJFePLkidLlAQBGjx6N3bt3K10Gwcrn+Fo0+KrVwFdfyd3WxowBpk7V3WZrC/j65nEBRERUmLVr1w7Lly9HWloajh07hn79+kGlUuHzzz9XurQ8Ex0djcaNG8PT0xPTp09HcHAwHB0dcebMGXzzzTfw8/PD66+/rnSZcHNzg5ubm9JlEKx8xFcz1cHVFShZMg8f6M4doH174L33gJQUObXh8OE8fEAiIrI2jo6OKFGiBPz9/dGpUye0adMGv//+u/b2Bw8e4I033oCfnx9cXFwQHByMH374Qe8YLVq0wIgRI/Dhhx+iaNGiKFGiBKZMmaLX59KlS2jWrBmcnJxQtWpVvcfQOHPmDFq1agVnZ2cUK1YM77zzDhITE7W39+/fH506dcL06dNRvHhxeHp64uOPP0Z6ejo++OADFC1aFKVLl8by5cuf+Zz/97//wc7ODkePHkVYWBiqVKmCoKAgdOzYEdu3b0eH/z5JvXbtGlQqFU6ePKm976NHj6BSqbB3715t29mzZ/HKK6/Azc0NxYsXR58+fRAbG6u9fcOGDQgODtY+rzZt2iApKQkAsHfvXtSvXx+urq7w9PRE48aN8e+//wIwnOqgef5ffPEFSpYsiWLFimHo0KFIy/SJ8J07d/Dqq6/C2dkZgYGBWLt2LQICAjB37txnvib0bFYbfNPSgOhoeblCBUClyqMH2rIFqFED2LlT1zZihGwjIqKC4csv5dKSz/syNrr4+us5u++XX5qt3LNnz+LgwYNwcHDQtiUnJyMkJATbt2/H2bNn8c4776BPnz44nGUgZuXKlXB1dcWhQ4cwc+ZMfPzxx9pwq1ar0aVLFzg4OODQoUNYvHgxxowZo3f/pKQkhIaGwsvLC0eOHMH69euxa9cuDBs2TK/fH3/8gdu3b+PPP//El19+icmTJ+O1116Dl5cXDh06hMGDB2PQoEG4qdnMKYsHDx7gt99+w9ChQ+Hq6mq0j8qE/9wfPXqEVq1aoXbt2jh69Ch27NiBe/fuISwsDIAMom+88QbefPNNnD9/Hnv37kWXLl0ghEB6ejo6deqE5s2b4/Tp04iMjMQ777zzzMffs2cPrly5gj179mDlypVYsWIFVqxYob29b9++uH37Nvbu3YuNGzfim2++wf3793P8fCgbwsrEx8cLAOLYsXghF9AVIiwsDx4oMVGIQYOE9kEAIUqUEGLnzjx4MCIielFPnz4V586dE0+fPjW8cfJk/d/n2X01bGh434YNc3bfyZNzXXu/fv2Era2tcHV1FY6OjgKAsLGxERs2bHjm/V599VXx/vvva683b95cNGnSRK9PvXr1xJgxY4QQQuzcuVPY2dmJW7duaW//9ddfBQCxefNmIYQQ33zzjfDy8hKJiYnaPtu3bxc2Njbi7t272nrLli0rMjIytH0qVaokmjZtqr2enp4uXF1dxQ8//GC09r///lsAEJs2bdJrL1asmHB1dRWurq7iww8/FEIIcfXqVQFAnDhxQtsvLi5OABB79uwRQgjxySefiLZt2+od68aNGwKAiIqKEseOHRMAxLVr1wxqefDggQAg9u7da7TWyZMni5o1a2qva55/enq6tq179+4iPDxcCCHE+fPnBQBx5MgR7e2XLl0SAMScOXOMPkZB9KyfOU1ei4+PN+tjWu0c38uXdZfNPr/32DG5A1vmScQdOwLffitXbyAiooKlSBHAz+/5/Xx8jLfl5L5FipheVyYtW7bEokWLkJSUhDlz5sDOzg5du3bV3p6RkYHp06cjIiICt27dQmpqKlJSUuCSZSWhGlk+kSxZsqR2pPH8+fPw9/dHqVKltLe/9NJLev3Pnz+PmjVr6o3CNm7cGGq1GlFRUShevDgAoFq1arCx0X3wXLx4cVSvXl173dbWFsWKFTN5lPPw4cNQq9Xo1asXUlJScny/U6dOYc+ePUbn4l65cgVt27ZF69atERwcjNDQULRt2xbdunWDl5cXihYtiv79+yM0NBQvv/wy2rRpg7CwMJR8xjzKatWqwdbWVnu9ZMmSOHPmDAAgKioKdnZ2qJNpadPy5cvDy8srx8+HjLPa4Hvliu6yWZcy++MPIDQUSE+X111cgLlz5SYVeTafgoiI8tSoUfIrNzJvUJSHXF1dUb58eQDAsmXLULNmTXz33Xd46623AACzZs3CvHnzMHfuXAQHB8PV1RXvvfceUlNT9Y5jb2+vd12lUkGtVpu9XmOPY8pjly9fHiqVClFRUXrtQUFBAABnZ2dtmyZgCyG0bWlZVlhKTExEhw4djJ4MWLJkSdja2uL333/HwYMH8dtvv+Grr77ChAkTcOjQIQQGBmL58uUYMWIEduzYgXXr1mHixIn4/fff0bBhwxw//7x4nUmf1c7xzbMR38aNgapV5eWQEODECWDgQIZeIiKyGBsbG4wfPx4TJ07E06dPAQAHDhxAx44d0bt3b9SsWRNBQUG4mPmTyRyoUqUKbty4gTt37mjb/v77b4M+p06d0p70pXlsGxsbVKpU6QWelb5ixYrh5ZdfxoIFC/Qeyxif/0biM9ed+UQ3AKhTpw7++ecfBAQEoHz58npfmtFrlUqFxo0bY+rUqThx4gQcHBywefNm7TFq166NcePG4eDBg6hevTrWrl2bq+dWqVIlpKen48SJE9q2y5cvIy4uLlfHIx0GX5g5+Do6yu2GJ0wADh5UcEs4IiKyZt27d4etrS0WLlwIAKhQoYJ2xPL8+fMYNGgQ7t27Z9Ix27Rpg4oVK6Jfv344deoU/vrrL0yYMEGvT69eveDk5IR+/frh7Nmz2LNnD4YPH44+ffpopzmYy9dff4309HTUrVsX69atw/nz5xEVFYXvv/8eFy5c0E4lcHZ2RsOGDfHZZ5/h/Pnz2LdvHyZOnKh3rKFDh+Lhw4d44403cOTIEVy5cgU7d+7EgAEDkJGRgUOHDmH69Ok4evQorl+/jk2bNiEmJgZVqlTB1atXMW7cOERGRuLff//Fb7/9hkuXLqFKlSq5el6VK1dGmzZt8M477+Dw4cM4ceIE3nnnHTg7O5t0wh4ZsvrgW6wYULRoLg+SkCBHc//5R7+9WjW5ZFmms2mJiIgsyc7ODsOGDcPMmTORlJSEiRMnok6dOggNDUWLFi1QokQJdOrUyaRj2tjYYPPmzXj69Cnq16+Pt99+G9OmTdPr4+Ligp07d+Lhw4eoV68eunXrhtatW2PBggVmfHZSuXLlcOLECbRp0wbjxo1DzZo1UbduXXz11VcYPXo0PvnkE23fZcuWIT09HSEhIXjvvffw6aef6h2rVKlSOHDgADIyMtC2bVsEBwfjvffeg6enJ2xsbFCkSBH8+eefaN++PSpWrIiJEydi9uzZeOWVV+Di4oILFy6ga9euqFixIt555x0MHToUgwYNyvVzW7VqFYoXL45mzZqhc+fOGDhwINzd3eHk5JTrYxKgEpknvFiBhIQEeHh4AIgHUAQNGwKRkbk4UGQk0Lu3XBOtRg25Lq+jo5mrJSIiS0lOTsbVq1cRGBjIcEH5zs2bN+Hv749du3ahdevWSpdjFs/6mdPktfj4eBR5wRM/M7Pak9s0TJ6JkJ4OTJsGfPIJkJEh265eBU6fBurVM3t9REREZH3++OMPJCYmIjg4GHfu3MGHH36IgIAANGvWTOnSCjQGX1OCb3S0HOXNPETcqBHw/fdAYKDZayMiIiLrlJaWhvHjxyM6Ohru7u5o1KgR1qxZY7AaBJmGwTcnwVcIYPVqYNgw4PFj2WZrC0yaBIwfD9hZ/ctIREREZhQaGorQ0FClyyh0rD6xPXcN37g4YMgQYN06XVtQELBmDZDN2nxERP9v796joqzzP4C/mdGZQRog1hBGQfMC+lMMuUhgHtNlAzPDrGCTo6h42QDxJ1tJ3pBcxUwpdclLJrguG0jH2xGCxGIDdFdFUFcQQiDtBORlAy8gl/n+/vDH1CiYM8IMMe/XOXM8z3e+3+f5PPNx9MOX7/M8RETU/ZjsXR3a/P+9vjtWUgKkpf28PXs2UFTEopeIqIcysWu+iYzGGN81ky58+/cH2nkyoTYfn3v35LW2BvbtAxITAaXSEOEREZEBta2dvHPnjpEjITINbU8N/OWjm7uaSS91aHeZQ2Ul4Oh4bw1vm5UrgYULH+1Z60RE9JsklUphbW2NH3/8EcC9+9HyYQFEXUOtVuPq1avo06cPehnwWimTLny1LmwTAti5E1iyBIiJAZYu/fm93r1Z9BIRmQA7OzsA0BS/RNR1JBIJHB0dDfoDJgtfALh6FZg3Dzh8+N72ihXACy8AY8YYLTYiIjI8MzMz2Nvbw9bWFs3NzcYOh6hHk8lkkEgMu+qWhW9W1r0L1mpqfn5j3jzA2dlYYRERkZFJpVKDrjskIsPoFhe3JSQkYNCgQVAoFPDy8sLJkycf2j8tLQ3Dhw+HQqGAi4sLMjIydD6mDI0Yl/a/gL//z0Vv3773Zn23bQP69NHjTIiIiIiouzJ64ZuamoqoqCjExMTgzJkzeOaZZ+Dn59fh+qrjx4/jjTfeQGhoKAoLCzFt2jRMmzYN//nPf3Q6bg6eh83ezT83+PsD588DU6c+zukQERERUTdlJox8w0IvLy94enrir3/9K4B7V/k5ODhg0aJFiI6OfqB/UFAQbt++jSNHjmjann32Wbi6umL79u2/erz6+npYWVmhDoAlAMjlwAcf3HsqG6/eJSIiIjI6Tb1WVwdLS8tO269R1/g2NTWhoKAA7777rqZNIpHA19cXJ06caHfMiRMnEBUVpdXm5+eHgwcPttv/7t27uHv3rma7rq4OAFAPAP/zP8Cnn977s+1RxERERERkVPX19QA6/yEXRi18r127htbWVvTr10+rvV+/frh48WK7Y2pqatrtX/PLi9N+IS4uDrGxsQ+0OwBAcTHg7a1X7ERERETUta5fvw4rK6tO21+Pv6vDu+++qzVD/NNPP2HgwIG4fPlyp36Q1D3V19fDwcEBV65c6dRflVD3xHybFubbtDDfpqWurg6Ojo6wsbHp1P0atfDt27cvpFIpamtrtdpra2s1NxG/n52dnU795XI55HL5A+1WVlb84pgQS0tL5tuEMN+mhfk2Lcy3aens+/wa9a4OMpkM7u7uOHbsmKZNrVbj2LFj8O5gCYK3t7dWfwA4evRoh/2JiIiIiIBusNQhKioKISEh8PDwwNixY/HRRx/h9u3bmDNnDgBg1qxZ6N+/P+Li4gAAixcvxoQJE7Bp0yZMmTIFKSkpOH36NHbu3GnM0yAiIiKibs7ohW9QUBCuXr2KVatWoaamBq6ursjMzNRcwHb58mWtaW4fHx/84x//wIoVK7Bs2TIMGzYMBw8exKhRox7peHK5HDExMe0uf6Ceh/k2Lcy3aWG+TQvzbVq6Kt9Gv48vEREREZEhGP3JbUREREREhsDCl4iIiIhMAgtfIiIiIjIJLHyJiIiIyCT0yMI3ISEBgwYNgkKhgJeXF06ePPnQ/mlpaRg+fDgUCgVcXFyQkZFhoEipM+iS708++QTjx4/Hk08+iSeffBK+vr6/+veDuhddv99tUlJSYGZmhmnTpnVtgNSpdM33Tz/9hPDwcNjb20Mul8PJyYn/pv+G6Jrvjz76CM7OzjA3N4eDgwOWLFmCxsZGA0VLj+Obb77B1KlToVKpYGZmhoMHD/7qmJycHLi5uUEul2Po0KFISkrS/cCih0lJSREymUzs3r1bXLhwQcyfP19YW1uL2tradvvn5+cLqVQqNmzYIIqLi8WKFStE7969xfnz5w0cOelD13zPmDFDJCQkiMLCQlFSUiJmz54trKysxPfff2/gyEkfuua7TWVlpejfv78YP368CAgIMEyw9Nh0zffdu3eFh4eHePHFF0VeXp6orKwUOTk5oqioyMCRkz50zXdycrKQy+UiOTlZVFZWiqysLGFvby+WLFli4MhJHxkZGWL58uVi//79AoA4cODAQ/tXVFSIPn36iKioKFFcXCy2bt0qpFKpyMzM1Om4Pa7wHTt2rAgPD9dst7a2CpVKJeLi4trtHxgYKKZMmaLV5uXlJRYuXNilcVLn0DXf92tpaRFKpVLs2bOnq0KkTqRPvltaWoSPj4/YtWuXCAkJYeH7G6Jrvrdt2yYGDx4smpqaDBUidSJd8x0eHi4mTZqk1RYVFSXGjRvXpXFS53uUwvedd94RI0eO1GoLCgoSfn5+Oh2rRy11aGpqQkFBAXx9fTVtEokEvr6+OHHiRLtjTpw4odUfAPz8/DrsT92HPvm+3507d9Dc3AwbG5uuCpM6ib75fu+992Bra4vQ0FBDhEmdRJ98Hz58GN7e3ggPD0e/fv0watQorFu3Dq2trYYKm/SkT759fHxQUFCgWQ5RUVGBjIwMvPjiiwaJmQyrs+o1oz+5rTNdu3YNra2tmqe+tenXrx8uXrzY7piampp2+9fU1HRZnNQ59Mn3/ZYuXQqVSvXAl4m6H33ynZeXh08//RRFRUUGiJA6kz75rqiowFdffYXg4GBkZGSgvLwcYWFhaG5uRkxMjCHCJj3pk+8ZM2bg2rVreO655yCEQEtLC/70pz9h2bJlhgiZDKyjeq2+vh4NDQ0wNzd/pP30qBlfIl2sX78eKSkpOHDgABQKhbHDoU528+ZNzJw5E5988gn69u1r7HDIANRqNWxtbbFz5064u7sjKCgIy5cvx/bt240dGnWBnJwcrFu3Dh9//DHOnDmD/fv3Iz09HWvWrDF2aNSN9agZ3759+0IqlaK2tlarvba2FnZ2du2OsbOz06k/dR/65LvNxo0bsX79emRnZ2P06NFdGSZ1El3zfenSJVRVVWHq1KmaNrVaDQDo1asXSktLMWTIkK4NmvSmz/fb3t4evXv3hlQq1bSNGDECNTU1aGpqgkwm69KYSX/65HvlypWYOXMm5s2bBwBwcXHB7du3sWDBAixfvhwSCef2epKO6jVLS8tHnu0FetiMr0wmg7u7O44dO6ZpU6vVOHbsGLy9vdsd4+3trdUfAI4ePdphf+o+9Mk3AGzYsAFr1qxBZmYmPDw8DBEqdQJd8z18+HCcP38eRUVFmtfLL7+MiRMnoqioCA4ODoYMn3Skz/d73LhxKC8v1/yAAwBlZWWwt7dn0dvN6ZPvO3fuPFDctv3Qc+96KepJOq1e0+26u+4vJSVFyOVykZSUJIqLi8WCBQuEtbW1qKmpEUIIMXPmTBEdHa3pn5+fL3r16iU2btwoSkpKRExMDG9n9huia77Xr18vZDKZ+Pzzz0V1dbXmdfPmTWOdAulA13zfj3d1+G3RNd+XL18WSqVSREREiNLSUnHkyBFha2sr/vKXvxjrFEgHuuY7JiZGKJVK8dlnn4mKigrx5ZdfiiFDhojAwEBjnQLp4ObNm6KwsFAUFhYKACI+Pl4UFhaK7777TgghRHR0tJg5c6amf9vtzN5++21RUlIiEhISeDuzNlu3bhWOjo5CJpOJsWPHin/961+a9yZMmCBCQkK0+u/bt084OTkJmUwmRo4cKdLT0w0cMT0OXfI9cOBAAeCBV0xMjOEDJ73o+v3+JRa+vz265vv48ePCy8tLyOVyMXjwYLF27VrR0tJi4KhJX7rku7m5WaxevVoMGTJEKBQK4eDgIMLCwsR///tfwwdOOvv666/b/f+4LcchISFiwoQJD4xxdXUVMplMDB48WCQmJup8XDMh+PsAIiIiIur5etQaXyIiIiKijrDwJSIiIiKTwMKXiIiIiEwCC18iIiIiMgksfImIiIjIJLDwJSIiIiKTwMKXiIiIiEwCC18iIiIiMgksfImIACQlJcHa2trYYejNzMwMBw8efGif2bNnY9q0aQaJh4ioO2LhS0Q9xuzZs2FmZvbAq7y83NihISkpSROPRCLBgAEDMGfOHPz444+dsv/q6mpMnjwZAFBVVQUzMzMUFRVp9dm8eTOSkpI65XgdWb16teY8pVIpHBwcsGDBAty4cUOn/bBIJ6Ku0MvYARARdSZ/f38kJiZqtT311FNGikabpaUlSktLoVarcfbsWcyZMwc//PADsrKyHnvfdnZ2v9rHysrqsY/zKEaOHIns7Gy0traipKQEc+fORV1dHVJTUw1yfCKijnDGl4h6FLlcDjs7O62XVCpFfHw8XFxcYGFhAQcHB4SFheHWrVsd7ufs2bOYOHEilEolLC0t4e7ujtOnT2vez8vLw/jx42Fubg4HBwdERkbi9u3bD43NzMwMdnZ2UKlUmDx5MiIjI5GdnY2Ghgao1Wq89957GDBgAORyOVxdXZGZmakZ29TUhIiICNjb20OhUGDgwIGIi4vT2nfbUoenn34aADBmzBiYmZnh+eefB6A9i7pz506oVCqo1WqtGAMCAjB37lzN9qFDh+Dm5gaFQoHBgwcjNjYWLS0tDz3PXr16wc7ODv3794evry9ef/11HD16VPN+a2srQkND8fTTT8Pc3BzOzs7YvHmz5v3Vq1djz549OHTokGb2OCcnBwBw5coVBAYGwtraGjY2NggICEBVVdVD4yEiasPCl4hMgkQiwZYtW3DhwgXs2bMHX331Fd55550O+wcHB2PAgAE4deoUCgoKEB0djd69ewMALl26BH9/f7z66qs4d+4cUlNTkZeXh4iICJ1iMjc3h1qtRktLCzZv3oxNmzZh48aNOHfuHPz8/PDyyy/j22+/BQBs2bIFhw8fxr59+1BaWork5GQMGjSo3f2ePHkSAJCdnY3q6mrs37//gT6vv/46rl+/jq+//lrTduPGDWRmZiI4OBgAkJubi1mzZmHx4sUoLi7Gjh07kJSUhLVr1z7yOVZVVSErKwsymUzTplarMWDAAKSlpaG4uBirVq3CsmXLsG/fPgDAW2+9hcDAQPj7+6O6uhrV1dXw8fFBc3Mz/Pz8oFQqkZubi/z8fDzxxBPw9/dHU1PTI8dERCZMEBH1ECEhIUIqlQoLCwvN67XXXmu3b1pamvjd736n2U5MTBRWVlaabaVSKZKSktodGxoaKhYsWKDVlpubKyQSiWhoaGh3zP37LysrE05OTsLDw0MIIYRKpRJr167VGuPp6SnCwsKEEEIsWrRITJo0SajV6nb3D0AcOHBACCFEZWWlACAKCwu1+oSEhIiAgADNdkBAgJg7d65me8eOHUKlUonW1lYhhBC///3vxbp167T2sXfvXmFvb99uDEIIERMTIyQSibCwsBAKhUIAEABEfHx8h2OEECI8PFy8+uqrHcbadmxnZ2etz+Du3bvC3NxcZGVlPXT/RERCCME1vkTUo0ycOBHbtm3TbFtYWAC4N/sZFxeHixcvor6+Hi0tLWhsbMSdO3fQp0+fB/YTFRWFefPmYe/evZpf1w8ZMgTAvWUQ586dQ3Jysqa/EAJqtRqVlZUYMWJEu7HV1dXhiSeegFqtRmNjI5577jns2rUL9fX1+OGHHzBu3Dit/uPGjcPZs2cB3Fum8Ic//AHOzs7w9/fHSy+9hBdeeOGxPqvg4GDMnz8fH3/8MeRyOZKTk/HHP/4REolEc575+flaM7ytra0P/dwAwNnZGYcPH0ZjYyP+/ve/o6ioCIsWLdLqk5CQgN27d+Py5ctoaGhAU1MTXF1dHxrv2bNnUV5eDqVSqdXe2NiIS5cu6fEJEJGpYeFLRD2KhYUFhg4dqtVWVVWFl156CW+++SbWrl0LGxsb5OXlITQ0FE1NTe0WcKtXr8aMGTOQnp6OL774AjExMUhJScErr7yCW7duYeHChYiMjHxgnKOjY4exKZVKnDlzBhKJBPb29jA3NwcA1NfX/+p5ubm5obKyEl988QWys7MRGBgIX19ffP755786tiNTp06FEALp6enw9PREbm4uPvzwQ837t27dQmxsLKZPn/7AWIVC0eF+ZTKZJgfr16/HlClTEBsbizVr1gAAUlJS8NZbb2HTpk3w9vaGUqnEBx98gH//+98PjffWrVtwd3fX+oGjTXe5gJGIujcWvkTU4xUUFECtVmPTpk2a2cy29aQP4+TkBCcnJyxZsgRvvPEGEhMT8corr8DNzQ3FxcUPFNi/RiKRtDvG0tISKpUK+fn5mDBhgqY9Pz8fY8eO1eoXFBSEoKAgvPbaa/D398eNGzdgY2Ojtb+29bStra0PjUehUGD69OlITk5GeXk5nJ2d4ebmpnnfzc0NpaWlOp/n/VasWIFJkybhzTff1Jynj48PwsLCNH3un7GVyWQPxO/m5obU1FTY2trC0tLysWIiItPEi9uIqMcbOnQompubsXXrVlRUVGDv3r3Yvn17h/0bGhoQERGBnJwcfPfdd8jPz8epU6c0SxiWLl2K48ePIyIiAkVFRfj2229x6NAhnS9u+6W3334b77//PlJTU1FaWoro6GgUFRVh8eLFAID4+Hh89tlnuHjxIsrKypCWlgY7O7t2H7pha2sLc3NzZGZmora2FnV1dR0eNzg4GOnp6di9e7fmorY2q1atwt/+9jfExsbiwoULKCkpQUpKClasWKHTuXl7e2P06NFYt24dAGDYsGE4ffo0srKyUFZWhpUrV+LUqVNaYwYNGoRz586htLQU165dQ3NzM4KDg9G3b18EBAQgNzcXlZWVyMnJQWRkJL7//nudYiIi08TCl4h6vGeeeQbx8fF4//33MWrUKCQnJ2vdCux+UqkU169fx6xZs+Dk5ITAwEBMnjwZsbGxAIDRo0fjn//8J8rKyjB+/HiMGTMGq1atgkql0jvGyMhIREVF4c9//jNcXFyQmZmJw4cPY9iwYQDuLZPYsGEDPDw84OnpiaqqKmRkZGhmsH+pV69e2LJlC3bs2AGVSoWAgIAOjztp0iTY2NigtLQUM2bM0HrPz88PR44cwZdffglPT088++yz+PDDDzFw4ECdz2/JkiXYtWsXrly5goULF2L69OkICgqCl5cXrl+/rjX7CwDz58+Hs7MzPDw88NRTTyE/Px99+vTBN998A0dHR0yfPh0jRoxAaGgoGhsbOQNMRI/ETAghjB0EEREREVFX44wvEREREZkEFr5EREREZBJY+BIRERGRSWDhS0REREQmgYUvEREREZkEFr5EREREZBJY+BIRERGRSWDhS0REREQmgYUvEREREZkEFr5EREREZBJY+BIRERGRSfg/JJWqbWnU4CIAAAAASUVORK5CYII=", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "plot_roc_curve(y_test, y_pred)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Standardized data" + ] + }, + { + "cell_type": "code", + "execution_count": 60, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Time taken for GridSearchCV: 16.62 seconds\n", + "Best Hyperparameters:\n", + "{'C': 0.1, 'loss': 'hinge'}\n", + "\n", + "Time taken for training with best hyperparameters: 6.65 seconds\n", + "\n", + "Mean Accuracy: 0.6396680497925311\n", + "Standard Deviation of Accuracy: 0.12724229244007448\n", + "Mean Precision: 0.5719002790868557\n", + "Standard Deviation of Precision: 0.17060296499376207\n", + "Mean Recall: 0.7531442844548927\n", + "Standard Deviation of Recall: 0.28991380948387724\n", + "Mean F1-score: 0.5653112640891156\n", + "Standard Deviation of F1-score: 0.16878833530224618\n", + "Mean ROC AUC: 0.6670280803069433\n", + "Standard Deviation of ROC AUC: 0.08612601249207863\n", + "\n", + "Total time taken: 23.27 seconds\n" + ] + } + ], + "source": [ + "from sklearn.svm import LinearSVC\n", + "from sklearn.model_selection import StratifiedKFold, GridSearchCV\n", + "from sklearn.metrics import accuracy_score, precision_score, recall_score, f1_score, roc_auc_score, confusion_matrix\n", + "import numpy as np\n", + "import time\n", + "\n", + "start_total_time = time.time()\n", + "\n", + "kf = StratifiedKFold(n_splits=10, shuffle=True, random_state=42)\n", + "\n", + "model = LinearSVC(random_state=42, max_iter=10000)\n", + "\n", + "param_grid = {\n", + " 'C': [0.01, 0.1, 1, 10, 100],\n", + " 'loss': ['hinge', 'squared_hinge'],\n", + "}\n", + "\n", + "grid_search = GridSearchCV(estimator=model, param_grid=param_grid, cv=kf, scoring='accuracy')\n", + "\n", + "start_time = time.time()\n", + "\n", + "grid_search.fit(standard(x), y)\n", + "\n", + "grid_search_time = time.time() - start_time\n", + "print(f\"Time taken for GridSearchCV: {grid_search_time:.2f} seconds\")\n", + "\n", + "best_params = grid_search.best_params_\n", + "\n", + "print(\"Best Hyperparameters:\")\n", + "print(best_params)\n", + "print()\n", + "\n", + "best_model = grid_search.best_estimator_\n", + "\n", + "start_time = time.time()\n", + "\n", + "accuracy_scores = []\n", + "precision_scores = []\n", + "recall_scores = []\n", + "f1_scores = []\n", + "roc_auc_scores = []\n", + "confusion_matrices = []\n", + "\n", + "for train_index, test_index in kf.split(standard(x), y):\n", + " X_train, X_test = x.iloc[train_index], x.iloc[test_index]\n", + " y_train, y_test = y.iloc[train_index], y.iloc[test_index]\n", + "\n", + " best_model.fit(X_train, y_train)\n", + "\n", + " y_pred = best_model.predict(X_test)\n", + "\n", + " accuracy = accuracy_score(y_test, y_pred)\n", + " accuracy_scores.append(accuracy)\n", + " \n", + " precision = precision_score(y_test, y_pred)\n", + " precision_scores.append(precision)\n", + " \n", + " recall = recall_score(y_test, y_pred)\n", + " recall_scores.append(recall)\n", + " \n", + " f1 = f1_score(y_test, y_pred)\n", + " f1_scores.append(f1)\n", + " \n", + " roc_auc = roc_auc_score(y_test, y_pred)\n", + " roc_auc_scores.append(roc_auc)\n", + " \n", + " confusion = confusion_matrix(y_test, y_pred)\n", + " confusion_matrices.append(confusion)\n", + "\n", + "training_time = time.time() - start_time\n", + "print(f\"Time taken for training with best hyperparameters: {training_time:.2f} seconds\")\n", + "print()\n", + "\n", + "mean_accuracy = np.mean(accuracy_scores)\n", + "std_accuracy = np.std(accuracy_scores)\n", + "\n", + "mean_precision = np.mean(precision_scores)\n", + "std_precision = np.std(precision_scores)\n", + "\n", + "mean_recall = np.mean(recall_scores)\n", + "std_recall = np.std(recall_scores)\n", + "\n", + "mean_f1 = np.mean(f1_scores)\n", + "std_f1 = np.std(f1_scores)\n", + "\n", + "mean_roc_auc = np.mean(roc_auc_scores)\n", + "std_roc_auc = np.std(roc_auc_scores)\n", + "\n", + "print(f\"Mean Accuracy: {mean_accuracy}\")\n", + "print(f\"Standard Deviation of Accuracy: {std_accuracy}\")\n", + "\n", + "print(f\"Mean Precision: {mean_precision}\")\n", + "print(f\"Standard Deviation of Precision: {std_precision}\")\n", + "\n", + "print(f\"Mean Recall: {mean_recall}\")\n", + "print(f\"Standard Deviation of Recall: {std_recall}\")\n", + "\n", + "print(f\"Mean F1-score: {mean_f1}\")\n", + "print(f\"Standard Deviation of F1-score: {std_f1}\")\n", + "\n", + "print(f\"Mean ROC AUC: {mean_roc_auc}\")\n", + "print(f\"Standard Deviation of ROC AUC: {std_roc_auc}\")\n", + "print()\n", + "\n", + "total_time = time.time() - start_total_time\n", + "print(f\"Total time taken: {total_time:.2f} seconds\")" + ] + }, + { + "cell_type": "code", + "execution_count": 61, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "x_train: (1800, 13)\n", + "y_train: (1800,)\n", + "x_test: (601, 13)\n", + "y_test: (601,)\n" + ] + } + ], + "source": [ + "from sklearn.model_selection import train_test_split\n", + "\n", + "x_train, x_test, y_train, y_test = train_test_split(x,y,test_size=0.25,random_state=42)\n", + "\n", + "print(\"x_train:\",x_train.shape)\n", + "print(\"y_train:\",y_train.shape)\n", + "print(\"x_test:\",x_test.shape)\n", + "print(\"y_test:\",y_test.shape)" + ] + }, + { + "cell_type": "code", + "execution_count": 62, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Accuracy: 0.8103161397670549\n", + "Precision: 0.8308823529411765\n", + "Recall: 0.553921568627451\n", + "F1 Score: 0.6647058823529413\n", + "ROC AUC Score: 0.747993529905665\n", + "Confusion Matrix:\n", + "[[374 23]\n", + " [ 91 113]]\n" + ] + } + ], + "source": [ + "model = grid_search.best_estimator_\n", + "\n", + "model.fit(x_train, y_train)\n", + "\n", + "y_pred = model.predict(x_test)\n", + "\n", + "y_pred = (y_pred >= 0.5).astype(int)\n", + "\n", + "print(\"Accuracy:\", accuracy_score(y_test, y_pred))\n", + "print(\"Precision:\", precision_score(y_test, y_pred))\n", + "print(\"Recall:\", recall_score(y_test, y_pred))\n", + "print(\"F1 Score:\", f1_score(y_test, y_pred))\n", + "print(\"ROC AUC Score:\", roc_auc_score(y_test, y_pred))\n", + "print(\"Confusion Matrix:\")\n", + "print(confusion_matrix(y_test, y_pred))" + ] + }, + { + "cell_type": "code", + "execution_count": 63, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAokAAAIjCAYAAABvUIGpAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8pXeV/AAAACXBIWXMAAA9hAAAPYQGoP6dpAABHI0lEQVR4nO3df3zN9f//8fvZ2LGNbYb98vtXWH5Gby2/3+Rn4k1JVCPxplEZ0t7vyI9qvfVDqdCvNxLpJ0WkIdTbErJIyFAUm1/ZbJjZXt8/+jqfjqcfO+w4m3O7dnldLs7r9Tyv12Pn89bn0f35PM/ZLMuyBAAAAPyFj6cLAAAAQNFDkwgAAAADTSIAAAAMNIkAAAAw0CQCAADAQJMIAAAAA00iAAAADDSJAAAAMNAkAgAAwECTCOCSdu3apY4dOyo4OFg2m02LFi0q1Pv/8ssvstlsmj17dqHetzhr27at2rZt6+kyAHg5mkSgGNi9e7f++c9/qkaNGipVqpSCgoLUokULvfzyyzp16pRbnx0bG6utW7fq6aef1ty5c9WsWTO3Pu9aGjBggGw2m4KCgi74Oe7atUs2m002m03PP/+8y/c/cOCAJkyYoJSUlEKoFgCurRKeLgDApX3++ee66667ZLfbdf/996t+/fo6c+aMvvnmG40ZM0bbtm3TG2+84ZZnnzp1SsnJyfr3v/+t4cOHu+UZVatW1alTp1SyZEm33P9ySpQooZMnT2rx4sXq06eP07V58+apVKlSOn369BXd+8CBA5o4caKqVaumxo0bF/h9X3755RU9DwAKE00iUITt3btXffv2VdWqVbVq1SpFRkY6rsXFxSk1NVWff/65255/+PBhSVJISIjbnmGz2VSqVCm33f9y7Ha7WrRooffee89oEufPn69u3brp448/via1nDx5UgEBAfLz87smzwOAS2G6GSjCpkyZoqysLL399ttODeI5tWrV0iOPPOJ4ffbsWU2ePFk1a9aU3W5XtWrV9K9//Us5OTlO76tWrZpuv/12ffPNN/rb3/6mUqVKqUaNGnrnnXccYyZMmKCqVatKksaMGSObzaZq1apJ+nOa9tyf/2rChAmy2WxO55KSktSyZUuFhISodOnSqlOnjv71r385rl9sTeKqVavUqlUrBQYGKiQkRD169ND27dsv+LzU1FQNGDBAISEhCg4O1sCBA3Xy5MmLf7Dn6devn5YtW6bjx487zm3YsEG7du1Sv379jPHHjh3T6NGj1aBBA5UuXVpBQUHq0qWLfvjhB8eY1atX6+abb5YkDRw40DFtfe7nbNu2rerXr69NmzapdevWCggIcHwu569JjI2NValSpYyfv1OnTipbtqwOHDhQ4J8VAAqKJhEowhYvXqwaNWro1ltvLdD4Bx98UOPHj9dNN92kqVOnqk2bNkpMTFTfvn2Nsampqbrzzjt122236YUXXlDZsmU1YMAAbdu2TZLUq1cvTZ06VZJ0zz33aO7cuXrppZdcqn/btm26/fbblZOTo0mTJumFF17QHXfcof/973+XfN+KFSvUqVMnHTp0SBMmTFB8fLzWrVunFi1a6JdffjHG9+nTRydOnFBiYqL69Omj2bNna+LEiQWus1evXrLZbPrkk08c5+bPn6+6devqpptuMsbv2bNHixYt0u23364XX3xRY8aM0datW9WmTRtHw1avXj1NmjRJkjRkyBDNnTtXc+fOVevWrR33OXr0qLp06aLGjRvrpZdeUrt27S5Y38svv6wKFSooNjZWeXl5kqTXX39dX375pV555RVFRUUV+GcFgAKzABRJGRkZliSrR48eBRqfkpJiSbIefPBBp/OjR4+2JFmrVq1ynKtataolyVq7dq3j3KFDhyy73W6NGjXKcW7v3r2WJOu5555zumdsbKxVtWpVo4Ynn3zS+uu/VqZOnWpJsg4fPnzRus89Y9asWY5zjRs3tsLCwqyjR486zv3www+Wj4+Pdf/99xvPe+CBB5zu+Y9//MMqV67cRZ/5158jMDDQsizLuvPOO6327dtblmVZeXl5VkREhDVx4sQLfganT5+28vLyjJ/DbrdbkyZNcpzbsGGD8bOd06ZNG0uSNXPmzAtea9OmjdO55cuXW5Ksp556ytqzZ49VunRpq2fPnpf9GQHgSpEkAkVUZmamJKlMmTIFGr906VJJUnx8vNP5UaNGSZKxdjE6OlqtWrVyvK5QoYLq1KmjPXv2XHHN5zu3lvHTTz9Vfn5+gd5z8OBBpaSkaMCAAQoNDXWcb9iwoW677TbHz/lXQ4cOdXrdqlUrHT161PEZFkS/fv20evVqpaWladWqVUpLS7vgVLP05zpGH58///WZl5eno0ePOqbSv//++wI/0263a+DAgQUa27FjR/3zn//UpEmT1KtXL5UqVUqvv/56gZ8FAK6iSQSKqKCgIEnSiRMnCjT+119/lY+Pj2rVquV0PiIiQiEhIfr111+dzlepUsW4R9myZfXHH39cYcWmu+++Wy1atNCDDz6o8PBw9e3bVx988MElG8ZzddapU8e4Vq9ePR05ckTZ2dlO58//WcqWLStJLv0sXbt2VZkyZfT+++9r3rx5uvnmm43P8pz8/HxNnTpVtWvXlt1uV/ny5VWhQgVt2bJFGRkZBX5mxYoVXfqSyvPPP6/Q0FClpKRo2rRpCgsLK/B7AcBVNIlAERUUFKSoqCj9+OOPLr3v/C+OXIyvr+8Fz1uWdcXPOLde7hx/f3+tXbtWK1as0H333actW7bo7rvv1m233WaMvRpX87OcY7fb1atXL82ZM0cLFy68aIooSc8884zi4+PVunVrvfvuu1q+fLmSkpJ04403Fjgxlf78fFyxefNmHTp0SJK0detWl94LAK6iSQSKsNtvv127d+9WcnLyZcdWrVpV+fn52rVrl9P59PR0HT9+3PFN5cJQtmxZp28Cn3N+WilJPj4+at++vV588UX99NNPevrpp7Vq1Sp99dVXF7z3uTp37txpXNuxY4fKly+vwMDAq/sBLqJfv37avHmzTpw4ccEv+5zz0UcfqV27dnr77bfVt29fdezYUR06dDA+k4I27AWRnZ2tgQMHKjo6WkOGDNGUKVO0YcOGQrs/AJyPJhEowh577DEFBgbqwQcfVHp6unF99+7devnllyX9OV0qyfgG8osvvihJ6tatW6HVVbNmTWVkZGjLli2OcwcPHtTChQudxh07dsx477lNpc/fluecyMhINW7cWHPmzHFqun788Ud9+eWXjp/THdq1a6fJkyfr1VdfVURExEXH+fr6Ginlhx9+qN9//93p3Llm9kINtavGjh2rffv2ac6cOXrxxRdVrVo1xcbGXvRzBICrxWbaQBFWs2ZNzZ8/X3fffbfq1avn9BtX1q1bpw8//FADBgyQJDVq1EixsbF64403dPz4cbVp00bfffed5syZo549e150e5Ur0bdvX40dO1b/+Mc/9PDDD+vkyZOaMWOGbrjhBqcvbkyaNElr165Vt27dVLVqVR06dEjTp09XpUqV1LJly4ve/7nnnlOXLl0UExOjQYMG6dSpU3rllVcUHBysCRMmFNrPcT4fHx898cQTlx13++23a9KkSRo4cKBuvfVWbd26VfPmzVONGjWcxtWsWVMhISGaOXOmypQpo8DAQDVv3lzVq1d3qa5Vq1Zp+vTpevLJJx1b8syaNUtt27bVuHHjNGXKFJfuBwAF4uFvVwMogJ9//tkaPHiwVa1aNcvPz88qU6aM1aJFC+uVV16xTp8+7RiXm5trTZw40apevbpVsmRJq3LlylZCQoLTGMv6cwucbt26Gc85f+uVi22BY1mW9eWXX1r169e3/Pz8rDp16ljvvvuusQXOypUrrR49elhRUVGWn5+fFRUVZd1zzz3Wzz//bDzj/G1iVqxYYbVo0cLy9/e3goKCrO7du1s//fST05hzzzt/i51Zs2ZZkqy9e/de9DO1LOctcC7mYlvgjBo1yoqMjLT8/f2tFi1aWMnJyRfcuubTTz+1oqOjrRIlSjj9nG3atLFuvPHGCz7zr/fJzMy0qlatat10001Wbm6u07iRI0daPj4+VnJy8iV/BgC4EjbLcmFlNwAAALwCaxIBAABgoEkEAACAgSYRAAAABppEAAAAGGgSAQAAYKBJBAAAgIEmEQAAAIbr8jeu+DcZ7ukSALjJHxte9XQJANyklAe7Enf2Dqc2F89/b5EkAgAAwHBdJokAAAAusZGbnY8mEQAAwGbzdAVFDm0zAAAADCSJAAAATDcb+EQAAABgIEkEAABgTaKBJBEAAAAGkkQAAADWJBr4RAAAAGAgSQQAAGBNooEmEQAAgOlmA58IAAAADCSJAAAATDcbSBIBAABgIEkEAABgTaKBTwQAAAAGkkQAAADWJBpIEgEAAGAgSQQAAGBNooEmEQAAgOlmA20zAAAADCSJAAAATDcb+EQAAABgIEkEAAAgSTTwiQAAAMBAkwgAAOBjc9/hghkzZqhhw4YKCgpSUFCQYmJitGzZMsf1tm3bymazOR1Dhw51use+ffvUrVs3BQQEKCwsTGPGjNHZs2dd/kiYbgYAACgiKlWqpGeffVa1a9eWZVmaM2eOevTooc2bN+vGG2+UJA0ePFiTJk1yvCcgIMDx57y8PHXr1k0RERFat26dDh48qPvvv18lS5bUM88841ItNIkAAABFZE1i9+7dnV4//fTTmjFjhr799ltHkxgQEKCIiIgLvv/LL7/UTz/9pBUrVig8PFyNGzfW5MmTNXbsWE2YMEF+fn4FrqVofCIAAACeZLO57cjJyVFmZqbTkZOTc9mS8vLytGDBAmVnZysmJsZxft68eSpfvrzq16+vhIQEnTx50nEtOTlZDRo0UHh4uONcp06dlJmZqW3btrn0kdAkAgAAuFFiYqKCg4OdjsTExIuO37p1q0qXLi273a6hQ4dq4cKFio6OliT169dP7777rr766islJCRo7ty5uvfeex3vTUtLc2oQJTlep6WluVQ3080AAABunG5OSEhQfHy80zm73X7R8XXq1FFKSooyMjL00UcfKTY2VmvWrFF0dLSGDBniGNegQQNFRkaqffv22r17t2rWrFmoddMkAgAAuJHdbr9kU3g+Pz8/1apVS5LUtGlTbdiwQS+//LJef/11Y2zz5s0lSampqapZs6YiIiL03XffOY1JT0+XpIuuY7wYppsBAADcuCbxauXn5190DWNKSookKTIyUpIUExOjrVu36tChQ44xSUlJCgoKckxZFxRJIgAAQBGRkJCgLl26qEqVKjpx4oTmz5+v1atXa/ny5dq9e7fmz5+vrl27qly5ctqyZYtGjhyp1q1bq2HDhpKkjh07Kjo6Wvfdd5+mTJmitLQ0PfHEE4qLi3MpzZRoEgEAAIrMFjiHDh3S/fffr4MHDyo4OFgNGzbU8uXLddttt2n//v1asWKFXnrpJWVnZ6ty5crq3bu3nnjiCcf7fX19tWTJEg0bNkwxMTEKDAxUbGys076KBWWzLMsqzB+uKPBvMtzTJQBwkz82vOrpEgC4SSkPRlf+HZ9z271PfTnGbfd2J5JEAACAQlg7eL2hSQQAACgi081FCZ8IAAAADCSJAAAATDcbSBIBAABgIEkEAABgTaKBTwQAAAAGkkQAAADWJBpIEgEAAGAgSQQAAGBNooEmEQAAgCbRwCcCAAAAA0kiAAAAX1wxkCQCAADAQJIIAADAmkQDnwgAAAAMJIkAAACsSTSQJAIAAMBAkggAAMCaRANNIgAAANPNBtpmAAAAGEgSAQCA17ORJBpIEgEAAGAgSQQAAF6PJNFEkggAAAADSSIAAABBooEkEQAAAAaSRAAA4PVYk2iiSQQAAF6PJtHEdDMAAAAMJIkAAMDrkSSaSBIBAABgIEkEAABejyTRRJIIAAAAA0kiAAAAQaKBJBEAAAAGkkQAAOD1WJNoIkkEAACAgSQRAAB4PZJEE00iAADwejSJJqabAQAAYCBJBAAAXo8k0USSCAAAAANJIgAAAEGigSQRAAAABpJEAADg9ViTaCJJBAAAgIEkEQAAeD2SRBNNIgAA8Ho0iSammwEAAGAgSQQAACBINJAkAgAAwECSCAAAvB5rEk0kiQAAADCQJAIAAK9HkmgiSQQAACgiZsyYoYYNGyooKEhBQUGKiYnRsmXLHNdPnz6tuLg4lStXTqVLl1bv3r2Vnp7udI99+/apW7duCggIUFhYmMaMGaOzZ8+6XAtNIgAA8Ho2m81thysqVaqkZ599Vps2bdLGjRv197//XT169NC2bdskSSNHjtTixYv14Ycfas2aNTpw4IB69erleH9eXp66deumM2fOaN26dZozZ45mz56t8ePHu/6ZWJZlufyuIs6/yXBPlwDATf7Y8KqnSwDgJqU8uAgu6p+fuO3eB17vdflBlxAaGqrnnntOd955pypUqKD58+frzjvvlCTt2LFD9erVU3Jysm655RYtW7ZMt99+uw4cOKDw8HBJ0syZMzV27FgdPnxYfn5+BX4uSSIAAIAb5eTkKDMz0+nIycm57Pvy8vK0YMECZWdnKyYmRps2bVJubq46dOjgGFO3bl1VqVJFycnJkqTk5GQ1aNDA0SBKUqdOnZSZmelIIwuKJhEAAMDmviMxMVHBwcFOR2Ji4kVL2bp1q0qXLi273a6hQ4dq4cKFio6OVlpamvz8/BQSEuI0Pjw8XGlpaZKktLQ0pwbx3PVz11zBt5sBAADcKCEhQfHx8U7n7Hb7RcfXqVNHKSkpysjI0EcffaTY2FitWbPG3WUaaBIBAIDXc+cWOHa7/ZJN4fn8/PxUq1YtSVLTpk21YcMGvfzyy7r77rt15swZHT9+3ClNTE9PV0REhCQpIiJC3333ndP9zn37+dyYgmK6GQAAoAjLz89XTk6OmjZtqpIlS2rlypWOazt37tS+ffsUExMjSYqJidHWrVt16NAhx5ikpCQFBQUpOjrapeeSJAIAAK9XVDbTTkhIUJcuXVSlShWdOHFC8+fP1+rVq7V8+XIFBwdr0KBBio+PV2hoqIKCgjRixAjFxMTolltukSR17NhR0dHRuu+++zRlyhSlpaXpiSeeUFxcnEtppkSTCAAAUGQcOnRI999/vw4ePKjg4GA1bNhQy5cv12233SZJmjp1qnx8fNS7d2/l5OSoU6dOmj59uuP9vr6+WrJkiYYNG6aYmBgFBgYqNjZWkyZNcrkW9kkEUKywTyJw/fLkPomV4z512733v9bDbfd2J5JEAACAojHbXKTwxRUAAAAYSBIBAIDXKypfXClKSBIBAABgIEkEAABejyTRRJIIAAAAA0kiipzBd7XU4DtbqWpUqCRp+540PfPGMn35v59UJTJUO5deeK+n/mPe1icrNjudCw0O1HfvP66K4WUV0WqMMrJOub1+AK55+83XtTLpS+3du0f2UqXUuHETPRo/WtWq13CMmTRhvNZ/u06HDx1SQECAGv3/MdVr1PRg5biekCSaaBJR5PyeflzjXvlUqfsOyyab7u3eXB9OHaJb+j6rnb+kq1qHBKfxD/RuoZH3d9Dy/20z7jXzyX7auuuAKoaXvVblA3DRxg3f6e57+uvGBg2UdzZPr7z8ooYOHqRPPvtcAQEBkqTo6BvV7fbuioiMVGZGhma89oqGDh6kpV+ulK+vr4d/AuD6RJOIImfp2h+dXk94bbEG39VSf2tYXdv3pCn96Amn63e0a6SPk75X9qkzTucH39VSwWUC9Mwby9S55Y1urxvAlZnxxttOryc9/azatYrR9p+2qWmzmyVJd/a523G9YsVKGv7wo7qrVw8d+P13Va5S5ZrWi+sTSaLJo03ikSNH9N///lfJyclKS0uTJEVEROjWW2/VgAEDVKFCBU+WhyLAx8em3rfdpEB/P63fste43qReZTWuW1kjn/3A6XzdGhFKGNxFbe5/XtUqlr9W5QIoBFkn/vwPwaDg4AteP3nypD5d+IkqVqqkiIiIa1karmf0iAaPNYkbNmxQp06dFBAQoA4dOuiGG26QJKWnp2vatGl69tlntXz5cjVr1uyS98nJyVFOTo7TOSs/TzYfph+KsxtrRWn1nFEq5VdCWadydPeoN7VjT5oxLrZnjLbvOahvf/i/BtKvZAnNSRygf720SPvT/qBJBIqR/Px8TfnPM2rc5CbVrn2D07X335unqS88r1OnTqpa9ep6/c1ZKunn56FKgeufx5rEESNG6K677tLMmTONiNeyLA0dOlQjRoxQcnLyJe+TmJioiRMnOp3zDb9ZJSP/Vug149r5+Zd0Ne+bqODS/vpHhyZ6c9J96vjgy06NYil7Sd3dpZmeffMLp/dOfvgO7dybrgVLN1zrsgFcpWeemqjdu3Zp9tz5xrWut9+hW25toSOHD2vOrLc1ZtSjmvPue7Lb7R6oFNcbpptNNsuyLE882N/fX5s3b1bdunUveH3Hjh1q0qSJTp269LdRL5QkhrUaS5J4nfl85nDt2X9EI55e4Dh3T7ebNfPJ/qrZ6Qkd+SPLcf7bBY+rfq0onfufts1mk6+vj86ezdN/3l6up2Yuveb1o/D8seFVT5cAN3nmqUla/dVK/XfOu6pUqfIlx+aeOaOWt/5NEyY+pS7dbr9GFcLdSnlwEVyNePf9/4Y9L3Z1273dyWP/54iIiNB333130Sbxu+++U3h4+GXvY7fbjf+KpEG8/vjYbLL7Of/PdUDPW/X5mq1ODaIk3TP6LfnbSzpeN72xqt6YeK86DHpJe/Yfvib1Aig4y7KU+PRkrVqZpLdnz71sgyhJ1p9v1JkzZy43FCgQkkSTx5rE0aNHa8iQIdq0aZPat2/vaAjT09O1cuVKvfnmm3r++ec9VR48aNKIO7T8f9u0/+AfKhNYSnd3aabWzWqr+0PTHWNqVC6vljfVVM8RM4z37/3tiNPrciGlJUk79qSxTyJQBD0zeaKWLV2il16ZrsCAQB05/Od/zJUuU0alSpXSb/v3a/kXSxVzawuVLRuq9PQ0/fetN2S3l1LL1m08XD1w/fJYkxgXF6fy5ctr6tSpmj59uvLy8iRJvr6+atq0qWbPnq0+ffp4qjx4UIXQ0np78v2KKB+kjKzT+nHX7+r+0HStWr/DMSa2R4x+Tz+uFck7LnEnAMXBB++/J0kaNOA+p/OTnkpUj3/0kp/dT99v2qh3585RZkamypUvp6ZNm+mdee+pXLlynigZ1yGCRJPH1iT+VW5uro4c+TP9KV++vEqWLHmZd1yaf5PhhVEWgCKINYnA9cuTaxJrjV7mtnunPt/Fbfd2pyKxmXbJkiUVGRnp6TIAAICXYk2iqUg0iQAAAJ5Ej2jy8XQBAAAAKHpIEgEAgNdjutlEkggAAAADSSIAAPB6BIkmkkQAAAAYSBIBAIDX8/EhSjwfSSIAAAAMJIkAAMDrsSbRRJMIAAC8HlvgmJhuBgAAgIEkEQAAeD2CRBNJIgAAAAwkiQAAwOuxJtFEkggAAAADSSIAAPB6JIkmkkQAAAAYSBIBAIDXI0g00SQCAACvx3SzielmAAAAGEgSAQCA1yNINJEkAgAAwECSCAAAvB5rEk0kiQAAADCQJAIAAK9HkGgiSQQAAICBJBEAAHg91iSaSBIBAABgIEkEAABejyDRRJMIAAC8HtPNJqabAQAAYCBJBAAAXo8g0USSCAAAAANJIgAA8HqsSTSRJAIAAMBAkggAALweQaKJJBEAAAAGmkQAAOD1bDab2w5XJCYm6uabb1aZMmUUFhamnj17aufOnU5j2rZtazxj6NChTmP27dunbt26KSAgQGFhYRozZozOnj3rUi1MNwMAAK9XVKab16xZo7i4ON188806e/as/vWvf6ljx4766aefFBgY6Bg3ePBgTZo0yfE6ICDA8ee8vDx169ZNERERWrdunQ4ePKj7779fJUuW1DPPPFPgWmgSAQAAiogvvvjC6fXs2bMVFhamTZs2qXXr1o7zAQEBioiIuOA9vvzyS/30009asWKFwsPD1bhxY02ePFljx47VhAkT5OfnV6BamG4GAABez53TzTk5OcrMzHQ6cnJyClRXRkaGJCk0NNTp/Lx581S+fHnVr19fCQkJOnnypONacnKyGjRooPDwcMe5Tp06KTMzU9u2bSvwZ0KTCAAA4EaJiYkKDg52OhITEy/7vvz8fD366KNq0aKF6tev7zjfr18/vfvuu/rqq6+UkJCguXPn6t5773VcT0tLc2oQJTlep6WlFbhuppsBAIDXc+dm2gkJCYqPj3c6Z7fbL/u+uLg4/fjjj/rmm2+czg8ZMsTx5wYNGigyMlLt27fX7t27VbNmzcIpWiSJAAAAbmW32xUUFOR0XK5JHD58uJYsWaKvvvpKlSpVuuTY5s2bS5JSU1MlSREREUpPT3cac+71xdYxXghNIgAA8Ho2m/sOV1iWpeHDh2vhwoVatWqVqlevftn3pKSkSJIiIyMlSTExMdq6dasOHTrkGJOUlKSgoCBFR0cXuBammwEAAIqIuLg4zZ8/X59++qnKlCnjWEMYHBwsf39/7d69W/Pnz1fXrl1Vrlw5bdmyRSNHjlTr1q3VsGFDSVLHjh0VHR2t++67T1OmTFFaWpqeeOIJxcXFFWia+xyaRAAA4PXcuSbRFTNmzJD054bZfzVr1iwNGDBAfn5+WrFihV566SVlZ2ercuXK6t27t5544gnHWF9fXy1ZskTDhg1TTEyMAgMDFRsb67SvYkHQJAIAAK9XRHpEWZZ1yeuVK1fWmjVrLnufqlWraunSpVdVC2sSAQAAYCBJBAAAXq+oTDcXJSSJAAAAMJAkAgAAr0eQaCJJBAAAgIEkEQAAeD0fokQDSSIAAAAMJIkAAMDrESSaaBIBAIDXYwscE9PNAAAAMJAkAgAAr+dDkGggSQQAAICBJBEAAHg91iSaSBIBAABgIEkEAABejyDRRJIIAAAAA0kiAADwejYRJZ6PJhEAAHg9tsAxMd0MAAAAA0kiAADwemyBYyJJBAAAgIEkEQAAeD2CRBNJIgAAAAwkiQAAwOv5ECUaSBIBAABgKJQm8fjx44VxGwAAAI+w2dx3FFcuN4n/+c9/9P777zte9+nTR+XKlVPFihX1ww8/FGpxAAAA14LNZnPbUVy53CTOnDlTlStXliQlJSUpKSlJy5YtU5cuXTRmzJhCLxAAAADXnstfXElLS3M0iUuWLFGfPn3UsWNHVatWTc2bNy/0AgEAANytGAd+buNykli2bFnt379fkvTFF1+oQ4cOkiTLspSXl1e41QEAAMAjXE4Se/XqpX79+ql27do6evSounTpIknavHmzatWqVegFAgAAuBtb4JhcbhKnTp2qatWqaf/+/ZoyZYpKly4tSTp48KAeeuihQi8QAAAA157LTWLJkiU1evRo4/zIkSMLpSAAAIBrjRzRVKAm8bPPPivwDe+4444rLgYAAABFQ4GaxJ49exboZjabjS+vAACAYqc472foLgVqEvPz891dBwAAgMf40CMarurX8p0+fbqw6gAAAEAR4nKTmJeXp8mTJ6tixYoqXbq09uzZI0kaN26c3n777UIvEAAAwN34tXwml5vEp59+WrNnz9aUKVPk5+fnOF+/fn299dZbhVocAAAAPMPlJvGdd97RG2+8of79+8vX19dxvlGjRtqxY0ehFgcAAHAt2GzuO4orl5vE33///YK/WSU/P1+5ubmFUhQAAAA8y+UmMTo6Wl9//bVx/qOPPlKTJk0KpSgAAIBriTWJJpd/48r48eMVGxur33//Xfn5+frkk0+0c+dOvfPOO1qyZIk7agQAAMA15nKS2KNHDy1evFgrVqxQYGCgxo8fr+3bt2vx4sW67bbb3FEjAACAW/nY3HcUVy4niZLUqlUrJSUlFXYtAAAAHlGcp4Xd5YqaREnauHGjtm/fLunPdYpNmzYttKIAAADgWS43ib/99pvuuece/e9//1NISIgk6fjx47r11lu1YMECVapUqbBrBAAAcCtyRJPLaxIffPBB5ebmavv27Tp27JiOHTum7du3Kz8/Xw8++KA7agQAAMA15nKSuGbNGq1bt0516tRxnKtTp45eeeUVtWrVqlCLAwAAuBZ8WJNocDlJrFy58gU3zc7Ly1NUVFShFAUAAADPcrlJfO655zRixAht3LjRcW7jxo165JFH9PzzzxdqcQAAANcCv5bPVKDp5rJlyzp9NTw7O1vNmzdXiRJ/vv3s2bMqUaKEHnjgAfXs2dMthQIAAODaKVCT+NJLL7m5DAAAAM9hn0RTgZrE2NhYd9cBAACAIuSKN9OWpNOnT+vMmTNO54KCgq6qIAAAgGuNINHk8hdXsrOzNXz4cIWFhSkwMFBly5Z1OgAAAIobH5vNbYcrEhMTdfPNN6tMmTIKCwtTz549tXPnTqcxp0+fVlxcnMqVK6fSpUurd+/eSk9Pdxqzb98+devWTQEBAQoLC9OYMWN09uxZ1z4Tl0ZLeuyxx7Rq1SrNmDFDdrtdb731liZOnKioqCi98847rt4OAAAA/9+aNWsUFxenb7/9VklJScrNzVXHjh2VnZ3tGDNy5EgtXrxYH374odasWaMDBw6oV69ejut5eXnq1q2bzpw5o3Xr1mnOnDmaPXu2xo8f71ItNsuyLFfeUKVKFb3zzjtq27atgoKC9P3336tWrVqaO3eu3nvvPS1dutSlAtzBv8lwT5cAwE3+2PCqp0sA4CalrmoR3NV56JOf3Hbv6b2ir/i9hw8fVlhYmNasWaPWrVsrIyNDFSpU0Pz583XnnXdKknbs2KF69eopOTlZt9xyi5YtW6bbb79dBw4cUHh4uCRp5syZGjt2rA4fPiw/P78CPdvlJPHYsWOqUaOGpD/XHx47dkyS1LJlS61du9bV2wEAAFzXcnJylJmZ6XTk5OQU6L0ZGRmSpNDQUEnSpk2blJubqw4dOjjG1K1bV1WqVFFycrIkKTk5WQ0aNHA0iJLUqVMnZWZmatu2bQWu2+UmsUaNGtq7d6+jqA8++ECStHjxYoWEhLh6OwAAAI+z2WxuOxITExUcHOx0JCYmXram/Px8Pfroo2rRooXq168vSUpLS5Ofn5/Rc4WHhystLc0x5q8N4rnr564VlMvB7sCBA/XDDz+oTZs2evzxx9W9e3e9+uqrys3N1Ysvvujq7QAAAK5rCQkJio+Pdzpnt9sv+764uDj9+OOP+uabb9xV2iW53CSOHDnS8ecOHTpox44d2rRpk2rVqqWGDRsWanFXav1nz3q6BABusmnvH54uAYCbtKjtuV1SXJ5adYHdbi9QU/hXw4cP15IlS7R27VpVqlTJcT4iIkJnzpzR8ePHndLE9PR0RUREOMZ89913Tvc79+3nc2MK4qo/k6pVq6pXr15FpkEEAAAorizL0vDhw7Vw4UKtWrVK1atXd7retGlTlSxZUitXrnSc27lzp/bt26eYmBhJUkxMjLZu3apDhw45xiQlJSkoKEjR0QX/Ek2BksRp06YV+IYPP/xwgccCAAAUBUXl1/LFxcVp/vz5+vTTT1WmTBnHGsLg4GD5+/srODhYgwYNUnx8vEJDQxUUFKQRI0YoJiZGt9xyiySpY8eOio6O1n333acpU6YoLS1NTzzxhOLi4lxKNAu0Bc75XexFb2azac+ePQV+uLts2Z/l6RIAuMmJ07meLgGAm3hyuvnRT3e47d4v9ahb4LEXa1ZnzZqlAQMGSPpzM+1Ro0bpvffeU05Ojjp16qTp06c7TSX/+uuvGjZsmFavXq3AwEDFxsbq2WefVYkSBV9p6PI+icUBTSJw/aJJBK5fNIlFiwe3rQQAACgafIrGbHOR4s4v8wAAAKCYIkkEAABer6h8caUoIUkEAACAgSQRAAB4PdYkmq4oSfz666917733KiYmRr///rskae7cuR77tTEAAAAoXC43iR9//LE6deokf39/bd68WTk5OZKkjIwMPfPMM4VeIAAAgLvZbO47iiuXm8SnnnpKM2fO1JtvvqmSJUs6zrdo0ULff/99oRYHAABwLfjYbG47iiuXm8SdO3eqdevWxvng4GAdP368MGoCAACAh7ncJEZERCg1NdU4/80336hGjRqFUhQAAMC15OPGo7hyufbBgwfrkUce0fr162Wz2XTgwAHNmzdPo0eP1rBhw9xRIwAAAK4xl7fAefzxx5Wfn6/27dvr5MmTat26tex2u0aPHq0RI0a4o0YAAAC3KsZLB93GZlmWdSVvPHPmjFJTU5WVlaXo6GiVLl26sGu7Ylv2Z3m6BABucuJ0rqdLAOAmLWqX9diz/73sZ7fd++kuN7jt3u50xZtp+/n5KTo6ujBrAQAA8Iji/C1kd3G5SWzXrt0lf7/hqlWrrqogAAAAeJ7LTWLjxo2dXufm5iolJUU//vijYmNjC6suAACAa4Yg0eRykzh16tQLnp8wYYKyslgLCAAAih9+d7Op0Lbvuffee/Xf//63sG4HAAAAD7riL66cLzk5WaVKlSqs2wEAAFwzfHHF5HKT2KtXL6fXlmXp4MGD2rhxo8aNG1dohQEAAMBzXG4Sg4ODnV77+PioTp06mjRpkjp27FhohQEAAFwrBIkml5rEvLw8DRw4UA0aNFDZsp7b8BIAAADu5dIXV3x9fdWxY0cdP37cTeUAAABcez429x3Flcvfbq5fv7727NnjjloAAABQRLjcJD711FMaPXq0lixZooMHDyozM9PpAAAAKG5sbvynuCrwmsRJkyZp1KhR6tq1qyTpjjvucPr1fJZlyWazKS8vr/CrBAAAcKPiPC3sLgVuEidOnKihQ4fqq6++cmc9AAAAKAIK3CRaliVJatOmjduKAQAA8ASSRJNLaxJtbCIEAADgFVzaJ/GGG264bKN47NixqyoIAADgWiMIM7nUJE6cONH4jSsAAAC4/rjUJPbt21dhYWHuqgUAAMAjWJNoKvCaRGJYAAAA7+Hyt5sBAACuN2RhpgI3ifn5+e6sAwAAwGN86BINLv9aPgAAAFz/XPriCgAAwPWIL66YSBIBAABgIEkEAABejyWJJpJEAAAAGEgSAQCA1/MRUeL5SBIBAABgIEkEAABejzWJJppEAADg9dgCx8R0MwAAAAwkiQAAwOvxa/lMJIkAAAAwkCQCAACvR5BoIkkEAACAgSQRAAB4PdYkmkgSAQAAYCBJBAAAXo8g0USTCAAAvB5TqyY+EwAAABhIEgEAgNezMd9sIEkEAAAoQtauXavu3bsrKipKNptNixYtcro+YMAA2Ww2p6Nz585OY44dO6b+/fsrKChIISEhGjRokLKyslyqgyYRAAB4PZsbD1dlZ2erUaNGeu211y46pnPnzjp48KDjeO+995yu9+/fX9u2bVNSUpKWLFmitWvXasiQIS7VwXQzAABAEdKlSxd16dLlkmPsdrsiIiIueG379u364osvtGHDBjVr1kyS9Morr6hr1656/vnnFRUVVaA6SBIBAIDX87HZ3Hbk5OQoMzPT6cjJybmqelevXq2wsDDVqVNHw4YN09GjRx3XkpOTFRIS4mgQJalDhw7y8fHR+vXrC/6ZXFWFAAAAuKTExEQFBwc7HYmJiVd8v86dO+udd97RypUr9Z///Edr1qxRly5dlJeXJ0lKS0tTWFiY03tKlCih0NBQpaWlFfg5TDcDAACv587vNickJCg+Pt7pnN1uv+L79e3b1/HnBg0aqGHDhqpZs6ZWr16t9u3bX/F9z0eTCAAAvJ47d8Cx2+1X1RReTo0aNVS+fHmlpqaqffv2ioiI0KFDh5zGnD17VseOHbvoOsYLYboZAACgGPvtt9909OhRRUZGSpJiYmJ0/Phxbdq0yTFm1apVys/PV/PmzQt8X5JEAADg9YrSZtpZWVlKTU11vN67d69SUlIUGhqq0NBQTZw4Ub1791ZERIR2796txx57TLVq1VKnTp0kSfXq1VPnzp01ePBgzZw5U7m5uRo+fLj69u1b4G82SySJAAAARcrGjRvVpEkTNWnSRJIUHx+vJk2aaPz48fL19dWWLVt0xx136IYbbtCgQYPUtGlTff31105T2vPmzVPdunXVvn17de3aVS1bttQbb7zhUh02y7KsQv3JioAt+13bURxA8XHidK6nSwDgJi1ql/XYs9/f/Lvb7n13k4puu7c7kSQCAADAwJpEAADg9YrSmsSigiQRAAAABpJEAADg9cgRTSSJAAAAMJAkAgAAr8eaRBNNIgAA8HpMrZr4TAAAAGAgSQQAAF6P6WYTSSIAAAAMJIkAAMDrkSOaSBIBAABgIEkEAABejyWJJpJEAAAAGEgSAQCA1/NhVaKBJhEAAHg9pptNTDcDAADAQJIIAAC8no3pZgNJIgAAAAwkiQAAwOuxJtFEkggAAAADSSIAAPB6bIFjIkkEAACAgSQRAAB4PdYkmmgSAQCA16NJNDHdDAAAAANJIgAA8Hpspm0iSQQAAICBJBEAAHg9H4JEA0kiAAAADCSJAADA67Em0USSCAAAAANJIgAA8Hrsk2iiSQQAAF6P6WYT080AAAAwkCQCAACvxxY4JpJEAAAAGEgSAQCA12NNookkEQAAAAaSRBQLp05ma8HsGfrum6+UcfwPVa9VRwMfGq1adW+UJK3/epW+XPKR9vy8Q1knMjRl5nxVr1XHw1UDuJCdP27WFx+/q19271TGsSMa/u//6KaYNo7rm9Z9pdXLFuqX1B3KPpGpCdPeUZUaNzjdY86rz+qnlA06fuyI7KX8VateA901IE6Rlatd458G1wu2wDGRJKJYmPHCZG3ZtF4jHp+sF958X42a3qJJjw3T0SOHJEmnT59S3fqNde/gER6uFMDl5Jw+pco1auveoaMvcv20akc30l0D4i56j6q16uqBR5/Q0zPe06hJL0mWpRfGP6L8vDw3VQ14H5JEFHk5Oae1/utVemzSC4pueJMkqU/sP7Xx27X68rOPdM8DD6nNbd0kSYfSDniyVAAF0LDZrWrY7NaLXr/1710kSUfSL/73uW3nno4/lw+P0j/u+6eeHHGfjhw6qLDISoVWK7wHQaKJJhFFXn5envLz8+TnZ3c67+dn144fUzxTFIAiI+f0KX2z4nOVD49SaPlwT5eDYsqH+WZDkZ5u3r9/vx544IFLjsnJyVFmZqbTcSYn5xpViGvBPyBQN0Q31EfvvqVjRw4rLy9Pa1cs1c/bt+qPY0c8XR4AD1n1+Ucadmc7DbuznbZuStbop6apRMmSni4LuG4U6Sbx2LFjmjNnziXHJCYmKjg42Ol4+7UXrlGFuFZGPD5Jliz9s29n9esSo6ULF6hlu07yYfdTwGvd0razJrw8R2OfnaGIqMqa8ey/lXuGkABXxubGo7jy6HTzZ599dsnre/bsuew9EhISFB8f73Tu50O5V1UXip6IqMqa9OKbOn3qlE6dzFLZchX04uTHFRZR0dOlAfCQgMDSCggsrfCKVVSzTn0N73ubNiWv0S1tOnq6NOC64NEmsWfPnrLZbLIs66JjbJdZI2C322W3n7dWLSOrUOpD0VPK31+l/P2VdSJTP2xM1r2DH/F0SQCKAEuWJEtnc894uhQUV8U58nMTjzaJkZGRmj59unr06HHB6ykpKWratOk1rgpFUcqGdbIsKapyVaUd2K+5b7ysipWrqV3n7pKkE5kZOnIoTX8cPSxJOrD/V0lSSGg5lQ0t77G6AZhOnzqpQwd/c7w+kn5A+/b8rMDSQSoXFqGsExk6djhdx4/+ueY47bc//z4Hly2n4LLldCjtd21Yu0I33tRcZYJC9MfRQ1r64Tsq6We/5LemAbjGo01i06ZNtWnTpos2iZdLGeE9TmZnaf7br+rokUMqXSZIzVu11z0DH1KJEn8uUt+YvEbTn5voGP/S0wmSpLvuG6I+sf/0SM0ALuyXXds15V//twfigrdeliS1aN9Vg0aOV8r6r/Xfl55yXJ85ZZwk6Y57Bqln/8EqWdJPP29LUdJnC5SddUJBIaGqc2Nj/eu5NxUUEnptfxhcN/i1fCab5cEu7Ouvv1Z2drY6d+58wevZ2dnauHGj2rRpc8HrF7NlP9PNwPXqxGnWHAPXqxa1y3rs2et3Z7jt3s1rBrvt3u7k0SSxVatWl7weGBjocoMIAADgKrZJNLGZNgAA8Hr0iKYivU8iAAAAPIMkEQAAgCjRQJIIAABQhKxdu1bdu3dXVFSUbDabFi1a5HTdsiyNHz9ekZGR8vf3V4cOHbRr1y6nMceOHVP//v0VFBSkkJAQDRo0SFlZrn2xlyYRAAB4PZsb/3FVdna2GjVqpNdee+2C16dMmaJp06Zp5syZWr9+vQIDA9WpUyedPn3aMaZ///7atm2bkpKStGTJEq1du1ZDhgxx7TPx5BY47sIWOMD1iy1wgOuXJ7fA2bg30233blY96Irfa7PZtHDhQvXs2VPSnyliVFSURo0apdGjR0uSMjIyFB4ertmzZ6tv377avn27oqOjtWHDBjVr1kyS9MUXX6hr16767bffFBUVVaBnkyQCAACvZ7O578jJyVFmZqbTkZOTc0V17t27V2lpaerQoYPjXHBwsJo3b67k5GRJUnJyskJCQhwNoiR16NBBPj4+Wr9+fYGfRZMIAADgRomJiQoODnY6EhMTr+heaWlpkqTw8HCn8+Hh4Y5raWlpCgsLc7peokQJhYaGOsYUBN9uBgAAXs+dX25OSEhQfHy80zm73e7GJxYOmkQAAAA3dol2u73QmsKIiAhJUnp6uiIjIx3n09PT1bhxY8eYQ4cOOb3v7NmzOnbsmOP9BcF0MwAAQDFRvXp1RUREaOXKlY5zmZmZWr9+vWJiYiRJMTExOn78uDZt2uQYs2rVKuXn56t58+YFfhZJIgAA8HpXslWNu2RlZSk1NdXxeu/evUpJSVFoaKiqVKmiRx99VE899ZRq166t6tWra9y4cYqKinJ8A7pevXrq3LmzBg8erJkzZyo3N1fDhw9X3759C/zNZokmEQAAoEjZuHGj2rVr53h9bj1jbGysZs+erccee0zZ2dkaMmSIjh8/rpYtW+qLL75QqVKlHO+ZN2+ehg8frvbt28vHx0e9e/fWtGnTXKqDfRIBFCvskwhcvzy5T2LKvhNuu3fjKmXcdm93Yk0iAAAADEw3AwAAr1d0ViQWHSSJAAAAMJAkAgAAECUaaBIBAIDXK0pb4BQVTDcDAADAQJIIAAC8no0g0UCSCAAAAANJIgAA8HoEiSaSRAAAABhIEgEAAIgSDSSJAAAAMJAkAgAAr8c+iSaSRAAAABhIEgEAgNdjn0QTTSIAAPB69IgmppsBAABgIEkEAAAgSjSQJAIAAMBAkggAALweW+CYSBIBAABgIEkEAABejy1wTCSJAAAAMJAkAgAAr0eQaKJJBAAAoEs0MN0MAAAAA0kiAADwemyBYyJJBAAAgIEkEQAAeD22wDGRJAIAAMBAkggAALweQaKJJBEAAAAGkkQAAACiRANNIgAA8HpsgWNiuhkAAAAGkkQAAOD12ALHRJIIAAAAA0kiAADwegSJJpJEAAAAGEgSAQAAiBINJIkAAAAwkCQCAACvxz6JJppEAADg9dgCx8R0MwAAAAwkiQAAwOsRJJpIEgEAAGAgSQQAAF6PNYkmkkQAAAAYSBIBAABYlWggSQQAAICBJBEAAHg91iSaaBIBAIDXo0c0Md0MAAAAA0kiAADwekw3m0gSAQAAYKBJBAAAXs/mxn9cMWHCBNlsNqejbt26juunT59WXFycypUrp9KlS6t3795KT08v7I9DEk0iAABAkXLjjTfq4MGDjuObb75xXBs5cqQWL16sDz/8UGvWrNGBAwfUq1cvt9TBmkQAAIAitCaxRIkSioiIMM5nZGTo7bff1vz58/X3v/9dkjRr1izVq1dP3377rW655ZZCrYMkEQAAwI1ycnKUmZnpdOTk5Fx0/K5duxQVFaUaNWqof//+2rdvnyRp06ZNys3NVYcOHRxj69atqypVqig5ObnQ66ZJBAAAXs/mxiMxMVHBwcFOR2Ji4gXraN68uWbPnq0vvvhCM2bM0N69e9WqVSudOHFCaWlp8vPzU0hIiNN7wsPDlZaWVpgfhySmmwEAANy6BU5CQoLi4+Odztnt9guO7dKli+PPDRs2VPPmzVW1alV98MEH8vf3d1+RF0CSCAAA4EZ2u11BQUFOx8WaxPOFhITohhtuUGpqqiIiInTmzBkdP37caUx6evoF1zBeLZpEAADg9YrKFjjny8rK0u7duxUZGammTZuqZMmSWrlypeP6zp07tW/fPsXExFztR2BguhkAAKCIGD16tLp3766qVavqwIEDevLJJ+Xr66t77rlHwcHBGjRokOLj4xUaGqqgoCCNGDFCMTExhf7NZokmEQAAoMhsgfPbb7/pnnvu0dGjR1WhQgW1bNlS3377rSpUqCBJmjp1qnx8fNS7d2/l5OSoU6dOmj59ultqsVmWZbnlzh60ZX+Wp0sA4CYnTud6ugQAbtKidlmPPftw1lm33btC6eKZyRXPqgEAAApREQkSixS+uAIAAAADSSIAAPB67twnsbiiSQQAAF7varequR4x3QwAAAADSSIAAPB6TDebSBIBAABgoEkEAACAgSYRAAAABtYkAgAAr8eaRBNJIgAAAAwkiQAAwOuxT6KJJhEAAHg9pptNTDcDAADAQJIIAAC8HkGiiSQRAAAABpJEAAAAokQDSSIAAAAMJIkAAMDrsQWOiSQRAAAABpJEAADg9dgn0USSCAAAAANJIgAA8HoEiSaaRAAAALpEA9PNAAAAMJAkAgAAr8cWOCaSRAAAABhIEgEAgNdjCxwTSSIAAAAMNsuyLE8XAVypnJwcJSYmKiEhQXa73dPlAChE/P0GPIsmEcVaZmamgoODlZGRoaCgIE+XA6AQ8fcb8CymmwEAAGCgSQQAAICBJhEAAAAGmkQUa3a7XU8++SSL2oHrEH+/Ac/iiysAAAAwkCQCAADAQJMIAAAAA00iAAAADDSJAAAAMNAkolh77bXXVK1aNZUqVUrNmzfXd9995+mSAFyltWvXqnv37oqKipLNZtOiRYs8XRLglWgSUWy9//77io+P15NPPqnvv/9ejRo1UqdOnXTo0CFPlwbgKmRnZ6tRo0Z67bXXPF0K4NXYAgfFVvPmzXXzzTfr1VdflSTl5+ercuXKGjFihB5//HEPVwegMNhsNi1cuFA9e/b0dCmA1yFJRLF05swZbdq0SR06dHCc8/HxUYcOHZScnOzBygAAuD7QJKJYOnLkiPLy8hQeHu50Pjw8XGlpaR6qCgCA6wdNIgAAAAw0iSiWypcvL19fX6WnpzudT09PV0REhIeqAgDg+kGTiGLJz89PTZs21cqVKx3n8vPztXLlSsXExHiwMgAArg8lPF0AcKXi4+MVGxurZs2a6W9/+5teeuklZWdna+DAgZ4uDcBVyMrKUmpqquP13r17lZKSotDQUFWpUsWDlQHehS1wUKy9+uqreu6555SWlqbGjRtr2rRpat68uafLAnAVVq9erXbt2hnnY2NjNXv27GtfEOClaBIBAABgYE0iAAAADDSJAAAAMNAkAgAAwECTCAAAAANNIgAAAAw0iQAAADDQJAIAAMBAkwgAAAADTSKAqzZgwAD17NnT8bpt27Z69NFHr3kdq1evls1m0/Hjxy86xmazadGiRQW+54QJE9S4ceOrquuXX36RzWZTSkrKVd0HAK4lmkTgOjVgwADZbDbZbDb5+fmpVq1amjRpks6ePev2Z3/yySeaPHlygcYWpLEDAFx7JTxdAAD36dy5s2bNmqWcnBwtXbpUcXFxKlmypBISEoyxZ86ckZ+fX6E8NzQ0tFDuAwDwHJJE4Dpmt9sVERGhqlWratiwYerQoYM+++wzSf83Rfz0008rKipKderUkSTt379fffr0UUhIiEJDQ9WjRw/98ssvjnvm5eUpPj5eISEhKleunB577DGd/yvgz59uzsnJ0dixY1W5cmXZ7XbVqlVLb7/9tn755Re1a9dOklS2bFnZbDYNGDBAkpSfn6/ExERVr15d/v7+atSokT766COn5yxdulQ33HCD/P391a5dO6c6C2rs2LG64YYbFBAQoBo1amjcuHHKzc01xr3++uuqXLmyAgIC1KdPH2VkZDhdf+utt1SvXj2VKlVKdevW1fTp0y/6zD/++EP9+/dXhQoV5O/vr9q1a2vWrFku1w4A7kSSCHgRf39/HT161PF65cqVCgoKUlJSkiQpNzdXnTp1UkxMjL7++muVKFFCTz31lDp37qwtW7bIz89PL7zwgmbPnq3//ve/qlevnl544QUtXLhQf//73y/63Pvvv1/JycmaNm2aGjVqpL179+rIkSOqXLmyPv74Y/Xu3Vs7d+5UUFCQ/P39JUmJiYl69913NXPmTNWuXVtr167VvffeqwoVKqhNmzbav3+/evXqpbi4OA0ZMkQbN27UqFGjXP5MypQpo9mzZysqKkpbt27V4MGDVaZMGT322GOOMampqfrggw+0ePFiZWZmatCgQXrooYc0b948SdK8efM0fvx4vfrqq2rSpIk2b96swYMHKzAwULGxscYzx40bp59++knLli1T+fLllZqaqlOnTrlcOwC4lQXguhQbG2v16NHDsizLys/Pt5KSkiy73W6NHj3acT08PNzKyclxvGfu3LlWnTp1rPz8fMe5nJwcy9/f31q+fLllWZYVGRlpTZkyxXE9NzfXqlSpkuNZlmVZbdq0sR555BHLsixr586dliQrKSnpgnV+9dVXliTrjz/+cJw7ffq0FRAQYK1bt85p7KBBg6x77rnHsizLSkhIsKKjo52ujx071rjX+SRZCxcuvOj15557zmratKnj9ZNPPmn5+vpav/32m+PcsmXLLB8fH+vgwYOWZVlWzZo1rfnz5zvdZ/LkyVZMTIxlWZa1d+9eS5K1efNmy7Isq3v37tbAgQMvWgMAFAUkicB1bMmSJSpdurRyc3OVn5+vfv36acKECY7rDRo0cFqH+MMPPyg1NVVlypRxus/p06e1e/duZWRk6ODBg2revLnjWokSJdSsWTNjyvmclJQU+fr6qk2bNgWuOzU1VSdPntRtt93mdP7MmTNq0qSJJGn79u1OdUhSTExMgZ9xzvvvv69p06Zp9+7dysrK0tmzZxUUFOQ0pkqVKqpYsaLTc/Lz87Vz506VKVNGu3fv1qBBgzR48GDHmLNnzyo4OPiCzxw2bJh69+6t77//Xh07dlTPnj116623ulw7ALgTTSJwHWvXrp1mzJghPz8/RUVFqUQJ57/ygYGBTq+zsrLUtGlTxzTqX1WoUOGKajg3feyKrKwsSdLnn3/u1JxJf66zLCzJycnq37+/Jk6cqE6dOik4OFgLFizQCy+84HKtb775ptG0+vr6XvA9Xbp00a+//qqlS5cqKSlJ7du3V1xcnJ5//vkr/2EAoJDRJALXscDAQNWqVavA42+66Sa9//77CgsLM9K0cyIjI7V+/Xq1bt1a0p+J2aZNm3TTTTddcHyDBg2Un5+vNWvWqEOHDsb1c0lmXl6e41x0dLTsdrv27dt30QSyXr16ji/hnPPtt99e/of8i3Xr1qlq1ar697//7Tj366+/GuP27dunAwcOKCoqyvEcHx8f1alTR+Hh4YqKitKePXvUv3//Aj+7QoUKio2NVWxsrFq1aqUxY8bQJAIoUvh2MwCH/v37q3z58urRo4e+/vpr7d27V6tXr9bDDz+s3377TZL0yCOP6Nlnn9WiRYu0Y8cOPfTQQ5fc47BatWqKjY3VAw88oEWLFjnu+cEHH0iSqlatKpvNpiVLlujw4cPKyspSmTJlNHr0aI0cOVJz5szR7t279f333+uVV17RnDlzJElDhw7Vrl27NGbMGO3cuVPz58/X7NmzXfp5a9eurX379mnBggXavXu3pk2bpoULFxrjSpUqpdjYWP3www/6+uuv9fDDD6tPnz6KiIiQJE2cOFGJiYmaNm2afv75Z23dulWzZs3Siy++eMHnjh8/Xp9++qlSU1O1bds2LVmyRPXq1XOpdgBwN5pEAA4BAQFau3atqlSpol69eqlevXoaNGiQTp8+7UgWR40apfvuu0+xsbGKiYlRmTJl9I9//OOS950xY4buvPNOPfTQQ6pbt64GDx6s7OxsSVLFihU1ceJEPf744woPD9fw4cMlSZMnT9a4ceOUmJioevXqqXPnzvr8889VvXp1SX+uE/z444+1aNEiNWrUSDNnztQzzzzj0s97xx13aOTIkRo+fLgaN26sdevWady4cca4WrVqqVevXuratas6duyohg0bOm1x8+CDD+qtt97SrFmz1KBBA7Vp00azZ8921Ho+Pz8/JSQkqGHDhmrdurV8fX21YMECl2oHAHezWRdbbQ4AAACvRZIIAAAAA00iAAAADDSJAAAAMNAkAgAAwECTCAAAAANNIgAAAAw0iQAAADDQJAIAAMBAkwgAAAADTSIAAAAMNIkAAAAw/D8Lf7/GKlcM+AAAAABJRU5ErkJggg==", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "plot_confusion_matrix(y_test, y_pred,(0,1))" + ] + }, + { + "cell_type": "code", + "execution_count": 64, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAr4AAAIjCAYAAADlfxjoAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8pXeV/AAAACXBIWXMAAA9hAAAPYQGoP6dpAACh6klEQVR4nOzdd3iTVRsG8Dvdk7bQllEKbdmjrLJkLymiyG6RjYrAx1AQZcpQAQWRIQiIMgWlLEFQUBBQoLKnQBkF2dBCaWmhM+f745ikaVJoSpq3be7fdfUiOTl58yRNy92T856jEkIIEBEREREVcjZKF0BEREREZAkMvkRERERkFRh8iYiIiMgqMPgSERERkVVg8CUiIiIiq8DgS0RERERWgcGXiIiIiKwCgy8RERERWQUGXyIiIiKyCgy+RBYSEBCA/v37K12G1WnRogVatGihdBnPNWXKFKhUKsTGxipdSr6jUqkwZcoUsxzr2rVrUKlUWLFihVmOBwCHDx+Gg4MD/v33X7Md09x69OiBsLAwpcsgUhyDLxUKK1asgEql0n7Z2dnBz88P/fv3x61bt5QuL19LSkrCJ598gho1asDFxQUeHh5o2rQpVq1ahYKyo/m5c+cwZcoUXLt2TelSDGRkZGD58uVo0aIFihYtCkdHRwQEBGDAgAE4evSo0uWZxdq1azF37lyly9BjyZomTJiAN954A2XLltW2tWjRQu93krOzM2rUqIG5c+dCrVYbPc6DBw/wwQcfoFKlSnByckLRokURGhqKbdu2ZfvYCQkJmDp1KmrWrAk3Nzc4OzujevXqGDNmDG7fvq3tN2bMGGzcuBGnTp3K8fOyhvcuWR+VKCj/sxE9w4oVKzBgwAB8/PHHCAwMRHJyMv7++2+sWLECAQEBOHv2LJycnBStMSUlBTY2NrC3t1e0jszu3buH1q1b4/z58+jRoweaN2+O5ORkbNy4EX/++SfCw8OxZs0a2NraKl3qM23YsAHdu3fHnj17DEZ3U1NTAQAODg4Wr+vp06fo0qULduzYgWbNmqFDhw4oWrQorl27hoiICFy8eBHXr19H6dKlMWXKFEydOhUxMTHw9va2eK0v4rXXXsPZs2fz7A+P5ORk2NnZwc7O7oVrEkIgJSUF9vb2Znlfnzx5ErVr18bBgwfx0ksvadtbtGiBK1euYMaMGQCA2NhYrF27FkeOHMH48eMxbdo0veNERUWhdevWiImJwYABA1C3bl08evQIa9aswcmTJzF69GjMmjVL7z7R0dFo06YNrl+/ju7du6NJkyZwcHDA6dOn8cMPP6Bo0aK4ePGitn+DBg1QqVIlrFq16rnPy5T3LlGBIogKgeXLlwsA4siRI3rtY8aMEQDEunXrFKpMWU+fPhUZGRnZ3h4aGipsbGzEli1bDG4bPXq0ACA+++yzvCzRqMTERJP6r1+/XgAQe/bsyZuCcmno0KECgJgzZ47Bbenp6WLWrFnixo0bQgghJk+eLACImJiYPKtHrVaLJ0+emP24r776qihbtqxZj5mRkSGePn2a6/vnRU3GjBgxQpQpU0ao1Wq99ubNm4tq1arptT19+lSULVtWuLu7i/T0dG17amqqqF69unBxcRF///233n3S09NFeHi4ACB+/PFHbXtaWpqoWbOmcHFxEX/99ZdBXfHx8WL8+PF6bV988YVwdXUVjx8/fu7zMuW9+yJe9PtMZCoGXyoUsgu+27ZtEwDE9OnT9drPnz8vunbtKry8vISjo6MICQkxGv7i4uLEe++9J8qWLSscHByEn5+f6NOnj144SU5OFpMmTRLlypUTDg4OonTp0uKDDz4QycnJescqW7as6NevnxBCiCNHjggAYsWKFQaPuWPHDgFA/Pzzz9q2mzdvigEDBghfX1/h4OAgqlatKr777ju9++3Zs0cAED/88IOYMGGCKFWqlFCpVCIuLs7oaxYZGSkAiDfffNPo7WlpaaJChQrCy8tLG5auXr0qAIhZs2aJL7/8UpQpU0Y4OTmJZs2aiTNnzhgcIyevs+Z7t3fvXjFkyBDh4+MjPD09hRBCXLt2TQwZMkRUrFhRODk5iaJFi4pu3bqJq1evGtw/65cmBDdv3lw0b97c4HVat26d+PTTT4Wfn59wdHQUrVq1EpcuXTJ4DgsWLBCBgYHCyclJ1KtXT/z5558GxzTmxo0bws7OTrz88svP7KehCb6XLl0S/fr1Ex4eHqJIkSKif//+IikpSa/vsmXLRMuWLYWPj49wcHAQVapUEV9//bXBMcuWLSteffVVsWPHDhESEiIcHR21QSanxxBCiF9++UU0a9ZMuLm5CXd3d1G3bl2xZs0aIYR8fbO+9pkDZ05/PgCIoUOHiu+//15UrVpV2NnZic2bN2tvmzx5srZvQkKCePfdd7U/lz4+PqJNmzbi2LFjz61J8x5evny53uOfP39edO/eXXh7ewsnJydRsWJFg+BoTJkyZUT//v0N2o0FXyGE6NatmwAgbt++rW374YcfBADx8ccfG32MR48eCU9PT1G5cmVt248//igAiGnTpj23Ro1Tp04JAGLTpk3P7Gfqe7dfv35G/8jQvKczM/Z9joiIEF5eXkZfx/j4eOHo6Cjef/99bVtO31NExuT8cyOiAkjzMaeXl5e27Z9//kHjxo3h5+eHsWPHwtXVFREREejUqRM2btyIzp07AwASExPRtGlTnD9/Hm+++Sbq1KmD2NhYbN26FTdv3oS3tzfUajVef/117N+/H++88w6qVKmCM2fOYM6cObh48SJ++ukno3XVrVsXQUFBiIiIQL9+/fRuW7duHby8vBAaGgpATkdo2LAhVCoVhg0bBh8fH/z666946623kJCQgPfee0/v/p988gkcHBwwevRopKSkZPsR/88//wwA6Nu3r9Hb7ezs0LNnT0ydOhUHDhxAmzZttLetWrUKjx8/xtChQ5GcnIx58+ahVatWOHPmDIoXL27S66zxv//9Dz4+Ppg0aRKSkpIAAEeOHMHBgwfRo0cPlC5dGteuXcOiRYvQokULnDt3Di4uLmjWrBlGjBiB+fPnY/z48ahSpQoAaP/NzmeffQYbGxuMHj0a8fHxmDlzJnr16oVDhw5p+yxatAjDhg1D06ZNMXLkSFy7dg2dOnWCl5fXcz/i/fXXX5Geno4+ffo8s19WYWFhCAwMxIwZM3D8+HF8++238PX1xeeff65XV7Vq1fD666/Dzs4OP//8M/73v/9BrVZj6NCheseLiorCG2+8gUGDBmHgwIGoVKmSScdYsWIF3nzzTVSrVg3jxo2Dp6cnTpw4gR07dqBnz56YMGEC4uPjcfPmTcyZMwcA4ObmBgAm/3z88ccfiIiIwLBhw+Dt7Y2AgACjr9HgwYOxYcMGDBs2DFWrVsWDBw+wf/9+nD9/HnXq1HlmTcacPn0aTZs2hb29Pd555x0EBATgypUr+Pnnnw2mJGR269YtXL9+HXXq1Mm2T1aak+s8PT21bc/7WfTw8EDHjh2xcuVKXL58GeXLl8fWrVsBwKT3V9WqVeHs7IwDBw4Y/Pxlltv3bk5l/T5XqFABnTt3xqZNm7BkyRK931k//fQTUlJS0KNHDwCmv6eIDCidvInMQTPqt2vXLhETEyNu3LghNmzYIHx8fISjo6PeR3KtW7cWwcHBeqMDarVaNGrUSFSoUEHbNmnSpGxHRzQfa65evVrY2NgYfNS4ePFiAUAcOHBA25Z5xFcIIcaNGyfs7e3Fw4cPtW0pKSnC09NTbxT2rbfeEiVLlhSxsbF6j9GjRw/h4eGhHY3VjGQGBQXl6OPsTp06CQDZjggLIcSmTZsEADF//nwhhG60zNnZWdy8eVPb79ChQwKAGDlypLYtp6+z5nvXpEkTvY9/hRBGn4dmpHrVqlXatmdNdchuxLdKlSoiJSVF2z5v3jwBQDtynZKSIooVKybq1asn0tLStP1WrFghADx3xHfkyJECgDhx4sQz+2loRseyjsB37txZFCtWTK/N2OsSGhoqgoKC9NrKli0rAIgdO3YY9M/JMR49eiTc3d1FgwYNDD6OzvzRfnbTCkz5+QAgbGxsxD///GNwHGQZ8fXw8BBDhw416JdZdjUZG/Ft1qyZcHd3F//++2+2z9GYXbt2GXw6o9G8eXNRuXJlERMTI2JiYsSFCxfEBx98IACIV199Va9vrVq1hIeHxzMf68svvxQAxNatW4UQQtSuXfu59zGmYsWK4pVXXnlmH1Pfu6aO+Br7Pu/cudPoa9m+fXu996Qp7ykiY7iqAxUqbdq0gY+PD/z9/dGtWze4urpi69at2tG5hw8f4o8//kBYWBgeP36M2NhYxMbG4sGDBwgNDcWlS5e0q0Bs3LgRNWvWNDoyolKpAADr169HlSpVULlyZe2xYmNj0apVKwDAnj17sq01PDwcaWlp2LRpk7btt99+w6NHjxAeHg5AnoizceNGdOjQAUIIvccIDQ1FfHw8jh8/rnfcfv36wdnZ+bmv1ePHjwEA7u7u2fbR3JaQkKDX3qlTJ/j5+Wmv169fHw0aNMAvv/wCwLTXWWPgwIEGJxtlfh5paWl48OABypcvD09PT4PnbaoBAwbojSw1bdoUgDxhCACOHj2KBw8eYODAgXonVfXq1UvvE4TsaF6zZ72+xgwePFjvetOmTfHgwQO970Hm1yU+Ph6xsbFo3rw5oqOjER8fr3f/wMBA7acHmeXkGL///jseP36MsWPHGpwcqvkZeBZTfz6aN2+OqlWrPve4np6eOHTokN6qBbkVExODP//8E2+++SbKlCmjd9vznuODBw8AINv3w4ULF+Dj4wMfHx9UrlwZs2bNwuuvv26wlNrjx4+f+z7J+rOYkJBg8ntLU+vzlszL7Xs3p4x9n1u1agVvb2+sW7dO2xYXF4fff/9d+/sQeLHfuUQAwKkOVKgsXLgQFStWRHx8PJYtW4Y///wTjo6O2tsvX74MIQQ++ugjfPTRR0aPcf/+ffj5+eHKlSvo2rXrMx/v0qVLOH/+PHx8fLI9VnZq1qyJypUrY926dXjrrbcAyGkO3t7e2l/iMTExePToEb755ht88803OXqMwMDAZ9asoflP7fHjx3ofu2aWXTiuUKGCQd+KFSsiIiICgGmv87Pqfvr0KWbMmIHly5fj1q1besurZQ14psoacjThJS4uDgC0a7KWL19er5+dnV22H8FnVqRIEQC619AcdWmOeeDAAUyePBmRkZF48uSJXv/4+Hh4eHhor2f3fsjJMa5cuQIAqF69uknPQcPUn4+cvndnzpyJfv36wd/fHyEhIWjfvj369u2LoKAgk2vU/KGT2+cIINtl/wICArB06VKo1WpcuXIF06ZNQ0xMjMEfEe7u7s8No1l/FosUKaKt3dRanxfoc/vezSlj32c7Ozt07doVa9euRUpKChwdHbFp0yakpaXpBd8X+Z1LBDD4UiFTv3591K1bF4AclWzSpAl69uyJqKgouLm5adfPHD16tNFRMMAw6DyLWq1GcHAwvvzyS6O3+/v7P/P+4eHhmDZtGmJjY+Hu7o6tW7fijTfe0I4waurt3bu3wVxgjRo1auhdz8loLyDnwP700084ffo0mjVrZrTP6dOnASBHo3CZ5eZ1Nlb38OHDsXz5crz33nt46aWX4OHhAZVKhR49emS7FmpOZbeUVXYhxlSVK1cGAJw5cwa1atXK8f2eV9eVK1fQunVrVK5cGV9++SX8/f3h4OCAX375BXPmzDF4XYy9rqYeI7dM/fnI6Xs3LCwMTZs2xebNm/Hbb79h1qxZ+Pzzz7Fp0ya88sorL1x3ThUrVgyA7o+lrFxdXfXmxjdu3Bh16tTB+PHjMX/+fG17lSpVcPLkSVy/ft3gDx+NrD+LlStXxokTJ3Djxo3n/p7JLC4uzugfrpmZ+t7NLkhnZGQYbc/u+9yjRw8sWbIEv/76Kzp16oSIiAhUrlwZNWvW1PZ50d+5RAy+VGjZ2tpixowZaNmyJRYsWICxY8dqR4Ts7e31/kMyply5cjh79uxz+5w6dQqtW7fO0Ue/WYWHh2Pq1KnYuHEjihcvjoSEBO1JHADg4+MDd3d3ZGRkPLdeU7322muYMWMGVq1aZTT4ZmRkYO3atfDy8kLjxo31brt06ZJB/4sXL2pHQk15nZ9lw4YN6NevH2bPnq1tS05OxqNHj/T65ea1fx7NZgSXL19Gy5Ytte3p6em4du2awR8cWb3yyiuwtbXF999/b9aThH7++WekpKRg69ateiHJlI94c3qMcuXKAQDOnj37zD8Is3v9X/Tn41lKliyJ//3vf/jf//6H+/fvo06dOpg2bZo2+Ob08TTv1ef9rBujCYhXr17NUf8aNWqgd+/eWLJkCUaPHq197V977TX88MMPWLVqFSZOnGhwv4SEBGzZsgWVK1fWfh86dOiAH374Ad9//z3GjRuXo8dPT0/HjRs38Prrrz+zn6nvXS8vL4OfSQAm72TXrFkzlCxZEuvWrUOTJk3wxx9/YMKECXp98vI9RdaBc3ypUGvRogXq16+PuXPnIjk5Gb6+vmjRogWWLFmCO3fuGPSPiYnRXu7atStOnTqFzZs3G/TTjL6FhYXh1q1bWLp0qUGfp0+falcnyE6VKlUQHByMdevWYd26dShZsqReCLW1tUXXrl2xceNGo/8xZ67XVI0aNUKbNm2wfPlyoztDTZgwARcvXsSHH35oMELz008/6c3RPXz4MA4dOqQNHaa8zs9ia2trMAL71VdfGYwkubq6AoDR/3xzq27duihWrBiWLl2K9PR0bfuaNWuyHeHLzN/fHwMHDsRvv/2Gr776yuB2tVqN2bNn4+bNmybVpRkRzjrtY/ny5WY/Rtu2beHu7o4ZM2YgOTlZ77bM93V1dTU69eRFfz6MycjIMHgsX19flCpVCikpKc+tKSsfHx80a9YMy5Ytw/Xr1/Vue97ov5+fH/z9/U3axezDDz9EWlqa3ohlt27dULVqVXz22WcGx1Kr1RgyZAji4uIwefJkvfsEBwdj2rRpiIyMNHicx48fG4TGc+fOITk5GY0aNXpmjaa+d8uVK4f4+HjtqDQA3Llzx+jvzmexsbFBt27d8PPPP2P16tVIT0/Xm+YA5M17iqwLR3yp0Pvggw/QvXt3rFixAoMHD8bChQvRpEkTBAcHY+DAgQgKCsK9e/cQGRmJmzdvarf0/OCDD7Q7gr355psICQnBw4cPsXXrVixevBg1a9ZEnz59EBERgcGDB2PPnj1o3LgxMjIycOHCBURERGDnzp3aqRfZCQ8Px6RJk+Dk5IS33noLNjb6f49+9tln2LNnDxo0aICBAweiatWqePjwIY4fP45du3bh4cOHuX5tVq1ahdatW6Njx47o2bMnmjZtipSUFGzatAl79+5FeHg4PvjgA4P7lS9fHk2aNMGQIUOQkpKCuXPnolixYvjwww+1fXL6Oj/La6+9htWrV8PDwwNVq1ZFZGQkdu3apf2IWaNWrVqwtbXF559/jvj4eDg6OqJVq1bw9fXN9Wvj4OCAKVOmYPjw4WjVqhXCwsJw7do1rFixAuXKlcvRaNPs2bNx5coVjBgxAps2bcJrr70GLy8vXL9+HevXr8eFCxf0Rvhzom3btnBwcECHDh0waNAgJCYmYunSpfD19TX6R8aLHKNIkSKYM2cO3n77bdSrVw89e/aEl5cXTp06hSdPnmDlypUAgJCQEKxbtw6jRo1CvXr14Obmhg4dOpjl5yOrx48fo3Tp0ujWrZt2m95du3bhyJEjep8MZFeTMfPnz0eTJk1Qp04dvPPOOwgMDMS1a9ewfft2nDx58pn1dOzYEZs3b87R3FlATlVo3749vv32W3z00UcoVqwYHBwcsGHDBrRu3RpNmjTR27lt7dq1OH78ON5//32994q9vT02bdqENm3aoFmzZggLC0Pjxo1hb2+Pf/75R/tpTebl2H7//Xe4uLjg5Zdffm6dprx3e/TogTFjxqBz584YMWIEnjx5gkWLFqFixYomn4QaHh6Or776CpMnT0ZwcLDBsoR58Z4iK2P5hSSIzC+7DSyEkDsDlStXTpQrV067XNaVK1dE3759RYkSJYS9vb3w8/MTr732mtiwYYPefR88eCCGDRsm/Pz8tAul9+vXT29psdTUVPH555+LatWqCUdHR+Hl5SVCQkLE1KlTRXx8vLZf1uXMNC5duqRdZH///v1Gn9+9e/fE0KFDhb+/v7C3txclSpQQrVu3Ft988422j2aZrvXr15v02j1+/FhMmTJFVKtWTTg7Owt3d3fRuHFjsWLFCoPlnDJvYDF79mzh7+8vHB0dRdOmTcWpU6cMjp2T1/lZ37u4uDgxYMAA4e3tLdzc3ERoaKi4cOGC0ddy6dKlIigoSNja2uZoA4usr1N2GxvMnz9flC1bVjg6Oor69euLAwcOiJCQENGuXbscvLpyl6tvv/1WNG3aVHh4eAh7e3tRtmxZMWDAAL3lorLbuU3z+mTetGPr1q2iRo0awsnJSQQEBIjPP/9cLFu2zKCfZgMLY3J6DE3fRo0aCWdnZ1GkSBFRv3598cMPP2hvT0xMFD179hSenp4GG1jk9OcD/21sYAwyLWeWkpIiPvjgA1GzZk3h7u4uXF1dRc2aNQ0238iupuy+z2fPnhWdO3cWnp6ewsnJSVSqVEl89NFHRuvJ7Pjx4wKAwfJa2W1gIYQQe/fuNViiTQgh7t+/L0aNGiXKly8vHB0dhaenp2jTpo12CTNj4uLixKRJk0RwcLBwcXERTk5Oonr16mLcuHHizp07en0bNGggevfu/dznpJHT964QQvz222+ievXqwsHBQVSqVEl8//33z9zAIjtqtVr4+/sLAOLTTz812ien7ykiY1RCmOlMDiIq9K5du4bAwEDMmjULo0ePVrocRajVavj4+KBLly5GP24l69O6dWuUKlUKq1evVrqUbJ08eRJ16tTB8ePHTTrZkqiw4RxfIqJsJCcnG8zzXLVqFR4+fIgWLVooUxTlO9OnT8e6detMPpnLkj777DN069aNoZesHuf4EhFl4++//8bIkSPRvXt3FCtWDMePH8d3332H6tWro3v37kqXR/lEgwYNkJqaqnQZz/Tjjz8qXQJRvsDgS0SUjYCAAPj7+2P+/Pl4+PAhihYtir59++Kzzz7T2/WNiIgKBs7xJSIiIiKrwDm+RERERGQVGHyJiIiIyCpY3RxftVqN27dvw93dndsdEhEREeVDQgg8fvwYpUqVMtjY6UVYXfC9ffs2/P39lS6DiIiIiJ7jxo0bKF26tNmOZ3XB193dHYB8IYsUKaJwNURERESUVUJCAvz9/bW5zVysLvhqpjcUKVKEwZeIiIgoHzP3tFSe3EZEREREVoHBl4iIiIisAoMvEREREVkFBl8iIiIisgoMvkRERERkFRh8iYiIiMgqMPgSERERkVVg8CUiIiIiq8DgS0RERERWgcGXiIiIiKwCgy8RERERWQUGXyIiIiKyCgy+RERERGQVGHyJiIiIyCow+BIRERGRVVA0+P7555/o0KEDSpUqBZVKhZ9++um599m7dy/q1KkDR0dHlC9fHitWrMjzOomIiIio4FM0+CYlJaFmzZpYuHBhjvpfvXoVr776Klq2bImTJ0/ivffew9tvv42dO3fmcaVEREREVNDZKfngr7zyCl555ZUc91+8eDECAwMxe/ZsAECVKlWwf/9+zJkzB6GhoXlVJhERERFZyMULavw65588OXaBmuMbGRmJNm3a6LWFhoYiMjIy2/ukpKQgISFB74uIiIiI8o/Ll4EZM4CXq99BdJX2CP+mVZ48ToEKvnfv3kXx4sX12ooXL46EhAQ8ffrU6H1mzJgBDw8P7Ze/v78lSiUiIiKiZ4iOBj7/HAgJASpUAP4evwVr/6mBdtgJFyTnyWMWqOCbG+PGjUN8fLz268aNG0qXRERERGSVrl0DZs0C6tUDypUDxo4FLhxPwiIMxhZ0gg9iAQCJbr558viKzvE1VYkSJXDv3j29tnv37qFIkSJwdnY2eh9HR0c4OjpaojwiIiIiyuLff4ENG4CICODwYf3b6uAY1qAXKiNK19ipE9y+/BIICjJ7LQUq+L700kv45Zdf9Np+//13vPTSSwpVRERERERZ3bihC7t//214uw0yMNfvC/zvzkTYqtNlo4sLMHcu8PbbwOPHeVKXosE3MTERly9f1l6/evUqTp48iaJFi6JMmTIYN24cbt26hVWrVgEABg8ejAULFuDDDz/Em2++iT/++AMRERHYvn27Uk+BiIiIiADcuqULuwcPGu9TqxYQFgaEvZqMcl2/BTShNyQEWLsWqFgxT2tUNPgePXoULVu21F4fNWoUAKBfv35YsWIF7ty5g+vXr2tvDwwMxPbt2zFy5EjMmzcPpUuXxrfffsulzIiIiIgUcPs2sHGjDLv79xvvU6OGDLvdu2fOta4y6DZpArz/PjBlCuDgkOf1qoQQIs8fJR9JSEiAh4cH4uPjUaRIEaXLISIiIipQ7t7Vhd2//gKMJcnq1XVht3JlyKkLCQmAn59+x1u3DNuQd3mtQM3xJSIiIiLLu3cP2LRJht19+4yH3SpVgPBwGXarVs10Q2Qk0Ls3UKKEvLNdpvhpJPTmJQZfIiIiIjIQE6MLu3v3Amq1YZ9KlWTYDQsDqlXLcmN6OjBtGvDJJ0BGhm7h3gkTLFG+UQy+RERERAQAiI0FNm+WYXfPHplXs6pQQRd2q1cHVCojB4qOlqO8mXfXbdQI6Nkzz2rPCQZfIiIiIiv28KEu7O7ebTzsliunC7s1amQTdgE5B2L1amDYMN2SZLa2wOTJwLhx+tMcFMDgS0RERGRl4uKAn36SYXfXLjkrIaugoP+WHguTy5BlG3YzH3TwYHnQzAdZswZo2NCM1ecegy8RERGRFXj0CNiyRebS338H0tIM+wQE6MJunTo5CLsaCQkyHWdahhb9+wPz5wPu7i9cu7kw+BIREREVUvHxwNatMuzu3Gk87JYpowu7deuaEHYzK1IE6NwZmDcP8PICliyRyzvkMwy+RERERIVIQgLw888y7O7YAaSmGvYpXVoXduvXz2XYzeqzz4DkZLlqg7+/GQ5ofgy+RERERAVcYiKwbZsMu7/8AqSkGPYpVUoOwoaHAw0aADY2uXwwIYClS+VJa2+9pWt3cgIWL87lQS2DwZeIiIioAEpKArZvl2F3+3Y52JpVyZJAt25yZLdRoxcIuxoxMcDAgXKysLOzPGiVKi94UMth8CUiIiIqIJ48kSO6ERFyhPfpU8M+xYvrwm7jxnJg1ix++w3o10/uWQzIB9+2jcGXiIiIiMzj6VPg119l2P35Zxl+s/L1Bbp2lWG3aVMzhl1ADiWPGwfMnatr8/YGli0DOnQw4wPlPQZfIiIionwmOVmemBYRIVdlSEoy7OPtrQu7zZrl0d4QZ84AvXrJfzXatQOWLwdKlMiDB8xbDL5ERERE+UByspxNoAm7mo3PMitWDOjSRYbdFi3ycCM0IYCvvgI+/FB3ppyjIzBrltyVzSzLQFgegy8RERGRQlJS5GYSERHyfLGEBMM+Xl66sNuyJWBvb4HCEhOB2bN1obdGDbkDW/XqFnjwvMPgS0RERGRBqalym+CICLltcHy8YR9PT7kfRFgY0Lq1hcJuZu7uwPffy6Q9YgQwfbpcrqyAY/AlIiIiymNpacDu3TLsbt4stw/OysMD6NRJht02bQAHBwsWmJQkv3x9dW1NmwIXLwJBQRYsJG8x+BIRERHlgbQ0YM8eXdh9+NCwj7u7Luy+/LKcRmtxx47JE9j8/OS8i8yL/Rai0Asw+BIRERGZTXo6sHevDLubNgEPHhj2cXMDOnaUYbdtWwVnEGRkAF98AUycKAuPigLmzAHef1+hgvIegy8RERHRC8jIAP78E1i3Dti4EYiNNezj6gq8/roMu6GhctMzRd24AfTtK1O6RkhIgVuX11QMvkREREQmysgA9u+XI7sbNgD37xv2cXGROTIsTC596+Ji+TqNiogABg3STTRWqYCxY4EpUyw8sdjyGHyJiIiIckCtBg4c0IVdzc69mTk7A6++KsNu+/ZypDffSEiQKzSsXKlr8/cHVq8GmjdXri4LYvAlIiIiyoZaDURGyrC7fj1w545hHycnGXLDwmTodXOzfJ3PFR8P1KkDREfr2sLDgUWL5ELBVoLBl4iIiCgTtRo4dEgXdm/dMuzj6Ai88ooMu6+9JldnyNc8PIBWrWTwdXcHFi4EevcusDuw5RaDLxEREVk9IYDDh3Vh98YNwz4ODnKubliYnLtbpIjl63whc+YAT58CH39c6JYpyykGXyIiIrJKQgBHj8qwGxEBXL9u2MfeXq7CEBYmV2Xw8LB8nSYTQs7btbcH3nhD1+7mJndjs2IMvkRERGQ1hACOH9eF3WvXDPvY2cn1dcPC5Hq7np6WrvIFxMUBgwfLJ+fmBtSvD5Qrp3RV+QaDLxERERVqQgAnT+rCbubzuzTs7OQ2wZqwW7Soxct8cXv3An36ADdvyuuJiXL5iTFjFC0rP2HwJSIiokJHCOD0aV3YvXzZsI+tLdC6tQy7nToBxYpZvEzzSE0FJk0CZs6UTxyQw9TffAN0765oafkNgy8REREVCkIAZ8/qwu7Fi4Z9bGzk4gZhYUDnzoC3t+XrNKuoKKBnTzl/Q6NFC2DVKrlGL+lh8CUiIqIC7Z9/dGH3wgXD221sZBbUhF1fX4uXaH5CyBHdkSPlSg2APJlt2jTg/fflkyYDDL5ERERU4Jw/rwu7584Z3q5Syc3IwsKALl2A4sUtX2Oeio+XWwxrQm+lSsDatXKTCsoWgy8REREVCFFRco3diAjgzBnD21UqoGlTXdgtWdLyNVqMpyewYoVcWHjwYGD2bMDFRemq8j0GXyIiIsq3Ll3Shd1Tp4z3adJEht2uXYFSpSxbn8UkJwNPnugvNxEaKic1V6umXF0FDIMvERER5StXrujC7okTxvs0aqQLu6VLW7Y+iztzRp7AVrYs8PPP+tsMM/SahMGXiIiIFHf1qi7sHjtmvE+DBjLsdu9uJQsWqNXAV1/JdXhTUuTo7uLFwJAhSldWYDH4EhERkSL+/VcXdo8cMd6nXj0Zdrt1AwICLFqesu7cAQYMAHbu1LXVqCEnMVOuMfgSERGRxVy/LjcTi4gADh0y3ickRDeyGxho2fryhS1bgLffBmJjdW0jRwLTpwNOTsrVVQgw+BIREVGeunlTF3YjI433qV1bF3bLlbNsfflGUpJcg3fJEl1byZLAypXAyy8rV1chwuBLREREZnf7ti7sHjhgvE/NmrqwW6GCZevLd+LigJdekmu2aXTqBCxdWgi2l8s/GHyJiIjILO7cATZulGF3/365uVhWwcG6sFupkuVrzLe8vOQcj6gouR7vvHnAW2/pr+BAL4zBl4iIiHLt3j1d2P3zT+Nht1o1XditUsXyNRYYCxfKndg++wyoWFHpagolBl8iIiIyyf37wKZNMuzu2ydX3cqqcmUgPFyGXS41a0REBODoCHTsqGvz9JQvLOUZBl8iIiJ6rthYXdjds8d42K1YUYbdsDAZdvkpvREJCcCIEfKENS8v4PRpK9iBI/9g8CUiIiKjHjwANm+WYfePP4CMDMM+5cvrwm5wMMPuM0VGAr16yd06AHlC2/ffA2PHKluXFWHwJSIiIq2HD4GffpJhd/duID3dsE9QkC7s1qzJsPtc6enAp5/KL81fD+7uck5v797K1mZlGHyJiIisXFyc3DMhIgL4/XfjYTcgQBd2a9dm2M2x6GgZbjMvYNyokRzptcrdOZTF4EtERGSF4uN1Yfe334C0NMM+ZcrIoBsWBtSty7BrEiGAVauAYcOAxETZZmsLTJoEjB8P2DGCKYGvOhERkZVISAB+/hlYtw7YuRNITTXs4+8vV2IICwPq12fYzbW4OLkLmyb0BgUBa9YADRsqW5eVY/AlIiIqxB4/BrZtkyO7v/4KpKQY9vHz04XdBg0AGxvL11noFC0KfPst0Lkz0L8/MH++nNdLimLwJSIiKmQSE4Ht22XY/eUXIDnZsE/Jkrqw+9JLDLsvLDVV/lWROdx26gQcPSp3ZKN8gcGXiIioEEhKkiE3IkKG3qdPDfuUKAF06ybDbuPGDLtmExUF9Owp13b78Uf9+SEMvfkKgy8REVEB9eSJnL4QESGnMzx5YtjH11cXdps0kedXkZkIAXzzDTBypPxL4/hx4NVXgb59la6MssHgS0REVIA8fQrs2CHD7s8/y5HerHx8gK5dZdht1oxhN0/ExABvvw1s3aprq1QJqF5duZrouRh8iYiI8rnkZLkKQ0SEzFmahQIyK1ZMF3abN+dqWXlq5055wtrdu7q2wYOB2bMBFxfFyqLn448FERFRPpSSItfXjYiQ6+0+fmzYp2hRoEsXGXZbtADs7S1epnVJTgbGjQPmztW1eXsDy5YBHTooVhblHIMvERFRPpGaKndOi4iQ2wYnJBj28fKSK2SFhQGtWjHsWszDh/KvizNndG3t2gHLl8uzBqlAYPAlIiJSUGoqsHu3Luw+emTYx8NDF3ZbtwYcHCxdJcHLS25CceYM4OgIzJold2XjDh8FCoMvERGRhaWlAX/8IcPu5s1yk6+sihSRy8CGhQFt2sisRQpSqeSGFE+fyrm8PImtQGLwJSIisoD0dGDPHhl2N22Sn5xn5e4OdOwow27btgy7itq6VX4DQkN1bd7e8sQ2KrAYfImIiPJIejrw558y7G7cCMTGGvZxcwNef12G3dBQwMnJ8nVSJklJwPvvA0uWyEWQz5yR/1KhwOBLRERkRhkZwF9/6cLu/fuGfVxd5SIAYWHy/ChnZ8vXSUYcOyZ3YLt4UV6/f1+u2DB2rLJ1kdkw+BIREb2gjAzgwAEZdjdsAO7dM+zj7Ay89poMu+3bc7nXfCUjA/jiC2DiRDlMD8hv0Ny5cpMKKjQYfImIiHJBrQYOHtSF3Tt3DPs4OckdbMPC5L+urpavk57jxg2gTx9g3z5dW0gIsHYtULGicnVRnmDwJSIiyiG1Gvj7bxl2168Hbt827OPoKEd0w8LkCK+bm+XrpByKiAAGDdKtIadSyWkNU6ZwzbhCisGXiIjoGYQADh3Shd2bNw37ODgAr7wiw26HDnJ1BsrnYmOBgQN1u4T4+wOrV8v9nqnQYvAlIiLKQgjgyBFd2L1+3bCPg4NchUETdj08LF8nvQBvb2DRIqBXLyA8XF728lK6KspjDL5ERESQYffYMRl2IyKAf/817GNvL9fXDQuTS5B5elq8TMqt9HS5TV7mswp79gRKlwaaNuUObFaCwZeIiKyWEMCJE7qwe/WqYR87O+Dll2XY7diRg4IFUnQ00Ls3ULmyXJ4ss2bNlKmJFMHgS0REVkUI4NQpXdi9csWwj62t3CY4LExuG1y0qMXLJHMQQs7bHToUSEwEIiPlZOzu3ZWujBTC4EtERIWeEHIDLk3YvXTJsI+tLdCqlS7sentbvEwyp7g4YPBg+Q3XCAqSJ7GR1WLwJSKiQuvsWV3YjYoyvN3GBmjZUobdzp0BHx/L10h5YO9euTZv5iU4+vcH5s/nkhtWjsGXiIgKlXPn5EoMERHyclYqFdCihQy7XboAvr4WL5HySmoqMGkSMHOmHOYH5KTsJUs4vYEAMPgSEVEhcOGCLuyePWt4u0olT9wPCwO6dgVKlLB8jZTHHjyQS24cP65ra9kSWLVKrtxABAZfIiIqoC5e1IXd06eN92nSRBd2S5WybH1kYV5euonZ9vbAtGnA++/L+SxE/2HwJSKiAuPyZV3YPXnSeJ9GjWTY7dYN8POzaHmkJBsbYMUK+c2fNw+oU0fpiigfYvAlIqJ8LTpaF3Yzf4qdWcOGurDLk/atxG+/AU5O+uvwliwJ/PWXcjVRvqf4+P/ChQsREBAAJycnNGjQAIcPH35m/7lz56JSpUpwdnaGv78/Ro4cieTkZAtVS0RElnDtGjBrFlCvHlCuHDB2rGHorV8f+OIL2TcyEhg5kqHXKiQny292aKjcbjguTumKqABRdMR33bp1GDVqFBYvXowGDRpg7ty5CA0NRVRUFHyNnGa7du1ajB07FsuWLUOjRo1w8eJF9O/fHyqVCl9++aUCz4CIiMzl+nXdyG52YyB168qR3e7dgYAAi5ZH+cGZMzLsnjkjr9+8CXzzDTBmjLJ1UYGhEkKz3oflNWjQAPXq1cOCBQsAAGq1Gv7+/hg+fDjGjh1r0H/YsGE4f/48du/erW17//33cejQIezfvz9Hj5mQkAAPDw/Ex8ejSJEi5nkiRESUKzduABs2yLD799/G+9Spowu7QUGWrY/yCbUa+OorGXBTUmSbo6P8WGDYMLlsBxUqeZXXFBvxTU1NxbFjxzBu3Dhtm42NDdq0aYPIyEij92nUqBG+//57HD58GPXr10d0dDR++eUX9OnTJ9vHSUlJQYrmhwTyhSQiIuXcuqULuwcPGu9Tq5Yu7JYvb9HyKL+5cwcYMADYuVPXFhwMrF0LVK+uXF1UICkWfGNjY5GRkYHixYvrtRcvXhwXLlwwep+ePXsiNjYWTZo0gRAC6enpGDx4MMaPH5/t48yYMQNTp041a+1ERGSa27eBjRtl2M3uA7oaNXRht2JFy9ZH+dSWLcDbbwOxsbq2kSOB6dPliW1EJipQqzrs3bsX06dPx9dff40GDRrg8uXLePfdd/HJJ5/go48+MnqfcePGYdSoUdrrCQkJ8OfZD0REee7uXV3Y/esv3UZamVWvrgu7lStbvkbKx2Ji5HzepCR5vWRJuVxZ27aKlkUFm2LB19vbG7a2trh3755e+71791Aimy11PvroI/Tp0wdvv/02ACA4OBhJSUl45513MGHCBNgYWaTa0dERjo6O5n8CRERk4N49YNMmGXb37TMedqtUAcLDZditWtXyNVIB4eMDzJ0LDBwIdOwIfPutboMKolxSLPg6ODggJCQEu3fvRqdOnQDIk9t2796NYcOGGb3PkydPDMKtra0tAEDBc/SIiKxaTIwu7O7dK89DyqpSJTmyGxYGVKvGc5HIiIwMID1dnrSm8dZbcrvh0FC+acgsFJ3qMGrUKPTr1w9169ZF/fr1MXfuXCQlJWHAgAEAgL59+8LPzw8zZswAAHTo0AFffvklateurZ3q8NFHH6FDhw7aAExERHkvNhbYvFmG3T17ZGbJqkIFXdgNDmZuoWe4cQPo21fOffnqK127SgW0a6dcXVToKBp8w8PDERMTg0mTJuHu3buoVasWduzYoT3h7fr163ojvBMnToRKpcLEiRNx69Yt+Pj4oEOHDpg2bZpST4GIyGo8fKgLu7t3Gw+75crpwm7Nmgy7lAMREcCgQcCjR/Ijg1deAdq3V7oqKqQUXcdXCVzHl4go5+Li5In169YBu3bJT6KzCgzUhd3atRl2KYcSEoARI4CVK3Vt/v7AmjVA06bK1UX5QqFbx5eIiPKnR4+ArVvlQNxvvwFpaYZ9ypbVhd2QEIZdMlFkJNC7NxAdrWsLDwcWLQK8vJSriwo9Bl8iIkJCgi7s7twJpKYa9vH314XdevUYdikX0tOBadOATz7RzZVxdwcWLpRBmG8qymMMvkREVurxY+Dnn2XY3bFDtxNsZqVLy2XHwsKA+vUBI6tGEuXMgwdAhw5ytFejUSPg++/lfBkiC2DwJSKyIomJwLZtMuz+8ovxsFuqlC7sNmzIsEtm4ukJ2P0XO2xtgUmTgPHjdW1EFsB3GxFRIZeUBGzfLsPu9u1AcrJhnxIldGG3USOGXcoDtrbA6tVAly5yakPDhkpXRFaIwZeIqBB68kSO6EZEyBHep08N+xQvDnTrJsNu48YylxCZzb59gLOznCOjUbYscPQo5/KSYhh8iYgKiadPgV9/lWH3559l+M3Kx0cXdps2ZdilPJCaCkyeDHz+uZy7e/KkPIFNg6GXFMTgS0RUgCUnyxPTNGE3MdGwj7c30LWrDLvNmnFKJeWhqCigZ0/g+HF5PTpaLlH24YfK1kX0H/76IyIqYFJS5JJjERFyCbLHjw37FC2qC7stWjDsUh4TAli6FHjvPd28Gnt7uXTZ++8rWhpRZvxVSERUAKSkAL//LsPuli1y3d2svLzkeUNhYUDLljJ3EOW5mBhg4ED5xtSoVAlYuxaoU0e5uoiMYPAlIsqnUlPlNsEREcBPPwHx8YZ9PD2Bzp1l2G3VCnBwsHSVZNV27gT69wfu3tW1DR4MzJ4NuLgoVhZRdhh8iYjykbQ04I8/ZNjdvBmIizPs4+EBdOokw26bNgy7pJB79+QbUbM+nrc3sGyZ3KSCKJ9i8CUiUlh6OrBnjwy7mzYBDx8a9nF3Bzp2lGG3bVvA0dHydRLpKV4c+OwzOa83NBRYsUIuCE2UjzH4EhEpID1dLnMaEQFs3Ch3c83KzQ14/XUZdkNDAScny9dJpKVWAxkZ+pPHhw+X+1p37sxdT6hAYPAlIrKQjAzgzz91YTcmxrCPq6v8pDgsDGjXTq7/T6S4O3fkXN5ateT6vBo2NnL5EKICgsGXiCgPZWQA+/fLsLthA3D/vmEfFxfgtddk2H3lFZ4TRPnMli3AW2/JjyV+/11+/NCqldJVEeUKgy8RkZmp1cCBA7qwm/mEdw1nZ+DVV2XYbd9ejvQS5StJSXIN3iVLdG3FiytXD5EZMPgSEZmBWg1ERurC7u3bhn2cnGTIDQuTodfNzfJ1EuXIsWNyB7aLF3VtHTsC334rV28gKqAYfImIckmtBg4dkmF3/Xrg1i3DPo6OcvpCWJiczuDubvk6iXIsIwP44gtg4kR5BiYg597MnQu8/TagUilaHtGLYvAlIjKBEMDhw7qwe+OGYR8HB3liWliYPFGtSBHL10lksthYoHt3YO9eXVtIiNyBrWJFxcoiMicGXyKi5xACOHpUF3b//dewj729POcnLEwuQebhYfk6iV6IhweQmCgvq1TA2LHAlCncIYUKFQZfIiIjhACOH5dhNyICuHbNsI+dndxMIixMTn/09LR0lURmZG8PrFkjd2NbtAho3lzpiojMjsGXiOg/QgAnT+rCbnS0YR9bW7lNcHi4DLtFi1q8TCLziIyU83dr1tS1VawInD3LzSio0GLwJSKrJgRw+rQu7F6+bNjH1lYuWxoWJjeoKlbM8nUSmU16OjBtGvDJJzLoHj2qv3g0Qy8VYgy+RGR1hJCDWpqwm3nFJg0bG6BlS13Y9fGxfJ1EZhcdDfTuLUd7AeD8eeDrr4HRo5Wti8hCGHyJyGr8848u7F64YHi7jY2c1hgWBnTpAvj6Wr5GojwhBLB6NTBsGPD4sWyztQUmTwbee0/R0ogsicGXiAq18+flSgwRETL4ZqVSAc2a6cJuiRKWr5EoT8XFAYMHyx8CjXLlgO+/Bxo2VK4uIgUw+BJRoXPxom5k98wZw9tVKqBJExl2u3YFSpa0fI1EFrF3L9CnD3Dzpq5twABg3jzupkJWicGXiAqFS5d0I7unThnv07ixLuz6+Vm2PiKLu3NHLi6dmiqve3kBS5bITSqIrBSDLxEVWFeu6MLuiRPG+7z0kgy73boBpUtbtj4iRZUsKefwTpggz9RctYo/BGT1GHyJqEC5elUXdo8dM96nQQNd2C1TxrL1ESlGCECtlietaYwZA/j7A716cZkyIjD4ElEB8O+/urB75IjxPvXq6cJuQIBFyyNSXkwMMHAgULu2HOXVsLWVc3yJCACDLxHlUzdu6MLuoUPG+4SEyLDbvTsQGGjZ+ojyjZ07gf79gbt3gW3b5D7aL72kdFVE+RKDLxHlGzdvAhs2yLCrWV8/q9q1dWG3XDnL1keUryQnA+PGAXPn6tq8vHTr9BKRAQZfIlLU7du6sHvggPE+NWvqwm6FCpatjyhfOnNGztvNvF5faCiwYgUXoyZ6BgZfIrK4O3eAjRtl2N2/X56Tk1VwsC7sVqpk+RqJ8iW1GvjqK3nSWkqKbHN0BGbOlLuy8QQ2omdi8CUii7h3Txd2//zTeNitWhUID5dht0oVy9dIlK89eCBHeXfu1LUFBwNr1wLVqytXF1EBwuBLRHnm/n1g0yYZdvftk4NVWVWuLEd2w8KAatUsXyNRgeHqCty6pbs+ciQwfTrg5KRcTUQFDIMvEZlVbCyweTOwbh2wZ4/xsFuhghzZDQuTA1UqleXrJCpwnJzk6G7HjsDixXL1BiIyCYMvEb2wBw+An36SI7u7dwMZGYZ9ypfXjezWqMGwS/Rcx47JUd7KlXVtwcHAxYuAHf/7JsoN/uQQUa7ExenC7q5dQHq6YZ+gIF3YrVWLYZcoRzIygC++ACZOlB+J/P23PIFNg6GXKNf400NEOfboEbBliwy7v/8OpKUZ9gkI0IXdOnUYdolMcuOG3Glt3z55/eRJ4Ouv5XxeInphDL5E9Ezx8cDWrTLs7txpPOyWKaMLu3XrMuwS5UpEBDBokPwLE5A/SGPHAkOHKloWUWHC4EtEBhISgJ9/lv8P79gBpKYa9ildWhd269dn2CXKtYQEYMQIYOVKXZu/P7B6NdC8uXJ1ERVCDL5EBEDucrptmwy7v/6qWxs/Mz8/ucZuWBjQoAHXyid6YZGRQO/eQHS0ri08HFi0SG4/TERmxeBLZMUSE4Ht22XY/eUXIDnZsE/Jkrqw+9JLDLtEZnPrFtCihe4jFXd3YOFCGYT5EQpRnmDwJbIySUky5EZEyND79KlhnxIlgG7dZNht3JhhlyhP+PkBo0fLTSgaNQK+/x4IDFS6KqJCjcGXyAo8eSKnL0REyOkMT54Y9vH11YXdJk0AW1vL10lUqGn26c48mjtlijw79K23uEwZkQXwp4yokHr6VJ6YFhEhT1RLSjLs4+MDdO0qw26zZgy7RHkmLg4YPBioV0+O8mrY28uVHIjIIhh8iQqR5GS55FhEhFyCLDHRsE+xYkCXLjLstmjBQSaiPLd3r1yb9+ZNuZ9369ZA7dpKV0VklfhfHlEBl5IiN5OIiJCbSyQkGPbx8tKF3ZYt5SATEeWx1FRg0iRg5kzdNAc3N+DuXWXrIrJiDL5EBVBqqtwmOCJCbhscH2/Yx9MT6NxZht3WrRl2iSwqKgro2RM4flzX1rIlsGqVXASbiBTB4EtUQKSlAbt3y7C7ebNuc6fMPDyATp1k2G3TBnBwsHSVRFZOCOCbb+QWw5olU+ztgWnTgPff5xIpRAp7oeCbnJwMJycnc9VCRFmkpQF79siwu2mTPD8mqyJFgI4dZdh9+WXA0dHydRIRgIcPgQED5AR7jUqVgLVrgTp1lKuLiLRM/tNTrVbjk08+gZ+fH9zc3BD9324zH330Eb777juzF0hkbdLT5TSGd96Rm0eEhgLffacfet3cgF695Jzee/fkp6evvcbQS6QoR0fgwgXd9SFD5FQHhl6ifMPk4Pvpp59ixYoVmDlzJhwyfY5avXp1fPvtt2YtjshapKcDf/whVzsqWVKO3C5dCjx4oOvj6gq88Yac5nD/vlzr/vXXAX7oQpRPuLoCa9YApUrJUd+vvwZcXJSuiogyMXmqw6pVq/DNN9+gdevWGDx4sLa9Zs2auJD5L10ieqaMDOCvv+Q0ho0bZZjNysUF6NBBTmN45RXA2dnydRJRNs6ckWE3KEjXVrcuEB3Nj1+I8imTg++tW7dQvnx5g3a1Wo20tDSzFEVUWGVkAAcOyLC7YYOcppCVs7OcthAWBrRvzwEjonxHrQa++goYM0aux/vXX/oLYjP0EuVbJgffqlWr4q+//kLZsmX12jds2IDaXJCbyIBaDRw8qAu7d+4Y9nFyAl59VYbdV1+Vg0hElA/duQP07w/89pu8/vffwKJFwPDhipZFRDljcvCdNGkS+vXrh1u3bkGtVmPTpk2IiorCqlWrsG3btryokajAUavl/4cREcD69cDt24Z9HB3liG5YmBzhdXOzfJ1EZIItW4C33tKffD9yJDBwoHI1EZFJVEJotpPJub/++gsff/wxTp06hcTERNSpUweTJk1C27Zt86JGs0pISICHhwfi4+NRpEgRpcuhQkQI4NAhXdi9edOwj4MD0K4dEB4uwy7fgkQFQFKSXIN3yRJdW8mSwIoVQAH4f4+oIMqrvJar4FuQMfiSOQkBHDmiC7vXrxv2sbeXS5KFhclVGDw8LF8nEeXSsWNyB7aLF3VtnTrJZVe8vRUri6iwy6u8ZvJUh6CgIBw5cgTFihXTa3/06BHq1KmjXdeXqLASQv5fqAm7164Z9rGzkwNBYWFycwlPT0tXSUQv7MYNoFEjuUc4IM80nTdPTndQqZStjYhyxeTge+3aNWRkZBi0p6Sk4NatW2Ypiii/EQI4cUKG3YgI4OpVwz52dnKb4LAwOSDk5WXxMonInPz9gf/9D5g7FwgJkTuwVayodFVE9AJyHHy3ZtqCcefOnfDI9HltRkYGdu/ejYCAALMWR6QkIYBTp3Rh98oVwz62tkDr1rqwm+WDECIqaITQH82dMQMoUwYYOlRO0ieiAi3Hc3xtbOQmbyqVClnvYm9vj4CAAMyePRuvvfaa+as0I87xpWcRQq5Jrwm7ly4Z9rGxAVq1kmG3c2dO8yMqFBISgBEjgPr15SgvESlK8Tm+arUaABAYGIgjR47Am//bUyHyzz+6sGtsA0IbG6BFC13Y9fW1eIlElFciI4FeveQcpnXrgJYtgSpVlK6KiPKAyXN8rxqb3EhUAJ0/rwu7584Z3q5SAc2by7DbpQtQvLjlaySiPJSeDnz6qfzSnLtiby/nNTH4EhVKJgdfAEhKSsK+fftw/fp1pGrOdv3PiBEjzFIYUV6IitKF3bNnDW9XqYCmTWXY7doVKFHC8jUSkQVERwO9e8vRXo1GjYDvvwcCA5Wri4jylMnB98SJE2jfvj2ePHmCpKQkFC1aFLGxsXBxcYGvry+DL+U7Fy/KZcciIoDTp433adJEF3ZLlbJsfURkQUIAq1YBw4YBiYmyzdYWmDQJGD9eLs9CRIWWyT/hI0eORIcOHbB48WJ4eHjg77//hr29PXr37o133303L2okMtnly7qwe/Kk8T6NGunCbunSFi2PiJTw6BEwaJD8xaARFASsWQM0bKhYWURkOSYH35MnT2LJkiWwsbGBra0tUlJSEBQUhJkzZ6Jfv37o0qVLXtRJ9FzR0bqwe/y48T4NG8qw262bXKKTiKyISiX3Fdfo3x+YPx9wd1esJCKyLJODr729vXZpM19fX1y/fh1VqlSBh4cHbty4YfYCiZ7l2jVd2D161Hif+vV1YbdsWYuWR0T5iYcHsHq1PFv166+B7t2VroiILMzk4Fu7dm0cOXIEFSpUQPPmzTFp0iTExsZi9erVqF69el7USKTn+nVd2D182HifunV1YZfnqRBZqagowNVVfy5T06byL2ZXV8XKIiLlmBx8p0+fjsePHwMApk2bhr59+2LIkCGoUKECvvvuO7MXSAQAN24AGzbIsPv338b71Kkjw2737nLaHhFZKSGAb74BRo6U85t27ZKLcWsw9BJZrRzv3FZYcOe2guPWLV3YPXjQeJ9atXRht3x5i5ZHRPlRTAzw9tvA1q26tkWLgMGDlauJiEym+M5tz3P8+HFMmjQJ27ZtM9chyQrdvg1s3CjD7v79xvsEB+vCbqVKlq2PiPKxnTvlCWt37+raBg8G+vZVrCQiyl9snt9FZ+fOnRg9ejTGjx+P6OhoAMCFCxfQqVMn1KtXT7utsSkWLlyIgIAAODk5oUGDBjic3aTN/zx69AhDhw5FyZIl4ejoiIoVK+KXX34x+XEp/7h7F1i4UO6SVro0MGKEYeitVg2YOlXusHb6NDBxIkMvEf0nOVlOa2jXThd6vb3lqO+iRYCLi7L1EVG+keMR3++++w4DBw5E0aJFERcXh2+//RZffvklhg8fjvDwcJw9exZVTNzicd26dRg1ahQWL16MBg0aYO7cuQgNDUVUVBR8fX0N+qempuLll1+Gr68vNmzYAD8/P/z777/w9PQ06XFJeffvA5s2yZHdffsAY38zVa4MhIfLkd1q1SxfIxEVAGfOAL16yX81QkOBFSu49SIRGcjxHN8aNWqgT58++OCDD7Bx40Z0794dDRs2REREBErncvX/Bg0aoF69eliwYAEAQK1Ww9/fH8OHD8fYsWMN+i9evBizZs3ChQsXYG9vn6vH5Bxf5cTEAJs3y7C7Z4/xsFuxogy7YWEy7KpUlq+TiAqIf/+VH/2kpMjrjo7AzJlyVzYbkz7QJKJ8Jq/yWo6Dr6urK/755x8EBARACAFHR0fs2bMHjRs3ztUDp6amwsXFBRs2bECnTp207f369cOjR4+wZcsWg/u0b98eRYsWhYuLC7Zs2QIfHx/07NkTY8aMga2trdHHSUlJQYrmlyLkC+nv78/gayEPHujC7h9/ABkZhn3Kl9eF3eBghl0iMsE77wBLl8pfHmvXAlxWk6hQUPzktqdPn8Llv3lSKpUKjo6OKFmyZK4fODY2FhkZGShevLhee/HixXHhwgWj94mOjsYff/yBXr164ZdffsHly5fxv//9D2lpaZg8ebLR+8yYMQNTp07NdZ1kuocPgZ9+kmF31y7jYTcoSBd2a9Zk2CWiXJozR+5M8/77gJOT0tUQUT5n0qoO3377Ldzc3AAA6enpWLFiBby9vfX6jBgxwnzVZaFWq+Hr64tvvvkGtra2CAkJwa1btzBr1qxsg++4ceMwatQo7XXNiC+ZV1wcsGWLDLu//w6kpxv2CQyUQTcsDKhdm2GXiEyQlCTDbcOGcuUGDVdXYMIExcoiooIlx8G3TJkyWLp0qfZ6iRIlsHr1ar0+KpUqx8HX29sbtra2uHfvnl77vXv3UCKbExJKliwJe3t7vWkNVapUwd27d5GamgoHBweD+zg6OsLR0TFHNZFp4uN1Yfe334C0NMM+Zcvqwm5ICMMuEeXCsWPyBLaoKGDNGrn7WrlySldFRAVQjoPvtWvXzPrADg4OCAkJwe7du7VzfNVqNXbv3o1hw4YZvU/jxo2xdu1aqNVq2Px34sLFixdRsmRJo6GXzC8hQa4QFBEhl8xMTTXs4++vC7v16jHsElEuZWQAX3wh1y/UfIykVgNnzzL4ElGumG0Di9wYNWoU+vXrh7p166J+/fqYO3cukpKSMGDAAABA37594efnhxkzZgAAhgwZggULFuDdd9/F8OHDcenSJUyfPj1Pp1cQ8Pgx8PPPMuzu2KE7gTozPz9d2K1fnydUE9ELunED6NNHrneoERIiT2CrWFG5uoioQFM0+IaHhyMmJgaTJk3C3bt3UatWLezYsUN7wtv169e1I7sA4O/vj507d2LkyJGoUaMG/Pz88O6772LMmDFKPYVCKzER2LZNht1ffjEedkuVkmvshoXJaXcMu0RkFhERwKBBwKNH8rpKBYwdC0yZAvDTPSJ6ATlezqyw4Dq+2UtKArZvl//nbN8uN0PKqkQJoFs3uSJDo0YMu0RkRo8fA8OHAytX6tr8/YHVq+XWjkRkNRRfzowKpydP5IhuRIQc4X361LCPr68Mu2FhQJMmQDZLJhMRvZiUFHmmrEZ4uNxy2MtLuZqIqFBh8LVCT5/KuboREXLublKSYR8fH6BrVxl2mzVj2CUiC/D2lqO93boBCxYAvXvz7FgiMqtcBd8rV65g+fLluHLlCubNmwdfX1/8+uuvKFOmDKpVq2buGskMkpPlKgwREXJVhsREwz7FiunCbvPmgB3/LCKivBQdLdfhzbyR0csvy62IPT0VK4uICi+TZ2ju27cPwcHBOHToEDZt2oTE/xLUqVOnst1EgpSRkiJHdPv0kdMVOnWSJ0RnDr1FiwJvvy0/Xbx7F1iyBGjdmqGXiPKQEHJkt2ZN4M035fXMGHqJKI+YHG/Gjh2LTz/9FKNGjYK7u7u2vVWrVliwYIFZiyPTpabKndMiIuS2wQkJhn28vIDOneXIbqtWgL29xcskImsVFwcMHix/SQHyJIPly2UAJiLKYyYH3zNnzmDt2rUG7b6+voiNjTVLUWSa1FRg9275/8jmzXJHtaw8PHRht3VrrghERArYu1d+BHXzpq6tf3+5LiIRkQWYHHw9PT1x584dBAYG6rWfOHECfn5+ZiuMni0tDfjjD13YjYsz7FOkiJzeEBYGtGkDcOdmIlJEaiowaRIwc6ZuWoOXl5xbxdBLRBZkcvDt0aMHxowZg/Xr10OlUkGtVuPAgQMYPXo0+vbtmxc10n/S04E9e2TY3bQJePjQsI+7O9Cxowy7bdsy7BKRwi5cAHr1Ao4f17W1bAmsWgWULq1cXURklUwOvtOnT8fQoUPh7++PjIwMVK1aFRkZGejZsycmTpyYFzVatfR0uWOnJuwam03i5ga8/roMu6GhgJOT5eskIjIQHQ3UqaNbINzeHpg2DXj/fe5+Q0SKyPXObdevX8fZs2eRmJiI2rVro0KFCuauLU8UhJ3bMjKAP/+UYXfjRiAmxrCPqyvQoYMMu+3aAc7Olq+TiOi5evcG1qwBKlWSy8rUqaN0RURUAOSbndv279+PJk2aoEyZMihTpozZCrF2GRnA/v26sHvvnmEfFxfgtddk2H3lFXmdiChfW7gQKFsWmDCBv7SISHEmj/g6ODjAz88Pb7zxBnr37o2qVavmVW15Ir+N+P7zD7B4MbBhg1xHNysnJ+DVV2XYffVVOdJLRJTvJCcD48YBjRrxhDUiemF5lddMDr6xsbH48ccf8cMPPyAyMhI1atRAr1698MYbb6B0AThRIT8F39hYoEwZ3fQ3DUdHoH17GXZfe03O4SUiyrfOnJEnsJ05IzefOH0a8PdXuioiKsDyKq+ZfHaBt7c3hg0bhgMHDuDKlSvo3r07Vq5ciYCAALRq1cpshVmDo0d1odfBQa7GsGaNnNO7aRPQowdDLxHlY2o1MG8eUK+eDL2A/KV29KiydRERZeOFNqYNDAzE2LFjUbNmTXz00UfYt2+fueqyChcv6i4vXgwMGKBcLUREJrlzR/7S2rlT1xYcLE9gq15dubqIiJ4h1+vJHDhwAP/73/9QsmRJ9OzZE9WrV8f27dvNWVuhlzn4VqyoXB1ERCbZsgWoUUM/9I4cCRw+zNBLRPmaySO+48aNw48//ojbt2/j5Zdfxrx589CxY0e48Gxdk126pLvM4EtE+V5SklyDd8kSXVvJksCKFXLHHCKifM7k4Pvnn3/igw8+QFhYGLy9vfOiJquhGfH19AT4UhJRvpeQINdb1OjUCVi6lL/AiKjAMDn4HjhwIC/qsDrJycC//8rLFSsCKpWy9RARPVfJksC33wI9e8qT2t56i7+8iKhAyVHw3bp1K1555RXY29tj69atz+z7+uuvm6Wwwu7KFUCzkFwB2fSOiKzNjRty8fCiRXVtHTsCV68Cvr7K1UVElEs5Cr6dOnXC3bt34evri06dOmXbT6VSISMjw1y1FWqc30tE+VpEBDBoENCmjbyceWSXoZeICqgcreqgVqvh+98vOrVane0XQ2/OcUUHIsqXEhKA/v2B8HDg0SO5reTatUpXRURkFiYvZ7Zq1SqkpKQYtKempmLVqlVmKcoaZA6+nOpARPlCZCRQqxawcqWuLTxcbiVJRFQImBx8BwwYgPj4eIP2x48fYwB3YMgxBl8iyjfS04GpU4GmTeX8XQBwdwdWrQJ++AHw8lK2PiIiMzF5VQchBFRGzuK9efMmPDw8zFKUNdDM8S1RAjDjFtRERKaJjgZ695ajvRqNGgHffw8EBipXFxFRHshx8K1duzZUKhVUKhVat24NOzvdXTMyMnD16lW0a9cuT4osbBISgLt35WXO7yUixVy+DNSpAzx+LK/b2gKTJgHjxwN2L7SjPRFRvpTj32ya1RxOnjyJ0NBQuLm5aW9zcHBAQEAAunbtavYCC6PMKzpwmgMRKaZcOaB1a+Cnn4CgIGDNGqBhQ6WrIiLKMzkOvpMnTwYABAQEIDw8HE5OTnlWVGHHFR2IKF9QqeTOa2XLAp98Iuf1EhEVYiaf3NavXz+G3hfENXyJyOJSU4GxY4Ht2/Xbvb2BuXMZeonIKuRoxLdo0aK4ePEivL294eXlZfTkNo2HDx+arbjCiiO+RGRRUVFym+Hjx4Hly4HTp4HixZWuiojI4nIUfOfMmQP3/0YD5syZ88zgS8+nCb4qlZxWR0SUJ4QAvvkGGDkSePpUtsXFAQcOAF26KFsbEZECVEIIoXQRlpSQkAAPDw/Ex8ejiALriAkht71/9AgICNAtmUlEZFYxMcDbbwNbt+raKlWSu7DVqaNcXUREOZBXec3kOb7Hjx/HmTNntNe3bNmCTp06Yfz48UhNTTVbYYVVbKwMvQCnORBRHtm5E6hRQz/0Dhkipzow9BKRFTM5+A4aNAgX//usPjo6GuHh4XBxccH69evx4Ycfmr3AwoY7thFRnklOltMa2rXTLRbu7S0D8NdfAy4uytZHRKQwk4PvxYsXUatWLQDA+vXr0bx5c6xduxYrVqzAxo0bzV1focMT24goz9y/L09e02jXDjhzBujQQbmaiIjyEZODrxACarUaALBr1y60b98eAODv74/Y2FjzVlcIcSkzIsozZcoAixYBjo7A/PnAL7/IfdGJiAiACRtYaNStWxeffvop2rRpg3379mHRokUAgKtXr6I4l8d5Lo74EpHZ3LkDuLoCmU/8eOMNoEkTwN9fubqIiPIpk0d8586di+PHj2PYsGGYMGECypcvDwDYsGEDGjVqZPYCCxtN8LW3l4MzRES5smWLPIFtxAjD2xh6iYiMMttyZsnJybC1tYW9vb05DpdnlFzOTK2WgzPJyUDlysD58xZ9eCIqDJKSgPffB5Ys0bVt2AB07apcTUREZpZXec3kqQ4ax44dw/n/klvVqlVRh0vkPNetWzL0ApzmQES5cOyY3IEt85ypTp2A5s0VK4mIqCAxOfjev38f4eHh2LdvHzw9PQEAjx49QsuWLfHjjz/Cx8fH3DUWGpzfS0S5kpEBfPEFMHEikJ4u21xcgHnzgLfekttAEhHRc5k8x3f48OFITEzEP//8g4cPH+Lhw4c4e/YsEhISMMLYXDPS4hq+RGSyGzeA1q2BsWN1oTckBDhxQu7MxtBLRJRjJo/47tixA7t27UKVKlW0bVWrVsXChQvRtm1bsxZX2HApMyIyycWLQIMGuu0eVSoZgKdMARwclKyMiKhAMnnEV61WGz2Bzd7eXru+LxnHqQ5EZJLy5WXwBeRKDXv2ANOnM/QSEeWSycG3VatWePfdd3H79m1t261btzBy5Ei0bt3arMUVNprg6+oKlCypbC1EVADY2Mid2N55Bzh1iiexERG9IJOD74IFC5CQkICAgACUK1cO5cqVQ2BgIBISEvDVV1/lRY2FQloaEB0tL1eowGl5RJRFejowdSrwxx/67SVLyqXLvLyUqYuIqBAxeY6vv78/jh8/jt27d2uXM6tSpQratGlj9uIKk2vX5InZAKc5EFEW0dFA795AZCTg5wecPg0ULap0VUREhY5JwXfdunXYunUrUlNT0bp1awwfPjyv6ip0OL+XiAwIAaxeDQwbBjx+LNvu3pVzebkhBRGR2eU4+C5atAhDhw5FhQoV4OzsjE2bNuHKlSuYNWtWXtZXaHApMyLSExcHDB4MRETo2oKCgDVrgIYNlauLiKgQy/Ec3wULFmDy5MmIiorCyZMnsXLlSnz99dd5WVuhwhFfItLauxeoUUM/9PbvD5w8ydBLRJSHchx8o6Oj0a9fP+31nj17Ij09HXfu3MmTwgobruFLREhNBcaNA1q1Am7elG2enjIAL18OuLsrWh4RUWGX46kOKSkpcHV11V63sbGBg4MDnj59mieFFTaaEd+iRXnOCpHVunkT+OorObcXAFq0AFatkmv0EhFRnjPp5LaPPvoILi4u2uupqamYNm0aPDw8tG1ffvml+aorJJ48kbuOAhztJbJqQUHAvHnAkCHAtGnA++/LtXqJiMgichx8mzVrhqioKL22Ro0aIVqzOC0AFRenNerKFd1lBl8iKxIbC7i4yC+NN9+UG1GUL69cXUREVirHwXfv3r15WEbhxhPbiKzQzp3yhLUuXYCFC3XtKhVDLxGRQvgZmwVwKTMiK5KcDIwcCbRrJ9fk/fprYPt2pasiIiLkYuc2Mh1HfImsxJkzQK9e8l+Ndu2AkBDlaiIiIi2O+FpA5qXM+AknUSGkVsuT1urV04VeR0dg/nzgl1+AEiWUrY+IiABwxNciNCO+fn6Am5uytRCRmd25AwwYIOf0agQHA2vXAtWrK1cXEREZYPDNY3FxQEyMvMz5vUSFTFQU0KSJXL1BY+RIYPp0wMlJubqIiMioXE11+Ouvv9C7d2+89NJLuHXrFgBg9erV2L9/v1mLKwy4YxtRIVa+PFC1qrxcsqQc9f3yS4ZeIqJ8yuTgu3HjRoSGhsLZ2RknTpxASkoKACA+Ph7Tp083e4EFHYMvUSFmawusXg306QOcPg20bat0RURE9AwmB99PP/0UixcvxtKlS2Fvb69tb9y4MY4fP27W4goDLmVGVEhkZACffw4cPKjfXqaM3HbY21uZuoiIKMdMnuMbFRWFZs2aGbR7eHjg0aNH5qipUOFSZkSFwI0bclR33z4gMBA4eRIoUkTpqoiIyEQmj/iWKFECly9fNmjfv38/goKCzFJUYaIJvjY2AF8eogIoIgKoUUOGXgC4dg347TdFSyIiotwxOfgOHDgQ7777Lg4dOgSVSoXbt29jzZo1GD16NIYMGZIXNRZYQujm+AYGAg4OytZDRCZISJBbDoeHA5pPs/z9gT17gG7dlKyMiIhyyeSpDmPHjoVarUbr1q3x5MkTNGvWDI6Ojhg9ejSGDx+eFzUWWPfuAY8fy8uc30tUgERGAr17A9HRurbwcGDRIsDLS7m6iIjohZgcfFUqFSZMmIAPPvgAly9fRmJiIqpWrQo37sxggPN7iQqY9HRg2jTgk0/kyWwA4O4OLFwog7BKpWx9RET0QnK9gYWDgwOqatavJKO4lBlRAXPlCjBjhi70NmoEfP+9nKtEREQFnsnBt2XLllA9Y9Tjjz/+eKGCChOO+BIVMJUqATNnAqNGAZMmAePHA3bc4JKIqLAw+Td6rVq19K6npaXh5MmTOHv2LPr162euugoFruFLlM/FxQEuLoCjo65t+HCgVSugenXl6iIiojxhcvCdM2eO0fYpU6YgMTHxhQsqTDTB19FRngxORPnI3r1ybd4ePYBZs3TtKhVDLxFRIWXycmbZ6d27N5YtW2auwxV4GRlyuiAAlC8vdzYlonwgNRUYN06O6t68CXzxBbB7t9JVERGRBZht8lpkZCScnJzMdbgC78YNICVFXuY0B6J8IioK6NkTyLy9esuWcm4vEREVeiYH3y5duuhdF0Lgzp07OHr0KD766COzFVbQ8cQ2onxECOCbb4CRI4GnT2Wbvb1cuuz99+XWikREVOiZHHw9PDz0rtvY2KBSpUr4+OOP0bZtW7MVVtAx+BLlEzExwNtvA1u36toqVQLWrgXq1FGuLiIisjiTgm9GRgYGDBiA4OBgeHH3omfiGr5E+UBUFNCiBXD3rq5tyBA5r9fFRbGyiIhIGSZ9vmdra4u2bdvikWbfejNZuHAhAgIC4OTkhAYNGuDw4cM5ut+PP/4IlUqFTp06mbUec+BSZkT5QFCQbkkVb2856vv11wy9RERWyuSJbdWrV0d05v3rX9C6deswatQoTJ48GcePH0fNmjURGhqK+/fvP/N+165dw+jRo9G0aVOz1WJOmuDr7g4UL65sLURWy94eWLMG6NIFOHMG6NBB6YqIiEhBJgffTz/9FKNHj8a2bdtw584dJCQk6H2Z6ssvv8TAgQMxYMAAVK1aFYsXL4aLi8szl0bLyMhAr169MHXqVAQFBZn8mHktNRW4dk1erlhRLgtKRHlMrQbmzwdOnNBvr1AB2LgRKFFCmbqIiCjfyHHw/fjjj5GUlIT27dvj1KlTeP3111G6dGl4eXnBy8sLnp6eJs/7TU1NxbFjx9CmTRtdQTY2aNOmDSIjI59Zi6+vL956663nPkZKSsoLh3NTRUfL/4MBzu8lsog7d4D27YF335XLlT15onRFRESUD+X45LapU6di8ODB2LNnj9kePDY2FhkZGSieZS5A8eLFceHCBaP32b9/P7777jucPHkyR48xY8YMTJ069UVLNQnn9xJZ0JYtctWG2Fh5/cIF4Ndfga5dla2LiIjynRwHXyEEAKB58+Z5VszzPH78GH369MHSpUvh7e2do/uMGzcOo0aN0l5PSEiAfx7vH8ylzIgsIClJrsG7ZImurWRJYMUKgEsrEhGRESYtZ6Yy82RVb29v2Nra4t69e3rt9+7dQwkj8/GuXLmCa9euoUOmE1TU/80psLOzQ1RUFMqVK6d3H0dHRzg6Opq17ufhUmZEeezYMTmlIfNfmZ06AUuXytUbiIiIjDAp+FasWPG54ffhw4c5Pp6DgwNCQkKwe/du7ZJkarUau3fvxrBhwwz6V65cGWfOnNFrmzhxIh4/fox58+bl+UhuTnGqA1EeycgAZs0CPvoISE+XbS4uwNy5croDzyQlIqJnMCn4Tp061WDnthc1atQo9OvXD3Xr1kX9+vUxd+5cJCUlYcCAAQCAvn37ws/PDzNmzICTkxOqV6+ud39PT08AMGhXkib4+vgA/5VHROZw4YJ+6A0JkTuw8aMVIiLKAZOCb48ePeDr62vWAsLDwxETE4NJkybh7t27qFWrFnbs2KE94e369euwsTF51TXFJCYCt2/Ly/y/mMjMqlUDPvkEGD8eGDsWmDIFcHBQuioiIiogVEJz1tpz2Nra4s6dO2YPvpaWkJAADw8PxMfHo0iRImY//smTQO3a8vKAAcAzliMmoud5/BhwdgbsMv2NnpEh1+qtW1e5uoiIKE/lVV7L8VBqDvOx1eP8XiIziYwEatUCPv1Uv93WlqGXiIhyJcfBV61WF/jRXkvgUmZELyg9HZg6FWjaVO4G88knwMGDSldFRESFgElzfOn5uJQZ0QuIjgZ695ajvRoNG8r1eYmIiF5QwTlrrIDIPOJbvrxydRAVKEIAq1bJqQ2a0GtrK0d+9+0DAgMVLY+IiAoHjviamSb4+vvLc3KI6Dni4oAhQ4B163RtQUHAmjVytJeIiMhMGHzN6MEDQLN/B6c5EOVAVBTw8svAjRu6tv79gfnzAXd3xcoiIqLCiVMdzIjze4lMVLasbpcXLy8gIgJYvpyhl4iI8gSDrxlxKTMiEzk5yZ3X2rcHTp8GundXuiIiIirEGHzNiEuZET2DEMA33wDnzum3V68ObN8OlC6tTF1ERGQ1GHzNiMGXKBsxMUCnTsCgQUDPnkBKitIVERGRFWLwNSPNHF87OyAgQNFSiPKPnTuBGjWArVvl9VOngG3blK2JiIisEoOvmQihG/ENDATs7ZWth0hxycnAe+8B7doBd+/KNm9vGYC7dlW0NCIisk5czsxMbt8GnjyRlznNgazemTNySsPZs7q20FBgxQqgRAnFyiIiIuvGEV8z4VJmRADUamDePKBePV3odXSUbb/8wtBLRESK4oivmfDENiLIkd5Ro2QABoDgYLlcWfXqytZFREQEjviaDdfwJQJQsyYwfry8PHIkcPgwQy8REeUbHPE1E474klV68kRuQmGT6W/oSZOAtm2Bpk2Vq4uIiMgIjviaiWaOr7Mz4OenbC1EFnHsGFC7NjB7tn67vT1DLxER5UsMvmaQng5cuSIvly+vP/hFVOhkZACffw40bCg/6pgwATh+XOmqiIiInotTHczg33+BtDR5mdMcqFC7cQPo0wfYt0/XVqMG4OamXE1EREQ5xLFJM+D8XrIKEREy5GpCr0oFjBsHHDzINz4RERUIHPE1A67hS4VaQgIwYgSwcqWuzd8fWL0aaN5cubqIiIhMxOBrBlzKjAqtqCigfXsgOlrXFh4OLF4MeHoqVhYREVFucKqDGXCqAxVapUsDdv/9fezuDqxaBfzwA0MvEREVSAy+ZqAJvp6egLe3oqUQmZerq9x5rUUL4NQpeWKbSqV0VURERLnC4PuCkpOB69fl5YoVmQmoABNCjuhq1ubTCAkB/vgDCAxUpi4iIiIzYfB9QVeuyLwAcH4vFWBxcUCPHkC/fkCvXrr1+TT4Fx0RERUCDL4viPN7qcDbu1cuUxYRIa8fOgRs26ZoSURERHmBwfcFcSkzKrBSU4GxY4FWrYCbN2Wblxewfj3QubOytREREeUBLmf2griUGRVIUVFAz576Ww23bCnn+JYurVxdREREeYgjvi+IwZcKFCGAJUuA2rV1odfeHpg5E9i1i6GXiIgKNY74viBN8C1RAihSRNlaiJ7rxAlg8GDd9UqV5HJldeooVxMREZGFcMT3BSQkAPfuycuc30sFQp06wKhR8vKQIXLUl6GXiIisBEd8X0DmE9s4zYHypZQUwMFBfzmy6dOBdu2Al19Wri4iIiIFcMT3BXApM8rXzpwB6tYFFi3Sb3d0ZOglIiKrxOD7Ahh8KV9Sq4F584B69YCzZ4H33wfOnVO6KiIiIsVxqsML4Bq+lO/cuQMMGADs3Klr4zwcIiIiABzxfSGaEV+VCggKUrYWImzZIndgyxx6R44EDh8GqlZVri4iIqJ8giO+uSSELviWLQs4OSlbD1mxpCQ5nWHJEl1byZLAihVA27aKlUVERJTfMPjmUmwsEB8vL3OaAynm4kWgQwf9CeedOgFLlwLe3oqVRURElB9xqkMuccc2yheKFwdSU+VlFxcZeDdtYuglIiIygsE3l7iiA+ULHh7A998DDRrIXdneflt/zV4iIiLSYvDNJQZfUsT69cCNG/ptjRsDkZF8IxIRET0Hg28ucSkzsqiEBKB/fyAsDOjbF8jI0L+do7xERETPxeCbS5oRX3t7oEwZZWuhQi4yEqhdG1i5Ul7fuxfYtk3RkoiIiAoiBt9cUKt1I77lygF2XBuD8kJ6OjB1KtC0KRAdLdvc3YFVq4DXX1e2NiIiogKIkS0Xbt4EkpPlZU5zoDwRHQ307i1HezUaNZInsgUGKlcXERFRAcYR31zg/F7KM0LIEd1atXSh19ZWjvzu28fQS0RE9AI44psLXMOX8szRo0C/frrrQUHAmjVAw4bK1URERFRIcMQ3F7iUGeWZevWAQYPk5f79gZMnGXqJiIjMhCO+ucCpDmQ2aWny7MjMy5HNng20b88T2IiIiMyMI765oBnxdXUFSpZUthYqwKKi5GiuZpkyDVdXhl4iIqI8wOBrorQ03cpSFSpw3wDKBSGAJUvk2rzHjwPDhwOXLytdFRERUaHHqQ4munpVt2kWpzmQyWJigLffBrZu1bX5+QFPnypXExERkZXgiK+JOL+Xcm3nTqBGDf3QO3iwHPUNDlauLiIiIivB4GsiLmVGJktOBkaOBNq1A+7elW3e3jIAL1oEuLgoWx8REZGV4FQHE3EpMzLJ5ctAly7AmTO6tnbtgOXLgRIllKuLiIjICnHE10QMvmQSLy/gwQN52dERmD8f+OUXhl4iIiIFMPiaSDPHt1gxoGhRZWuhAqBYMWDFCqBmTbkr2/DhXAqEiIhIIQy+JnjyBLhxQ17m/F4y6uefdfN4NV5+GTh2DKheXZmaiIiICACDr0kyL7XKaQ6kJylJrtDw+uvAm2/KtXozs7VVpi4iIiLSYvA1AZcyI6OOHQPq1JGbUgDAr78C27YpWxMREREZYPA1AZcyIz0ZGcDnn8tthzVvDhcXYOlS4LXXlK2NiIiIDHA5MxNwRQfSunED6NMH2LdP1xYSAqxdyzcHERFRPsURXxNkDr7lyytXByls3Tq5A5sm9KpUwLhxwMGDDL1ERET5GEd8TaCZ4+vnB7i5KVsLKeTvv4EePXTX/f2B1auB5s2Vq4mIiIhyhCO+ORQXB8TEyMuc32vFGjaUUxwAIDwcOHWKoZeIiKiA4IhvDnFFByulVgM2Wf4+XLAAePVVICyMm1EQEREVIBzxzSGe2GaFoqOBJk2AiAj99iJF5GgvQy8REVGBwuCbQxzxtSJCAKtWAbVqAZGRwKBBui37iIiIqMBi8M0hruFrJeLi5Mlr/foBjx/LtqJFgQcPlK2LiIiIXhiDbw5pgq+NDRAUpGwtlEf27pXLlGWe2tC/P3DypBz9JSIiogKNwTcHhNAF38BAwMFB2XrIzFJTgbFjgVatgJs3ZZunpwzAy5cD7u6KlkdERETmwVUdcuDePSAxUV7mNIdCJjoa6N4dOH5c19aihZzj6++vWFlERERkfhzxzQGu6FCIOTsD16/Ly/b2wMyZwO7dDL1ERESFEINvDjD4FmIlSwLffQdUrix3ZfvgA8N1e4mIiKhQ4P/wOcClzAqRXbsMV2h4/XXg9GmgTh1laiIiIiKLyBfBd+HChQgICICTkxMaNGiAw4cPZ9t36dKlaNq0Kby8vODl5YU2bdo8s785cCmzQiA5GRg5Enj5ZbkurxD6t9vbK1MXERERWYziwXfdunUYNWoUJk+ejOPHj6NmzZoIDQ3F/fv3jfbfu3cv3njjDezZsweRkZHw9/dH27ZtcevWrTyrURN8HR059bNAOnMGqF8fmDtXXt+4EdixQ9GSiIiIyPJUQmQd+rKsBg0aoF69eliwYAEAQK1Ww9/fH8OHD8fYsWOfe/+MjAx4eXlhwYIF6Nu373P7JyQkwMPDA/Hx8ShSpEgOjg+4uMgVr6pVA86eff5zonxCrQa++goYMwZISZFtjo7ArFnAsGHccpiIiCifMjWv5ZSiy5mlpqbi2LFjGDdunLbNxsYGbdq0QWRkZI6O8eTJE6SlpaFo0aJGb09JSUGKJvRAvpCmuHFDhl6A83sLlDt3gAEDgJ07dW3BwcDatUD16srVRURERIpRdKpDbGwsMjIyULx4cb324sWL4+7duzk6xpgxY1CqVCm0adPG6O0zZsyAh4eH9svfxLkKnN9bAG3dKndgyxx6R44EDh9m6CUiIrJiis/xfRGfffYZfvzxR2zevBlOTk5G+4wbNw7x8fHarxs3bpj0GFzKrIA5cADo2BGIjZXXS5SQAfjLL4Fs3iNERERkHRQNvt7e3rC1tcW9e/f02u/du4cSJUo8875ffPEFPvvsM/z222+oUaNGtv0cHR1RpEgRvS9TMPgWMI0aAZ07y8sdO8oT29q2VbYmIiIiyhcUDb4ODg4ICQnB7t27tW1qtRq7d+/GSy+9lO39Zs6ciU8++QQ7duxA3bp187TGzGv4cqpDPpT13EyVCli6FFi+HNi8GfD2VqYuIiIiyncUn+owatQoLF26FCtXrsT58+cxZMgQJCUlYcCAAQCAvn376p389vnnn+Ojjz7CsmXLEBAQgLt37+Lu3btITEzMk/o0I77u7kCWqciktBs3gFatgG3b9NuLFQP69+eqDURERKRH0VUdACA8PBwxMTGYNGkS7t69i1q1amHHjh3aE96uX78Om0xbyC5atAipqano1q2b3nEmT56MKVOmmLW21FTg2jV5uWJF5qh8JSJCbkTx6BHwzz9y57XnTI8hIiIi66b4Or6WZsq6cBcuAFWqyMtvvCFXwiKFJSQAI0YAK1fq2vz9gZ9+4pbDREREhURereOr+FSH/IxLmeUzkZFArVr6oTc8HDh1iqGXiIiInovB9xm4okM+kZ4OTJkCNG0KXL0q29zdgVWrgB9+ALy8FC2PiIiICgbF5/jmZwy++cC1a0DPnnK0V6NRI+D774HAQMXKIiIiooKHI77PwKXM8gEbG+DcOXnZ1haYOhXYt4+hl4iIiEzG4PsMmhFfHx/A01PRUqxXmTLA4sVAUBCwfz8waRJgxw8qiIiIyHQMvtlITARu35aXOc3Bgv76S67ckFmPHnLJsoYNlamJiIiICgUG32xknubA4GsBqanA2LFA8+bA8OGGtzs5Wb4mIiIiKlQYfLPB+b0WFBUFvPQS8PnncgviVauA335TuioiIiIqZBh8s8EVHSxACGDJEqB2beD4cdlmbw/MnAm0aaNsbURERFTo8CyhbDD45rGYGODtt4GtW3VtlSrJ7fG4GQURERHlAY74ZiPzVIfy5ZWro1DauROoUUM/9A4ZIkd9GXqJiIgoj3DENxuaEV9/f8DZWdlaCpW//gLatdNd9/YGli0DOnRQriYiIiKyChzxNeLBA+DhQ3mZ0xzMrEkTXfBt1w44c4ahl4iIiCyCI75GcH5vHlKpgOXLgc2bgcGD5XUiIiIiC+CIrxFcw9dM7t4FXn0V2L1bv71ECTmnl6GXiIiILIgjvkZkHvHlGr65tHUr8NZbQGwscOqU/CpWTOmqiIiIyIpxxNcITnV4AUlJcgpDx44y9AKAWg1cu6ZoWUREREQMvkZogq+dHRAQoGgpBcuxY0BIiNyUQqNTJ+D0adlOREREpCAG3yyE0M3xDQyUG4nRc2RkyO2GGzaU2w8DgIsLsHQpsGmTXLKMiIiISGGc45vF7dvAkyfyMqc55MDNm0CfPsDevbq2kBC5AxtfQCIiIspHOOKbBef3mujpU+DIEXlZpQLGjQMOHuSLR0RERPkOg28WXMrMRBUqAPPnyy3u9uwBpk8HHByUroqIiIjIAINvFlzK7DkOH9bNBdEYMAA4dw5o3lyZmoiIiIhygME3C051yEZ6OjB1KtCoETB6tP5tKhXg5qZMXUREREQ5xOCbhSb4OjsDfn7K1pJvREcDzZoBU6bIFRwWLZLTGoiIiIgKEAbfTNLTZcYD5DQHG2t/dYQAVq0CatUCIiNlm62tHPlt2lTR0oiIiIhMxeXMMvn3XyAtTV62+vm9cXHAkCHAunW6tqAgYM0auV4vERERUQHD4JsJ5/f+Z98+uTbvjRu6tv795eoN7u6KlUVEZCkZGRlI04yEEFGecHBwgI2FP15n8M2EwRcy9LZsKac5AICXl9yCuHt3ZesiIrIAIQTu3r2LR48eKV0KUaFnY2ODwMBAOFhwGVQG30wyr+FrtVMdmjSRJ7JpAvCqVUDp0kpXRURkEZrQ6+vrCxcXF6hUKqVLIiqU1Go1bt++jTt37qBMmTIW+1lj8M2EI76QJ6+tXg2sXw+89x7P8CMiq5GRkaENvcWKFVO6HKJCz8fHB7dv30Z6ejrs7e0t8phMNZlogq+nJ+DtrWgplhETA3TtChw4oN/u7w+MGsXQS0RWRTOn18XFReFKiKyDZopDRkaGxR6TI77/SU4Grl+XlytWlHsyFGo7d8oT1u7eBY4fB06dAooUUboqIiLFcXoDkWUo8bPGIb3/XLmiO5+rUM/vTU6WUxjatZOhFwASE/XneRAREREVQgy+/7GK+b1nzgD16gHz5una2rWT7XXrKlcXERGRQqKiolCiRAk8fvxY6VIKldjYWPj6+uLmzZtKl6KHwfc/hTr4qtUy7NarB5w9K9scHeW6vL/8ApQooWx9RET0Qvr37w+VSgWVSgV7e3sEBgbiww8/RHJyskHfbdu2oXnz5nB3d4eLiwvq1auHFStWGD3uxo0b0aJFC3h4eMDNzQ01atTAxx9/jIcPH+bxM7KccePGYfjw4XAvxOvUL1y4EAEBAXByckKDBg1w+PDhZ/Zv0aKF9v2U+evVV1/V9sn8ntN8tWvXTnu7t7c3+vbti8mTJ+fZ88oNBt//ZF7KrFAF3zt3gPbt5fSGlBTZFhwMHD0KDB9uBZOZiYisQ7t27XDnzh1ER0djzpw5WLJkiUHo+Oqrr9CxY0c0btwYhw4dwunTp9GjRw8MHjwYo0eP1us7YcIEhIeHo169evj1119x9uxZzJ49G6dOncLq1ast9rxSU1Pz7NjXr1/Htm3b0L9//xc6Tl7W+KLWrVuHUaNGYfLkyTh+/Dhq1qyJ0NBQ3L9/P9v7bNq0CXfu3NF+nT17Fra2tuieZU1/zXtO8/XDDz/o3T5gwACsWbMmf/2hJKxMfHy8ACDi4+P12ps2FULO8hUiIUGh4vLC2bNCODrqntzIkUI8fap0VURE+c7Tp0/FuXPnxNMC+DuyX79+omPHjnptXbp0EbVr19Zev379urC3txejRo0yuP/8+fMFAPH3338LIYQ4dOiQACDmzp1r9PHi4uKyreXGjRuiR48ewsvLS7i4uIiQkBDtcY3V+e6774rmzZtrrzdv3lwMHTpUvPvuu6JYsWKiRYsW4o033hBhYWF690tNTRXFihUTK1euFEIIkZGRIaZPny4CAgKEk5OTqFGjhli/fn22dQohxKxZs0TdunX12mJjY0WPHj1EqVKlhLOzs6hevbpYu3atXh9jNQohxJkzZ0S7du2Eq6ur8PX1Fb179xYxMTHa+/3666+icePGwsPDQxQtWlS8+uqr4vLly8+s8UXVr19fDB06VHs9IyNDlCpVSsyYMSPHx5gzZ45wd3cXiYmJ2jZj30tjAgMDxbfffmv0tmf9zGWX114UR3z/o5nqUKJEIduVt1o1YNYs+cR27gS+/BJwclK6KiKiAqNuXbmPj6W/XuTUi7Nnz+LgwYN6O2Jt2LABaWlpBiO7ADBo0CC4ublpR+zWrFkDNzc3/O9//zN6fE9PT6PtiYmJaN68OW7duoWtW7fi1KlT+PDDD6FWq02qf+XKlXBwcMCBAwewePFi9OrVCz///DMSExO1fXbu3IknT56gc+fOAIAZM2Zg1apVWLx4Mf755x+MHDkSvXv3xr59+7J9nL/++gt1s7zQycnJCAkJwfbt23H27Fm888476NOnj8H0gKw1Pnr0CK1atULt2rVx9OhR7NixA/fu3UNYWJj2PklJSRg1ahSOHj2K3bt3w8bGBp07d37m6zN9+nS4ubk98+u6ZlmqLFJTU3Hs2DG0adNG22ZjY4M2bdogMjIy28fM6rvvvkOPHj3g6uqq17537174+vqiUqVKGDJkCB48eGBw3/r16+Ovv/7K8WPlNS5nBiAhAbh3T14u8NMcTp0CKleWc3g1hg0DeveW2w8TEZFJ7t4Fbt1Suorn27ZtG9zc3JCeno6UlBTY2NhgwYIF2tsvXrwIDw8PlCxZ0uC+Dg4OCAoKwsX/RoEuXbqEoKAgkzcVWLt2LWJiYnDkyBEULVoUAFC+fHmTn0uFChUwc+ZM7fVy5crB1dUVmzdvRp8+fbSP9frrr8Pd3R0pKSmYPn06du3ahZdeegkAEBQUhP3792PJkiVo3ry50cf5999/DYKvn5+f3h8Hw4cPx86dOxEREYH69etnW+Onn36K2rVrY/r06dq2ZcuWwd/fHxcvXkTFihXRtWtXvcdatmwZfHx8cO7cOVSvXt1ojYMHD9YLz8aUKlXKaHtsbCwyMjJQvHhxvfbixYvjwoULzzymxuHDh3H27Fl89913eu3t2rVDly5dEBgYiCtXrmD8+PF45ZVXEBkZCVtbW73aTpw4kaPHsgQGXxSSrYozMoAvvgAmTgTefVde1lCpGHqJiHJJqfN/TX3cli1bYtGiRUhKSsKcOXNgZ2dnELRySmjW9zTRyZMnUbt2bW3oza2QkBC963Z2dggLC8OaNWvQp08fJCUlYcuWLfjxxx8BAJcvX8aTJ0/w8ssv690vNTUVtWvXzvZxnj59Cqcsn4JmZGRg+vTpiIiIwK1bt5CamoqUlBSDjU2y1njq1Cns2bMHbm5uBo9z5coVVKxYEZcuXcKkSZNw6NAhxMbGakd6r1+/nm3wLVq06Au/ni/iu+++Q3BwsF7oB4AePXpoLwcHB6NGjRooV64c9u7di9atW2tvc3Z2xpMnTyxW7/Mw+KIQrOhw4wbQpw+g+Thn9mygUyegSRNFyyIiKgyOHlW6gpxxdXXVjq4uW7YMNWvWxHfffYe33noLAFCxYkXEx8fj9u3bBiOEqampuHLlClq2bKntu3//fqSlpZk06uvs7PzM221sbAxCtWbHvKzPJatevXqhefPmuH//Pn7//Xc4OztrVxHQTIHYvn07/Pz89O7nmPkT0Cy8vb0RFxen1zZr1izMmzcPc+fORXBwMFxdXfHee+8ZnMCWtcbExER06NABn3/+ucHjaEbZO3TogLJly2Lp0qUoVaoU1Go1qlev/syT46ZPn643imzMuXPnUKZMGaPPz9bWFvc0H2v/5969eyiRg7+skpKS8OOPP+Ljjz9+bt+goCB4e3vj8uXLesH34cOH8PHxee79LYVzfFHAg29EBFCjhi70qlTAuHFAlr/MiIjIetjY2GD8+PGYOHEinj59CgDo2rUr7O3tMXv2bIP+ixcvRlJSEt544w0AQM+ePZGYmIivv/7a6PEfPXpktL1GjRo4efJktmfx+/j44M6dO3ptJ0+ezNFzatSoEfz9/bFu3TqsWbMG3bt314byqlWrwtHREdevX0f58uX1vvz9/bM9Zu3atXHu3Dm9tgMHDqBjx47o3bs3atasqTcF5Fnq1KmDf/75BwEBAQY1uLq64sGDB4iKisLEiRPRunVrVKlSxSB0GzN48GCcPHnymV/ZTXVwcHBASEgIdu/erW1Tq9XYvXu3dkrIs6xfvx4pKSno3bv3c/vevHkTDx48MJhKc/bs2WeOulucWU+VKwCMnSXYs6du0YN//lGwOFPExwvRr5+ucEAIf38h9u5VujIiogKpsK3qkJaWJvz8/MSsWbO0bXPmzBE2NjZi/Pjx4vz58+Ly5cti9uzZwtHRUbz//vt69//www+Fra2t+OCDD8TBgwfFtWvXxK5du0S3bt2yXe0hJSVFVKxYUTRt2lTs379fXLlyRWzYsEEcPHhQCCHEjh07hEqlEitXrhQXL14UkyZNEkWKFDFY1eHdd981evwJEyaIqlWrCjs7O/HXX38Z3FasWDGxYsUKcfnyZXHs2DExf/58sWLFimxft61btwpfX1+Rnp6ubRs5cqTw9/cXBw4cEOfOnRNvv/22KFKkiN7ra6zGW7duCR8fH9GtWzdx+PBhcfnyZbFjxw7Rv39/kZ6eLjIyMkSxYsVE7969xaVLl8Tu3btFvXr1BACxefPmbGt8UT/++KNwdHQUK1asEOfOnRPvvPOO8PT0FHfv3tX26dOnjxg7dqzBfZs0aSLCw8MN2h8/fixGjx4tIiMjxdWrV8WuXbtEnTp1RIUKFURycrK2X1JSknB2dhZ//vmn0dqUWNWBwVcIUa+ezI0qVQFZ6evgQSGCgvRDb3i4EA8fKl0ZEVGBVdiCrxBCzJgxQ/j4+OgtQ7VlyxbRtGlT4erqKpycnERISIhYtmyZ0eOuW7dONGvWTLi7uwtXV1dRo0YN8fHHHz9zObNr166Jrl27iiJFiggXFxdRt25dcejQIe3tkyZNEsWLFxceHh5i5MiRYtiwYTkOvufOnRMARNmyZYVarda7Ta1Wi7lz54pKlSoJe3t74ePjI0JDQ8W+ffuyrTUtLU2UKlVK7NixQ9v24MED0bFjR+Hm5iZ8fX3FxIkTRd++fZ8bfIUQ4uLFi6Jz587C09NTODs7i8qVK4v33ntPW+vvv/8uqlSpIhwdHUWNGjXE3r178zz4CiHEV199JcqUKSMcHBxE/fr1tcvLZX4+/fr102u7cOGCACB+++03g+M9efJEtG3bVvj4+Ah7e3tRtmxZMXDgQL0wLYQQa9euFZUqVcq2LiWCr0qIXM5gL6ASEhLg4eGB+Ph4FClSBELI877i44GAAODqVaUrfI69e4E2beTJbIBce23hQrlqAzejICLKteTkZFy9ehWBgYEGJzxR4bVw4UJs3boVO3fuVLqUQqdhw4YYMWIEevbsafT2Z/3MZc1r5mL1J7fFxMjQCxSQ+b2NGwMhIcDhw0CjRsD33wOBgUpXRUREVCANGjQIjx49wuPHjwv1tsWWFhsbiy5dumjnjecXVh98C9xWxfb2wJo1wLp1wJgxgJ3VfwuJiIhyzc7ODhMmTFC6jELH29sbH374odJlGLD6VR0yn6iZ79bwjYsDevUCjh3Tby9fHpgwgaGXiIiIyARWn5zy7VJme/fKtXlv3pTB9/hxIMvi2URERESUcxzxzW/BNzUVGDsWaNVKhl4AuH8f+OcfZesiIiIiKuCsfsRXM8fX3h4wsumJZUVFAT17ytFdjZYtgVWrgNKllauLiIiIqBCw6hFftVoXfMuVU3DKrBDAkiVA7dq60GtvD8ycCezaxdBLREREZAZWPeJ78yaQnCwvKzbNISYGePttYOtWXVulSsDatUCdOgoVRURERFT4WPWIb76Y33vjBvDLL7rrQ4bIUV+GXiIiIiKzsurgm3kNX8WWMqtTB/j0U8DbW476fv01V28gIqICRaVS4aefflK6jHxrypQpqFWrltJlEKw8+Coy4nvhApCWpt82erRctaFDBwsVQUREhUn//v2hUqmgUqlgb2+PwMBAfPjhh0jWzOcrxO7evYt3330X5cuXh5OTE4oXL47GjRtj0aJFePLkidLlAQBGjx6N3bt3K10Gwcrn+Fo0+KrVwFdfyd3WxowBpk7V3WZrC/j65nEBRERUmLVr1w7Lly9HWloajh07hn79+kGlUuHzzz9XurQ8Ex0djcaNG8PT0xPTp09HcHAwHB0dcebMGXzzzTfw8/PD66+/rnSZcHNzg5ubm9JlEKx8xFcz1cHVFShZMg8f6M4doH174L33gJQUObXh8OE8fEAiIrI2jo6OKFGiBPz9/dGpUye0adMGv//+u/b2Bw8e4I033oCfnx9cXFwQHByMH374Qe8YLVq0wIgRI/Dhhx+iaNGiKFGiBKZMmaLX59KlS2jWrBmcnJxQtWpVvcfQOHPmDFq1agVnZ2cUK1YM77zzDhITE7W39+/fH506dcL06dNRvHhxeHp64uOPP0Z6ejo++OADFC1aFKVLl8by5cuf+Zz/97//wc7ODkePHkVYWBiqVKmCoKAgdOzYEdu3b0eH/z5JvXbtGlQqFU6ePKm976NHj6BSqbB3715t29mzZ/HKK6/Azc0NxYsXR58+fRAbG6u9fcOGDQgODtY+rzZt2iApKQkAsHfvXtSvXx+urq7w9PRE48aN8e+//wIwnOqgef5ffPEFSpYsiWLFimHo0KFIy/SJ8J07d/Dqq6/C2dkZgYGBWLt2LQICAjB37txnvib0bFYbfNPSgOhoeblCBUClyqMH2rIFqFED2LlT1zZihGwjIqKC4csv5dKSz/syNrr4+us5u++XX5qt3LNnz+LgwYNwcHDQtiUnJyMkJATbt2/H2bNn8c4776BPnz44nGUgZuXKlXB1dcWhQ4cwc+ZMfPzxx9pwq1ar0aVLFzg4OODQoUNYvHgxxowZo3f/pKQkhIaGwsvLC0eOHMH69euxa9cuDBs2TK/fH3/8gdu3b+PPP//El19+icmTJ+O1116Dl5cXDh06hMGDB2PQoEG4qdnMKYsHDx7gt99+w9ChQ+Hq6mq0j8qE/9wfPXqEVq1aoXbt2jh69Ch27NiBe/fuISwsDIAMom+88QbefPNNnD9/Hnv37kWXLl0ghEB6ejo6deqE5s2b4/Tp04iMjMQ777zzzMffs2cPrly5gj179mDlypVYsWIFVqxYob29b9++uH37Nvbu3YuNGzfim2++wf3793P8fCgbwsrEx8cLAOLYsXghF9AVIiwsDx4oMVGIQYOE9kEAIUqUEGLnzjx4MCIielFPnz4V586dE0+fPjW8cfJk/d/n2X01bGh434YNc3bfyZNzXXu/fv2Era2tcHV1FY6OjgKAsLGxERs2bHjm/V599VXx/vvva683b95cNGnSRK9PvXr1xJgxY4QQQuzcuVPY2dmJW7duaW//9ddfBQCxefNmIYQQ33zzjfDy8hKJiYnaPtu3bxc2Njbi7t272nrLli0rMjIytH0qVaokmjZtqr2enp4uXF1dxQ8//GC09r///lsAEJs2bdJrL1asmHB1dRWurq7iww8/FEIIcfXqVQFAnDhxQtsvLi5OABB79uwRQgjxySefiLZt2+od68aNGwKAiIqKEseOHRMAxLVr1wxqefDggQAg9u7da7TWyZMni5o1a2qva55/enq6tq179+4iPDxcCCHE+fPnBQBx5MgR7e2XLl0SAMScOXOMPkZB9KyfOU1ei4+PN+tjWu0c38uXdZfNPr/32DG5A1vmScQdOwLffitXbyAiooKlSBHAz+/5/Xx8jLfl5L5FipheVyYtW7bEokWLkJSUhDlz5sDOzg5du3bV3p6RkYHp06cjIiICt27dQmpqKlJSUuCSZSWhGlk+kSxZsqR2pPH8+fPw9/dHqVKltLe/9NJLev3Pnz+PmjVr6o3CNm7cGGq1GlFRUShevDgAoFq1arCx0X3wXLx4cVSvXl173dbWFsWKFTN5lPPw4cNQq9Xo1asXUlJScny/U6dOYc+ePUbn4l65cgVt27ZF69atERwcjNDQULRt2xbdunWDl5cXihYtiv79+yM0NBQvv/wy2rRpg7CwMJR8xjzKatWqwdbWVnu9ZMmSOHPmDAAgKioKdnZ2qJNpadPy5cvDy8srx8+HjLPa4Hvliu6yWZcy++MPIDQUSE+X111cgLlz5SYVeTafgoiI8tSoUfIrNzJvUJSHXF1dUb58eQDAsmXLULNmTXz33Xd46623AACzZs3CvHnzMHfuXAQHB8PV1RXvvfceUlNT9Y5jb2+vd12lUkGtVpu9XmOPY8pjly9fHiqVClFRUXrtQUFBAABnZ2dtmyZgCyG0bWlZVlhKTExEhw4djJ4MWLJkSdja2uL333/HwYMH8dtvv+Grr77ChAkTcOjQIQQGBmL58uUYMWIEduzYgXXr1mHixIn4/fff0bBhwxw//7x4nUmf1c7xzbMR38aNgapV5eWQEODECWDgQIZeIiKyGBsbG4wfPx4TJ07E06dPAQAHDhxAx44d0bt3b9SsWRNBQUG4mPmTyRyoUqUKbty4gTt37mjb/v77b4M+p06d0p70pXlsGxsbVKpU6QWelb5ixYrh5ZdfxoIFC/Qeyxif/0biM9ed+UQ3AKhTpw7++ecfBAQEoHz58npfmtFrlUqFxo0bY+rUqThx4gQcHBywefNm7TFq166NcePG4eDBg6hevTrWrl2bq+dWqVIlpKen48SJE9q2y5cvIy4uLlfHIx0GX5g5+Do6yu2GJ0wADh5UcEs4IiKyZt27d4etrS0WLlwIAKhQoYJ2xPL8+fMYNGgQ7t27Z9Ix27Rpg4oVK6Jfv344deoU/vrrL0yYMEGvT69eveDk5IR+/frh7Nmz2LNnD4YPH44+ffpopzmYy9dff4309HTUrVsX69atw/nz5xEVFYXvv/8eFy5c0E4lcHZ2RsOGDfHZZ5/h/Pnz2LdvHyZOnKh3rKFDh+Lhw4d44403cOTIEVy5cgU7d+7EgAEDkJGRgUOHDmH69Ok4evQorl+/jk2bNiEmJgZVqlTB1atXMW7cOERGRuLff//Fb7/9hkuXLqFKlSq5el6VK1dGmzZt8M477+Dw4cM4ceIE3nnnHTg7O5t0wh4ZsvrgW6wYULRoLg+SkCBHc//5R7+9WjW5ZFmms2mJiIgsyc7ODsOGDcPMmTORlJSEiRMnok6dOggNDUWLFi1QokQJdOrUyaRj2tjYYPPmzXj69Cnq16+Pt99+G9OmTdPr4+Ligp07d+Lhw4eoV68eunXrhtatW2PBggVmfHZSuXLlcOLECbRp0wbjxo1DzZo1UbduXXz11VcYPXo0PvnkE23fZcuWIT09HSEhIXjvvffw6aef6h2rVKlSOHDgADIyMtC2bVsEBwfjvffeg6enJ2xsbFCkSBH8+eefaN++PSpWrIiJEydi9uzZeOWVV+Di4oILFy6ga9euqFixIt555x0MHToUgwYNyvVzW7VqFYoXL45mzZqhc+fOGDhwINzd3eHk5JTrYxKgEpknvFiBhIQEeHh4AIgHUAQNGwKRkbk4UGQk0Lu3XBOtRg25Lq+jo5mrJSIiS0lOTsbVq1cRGBjIcEH5zs2bN+Hv749du3ahdevWSpdjFs/6mdPktfj4eBR5wRM/M7Pak9s0TJ6JkJ4OTJsGfPIJkJEh265eBU6fBurVM3t9REREZH3++OMPJCYmIjg4GHfu3MGHH36IgIAANGvWTOnSCjQGX1OCb3S0HOXNPETcqBHw/fdAYKDZayMiIiLrlJaWhvHjxyM6Ohru7u5o1KgR1qxZY7AaBJmGwTcnwVcIYPVqYNgw4PFj2WZrC0yaBIwfD9hZ/ctIREREZhQaGorQ0FClyyh0rD6xPXcN37g4YMgQYN06XVtQELBmDZDN2nxERP9v796joqzzP4C/mdGZQRog1hBGQfMC+lMMuUhgHtNlAzPDrGCTo6h42QDxJ1tJ3pBcxUwpdclLJrguG0jH2xGCxGIDdFdFUFcQQiDtBORlAy8gl/n+/vDH1CiYM8IMMe/XOXM8z3e+3+f5PPNx9MOX7/M8RETU/ZjsXR3a/P+9vjtWUgKkpf28PXs2UFTEopeIqIcysWu+iYzGGN81ky58+/cH2nkyoTYfn3v35LW2BvbtAxITAaXSEOEREZEBta2dvHPnjpEjITINbU8N/OWjm7uaSS91aHeZQ2Ul4Oh4bw1vm5UrgYULH+1Z60RE9JsklUphbW2NH3/8EcC9+9HyYQFEXUOtVuPq1avo06cPehnwWimTLny1LmwTAti5E1iyBIiJAZYu/fm93r1Z9BIRmQA7OzsA0BS/RNR1JBIJHB0dDfoDJgtfALh6FZg3Dzh8+N72ihXACy8AY8YYLTYiIjI8MzMz2Nvbw9bWFs3NzcYOh6hHk8lkkEgMu+qWhW9W1r0L1mpqfn5j3jzA2dlYYRERkZFJpVKDrjskIsPoFhe3JSQkYNCgQVAoFPDy8sLJkycf2j8tLQ3Dhw+HQqGAi4sLMjIydD6mDI0Yl/a/gL//z0Vv3773Zn23bQP69NHjTIiIiIiouzJ64ZuamoqoqCjExMTgzJkzeOaZZ+Dn59fh+qrjx4/jjTfeQGhoKAoLCzFt2jRMmzYN//nPf3Q6bg6eh83ezT83+PsD588DU6c+zukQERERUTdlJox8w0IvLy94enrir3/9K4B7V/k5ODhg0aJFiI6OfqB/UFAQbt++jSNHjmjann32Wbi6umL79u2/erz6+npYWVmhDoAlAMjlwAcf3HsqG6/eJSIiIjI6Tb1WVwdLS8tO269R1/g2NTWhoKAA7777rqZNIpHA19cXJ06caHfMiRMnEBUVpdXm5+eHgwcPttv/7t27uHv3rma7rq4OAFAPAP/zP8Cnn977s+1RxERERERkVPX19QA6/yEXRi18r127htbWVvTr10+rvV+/frh48WK7Y2pqatrtX/PLi9N+IS4uDrGxsQ+0OwBAcTHg7a1X7ERERETUta5fvw4rK6tO21+Pv6vDu+++qzVD/NNPP2HgwIG4fPlyp36Q1D3V19fDwcEBV65c6dRflVD3xHybFubbtDDfpqWurg6Ojo6wsbHp1P0atfDt27cvpFIpamtrtdpra2s1NxG/n52dnU795XI55HL5A+1WVlb84pgQS0tL5tuEMN+mhfk2Lcy3aens+/wa9a4OMpkM7u7uOHbsmKZNrVbj2LFj8O5gCYK3t7dWfwA4evRoh/2JiIiIiIBusNQhKioKISEh8PDwwNixY/HRRx/h9u3bmDNnDgBg1qxZ6N+/P+Li4gAAixcvxoQJE7Bp0yZMmTIFKSkpOH36NHbu3GnM0yAiIiKibs7ohW9QUBCuXr2KVatWoaamBq6ursjMzNRcwHb58mWtaW4fHx/84x//wIoVK7Bs2TIMGzYMBw8exKhRox7peHK5HDExMe0uf6Ceh/k2Lcy3aWG+TQvzbVq6Kt9Gv48vEREREZEhGP3JbUREREREhsDCl4iIiIhMAgtfIiIiIjIJLHyJiIiIyCT0yMI3ISEBgwYNgkKhgJeXF06ePPnQ/mlpaRg+fDgUCgVcXFyQkZFhoEipM+iS708++QTjx4/Hk08+iSeffBK+vr6/+veDuhddv99tUlJSYGZmhmnTpnVtgNSpdM33Tz/9hPDwcNjb20Mul8PJyYn/pv+G6Jrvjz76CM7OzjA3N4eDgwOWLFmCxsZGA0VLj+Obb77B1KlToVKpYGZmhoMHD/7qmJycHLi5uUEul2Po0KFISkrS/cCih0lJSREymUzs3r1bXLhwQcyfP19YW1uL2tradvvn5+cLqVQqNmzYIIqLi8WKFStE7969xfnz5w0cOelD13zPmDFDJCQkiMLCQlFSUiJmz54trKysxPfff2/gyEkfuua7TWVlpejfv78YP368CAgIMEyw9Nh0zffdu3eFh4eHePHFF0VeXp6orKwUOTk5oqioyMCRkz50zXdycrKQy+UiOTlZVFZWiqysLGFvby+WLFli4MhJHxkZGWL58uVi//79AoA4cODAQ/tXVFSIPn36iKioKFFcXCy2bt0qpFKpyMzM1Om4Pa7wHTt2rAgPD9dst7a2CpVKJeLi4trtHxgYKKZMmaLV5uXlJRYuXNilcVLn0DXf92tpaRFKpVLs2bOnq0KkTqRPvltaWoSPj4/YtWuXCAkJYeH7G6Jrvrdt2yYGDx4smpqaDBUidSJd8x0eHi4mTZqk1RYVFSXGjRvXpXFS53uUwvedd94RI0eO1GoLCgoSfn5+Oh2rRy11aGpqQkFBAXx9fTVtEokEvr6+OHHiRLtjTpw4odUfAPz8/DrsT92HPvm+3507d9Dc3AwbG5uuCpM6ib75fu+992Bra4vQ0FBDhEmdRJ98Hz58GN7e3ggPD0e/fv0watQorFu3Dq2trYYKm/SkT759fHxQUFCgWQ5RUVGBjIwMvPjiiwaJmQyrs+o1oz+5rTNdu3YNra2tmqe+tenXrx8uXrzY7piampp2+9fU1HRZnNQ59Mn3/ZYuXQqVSvXAl4m6H33ynZeXh08//RRFRUUGiJA6kz75rqiowFdffYXg4GBkZGSgvLwcYWFhaG5uRkxMjCHCJj3pk+8ZM2bg2rVreO655yCEQEtLC/70pz9h2bJlhgiZDKyjeq2+vh4NDQ0wNzd/pP30qBlfIl2sX78eKSkpOHDgABQKhbHDoU528+ZNzJw5E5988gn69u1r7HDIANRqNWxtbbFz5064u7sjKCgIy5cvx/bt240dGnWBnJwcrFu3Dh9//DHOnDmD/fv3Iz09HWvWrDF2aNSN9agZ3759+0IqlaK2tlarvba2FnZ2du2OsbOz06k/dR/65LvNxo0bsX79emRnZ2P06NFdGSZ1El3zfenSJVRVVWHq1KmaNrVaDQDo1asXSktLMWTIkK4NmvSmz/fb3t4evXv3hlQq1bSNGDECNTU1aGpqgkwm69KYSX/65HvlypWYOXMm5s2bBwBwcXHB7du3sWDBAixfvhwSCef2epKO6jVLS8tHnu0FetiMr0wmg7u7O44dO6ZpU6vVOHbsGLy9vdsd4+3trdUfAI4ePdphf+o+9Mk3AGzYsAFr1qxBZmYmPDw8DBEqdQJd8z18+HCcP38eRUVFmtfLL7+MiRMnoqioCA4ODoYMn3Skz/d73LhxKC8v1/yAAwBlZWWwt7dn0dvN6ZPvO3fuPFDctv3Qc+96KepJOq1e0+26u+4vJSVFyOVykZSUJIqLi8WCBQuEtbW1qKmpEUIIMXPmTBEdHa3pn5+fL3r16iU2btwoSkpKRExMDG9n9huia77Xr18vZDKZ+Pzzz0V1dbXmdfPmTWOdAulA13zfj3d1+G3RNd+XL18WSqVSREREiNLSUnHkyBFha2sr/vKXvxjrFEgHuuY7JiZGKJVK8dlnn4mKigrx5ZdfiiFDhojAwEBjnQLp4ObNm6KwsFAUFhYKACI+Pl4UFhaK7777TgghRHR0tJg5c6amf9vtzN5++21RUlIiEhISeDuzNlu3bhWOjo5CJpOJsWPHin/961+a9yZMmCBCQkK0+u/bt084OTkJmUwmRo4cKdLT0w0cMT0OXfI9cOBAAeCBV0xMjOEDJ73o+v3+JRa+vz265vv48ePCy8tLyOVyMXjwYLF27VrR0tJi4KhJX7rku7m5WaxevVoMGTJEKBQK4eDgIMLCwsR///tfwwdOOvv666/b/f+4LcchISFiwoQJD4xxdXUVMplMDB48WCQmJup8XDMh+PsAIiIiIur5etQaXyIiIiKijrDwJSIiIiKTwMKXiIiIiEwCC18iIiIiMgksfImIiIjIJLDwJSIiIiKTwMKXiIiIiEwCC18iIiIiMgksfImIACQlJcHa2trYYejNzMwMBw8efGif2bNnY9q0aQaJh4ioO2LhS0Q9xuzZs2FmZvbAq7y83NihISkpSROPRCLBgAEDMGfOHPz444+dsv/q6mpMnjwZAFBVVQUzMzMUFRVp9dm8eTOSkpI65XgdWb16teY8pVIpHBwcsGDBAty4cUOn/bBIJ6Ku0MvYARARdSZ/f38kJiZqtT311FNGikabpaUlSktLoVarcfbsWcyZMwc//PADsrKyHnvfdnZ2v9rHysrqsY/zKEaOHIns7Gy0traipKQEc+fORV1dHVJTUw1yfCKijnDGl4h6FLlcDjs7O62XVCpFfHw8XFxcYGFhAQcHB4SFheHWrVsd7ufs2bOYOHEilEolLC0t4e7ujtOnT2vez8vLw/jx42Fubg4HBwdERkbi9u3bD43NzMwMdnZ2UKlUmDx5MiIjI5GdnY2Ghgao1Wq89957GDBgAORyOVxdXZGZmakZ29TUhIiICNjb20OhUGDgwIGIi4vT2nfbUoenn34aADBmzBiYmZnh+eefB6A9i7pz506oVCqo1WqtGAMCAjB37lzN9qFDh+Dm5gaFQoHBgwcjNjYWLS0tDz3PXr16wc7ODv3794evry9ef/11HD16VPN+a2srQkND8fTTT8Pc3BzOzs7YvHmz5v3Vq1djz549OHTokGb2OCcnBwBw5coVBAYGwtraGjY2NggICEBVVdVD4yEiasPCl4hMgkQiwZYtW3DhwgXs2bMHX331Fd55550O+wcHB2PAgAE4deoUCgoKEB0djd69ewMALl26BH9/f7z66qs4d+4cUlNTkZeXh4iICJ1iMjc3h1qtRktLCzZv3oxNmzZh48aNOHfuHPz8/PDyyy/j22+/BQBs2bIFhw8fxr59+1BaWork5GQMGjSo3f2ePHkSAJCdnY3q6mrs37//gT6vv/46rl+/jq+//lrTduPGDWRmZiI4OBgAkJubi1mzZmHx4sUoLi7Gjh07kJSUhLVr1z7yOVZVVSErKwsymUzTplarMWDAAKSlpaG4uBirVq3CsmXLsG/fPgDAW2+9hcDAQPj7+6O6uhrV1dXw8fFBc3Mz/Pz8oFQqkZubi/z8fDzxxBPw9/dHU1PTI8dERCZMEBH1ECEhIUIqlQoLCwvN67XXXmu3b1pamvjd736n2U5MTBRWVlaabaVSKZKSktodGxoaKhYsWKDVlpubKyQSiWhoaGh3zP37LysrE05OTsLDw0MIIYRKpRJr167VGuPp6SnCwsKEEEIsWrRITJo0SajV6nb3D0AcOHBACCFEZWWlACAKCwu1+oSEhIiAgADNdkBAgJg7d65me8eOHUKlUonW1lYhhBC///3vxbp167T2sXfvXmFvb99uDEIIERMTIyQSibCwsBAKhUIAEABEfHx8h2OEECI8PFy8+uqrHcbadmxnZ2etz+Du3bvC3NxcZGVlPXT/RERCCME1vkTUo0ycOBHbtm3TbFtYWAC4N/sZFxeHixcvor6+Hi0tLWhsbMSdO3fQp0+fB/YTFRWFefPmYe/evZpf1w8ZMgTAvWUQ586dQ3Jysqa/EAJqtRqVlZUYMWJEu7HV1dXhiSeegFqtRmNjI5577jns2rUL9fX1+OGHHzBu3Dit/uPGjcPZs2cB3Fum8Ic//AHOzs7w9/fHSy+9hBdeeOGxPqvg4GDMnz8fH3/8MeRyOZKTk/HHP/4REolEc575+flaM7ytra0P/dwAwNnZGYcPH0ZjYyP+/ve/o6ioCIsWLdLqk5CQgN27d+Py5ctoaGhAU1MTXF1dHxrv2bNnUV5eDqVSqdXe2NiIS5cu6fEJEJGpYeFLRD2KhYUFhg4dqtVWVVWFl156CW+++SbWrl0LGxsb5OXlITQ0FE1NTe0WcKtXr8aMGTOQnp6OL774AjExMUhJScErr7yCW7duYeHChYiMjHxgnKOjY4exKZVKnDlzBhKJBPb29jA3NwcA1NfX/+p5ubm5obKyEl988QWys7MRGBgIX19ffP755786tiNTp06FEALp6enw9PREbm4uPvzwQ837t27dQmxsLKZPn/7AWIVC0eF+ZTKZJgfr16/HlClTEBsbizVr1gAAUlJS8NZbb2HTpk3w9vaGUqnEBx98gH//+98PjffWrVtwd3fX+oGjTXe5gJGIujcWvkTU4xUUFECtVmPTpk2a2cy29aQP4+TkBCcnJyxZsgRvvPEGEhMT8corr8DNzQ3FxcUPFNi/RiKRtDvG0tISKpUK+fn5mDBhgqY9Pz8fY8eO1eoXFBSEoKAgvPbaa/D398eNGzdgY2Ojtb+29bStra0PjUehUGD69OlITk5GeXk5nJ2d4ebmpnnfzc0NpaWlOp/n/VasWIFJkybhzTff1Jynj48PwsLCNH3un7GVyWQPxO/m5obU1FTY2trC0tLysWIiItPEi9uIqMcbOnQompubsXXrVlRUVGDv3r3Yvn17h/0bGhoQERGBnJwcfPfdd8jPz8epU6c0SxiWLl2K48ePIyIiAkVFRfj2229x6NAhnS9u+6W3334b77//PlJTU1FaWoro6GgUFRVh8eLFAID4+Hh89tlnuHjxIsrKypCWlgY7O7t2H7pha2sLc3NzZGZmora2FnV1dR0eNzg4GOnp6di9e7fmorY2q1atwt/+9jfExsbiwoULKCkpQUpKClasWKHTuXl7e2P06NFYt24dAGDYsGE4ffo0srKyUFZWhpUrV+LUqVNaYwYNGoRz586htLQU165dQ3NzM4KDg9G3b18EBAQgNzcXlZWVyMnJQWRkJL7//nudYiIi08TCl4h6vGeeeQbx8fF4//33MWrUKCQnJ2vdCux+UqkU169fx6xZs+Dk5ITAwEBMnjwZsbGxAIDRo0fjn//8J8rKyjB+/HiMGTMGq1atgkql0jvGyMhIREVF4c9//jNcXFyQmZmJw4cPY9iwYQDuLZPYsGEDPDw84OnpiaqqKmRkZGhmsH+pV69e2LJlC3bs2AGVSoWAgIAOjztp0iTY2NigtLQUM2bM0HrPz88PR44cwZdffglPT088++yz+PDDDzFw4ECdz2/JkiXYtWsXrly5goULF2L69OkICgqCl5cXrl+/rjX7CwDz58+Hs7MzPDw88NRTTyE/Px99+vTBN998A0dHR0yfPh0jRoxAaGgoGhsbOQNMRI/ETAghjB0EEREREVFX44wvEREREZkEFr5EREREZBJY+BIRERGRSWDhS0REREQmgYUvEREREZkEFr5EREREZBJY+BIRERGRSWDhS0REREQmgYUvEREREZkEFr5EREREZBJY+BIRERGRSfg/JJWqbWnU4CIAAAAASUVORK5CYII=", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "plot_roc_curve(y_test, y_pred)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### SVC" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "#### Normalized data" + ] + }, + { + "cell_type": "code", + "execution_count": 65, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Time taken for GridSearchCV: 200.18 seconds\n", + "Best Hyperparameters:\n", + "{'C': 1, 'degree': 2, 'gamma': 'auto', 'kernel': 'rbf'}\n", + "\n", + "Time taken for training with best hyperparameters: 3.63 seconds\n", + "\n", + "Mean Accuracy: 0.6576434993084371\n", + "Standard Deviation of Accuracy: 0.001416490093586219\n", + "Mean Precision: 0.0\n", + "Standard Deviation of Precision: 0.0\n", + "Mean Recall: 0.0\n", + "Standard Deviation of Recall: 0.0\n", + "Mean F1-score: 0.0\n", + "Standard Deviation of F1-score: 0.0\n", + "Mean ROC AUC: 0.5\n", + "Standard Deviation of ROC AUC: 0.0\n", + "\n", + "Total time taken: 203.81 seconds\n" + ] + } + ], + "source": [ + "from sklearn.svm import SVC\n", + "from sklearn.model_selection import StratifiedKFold, GridSearchCV\n", + "from sklearn.metrics import accuracy_score, precision_score, recall_score, f1_score, roc_auc_score, confusion_matrix\n", + "import numpy as np\n", + "import time\n", + "\n", + "start_total_time = time.time()\n", + "\n", + "kf = StratifiedKFold(n_splits=10, shuffle=True, random_state=42)\n", + "\n", + "model = SVC(random_state=42)\n", + "\n", + "param_grid = {\n", + " 'C': [0.1, 1, 10, 100],\n", + " 'kernel': ['linear', 'poly', 'rbf', 'sigmoid'],\n", + " 'gamma': ['scale', 'auto'],\n", + " 'degree': [2, 3, 4]\n", + "}\n", + "\n", + "grid_search = GridSearchCV(estimator=model, param_grid=param_grid, cv=kf, scoring='accuracy')\n", + "\n", + "start_time = time.time()\n", + "\n", + "grid_search.fit(standard(x), y)\n", + "\n", + "grid_search_time = time.time() - start_time\n", + "print(f\"Time taken for GridSearchCV: {grid_search_time:.2f} seconds\")\n", + "\n", + "best_params = grid_search.best_params_\n", + "\n", + "print(\"Best Hyperparameters:\")\n", + "print(best_params)\n", + "print()\n", + "\n", + "best_model = grid_search.best_estimator_\n", + "\n", + "start_time = time.time()\n", + "\n", + "accuracy_scores = []\n", + "precision_scores = []\n", + "recall_scores = []\n", + "f1_scores = []\n", + "roc_auc_scores = []\n", + "confusion_matrices = []\n", + "\n", + "for train_index, test_index in kf.split(normal(x), y):\n", + " X_train, X_test = x.iloc[train_index], x.iloc[test_index]\n", + " y_train, y_test = y.iloc[train_index], y.iloc[test_index]\n", + "\n", + " best_model.fit(X_train, y_train)\n", + "\n", + " y_pred = best_model.predict(X_test)\n", + "\n", + " accuracy = accuracy_score(y_test, y_pred)\n", + " accuracy_scores.append(accuracy)\n", + " \n", + " precision = precision_score(y_test, y_pred)\n", + " precision_scores.append(precision)\n", + " \n", + " recall = recall_score(y_test, y_pred)\n", + " recall_scores.append(recall)\n", + " \n", + " f1 = f1_score(y_test, y_pred)\n", + " f1_scores.append(f1)\n", + " \n", + " roc_auc = roc_auc_score(y_test, y_pred)\n", + " roc_auc_scores.append(roc_auc)\n", + " \n", + " confusion = confusion_matrix(y_test, y_pred)\n", + " confusion_matrices.append(confusion)\n", + "\n", + "training_time = time.time() - start_time\n", + "print(f\"Time taken for training with best hyperparameters: {training_time:.2f} seconds\")\n", + "print()\n", + "\n", + "mean_accuracy = np.mean(accuracy_scores)\n", + "std_accuracy = np.std(accuracy_scores)\n", + "\n", + "mean_precision = np.mean(precision_scores)\n", + "std_precision = np.std(precision_scores)\n", + "\n", + "mean_recall = np.mean(recall_scores)\n", + "std_recall = np.std(recall_scores)\n", + "\n", + "mean_f1 = np.mean(f1_scores)\n", + "std_f1 = np.std(f1_scores)\n", + "\n", + "mean_roc_auc = np.mean(roc_auc_scores)\n", + "std_roc_auc = np.std(roc_auc_scores)\n", + "\n", + "print(f\"Mean Accuracy: {mean_accuracy}\")\n", + "print(f\"Standard Deviation of Accuracy: {std_accuracy}\")\n", + "\n", + "print(f\"Mean Precision: {mean_precision}\")\n", + "print(f\"Standard Deviation of Precision: {std_precision}\")\n", + "\n", + "print(f\"Mean Recall: {mean_recall}\")\n", + "print(f\"Standard Deviation of Recall: {std_recall}\")\n", + "\n", + "print(f\"Mean F1-score: {mean_f1}\")\n", + "print(f\"Standard Deviation of F1-score: {std_f1}\")\n", + "\n", + "print(f\"Mean ROC AUC: {mean_roc_auc}\")\n", + "print(f\"Standard Deviation of ROC AUC: {std_roc_auc}\")\n", + "print()\n", + "\n", + "total_time = time.time() - start_total_time\n", + "print(f\"Total time taken: {total_time:.2f} seconds\")" + ] + }, + { + "cell_type": "code", + "execution_count": 66, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "x_train: (1800, 13)\n", + "y_train: (1800,)\n", + "x_test: (601, 13)\n", + "y_test: (601,)\n" + ] + } + ], + "source": [ + "from sklearn.model_selection import train_test_split\n", + "\n", + "x_train, x_test, y_train, y_test = train_test_split(x,y,test_size=0.25,random_state=42)\n", + "\n", + "print(\"x_train:\",x_train.shape)\n", + "print(\"y_train:\",y_train.shape)\n", + "print(\"x_test:\",x_test.shape)\n", + "print(\"y_test:\",y_test.shape)" + ] + }, + { + "cell_type": "code", + "execution_count": 67, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Accuracy: 0.6605657237936772\n", + "Precision: 0.0\n", + "Recall: 0.0\n", + "F1 Score: 0.0\n", + "ROC AUC Score: 0.5\n", + "Confusion Matrix:\n", + "[[397 0]\n", + " [204 0]]\n" + ] + } + ], + "source": [ + "model = grid_search.best_estimator_\n", + "\n", + "model.fit(x_train, y_train)\n", + "\n", + "y_pred = model.predict(x_test)\n", + "\n", + "y_pred = (y_pred >= 0.5).astype(int)\n", + "\n", + "print(\"Accuracy:\", accuracy_score(y_test, y_pred))\n", + "print(\"Precision:\", precision_score(y_test, y_pred))\n", + "print(\"Recall:\", recall_score(y_test, y_pred))\n", + "print(\"F1 Score:\", f1_score(y_test, y_pred))\n", + "print(\"ROC AUC Score:\", roc_auc_score(y_test, y_pred))\n", + "print(\"Confusion Matrix:\")\n", + "print(confusion_matrix(y_test, y_pred))" + ] + }, + { + "cell_type": "code", + "execution_count": 68, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAokAAAIjCAYAAABvUIGpAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8pXeV/AAAACXBIWXMAAA9hAAAPYQGoP6dpAABHbUlEQVR4nO3de5yN5f7/8feaYdYcmBmDORXjfBgMUo1JTtswhJzaUsqwxU6jg0GatrNq+uqgVNgdNhKdo02hiVDbpBKRUw1KxYxTZjIYY+b+/dHP2nu5qFnMmjWs17PH/XhY932v+/6stTt89vu67mvZLMuyBAAAAPwPH08XAAAAgPKHJhEAAAAGmkQAAAAYaBIBAABgoEkEAACAgSYRAAAABppEAAAAGGgSAQAAYKBJBAAAgIEmEcAf+v7779WlSxeFhITIZrNpyZIlpXr9H374QTabTfPmzSvV617OOnTooA4dOni6DABejiYRuAzs3r1bf//731WnTh35+/srODhYbdq00bPPPquTJ0+69d7JycnaunWrHn30US1YsEDXXnutW+9XlgYPHiybzabg4ODzfo/ff/+9bDabbDabnnzySZevv3//fk2ePFmbN28uhWoBoGxV8HQBAP7YBx98oL/+9a+y2+0aNGiQmjZtqtOnT+uzzz7T2LFjtW3bNr344otuuffJkyeVmZmpf/zjHxo5cqRb7hETE6OTJ0+qYsWKbrn+n6lQoYJOnDihpUuXqn///k7HFi5cKH9/f506deqirr1//35NmTJFtWrVUosWLUr8vo8++uii7gcApYkmESjH9u7dqwEDBigmJkarV69WVFSU41hKSoqysrL0wQcfuO3+hw4dkiSFhoa67R42m03+/v5uu/6fsdvtatOmjV5//XWjSVy0aJG6d++ud999t0xqOXHihAIDA+Xn51cm9wOAP8JwM1COTZ8+XcePH9crr7zi1CCeVa9ePd1///2O12fOnNG0adNUt25d2e121apVSw8//LAKCgqc3lerVi316NFDn332ma6//nr5+/urTp06evXVVx3nTJ48WTExMZKksWPHymazqVatWpJ+H6Y9++f/NXnyZNlsNqd9GRkZuvHGGxUaGqpKlSqpYcOGevjhhx3HLzQncfXq1Wrbtq2CgoIUGhqqXr16aceOHee9X1ZWlgYPHqzQ0FCFhIRoyJAhOnHixIW/2HPcfvvtWr58uY4dO+bY9+WXX+r777/X7bffbpx/9OhRjRkzRs2aNVOlSpUUHBysbt266ZtvvnGcs2bNGl133XWSpCFDhjiGrc9+zg4dOqhp06bauHGj2rVrp8DAQMf3cu6cxOTkZPn7+xufPykpSVWqVNH+/ftL/FkBoKRoEoFybOnSpapTp45uuOGGEp1/1113aeLEibrmmms0Y8YMtW/fXunp6RowYIBxblZWlm655RZ17txZTz31lKpUqaLBgwdr27ZtkqS+fftqxowZkqTbbrtNCxYs0DPPPONS/du2bVOPHj1UUFCgqVOn6qmnntLNN9+s//znP3/4vo8//lhJSUk6ePCgJk+erNTUVK1fv15t2rTRDz/8YJzfv39//fbbb0pPT1f//v01b948TZkypcR19u3bVzabTe+9955j36JFi9SoUSNdc801xvl79uzRkiVL1KNHDz399NMaO3astm7dqvbt2zsatsaNG2vq1KmSpOHDh2vBggVasGCB2rVr57jOkSNH1K1bN7Vo0ULPPPOMOnbseN76nn32WVWvXl3JyckqKiqSJP3zn//URx99pOeee07R0dEl/qwAUGIWgHIpNzfXkmT16tWrROdv3rzZkmTdddddTvvHjBljSbJWr17t2BcTE2NJstatW+fYd/DgQctut1ujR4927Nu7d68lyXriiSecrpmcnGzFxMQYNUyaNMn633+tzJgxw5JkHTp06IJ1n73H3LlzHftatGhhhYeHW0eOHHHs++abbywfHx9r0KBBxv3+9re/OV2zT58+VtWqVS94z//9HEFBQZZlWdYtt9xiderUybIsyyoqKrIiIyOtKVOmnPc7OHXqlFVUVGR8Drvdbk2dOtWx78svvzQ+21nt27e3JFlz5sw577H27ds77Vu5cqUlyXrkkUesPXv2WJUqVbJ69+79p58RAC4WSSJQTuXl5UmSKleuXKLzP/zwQ0lSamqq0/7Ro0dLkjF3MTY2Vm3btnW8rl69uho2bKg9e/ZcdM3nOjuX8f3331dxcXGJ3nPgwAFt3rxZgwcPVlhYmGN/XFycOnfu7Pic/+vuu+92et22bVsdOXLE8R2WxO233641a9YoOztbq1evVnZ29nmHmqXf5zH6+Pz+r8+ioiIdOXLEMZT+9ddfl/iedrtdQ4YMKdG5Xbp00d///ndNnTpVffv2lb+/v/75z3+W+F4A4CqaRKCcCg4OliT99ttvJTr/xx9/lI+Pj+rVq+e0PzIyUqGhofrxxx+d9tesWdO4RpUqVfTrr79eZMWmW2+9VW3atNFdd92liIgIDRgwQG+99dYfNoxn62zYsKFxrHHjxjp8+LDy8/Od9p/7WapUqSJJLn2Wm266SZUrV9abb76phQsX6rrrrjO+y7OKi4s1Y8YM1a9fX3a7XdWqVVP16tW1ZcsW5ebmlvieV111lUsPqTz55JMKCwvT5s2bNXPmTIWHh5f4vQDgKppEoJwKDg5WdHS0vv32W5fed+6DIxfi6+t73v2WZV30Pc7OlzsrICBA69at08cff6w777xTW7Zs0a233qrOnTsb516KS/ksZ9ntdvXt21fz58/X4sWLL5giStJjjz2m1NRUtWvXTq+99ppWrlypjIwMNWnSpMSJqfT79+OKTZs26eDBg5KkrVu3uvReAHAVTSJQjvXo0UO7d+9WZmbmn54bExOj4uJiff/99077c3JydOzYMceTyqWhSpUqTk8Cn3VuWilJPj4+6tSpk55++mlt375djz76qFavXq1PPvnkvNc+W+euXbuMYzt37lS1atUUFBR0aR/gAm6//XZt2rRJv/3223kf9jnrnXfeUceOHfXKK69owIAB6tKlixITE43vpKQNe0nk5+dryJAhio2N1fDhwzV9+nR9+eWXpXZ9ADgXTSJQjj344IMKCgrSXXfdpZycHOP47t279eyzz0r6fbhUkvEE8tNPPy1J6t69e6nVVbduXeXm5mrLli2OfQcOHNDixYudzjt69Kjx3rOLSp+7LM9ZUVFRatGihebPn+/UdH377bf66KOPHJ/THTp27Khp06bp+eefV2Rk5AXP8/X1NVLKt99+W7/88ovTvrPN7PkaaleNGzdO+/bt0/z58/X000+rVq1aSk5OvuD3CACXisW0gXKsbt26WrRokW699VY1btzY6RdX1q9fr7fffluDBw+WJDVv3lzJycl68cUXdezYMbVv315ffPGF5s+fr969e19weZWLMWDAAI0bN059+vTRfffdpxMnTmj27Nlq0KCB04MbU6dO1bp169S9e3fFxMTo4MGDmjVrlq6++mrdeOONF7z+E088oW7duikhIUFDhw7VyZMn9dxzzykkJESTJ08utc9xLh8fH40fP/5Pz+vRo4emTp2qIUOG6IYbbtDWrVu1cOFC1alTx+m8unXrKjQ0VHPmzFHlypUVFBSk+Ph41a5d26W6Vq9erVmzZmnSpEmOJXnmzp2rDh06aMKECZo+fbpL1wOAEvHw09UASuC7776zhg0bZtWqVcvy8/OzKleubLVp08Z67rnnrFOnTjnOKywstKZMmWLVrl3bqlixolWjRg0rLS3N6RzL+n0JnO7duxv3OXfplQstgWNZlvXRRx9ZTZs2tfz8/KyGDRtar732mrEEzqpVq6xevXpZ0dHRlp+fnxUdHW3ddttt1nfffWfc49xlYj7++GOrTZs2VkBAgBUcHGz17NnT2r59u9M5Z+937hI7c+fOtSRZe/fuveB3alnOS+BcyIWWwBk9erQVFRVlBQQEWG3atLEyMzPPu3TN+++/b8XGxloVKlRw+pzt27e3mjRpct57/u918vLyrJiYGOuaa66xCgsLnc4bNWqU5ePjY2VmZv7hZwCAi2GzLBdmdgMAAMArMCcRAAAABppEAAAAGGgSAQAAYKBJBAAAgIEmEQAAAAaaRAAAABhoEgEAAGC4In9xJaDlSE+XAMBNfv3yeU+XAMBN/D3Ylbizdzi56fL89xZJIgAAAAxXZJIIAADgEhu52bloEgEAAGw2T1dQ7tA2AwAAwECSCAAAwHCzgW8EAAAABpJEAAAA5iQaSBIBAABgIEkEAABgTqKBbwQAAAAGkkQAAADmJBpoEgEAABhuNvCNAAAAwECSCAAAwHCzgSQRAAAABpJEAAAA5iQa+EYAAABgIEkEAABgTqKBJBEAAAAGkkQAAADmJBpoEgEAABhuNtA2AwAAwECSCAAAwHCzgW8EAAAABpJEAAAAkkQD3wgAAAAMJIkAAAA+PN18LpJEAAAAGEgSAQAAmJNooEkEAABgMW0DbTMAAAAMJIkAAAAMNxv4RgAAAGAgSQQAAGBOooEkEQAAAAaSRAAAAOYkGvhGAAAAYCBJBAAAYE6igSYRAACA4WYD3wgAAAAMJIkAAAAMNxtIEgEAAGAgSQQAAGBOooFvBAAAAAaSRAAAAOYkGkgSAQAAYCBJBAAAYE6igSYRAACAJtHANwIAAAADSSIAAAAPrhhIEgEAAMqJ2bNnKy4uTsHBwQoODlZCQoKWL1/uON6hQwfZbDan7e6773a6xr59+9S9e3cFBgYqPDxcY8eO1ZkzZ1yuhSQRAACgnMxJvPrqq/X444+rfv36sixL8+fPV69evbRp0yY1adJEkjRs2DBNnTrV8Z7AwEDHn4uKitS9e3dFRkZq/fr1OnDggAYNGqSKFSvqsccec6kWmkQAAAA3KigoUEFBgdM+u90uu91unNuzZ0+n148++qhmz56tzz//3NEkBgYGKjIy8rz3+uijj7R9+3Z9/PHHioiIUIsWLTRt2jSNGzdOkydPlp+fX4nrLh9tMwAAgCfZbG7b0tPTFRIS4rSlp6f/aUlFRUV64403lJ+fr4SEBMf+hQsXqlq1amratKnS0tJ04sQJx7HMzEw1a9ZMERERjn1JSUnKy8vTtm3bXPpKSBIBAADcKC0tTampqU77zpcinrV161YlJCTo1KlTqlSpkhYvXqzY2FhJ0u23366YmBhFR0dry5YtGjdunHbt2qX33ntPkpSdne3UIEpyvM7OznapbppEAAAAN85JvNDQ8oU0bNhQmzdvVm5urt555x0lJydr7dq1io2N1fDhwx3nNWvWTFFRUerUqZN2796tunXrlmrdDDcDAAC4cbjZVX5+fqpXr55atWql9PR0NW/eXM8+++x5z42Pj5ckZWVlSZIiIyOVk5PjdM7Z1xeax3ghNIkAAADlWHFxsfHgy1mbN2+WJEVFRUmSEhIStHXrVh08eNBxTkZGhoKDgx1D1iXFcDMAAPB6tnKymHZaWpq6deummjVr6rffftOiRYu0Zs0arVy5Urt379aiRYt00003qWrVqtqyZYtGjRqldu3aKS4uTpLUpUsXxcbG6s4779T06dOVnZ2t8ePHKyUlxaUhb4kmEQAAoNw4ePCgBg0apAMHDigkJERxcXFauXKlOnfurJ9++kkff/yxnnnmGeXn56tGjRrq16+fxo8f73i/r6+vli1bphEjRighIUFBQUFKTk52WlexpGyWZVml+eHKg4CWIz1dAgA3+fXL5z1dAgA38fdgdBV0y1y3XTv/nSFuu7Y7MScRAAAABoabAQAAyseUxHKFJBEAAAAGkkQAAOD1ysvTzeUJTSIAAPB6NIkmhpsBAABgIEkEAABejyTRRJIIAAAAA0kiAADweiSJJpJEAAAAGEgSAQAACBINJIkAAAAwkCQCAACvx5xEE0kiAAAADCSJAADA65EkmmgSAQCA16NJNDHcDAAAAANJIgAA8HokiSaSRAAAABhIEgEAAAgSDSSJAAAAMJAkAgAAr8ecRBNJIgAAAAwkiQAAwOuRJJpoEgEAgNejSTQx3AwAAAADSSIAAABBooEkEQAAAAaSRAAA4PWYk2giSQQAAICBJBEAAHg9kkQTSSIAAAAMJIkAAMDrkSSaaBIBAIDXo0k0MdwMAAAAA0kiAAAAQaKBJBEAAAAGkkQAAOD1mJNoIkkEAACAgSQRAAB4PZJEE0kiAAAADCSJAADA65EkmmgSAQAA6BENDDcDAADAQJIIAAC8HsPNJpJEAAAAGEgSAQCA1yNJNJEkAgAAlBOzZ89WXFycgoODFRwcrISEBC1fvtxx/NSpU0pJSVHVqlVVqVIl9evXTzk5OU7X2Ldvn7p3767AwECFh4dr7NixOnPmjMu1kCSi3Bn21xs17Ja2iokOkyTt2JOtx15cro/+s12SVPvqanp8VB8ltKwje8UKyli/Q6n/97YOHv1NktS2VX199PL95732jQOna+P2fWXzQQBckjcWLdT8ua/o8OFDatCwkR56eIKaxcV5uixcocpLknj11Vfr8ccfV/369WVZlubPn69evXpp06ZNatKkiUaNGqUPPvhAb7/9tkJCQjRy5Ej17dtX//nPfyRJRUVF6t69uyIjI7V+/XodOHBAgwYNUsWKFfXYY4+5VIvNsizLHR/SkwJajvR0CbgEN7VrqqLiYmXtOySbbLqjZ7xGJXdS6wGP68f9R/XlW2na+t0vmjbnQ0nSpHu6K6p6iNoNekqWZaliBV+FhQQ6XXPiPT3U8fqGiu052QOfCKXp1y+f93QJKAMrln+o8WkPavykKWrWrLkWLpivjz5aofeXrVDVqlU9XR7cxN+D0VWt+5e57do/PNvjkt4fFhamJ554QrfccouqV6+uRYsW6ZZbbpEk7dy5U40bN1ZmZqZat26t5cuXq0ePHtq/f78iIiIkSXPmzNG4ceN06NAh+fn5lfi+DDej3Plw3bda+dl27d53SFn7DmryC0t1/ESBro+rrYQWdRQTXVXDJr2mbVn7tS1rv+6auEDXxNZUh+sbSJIKzxQp58hvju1Ibr56dIjTq//+3MOfDEBJLZg/V31v6a/effqpbr16Gj9pivz9/bXkvXc9XRquUDabzW1bQUGB8vLynLaCgoI/ramoqEhvvPGG8vPzlZCQoI0bN6qwsFCJiYmOcxo1aqSaNWsqMzNTkpSZmalmzZo5GkRJSkpKUl5enrZt2+bSd+LRJvHw4cOaPn26+vTpo4SEBCUkJKhPnz564okndOjQIU+WhnLCx8emvya1UlCAnzZs2Su7XwVZlqWC0/+dW3Gq4IyKiy3d0KLuea/Ro32cqoYEacH7NInA5aDw9Gnt2L5NrRNucOzz8fFR69Y3aMs3mzxYGa5oNvdt6enpCgkJcdrS09MvWMrWrVtVqVIl2e123X333Vq8eLFiY2OVnZ0tPz8/hYaGOp0fERGh7OxsSVJ2drZTg3j2+NljrvBYsPvll18qKSlJgYGBSkxMVIMGv6dAOTk5mjlzph5//HGtXLlS11577R9ep6CgwOjGreIi2Xx83VY73K9JvWitmT9a/n4VdPxkgW4d/ZJ27snW4V+PK//kaT16fy9NfP7fssmmR+7vpQoVfBVZLfi810runaCMzB365eCxsv0QAC7Kr8d+VVFRkTGsXLVqVe3du8dDVQEXLy0tTampqU777Hb7Bc9v2LChNm/erNzcXL3zzjtKTk7W2rVr3V2mwWNN4r333qu//vWvmjNnjjFZ1LIs3X333br33nsd8emFpKena8qUKU77fCOuU8Wo60u9ZpSd737IUfyAdIVUClCfxJZ6aeqd6nLXs9q5J1sDH3xFMx++Vffc1l7FxZbeWrFRX2/fp+LzTK+9KjxUnRMa645x//LApwAAXC7c+eCK3W7/w6bwXH5+fqpXr54kqVWrVvryyy/17LPP6tZbb9Xp06d17NgxpzQxJydHkZGRkqTIyEh98cUXTtc7+/Tz2XNKymPDzd98841GjRp13v9RbDabRo0apc2bN//pddLS0pSbm+u0VYho5YaKUZYKzxRpz0+HtWnHT5r43L+19btflHJbB0nSqs93qsnNU1SzU5qu7viQhk54VdHhofrh58PGde7s1VpHcvO1bO2WMv4EAC5WldAq8vX11ZEjR5z2HzlyRNWqVfNQVYDnFBcXq6CgQK1atVLFihW1atUqx7Fdu3Zp3759SkhIkCQlJCRo69atOnjwoOOcjIwMBQcHKzY21qX7eixJPNvpNmrU6LzHv/jiC2NM/XzO150z1Hzl8bHZZPdz/tv1yLF8SVL76xooPKySlq3darxv0M2ttWjZFzpzprhM6gRw6Sr6+alxbBNt+DxTf+n0+wT94uJibdiQqQG33eHh6nClKi9L4KSlpalbt26qWbOmfvvtNy1atEhr1qzRypUrFRISoqFDhyo1NVVhYWEKDg7Wvffeq4SEBLVu3VqS1KVLF8XGxurOO+/U9OnTlZ2drfHjxyslJcWlNFPyYJM4ZswYDR8+XBs3blSnTp0cDWFOTo5WrVqll156SU8++aSnyoMHTb33Zq38zzb9dOBXVQ7y163drlW7a+ur5z2zJEl33txau/Zm69CvxxUfV1tPjr1Fzy38RN//eNDpOh2ub6DaV1fT3MXrPfExAFyCO5OHaMLD49SkSVM1bRan1xbM18mTJ9W7T19Plwa41cGDBzVo0CAdOHBAISEhiouL08qVK9W5c2dJ0owZM+Tj46N+/fqpoKBASUlJmjVrluP9vr6+WrZsmUaMGKGEhAQFBQUpOTlZU6dOdbkWj66T+Oabb2rGjBnauHGjioqKJP3+4Vq1aqXU1FT179//oq7LOomXt9mTblfH6xsqslqwco+f0rff/6Kn5n6s1Rt2SpKm3Xez7ujZWmEhgfpx/1G9/M5nmvnaauM68x4brJpRVfSXITPK+iPAjVgn0Xu8vvA1x2LaDRs11riHxysurrmny4IbeXKdxHpjlv/5SRcp68lubru2O5WLxbQLCwt1+PDv88mqVaumihUrXtL1aBKBKxdNInDlokksX8rFz/JVrFhRUVFRni4DAAB4qfIyJ7E8KRdNIgAAgCfRI5r4WT4AAAAYSBIBAIDXY7jZRJIIAAAAA0kiAADwegSJJpJEAAAAGEgSAQCA1/PxIUo8F0kiAAAADCSJAADA6zEn0USTCAAAvB5L4JgYbgYAAICBJBEAAHg9gkQTSSIAAAAMJIkAAMDrMSfRRJIIAAAAA0kiAADweiSJJpJEAAAAGEgSAQCA1yNINNEkAgAAr8dws4nhZgAAABhIEgEAgNcjSDSRJAIAAMBAkggAALwecxJNJIkAAAAwkCQCAACvR5BoIkkEAACAgSQRAAB4PeYkmkgSAQAAYCBJBAAAXo8g0USTCAAAvB7DzSaGmwEAAGAgSQQAAF6PINFEkggAAAADSSIAAPB6zEk0kSQCAADAQJIIAAC8HkGiiSQRAAAABpJEAADg9ZiTaKJJBAAAXo8e0cRwMwAAAAwkiQAAwOsx3GwiSQQAAICBJBEAAHg9kkQTSSIAAAAMJIkAAMDrESSaSBIBAADKifT0dF133XWqXLmywsPD1bt3b+3atcvpnA4dOshmszltd999t9M5+/btU/fu3RUYGKjw8HCNHTtWZ86ccakWkkQAAOD1ysucxLVr1yolJUXXXXedzpw5o4cfflhdunTR9u3bFRQU5Dhv2LBhmjp1quN1YGCg489FRUXq3r27IiMjtX79eh04cECDBg1SxYoV9dhjj5W4FppEAADg9cpJj6gVK1Y4vZ43b57Cw8O1ceNGtWvXzrE/MDBQkZGR573GRx99pO3bt+vjjz9WRESEWrRooWnTpmncuHGaPHmy/Pz8SlQLw80AAABuVFBQoLy8PKetoKCgRO/Nzc2VJIWFhTntX7hwoapVq6amTZsqLS1NJ06ccBzLzMxUs2bNFBER4diXlJSkvLw8bdu2rcR10yQCAACvd+4cv9Lc0tPTFRIS4rSlp6f/aU3FxcV64IEH1KZNGzVt2tSx//bbb9drr72mTz75RGlpaVqwYIHuuOMOx/Hs7GynBlGS43V2dnaJvxOGmwEAANwoLS1NqampTvvsdvufvi8lJUXffvutPvvsM6f9w4cPd/y5WbNmioqKUqdOnbR7927VrVu3dIoWTSIAAIBb5yTa7fYSNYX/a+TIkVq2bJnWrVunq6+++g/PjY+PlyRlZWWpbt26ioyM1BdffOF0Tk5OjiRdcB7j+TDcDAAAUE5YlqWRI0dq8eLFWr16tWrXrv2n79m8ebMkKSoqSpKUkJCgrVu36uDBg45zMjIyFBwcrNjY2BLXQpIIAAC8nk85ebw5JSVFixYt0vvvv6/KlSs75hCGhIQoICBAu3fv1qJFi3TTTTepatWq2rJli0aNGqV27dopLi5OktSlSxfFxsbqzjvv1PTp05Wdna3x48crJSXFpUSTJBEAAKCcmD17tnJzc9WhQwdFRUU5tjfffFOS5Ofnp48//lhdunRRo0aNNHr0aPXr109Lly51XMPX11fLli2Tr6+vEhISdMcdd2jQoEFO6yqWBEkiAADweuUkSJRlWX94vEaNGlq7du2fXicmJkYffvjhJdVCkwgAALxeefnFlfKE4WYAAAAYSBIBAIDX8yFINJAkAgAAwECSCAAAvB5zEk0kiQAAADCQJAIAAK9HkGgiSQQAAICBJBEAAHg9m4gSz0WTCAAAvB5L4JgYbgYAAICBJBEAAHg9lsAxkSQCAADAQJIIAAC8HkGiiSQRAAAABpJEAADg9XyIEg0kiQAAADCUSpN47Nix0rgMAACAR9hs7tsuVy43if/3f/+nN9980/G6f//+qlq1qq666ip98803pVocAABAWbDZbG7bLlcuN4lz5sxRjRo1JEkZGRnKyMjQ8uXL1a1bN40dO7bUCwQAAEDZc/nBlezsbEeTuGzZMvXv319dunRRrVq1FB8fX+oFAgAAuNtlHPi5jctJYpUqVfTTTz9JklasWKHExERJkmVZKioqKt3qAAAA4BEuJ4l9+/bV7bffrvr16+vIkSPq1q2bJGnTpk2qV69eqRcIAADgbiyBY3K5SZwxY4Zq1aqln376SdOnT1elSpUkSQcOHNA999xT6gUCAACg7LncJFasWFFjxowx9o8aNapUCgIAAChr5IimEjWJ//73v0t8wZtvvvmiiwEAAED5UKImsXfv3iW6mM1m4+EVAABw2bmc1zN0lxI1icXFxe6uAwAAwGN86BENl/SzfKdOnSqtOgAAAFCOuNwkFhUVadq0abrqqqtUqVIl7dmzR5I0YcIEvfLKK6VeIAAAgLvxs3wml5vERx99VPPmzdP06dPl5+fn2N+0aVO9/PLLpVocAAAAPMPlJvHVV1/Viy++qIEDB8rX19exv3nz5tq5c2epFgcAAFAWbDb3bZcrl5vEX3755by/rFJcXKzCwsJSKQoAAACe5XKTGBsbq08//dTY/84776hly5alUhQAAEBZYk6iyeVfXJk4caKSk5P1yy+/qLi4WO+995527dqlV199VcuWLXNHjQAAAChjLieJvXr10tKlS/Xxxx8rKChIEydO1I4dO7R06VJ17tzZHTUCAAC4lY/NfdvlyuUkUZLatm2rjIyM0q4FAADAIy7nYWF3uagmUZK++uor7dixQ9Lv8xRbtWpVakUBAADAs1xuEn/++Wfddttt+s9//qPQ0FBJ0rFjx3TDDTfojTfe0NVXX13aNQIAALgVOaLJ5TmJd911lwoLC7Vjxw4dPXpUR48e1Y4dO1RcXKy77rrLHTUCAACgjLmcJK5du1br169Xw4YNHfsaNmyo5557Tm3bti3V4gAAAMqCD3MSDS4niTVq1DjvotlFRUWKjo4ulaIAAADgWS43iU888YTuvfdeffXVV459X331le6//349+eSTpVocAABAWeBn+UwlGm6uUqWK06Ph+fn5io+PV4UKv7/9zJkzqlChgv72t7+pd+/ebikUAAAAZadETeIzzzzj5jIAAAA8h3USTSVqEpOTk91dBwAAAMqRi15MW5JOnTql06dPO+0LDg6+pIIAAADKGkGiyeUHV/Lz8zVy5EiFh4crKChIVapUcdoAAAAuNz42m9s2V6Snp+u6665T5cqVFR4ert69e2vXrl1O55w6dUopKSmqWrWqKlWqpH79+iknJ8fpnH379ql79+4KDAxUeHi4xo4dqzNnzrj2nbh0tqQHH3xQq1ev1uzZs2W32/Xyyy9rypQpio6O1quvvurq5QAAAPD/rV27VikpKfr888+VkZGhwsJCdenSRfn5+Y5zRo0apaVLl+rtt9/W2rVrtX//fvXt29dxvKioSN27d9fp06e1fv16zZ8/X/PmzdPEiRNdqsVmWZblyhtq1qypV199VR06dFBwcLC+/vpr1atXTwsWLNDrr7+uDz/80KUC3CGg5UhPlwDATX798nlPlwDATfwvaRLcpbnnve1uu/asvrEX/d5Dhw4pPDxca9euVbt27ZSbm6vq1atr0aJFuuWWWyRJO3fuVOPGjZWZmanWrVtr+fLl6tGjh/bv36+IiAhJ0pw5czRu3DgdOnRIfn5+Jbq3y0ni0aNHVadOHUm/zz88evSoJOnGG2/UunXrXL0cAADAFa2goEB5eXlOW0FBQYnem5ubK0kKCwuTJG3cuFGFhYVKTEx0nNOoUSPVrFlTmZmZkqTMzEw1a9bM0SBKUlJSkvLy8rRt27YS1+1yk1inTh3t3bvXUdRbb70lSVq6dKlCQ0NdvRwAAIDH2Ww2t23p6ekKCQlx2tLT0/+0puLiYj3wwANq06aNmjZtKknKzs6Wn5+f0XNFREQoOzvbcc7/Nohnj589VlIuB7tDhgzRN998o/bt2+uhhx5Sz5499fzzz6uwsFBPP/20q5cDAAC4oqWlpSk1NdVpn91u/9P3paSk6Ntvv9Vnn33mrtL+kMtN4qhRoxx/TkxM1M6dO7Vx40bVq1dPcXFxpVrcxRr0jxGeLgEAAFxGXB5adYHdbi9RU/i/Ro4cqWXLlmndunW6+uqrHfsjIyN1+vRpHTt2zClNzMnJUWRkpOOcL774wul6Z59+PntOSVzydxITE6O+ffuWmwYRAADgcmVZlkaOHKnFixdr9erVql27ttPxVq1aqWLFilq1apVj365du7Rv3z4lJCRIkhISErR161YdPHjQcU5GRoaCg4MVG1vyh2hKlCTOnDmzxBe87777SnwuAABAeVBefpYvJSVFixYt0vvvv6/KlSs75hCGhIQoICBAISEhGjp0qFJTUxUWFqbg4GDde++9SkhIUOvWrSVJXbp0UWxsrO68805Nnz5d2dnZGj9+vFJSUlxKNEu0BM65XewFL2azac+ePSW+ubv8/Z2SP7kD4PLybO8mni4BgJt4cgmcB97f6bZrP9OrUYnPvVCzOnfuXA0ePFjS74tpjx49Wq+//roKCgqUlJSkWbNmOQ0l//jjjxoxYoTWrFmjoKAgJScn6/HHH1eFCiX/kl1eJ/FyQJMIXLloEoErF01i+eLB/zkAAADKB5/yMdpcrrjzYR4AAABcpkgSAQCA1ysvD66UJySJAAAAMJAkAgAAr8ecRNNFJYmffvqp7rjjDiUkJOiXX36RJC1YsMBjPxsDAACA0uVyk/juu+8qKSlJAQEB2rRpkwoKCiRJubm5euyxx0q9QAAAAHez2dy3Xa5cbhIfeeQRzZkzRy+99JIqVqzo2N+mTRt9/fXXpVocAABAWfCx2dy2Xa5cbhJ37dqldu3aGftDQkJ07Nix0qgJAAAAHuZykxgZGamsrCxj/2effaY6deqUSlEAAABlyceN2+XK5dqHDRum+++/Xxs2bJDNZtP+/fu1cOFCjRkzRiNGjHBHjQAAAChjLi+B89BDD6m4uFidOnXSiRMn1K5dO9ntdo0ZM0b33nuvO2oEAABwq8t46qDbuNwk2mw2/eMf/9DYsWOVlZWl48ePKzY2VpUqVXJHfQAAAPCAi15M28/PT7GxsaVZCwAAgEdczk8hu4vLTWLHjh3/8PcNV69efUkFAQAAwPNcbhJbtGjh9LqwsFCbN2/Wt99+q+Tk5NKqCwAAoMwQJJpcbhJnzJhx3v2TJ0/W8ePHL7kgAACAssZvN5tKbfmeO+64Q//6179K63IAAADwoIt+cOVcmZmZ8vf3L63LAQAAlBkeXDG53CT27dvX6bVlWTpw4IC++uorTZgwodQKAwAAgOe43CSGhIQ4vfbx8VHDhg01depUdenSpdQKAwAAKCsEiSaXmsSioiINGTJEzZo1U5UqVdxVEwAAADzMpQdXfH191aVLFx07dsxN5QAAAJQ9H5v7tsuVy083N23aVHv27HFHLQAAACgnXG4SH3nkEY0ZM0bLli3TgQMHlJeX57QBAABcbmxu/OtyVeI5iVOnTtXo0aN10003SZJuvvlmp5/nsyxLNptNRUVFpV8lAACAG13Ow8LuUuImccqUKbr77rv1ySefuLMeAAAAlAMlbhIty5IktW/f3m3FAAAAeAJJosmlOYk2FhECAADwCi6tk9igQYM/bRSPHj16SQUBAACUNYIwk0tN4pQpU4xfXAEAAMCVx6UmccCAAQoPD3dXLQAAAB7BnERTieckEsMCAAB4D5efbgYAALjSkIWZStwkFhcXu7MOAAAAj/GhSzS4/LN8AAAAuPK59OAKAADAlYgHV0wkiQAAADCQJAIAAK/HlEQTSSIAAAAMJIkAAMDr+Ygo8VwkiQAAADCQJAIAAK/HnEQTTSIAAPB6LIFjYrgZAAAABpJEAADg9fhZPhNJIgAAAAw0iQAAwOvZbO7bXLVu3Tr17NlT0dHRstlsWrJkidPxwYMHy2azOW1du3Z1Oufo0aMaOHCggoODFRoaqqFDh+r48eMu1UGTCAAAUI7k5+erefPmeuGFFy54TteuXXXgwAHH9vrrrzsdHzhwoLZt26aMjAwtW7ZM69at0/Dhw12qgzmJAADA65WnOYndunVTt27d/vAcu92uyMjI8x7bsWOHVqxYoS+//FLXXnutJOm5557TTTfdpCeffFLR0dElqoMkEQAAwI0KCgqUl5fntBUUFFzSNdesWaPw8HA1bNhQI0aM0JEjRxzHMjMzFRoa6mgQJSkxMVE+Pj7asGFDie9BkwgAALyeO+ckpqenKyQkxGlLT0+/6Fq7du2qV199VatWrdL//d//ae3aterWrZuKiookSdnZ2QoPD3d6T4UKFRQWFqbs7OwS34fhZgAA4PXcmZqlpaUpNTXVaZ/dbr/o6w0YMMDx52bNmikuLk5169bVmjVr1KlTp4u+7rlIEgEAANzIbrcrODjYabuUJvFcderUUbVq1ZSVlSVJioyM1MGDB53OOXPmjI4ePXrBeYznQ5MIAAC83rlLypTm5m4///yzjhw5oqioKElSQkKCjh07po0bNzrOWb16tYqLixUfH1/i6zLcDAAAUI4cP37ckQpK0t69e7V582aFhYUpLCxMU6ZMUb9+/RQZGandu3frwQcfVL169ZSUlCRJaty4sbp27aphw4Zpzpw5Kiws1MiRIzVgwIASP9kskSQCAADI5sbNVV999ZVatmypli1bSpJSU1PVsmVLTZw4Ub6+vtqyZYtuvvlmNWjQQEOHDlWrVq306aefOg1hL1y4UI0aNVKnTp1000036cYbb9SLL77oUh0kiQAAAOVIhw4dZFnWBY+vXLnyT68RFhamRYsWXVIdNIkAAMDrlafFtMsLhpsBAABgIEkEAABejxzRRJMIAAC8HqPNJoabAQAAYCBJBAAAXq8sFr2+3JAkAgAAwECSCAAAvB6pmYnvBAAAAAaSRAAA4PWYk2giSQQAAICBJBEAAHg9ckQTSSIAAAAMJIkAAMDrMSfRRJMIAAC8HkOrJr4TAAAAGEgSAQCA12O42USSCAAAAANJIgAA8HrkiCaSRAAAABhIEgEAgNdjSqKJJBEAAAAGkkQAAOD1fJiVaKBJBAAAXo/hZhPDzQAAADCQJAIAAK9nY7jZQJIIAAAAA0kiAADwesxJNJEkAgAAwECSCAAAvB5L4JhIEgEAAGAgSQQAAF6POYkmmkQAAOD1aBJNDDcDAADAQJIIAAC8Hotpm0gSAQAAYCBJBAAAXs+HINFAkggAAAADSSIAAPB6zEk0kSQCAADAQJIIAAC8HuskmmgSAQCA12O42cRwMwAAAAwkiQAAwOuxBI6JJBEAAAAGkkQAAOD1mJNoIkkEAACAgSYR5U7XhtWU9pc6erZXIz3Ro6FGJNRQRCU/p3Mq+Nh0W4soPdWzoZ7t3Uh/b11Dle2+571ekJ+vHr+pgf55SxMFVORveeBy8caiherW+S+6rmUzDRzwV23dssXTJeEKZrO5b3PVunXr1LNnT0VHR8tms2nJkiVOxy3L0sSJExUVFaWAgAAlJibq+++/dzrn6NGjGjhwoIKDgxUaGqqhQ4fq+PHjLtXBfzFR7jSoHqg1u4/q8U/26tlPf5Cvj033t42Rn+9//0nr3zxScdGV9OLnP+upNT8oNKCC7k6oed7rDWoVrZ9zT5VV+QBKwYrlH+rJ6en6+z0peuPtxWrYsJFG/H2ojhw54unSALfLz89X8+bN9cILL5z3+PTp0zVz5kzNmTNHGzZsUFBQkJKSknTq1H//Wzdw4EBt27ZNGRkZWrZsmdatW6fhw4e7VAdNIsqdmZ/tU+aPx3Qgr0A/5xZo3pe/qGqQn2KqBEiS/Cv4qE3tUL39TY52HcrXvmOnNO+rX1SvWqBqhwU4XatdnSoK8PNVxnf8hwW4nCyYP1d9b+mv3n36qW69eho/aYr8/f215L13PV0arlA2N26u6tatmx555BH16dPHOGZZlp555hmNHz9evXr1UlxcnF599VXt37/fkTju2LFDK1as0Msvv6z4+HjdeOONeu655/TGG29o//79Ja6DJhHlXkDF34eR808XSZJiqgSogo+Pdhz8b2ye89tpHck/rTpVAx37oirb1aNxdc394hdZssq2aAAXrfD0ae3Yvk2tE25w7PPx8VHr1jdoyzebPFgZrmQ+NpvbtoKCAuXl5TltBQUFF1Xn3r17lZ2drcTERMe+kJAQxcfHKzMzU5KUmZmp0NBQXXvttY5zEhMT5ePjow0bNpT8O7moCsvITz/9pL/97W9/eM75vviiwtNlVCHczSapf4tIZR3O1/683/+BCvavoMKiYp0sLHY6N6/gjEL8f39gv4KPTUPjr9a7W3P068nCsi4bwCX49divKioqUtWqVZ32V61aVYcPH/ZQVcDFS09PV0hIiNOWnp5+UdfKzs6WJEVERDjtj4iIcBzLzs5WeHi40/EKFSooLCzMcU5JlOsm8ejRo5o/f/4fnnO+L37T4pfKqEK4220toxQdbNdLG3526X19moYr+7cCbdiX66bKAABXEncON6elpSk3N9dpS0tLK8NPd3E8uk7iv//97z88vmfPnj+9RlpamlJTU532pX6w+5LqQvkwoEWkmkVV1pNr9urYyTOO/Xmnzqiir48CKvo4pYnB9grKPfX7eQ3Dg3RViL+uuSpW0n+fLnuqZyMt33lIS7cfKrsPAsAlVUKryNfX13hI5ciRI6pWrZqHqgIunt1ul91uL5VrRUZGSpJycnIUFRXl2J+Tk6MWLVo4zjl48KDT+86cOaOjR4863l8SHm0Se/fuLZvNJsu68Hwx2588O36+L963ot8FzsblYkCLSLW4KlhPr/1BR044Dxf/+OtJnSkuVqPwIG365TdJUkQlP1UN8tOeIyckSXMyf5Kf73+D8lpVApR83VV6cs1eHcpnOgJQnlX081Pj2Cba8Hmm/tLp93lXxcXF2rAhUwNuu8PD1eGKdZmspV27dm1FRkZq1apVjqYwLy9PGzZs0IgRIyRJCQkJOnbsmDZu3KhWrVpJklavXq3i4mLFx8eX+F4ebRKjoqI0a9Ys9erV67zHN2/e7Phw8B63tYzS9TVCNGv9Pp0qLFaw/fe/TU8WFqmw2NKpM8X6z95j+mtcpPJPF+lUYbEGtIzS7iMntPfoSUnS4XznxrLS/19D8cBvBcZcRgDlz53JQzTh4XFq0qSpmjaL02sL5uvkyZPq3aevp0sD3O748ePKyspyvN67d682b96ssLAw1axZUw888IAeeeQR1a9fX7Vr19aECRMUHR2t3r17S5IaN26srl27atiwYZozZ44KCws1cuRIDRgwQNHR0SWuw6NNYqtWrbRx48YLNol/ljLiytShbpgkaUyH2k775335izJ/PCZJeuubbFlWpO5OqKEKPj7annNci74+UNalAnCTrt1u0q9Hj2rW8zN1+PAhNWzUWLP++bKqMtwMNylPP8v31VdfqWPHjo7XZ6fVJScna968eXrwwQeVn5+v4cOH69ixY7rxxhu1YsUK+fv7O96zcOFCjRw5Up06dZKPj4/69eunmTNnulSHzfJgF/bpp58qPz9fXbt2Pe/x/Px8ffXVV2rfvr1L1/37O9tKozwA5dCzvZt4ugQAbuLvwehqw273PegYXzfEbdd2J48miW3btv3D40FBQS43iAAAAK66mJ/Pu9J5tEkEAAAoD+gRTeV6nUQAAAB4BkkiAAAAUaKBJBEAAAAGkkQAAOD1ytMSOOUFSSIAAAAMJIkAAMDrsQSOiSQRAAAABpJEAADg9QgSTTSJAAAAdIkGhpsBAABgIEkEAABejyVwTCSJAAAAMJAkAgAAr8cSOCaSRAAAABhIEgEAgNcjSDSRJAIAAMBAkggAAECUaKBJBAAAXo8lcEwMNwMAAMBAkggAALweS+CYSBIBAABgIEkEAABejyDRRJIIAAAAA0kiAAAAUaKBJBEAAAAGkkQAAOD1WCfRRJIIAAAAA0kiAADweqyTaKJJBAAAXo8e0cRwMwAAAAwkiQAAAESJBpJEAAAAGEgSAQCA12MJHBNJIgAAAAwkiQAAwOuxBI6JJBEAAAAGkkQAAOD1CBJNNIkAAAB0iQaGmwEAAGAgSQQAAF6PJXBMJIkAAAAwkCQCAACvxxI4JpJEAAAAGEgSAQCA1yNINJEkAgAAwECSCAAAQJRoIEkEAABez+bGv1wxefJk2Ww2p61Ro0aO46dOnVJKSoqqVq2qSpUqqV+/fsrJySntr0MSTSIAAEC50qRJEx04cMCxffbZZ45jo0aN0tKlS/X2229r7dq12r9/v/r27euWOhhuBgAAXq88LYFToUIFRUZGGvtzc3P1yiuvaNGiRfrLX/4iSZo7d64aN26szz//XK1bty7VOkgSAQAA3KigoEB5eXlOW0FBwQXP//777xUdHa06depo4MCB2rdvnyRp48aNKiwsVGJiouPcRo0aqWbNmsrMzCz1umkSAQCA17O5cUtPT1dISIjTlp6eft464uPjNW/ePK1YsUKzZ8/W3r171bZtW/3222/Kzs6Wn5+fQkNDnd4TERGh7Ozs0vw6JDHcDAAA4FZpaWlKTU112me32897brdu3Rx/jouLU3x8vGJiYvTWW28pICDArXWeiyYRAADAjXMS7Xb7BZvCPxMaGqoGDRooKytLnTt31unTp3Xs2DGnNDEnJ+e8cxgvFcPNAAAA5dTx48e1e/duRUVFqVWrVqpYsaJWrVrlOL5r1y7t27dPCQkJpX5vkkQAAOD1XF3P0F3GjBmjnj17KiYmRvv379ekSZPk6+ur2267TSEhIRo6dKhSU1MVFham4OBg3XvvvUpISCj1J5slmkQAAIByswTOzz//rNtuu01HjhxR9erVdeONN+rzzz9X9erVJUkzZsyQj4+P+vXrp4KCAiUlJWnWrFluqcVmWZbllit70N/f2ebpEgC4ybO9m3i6BABu4u/B6Grf0QsvSXOpaoZd3HxETyNJBAAAXq+cBInlCg+uAAAAwECSCAAAvF55mZNYnpAkAgAAwECSCAAAwKxEA0kiAAAADCSJAADA6zEn0USTCAAAvB49oonhZgAAABhIEgEAgNdjuNlEkggAAAADSSIAAPB6NmYlGkgSAQAAYCBJBAAAIEg0kCQCAADAQJIIAAC8HkGiiSYRAAB4PZbAMTHcDAAAAANJIgAA8HosgWMiSQQAAICBJBEAAIAg0UCSCAAAAANJIgAA8HoEiSaSRAAAABhIEgEAgNdjnUQTTSIAAPB6LIFjYrgZAAAABpJEAADg9RhuNpEkAgAAwECTCAAAAANNIgAAAAzMSQQAAF6POYkmkkQAAAAYSBIBAIDXY51EE00iAADwegw3mxhuBgAAgIEkEQAAeD2CRBNJIgAAAAwkiQAAAESJBpJEAAAAGEgSAQCA12MJHBNJIgAAAAwkiQAAwOuxTqKJJBEAAAAGkkQAAOD1CBJNNIkAAAB0iQaGmwEAAGCgSQQAAF7P5sa/LsYLL7ygWrVqyd/fX/Hx8friiy9K+RP/OZpEAACAcuTNN99UamqqJk2apK+//lrNmzdXUlKSDh48WKZ10CQCAACvZ7O5b3PV008/rWHDhmnIkCGKjY3VnDlzFBgYqH/961+l/8H/AE0iAACAGxUUFCgvL89pKygoOO+5p0+f1saNG5WYmOjY5+Pjo8TERGVmZpZVyZKu0Keb/3lLE0+XgDJSUFCg9PR0paWlyW63e7ocAKWIf75Rlvzd2BFNfiRdU6ZMcdo3adIkTZ482Tj38OHDKioqUkREhNP+iIgI7dy5031FnofNsiyrTO8IlKK8vDyFhIQoNzdXwcHBni4HQCnin29cKQoKCozk0G63n/f//Ozfv19XXXWV1q9fr4SEBMf+Bx98UGvXrtWGDRvcXu9ZV2SSCAAAUF5cqCE8n2rVqsnX11c5OTlO+3NychQZGemO8i6IOYkAAADlhJ+fn1q1aqVVq1Y59hUXF2vVqlVOyWJZIEkEAAAoR1JTU5WcnKxrr71W119/vZ555hnl5+dryJAhZVoHTSIua3a7XZMmTWJSO3AF4p9veKtbb71Vhw4d0sSJE5Wdna0WLVpoxYoVxsMs7saDKwAAADAwJxEAAAAGmkQAAAAYaBIBAABgoEkEAACAgSYRl7UXXnhBtWrVkr+/v+Lj4/XFF194uiQAl2jdunXq2bOnoqOjZbPZtGTJEk+XBHglmkRctt58802lpqZq0qRJ+vrrr9W8eXMlJSXp4MGDni4NwCXIz89X8+bN9cILL3i6FMCrsQQOLlvx8fG67rrr9Pzzz0v6fUX6GjVq6N5779VDDz3k4eoAlAabzabFixerd+/eni4F8DokibgsnT59Whs3blRiYqJjn4+PjxITE5WZmenBygAAuDLQJOKydPjwYRUVFRmrz0dERCg7O9tDVQEAcOWgSQQAAICBJhGXpWrVqsnX11c5OTlO+3NychQZGemhqgAAuHLQJOKy5Ofnp1atWmnVqlWOfcXFxVq1apUSEhI8WBkAAFeGCp4uALhYqampSk5O1rXXXqvrr79ezzzzjPLz8zVkyBBPlwbgEhw/flxZWVmO13v37tXmzZsVFhammjVrerAywLuwBA4ua88//7yeeOIJZWdnq0WLFpo5c6bi4+M9XRaAS7BmzRp17NjR2J+cnKx58+aVfUGAl6JJBAAAgIE5iQAAADDQJAIAAMBAkwgAAAADTSIAAAAMNIkAAAAw0CQCAADAQJMIAAAAA00iAAAADDSJAC7Z4MGD1bt3b8frDh066IEHHijzOtasWSObzaZjx45d8BybzaYlS5aU+JqTJ09WixYtLqmuH374QTabTZs3b76k6wBAWaJJBK5QgwcPls1mk81mk5+fn+rVq6epU6fqzJkzbr/3e++9p2nTppXo3JI0dgCAslfB0wUAcJ+uXbtq7ty5Kigo0IcffqiUlBRVrFhRaWlpxrmnT5+Wn59fqdw3LCysVK4DAPAckkTgCma32xUZGamYmBiNGDFCiYmJ+ve//y3pv0PEjz76qKKjo9WwYUNJ0k8//aT+/fsrNDRUYWFh6tWrl3744QfHNYuKipSamqrQ0FBVrVpVDz74oM79Cfhzh5sLCgo0btw41ahRQ3a7XfXq1dMrr7yiH374QR07dpQkValSRTabTYMHD5YkFRcXKz09XbVr11ZAQICaN2+ud955x+k+H374oRo0aKCAgAB17NjRqc6SGjdunBo0aKDAwEDVqVNHEyZMUGFhoXHeP//5T9WoUUOBgYHq37+/cnNznY6//PLLaty4sfz9/dWoUSPNmjXrgvf89ddfNXDgQFWvXl0BAQGqX7++5s6d63LtAOBOJImAFwkICNCRI0ccr1etWqXg4GBlZGRIkgoLC5WUlKSEhAR9+umnqlChgh555BF17dpVW7ZskZ+fn5566inNmzdP//rXv9S4cWM99dRTWrx4sf7yl79c8L6DBg1SZmamZs6cqebNm2vv3r06fPiwatSooXfffVf9+vXTrl27FBwcrICAAElSenq6XnvtNc2ZM0f169fXunXrdMcdd6h69epq3769fvrpJ/Xt21cpKSkaPny4vvrqK40ePdrl76Ry5cqaN2+eoqOjtXXrVg0bNkyVK1fWgw8+6DgnKytLb731lpYuXaq8vDwNHTpU99xzjxYuXChJWrhwoSZOnKjnn39eLVu21KZNmzRs2DAFBQUpOTnZuOeECRO0fft2LV++XNWqVVNWVpZOnjzpcu0A4FYWgCtScnKy1atXL8uyLKu4uNjKyMiw7Ha7NWbMGMfxiIgIq6CgwPGeBQsWWA0bNrSKi4sd+woKCqyAgABr5cqVlmVZVlRUlDV9+nTH8cLCQuvqq6923MuyLKt9+/bW/fffb1mWZe3atcuSZGVkZJy3zk8++cSSZP3666+OfadOnbICAwOt9evXO507dOhQ67bbbrMsy7LS0tKs2NhYp+Pjxo0zrnUuSdbixYsvePyJJ56wWrVq5Xg9adIky9fX1/r5558d+5YvX275+PhYBw4csCzLsurWrWstWrTI6TrTpk2zEhISLMuyrL1791qSrE2bNlmWZVk9e/a0hgwZcsEaAKA8IEkErmDLli1TpUqVVFhYqOLiYt1+++2aPHmy43izZs2c5iF+8803ysrKUuXKlZ2uc+rUKe3evVu5ubk6cOCA4uPjHccqVKiga6+91hhyPmvz5s3y9fVV+/btS1x3VlaWTpw4oc6dOzvtP336tFq2bClJ2rFjh1MdkpSQkFDie5z15ptvaubMmdq9e7eOHz+uM2fOKDg42OmcmjVr6qqrrnK6T3FxsXbt2qXKlStr9+7dGjp0qIYNG+Y458yZMwoJCTnvPUeMGKF+/frp66+/VpcuXdS7d2/dcMMNLtcOAO5EkwhcwTp27KjZs2fLz89P0dHRqlDB+R/5oKAgp9fHjx9Xq1atHMOo/6t69eoXVcPZ4WNXHD9+XJL0wQcfODVn0u/zLEtLZmamBg4cqClTpigpKUkhISF644039NRTT7lc60svvWQ0rb6+vud9T7du3fTjjz/qww8/VEZGhjp16qSUlBQ9+eSTF/9hAKCU0SQCV7CgoCDVq1evxOdfc801evPNNxUeHm6kaWdFRUVpw4YNateunaTfE7ONGzfqmmuuOe/5zZo1U3FxsdauXavExETj+Nkks6ioyLEvNjZWdrtd+/btu2AC2bhxY8dDOGd9/vnnf/4h/8f69esVExOjf/zjH459P/74o3Hevn37tH//fkVHRzvu4+Pjo4YNGyoiIkLR0dHas2ePBg4cWOJ7V69eXcnJyUpOTlbbtm01duxYmkQA5QpPNwNwGDhwoKpVq6ZevXrp008/1d69e7VmzRrdd999+vnnnyVJ999/vx5//HEtWbJEO3fu1D333POHaxzWqlVLycnJ+tvf/qYlS5Y4rvnWW29JkmJiYmSz2bRs2TIdOnRIx48fV+XKlTVmzBiNGjVK8+fP1+7du/X111/rueee0/z58yVJd999t77//nuNHTtWu3bt0qJFizRv3jyXPm/9+vW1b98+vfHGG9q9e7dmzpypxYsXG+f5+/srOTlZ33zzjT799FPdd9996t+/vyIjIyVJU6ZMUXp6umbOnKnvvvtOW7du1dy5c/X000+f974TJ07U+++/r6ysLG3btk3Lli1T48aNXaodANyNJhGAQ2BgoNatW6eaNWuqb9++aty4sYYOHapTp045ksXRo0frzjvvVHJyshISElS5cmX16dPnD687e/Zs3XLLLbrnnnvUqFEjDRs2TPn5+ZKkq666SlOmTNFDDz2kiIgIjRw5UpI0bdo0TZgwQenp6WrcuLG6du2qDz74QLVr15b0+zzBd999V0uWLFHz5s01Z84cPfbYYy593ptvvlmjRo3SyJEj1aJFC61fv14TJkwwzqtXr5769u2rm266SV26dFFcXJzTEjd33XWXXn75Zc2dO1fNmjVT+/btNW/ePEet5/Lz81NaWpri4uLUrl07+fr66o033nCpdgBwN5t1odnmAAAA8FokiQAAADDQJAIAAMBAkwgAAAADTSIAAAAMNIkAAAAw0CQCAADAQJMIAAAAA00iAAAADDSJAAAAMNAkAgAAwECTCAAAAMP/A4xM3k/yI+BMAAAAAElFTkSuQmCC", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "plot_confusion_matrix(y_test, y_pred,(0,1))" + ] + }, + { + "cell_type": "code", + "execution_count": 69, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAr4AAAIjCAYAAADlfxjoAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8pXeV/AAAACXBIWXMAAA9hAAAPYQGoP6dpAACXEklEQVR4nOzdd3yN5//H8dfJFiIJQYwgapQSe8swWq1WadWorVOrA9UWVaMt2ipFh9WiqlqKfquLlp/YjRoxatWqPYIkhCSSc/3+UKfSBAmJO+P9fDzyaM/n3ON9Ts6Jz7nOdd+3zRhjEBERERHJ5ZysDiAiIiIicieo8RURERGRPEGNr4iIiIjkCWp8RURERCRPUOMrIiIiInmCGl8RERERyRPU+IqIiIhInqDGV0RERETyBDW+IiIiIpInqPEVuUPKli1Lz549rY6R54SFhREWFmZ1jJsaPnw4NpuNqKgoq6NkOzabjeHDh2fKtg4ePIjNZmPmzJmZsj2A9evX4+bmxt9//51p28xsnTp1okOHDlbHELGcGl/JFWbOnInNZnP8uLi4ULJkSXr27MnRo0etjpetxcXF8fbbbxMUFISnpyfe3t4EBwcza9YscsoVzXfs2MHw4cM5ePCg1VFSSU5OZsaMGYSFhVGoUCHc3d0pW7YsvXr1YsOGDVbHyxRz5sxh/PjxVsdI4U5meuONN3j88ccpU6aMoxYWFpbib1K+fPkICgpi/Pjx2O32NLdz5swZXn31VSpVqoSHhweFChWiZcuW/Pjjj9fdd2xsLCNGjKB69eoUKFCAfPnyUbVqVV5//XWOHTvmWO71119nwYIFbNmyJd2PKy+8diXvsZmc8i+byA3MnDmTXr168dZbbxEYGEh8fDy///47M2fOpGzZsmzfvh0PDw9LMyYkJODk5ISrq6ulOa518uRJmjdvzs6dO+nUqROhoaHEx8ezYMECVq5cSceOHfnqq69wdna2OuoNzZ8/n/bt27N8+fJUo7uJiYkAuLm53fFcly5d4tFHH2Xx4sWEhITQunVrChUqxMGDB5k3bx579uzh0KFDlCpViuHDhzNixAhOnz6Nn5/fHc96Ox566CG2b9+eZR884uPjcXFxwcXF5bYzGWNISEjA1dU1U17XkZGR1KxZk7Vr19KwYUNHPSwsjH379jF69GgAoqKimDNnDn/88QeDBw9m5MiRKbaze/dumjdvzunTp+nVqxd16tQhOjqar776isjISAYMGMCYMWNSrLN//35atGjBoUOHaN++PU2aNMHNzY2tW7fy9ddfU6hQIfbs2eNYvn79+lSqVIlZs2bd9HFl5LUrkqMYkVxgxowZBjB//PFHivrrr79uADN37lyLklnr0qVLJjk5+br3t2zZ0jg5OZnvv/8+1X0DBgwwgHn33XezMmKaLly4kKHlv/32WwOY5cuXZ02gW9SnTx8DmA8//DDVfUlJSWbMmDHm8OHDxhhjhg0bZgBz+vTpLMtjt9vNxYsXM327Dz74oClTpkymbjM5OdlcunTpltfPikxpeemll0zp0qWN3W5PUQ8NDTX33HNPitqlS5dMmTJljJeXl0lKSnLUExMTTdWqVY2np6f5/fffU6yTlJRkOnbsaADzzTffOOqXL1821atXN56enmbVqlWpcsXExJjBgwenqH3wwQcmf/785vz58zd9XBl57d6O2/09i2SUGl/JFa7X+P74448GMKNGjUpR37lzp2nXrp3x9fU17u7upnbt2mk2f+fOnTN9+/Y1ZcqUMW5ubqZkyZKmW7duKZqT+Ph4M3ToUHPXXXcZNzc3U6pUKfPqq6+a+Pj4FNsqU6aM6dGjhzHGmD/++MMAZubMman2uXjxYgOYH374wVE7cuSI6dWrlylatKhxc3MzVapUMZ9//nmK9ZYvX24A8/XXX5s33njDlChRwthsNnPu3Lk0n7N169YZwDzxxBNp3n/58mVToUIF4+vr62iWDhw4YAAzZswYM27cOFO6dGnj4eFhQkJCzLZt21JtIz3P89XfXXh4uHnuuedMkSJFjI+PjzHGmIMHD5rnnnvOVKxY0Xh4eJhChQqZxx57zBw4cCDV+v/9udoEh4aGmtDQ0FTP09y5c80777xjSpYsadzd3U2zZs3MX3/9leoxfPzxxyYwMNB4eHiYunXrmpUrV6baZloOHz5sXFxczL333nvD5a662vj+9ddfpkePHsbb29sULFjQ9OzZ08TFxaVYdvr06aZp06amSJEixs3NzVSuXNl8+umnqbZZpkwZ8+CDD5rFixeb2rVrG3d3d0cjk95tGGPMzz//bEJCQkyBAgWMl5eXqVOnjvnqq6+MMVee3/8+99c2nOl9fwCmT58+Zvbs2aZKlSrGxcXFfPfdd477hg0b5lg2NjbWvPzyy473ZZEiRUyLFi3Mxo0bb5rp6mt4xowZKfa/c+dO0759e+Pn52c8PDxMxYoVUzWOaSldurTp2bNnqnpaja8xxjz22GMGMMeOHXPUvv76awOYt956K819REdHGx8fH3P33Xc7at98840BzMiRI2+a8aotW7YYwCxcuPCGy2X0tdujR480P2RcfU1fK63f87x584yvr2+az2NMTIxxd3c3r7zyiqOW3teUSFrS/72RSA509WtOX19fR+3PP/+kcePGlCxZkoEDB5I/f37mzZtH27ZtWbBgAY888ggAFy5cIDg4mJ07d/LEE09Qq1YtoqKiWLRoEUeOHMHPzw+73c7DDz/M6tWreeaZZ6hcuTLbtm3jww8/ZM+ePfzvf/9LM1edOnUoV64c8+bNo0ePHinumzt3Lr6+vrRs2RK4Mh2hQYMG2Gw2XnjhBYoUKcIvv/zCk08+SWxsLH379k2x/ttvv42bmxsDBgwgISHhul/x//DDDwB07949zftdXFzo3LkzI0aMYM2aNbRo0cJx36xZszh//jx9+vQhPj6eCRMm0KxZM7Zt20axYsUy9Dxf9fzzz1OkSBGGDh1KXFwcAH/88Qdr166lU6dOlCpVioMHDzJp0iTCwsLYsWMHnp6ehISE8NJLLzFx4kQGDx5M5cqVARz/vZ53330XJycnBgwYQExMDO+//z5dunQhIiLCscykSZN44YUXCA4Opl+/fhw8eJC2bdvi6+t70694f/nlF5KSkujWrdsNl/uvDh06EBgYyOjRo9m0aROfffYZRYsW5b333kuR65577uHhhx/GxcWFH374geeffx673U6fPn1SbG/37t08/vjjPPvsszz99NNUqlQpQ9uYOXMmTzzxBPfccw+DBg3Cx8eHzZs3s3jxYjp37swbb7xBTEwMR44c4cMPPwSgQIECABl+f/zf//0f8+bN44UXXsDPz4+yZcum+Rz17t2b+fPn88ILL1ClShXOnDnD6tWr2blzJ7Vq1bphprRs3bqV4OBgXF1deeaZZyhbtiz79u3jhx9+SDUl4VpHjx7l0KFD1KpV67rL/NfVg+t8fHwctZu9F729vWnTpg1ffPEFe/fupXz58ixatAggQ6+vKlWqkC9fPtasWZPq/XetW33tptd/f88VKlTgkUceYeHChUyZMiXF36z//e9/JCQk0KlTJyDjrymRVKzuvEUyw9VRv6VLl5rTp0+bw4cPm/nz55siRYoYd3f3FF/JNW/e3FSrVi3F6IDdbjeNGjUyFSpUcNSGDh163dGRq19rfvnll8bJySnVV42TJ082gFmzZo2jdu2IrzHGDBo0yLi6upqzZ886agkJCcbHxyfFKOyTTz5pihcvbqKiolLso1OnTsbb29sxGnt1JLNcuXLp+jq7bdu2BrjuiLAxxixcuNAAZuLEicaYf0fL8uXLZ44cOeJYLiIiwgCmX79+jlp6n+erv7smTZqk+PrXGJPm47g6Uj1r1ixH7UZTHa434lu5cmWTkJDgqE+YMMEAjpHrhIQEU7hwYVO3bl1z+fJlx3IzZ840wE1HfPv162cAs3nz5hsud9XV0bH/jsA/8sgjpnDhwilqaT0vLVu2NOXKlUtRK1OmjAHM4sWLUy2fnm1ER0cbLy8vU79+/VRfR1/71f71phVk5P0BGCcnJ/Pnn3+m2g7/GfH19vY2ffr0SbXcta6XKa0R35CQEOPl5WX+/vvv6z7GtCxdujTVtzNXhYaGmrvvvtucPn3anD592uzatcu8+uqrBjAPPvhgimVr1KhhvL29b7ivcePGGcAsWrTIGGNMzZo1b7pOWipWrGgeeOCBGy6T0dduRkd80/o9L1myJM3nslWrVilekxl5TYmkRWd1kFylRYsWFClShICAAB577DHy58/PokWLHKNzZ8+e5f/+7//o0KED58+fJyoqiqioKM6cOUPLli3566+/HGeBWLBgAdWrV09zZMRmswHw7bffUrlyZe6++27HtqKiomjWrBkAy5cvv27Wjh07cvnyZRYuXOio/frrr0RHR9OxY0fgyoE4CxYsoHXr1hhjUuyjZcuWxMTEsGnTphTb7dGjB/ny5bvpc3X+/HkAvLy8rrvM1ftiY2NT1Nu2bUvJkiUdt+vVq0f9+vX5+eefgYw9z1c9/fTTqQ42uvZxXL58mTNnzlC+fHl8fHxSPe6M6tWrV4qRpeDgYODKAUMAGzZs4MyZMzz99NMpDqrq0qVLim8Qrufqc3aj5zctvXv3TnE7ODiYM2fOpPgdXPu8xMTEEBUVRWhoKPv37ycmJibF+oGBgY5vD66Vnm389ttvnD9/noEDB6Y6OPTqe+BGMvr+CA0NpUqVKjfdro+PDxERESnOWnCrTp8+zcqVK3niiScoXbp0ivtu9hjPnDkDcN3Xw65duyhSpAhFihTh7rvvZsyYMTz88MOpTqV2/vz5m75O/vtejI2NzfBr62rWm50y71Zfu+mV1u+5WbNm+Pn5MXfuXEft3Llz/Pbbb46/h3B7f3NFADTVQXKVTz75hIoVKxITE8P06dNZuXIl7u7ujvv37t2LMYY333yTN998M81tnDp1ipIlS7Jv3z7atWt3w/399ddf7Ny5kyJFilx3W9dTvXp17r77bubOncuTTz4JXJnm4Ofn5/gjfvr0aaKjo5k6dSpTp05N1z4CAwNvmPmqq/+onT9/PsXXrte6XnNcoUKFVMtWrFiRefPmARl7nm+U+9KlS4wePZoZM2Zw9OjRFKdX+2+Dl1H/bXKuNi/nzp0DcJyTtXz58imWc3Fxue5X8NcqWLAg8O9zmBm5rm5zzZo1DBs2jHXr1nHx4sUUy8fExODt7e24fb3XQ3q2sW/fPgCqVq2aocdwVUbfH+l97b7//vv06NGDgIAAateuTatWrejevTvlypXLcMarH3Ru9TEC1z3tX9myZZk2bRp2u519+/YxcuRITp8+nepDhJeX102b0f++FwsWLOjIntGsN2vob/W1m15p/Z5dXFxo164dc+bMISEhAXd3dxYuXMjly5dTNL638zdXBNT4Si5Tr1496tSpA1wZlWzSpAmdO3dm9+7dFChQwHH+zAEDBqQ5CgapG50bsdvtVKtWjXHjxqV5f0BAwA3X79ixIyNHjiQqKgovLy8WLVrE448/7hhhvJq3a9euqeYCXxUUFJTidnpGe+HKHNj//e9/bN26lZCQkDSX2bp1K0C6RuGudSvPc1q5X3zxRWbMmEHfvn1p2LAh3t7e2Gw2OnXqdN1zoabX9U5ldb0mJqPuvvtuALZt20aNGjXSvd7Ncu3bt4/mzZtz9913M27cOAICAnBzc+Pnn3/mww8/TPW8pPW8ZnQbtyqj74/0vnY7dOhAcHAw3333Hb/++itjxozhvffeY+HChTzwwAO3nTu9ChcuDPz7Yem/8ufPn2JufOPGjalVqxaDBw9m4sSJjnrlypWJjIzk0KFDqT74XPXf9+Ldd9/N5s2bOXz48E3/zlzr3LlzaX5wvVZGX7vXa6STk5PTrF/v99ypUyemTJnCL7/8Qtu2bZk3bx5333031atXdyxzu39zRdT4Sq7l7OzM6NGjadq0KR9//DEDBw50jAi5urqm+AcpLXfddRfbt2+/6TJbtmyhefPm6frq9786duzIiBEjWLBgAcWKFSM2NtZxEAdAkSJF8PLyIjk5+aZ5M+qhhx5i9OjRzJo1K83GNzk5mTlz5uDr60vjxo1T3PfXX3+lWn7Pnj2OkdCMPM83Mn/+fHr06MHYsWMdtfj4eKKjo1MsdyvP/c1cvRjB3r17adq0qaOelJTEwYMHU33g+K8HHngAZ2dnZs+enakHCf3www8kJCSwaNGiFE1SRr7iTe827rrrLgC2b99+ww+E13v+b/f9cSPFixfn+eef5/nnn+fUqVPUqlWLkSNHOhrf9O7v6mv1Zu/1tFxtEA8cOJCu5YOCgujatStTpkxhwIABjuf+oYce4uuvv2bWrFkMGTIk1XqxsbF8//333H333Y7fQ+vWrfn666+ZPXs2gwYNStf+k5KSOHz4MA8//PANl8voa9fX1zfVexLI8JXsQkJCKF68OHPnzqVJkyb83//9H2+88UaKZbLyNSV5g+b4Sq4WFhZGvXr1GD9+PPHx8RQtWpSwsDCmTJnC8ePHUy1/+vRpx/+3a9eOLVu28N1336Va7uroW4cOHTh69CjTpk1LtcylS5ccZye4nsqVK1OtWjXmzp3L3LlzKV68eIom1NnZmXbt2rFgwYI0/2G+Nm9GNWrUiBYtWjBjxow0rwz1xhtvsGfPHl577bVUIzT/+9//UszRXb9+PREREY6mIyPP8404OzunGoH96KOPUo0k5c+fHyDNf3xvVZ06dShcuDDTpk0jKSnJUf/qq6+uO8J3rYCAAJ5++ml+/fVXPvroo1T32+12xo4dy5EjRzKU6+qI8H+nfcyYMSPTt3Hffffh5eXF6NGjiY+PT3Hftevmz58/zaknt/v+SEtycnKqfRUtWpQSJUqQkJBw00z/VaRIEUJCQpg+fTqHDh1Kcd/NRv9LlixJQEBAhq5i9tprr3H58uUUI5aPPfYYVapU4d133021LbvdznPPPce5c+cYNmxYinWqVavGyJEjWbduXar9nD9/PlXTuGPHDuLj42nUqNENM2b0tXvXXXcRExPjGJUGOH78eJp/O2/EycmJxx57jB9++IEvv/ySpKSkFNMcIGteU5K3aMRXcr1XX32V9u3bM3PmTHr37s0nn3xCkyZNqFatGk8//TTlypXj5MmTrFu3jiNHjjgu6fnqq686rgj2xBNPULt2bc6ePcuiRYuYPHky1atXp1u3bsybN4/evXuzfPlyGjduTHJyMrt27WLevHksWbLEMfXiejp27MjQoUPx8PDgySefxMkp5efRd999l+XLl1O/fn2efvppqlSpwtmzZ9m0aRNLly7l7Nmzt/zczJo1i+bNm9OmTRs6d+5McHAwCQkJLFy4kPDwcDp27Mirr76aar3y5cvTpEkTnnvuORISEhg/fjyFCxfmtddecyyT3uf5Rh566CG+/PJLvL29qVKlCuvWrWPp0qWOr5ivqlGjBs7Ozrz33nvExMTg7u5Os2bNKFq06C0/N25ubgwfPpwXX3yRZs2a0aFDBw4ePMjMmTO566670jXaNHbsWPbt28dLL73EwoULeeihh/D19eXQoUN8++237Nq1K8UIf3rcd999uLm50bp1a5599lkuXLjAtGnTKFq0aJofMm5nGwULFuTDDz/kqaeeom7dunTu3BlfX1+2bNnCxYsX+eKLLwCoXbs2c+fOpX///tStW5cCBQrQunXrTHl//Nf58+cpVaoUjz32mOMyvUuXLuWPP/5I8c3A9TKlZeLEiTRp0oRatWrxzDPPEBgYyMGDB/npp5+IjIy8YZ42bdrw3XffpWvuLFyZqtCqVSs+++wz3nzzTQoXLoybmxvz58+nefPmNGnSJMWV2+bMmcOmTZt45ZVXUrxWXF1dWbhwIS1atCAkJIQOHTrQuHFjXF1d+fPPPx3f1lx7OrbffvsNT09P7r333pvmzMhrt1OnTrz++us88sgjvPTSS1y8eJFJkyZRsWLFDB+E2rFjRz766COGDRtGtWrVUp2WMCteU5LH3PkTSYhkvutdwMKYK1cGuuuuu8xdd93lOF3Wvn37TPfu3Y2/v79xdXU1JUuWNA899JCZP39+inXPnDljXnjhBVOyZEnHidJ79OiR4tRiiYmJ5r333jP33HOPcXd3N76+vqZ27dpmxIgRJiYmxrHcf09ndtVff/3lOMn+6tWr03x8J0+eNH369DEBAQHG1dXV+Pv7m+bNm5upU6c6lrl6mq5vv/02Q8/d+fPnzfDhw80999xj8uXLZ7y8vEzjxo3NzJkzU53O6doLWIwdO9YEBAQYd3d3ExwcbLZs2ZJq2+l5nm/0uzt37pzp1auX8fPzMwUKFDAtW7Y0u3btSvO5nDZtmilXrpxxdnZO1wUs/vs8Xe/CBhMnTjRlypQx7u7upl69embNmjWmdu3a5v7770/Hs3vlKlefffaZCQ4ONt7e3sbV1dWUKVPG9OrVK8Xpoq535barz8+1F+1YtGiRCQoKMh4eHqZs2bLmvffeM9OnT0+13NULWKQlvdu4umyjRo1Mvnz5TMGCBU29evXM119/7bj/woULpnPnzsbHxyfVBSzS+/7gnwsbpIVrTmeWkJBgXn31VVO9enXj5eVl8ufPb6pXr57q4hvXy3S93/P27dvNI488Ynx8fIyHh4epVKmSefPNN9PMc61NmzYZINXpta53AQtjjAkPD091ijZjjDl16pTp37+/KV++vHF3dzc+Pj6mRYsWjlOYpeXcuXNm6NChplq1asbT09N4eHiYqlWrmkGDBpnjx4+nWLZ+/fqma9euN31MV6X3tWuMMb/++qupWrWqcXNzM5UqVTKzZ8++4QUsrsdut5uAgAADmHfeeSfNZdL7mhJJi82YTDqSQ0RyvYMHDxIYGMiYMWMYMGCA1XEsYbfbKVKkCI8++miaX7dK3tO8eXNKlCjBl19+aXWU64qMjKRWrVps2rQpQwdbiuQ2muMrInId8fHxqeZ5zpo1i7NnzxIWFmZNKMl2Ro0axdy5czN8MNed9O677/LYY4+p6ZU8T3N8RUSu4/fff6dfv360b9+ewoULs2nTJj7//HOqVq1K+/btrY4n2UT9+vVJTEy0OsYNffPNN1ZHEMkW1PiKiFxH2bJlCQgIYOLEiZw9e5ZChQrRvXt33n333RRXfRMRkZxBc3xFREREJE/QHF8RERERyRPU+IqIiIhInpDn5vja7XaOHTuGl5eXLncoIiIikg0ZYzh//jwlSpRIdWGn25HnGt9jx44REBBgdQwRERERuYnDhw9TqlSpTNtenmt8vby8gCtPZMGCBS1OIyIiIiL/FRsbS0BAgKNvyyx5rvG9Or2hYMGCanxFREREsrHMnpaqg9tEREREJE9Q4ysiIiIieYIaXxERERHJE9T4ioiIiEieoMZXRERERPIENb4iIiIikieo8RURERGRPEGNr4iIiIjkCWp8RURERCRPUOMrIiIiInmCGl8RERERyRPU+IqIiIhInqDGV0RERETyBDW+IiIiIpInqPEVERERkTzB0sZ35cqVtG7dmhIlSmCz2fjf//5303XCw8OpVasW7u7ulC9fnpkzZ2Z5ThERERHJ+SxtfOPi4qhevTqffPJJupY/cOAADz74IE2bNiUyMpK+ffvy1FNPsWTJkixOKiIiIiI5nYuVO3/ggQd44IEH0r385MmTCQwMZOzYsQBUrlyZ1atX8+GHH9KyZcusiikiIiIid4g9yc7coX9mybZz1BzfdevW0aJFixS1li1bsm7duuuuk5CQQGxsbIofEREREcl+TkYeZ5N/K1pPaJYl289Rje+JEycoVqxYilqxYsWIjY3l0qVLaa4zevRovL29HT8BAQF3IqqIiIiIZEDE4O9xrhVEnTNL8CQ+S/aRoxrfWzFo0CBiYmIcP4cPH7Y6koiIiIj8I+5UHCur9Kb+6Lb4mSgATtmKZsm+clTj6+/vz8mTJ1PUTp48ScGCBcmXL1+a67i7u1OwYMEUPyIiIiJivZ2zN3KyVG1Cdk5x1H4v3haXP37Pkv3lqMa3YcOGLFu2LEXtt99+o2HDhhYlEhEREZGMSk5MJvyB9yjfrQHlLu8GIA5PVnWbSv0jCylUoXCW7NfSxvfChQtERkYSGRkJXDldWWRkJIcOHQKuTFPo3r27Y/nevXuzf/9+XnvtNXbt2sWnn37KvHnz6NevnxXxRURERCSDDh+GB5vHU3LxZ7iSBMAOz9qcWryZ4FlPY3OyZdm+LW18N2zYQM2aNalZsyYA/fv3p2bNmgwdOhSA48ePO5pggMDAQH766Sd+++03qlevztixY/nss890KjMRERGRHGDuXAgKgiWr89OZOSTgRnjDQZQ/uZbAlhWzfP82Y4zJ8r1kI7GxsXh7exMTE6P5viIiIiJ3QOzR8wztG8uE+SUdtYAAmDvuKA0fK5l6+Szq13LUHF8RERERyVm2TV3HubI1aD+/A87/TG3o1Am2biXNpjcrWXrlNhERERHJnZLik1h1/0iCV7yNC8mUYT9D3d6j3Odv0KUL2LJuKu91qfEVERERkUx1KHw/Ma270vTCv1fX3erViF4/diYgxLpcmuogIiIiIpnC2A2rn5mFT9MaVPun6U3CmfBmb1Hl1AoCQgItzacRXxERERG5bdEHzrEjtDdNDs9z1P52Kcf5SV8R9lQDC5P9S42viIiIiNyWVT/FEtimBo2S/z0N7aryPamxYiJlSnhZmCwlTXUQERERkVuSmAgDB0Jo64LMT34EgHM2X9b1m0fwXzPwykZNL2jEV0RERERuwe7d0LkzbNp05fZA3qVciXjqfvcGDesFWBvuOtT4ioiIiEi6GbthVfdpfD3PmU2XnwTA1RXeHunBQ69MxikbzydQ4ysiIiIi6RK18zR7mz1NyInvqUM+wmmEqVSZOXOgVi2r091cNu7JRURERCS7+GPkryRXDaLBie8B8OQSIxv8yKZNOaPpBY34ioiIiMgNxEfH83vTQYRFjnfUomx+7H9jOo++3dq6YLdAja+IiIiIpGnPgm3QpQthCdsctT/87qfMshnUC/K3MNmt0VQHEREREUnBnmwIf3QipR+rS8V/mt543FnRbiJ1Tv5M0RzY9IIaXxERERG5xvHj0K7lBQK/G4sHCQDs9gji8MINhM5/EZuTzeKEt06Nr4iIiIgA8P33EBQE/1vmRVdmk4Qz4bX6UeZ4BBUeqWp1vNumxldEREQkj4s7FcerPU7Rti1ERV2p7SsezLqZewjbOA4PHw9L82UWNb4iIiIiedjO2Rs5Wao29896HBt2ANq2ha1bIbhHOWvDZTKd1UFEREQkD0pOTGZVmw9ovHgIriRRjt287vohd336Ck8+CbacO5X3utT4ioiIiOQxxyIOc7Jld8Jiwh21HZ61eWZhawJbWpcrq2mqg4iIiEgesrbvPDwbBlHzn6bXjo3whoMof3ItgS0rWhsui2nEV0RERCQPiD0Sy5awlwje94WjdtQ5gNNjvyTs5VALk905anxFREREcrn1v8VQrFUtgpP2O2prS3fknhWTKFnW18Jkd5amOoiIiIjkUklJMHw4NHrAm1+TmgEQixdrnp1FwwNf452Hml7QiK+IiIhIrrR/P3TtCuvWXbndjw8p7XeJKvPfonFo7jpNWXqp8RURERHJRYzdsKb3l3w+y5V1CY8D4OwMrw8rQPNBs3HJw91fHn7oIiIiIrlL9IFz7AjtTZPD86hOAVZSD8rdxVdfQYMGVqeznub4ioiIiOQCkePDuVghiEaH5wHgxQXerT2fyEg1vVdpxFdEREQkB0u8kMjaFkMJiXgfJwwA0TYfdvadSvtx7S1Ol72o8RURERHJofb/spuEdp0Ju7TJUdvsE4b/klk0rBdgYbLsSVMdRERERHIYYzes7DIF/1Y1qfxP05uIK+Gt3qf66WUUV9ObJjW+IiIiIjnI6dPQ5aEYKswZjieXANjvVol9s38n7KdXcXJRe3c9emZEREREcojFiyEoCL7+xYeezARgZZXe+B/dROUutawNlwOo8RURERHJ5uKj4xnc+ywPPAAnTlypbS7SkuUfbyfkz0l4+nlaGzCH0MFtIiIiItnYngXbsHXpTKOEMsAPgI3774cZM8Df/x6r4+UoGvEVERERyYbsSXZWPDqB0o/VpULCdh7iJ15wmczEifDzz+Dvb3XCnEcjviIiIiLZzMnI4xxu0YvQM0sctd0eQbw0J5gKj1gYLIfTiK+IiIhINhIx+HucawVR55qmN7xWP8ocj6DCI1UtTJbzacRXREREJBuIOxXHxrBXCNk5xVE74VScI+98Qdigey1Mlnuo8RURERGxWOTycxRs2ZCQy7sdtd+Lt6XC8mnUqeRnYbLcRVMdRERERCySnAzvvQd17/Nl3eXaAMThyaru06h/ZCGF1fRmKo34ioiIiFjg8GHo1g1WrLhyuw+fUNznEoHfvEtwy4rWhsul1PiKiIiI3GFr+87j48/cWRHXBgCbDZ4f6EOT4Qtxc7M4XC6mxldERETkDok9EsuWsJcI3vcFd+PLSrbiFFCKL7+E0FCr0+V+muMrIiIicgdsm7qO6MAaBO/7AoBCnGNM0Gy2blXTe6doxFdEREQkCyXFJ7H6/ndosuIdXEgGIBYvtj37CZ0+7YpNw5B3jBpfERERkSxyKHw/Ma27EnZhnaO21asRvj/OpnFIoIXJ8iZ9xhARERHJZMZuWP3MF/g2rU61f5reJJwJbzqCKqdWEKCm1xJqfEVEREQy0blz8OSj57h72it4cQGAv13KsWvaasL+byguHvrC3SpqfEVEREQySXg4BAXBjO8L8RSfAbCqfE8K/R1J1acaWBtO1PiKiIiI3K7EC4kM7XeeZs3gyJErtZW+bfnt3Q0E/zUDrxJe1gYUQAe3iYiIiNyW/b/sJqFdZ+65VB7DN4CNpk1h1iwoVaq21fHkGmp8RURERG6BsRtWdZtKnTn98OQSldnEEucHqTy6O6+8Ak76Xj3bUeMrIiIikkFRO0+zr9lThJxY5Kjtd6vEq9OrUrmLhcHkhvRZRERERCQDNoxcQnLVIOpf0/SurNIb/6ObqNylloXJ5GY04isiIiKSDvHR8fzedBBhkeMdtSibH/vfmE7I262tCybppsZXRERE5CZ2rD6LS4swwhK2OWp/+N1PmWUzqBfkb2EyyQhNdRARERG5DrsdJkyAWs192ZFQDoB43FnRbiJ1Tv5MUTW9OYpGfEVERETScPw49OoFS5YA2HiKzyha4BJFZo0l9JGqVseTW6DGV0REROQ/It5YxNiP3VkS29JR697Pj1qjluDhYWEwuS1qfEVERET+EXcqjo1hrxCycwofUZRwtuFSvCgzZ8J991mdTm6X5viKiIiIADtnb+RUqVqE7JwCQDFOMbbKdLZuVdObW2jEV0RERPK05MRkVrX5gMaLh+BKEgBxeLKp23i6znwKm4YJcw01viIiIpJnHYs4zKmW3QiLWeGo7fCsTb6FcwhuWdHCZJIV9BlGRERE8qS1fefh2TCIGv80vXZshDccRPmTawlU05srqfEVERGRPCU2Fvp0jOKeCU/jY6IBOOocwNbxywlbOwq3Am7WBpQso8ZXRERE8ox166BGDfh0nh/PMQmAtaU7UmDvFmq8HGptOMlyanxFREQk10uKT2LkGxcJDoYDB67UfvTqzK9vrKDhga/xLutrbUC5I3Rwm4iIiORqh8L3E9O6K8Uv3E0y0wFo1Ahmz4bAwBCL08mdpMZXREREciVjN6zp/SXVp/WhNBeoxjqWOD1A1eHtGTQIXNQF5Tn6lYuIiEiuE33gHDtCe9Pk8DxH7W+Xcrw5KYCqT1kYTCylOb4iIiKSq0SOD+dihSAaXdP0rirfk0J/R1L1qQYWJhOracRXREREcoXEC4msbTGUkIj3ccIAcM7my66+Uwge197idJIdqPEVERGRHO+v38+Q1Ow+wi5tctQ2+zTF/9dZNKxbysJkkp1oqoOIiIjkWMbAlClQo6kvhy75AZCIK+Gt3qf66aUUV9Mr11DjKyIiIjnS6dPQti307g0X453oyUw25GvCvtm/E/bTqzi5qM2RlDTVQURERHKcP0b+yqhxHiw6++95eB95rjhVPliFp6eFwSRbs/yj0CeffELZsmXx8PCgfv36rF+//obLjx8/nkqVKpEvXz4CAgLo168f8fHxdyitiIiIWCk+Op7wmv2oO6QlE892wYdzFCkCixbBp5+iplduyNLGd+7cufTv359hw4axadMmqlevTsuWLTl16lSay8+ZM4eBAwcybNgwdu7cyeeff87cuXMZPHjwHU4uIiIid9qeBds45F+PsMjxAARwhLEVp7J1K7RubW02yRksbXzHjRvH008/Ta9evahSpQqTJ0/G09OT6dOnp7n82rVrady4MZ07d6Zs2bLcd999PP744zcdJRYREZGcy55kZ8WjEyj9WF0qJmwDIB53VrSbSK+dr+Hvb3FAyTEsa3wTExPZuHEjLVq0+DeMkxMtWrRg3bp1aa7TqFEjNm7c6Gh09+/fz88//0yrVq2uu5+EhARiY2NT/IiIiEjOcDLyOJv8WxH6XV88SABgj0c1Di/cQOj8F7E52SxOKDmJZQe3RUVFkZycTLFixVLUixUrxq5du9Jcp3PnzkRFRdGkSROMMSQlJdG7d+8bTnUYPXo0I0aMyNTsIiIikvUiBn/PXe8+RR0T5aiF1+pHg2Wj8PDxsDCZ5FSWH9yWEeHh4YwaNYpPP/2UTZs2sXDhQn766Sfefvvt664zaNAgYmJiHD+HDx++g4lFREQko+LiYECP09wzugt+/zS9J5yKs3HUEsI2jlPTK7fMshFfPz8/nJ2dOXnyZIr6yZMn8b/OZJ0333yTbt268dRTTwFQrVo14uLieOaZZ3jjjTdwckrdx7u7u+Pu7p75D0BEREQy3caN0Lkz7NlThGjG8xlPE+HfhvLhn1G7kp/V8SSHs2zE183Njdq1a7Ns2TJHzW63s2zZMho2bJjmOhcvXkzV3Do7OwNgjMm6sCIiIpKlkhOT+WBkAg0awJ49V2pf53uSxS//Qr2j31FYTa9kAksvYNG/f3969OhBnTp1qFevHuPHjycuLo5evXoB0L17d0qWLMno0aMBaN26NePGjaNmzZrUr1+fvXv38uabb9K6dWtHAywiIiI5y7GIw5xs2R33mKok8REAtWvDnDk2Kla83+J0kptY2vh27NiR06dPM3ToUE6cOEGNGjVYvHix44C3Q4cOpRjhHTJkCDabjSFDhnD06FGKFClC69atGTlypFUPQURERG7D2r7zqDLxWWqaaGoSzmIeoPqgVgwfDm5uVqeT3MZm8tgcgdjYWLy9vYmJiaFgwYJWxxEREcmTYo/EsiXsJYL3feGoHXUO4PSHX1HjxWALk0l2kFX9mqUjviIiIpL3bJu6joJ9uhKctN9RWxvQkXtWTqJkWV8Lk0lul6NOZyYiIiI5V1J8EsvDRlD52WDK/NP0xuLF6mdn0fDg13ir6ZUsphFfERERyXIHN57hfFhrml749+qsW70a4fvjbJqEBFqYTPISjfiKiIhIljEGZs2C6qE+nLtwZbwtCWfCm46gyqkVBKjplTtIja+IiIhkiXPnoFMn6NEDYuOc6caXbHerxa5pqwn7v6G4eOiLZ7mz9IoTERGRTLd5/AqGjs7Hj6fqOWrNepahzIQNeBW0WZhM8jKN+IqIiEimSbyQyPKGg6jerynjTz1OAc7j6wvz5sGMGajpFUtpxFdEREQyxf5fdpPQrjNNL20C4C7280G5STy44jVKlbI4nAga8RUREZHbZOyGlV2n4t+qJpX/aXoTcSW81fs8vXuAml7JNjTiKyIiIrcsaudp9jZ7mpAT3ztq+90qkTB9DmFdalmYTCQ1jfiKiIjILdkwcgnJVYNocE3Tu7JKb/yPbqKyml7JhtT4ioiISIbEx8OQp09yz5C2FLOfACDK5sf6IYsI+XMSnn6eFicUSZsaXxEREUm3bdugbl0Y+VkxBvIuABv8WmKP3Ea9t1tbnE7kxtT4ioiIyE3Zk+x8NO4ydevC9u1XalPdXuTnJ+ZT+8TPFA3ytzagSDro4DYRERG5oZORxznSoicXz9QggfcACAqCr75yomrVdhanE0k/jfiKiIjIdUUM/h6XWtWofeZXXmUMTfk/+vWDiAioWtXqdCIZoxFfERERSSXuVBwbw14hZOcUR+20UzHeHw11XrMwmMhtUOMrIiIiKeycvRGPJzoTcnmPoxbh34by4Z9Rp5KfhclEbo+mOoiIiAgAyYnJhD/wHuW7NSDwn6Y3Dk9WdZtKvaPfUVhNr+RwGvEVERERjm6J4lRoe8Jiwh21HZ61ybdwDsEtK1oXTCQTacRXREQkj5s7F2qEepMUcwEAOzbCGw6i/Mm1BKrplVxEja+IiEgeFRsLPXpAp04QFeNKF77iL5fKbB2/nLC1o3Ar4GZ1RJFMpakOIiIiedC2qet4fYQnvxyr7qjV6liRIp9up0IhjYtJ7qRXtoiISB6SFJ/E8rARVH42mA+OPU4+LuLlBbNmwddfg4+aXsnFNOIrIiKSRxwK309M6640vbAOgCrs5P0yn/Lg8gEEBlocTuQO0Mc6ERGRXM7YDaufmYVP0xpU+6fpTcKZ8GZv0XtXXzW9kmdoxFdERCQXiz5wjh2hvWlyeJ6j9rfLXZyfNJuwpxpYmEzkztOIr4iISC4VOT6cixWCaHRN07uqfC8K/b2Zqmp6JQ9S4ysiIpLLJCbCyBeOU7lfS0okHwHgnM2Xdf3mEfzXdLxKeFmcUMQaanxFRERykd27oWFDGPJJcUYwDIDNPk2Jj9hKw3HtLU4nYi3N8RUREckFjN0wbYqdvq84c+nSldo4l9dp3C6AB2Z3wclFY10ianxFRERyuKidp9nb7GmOnqjJpX9GeStVgjlznKlVq5vF6USyD338ExERycE2jFxCctUgGpz4njd5mwas47nnYNMmqFXL6nQi2YtGfEVERHKg+Oh4fm86iLDI8Y5atM2XD4efp8FQ63KJZGdqfEVERHKYPQu2QZcuhCVsc9Q2+LWk9LKZNAjytzCZSPamqQ4iIiI5hD3JzopHJ1D6sbpU/KfpjcedFe0mUPvEzxRV0ytyQxrxFRERyQFO/HmGI6FdCD2zxFHb41EN25w5hD5S1cJkIjmHRnxFRESyue+/hzqh+XE/c9RRC6/Vj9LH11NBTa9IuqnxFRERyabi4qB3b2jbFo6e8aAzc/jbOZCNo5YQtnEcHj4eVkcUyVE01UFERCQb2jl7I/3fzM/ig3c7auXbViP/pD2U8dc/3yK3QiO+IiIi2UhyYjLhD7xH+W4NGHXwcdxIwNMTpk2DhQvBT02vyC3Tu0dERCSbOBZxmFMtuxEWswKAmkQyutSnPLSsHxUrWhxOJBfQiK+IiEg2sLbvPDwbBlHjn6bXjo3whoN4YWcfNb0imUQjviIiIhaKPRLLlrCXCN73haN21DmA02O/JOzlUAuTieQ+anxFREQssm3qOgr26Upw0n5HbW1AR+5ZOYmSZX0tTCaSO2mqg4iIyB2WlARj+x+l4rNhlPmn6Y3Fi9XPzqLhwa/xVtMrkiXU+IqIiNxB+/dDSAgM+LAkHzAAgK1ejYhZsYUmk7thc7JZnFAk99JUBxERkTvA2A1ffgl9XrBx4cKV2ttOw6nxYGlaznsSFw/9kyyS1TTiKyIiksWiD5xjXdlObO051tH0lisH4WtceXDRs2p6Re4QNb4iIiJZKHJ8OBcrBNHo8DxGMZgabKZnT4iMhAYNrE4nkrfoI6aIiEgWSLyQyNoWQwmJeB8nDABxtgJMHHiC4FEWhxPJo9T4ioiIZLL9v+wmoV1nwi5tctQ2+zTF/9dZBNctZWEykbxNUx1EREQyibEbVnaZgn+rmlT+p+lNxJXwVu9T/fRSiqvpFbHUbY34xsfH4+HhkVlZREREcqyoPWfZF9qLkBOLHLX9bpVImD6HsC61LEwmIldleMTXbrfz9ttvU7JkSQoUKMD+/VdOvP3mm2/y+eefZ3pAERGR7G7xYqgX7I7PiV2O2sp7nsP/6CYqq+kVyTYy3Pi+8847zJw5k/fffx83NzdHvWrVqnz22WeZGk5ERCQ7i4+Hvn3hgQfgwKn8dOErjjuVYP2QRYRs/xRPP0+rI4rINTLc+M6aNYupU6fSpUsXnJ2dHfXq1auza9euG6wpIiKSe+xZsI1Hqu9nwoR/a0Xur4Nt/37qvd3aumAicl0ZbnyPHj1K+fLlU9XtdjuXL1/OlFAiIiLZlT3JzopHJ1D6sboM3dMFZ5Jwd4eJE+Hnn8G/jLvVEUXkOjLc+FapUoVVq1alqs+fP5+aNWtmSigREZHs6GTkcTb7P0Dod33xIIGG/M47JSaxYQO8+CLYbFYnFJEbyfBZHYYOHUqPHj04evQodrudhQsXsnv3bmbNmsWPP/6YFRlFREQsFzH4e8q/+yS1zRlHLbxWP/ouexoPH+tyiUj6ZXjEt02bNvzwww8sXbqU/PnzM3ToUHbu3MkPP/zAvffemxUZRURELBN3Ko6VVXpTf3RbCv/T9J5wKs7GUUsI2zgODx+d1lMkp7AZY4zVIe6k2NhYvL29iYmJoWDBglbHERGRbGzn7I14PNGZwMt7HLXfi7elwvJpFK7kZ2Eykdwtq/q1DI/4litXjjNnzqSqR0dHU65cuUwJJSIiYqXkZPh00GHKdWvkaHrj8GRV92nUP7JQTa9IDpXhxvfgwYMkJyenqickJHD06NFMCSUiImKVw4eheXPo824An/I8ADs8a3Nq8WaCv3gKm5OOYBPJqdJ9cNuiRf9egnHJkiV4e3s7bicnJ7Ns2TLKli2bqeFERETupLnfGHo/ZyM6+srtwYymYvPS3Pu/PrgVcLvhuiKS/aW78W3bti0ANpuNHj16pLjP1dWVsmXLMnbs2EwNJyIicifEHollS9hLrNhXj+h/RnkDAuDLLz0IDe1ncToRySzpbnztdjsAgYGB/PHHH/j5aX6TiIjkfNumrsO7TxeCkw5Qh7kspynVO1Zm8mTw8bE6nYhkpgyfx/fAgQNZkUNEROSOSopPYvX979BkxTu4cOXYlcu48km/fTQdW1kXoxDJhTLc+ALExcWxYsUKDh06RGJiYor7XnrppUwJJiIiklUOhe8npnVXwi6sc9S2ejXC98fZNAsJtDCZiGSlDDe+mzdvplWrVly8eJG4uDgKFSpEVFQUnp6eFC1aVI2viIhkW8ZuWNN7FtWnvUBpLgCQhDOrmw6lyc+DcfG4pfEgEckhMnw6s379+tG6dWvOnTtHvnz5+P333/n777+pXbs2H3zwQVZkFBERuW3RB6NZV7YTTab1xOufpvdvl3LsmraasP8bqqZXJA/IcOMbGRnJK6+8gpOTE87OziQkJBAQEMD777/P4MGDsyKjiIjIbQkPh0aNbZQ4HOGorSrfk0J/R1L1qQbWBROROyrDja+rqytOTldWK1q0KIcOHQLA29ubw4cPZ246ERGR25CYCAMHQrNmsPOYN934kiibH+v6zSP4rxl4lfCyOqKI3EEZ/l6nZs2a/PHHH1SoUIHQ0FCGDh1KVFQUX375JVWrVs2KjCIiIhm2/5fd9HktP4u3l3LUXJsGkzD5IA0r5rcwmYhYJcMjvqNGjaJ48eIAjBw5El9fX5577jlOnz7NlClTMj2giIhIRhi7YWWXKfi3qsmr27tjw46rK7z/PixdCiXV9IrkWTZjjLE6xJ0UGxuLt7c3MTExFCxY0Oo4IiKSiaJ2nmZfs6eof2KRozas2CTa/NybWrUsDCYiGZJV/VqGR3yvZ9OmTTz00EOZtTkREZEM2TByCclVg1I0vSur9Ob17d3V9IoIkMHGd8mSJQwYMIDBgwezf/9+AHbt2kXbtm2pW7eu47LGGfHJJ59QtmxZPDw8qF+/PuvXr7/h8tHR0fTp04fixYvj7u5OxYoV+fnnnzO8XxERyR3io+MJr9mPOkPup5j9BABRNj/WD1lEyJ+T8PTztDihiGQX6T647fPPP+fpp5+mUKFCnDt3js8++4xx48bx4osv0rFjR7Zv307lypUztPO5c+fSv39/Jk+eTP369Rk/fjwtW7Zk9+7dFC1aNNXyiYmJ3HvvvRQtWpT58+dTsmRJ/v77b3x0MXURkTxpz4Jt0KULYQnbHLUNfi0pvWwm9YL8LUwmItlRuuf4BgUF0a1bN1599VUWLFhA+/btadCgAfPmzaNUqVI330Aa6tevT926dfn4448BsNvtBAQE8OKLLzJw4MBUy0+ePJkxY8awa9cuXF1db2mfmuMrIpLz2e0wc8TfdH6rEh4kABCPOxHt3idk7gvYnDNtJp+IWMDyOb779u2jffv2ADz66KO4uLgwZsyYW256ExMT2bhxIy1atPg3jJMTLVq0YN26dWmus2jRIho2bEifPn0oVqwYVatWZdSoUSQnJ193PwkJCcTGxqb4ERGRnOv4cWjVCp58qwyz6A7AHo9qHF64gdD5L6npFZHrSvdfh0uXLuHpeWWelM1mw93d3XFas1sRFRVFcnIyxYoVS1EvVqwYJ06cSHOd/fv3M3/+fJKTk/n555958803GTt2LO+888519zN69Gi8vb0dPwEBAbecWURErPX99xAUBEuWXLndjw/5udE7lD6+ngqP6FzyInJjGbqAxWeffUaBAgUASEpKYubMmfj5+aVY5qWXXsq8dP9ht9spWrQoU6dOxdnZmdq1a3P06FHGjBnDsGHD0lxn0KBB9O/f33E7NjZWza+ISA4TdyqOjWGv8N3OBkTRE4DixWHmzPzcd98b1oYTkRwj3Y1v6dKlmTZtmuO2v78/X375ZYplbDZbuhtfPz8/nJ2dOXnyZIr6yZMn8fdP+4CE4sWL4+rqirOzs6NWuXJlTpw4QWJiIm5ubqnWcXd3x93dPV2ZREQk+9k5eyPuT3Qh5PJuavIVqwgmqO1dTJsG/xl7ERG5oXQ3vgcPHszUHbu5uVG7dm2WLVtG27ZtgSsjusuWLeOFF15Ic53GjRszZ84c7HY7Tk5XZmns2bOH4sWLp9n0iohIzpWcmMyqNh/QePEQXEkCwAk7k/ps596P7sJmszigiOQ4lh4B0L9/f6ZNm8YXX3zBzp07ee6554iLi6NXr14AdO/enUGDBjmWf+655zh79iwvv/wye/bs4aeffmLUqFH06dPHqocgIiJZ4FjEYbYVbU7Y4oGOpneHZ21OLd7MfR+3UdMrIrckQ3N8M1vHjh05ffo0Q4cO5cSJE9SoUYPFixc7Dng7dOiQY2QXICAggCVLltCvXz+CgoIoWbIkL7/8Mq+//rpVD0FERDLZ2r7zqDLxWWqYaADs2FjZcCCNfh2OWwF9uycity7d5/HNLXQeXxGR7Cn26Hm2hL5I8L4vHLWjzgGcHvslNV4OtTCZiNxplp/HV0REJKusWwdNGyVw175fHbW1AR0psHeLml4RyTRqfEVExDJJSTB8OAQHw6ZDfvTgC2IoyOpnZ9Hw4Nd4l/W1OqKI5CK31Pju27ePIUOG8Pjjj3Pq1CkAfvnlF/78889MDSciIrnXofD9tGlwkhEj4OoFOC82upfoyL9pMrkbNicdwSYimSvDje+KFSuoVq0aERERLFy4kAsXLgCwZcuW615EQkRE5CpjN6x+5gt8m1bn+Y1PAAZnZ3jrLVixAspU97E6oojkUhlufAcOHMg777zDb7/9luLcuc2aNeP333/P1HAiIpK7RB84x7qynWgyrSdeXOBBfuY1vxmsXg1vvgkulp5rSERyuww3vtu2beORRx5JVS9atChRUVGZEkpERHKfyPHhXKwQRKPD8xy1VeV7MmRLexo0sDCYiOQZGW58fXx8OH78eKr65s2bKVmyZKaEEhGR3CPxQiLhDQYS1K8ZJZKPAHDO5su6fvMI/msGXiW8LE4oInlFhhvfTp068frrr3PixAlsNht2u501a9YwYMAAunfvnhUZRUQkhzrwyy72FW1IWMR7OHHltPGbfZoSH7GVhuPaW5xORPKaDDe+o0aN4u677yYgIIALFy5QpUoVQkJCaNSoEUOGDMmKjCIiksMYA3Pe2U+xVrWofGkTAIm4Et7qfaqfXkrxuqUsTigiedEtX7nt0KFDbN++nQsXLlCzZk0qVKiQ2dmyhK7cJiKStU6fhqeegkWL4Eu60pWv2O9WiYTpc6jcpZbV8UQkB8iqfi3Dx8+uXr2aJk2aULp0aUqXLp1pQUREJOdbvBh69YITJ67c7sMn+NUqQ8iSN/D087Q2nIjkeRme6tCsWTMCAwMZPHgwO3bsyIpMIiKSw8RHxxNesx+fP/Cto+n184PZi7y5f+NINb0iki1kuPE9duwYr7zyCitWrKBq1arUqFGDMWPGcOTIkazIJyIi2dyeBds45F+PsMjxTOUZSnGY+++HbdugdWur04mI/CvDja+fnx8vvPACa9asYd++fbRv354vvviCsmXL0qxZs6zIKCIi2ZA9yc6KRydQ+rG6VEzYBkA+LjH5yQ38/DP4+1scUETkP2754LarkpOT+eWXX3jzzTfZunUryVcvuJ5N6eA2EZHbdzLyOIdb9KLOmSWO2h6PatjmzKHCI1UtTCYiuUFW9WsZHvG9as2aNTz//PMUL16czp07U7VqVX766adMCyYiItlTxODvca4VlKLpDa/Vj9LH16vpFZFsLcNndRg0aBDffPMNx44d495772XChAm0adMGT08duCAikpvFnYpjY9grhOyc4qidcCrO0XdmEjboPguTiYikT4Yb35UrV/Lqq6/SoUMH/Pz8siKTiIhkMxs3wssdYvlu/wJH7ffibamwfBq1K+nfAhHJGTLc+K5ZsyYrcoiISDaUnAwffABDhkBSUnGe4jPm0JlN3SfQZMaT2JxsVkcUEUm3dDW+ixYt4oEHHsDV1ZVFixbdcNmHH344U4KJiIi1jkUc5tn++flxbSFH7WjtNpz46ADBDYtamExE5Nak66wOTk5OnDhxgqJFi+LkdP3j4Ww2m87qICKSC6ztO48qE5/lN9OCDszDZrMxcCAMHw5ublanE5HcztJLFtvt9jT/X0REcpfYI7FsCXuJ4H1fANCe+bxYaA7tFnYhNNTicCIitynDpzObNWsWCQkJqeqJiYnMmjUrU0KJiMidt23qOqIDaziaXoC1AR15e2MrNb0ikitk+AIWzs7OHD9+nKJFU87vOnPmDEWLFtVUBxGRHCYpPolV948keMXbuHDlb3gsXmx99hMaf9pVB7CJyB1n6VSHaxljsNlS/xE8cuQI3t7emRJKRETujEPh+4lp3ZWmF9Y5alu9GuH742yahARamExEJPOlu/GtWbMmNpsNm81G8+bNcXH5d9Xk5GQOHDjA/fffnyUhRUQkcxkD//tgL81fq0VpzgOQhDOrmw6lyc+DcfHI8LiIiEi2l+6/bG3btgUgMjKSli1bUqBAAcd9bm5ulC1blnbt2mV6QBERyVznzkHv3jBv3l0spDmP8D/+dinH+UlfEfZUA6vjiYhkmXQ3vsOGDQOgbNmydOzYEQ8PjywLJSIiWSM8HLp1gyNHAGw8zTTyVy5Dw6VvU6aEl8XpRESyVobP6tCjRw81vSIiOUzihUTCGwzkg6Y//dP0gq8vTJrnx307xuOlpldE8oB0jfgWKlSIPXv24Ofnh6+vb5oHt1119uzZTAsnIiK3b/8vu0lo15mwS5uozAyC2Mo9TYsxaxaUKmV1OhGROyddje+HH36Il5eX4/9v1PiKiEj2YOyGVd2mUmdOPzy5BIAv55jSbQ0Pz3yUG1yIU0QkV8rweXxzOp3HV0Tygqidp9nX7Cnqn1jkqO13q0TC9DlU7lLLwmQiIjeXVf1ahj/vb9q0iW3btjluf//997Rt25bBgweTmJiYacFEROTWbBi5hOSqQSma3pX3PIf/0U1qekUkT8tw4/vss8+yZ88eAPbv30/Hjh3x9PTk22+/5bXXXsv0gCIikj7x0fGE1+xHnSH3U8x+AoAomx/rhywiZPunePp5WpxQRMRaGW589+zZQ40aNQD49ttvCQ0NZc6cOcycOZMFCxZkdj4REUmHbdugdf1T1Iic4aj94Xc/9sht1Hu7tYXJRESyjww3vsYY7HY7AEuXLqVVq1YABAQEEBUVlbnpRETkhux2mDAB6taFpXtK8xyTiMedFe0mUufkzxQN8rc6oohItpHha1LWqVOHd955hxYtWrBixQomTZoEwIEDByhWrFimBxQRkbSdjDzOcwPy892yfw/82BH0OH+PbUJoiwALk4mIZE8ZHvEdP348mzZt4oUXXuCNN96gfPnyAMyfP59GjRplekAREUktYvD3ONcK4uFlLzlq/fpBRARUUtMrIpKmTDudWXx8PM7Ozri6umbG5rKMTmcmIjlZ3Kk4Noa9QsjOKY7aUz7z6TC3HffdZ2EwEZFMlFX9WoanOly1ceNGdu7cCUCVKlWoVUunyBERyUo7Z2/E44nOhFze46j9Xrwt7y0PpXAlC4OJiOQQGW58T506RceOHVmxYgU+Pj4AREdH07RpU7755huKFCmS2RlFRPK05MRkVrX5gMaLh+BKEgBxeLKp+wSazHgSm5Oupikikh4ZnuP74osvcuHCBf7880/Onj3L2bNn2b59O7Gxsbz00ks334CIiKTbsYjDbCvanLDFAx1N7w7P2pxavJngL55S0ysikgEZnuPr7e3N0qVLqVu3bor6+vXrue+++4iOjs7MfJlOc3xFJKf46cM9NH6lPj4mGgA7NlY2HEijX4fjVsDN2nAiIlko21yy2G63p3kAm6urq+P8viIicutiY6FHD2jdvzy/m/oAHHUOYOv45YStHaWmV0TkFmW48W3WrBkvv/wyx44dc9SOHj1Kv379aN68eaaGExHJa9atgxo1YNYsMDjRixksLfcMBfZuocbLoVbHExHJ0TLc+H788cfExsZStmxZ7rrrLu666y4CAwOJjY3lo48+yoqMIiK5XlJ8EsvDRjC0yf9x4MCVmpcXvD+rOM33TsG7rK+1AUVEcoEMn9UhICCATZs2sWzZMsfpzCpXrkyLFi0yPZyISF5wKHw/Ma270vTCOipQkiC2UrlRIWbPhsBAq9OJiOQeGWp8586dy6JFi0hMTKR58+a8+OKLWZVLRCTXM3bDmt5fEjTtBUpzHgB/TjCl43Iemd0Ol1s+07qIiKQl3X9WJ02aRJ8+fahQoQL58uVj4cKF7Nu3jzFjxmRlPhGRXCn6wDl2hPamyeF5jtrfLuU4P+kr2j/VwMJkIiK5V7rn+H788ccMGzaM3bt3ExkZyRdffMGnn36aldlERHKlyPHhXKwQRKNrmt5V5XtS6O9IqqrpFRHJMulufPfv30+PHj0ctzt37kxSUhLHjx/PkmAiIrlN4oVEljccRFC/ZpRIPgJAtM2Hdf3mEfzXDLxKeFmcUEQkd0t345uQkED+/Pn/XdHJCTc3Ny5dupQlwUREcpPdu+GxBkeo+/tHOHHlukGbfcK49PtWGo5rb3E6EZG8IUOHTrz55pt4eno6bicmJjJy5Ei8vb0dtXHjxmVeOhGRHM4YmDoV+vWDS5fK8TITmMRzrG01kpDvX8HJJcNnlRQRkVuU7sY3JCSE3bt3p6g1atSI/fv3O27bbLpmvIjIVVG7onjuFU/m//zvgMGaik/w1/uhhLUpb2EyEZG8Kd2Nb3h4eBbGEBHJXTaMXELA0J6E2R9lPp8A8Nxz8MEHNjw91fSKiFhBZ4kUEclE8dHx/N50EGGR4wHow6esKdiKx2c/SOvW1mYTEcnr1PiKiGSSPQu2QZcuhCVsc9T+8Luf8ctqUzTIwmAiIgJk4KwOIiKSNnuSnRWPTqD0Y3Wp+E/TG487K9pNpM7Jnyka5G9xQhERAY34iojclpORxzncohehZ5Y4ans8qmGbM4fQR6pamExERP5LI74iIrdo2ae7ca4VRJ1rmt7wWv0ofXw9FdT0iohkO7fU+K5atYquXbvSsGFDjh49CsCXX37J6tWrMzWciEh2FBcHvXvDfX3K86epAsAJp+JsHLWEsI3j8PDxsDihiIikJcON74IFC2jZsiX58uVj8+bNJCQkABATE8OoUaMyPaCISHaycSPUqgVTpoAdZ7rxJcsDuuG6Yyu1B91ndTwREbmBDDe+77zzDpMnT2batGm4uro66o0bN2bTpk2ZGk5EJLtITkwm/IH36Fd/LXv2XKl5esLQaaUJ+3sWhSv5WRtQRERuKsMHt+3evZuQkJBUdW9vb6KjozMjk4hItnIs4jCnWnYjLGYFMwmkBpFUrF2QOXOgYkWr04mISHpleMTX39+fvXv3pqqvXr2acuXKZUooEZHsYm3feXg2DKJGzAoAynKQyY/8ytq1anpFRHKaDDe+Tz/9NC+//DIRERHYbDaOHTvGV199xYABA3juueeyIqOIyB0XeySWVeV70mhCR3xMNABHnQPYOn45nRc+hpubtflERCTjMjzVYeDAgdjtdpo3b87FixcJCQnB3d2dAQMG8OKLL2ZFRhGRO2rb1HUU7NOV4KT9jtragI7cs3ISJcv6WphMRERuh80YY25lxcTERPbu3cuFCxeoUqUKBQoUyOxsWSI2NhZvb29iYmIoWLCg1XFEJBtJik9i1f0jCV7xNi4kAxCLF1uf/YTGn3bF5mSzOKGISN6QVf3aLV+5zc3NjSpVqmRaEBERK+3fD4Pb7WNm5GhH07vVqxG+P86mSUigxelERCQzZLjxbdq0KTbb9Uc9/u///u+2AomI3EnGwJdfQp8+cOFCJYryPuPoz+qmQ2ny82BcPHRldxGR3CLDf9Fr1KiR4vbly5eJjIxk+/bt9OjRI7NyiYhkuegD5+jzqidzFrg7aj8FvsiTbzcjrIsuOSwikttkuPH98MMP06wPHz6cCxcu3HYgEZE7IXJ8OEUHdKNGcifmMAaAnj1h4kQbXl5qekVEcqNbPrjtv/bu3Uu9evU4e/ZsZmwuy+jgNpG8LfFCImvuHUbo7+/hxJU/f20LLKXL9Oa0b29xOBERAbLhwW3/tW7dOjw8PDJrcyIimW7/L7tJaNeZppf+vbz6Zp+mTPq1EsXrWhhMRETuiAw3vo8++miK28YYjh8/zoYNG3jzzTczLZiISGYxdsOqblOpM6cfnlwCIBFX1rYaScj3r+DkkuFr+YiISA6U4cbX29s7xW0nJycqVarEW2+9xX333ZdpwUREMkPUztPsa/YUIScWOWr73SqRMH0OYV1qWZhMRETutAw1vsnJyfTq1Ytq1arh66urF4lI9rbqs91UfDaM+vYTjtrKe56jTvgHePp5WphMRESskKHv95ydnbnvvvuIjo7O1BCffPIJZcuWxcPDg/r167N+/fp0rffNN99gs9lo27ZtpuYRkZwtPh769oVmT5fjb3sAAFE2P9YPWUTI9k/V9IqI5FEZnthWtWpV9u/ff/MF02nu3Ln079+fYcOGsWnTJqpXr07Lli05derUDdc7ePAgAwYMIDg4ONOyiEjOt20b1K0LEyZAEq504StWF3sUe+Q26r3d2up4IiJioQw3vu+88w4DBgzgxx9/5Pjx48TGxqb4yahx48bx9NNP06tXL6pUqcLkyZPx9PRk+vTp110nOTmZLl26MGLECMqVK5fhfYpI7mNPshP+6ESeqr2Z7duv1Nzd4aWJFWh8fAFFg/ytDSgiIpZLd+P71ltvERcXR6tWrdiyZQsPP/wwpUqVwtfXF19fX3x8fDI87zcxMZGNGzfSokWLfwM5OdGiRQvWrVt3wyxFixblySefvOk+EhISbrs5F5Hs7WTkcTb5tyLsu5eZebkz+bhIUBBs2AAvvgg3uMq6iIjkIek+uG3EiBH07t2b5cuXZ9rOo6KiSE5OplixYinqxYoVY9euXWmus3r1aj7//HMiIyPTtY/Ro0czYsSI240qItlUxODvuevdp6hjogCozC4+fegXOn3bDp1aXERErpXuxvfqBd5CQ0OzLMzNnD9/nm7dujFt2jT8/PzStc6gQYPo37+/43ZsbCwBAQFZFVFE7pC4U3FsDHuFkJ1THLUTTsU5+s5Meg7SqRVFRCS1DJ3OzJbJ3xf6+fnh7OzMyZMnU9RPnjyJv3/q+Xj79u3j4MGDtG797wEqdrsdABcXF3bv3s1dd92VYh13d3fc3d0zNbeIWGvn7I14PNGZkMt7HLXfi7elwvJp1K6Uvg/FIiKS92So8a1YseJNm9+zZ8+me3tubm7Url2bZcuWOU5JZrfbWbZsGS+88EKq5e+++262bduWojZkyBDOnz/PhAkTNJIrksslJyazqs0YGi9+E1eSAIjDk43dxhM88ylsTprMKyIi15ehxnfEiBGprtx2u/r370+PHj2oU6cO9erVY/z48cTFxdGrVy8AunfvTsmSJRk9ejQeHh5UrVo1xfo+Pj4AqeoikrscPgxvPrqLaRv+bXp3eNYm38I5hLSsaHE6ERHJCTLU+Hbq1ImiRYtmaoCOHTty+vRphg4dyokTJ6hRowaLFy92HPB26NAhnJwyfNY1EclF5s6F3r0hOvoe/HmbUQxmZcOBNPp1OG4F3KyOJyIiOYTNXD1q7SacnZ05fvx4pje+d1psbCze3t7ExMRQsGBBq+OIyA3EHj3PywPzMXP2v5/Ry5RKZsGQzdR+to6FyUREJCtlVb+W7qHUdPbHIiKZYtvUdZwrW4Mys99x1Dp2hMhtzmp6RUTklqR7qsPVsyeIiGSlpPgkVt0/kuAVb+NCMm/yNqs976PH5EZ07aqLUYiIyK3L0BxfEZGsdCh8PzGtu9L0wr9XbvzTqwEzfixOQIiFwUREJFfQUWMiYjljN6x+ZhY+TWtQ7Z+mNwlnwpuOoMqpFQSEBFqcUEREcgON+IqIpaIPnGNH6HM0OTzXUfvbpRznJ31F2FMNLEwmIiK5jUZ8RcQyEbN2E1ehOo2uaXpXle9Job8jqaqmV0REMpkaXxG54xITYeBACOtRhjPJPgCcs/myrt88gv+agVcJL2sDiohIrqSpDiJyR+3eDZ07w6ZNAB50Zg6fFXqdMoun0LBuKavjiYhILqYRXxG5I4zdsLLrVB6vvuOfphdcXaHH+1Wpd/oniqvpFRGRLKYRXxHJclE7T7Ov2VOEnFjEdKpTnwgCK7kzZw7UqmV1OhERySs04isiWWrDyCUkVw2i/olFANRgCx/d9yObNqnpFRGRO0sjviKSJeKj44loOpDQyAmOWpTNj/1vTOeZt1tbmExERPIqNb4ikun2LNiGrUtnQhO2O2ob/FpSetlM6gX5W5hMRETyMk11EJFMY0+ys+LRCZR+rC4V/ml643FnRbsJ1D7xM0XV9IqIiIU04isimeL4cXir3TY+XtcfZ+wA7PGohm3OHEIfqWpxOhEREY34ikgm+P57CAqCyeuqM4rBAITX6kfp4+upoKZXRESyCTW+InLL4k5f5Lln7bRtC1FRV2rT/Iey/oOVhG0ch4ePh6X5RERErqXGV0Ruyc7ZGzlVsiYFpo511Nq2hU3bXKn3SrB1wURERK5Dja+IZEhyYjLhD7xH+W4NCLy8h5G8QSOPTUydCgsXgp+f1QlFRETSpoPbRCTdjkUc5lTLboTFrHDU9noGMXthAQJbWhhMREQkHTTiKyLpsrbvPDwbBlHjn6bXjo3whoMof3ItgS0rWpxORETk5jTiKyI3FHskli1hLxG87wtH7ahzAKfHfknYy6EWJhMREckYNb4icl2bv9lNoW6tCE7a76itDejIPasmU7KMj3XBREREboGmOohIKklJMHw4hHYpRXzSlc/HsXix+tlZNDz4Nd5qekVEJAfSiK+IpLB/P3TtCuvWAeSnM3OYVnAARX6YTpOQQKvjiYiI3DKN+IoIAMZuWP3MLNpW2/dP0wvOztD2rdoERf0fAWp6RUQkh9OIr4gQfeAcO0J70+TwPKZSn2BWUbqcK199BQ0aANisjigiInLbNOIrksdFjg/nYoUgGh2eB0ADIhjX9EciI682vSIiIrmDRnxF8qjEC4msbTGUkIj3ccIAcM7my85+U3lx7CMWpxMREcl8anxF8qD9v+wmoV1nwi5tctQ2+zTF/9dZNKpbysJkIiIiWUdTHUTyEGM3rOwyBf9WNan8T9ObiCvhrd6n+umlFFfTKyIiuZhGfEXyiNOnYdRjm/lwZW9Hbb9bJRKmzyGsSy0Lk4mIiNwZGvEVyQMWL4agIBi/shZj6Q/Aynuew//oJiqr6RURkTxCja9ILhYfk0Dflw0PPAAnTlypjSs8inUjfiVk+6d4+nlaG1BEROQOUuMrkkvtWbCNw8XqkDhxkqN2//2wcbs7DYfea2EyERERa6jxFcll7El2Vjw6gdKP1aVCwnbG8grVXXcwcSL8/DP4+1udUERExBo6uE0kFzkZeZzDLXoRemaJo3bYowLffgMV2lgYTEREJBvQiK9ILhEx+HucawVR55qmN7xWP0ofX0+FNlUsTCYiIpI9aMRXJIeLOxXHxrBXCNk5xVE74VSco+/MJGzQfRYmExERyV7U+IrkYNsX7iF/p9aEXN7jqP1evC0Vlk+jdiU/C5OJiIhkP5rqIJIDJSfDe+9BaIdicDkRgDg8WdltGvWPLKSwml4REZFUNOIrksMcPgzdusGKFQDedGU2k/O/QoEFswhpWdHqeCIiItmWRnxFcpA1/b7lgaqH/2l6wWaD0EGNqXRmHYFqekVERG5II74iOUDskVi2hL1E8L4v+IgwWrCUkgHOfPklhIYC2KyOKCIiku1pxFckm9s2dR3nAmsSvO8LAJoSzrtNfmTr1qtNr4iIiKSHRnxFsqmk+CRW3T+S4BVv40IyALF4sfXZTxjw6cPY9LFVREQkQ9T4imRDh8L3E9O6K00vrHPUtno1wvfH2TQJCbQwmYiISM6lMSORbMTYDaufmYVP0xpU+6fpTcKZ8KYjqHJqBQFqekVERG6ZRnxFsolz52BMhw2MWtrDUfvbpRznJ31F2FMNLEwmIiKSO2jEVyQbCA+HoCAYvbQuk3kWgFXle1Lo70iqqukVERHJFGp8RSyUGHeZga8bmjWDI0eu1N7xGcvq174n+K8ZeJXwsjagiIhILqLGV8Qi+3/Zzb4iDTjx/hcYc6XWtCn8vi0/Td572NpwIiIiuZAaX5E7zNgNK7tMwb9VTSpf2sRHvMjdLnt5/31YuhRKlbI6oYiISO6kg9tE7qConafZ1+wpQk4sctROu5VkwaxLVOloYTAREZE8QCO+InfIhpFLSK4aRP1rmt6VVXrjf3QTVTpWszCZiIhI3qARX5EsFh8dz+9NBxEWOd5Ri7L5sf+N6YS83dq6YCIiInmMGl+RLLT7p73Y2j1KWMI2R+0Pv/sps2wG9YL8LUwmIiKS92iqg0gWsNthwgRo+qgv+RPOABCPOyvaTaTOyZ8pqqZXRETkjlPjK5LJjh+HVq2gb184nliYnsxkl0d1Di/cQOj8F7E52ayOKCIikiep8RXJRL+/8QMtqp5gyZJ/a9X63UvZqI1UeKSqdcFEREREja9IZog7FcfKKr1pMOphxpx9AjAULw5LlsC4ceCR39nqiCIiInmeGl+R27Rz9kZOlapFyM4pALTiF96p/yNbt8J991kcTkRERBzU+IrcouTEZMIfeI/y3RoQeHkPAHF4srLbNAavfQg/P4sDioiISAo6nZnILTgWcZhTLbsRFrPCUdvhWZt8C+cQ0rKihclERETkejTiK5JBa1+ei2fDIGr80/TasRHecBDlT64lUE2viIhItqURX5F0io2F8Z1+Z+gvnRy1o84BnB77JWEvh1qYTERERNJDI74i6bBuHdSoAcN+acAsugGwNqAjBfZuoYaaXhERkRxBja/IDSQl2hk+HIKD4cCBK7VBBT5m5fPf0PDg13iX9bU0n4iIiKSfGl+R6zgUvp+dhZuwY8Q8kpOv1Bo1gtVbCxLySUddgU1ERCSHUeMr8h/Gblj9zCx8mtag2oV1TOFZyjgd5q23YMUKCAy0OqGIiIjcCh3cJnKN6APn2BHamyaH5zlqsS6FWPT5GYK6B1iYTERERG6XRnxF/hE5PpyLFYJodE3Tu6p8Twr9HUlQ9xrWBRMREZFMoRFfyfMSLySytsVQQiLexwkDQLTNh519pxI8rr3F6URERCSzqPGVPG3/0v0kPNyesEubHLXNPmH4L5lFw3qa2iAiIpKbaKqD5EnGwJQp0KJ1PvwuHQIgEVfCW71P9dPLKK6mV0REJNdR4yt5zunT0LYt9O4NB+KL8ySfs8/tbvbN/p2wn17FyUVvCxERkdxI/8JLnvLH6KWEVj3DokX/1ko99zDFT22lcpda1gUTERGRLJctGt9PPvmEsmXL4uHhQf369Vm/fv11l502bRrBwcH4+vri6+tLixYtbri8CEB8dDzhNftRd/C9vHXqWcDg5weLFsGnn4Knt6vVEUVERCSLWd74zp07l/79+zNs2DA2bdpE9erVadmyJadOnUpz+fDwcB5//HGWL1/OunXrCAgI4L777uPo0aN3OLnkFHsWbOOQfz3CIscD8BgLGFJ7Mdu2QevW1mYTERGRO8dmjDFWBqhfvz5169bl448/BsButxMQEMCLL77IwIEDb7p+cnIyvr6+fPzxx3Tv3v2my8fGxuLt7U1MTAwFCxa87fySfdmT7Kzq8BH1v3sdDxIAiMediHZjCJn3gi45LCIikk1lVb9m6enMEhMT2bhxI4MGDXLUnJycaNGiBevWrUvXNi5evMjly5cpVKhQmvcnJCSQkJDguB0bG3t7oSVHOBl5nMMtehF6ZomjtsejGrY5cwh9pKqFyURERMQqlk51iIqKIjk5mWLFiqWoFytWjBMnTqRrG6+//jolSpSgRYsWad4/evRovL29HT8BATpNVW4X8cYinGsFUeeapje8Vj9KH19PBTW9IiIieZblc3xvx7vvvss333zDd999h4eHR5rLDBo0iJiYGMfP4cOH73BKuVPi4mBM2zXUH9UGPxMFwEknfzaOWkLYxnF4+KT9GhEREZG8wdKpDn5+fjg7O3Py5MkU9ZMnT+Lv73/DdT/44APeffddli5dSlBQ0HWXc3d3x93dPVPySva1cSN07gx79jTiLh7hUb4jwr8N5cM/o3YlP6vjiYiISDZg6Yivm5sbtWvXZtmyZY6a3W5n2bJlNGzY8Lrrvf/++7z99tssXryYOnXq3Imokk0lJxneew8aNIA9ewBsvJxvGuE9Z1Dv6HcUVtMrIiIi/7B0xBegf//+9OjRgzp16lCvXj3Gjx9PXFwcvXr1AqB79+6ULFmS0aNHA/Dee+8xdOhQ5syZQ9myZR1zgQsUKECBAgUsexxy5x2LOMzJlt1ZFfMKSTwEQO3aMGdOYSpW7GltOBEREcl2LG98O3bsyOnTpxk6dCgnTpygRo0aLF682HHA26FDh3By+ndgetKkSSQmJvLYY4+l2M6wYcMYPnz4nYwuFlrbdx5VJj5LTRPNdP6kOlvpNcif4cPBzc3qdCIiIpIdWX4e3ztN5/HN2WKPxLIl7CWC933hqB11DuDEpP9R+2ldclhERCQ3yKp+LUef1UHylm1T1xEdWCNF07s2oCMF9m5R0ysiIiI3pcZXsr2k+CTCw4ZT+dlgSicdACAWL1Y/O4uGB7/Gu6yvxQlFREQkJ7B8jq/IjRxaeZCYBzsTduHfK/lt9WqE74+zaRISaGEyERERyWk04ivZkjEwaxa0fMCJgAs7AEjCmfCmI6hyagUBanpFREQkg9T4SrZz7hx06gQ9esCui6XpzWT+dinHrmmrCfu/obh46IsKERERyTg1vpKtbJ64ikZVY5k3799avp6dKHTsT6o+1cC6YCIiIpLjqfGVbCHxQiLhDQZS/eVQBh57EQBfX5g3D2bMAK8iHhYnFBERkZxO3xmL5fb/spuEdp0Ju7QJgB7M4s/qXXjpx/soVcricCIiIpJraMRXLGPshpVdpuDfqiaV/2l6E3ElvNX7vLuhhZpeERERyVQa8RVLRO08zb5mTxFyYpGjtt+tEgnT5xDWRRejEBERkcynEV+54zaMXEJy1SDqX9P0rrznOfyPbqKyml4RERHJIhrxlTsmPh6mdlvFS/Pvd9SibH7sf2M6IW+3tjCZiIiI5AUa8ZU7Yts2qFsXXp7fhF+40vj+4Xc/9sht1FPTKyIiIneAGl/JUnY7TJhwpendvh3ARm+3GSxv/yl1Tv5M0SB/qyOKiIhIHqHGV7LMyS0n2FDsQRb1XUZCwpVaUBD8tNGfpvOew+ZkszagiIiI5ClqfCVLRLyxCOea1agX9TNf0INCnKFfP4iIgKpVrU4nIiIieZEObpNMFXcqjo1hrxCyc4qj5uJk58eJB2nYp7CFyURERCSv04ivZJqdszdyslTtFE3v78Xb4rpjKw371LYwmYiIiIgaX8kEyYnJhD/wHuW7NaDc5d0AxOHJym7TqH9kIYUr+VmcUERERERTHeQ2HVt/hJP3dSMsJtxR2+FZm3wL5xDSsqJ1wURERET+QyO+csvmzoXWLS5RIeYPAOzYCG84iPIn1xKopldERESyGTW+kmGxsdCjB3TqBJvOV+AlJnLUOYCt45cTtnYUbgXcrI4oIiIikooaX8mQbZ+vp0HQRWbN+rd2sUMv8h/cQY2XQ60LJiIiInITanwlXZLik1geNoLKTzXihb8HAODlBbNmwdff2PApVcDihCIiIiI3poPb5KYOhe8npnVXml5YB8DzTGLnPe3p/0NTAgMtDiciIiKSThrxlesydsPqZ2bh07QG1f5pepNwJrzpCD7cEKymV0RERHIUjfhKmqIPnGNH6HM0OTzXUfvbpRznJ31F2FMNLEwmIiIicmvU+Eoqm8evoOiAbjRKPuyorSrfkxorJlKmhJeFyURE7ozk5GQuX75sdQyRXM3NzQ0npzs7+UCNrzgkJsKMnit4+uumOGEAOGfzZVffKQSPa29xOhGRrGeM4cSJE0RHR1sdRSTXc3JyIjAwEDe3O3caVDW+AsDu3dC5M0RuakIlQghjBZt9muL/6ywa1i1ldTwRkTviatNbtGhRPD09sdlsVkcSyZXsdjvHjh3j+PHjlC5d+o6919T45nHGwNSp0K8fXLoE4MwTLl/y+f3fEvpdX5xcdPyjiOQNycnJjqa3cOHCVscRyfWKFCnCsWPHSEpKwtXV9Y7sU11NHha18zTrSrZjVu81/zS9UKkSzI8IoOkP/dX0ikiecnVOr6enp8VJRPKGq1MckpOT79g+1dnkURtGLiG5ahCNji9kNl3xIpbnnoNNm6BWLavTiYhYR9MbRO4MK95rmuqQx8RHxxPRdCChkRMcNS/bBX78YA8h/etYmExEREQka2nENw/Zs2Abh/3rpmh6//C7H3vkNjW9IiKSJ+3evRt/f3/Onz9vdZRcJSoqiqJFi3LkyBGro6SgxjcPsCfZWfHoBEo/VpcKCdsBiMedFe0mUufkzxQN8rc4oYiI3I6ePXtis9mw2Wy4uroSGBjIa6+9Rnx8fKplf/zxR0JDQ/Hy8sLT05O6desyc+bMNLe7YMECwsLC8Pb2pkCBAgQFBfHWW29x9uzZLH5Ed86gQYN48cUX8fLKveep/+STTyhbtiweHh7Ur1+f9evX33D5mTNnOl5PV388PDxSLGOMYejQoRQvXpx8+fLRokUL/vrrL8f9fn5+dO/enWHDhmXJY7pVanxzuZORx9nk34rQ7/riQQIAezyqcXjhBkLnv4jNSXPZRERyg/vvv5/jx4+zf/9+PvzwQ6ZMmZKq6fjoo49o06YNjRs3JiIigq1bt9KpUyd69+7NgAEDUiz7xhtv0LFjR+rWrcsvv/zC9u3bGTt2LFu2bOHLL7+8Y48rMTExy7Z96NAhfvzxR3r27Hlb28nKjLdr7ty59O/fn2HDhrFp0yaqV69Oy5YtOXXq1A3XK1iwIMePH3f8/P333ynuf//995k4cSKTJ08mIiKC/Pnz07JlyxQftnr16sVXX32VvT4omTwmJibGACYmJsbqKFnuf/8zprHPdnMJd2OunLnMLK/Vz1w6d8nqaCIi2c6lS5fMjh07zKVLOe9vZI8ePUybNm1S1B599FFTs2ZNx+1Dhw4ZV1dX079//1TrT5w40QDm999/N8YYExERYQAzfvz4NPd37ty562Y5fPiw6dSpk/H19TWenp6mdu3aju2mlfPll182oaGhjtuhoaGmT58+5uWXXzaFCxc2YWFh5vHHHzcdOnRIsV5iYqIpXLiw+eKLL4wxxiQnJ5tRo0aZsmXLGg8PDxMUFGS+/fbb6+Y0xpgxY8aYOnXqpKhFRUWZTp06mRIlSph8+fKZqlWrmjlz5qRYJq2Mxhizbds2c//995v8+fObokWLmq5du5rTp0871vvll19M48aNjbe3tylUqJB58MEHzd69e2+Y8XbVq1fP9OnTx3E7OTnZlChRwowePfq668yYMcN4e3tf93673W78/f3NmDFjHLXo6Gjj7u5uvv766xTLBgYGms8++yzN7dzoPZdV/ZpGfHOhuDjo3RvatoU10ffwKmM46eTPxlFLCNs4Dg8fj5tuQ0RErqhTB0qVuvM/dW7j0Ivt27ezdu3aFFfEmj9/PpcvX041sgvw7LPPUqBAAb7++msAvvrqKwoUKMDzzz+f5vZ9fHzSrF+4cIHQ0FCOHj3KokWL2LJlC6+99hp2uz1D+b/44gvc3NxYs2YNkydPpkuXLvzwww9cuHDBscySJUu4ePEijzzyCACjR49m1qxZTJ48mT///JN+/frRtWtXVqxYcd39rFq1ijr/eaLj4+OpXbs2P/30E9u3b+eZZ56hW7duqaYH/DdjdHQ0zZo1o2bNmmzYsIHFixdz8uRJOnTo4FgnLi6O/v37s2HDBpYtW4aTkxOPPPLIDZ+fUaNGUaBAgRv+HDp0KM11ExMT2bhxIy1atHDUnJycaNGiBevWrbvuPuHK77JMmTIEBATQpk0b/vzzT8d9Bw4c4MSJEym26+3tTf369VNtt169eqxateqG+7qTdFaHXGbH11voMPRu/tzr7qgdafMCLh90pXZ5XwuTiYjkTCdOwNGjVqe4uR9//JECBQqQlJREQkICTk5OfPzxx4779+zZg7e3N8WLF0+1rpubG+XKlWPPnj0A/PXXX5QrVy7DFxWYM2cOp0+f5o8//qBQoUIAlC9fPsOPpUKFCrz//vuO23fddRf58+fnu+++o1u3bo59Pfzww3h5eZGQkMCoUaNYunQpDRs2BKBcuXKsXr2aKVOmEBoamuZ+/v7771SNb8mSJVN8OHjxxRdZsmQJ8+bNo169etfN+M4771CzZk1GjRrlqE2fPp2AgAD27NlDxYoVadeuXYp9TZ8+nSJFirBjxw6qVq2aZsbevXunaJ7TUqJEiTTrUVFRJCcnU6xYsRT1YsWKsWvXrutur1KlSkyfPp2goCBiYmL44IMPaNSoEX/++SelSpXixIkTju38d7tX77s22+bNm2+Y/05S45tLJCcms6rNBzRePISevMyrfICnJ4wfD089ZcNmU9MrInIr/C06/jej+23atCmTJk0iLi6ODz/8EBcXl1SNVnoZY25pvcjISGrWrOloem9V7dq1U9x2cXGhQ4cOfPXVV3Tr1o24uDi+//57vvnmGwD27t3LxYsXuffee1Osl5iYSM2aNa+7n0uXLqU6aCs5OZlRo0Yxb948jh49SmJiIgkJCakubPLfjFu2bGH58uUUKFAg1X727dtHxYoV+euvvxg6dCgRERFERUU5RnoPHTp03ca3UKFCt/18ZlTDhg0dHyAAGjVqROXKlZkyZQpvv/12hraVL18+Ll68mNkRb5ka31zgWMRhTrXsRljMla9zBjCWnZXa8vqiJlSsaHE4EZEcbsMGqxOkT/78+R2jq9OnT6d69ep8/vnnPPnkkwBUrFiRmJgYjh07lmqEMDExkX379tG0aVPHsqtXr+by5csZGvXNly/fDe93cnJK1VRfvWLefx/Lf3Xp0oXQ0FBOnTrFb7/9Rr58+bj//vsBHFMgfvrpJ0qWLJliPXd391TbusrPz49z586lqI0ZM4YJEyYwfvx4qlWrRv78+enbt2+qA9j+m/HChQu0bt2a9957L9V+ro6yt27dmjJlyjBt2jRKlCiB3W6natWqNzw4btSoUSlGkdOyY8cOSpcunebjc3Z25uTJkynqJ0+exD8Dn6xcXV2pWbMme/fuBXCse/LkyRTfIJw8eZIaNWqkWPfs2bMUKVIk3fvKaprjm8Ot7TsPz4ZB1Pin6bVjI7zhICZtqKemV0Qkj3JycmLw4MEMGTKES/9ck75du3a4uroyduzYVMtPnjyZuLg4Hn/8cQA6d+7MhQsX+PTTT9PcfnR0dJr1oKAgIiMjr3sUf5EiRTh+/HiKWmRkZLoeU6NGjQgICGDu3Ll89dVXtG/f3tGUV6lSBXd3dw4dOkT58uVT/AQEBFx3mzVr1mTHjh0pamvWrKFNmzZ07dqV6tWrp5gCciO1atXizz//pGzZsqky5M+fnzNnzrB7926GDBlC8+bNqVy5cqqmOy29e/cmMjLyhj/Xm+rg5uZG7dq1WbZsmaNmt9tZtmxZihHdm0lOTmbbtm2OJjcwMBB/f/8U242NjSUiIiLVdrdv337DUfc7LlMPlcsBcstZHWIOx5iVd/VwnK3BgDniHGA2jw+3OpqISI6U287qcPnyZVOyZMkUR95/+OGHxsnJyQwePNjs3LnT7N2714wdO9a4u7ubV155JcX6r732mnF2djavvvqqWbt2rTl48KBZunSpeeyxx657toeEhARTsWJFExwcbFavXm327dtn5s+fb9auXWuMMWbx4sXGZrOZL774wuzZs8cMHTrUFCxYMNVZHV5++eU0t//GG2+YKlWqGBcXF7Nq1apU9xUuXNjMnDnT7N2712zcuNFMnDjRzJw587rP26JFi0zRokVNUlKSo9avXz8TEBBg1qxZY3bs2GGeeuopU7BgwRTPb1oZjx49aooUKWIee+wxs379erN3716zePFi07NnT5OUlGSSk5NN4cKFTdeuXc1ff/1lli1bZurWrWsA891331034+365ptvjLu7u5k5c6bZsWOHeeaZZ4yPj485ceKEY5lu3bqZgQMHOm6PGDHCLFmyxOzbt89s3LjRdOrUyXh4eJg///zTscy7775rfHx8zPfff2+2bt1q2rRpYwIDA1O8f+Li4ky+fPnMypUr08xmxVkd1PjmQFunrDUHXcqlaHrXBHQ00QfOWh1NRCTHym2NrzHGjB492hQpUsRcuHDBUfv+++9NcHCwyZ8/v/Hw8DC1a9c206dPT3O7c+fONSEhIcbLy8vkz5/fBAUFmbfeeuuGpzM7ePCgadeunSlYsKDx9PQ0derUMREREY77hw4daooVK2a8vb1Nv379zAsvvJDuxnfHjh0GMGXKlDF2uz3FfXa73YwfP95UqlTJuLq6miJFipiWLVuaFStWXDfr5cuXTYkSJczixYsdtTNnzpg2bdqYAgUKmKJFi5ohQ4aY7t2737TxNcaYPXv2mEceecT4+PiYfPnymbvvvtv07dvXkfW3334zlStXNu7u7iYoKMiEh4dneeNrjDEfffSRKV26tHFzczP16tVznF7u2sfTo0cPx+2+ffs6li9WrJhp1aqV2bRpU4p17Ha7efPNN02xYsWMu7u7ad68udm9e3eKZebMmWMqVap03VxWNL42Y25xBnsOFRsbi7e3NzExMRQsWNDqOBmSlASznwqn6xctcCEZgFi82PrsJzT+tKsuRiEichvi4+M5cOAAgYGBqQ54ktzrk08+YdGiRSxZssTqKLlOgwYNeOmll+jcuXOa99/oPZdV/ZoObssh9u+Hrl3hj3WNqUxt6rOerV6N8P1xNk1CAq2OJyIikiM9++yzREdHc/78+Vx92eI7LSoqikcffdQxbzy70IhvNmcMfPkl9OkDV8/bXdFpL5ObziX4x9dx8dBnFxGRzKARX5E7y4oRX53VIRuLPnCONWW7MKHHRkfTW64cfLGmPE2XvqGmV0RERCQD1PhmU5Hjw7lYIYgmh+bwFV3Ix0V69oTISGjQwOp0IiIiIjmPhgyzmcQLiaxtMZSQiPdx4soslGK2Uywa+SctBtW1OJ2IiIhIzqXGNxvZ/8tuEtp1JuzSJkdts09T/H+dRYu6pSxMJiIiIpLzaapDNmDshpVdpuDfqiaV/2l6E3ElvNX7VD+9lOJqekVERERum0Z8LRa18zT7mj1FyIlFjtp+t0okTJ9DWJdaFiYTERERyV004muhxYuhc/Bhap342VFbec9z+B/dRGU1vSIiIiKZSo2vBeLjoW9feOAB+O1MLYbwDlE2P9YPWUTI9k/x9PO0OqKIiEi62Ww2/ve//1kdI9saPnw4NWrUsDqGoMb3jtuzaBcN61xmwoR/a9tbDsC+9U/qvd3aumAiIpJj9ezZE5vNhs1mw9XVlcDAQF577TXi4+OtjpblTpw4wcsvv0z58uXx8PCgWLFiNG7cmEmTJnHx4kWr4wEwYMAAli1bZnUMQXN87xh7kp1VHT6i/nev05bXiWQE7u4wZgy88IIzNltRqyOKiEgOdv/99zNjxgwuX77Mxo0b6dGjBzabjffee8/qaFlm//79NG7cGB8fH0aNGkW1atVwd3dn27ZtTJ06lZIlS/Lwww9bHZMCBQpQoEABq2MIGvG9I05GHmeTfytCv+uLBwkM4R06l1/Phg3w4otgs1mdUEREcjp3d3f8/f0JCAigbdu2tGjRgt9++81x/5kzZ3j88ccpWbIknp6eVKtWja+//jrFNsLCwnjppZd47bXXKFSoEP7+/gwfPjzFMn/99RchISF4eHhQpUqVFPu4atu2bTRr1ox8+fJRuHBhnnnmGS5cvQQpV0ao27Zty6hRoyhWrBg+Pj689dZbJCUl8eqrr1KoUCFKlSrFjBkzbviYn3/+eVxcXNiwYQMdOnSgcuXKlCtXjjZt2vDTTz/RuvWVb1IPHjyIzWYjMjLSsW50dDQ2m43w8HBHbfv27TzwwAMUKFCAYsWK0a1bN6Kiohz3z58/n2rVqjkeV4sWLYiLiwMgPDycevXqkT9/fnx8fGjcuDF///03kHqqw9XH/8EHH1C8eHEKFy5Mnz59uHz5smOZ48eP8+CDD5IvXz4CAwOZM2cOZcuWZfz48Td8TuTG1PhmsYjB3+NcK4g6Z5Y4aqtrvsTnfwRRtaqFwUREJP3GjYNSpW7+k9bo4sMPp2/dceMyLe727dtZu3Ytbm5ujlp8fDy1a9fmp59+Yvv27TzzzDN069aN9evXp1j3iy++IH/+/ERERPD+++/z1ltvOZpbu93Oo48+ipubGxEREUyePJnXX389xfpxcXG0bNkSX19f/vjjD7799luWLl3KCy+8kGK5//u//+PYsWOsXLmScePGMWzYMB566CF8fX2JiIigd+/ePPvssxw5ciTNx3jmzBl+/fVX+vTpQ/78+dNcxpaBkaXo6GiaNWtGzZo12bBhA4sXL+bkyZN06NABuNKIPv744zzxxBPs3LmT8PBwHn30UYwxJCUl0bZtW0JDQ9m6dSvr1q3jmWeeueH+ly9fzr59+1i+fDlffPEFM2fOZObMmY77u3fvzrFjxwgPD2fBggVMnTqVU6dOpfvxyHWYPCYmJsYAJiYmJkv3c+HkBbOi8rPGgOPnhJO/2TBqSZbuV0REbs2lS5fMjh07zKVLl1LfOWxYir/n1/1p0CD1ug0apG/dYcNuOXuPHj2Ms7OzyZ8/v3F3dzeAcXJyMvPnz7/heg8++KB55ZVXHLdDQ0NNkyZNUixTt25d8/rrrxtjjFmyZIlxcXExR48eddz/yy+/GMB89913xhhjpk6danx9fc2FCxccy/z000/GycnJnDhxwpG3TJkyJjk52bFMpUqVTHBwsON2UlKSyZ8/v/n666/TzP77778bwCxcuDBFvXDhwiZ//vwmf/785rXXXjPGGHPgwAEDmM2bNzuWO3funAHM8uXLjTHGvP322+a+++5Lsa3Dhw8bwOzevdts3LjRAObgwYOpspw5c8YAJjw8PM2sw4YNM9WrV3fcvvr4k5KSHLX27dubjh07GmOM2blzpwHMH3/84bj/r7/+MoD58MMP09xHTnSj91xW9Wua45sFds7eiMcTnQm5vMdRi/BvQ/nwz6hdyc/CZCIicksKFoSSJW++XJEiadfSs27BghnPdY2mTZsyadIk4uLi+PDDD3FxcaFdu3aO+5OTkxk1ahTz5s3j6NGjJCYmkpCQgKdnyjMJBQUFpbhdvHhxx0jjzp07CQgIoESJEo77GzZsmGL5nTt3Ur169RSjsI0bN8Zut7N7926KFSsGwD333IOT079fPBcrVoyq13wV6uzsTOHChTM8yrl+/XrsdjtdunQhISEh3ett2bKF5cuXpzkXd9++fdx33300b96catWq0bJlS+677z4ee+wxfH19KVSoED179qRly5bce++9tGjRgg4dOlC8ePHr7u+ee+7B2dnZcbt48eJs27YNgN27d+Pi4kKtWv+e2rR8+fL4+vqm+/FI2tT4ZqLkZJjX+/947LOWuJIEQByebOw2nuCZT2Fz0mReEZEcqX//Kz+3YtGimy+TCfLnz0/58uUBmD59OtWrV+fzzz/nySefBGDMmDFMmDCB8ePHU61aNfLnz0/fvn1JTExMsR1XV9cUt202G3a7PdPzprWfjOy7fPny2Gw2du/enaJerlw5APLly+eoXW2wjTGO2rXzaQEuXLhA69at0zwYsHjx4jg7O/Pbb7+xdu1afv31Vz766CPeeOMNIiIiCAwMZMaMGbz00kssXryYuXPnMmTIEH777TcaNGiQ7sefFc+zpKQ5vpnk8GFo3hx6ftaYHVQBYIdnbU4t3kzIrKfV9IqIyB3j5OTE4MGDGTJkCJcuXQJgzZo1tGnThq5du1K9enXKlSvHnj17brKllCpXrszhw4c5fvy4o/b777+nWmbLli2Og76u7tvJyYlKlSrdxqNKqXDhwtx77718/PHHKfaVliL/jMRfm/vaA90AatWqxZ9//knZsmUpX758ip+ro9c2m43GjRszYsQINm/ejJubG999951jGzVr1mTQoEGsXbuWqlWrMmfOnFt6bJUqVSIpKYnNmzc7anv37uXcuXO3tD35lxrfTDB3LgQFwYoVkIg7XZjD8kZvUP7kWgJbVrQ6noiI5EHt27fH2dmZTz75BIAKFSo4Rix37tzJs88+y8mTJzO0zRYtWlCxYkV69OjBli1bWLVqFW+88UaKZbp06YKHhwc9evRg+/btLF++nBdffJFu3bo5pjlklk8//ZSkpCTq1KnD3Llz2blzJ7t372b27Nns2rXLMZUgX758NGjQgHfffZedO3eyYsUKhgwZkmJbffr04ezZszz++OP88ccf7Nu3jyVLltCrVy+Sk5OJiIhg1KhRbNiwgf9v797Doqr2PoB/mcGZARsgjiGM4l3Qo3jhGpiaygnUDG9ByVFUFE+CmmSGSiIZaqaWmqVmink4ofZ4e5RA0UhETt5AO4J4Aby8AXk5gijIZdb7hy/zNgrmIMwQ8/08z/yx16y99m/Nr7HfbNbe+9q1a9i1axdu3ryJ7t27Iy8vD/PmzUN6ejquXr2KgwcP4tKlS+jevXu95tWtWzd4e3sjJCQEJ06cQEZGBkJCQmBmZqbTBXv0JBa+z6HkRglSuk7FR2+dx927j9rs7YF1KT0wKO1jyF6QPXV/IiKixmJqaoqwsDAsX74c9+/fR2RkJJydneHj44NXX30Vtra2GDlypE5jSiQS7N69G2VlZXB3d8eUKVMQExOj1cfc3BxJSUm4c+cO3NzcMHbsWAwZMgRffPFFA87ukc6dOyMjIwPe3t6YN28eevfuDVdXV6xduxZz5szB4sWLNX03b96MqqoquLi44N1338XHH3+sNZZKpUJaWhqqq6vx2muvwcnJCe+++y6srKwgkUhgYWGBo0ePYtiwYXBwcEBkZCRWrlyJoUOHwtzcHBcuXMCYMWPg4OCAkJAQhIaGYtq0afWe27fffovWrVtjwIABGDVqFKZOnQqlUgmFQlHvMQkwEb9f8GIESkpKYGlpieLiYlg8x4UEv2xMh0Xo39G+Khdn0QvuOIFRAXKsXw9YWTVcvEREpB/l5eXIy8tDx44dWVxQk3Pjxg3Y29sjOTkZQ4YMMXQ4DeJp37mGqtcex4vbdFRVXoVU3xj0/2kxTFENAOiIPOxedA5DF7rxYRRERET03I4cOYLS0lI4OTmhoKAAc+fORYcOHTBgwABDh/anxsJXB9dSclE84u8YVJquaTun9MKL+/+JYQM6GjAyIiIiak4qKysxf/585ObmQqlUwsvLC3FxcU/cDYJ0w8L3GQi1QNo/tqHX12Foh3sAgCpIcWzQQrySMB+mCn6MRERE1HB8fHzg4+Nj6DCaHVZsf+Bu3n+RNfAdvHJ9u6btqmkn3PsqDq9Oqf3efERERETU9PCuDk+RkgJM9MiGx/WdmrbULhNhfTUTPVn0EhE1S0Z2zTeRwRjiu8bCtxYVFUBEBDB4MLD3phdisAB3TayQPnsH+l/aAqVKaegQiYiogdWsnXzw4IGBIyEyDjVPDfz9o5sbG5c6PCb3cB4C3m+HUxn/n4TUgR9iyqfT4On2DM9aJyKiPyWpVAorKyv89ttvAB7dj5YPCyBqHGq1Gjdv3oS5uTlMTfVXjrLw/T9CLZA6fiNc/zUbgxGFU/gALVoAMTHAe++1gETCopeIqLmztbUFAE3xS0SNRyKRoF27dnr9gcnCF8Ct7Ju4MngKBhTuAwB8jEhcbP8aPtzVF87OBg6OiIj0xsTEBHZ2drCxsUFlZaWhwyFq1mQyGSQS/a66NfrC91RMEuwXToSHulDTlv7XKYj7yRHmrQwYGBERGYxUKtXrukMi0o8mcXHbunXr0KFDBygUCnh4eODEiRNP7b9z505069YNCoUCTk5OSEhI0PmY5XfL8VPfd+Ea6YvW/1f03jJphROR+zDg/Fcwb2Ver7kQERERUdNk8MJ3+/btCA8PR1RUFM6cOYPevXvDx8enzvVVx48fx9tvv43g4GBkZGRg5MiRGDlyJP7zn//odNz/6foqBmau1myfbOULdeYvcF884rnmQ0RERERNk4kw8A0LPTw84Obmhi+++ALAo6v87O3tMWPGDERERDzRPyAgAPfv38f+/fs1bS+//DL69OmD9evX/+HxSkpKYGlpiWIAFgDKIcfPYz7FgB1hMJHw6l0iIiIiQ9PUa8XFsLCwaLBxDbrGt6KiAqdPn8a8efM0bRKJBN7e3khPT691n/T0dISHh2u1+fj4YM+ePbX2f/jwIR4+fKjZLi4uBgCUALgs/ytMvvkGfUf8FfdK7z3fZIiIiIioQZSUlABo+IdcGLTwvXXrFqqrq9G6dWut9tatW+PChQu17lNYWFhr/8LCwlr7L126FNHR0U+02wPAwyzg7571ip2IiIiIGtft27dhaWnZYOM1+7s6zJs3T+sM8d27d9G+fXtcu3atQT9IappKSkpgb2+P69evN+ifSqhpYr6NC/NtXJhv41JcXIx27drB2tq6Qcc1aOHbqlUrSKVSFBUVabUXFRVpbiL+OFtbW536y+VyyOXyJ9otLS35xTEiFhYWzLcRYb6NC/NtXJhv49LQ9/k16F0dZDIZXFxccPjwYU2bWq3G4cOH4elZ+xIET09Prf4AcOjQoTr7ExEREREBTWCpQ3h4OIKCguDq6gp3d3d8/vnnuH//PiZNmgQAmDBhAtq0aYOlS5cCAGbNmoWBAwdi5cqVGD58OOLj43Hq1Cls3LjRkNMgIiIioibO4IVvQEAAbt68iYULF6KwsBB9+vRBYmKi5gK2a9euaZ3m9vLywr/+9S9ERkZi/vz56Nq1K/bs2YOePXs+0/HkcjmioqJqXf5AzQ/zbVyYb+PCfBsX5tu4NFa+DX4fXyIiIiIifTD4k9uIiIiIiPSBhS8RERERGQUWvkRERERkFFj4EhEREZFRaJaF77p169ChQwcoFAp4eHjgxIkTT+2/c+dOdOvWDQqFAk5OTkhISNBTpNQQdMn3119/jf79++PFF1/Eiy++CG9v7z/874OaFl2/3zXi4+NhYmKCkSNHNm6A1KB0zffdu3cRGhoKOzs7yOVyODg48N/0PxFd8/3555/D0dERZmZmsLe3x+zZs1FeXq6naOl5HD16FCNGjIBKpYKJiQn27Nnzh/ukpKTA2dkZcrkcXbp0QWxsrO4HFs1MfHy8kMlkYvPmzeL8+fNi6tSpwsrKShQVFdXaPy0tTUilUrF8+XKRlZUlIiMjRYsWLcQvv/yi58ipPnTN97hx48S6detERkaGyM7OFhMnThSWlpbixo0beo6c6kPXfNfIy8sTbdq0Ef379xd+fn76CZaem675fvjwoXB1dRXDhg0Tx44dE3l5eSIlJUVkZmbqOXKqD13zHRcXJ+RyuYiLixN5eXkiKSlJ2NnZidmzZ+s5cqqPhIQEsWDBArFr1y4BQOzevfup/XNzc4W5ubkIDw8XWVlZYu3atUIqlYrExESdjtvsCl93d3cRGhqq2a6urhYqlUosXbq01v7+/v5i+PDhWm0eHh5i2rRpjRonNQxd8/24qqoqoVQqxdatWxsrRGpA9cl3VVWV8PLyEps2bRJBQUEsfP9EdM33V199JTp16iQqKir0FSI1IF3zHRoaKgYPHqzVFh4eLvr169eocVLDe5bCd+7cuaJHjx5abQEBAcLHx0enYzWrpQ4VFRU4ffo0vL29NW0SiQTe3t5IT0+vdZ/09HSt/gDg4+NTZ39qOuqT78c9ePAAlZWVsLa2bqwwqYHUN98fffQRbGxsEBwcrI8wqYHUJ9/79u2Dp6cnQkND0bp1a/Ts2RNLlixBdXW1vsKmeqpPvr28vHD69GnNcojc3FwkJCRg2LBheomZ9Kuh6jWDP7mtId26dQvV1dWap77VaN26NS5cuFDrPoWFhbX2LywsbLQ4qWHUJ9+P++CDD6BSqZ74MlHTU598Hzt2DN988w0yMzP1ECE1pPrkOzc3F0eOHEFgYCASEhJw+fJlTJ8+HZWVlYiKitJH2FRP9cn3uHHjcOvWLbzyyisQQqCqqgr/+Mc/MH/+fH2ETHpWV71WUlKCsrIymJmZPdM4zeqML5Euli1bhvj4eOzevRsKhcLQ4VADu3fvHsaPH4+vv/4arVq1MnQ4pAdqtRo2NjbYuHEjXFxcEBAQgAULFmD9+vWGDo0aQUpKCpYsWYIvv/wSZ86cwa5du3DgwAEsXrzY0KFRE9aszvi2atUKUqkURUVFWu1FRUWwtbWtdR9bW1ud+lPTUZ9811ixYgWWLVuG5ORk9OrVqzHDpAaia76vXLmC/Px8jBgxQtOmVqsBAKampsjJyUHnzp0bN2iqt/p8v+3s7NCiRQtIpVJNW/fu3VFYWIiKigrIZLJGjZnqrz75/vDDDzF+/HhMmTIFAODk5IT79+8jJCQECxYsgETCc3vNSV31moWFxTOf7QWa2RlfmUwGFxcXHD58WNOmVqtx+PBheHp61rqPp6enVn8AOHToUJ39qemoT74BYPny5Vi8eDESExPh6uqqj1CpAeia727duuGXX35BZmam5vXGG29g0KBByMzMhL29vT7DJx3V5/vdr18/XL58WfMDBwAuXrwIOzs7Fr1NXH3y/eDBgyeK25ofPY+ul6LmpMHqNd2uu2v64uPjhVwuF7GxsSIrK0uEhIQIKysrUVhYKIQQYvz48SIiIkLTPy0tTZiamooVK1aI7OxsERUVxduZ/Ynomu9ly5YJmUwmvv/+e1FQUKB53bt3z1BTIB3omu/H8a4Ofy665vvatWtCqVSKsLAwkZOTI/bv3y9sbGzExx9/bKgpkA50zXdUVJRQKpXiu+++E7m5ueLgwYOic+fOwt/f31BTIB3cu3dPZGRkiIyMDAFArFq1SmRkZIirV68KIYSIiIgQ48eP1/SvuZ3Z+++/L7Kzs8W6det4O7Maa9euFe3atRMymUy4u7uLf//735r3Bg4cKIKCgrT679ixQzg4OAiZTCZ69OghDhw4oOeI6Xnoku/27dsLAE+8oqKi9B841Yuu3+/fY+H756Nrvo8fPy48PDyEXC4XnTp1EjExMaKqqkrPUVN96ZLvyspKsWjRItG5c2ehUCiEvb29mD59uvjvf/+r/8BJZz/++GOt/z+uyXFQUJAYOHDgE/v06dNHyGQy0alTJ7Flyxadj2siBP8eQERERETNX7Na40tEREREVBcWvkRERERkFFj4EhEREZFRYOFLREREREaBhS8RERERGQUWvkRERERkFFj4EhEREZFRYOFLREREREaBhS8REYDY2FhYWVkZOox6MzExwZ49e57aZ+LEiRg5cqRe4iEiaopY+BJRszFx4kSYmJg88bp8+bKhQ0NsbKwmHolEgrZt22LSpEn47bffGmT8goICDB06FACQn58PExMTZGZmavVZvXo1YmNjG+R4dVm0aJFmnlKpFPb29ggJCcGdO3d0GodFOhE1BlNDB0BE1JB8fX2xZcsWrbaXXnrJQNFos7CwQE5ODtRqNc6ePYtJkybh119/RVJS0nOPbWtr+4d9LC0tn/s4z6JHjx5ITk5GdXU1srOzMXnyZBQXF2P79u16OT4RUV14xpeImhW5XA5bW1utl1QqxapVq+Dk5ISWLVvC3t4e06dPR2lpaZ3jnD17FoMGDYJSqYSFhQVcXFxw6tQpzfvHjh1D//79YWZmBnt7e8ycORP3799/amwmJiawtbWFSqXC0KFDMXPmTCQnJ6OsrAxqtRofffQR2rZtC7lcjj59+iAxMVGzb0VFBcLCwmBnZweFQoH27dtj6dKlWmPXLHXo2LEjAKBv374wMTHBq6++CkD7LOrGjRuhUqmgVqu1YvTz88PkyZM123v37oWzszMUCgU6deqE6OhoVFVVPXWepqamsLW1RZs2beDt7Y0333wThw4d0rxfXV2N4OBgdOzYEWZmZnB0dMTq1as17y9atAhbt27F3r17NWePU1JSAADXr1+Hv78/rKysYG1tDT8/P+Tn5z81HiKiGix8icgoSCQSrFmzBufPn8fWrVtx5MgRzJ07t87+gYGBaNu2LU6ePInTp08jIiICLVq0AABcuXIFvr6+GDNmDM6dO4ft27fj2LFjCAsL0ykmMzMzqNVqVFVVYfXq1Vi5ciVWrFiBc+fOwcfHB2+88QYuXboEAFizZg327duHHTt2ICcnB3FxcejQoUOt4544cQIAkJycjIKCAuzateuJPm+++SZu376NH3/8UdN2584dJCYmIjAwEACQmpqKCRMmYNasWcjKysKGDRsQGxuLmJiYZ55jfn4+kpKSIJPJNG1qtRpt27bFzp07kZWVhYULF2L+/PnYsWMHAGDOnDnw9/eHr68vCgoKUFBQAC8vL1RWVsLHxwdKpRKpqalIS0vDCy+8AF9fX1RUVDxzTERkxAQRUTMRFBQkpFKpaNmypeY1duzYWvvu3LlT/OUvf9Fsb9myRVhaWmq2lUqliI2NrXXf4OBgERISotWWmpoqJBKJKCsrq3Wfx8e/ePGicHBwEK6urkIIIVQqlYiJidHax83NTUyfPl0IIcSMGTPE4MGDhVqtrnV8AGL37t1CCCHy8vIEAJGRkaHVJygoSPj5+Wm2/fz8xOTJkzXbGzZsECqVSlRXVwshhBgyZIhYsmSJ1hjbtm0TdnZ2tcYghBBRUVFCIpGIli1bCoVCIQAIAGLVqlV17iOEEKGhoWLMmDF1xlpzbEdHR63P4OHDh8LMzEwkJSU9dXwiIiGE4BpfImpWBg0ahK+++kqz3bJlSwCPzn4uXboUFy5cQElJCaqqqlBeXo4HDx7A3Nz8iXHCw8MxZcoUbNu2TfPn+s6dOwN4tAzi3LlziIuL0/QXQkCtViMvLw/du3evNbbi4mK88MILUKvVKC8vxyuvvIJNmzahpKQEv/76K/r166fVv1+/fjh79iyAR8sU/va3v8HR0RG+vr54/fXX8dprrz3XZxUYGIipU6fiyy+/hFwuR1xcHN566y1IJBLNPNPS0rTO8FZXVz/1cwMAR0dH7Nu3D+Xl5fjnP/+JzMxMzJgxQ6vPunXrsHnzZly7dg1lZWWoqKhAnz59nhrv2bNncfnyZSiVSq328vJyXLlypR6fABEZGxa+RNSstGzZEl26dNFqy8/Px+uvv4533nkHMTExsLa2xrFjxxAcHIyKiopaC7hFixZh3LhxOHDgAH744QdERUUhPj4eo0aNQmlpKaZNm4aZM2c+sV+7du3qjE2pVOLMmTOQSCSws7ODmZkZAKCkpOQP5+Xs7Iy8vDz88MMPSE5Ohr+/P7y9vfH999//4b51GTFiBIQQOHDgANzc3JCamorPPvtM835paSmio6MxevToJ/ZVKBR1jiuTyTQ5WLZsGYYPH47o6GgsXrwYABAfH485c+Zg5cqV8PT0hFKpxKeffoqff/75qfGWlpbCxcVF6wdHjaZyASMRNW0sfImo2Tt9+jTUajVWrlypOZtZs570aRwcHODg4IDZs2fj7bffxpYtWzBq1Cg4OzsjKyvriQL7j0gkklr3sbCwgEqlQlpaGgYOHKhpT0tLg7u7u1a/gIAABAQEYOzYsfD19cWdO3dgbW2tNV7Netrq6uqnxqNQKDB69GjExcXh8uXLcHR0hLOzs+Z9Z2dn5OTk6DzPx0VGRmLw4MF45513NPP08vLC9OnTNX0eP2Mrk8meiN/Z2Rnbt2+HjY0NLCwsnismIjJOvLiNiJq9Ll26oLKyEmvXrkVubi62bduG9evX19m/rKwMYWFhSElJwdWrV5GWloaTJ09qljB88MEHOH78OMLCwpCZmYlLly5h7969Ol/c9nvvv/8+PvnkE2zfvh05OTmIiIhAZmYmZs2aBQBYtWoVvvvuO1y4cAEXL17Ezp07YWtrW+tDN2xsbGBmZobExEQUFRWhuLi4zuMGBgbiwIED2Lx5s+aithoLFy7Et99+i+joaJw/fx7Z2dmIj49HZGSkTnPz9PREr169sGTJEgBA165dcerUKSQlJeHixYv48MMPcfLkSa19OnTogHPnziEnJwe3bt1CZWUlAgMD0apVK/j5+SE1NRV5eXlISUnBzJkzcePGDZ1iIiLjxMKXiJq93r17Y9WqVfjkk0/Qs2dPxMXFad0K7HFSqRS3b9/GhAkT4ODgAH9/fwwdOhTR0dEAgF69euGnn37CxYsX0b9/f/Tt2xcLFy6ESqWqd4wzZ85EeHg43nvvPTg5OSExMRH79u1D165dATxaJrF8+XK4urrCzc0N+fn5SEhI0JzB/j1TU1OsWbMGGzZsgEqlgp+fX53HHTx4MKytrZGTk4Nx48Zpvefj44P9+/fj4MGDcHNzw8svv4zPPvsM7du313l+s2fPxqZNm3D9+nVMmzYNo0ePRkBAADw8PHD79m2ts78AMHXqVDg6OsLV1RUvvfQS0tLSYG5ujqNHj6Jdu3YYPXo0unfvjuDgYJSXl/MMMBE9ExMhhDB0EEREREREjY1nfImIiIjIKLDwJSIiIiKjwMKXiIiIiIwCC18iIiIiMgosfImIiIjIKLDwJSIiIiKjwMKXiIiIiIwCC18iIiIiMgosfImIiIjIKLDwJSIiIiKjwMKXiIiIiIzC/wKCnwl/7rIExAAAAABJRU5ErkJggg==", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "plot_roc_curve(y_test, y_pred)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "#### Standardized data" + ] + }, + { + "cell_type": "code", + "execution_count": 70, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Time taken for GridSearchCV: 196.68 seconds\n", + "Best Hyperparameters:\n", + "{'C': 1, 'degree': 2, 'gamma': 'auto', 'kernel': 'rbf'}\n", + "\n", + "Time taken for training with best hyperparameters: 4.07 seconds\n", + "\n", + "Mean Accuracy: 0.6576434993084371\n", + "Standard Deviation of Accuracy: 0.001416490093586219\n", + "Mean Precision: 0.0\n", + "Standard Deviation of Precision: 0.0\n", + "Mean Recall: 0.0\n", + "Standard Deviation of Recall: 0.0\n", + "Mean F1-score: 0.0\n", + "Standard Deviation of F1-score: 0.0\n", + "Mean ROC AUC: 0.5\n", + "Standard Deviation of ROC AUC: 0.0\n", + "\n", + "Total time taken: 200.75 seconds\n" + ] + } + ], + "source": [ + "from sklearn.svm import SVC\n", + "from sklearn.model_selection import StratifiedKFold, GridSearchCV\n", + "from sklearn.metrics import accuracy_score, precision_score, recall_score, f1_score, roc_auc_score, confusion_matrix\n", + "import numpy as np\n", + "import time\n", + "\n", + "start_total_time = time.time()\n", + "\n", + "kf = StratifiedKFold(n_splits=10, shuffle=True, random_state=42)\n", + "\n", + "model = SVC(random_state=42)\n", + "\n", + "param_grid = {\n", + " 'C': [0.1, 1, 10, 100],\n", + " 'kernel': ['linear', 'poly', 'rbf', 'sigmoid'],\n", + " 'gamma': ['scale', 'auto'],\n", + " 'degree': [2, 3, 4]\n", + "}\n", + "\n", + "grid_search = GridSearchCV(estimator=model, param_grid=param_grid, cv=kf, scoring='accuracy')\n", + "\n", + "start_time = time.time()\n", + "\n", + "grid_search.fit(standard(x), y)\n", + "\n", + "grid_search_time = time.time() - start_time\n", + "print(f\"Time taken for GridSearchCV: {grid_search_time:.2f} seconds\")\n", + "\n", + "best_params = grid_search.best_params_\n", + "\n", + "print(\"Best Hyperparameters:\")\n", + "print(best_params)\n", + "print()\n", + "\n", + "best_model = grid_search.best_estimator_\n", + "\n", + "start_time = time.time()\n", + "\n", + "accuracy_scores = []\n", + "precision_scores = []\n", + "recall_scores = []\n", + "f1_scores = []\n", + "roc_auc_scores = []\n", + "confusion_matrices = []\n", + "\n", + "for train_index, test_index in kf.split(standard(x), y):\n", + " X_train, X_test = x.iloc[train_index], x.iloc[test_index]\n", + " y_train, y_test = y.iloc[train_index], y.iloc[test_index]\n", + "\n", + " best_model.fit(X_train, y_train)\n", + "\n", + " y_pred = best_model.predict(X_test)\n", + "\n", + " accuracy = accuracy_score(y_test, y_pred)\n", + " accuracy_scores.append(accuracy)\n", + " \n", + " precision = precision_score(y_test, y_pred)\n", + " precision_scores.append(precision)\n", + " \n", + " recall = recall_score(y_test, y_pred)\n", + " recall_scores.append(recall)\n", + " \n", + " f1 = f1_score(y_test, y_pred)\n", + " f1_scores.append(f1)\n", + " \n", + " roc_auc = roc_auc_score(y_test, y_pred)\n", + " roc_auc_scores.append(roc_auc)\n", + " \n", + " confusion = confusion_matrix(y_test, y_pred)\n", + " confusion_matrices.append(confusion)\n", + "\n", + "training_time = time.time() - start_time\n", + "print(f\"Time taken for training with best hyperparameters: {training_time:.2f} seconds\")\n", + "print()\n", + "\n", + "mean_accuracy = np.mean(accuracy_scores)\n", + "std_accuracy = np.std(accuracy_scores)\n", + "\n", + "mean_precision = np.mean(precision_scores)\n", + "std_precision = np.std(precision_scores)\n", + "\n", + "mean_recall = np.mean(recall_scores)\n", + "std_recall = np.std(recall_scores)\n", + "\n", + "mean_f1 = np.mean(f1_scores)\n", + "std_f1 = np.std(f1_scores)\n", + "\n", + "mean_roc_auc = np.mean(roc_auc_scores)\n", + "std_roc_auc = np.std(roc_auc_scores)\n", + "\n", + "print(f\"Mean Accuracy: {mean_accuracy}\")\n", + "print(f\"Standard Deviation of Accuracy: {std_accuracy}\")\n", + "\n", + "print(f\"Mean Precision: {mean_precision}\")\n", + "print(f\"Standard Deviation of Precision: {std_precision}\")\n", + "\n", + "print(f\"Mean Recall: {mean_recall}\")\n", + "print(f\"Standard Deviation of Recall: {std_recall}\")\n", + "\n", + "print(f\"Mean F1-score: {mean_f1}\")\n", + "print(f\"Standard Deviation of F1-score: {std_f1}\")\n", + "\n", + "print(f\"Mean ROC AUC: {mean_roc_auc}\")\n", + "print(f\"Standard Deviation of ROC AUC: {std_roc_auc}\")\n", + "print()\n", + "\n", + "total_time = time.time() - start_total_time\n", + "print(f\"Total time taken: {total_time:.2f} seconds\")" + ] + }, + { + "cell_type": "code", + "execution_count": 71, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "x_train: (1800, 13)\n", + "y_train: (1800,)\n", + "x_test: (601, 13)\n", + "y_test: (601,)\n" + ] + } + ], + "source": [ + "from sklearn.model_selection import train_test_split\n", + "\n", + "x_train, x_test, y_train, y_test = train_test_split(x,y,test_size=0.25,random_state=42)\n", + "\n", + "print(\"x_train:\",x_train.shape)\n", + "print(\"y_train:\",y_train.shape)\n", + "print(\"x_test:\",x_test.shape)\n", + "print(\"y_test:\",y_test.shape)" + ] + }, + { + "cell_type": "code", + "execution_count": 72, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Accuracy: 0.6605657237936772\n", + "Precision: 0.0\n", + "Recall: 0.0\n", + "F1 Score: 0.0\n", + "ROC AUC Score: 0.5\n", + "Confusion Matrix:\n", + "[[397 0]\n", + " [204 0]]\n" + ] + } + ], + "source": [ + "model = grid_search.best_estimator_\n", + "\n", + "model.fit(x_train, y_train)\n", + "\n", + "y_pred = model.predict(x_test)\n", + "\n", + "y_pred = (y_pred >= 0.5).astype(int)\n", + "\n", + "print(\"Accuracy:\", accuracy_score(y_test, y_pred))\n", + "print(\"Precision:\", precision_score(y_test, y_pred))\n", + "print(\"Recall:\", recall_score(y_test, y_pred))\n", + "print(\"F1 Score:\", f1_score(y_test, y_pred))\n", + "print(\"ROC AUC Score:\", roc_auc_score(y_test, y_pred))\n", + "print(\"Confusion Matrix:\")\n", + "print(confusion_matrix(y_test, y_pred))" + ] + }, + { + "cell_type": "code", + "execution_count": 73, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAokAAAIjCAYAAABvUIGpAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8pXeV/AAAACXBIWXMAAA9hAAAPYQGoP6dpAABHbUlEQVR4nO3de5yN5f7/8feaYdYcmBmDORXjfBgMUo1JTtswhJzaUsqwxU6jg0GatrNq+uqgVNgdNhKdo02hiVDbpBKRUw1KxYxTZjIYY+b+/dHP2nu5qFnMmjWs17PH/XhY932v+/6stTt89vu67mvZLMuyBAAAAPwPH08XAAAAgPKHJhEAAAAGmkQAAAAYaBIBAABgoEkEAACAgSYRAAAABppEAAAAGGgSAQAAYKBJBAAAgIEmEcAf+v7779WlSxeFhITIZrNpyZIlpXr9H374QTabTfPmzSvV617OOnTooA4dOni6DABejiYRuAzs3r1bf//731WnTh35+/srODhYbdq00bPPPquTJ0+69d7JycnaunWrHn30US1YsEDXXnutW+9XlgYPHiybzabg4ODzfo/ff/+9bDabbDabnnzySZevv3//fk2ePFmbN28uhWoBoGxV8HQBAP7YBx98oL/+9a+y2+0aNGiQmjZtqtOnT+uzzz7T2LFjtW3bNr344otuuffJkyeVmZmpf/zjHxo5cqRb7hETE6OTJ0+qYsWKbrn+n6lQoYJOnDihpUuXqn///k7HFi5cKH9/f506deqirr1//35NmTJFtWrVUosWLUr8vo8++uii7gcApYkmESjH9u7dqwEDBigmJkarV69WVFSU41hKSoqysrL0wQcfuO3+hw4dkiSFhoa67R42m03+/v5uu/6fsdvtatOmjV5//XWjSVy0aJG6d++ud999t0xqOXHihAIDA+Xn51cm9wOAP8JwM1COTZ8+XcePH9crr7zi1CCeVa9ePd1///2O12fOnNG0adNUt25d2e121apVSw8//LAKCgqc3lerVi316NFDn332ma6//nr5+/urTp06evXVVx3nTJ48WTExMZKksWPHymazqVatWpJ+H6Y9++f/NXnyZNlsNqd9GRkZuvHGGxUaGqpKlSqpYcOGevjhhx3HLzQncfXq1Wrbtq2CgoIUGhqqXr16aceOHee9X1ZWlgYPHqzQ0FCFhIRoyJAhOnHixIW/2HPcfvvtWr58uY4dO+bY9+WXX+r777/X7bffbpx/9OhRjRkzRs2aNVOlSpUUHBysbt266ZtvvnGcs2bNGl133XWSpCFDhjiGrc9+zg4dOqhp06bauHGj2rVrp8DAQMf3cu6cxOTkZPn7+xufPykpSVWqVNH+/ftL/FkBoKRoEoFybOnSpapTp45uuOGGEp1/1113aeLEibrmmms0Y8YMtW/fXunp6RowYIBxblZWlm655RZ17txZTz31lKpUqaLBgwdr27ZtkqS+fftqxowZkqTbbrtNCxYs0DPPPONS/du2bVOPHj1UUFCgqVOn6qmnntLNN9+s//znP3/4vo8//lhJSUk6ePCgJk+erNTUVK1fv15t2rTRDz/8YJzfv39//fbbb0pPT1f//v01b948TZkypcR19u3bVzabTe+9955j36JFi9SoUSNdc801xvl79uzRkiVL1KNHDz399NMaO3astm7dqvbt2zsatsaNG2vq1KmSpOHDh2vBggVasGCB2rVr57jOkSNH1K1bN7Vo0ULPPPOMOnbseN76nn32WVWvXl3JyckqKiqSJP3zn//URx99pOeee07R0dEl/qwAUGIWgHIpNzfXkmT16tWrROdv3rzZkmTdddddTvvHjBljSbJWr17t2BcTE2NJstatW+fYd/DgQctut1ujR4927Nu7d68lyXriiSecrpmcnGzFxMQYNUyaNMn633+tzJgxw5JkHTp06IJ1n73H3LlzHftatGhhhYeHW0eOHHHs++abbywfHx9r0KBBxv3+9re/OV2zT58+VtWqVS94z//9HEFBQZZlWdYtt9xiderUybIsyyoqKrIiIyOtKVOmnPc7OHXqlFVUVGR8Drvdbk2dOtWx78svvzQ+21nt27e3JFlz5sw577H27ds77Vu5cqUlyXrkkUesPXv2WJUqVbJ69+79p58RAC4WSSJQTuXl5UmSKleuXKLzP/zwQ0lSamqq0/7Ro0dLkjF3MTY2Vm3btnW8rl69uho2bKg9e/ZcdM3nOjuX8f3331dxcXGJ3nPgwAFt3rxZgwcPVlhYmGN/XFycOnfu7Pic/+vuu+92et22bVsdOXLE8R2WxO233641a9YoOztbq1evVnZ29nmHmqXf5zH6+Pz+r8+ioiIdOXLEMZT+9ddfl/iedrtdQ4YMKdG5Xbp00d///ndNnTpVffv2lb+/v/75z3+W+F4A4CqaRKCcCg4OliT99ttvJTr/xx9/lI+Pj+rVq+e0PzIyUqGhofrxxx+d9tesWdO4RpUqVfTrr79eZMWmW2+9VW3atNFdd92liIgIDRgwQG+99dYfNoxn62zYsKFxrHHjxjp8+LDy8/Od9p/7WapUqSJJLn2Wm266SZUrV9abb76phQsX6rrrrjO+y7OKi4s1Y8YM1a9fX3a7XdWqVVP16tW1ZcsW5ebmlvieV111lUsPqTz55JMKCwvT5s2bNXPmTIWHh5f4vQDgKppEoJwKDg5WdHS0vv32W5fed+6DIxfi6+t73v2WZV30Pc7OlzsrICBA69at08cff6w777xTW7Zs0a233qrOnTsb516KS/ksZ9ntdvXt21fz58/X4sWLL5giStJjjz2m1NRUtWvXTq+99ppWrlypjIwMNWnSpMSJqfT79+OKTZs26eDBg5KkrVu3uvReAHAVTSJQjvXo0UO7d+9WZmbmn54bExOj4uJiff/99077c3JydOzYMceTyqWhSpUqTk8Cn3VuWilJPj4+6tSpk55++mlt375djz76qFavXq1PPvnkvNc+W+euXbuMYzt37lS1atUUFBR0aR/gAm6//XZt2rRJv/3223kf9jnrnXfeUceOHfXKK69owIAB6tKlixITE43vpKQNe0nk5+dryJAhio2N1fDhwzV9+nR9+eWXpXZ9ADgXTSJQjj344IMKCgrSXXfdpZycHOP47t279eyzz0r6fbhUkvEE8tNPPy1J6t69e6nVVbduXeXm5mrLli2OfQcOHNDixYudzjt69Kjx3rOLSp+7LM9ZUVFRatGihebPn+/UdH377bf66KOPHJ/THTp27Khp06bp+eefV2Rk5AXP8/X1NVLKt99+W7/88ovTvrPN7PkaaleNGzdO+/bt0/z58/X000+rVq1aSk5OvuD3CACXisW0gXKsbt26WrRokW699VY1btzY6RdX1q9fr7fffluDBw+WJDVv3lzJycl68cUXdezYMbVv315ffPGF5s+fr969e19weZWLMWDAAI0bN059+vTRfffdpxMnTmj27Nlq0KCB04MbU6dO1bp169S9e3fFxMTo4MGDmjVrlq6++mrdeOONF7z+E088oW7duikhIUFDhw7VyZMn9dxzzykkJESTJ08utc9xLh8fH40fP/5Pz+vRo4emTp2qIUOG6IYbbtDWrVu1cOFC1alTx+m8unXrKjQ0VHPmzFHlypUVFBSk+Ph41a5d26W6Vq9erVmzZmnSpEmOJXnmzp2rDh06aMKECZo+fbpL1wOAEvHw09UASuC7776zhg0bZtWqVcvy8/OzKleubLVp08Z67rnnrFOnTjnOKywstKZMmWLVrl3bqlixolWjRg0rLS3N6RzL+n0JnO7duxv3OXfplQstgWNZlvXRRx9ZTZs2tfz8/KyGDRtar732mrEEzqpVq6xevXpZ0dHRlp+fnxUdHW3ddttt1nfffWfc49xlYj7++GOrTZs2VkBAgBUcHGz17NnT2r59u9M5Z+937hI7c+fOtSRZe/fuveB3alnOS+BcyIWWwBk9erQVFRVlBQQEWG3atLEyMzPPu3TN+++/b8XGxloVKlRw+pzt27e3mjRpct57/u918vLyrJiYGOuaa66xCgsLnc4bNWqU5ePjY2VmZv7hZwCAi2GzLBdmdgMAAMArMCcRAAAABppEAAAAGGgSAQAAYKBJBAAAgIEmEQAAAAaaRAAAABhoEgEAAGC4In9xJaDlSE+XAMBNfv3yeU+XAMBN/D3Ylbizdzi56fL89xZJIgAAAAxXZJIIAADgEhu52bloEgEAAGw2T1dQ7tA2AwAAwECSCAAAwHCzgW8EAAAABpJEAAAA5iQaSBIBAABgIEkEAABgTqKBbwQAAAAGkkQAAADmJBpoEgEAABhuNvCNAAAAwECSCAAAwHCzgSQRAAAABpJEAAAA5iQa+EYAAABgIEkEAABgTqKBJBEAAAAGkkQAAADmJBpoEgEAABhuNtA2AwAAwECSCAAAwHCzgW8EAAAABpJEAAAAkkQD3wgAAAAMJIkAAAA+PN18LpJEAAAAGEgSAQAAmJNooEkEAABgMW0DbTMAAAAMJIkAAAAMNxv4RgAAAGAgSQQAAGBOooEkEQAAAAaSRAAAAOYkGvhGAAAAYCBJBAAAYE6igSYRAACA4WYD3wgAAAAMJIkAAAAMNxtIEgEAAGAgSQQAAGBOooFvBAAAAAaSRAAAAOYkGkgSAQAAYCBJBAAAYE6igSYRAACAJtHANwIAAAADSSIAAAAPrhhIEgEAAMqJ2bNnKy4uTsHBwQoODlZCQoKWL1/uON6hQwfZbDan7e6773a6xr59+9S9e3cFBgYqPDxcY8eO1ZkzZ1yuhSQRAACgnMxJvPrqq/X444+rfv36sixL8+fPV69evbRp0yY1adJEkjRs2DBNnTrV8Z7AwEDHn4uKitS9e3dFRkZq/fr1OnDggAYNGqSKFSvqsccec6kWmkQAAAA3KigoUEFBgdM+u90uu91unNuzZ0+n148++qhmz56tzz//3NEkBgYGKjIy8rz3+uijj7R9+3Z9/PHHioiIUIsWLTRt2jSNGzdOkydPlp+fX4nrLh9tMwAAgCfZbG7b0tPTFRIS4rSlp6f/aUlFRUV64403lJ+fr4SEBMf+hQsXqlq1amratKnS0tJ04sQJx7HMzEw1a9ZMERERjn1JSUnKy8vTtm3bXPpKSBIBAADcKC0tTampqU77zpcinrV161YlJCTo1KlTqlSpkhYvXqzY2FhJ0u23366YmBhFR0dry5YtGjdunHbt2qX33ntPkpSdne3UIEpyvM7OznapbppEAAAAN85JvNDQ8oU0bNhQmzdvVm5urt555x0lJydr7dq1io2N1fDhwx3nNWvWTFFRUerUqZN2796tunXrlmrdDDcDAAC4cbjZVX5+fqpXr55atWql9PR0NW/eXM8+++x5z42Pj5ckZWVlSZIiIyOVk5PjdM7Z1xeax3ghNIkAAADlWHFxsfHgy1mbN2+WJEVFRUmSEhIStHXrVh08eNBxTkZGhoKDgx1D1iXFcDMAAPB6tnKymHZaWpq6deummjVr6rffftOiRYu0Zs0arVy5Urt379aiRYt00003qWrVqtqyZYtGjRqldu3aKS4uTpLUpUsXxcbG6s4779T06dOVnZ2t8ePHKyUlxaUhb4kmEQAAoNw4ePCgBg0apAMHDigkJERxcXFauXKlOnfurJ9++kkff/yxnnnmGeXn56tGjRrq16+fxo8f73i/r6+vli1bphEjRighIUFBQUFKTk52WlexpGyWZVml+eHKg4CWIz1dAgA3+fXL5z1dAgA38fdgdBV0y1y3XTv/nSFuu7Y7MScRAAAABoabAQAAyseUxHKFJBEAAAAGkkQAAOD1ysvTzeUJTSIAAPB6NIkmhpsBAABgIEkEAABejyTRRJIIAAAAA0kiAADweiSJJpJEAAAAGEgSAQAACBINJIkAAAAwkCQCAACvx5xEE0kiAAAADCSJAADA65EkmmgSAQCA16NJNDHcDAAAAANJIgAA8HokiSaSRAAAABhIEgEAAAgSDSSJAAAAMJAkAgAAr8ecRBNJIgAAAAwkiQAAwOuRJJpoEgEAgNejSTQx3AwAAAADSSIAAABBooEkEQAAAAaSRAAA4PWYk2giSQQAAICBJBEAAHg9kkQTSSIAAAAMJIkAAMDrkSSaaBIBAIDXo0k0MdwMAAAAA0kiAAAAQaKBJBEAAAAGkkQAAOD1mJNoIkkEAACAgSQRAAB4PZJEE0kiAAAADCSJAADA65EkmmgSAQAA6BENDDcDAADAQJIIAAC8HsPNJpJEAAAAGEgSAQCA1yNJNJEkAgAAlBOzZ89WXFycgoODFRwcrISEBC1fvtxx/NSpU0pJSVHVqlVVqVIl9evXTzk5OU7X2Ldvn7p3767AwECFh4dr7NixOnPmjMu1kCSi3Bn21xs17Ja2iokOkyTt2JOtx15cro/+s12SVPvqanp8VB8ltKwje8UKyli/Q6n/97YOHv1NktS2VX199PL95732jQOna+P2fWXzQQBckjcWLdT8ua/o8OFDatCwkR56eIKaxcV5uixcocpLknj11Vfr8ccfV/369WVZlubPn69evXpp06ZNatKkiUaNGqUPPvhAb7/9tkJCQjRy5Ej17dtX//nPfyRJRUVF6t69uyIjI7V+/XodOHBAgwYNUsWKFfXYY4+5VIvNsizLHR/SkwJajvR0CbgEN7VrqqLiYmXtOySbbLqjZ7xGJXdS6wGP68f9R/XlW2na+t0vmjbnQ0nSpHu6K6p6iNoNekqWZaliBV+FhQQ6XXPiPT3U8fqGiu052QOfCKXp1y+f93QJKAMrln+o8WkPavykKWrWrLkWLpivjz5aofeXrVDVqlU9XR7cxN+D0VWt+5e57do/PNvjkt4fFhamJ554QrfccouqV6+uRYsW6ZZbbpEk7dy5U40bN1ZmZqZat26t5cuXq0ePHtq/f78iIiIkSXPmzNG4ceN06NAh+fn5lfi+DDej3Plw3bda+dl27d53SFn7DmryC0t1/ESBro+rrYQWdRQTXVXDJr2mbVn7tS1rv+6auEDXxNZUh+sbSJIKzxQp58hvju1Ibr56dIjTq//+3MOfDEBJLZg/V31v6a/effqpbr16Gj9pivz9/bXkvXc9XRquUDabzW1bQUGB8vLynLaCgoI/ramoqEhvvPGG8vPzlZCQoI0bN6qwsFCJiYmOcxo1aqSaNWsqMzNTkpSZmalmzZo5GkRJSkpKUl5enrZt2+bSd+LRJvHw4cOaPn26+vTpo4SEBCUkJKhPnz564okndOjQIU+WhnLCx8emvya1UlCAnzZs2Su7XwVZlqWC0/+dW3Gq4IyKiy3d0KLuea/Ro32cqoYEacH7NInA5aDw9Gnt2L5NrRNucOzz8fFR69Y3aMs3mzxYGa5oNvdt6enpCgkJcdrS09MvWMrWrVtVqVIl2e123X333Vq8eLFiY2OVnZ0tPz8/hYaGOp0fERGh7OxsSVJ2drZTg3j2+NljrvBYsPvll18qKSlJgYGBSkxMVIMGv6dAOTk5mjlzph5//HGtXLlS11577R9ep6CgwOjGreIi2Xx83VY73K9JvWitmT9a/n4VdPxkgW4d/ZJ27snW4V+PK//kaT16fy9NfP7fssmmR+7vpQoVfBVZLfi810runaCMzB365eCxsv0QAC7Kr8d+VVFRkTGsXLVqVe3du8dDVQEXLy0tTampqU777Hb7Bc9v2LChNm/erNzcXL3zzjtKTk7W2rVr3V2mwWNN4r333qu//vWvmjNnjjFZ1LIs3X333br33nsd8emFpKena8qUKU77fCOuU8Wo60u9ZpSd737IUfyAdIVUClCfxJZ6aeqd6nLXs9q5J1sDH3xFMx++Vffc1l7FxZbeWrFRX2/fp+LzTK+9KjxUnRMa645x//LApwAAXC7c+eCK3W7/w6bwXH5+fqpXr54kqVWrVvryyy/17LPP6tZbb9Xp06d17NgxpzQxJydHkZGRkqTIyEh98cUXTtc7+/Tz2XNKymPDzd98841GjRp13v9RbDabRo0apc2bN//pddLS0pSbm+u0VYho5YaKUZYKzxRpz0+HtWnHT5r43L+19btflHJbB0nSqs93qsnNU1SzU5qu7viQhk54VdHhofrh58PGde7s1VpHcvO1bO2WMv4EAC5WldAq8vX11ZEjR5z2HzlyRNWqVfNQVYDnFBcXq6CgQK1atVLFihW1atUqx7Fdu3Zp3759SkhIkCQlJCRo69atOnjwoOOcjIwMBQcHKzY21qX7eixJPNvpNmrU6LzHv/jiC2NM/XzO150z1Hzl8bHZZPdz/tv1yLF8SVL76xooPKySlq3darxv0M2ttWjZFzpzprhM6gRw6Sr6+alxbBNt+DxTf+n0+wT94uJibdiQqQG33eHh6nClKi9L4KSlpalbt26qWbOmfvvtNy1atEhr1qzRypUrFRISoqFDhyo1NVVhYWEKDg7Wvffeq4SEBLVu3VqS1KVLF8XGxurOO+/U9OnTlZ2drfHjxyslJcWlNFPyYJM4ZswYDR8+XBs3blSnTp0cDWFOTo5WrVqll156SU8++aSnyoMHTb33Zq38zzb9dOBXVQ7y163drlW7a+ur5z2zJEl33txau/Zm69CvxxUfV1tPjr1Fzy38RN//eNDpOh2ub6DaV1fT3MXrPfExAFyCO5OHaMLD49SkSVM1bRan1xbM18mTJ9W7T19Plwa41cGDBzVo0CAdOHBAISEhiouL08qVK9W5c2dJ0owZM+Tj46N+/fqpoKBASUlJmjVrluP9vr6+WrZsmUaMGKGEhAQFBQUpOTlZU6dOdbkWj66T+Oabb2rGjBnauHGjioqKJP3+4Vq1aqXU1FT179//oq7LOomXt9mTblfH6xsqslqwco+f0rff/6Kn5n6s1Rt2SpKm3Xez7ujZWmEhgfpx/1G9/M5nmvnaauM68x4brJpRVfSXITPK+iPAjVgn0Xu8vvA1x2LaDRs11riHxysurrmny4IbeXKdxHpjlv/5SRcp68lubru2O5WLxbQLCwt1+PDv88mqVaumihUrXtL1aBKBKxdNInDlokksX8rFz/JVrFhRUVFRni4DAAB4qfIyJ7E8KRdNIgAAgCfRI5r4WT4AAAAYSBIBAIDXY7jZRJIIAAAAA0kiAADwegSJJpJEAAAAGEgSAQCA1/PxIUo8F0kiAAAADCSJAADA6zEn0USTCAAAvB5L4JgYbgYAAICBJBEAAHg9gkQTSSIAAAAMJIkAAMDrMSfRRJIIAAAAA0kiAADweiSJJpJEAAAAGEgSAQCA1yNINNEkAgAAr8dws4nhZgAAABhIEgEAgNcjSDSRJAIAAMBAkggAALwecxJNJIkAAAAwkCQCAACvR5BoIkkEAACAgSQRAAB4PeYkmkgSAQAAYCBJBAAAXo8g0USTCAAAvB7DzSaGmwEAAGAgSQQAAF6PINFEkggAAAADSSIAAPB6zEk0kSQCAADAQJIIAAC8HkGiiSQRAAAABpJEAADg9ZiTaKJJBAAAXo8e0cRwMwAAAAwkiQAAwOsx3GwiSQQAAICBJBEAAHg9kkQTSSIAAAAMJIkAAMDrESSaSBIBAADKifT0dF133XWqXLmywsPD1bt3b+3atcvpnA4dOshmszltd999t9M5+/btU/fu3RUYGKjw8HCNHTtWZ86ccakWkkQAAOD1ysucxLVr1yolJUXXXXedzpw5o4cfflhdunTR9u3bFRQU5Dhv2LBhmjp1quN1YGCg489FRUXq3r27IiMjtX79eh04cECDBg1SxYoV9dhjj5W4FppEAADg9cpJj6gVK1Y4vZ43b57Cw8O1ceNGtWvXzrE/MDBQkZGR573GRx99pO3bt+vjjz9WRESEWrRooWnTpmncuHGaPHmy/Pz8SlQLw80AAABuVFBQoLy8PKetoKCgRO/Nzc2VJIWFhTntX7hwoapVq6amTZsqLS1NJ06ccBzLzMxUs2bNFBER4diXlJSkvLw8bdu2rcR10yQCAACvd+4cv9Lc0tPTFRIS4rSlp6f/aU3FxcV64IEH1KZNGzVt2tSx//bbb9drr72mTz75RGlpaVqwYIHuuOMOx/Hs7GynBlGS43V2dnaJvxOGmwEAANwoLS1NqampTvvsdvufvi8lJUXffvutPvvsM6f9w4cPd/y5WbNmioqKUqdOnbR7927VrVu3dIoWTSIAAIBb5yTa7fYSNYX/a+TIkVq2bJnWrVunq6+++g/PjY+PlyRlZWWpbt26ioyM1BdffOF0Tk5OjiRdcB7j+TDcDAAAUE5YlqWRI0dq8eLFWr16tWrXrv2n79m8ebMkKSoqSpKUkJCgrVu36uDBg45zMjIyFBwcrNjY2BLXQpIIAAC8nk85ebw5JSVFixYt0vvvv6/KlSs75hCGhIQoICBAu3fv1qJFi3TTTTepatWq2rJli0aNGqV27dopLi5OktSlSxfFxsbqzjvv1PTp05Wdna3x48crJSXFpUSTJBEAAKCcmD17tnJzc9WhQwdFRUU5tjfffFOS5Ofnp48//lhdunRRo0aNNHr0aPXr109Lly51XMPX11fLli2Tr6+vEhISdMcdd2jQoEFO6yqWBEkiAADweuUkSJRlWX94vEaNGlq7du2fXicmJkYffvjhJdVCkwgAALxeefnFlfKE4WYAAAAYSBIBAIDX8yFINJAkAgAAwECSCAAAvB5zEk0kiQAAADCQJAIAAK9HkGgiSQQAAICBJBEAAHg9m4gSz0WTCAAAvB5L4JgYbgYAAICBJBEAAHg9lsAxkSQCAADAQJIIAAC8HkGiiSQRAAAABpJEAADg9XyIEg0kiQAAADCUSpN47Nix0rgMAACAR9hs7tsuVy43if/3f/+nN9980/G6f//+qlq1qq666ip98803pVocAABAWbDZbG7bLlcuN4lz5sxRjRo1JEkZGRnKyMjQ8uXL1a1bN40dO7bUCwQAAEDZc/nBlezsbEeTuGzZMvXv319dunRRrVq1FB8fX+oFAgAAuNtlHPi5jctJYpUqVfTTTz9JklasWKHExERJkmVZKioqKt3qAAAA4BEuJ4l9+/bV7bffrvr16+vIkSPq1q2bJGnTpk2qV69eqRcIAADgbiyBY3K5SZwxY4Zq1aqln376SdOnT1elSpUkSQcOHNA999xT6gUCAACg7LncJFasWFFjxowx9o8aNapUCgIAAChr5IimEjWJ//73v0t8wZtvvvmiiwEAAED5UKImsXfv3iW6mM1m4+EVAABw2bmc1zN0lxI1icXFxe6uAwAAwGN86BENl/SzfKdOnSqtOgAAAFCOuNwkFhUVadq0abrqqqtUqVIl7dmzR5I0YcIEvfLKK6VeIAAAgLvxs3wml5vERx99VPPmzdP06dPl5+fn2N+0aVO9/PLLpVocAAAAPMPlJvHVV1/Viy++qIEDB8rX19exv3nz5tq5c2epFgcAAFAWbDb3bZcrl5vEX3755by/rFJcXKzCwsJSKQoAAACe5XKTGBsbq08//dTY/84776hly5alUhQAAEBZYk6iyeVfXJk4caKSk5P1yy+/qLi4WO+995527dqlV199VcuWLXNHjQAAAChjLieJvXr10tKlS/Xxxx8rKChIEydO1I4dO7R06VJ17tzZHTUCAAC4lY/NfdvlyuUkUZLatm2rjIyM0q4FAADAIy7nYWF3uagmUZK++uor7dixQ9Lv8xRbtWpVakUBAADAs1xuEn/++Wfddttt+s9//qPQ0FBJ0rFjx3TDDTfojTfe0NVXX13aNQIAALgVOaLJ5TmJd911lwoLC7Vjxw4dPXpUR48e1Y4dO1RcXKy77rrLHTUCAACgjLmcJK5du1br169Xw4YNHfsaNmyo5557Tm3bti3V4gAAAMqCD3MSDS4niTVq1DjvotlFRUWKjo4ulaIAAADgWS43iU888YTuvfdeffXVV459X331le6//349+eSTpVocAABAWeBn+UwlGm6uUqWK06Ph+fn5io+PV4UKv7/9zJkzqlChgv72t7+pd+/ebikUAAAAZadETeIzzzzj5jIAAAA8h3USTSVqEpOTk91dBwAAAMqRi15MW5JOnTql06dPO+0LDg6+pIIAAADKGkGiyeUHV/Lz8zVy5EiFh4crKChIVapUcdoAAAAuNz42m9s2V6Snp+u6665T5cqVFR4ert69e2vXrl1O55w6dUopKSmqWrWqKlWqpH79+iknJ8fpnH379ql79+4KDAxUeHi4xo4dqzNnzrj2nbh0tqQHH3xQq1ev1uzZs2W32/Xyyy9rypQpio6O1quvvurq5QAAAPD/rV27VikpKfr888+VkZGhwsJCdenSRfn5+Y5zRo0apaVLl+rtt9/W2rVrtX//fvXt29dxvKioSN27d9fp06e1fv16zZ8/X/PmzdPEiRNdqsVmWZblyhtq1qypV199VR06dFBwcLC+/vpr1atXTwsWLNDrr7+uDz/80KUC3CGg5UhPlwDATX798nlPlwDATfwvaRLcpbnnve1uu/asvrEX/d5Dhw4pPDxca9euVbt27ZSbm6vq1atr0aJFuuWWWyRJO3fuVOPGjZWZmanWrVtr+fLl6tGjh/bv36+IiAhJ0pw5czRu3DgdOnRIfn5+Jbq3y0ni0aNHVadOHUm/zz88evSoJOnGG2/UunXrXL0cAADAFa2goEB5eXlOW0FBQYnem5ubK0kKCwuTJG3cuFGFhYVKTEx0nNOoUSPVrFlTmZmZkqTMzEw1a9bM0SBKUlJSkvLy8rRt27YS1+1yk1inTh3t3bvXUdRbb70lSVq6dKlCQ0NdvRwAAIDH2Ww2t23p6ekKCQlx2tLT0/+0puLiYj3wwANq06aNmjZtKknKzs6Wn5+f0XNFREQoOzvbcc7/Nohnj589VlIuB7tDhgzRN998o/bt2+uhhx5Sz5499fzzz6uwsFBPP/20q5cDAAC4oqWlpSk1NdVpn91u/9P3paSk6Ntvv9Vnn33mrtL+kMtN4qhRoxx/TkxM1M6dO7Vx40bVq1dPcXFxpVrcxRr0jxGeLgEAAFxGXB5adYHdbi9RU/i/Ro4cqWXLlmndunW6+uqrHfsjIyN1+vRpHTt2zClNzMnJUWRkpOOcL774wul6Z59+PntOSVzydxITE6O+ffuWmwYRAADgcmVZlkaOHKnFixdr9erVql27ttPxVq1aqWLFilq1apVj365du7Rv3z4lJCRIkhISErR161YdPHjQcU5GRoaCg4MVG1vyh2hKlCTOnDmzxBe87777SnwuAABAeVBefpYvJSVFixYt0vvvv6/KlSs75hCGhIQoICBAISEhGjp0qFJTUxUWFqbg4GDde++9SkhIUOvWrSVJXbp0UWxsrO68805Nnz5d2dnZGj9+vFJSUlxKNEu0BM65XewFL2azac+ePSW+ubv8/Z2SP7kD4PLybO8mni4BgJt4cgmcB97f6bZrP9OrUYnPvVCzOnfuXA0ePFjS74tpjx49Wq+//roKCgqUlJSkWbNmOQ0l//jjjxoxYoTWrFmjoKAgJScn6/HHH1eFCiX/kl1eJ/FyQJMIXLloEoErF01i+eLB/zkAAADKB5/yMdpcrrjzYR4AAABcpkgSAQCA1ysvD66UJySJAAAAMJAkAgAAr8ecRNNFJYmffvqp7rjjDiUkJOiXX36RJC1YsMBjPxsDAACA0uVyk/juu+8qKSlJAQEB2rRpkwoKCiRJubm5euyxx0q9QAAAAHez2dy3Xa5cbhIfeeQRzZkzRy+99JIqVqzo2N+mTRt9/fXXpVocAABAWfCx2dy2Xa5cbhJ37dqldu3aGftDQkJ07Nix0qgJAAAAHuZykxgZGamsrCxj/2effaY6deqUSlEAAABlyceN2+XK5dqHDRum+++/Xxs2bJDNZtP+/fu1cOFCjRkzRiNGjHBHjQAAAChjLi+B89BDD6m4uFidOnXSiRMn1K5dO9ntdo0ZM0b33nuvO2oEAABwq8t46qDbuNwk2mw2/eMf/9DYsWOVlZWl48ePKzY2VpUqVXJHfQAAAPCAi15M28/PT7GxsaVZCwAAgEdczk8hu4vLTWLHjh3/8PcNV69efUkFAQAAwPNcbhJbtGjh9LqwsFCbN2/Wt99+q+Tk5NKqCwAAoMwQJJpcbhJnzJhx3v2TJ0/W8ePHL7kgAACAssZvN5tKbfmeO+64Q//6179K63IAAADwoIt+cOVcmZmZ8vf3L63LAQAAlBkeXDG53CT27dvX6bVlWTpw4IC++uorTZgwodQKAwAAgOe43CSGhIQ4vfbx8VHDhg01depUdenSpdQKAwAAKCsEiSaXmsSioiINGTJEzZo1U5UqVdxVEwAAADzMpQdXfH191aVLFx07dsxN5QAAAJQ9H5v7tsuVy083N23aVHv27HFHLQAAACgnXG4SH3nkEY0ZM0bLli3TgQMHlJeX57QBAABcbmxu/OtyVeI5iVOnTtXo0aN10003SZJuvvlmp5/nsyxLNptNRUVFpV8lAACAG13Ow8LuUuImccqUKbr77rv1ySefuLMeAAAAlAMlbhIty5IktW/f3m3FAAAAeAJJosmlOYk2FhECAADwCi6tk9igQYM/bRSPHj16SQUBAACUNYIwk0tN4pQpU4xfXAEAAMCVx6UmccCAAQoPD3dXLQAAAB7BnERTieckEsMCAAB4D5efbgYAALjSkIWZStwkFhcXu7MOAAAAj/GhSzS4/LN8AAAAuPK59OAKAADAlYgHV0wkiQAAADCQJAIAAK/HlEQTSSIAAAAMJIkAAMDr+Ygo8VwkiQAAADCQJAIAAK/HnEQTTSIAAPB6LIFjYrgZAAAABpJEAADg9fhZPhNJIgAAAAw0iQAAwOvZbO7bXLVu3Tr17NlT0dHRstlsWrJkidPxwYMHy2azOW1du3Z1Oufo0aMaOHCggoODFRoaqqFDh+r48eMu1UGTCAAAUI7k5+erefPmeuGFFy54TteuXXXgwAHH9vrrrzsdHzhwoLZt26aMjAwtW7ZM69at0/Dhw12qgzmJAADA65WnOYndunVTt27d/vAcu92uyMjI8x7bsWOHVqxYoS+//FLXXnutJOm5557TTTfdpCeffFLR0dElqoMkEQAAwI0KCgqUl5fntBUUFFzSNdesWaPw8HA1bNhQI0aM0JEjRxzHMjMzFRoa6mgQJSkxMVE+Pj7asGFDie9BkwgAALyeO+ckpqenKyQkxGlLT0+/6Fq7du2qV199VatWrdL//d//ae3aterWrZuKiookSdnZ2QoPD3d6T4UKFRQWFqbs7OwS34fhZgAA4PXcmZqlpaUpNTXVaZ/dbr/o6w0YMMDx52bNmikuLk5169bVmjVr1KlTp4u+7rlIEgEAANzIbrcrODjYabuUJvFcderUUbVq1ZSVlSVJioyM1MGDB53OOXPmjI4ePXrBeYznQ5MIAAC83rlLypTm5m4///yzjhw5oqioKElSQkKCjh07po0bNzrOWb16tYqLixUfH1/i6zLcDAAAUI4cP37ckQpK0t69e7V582aFhYUpLCxMU6ZMUb9+/RQZGandu3frwQcfVL169ZSUlCRJaty4sbp27aphw4Zpzpw5Kiws1MiRIzVgwIASP9kskSQCAADI5sbNVV999ZVatmypli1bSpJSU1PVsmVLTZw4Ub6+vtqyZYtuvvlmNWjQQEOHDlWrVq306aefOg1hL1y4UI0aNVKnTp1000036cYbb9SLL77oUh0kiQAAAOVIhw4dZFnWBY+vXLnyT68RFhamRYsWXVIdNIkAAMDrlafFtMsLhpsBAABgIEkEAABejxzRRJMIAAC8HqPNJoabAQAAYCBJBAAAXq8sFr2+3JAkAgAAwECSCAAAvB6pmYnvBAAAAAaSRAAA4PWYk2giSQQAAICBJBEAAHg9ckQTSSIAAAAMJIkAAMDrMSfRRJMIAAC8HkOrJr4TAAAAGEgSAQCA12O42USSCAAAAANJIgAA8HrkiCaSRAAAABhIEgEAgNdjSqKJJBEAAAAGkkQAAOD1fJiVaKBJBAAAXo/hZhPDzQAAADCQJAIAAK9nY7jZQJIIAAAAA0kiAADwesxJNJEkAgAAwECSCAAAvB5L4JhIEgEAAGAgSQQAAF6POYkmmkQAAOD1aBJNDDcDAADAQJIIAAC8Hotpm0gSAQAAYCBJBAAAXs+HINFAkggAAAADSSIAAPB6zEk0kSQCAADAQJIIAAC8HuskmmgSAQCA12O42cRwMwAAAAwkiQAAwOuxBI6JJBEAAAAGkkQAAOD1mJNoIkkEAACAgSYR5U7XhtWU9pc6erZXIz3Ro6FGJNRQRCU/p3Mq+Nh0W4soPdWzoZ7t3Uh/b11Dle2+571ekJ+vHr+pgf55SxMFVORveeBy8caiherW+S+6rmUzDRzwV23dssXTJeEKZrO5b3PVunXr1LNnT0VHR8tms2nJkiVOxy3L0sSJExUVFaWAgAAlJibq+++/dzrn6NGjGjhwoIKDgxUaGqqhQ4fq+PHjLtXBfzFR7jSoHqg1u4/q8U/26tlPf5Cvj033t42Rn+9//0nr3zxScdGV9OLnP+upNT8oNKCC7k6oed7rDWoVrZ9zT5VV+QBKwYrlH+rJ6en6+z0peuPtxWrYsJFG/H2ojhw54unSALfLz89X8+bN9cILL5z3+PTp0zVz5kzNmTNHGzZsUFBQkJKSknTq1H//Wzdw4EBt27ZNGRkZWrZsmdatW6fhw4e7VAdNIsqdmZ/tU+aPx3Qgr0A/5xZo3pe/qGqQn2KqBEiS/Cv4qE3tUL39TY52HcrXvmOnNO+rX1SvWqBqhwU4XatdnSoK8PNVxnf8hwW4nCyYP1d9b+mv3n36qW69eho/aYr8/f215L13PV0arlA2N26u6tatmx555BH16dPHOGZZlp555hmNHz9evXr1UlxcnF599VXt37/fkTju2LFDK1as0Msvv6z4+HjdeOONeu655/TGG29o//79Ja6DJhHlXkDF34eR808XSZJiqgSogo+Pdhz8b2ye89tpHck/rTpVAx37oirb1aNxdc394hdZssq2aAAXrfD0ae3Yvk2tE25w7PPx8VHr1jdoyzebPFgZrmQ+NpvbtoKCAuXl5TltBQUFF1Xn3r17lZ2drcTERMe+kJAQxcfHKzMzU5KUmZmp0NBQXXvttY5zEhMT5ePjow0bNpT8O7moCsvITz/9pL/97W9/eM75vviiwtNlVCHczSapf4tIZR3O1/683/+BCvavoMKiYp0sLHY6N6/gjEL8f39gv4KPTUPjr9a7W3P068nCsi4bwCX49divKioqUtWqVZ32V61aVYcPH/ZQVcDFS09PV0hIiNOWnp5+UdfKzs6WJEVERDjtj4iIcBzLzs5WeHi40/EKFSooLCzMcU5JlOsm8ejRo5o/f/4fnnO+L37T4pfKqEK4220toxQdbNdLG3526X19moYr+7cCbdiX66bKAABXEncON6elpSk3N9dpS0tLK8NPd3E8uk7iv//97z88vmfPnj+9RlpamlJTU532pX6w+5LqQvkwoEWkmkVV1pNr9urYyTOO/Xmnzqiir48CKvo4pYnB9grKPfX7eQ3Dg3RViL+uuSpW0n+fLnuqZyMt33lIS7cfKrsPAsAlVUKryNfX13hI5ciRI6pWrZqHqgIunt1ul91uL5VrRUZGSpJycnIUFRXl2J+Tk6MWLVo4zjl48KDT+86cOaOjR4863l8SHm0Se/fuLZvNJsu68Hwx2588O36+L963ot8FzsblYkCLSLW4KlhPr/1BR044Dxf/+OtJnSkuVqPwIG365TdJUkQlP1UN8tOeIyckSXMyf5Kf73+D8lpVApR83VV6cs1eHcpnOgJQnlX081Pj2Cba8Hmm/tLp93lXxcXF2rAhUwNuu8PD1eGKdZmspV27dm1FRkZq1apVjqYwLy9PGzZs0IgRIyRJCQkJOnbsmDZu3KhWrVpJklavXq3i4mLFx8eX+F4ebRKjoqI0a9Ys9erV67zHN2/e7Phw8B63tYzS9TVCNGv9Pp0qLFaw/fe/TU8WFqmw2NKpM8X6z95j+mtcpPJPF+lUYbEGtIzS7iMntPfoSUnS4XznxrLS/19D8cBvBcZcRgDlz53JQzTh4XFq0qSpmjaL02sL5uvkyZPq3aevp0sD3O748ePKyspyvN67d682b96ssLAw1axZUw888IAeeeQR1a9fX7Vr19aECRMUHR2t3r17S5IaN26srl27atiwYZozZ44KCws1cuRIDRgwQNHR0SWuw6NNYqtWrbRx48YLNol/ljLiytShbpgkaUyH2k775335izJ/PCZJeuubbFlWpO5OqKEKPj7annNci74+UNalAnCTrt1u0q9Hj2rW8zN1+PAhNWzUWLP++bKqMtwMNylPP8v31VdfqWPHjo7XZ6fVJScna968eXrwwQeVn5+v4cOH69ixY7rxxhu1YsUK+fv7O96zcOFCjRw5Up06dZKPj4/69eunmTNnulSHzfJgF/bpp58qPz9fXbt2Pe/x/Px8ffXVV2rfvr1L1/37O9tKozwA5dCzvZt4ugQAbuLvwehqw273PegYXzfEbdd2J48miW3btv3D40FBQS43iAAAAK66mJ/Pu9J5tEkEAAAoD+gRTeV6nUQAAAB4BkkiAAAAUaKBJBEAAAAGkkQAAOD1ytMSOOUFSSIAAAAMJIkAAMDrsQSOiSQRAAAABpJEAADg9QgSTTSJAAAAdIkGhpsBAABgIEkEAABejyVwTCSJAAAAMJAkAgAAr8cSOCaSRAAAABhIEgEAgNcjSDSRJAIAAMBAkggAAECUaKBJBAAAXo8lcEwMNwMAAMBAkggAALweS+CYSBIBAABgIEkEAABejyDRRJIIAAAAA0kiAAAAUaKBJBEAAAAGkkQAAOD1WCfRRJIIAAAAA0kiAADweqyTaKJJBAAAXo8e0cRwMwAAAAwkiQAAAESJBpJEAAAAGEgSAQCA12MJHBNJIgAAAAwkiQAAwOuxBI6JJBEAAAAGkkQAAOD1CBJNNIkAAAB0iQaGmwEAAGAgSQQAAF6PJXBMJIkAAAAwkCQCAACvxxI4JpJEAAAAGEgSAQCA1yNINJEkAgAAwECSCAAAQJRoIEkEAABez+bGv1wxefJk2Ww2p61Ro0aO46dOnVJKSoqqVq2qSpUqqV+/fsrJySntr0MSTSIAAEC50qRJEx04cMCxffbZZ45jo0aN0tKlS/X2229r7dq12r9/v/r27euWOhhuBgAAXq88LYFToUIFRUZGGvtzc3P1yiuvaNGiRfrLX/4iSZo7d64aN26szz//XK1bty7VOkgSAQAA3KigoEB5eXlOW0FBwQXP//777xUdHa06depo4MCB2rdvnyRp48aNKiwsVGJiouPcRo0aqWbNmsrMzCz1umkSAQCA17O5cUtPT1dISIjTlp6eft464uPjNW/ePK1YsUKzZ8/W3r171bZtW/3222/Kzs6Wn5+fQkNDnd4TERGh7Ozs0vw6JDHcDAAA4FZpaWlKTU112me32897brdu3Rx/jouLU3x8vGJiYvTWW28pICDArXWeiyYRAADAjXMS7Xb7BZvCPxMaGqoGDRooKytLnTt31unTp3Xs2DGnNDEnJ+e8cxgvFcPNAAAA5dTx48e1e/duRUVFqVWrVqpYsaJWrVrlOL5r1y7t27dPCQkJpX5vkkQAAOD1XF3P0F3GjBmjnj17KiYmRvv379ekSZPk6+ur2267TSEhIRo6dKhSU1MVFham4OBg3XvvvUpISCj1J5slmkQAAIByswTOzz//rNtuu01HjhxR9erVdeONN+rzzz9X9erVJUkzZsyQj4+P+vXrp4KCAiUlJWnWrFluqcVmWZbllit70N/f2ebpEgC4ybO9m3i6BABu4u/B6Grf0QsvSXOpaoZd3HxETyNJBAAAXq+cBInlCg+uAAAAwECSCAAAvF55mZNYnpAkAgAAwECSCAAAwKxEA0kiAAAADCSJAADA6zEn0USTCAAAvB49oonhZgAAABhIEgEAgNdjuNlEkggAAAADSSIAAPB6NmYlGkgSAQAAYCBJBAAAIEg0kCQCAADAQJIIAAC8HkGiiSYRAAB4PZbAMTHcDAAAAANJIgAA8HosgWMiSQQAAICBJBEAAIAg0UCSCAAAAANJIgAA8HoEiSaSRAAAABhIEgEAgNdjnUQTTSIAAPB6LIFjYrgZAAAABpJEAADg9RhuNpEkAgAAwECTCAAAAANNIgAAAAzMSQQAAF6POYkmkkQAAAAYSBIBAIDXY51EE00iAADwegw3mxhuBgAAgIEkEQAAeD2CRBNJIgAAAAwkiQAAAESJBpJEAAAAGEgSAQCA12MJHBNJIgAAAAwkiQAAwOuxTqKJJBEAAAAGkkQAAOD1CBJNNIkAAAB0iQaGmwEAAGCgSQQAAF7P5sa/LsYLL7ygWrVqyd/fX/Hx8friiy9K+RP/OZpEAACAcuTNN99UamqqJk2apK+//lrNmzdXUlKSDh48WKZ10CQCAACvZ7O5b3PV008/rWHDhmnIkCGKjY3VnDlzFBgYqH/961+l/8H/AE0iAACAGxUUFCgvL89pKygoOO+5p0+f1saNG5WYmOjY5+Pjo8TERGVmZpZVyZKu0Keb/3lLE0+XgDJSUFCg9PR0paWlyW63e7ocAKWIf75Rlvzd2BFNfiRdU6ZMcdo3adIkTZ482Tj38OHDKioqUkREhNP+iIgI7dy5031FnofNsiyrTO8IlKK8vDyFhIQoNzdXwcHBni4HQCnin29cKQoKCozk0G63n/f//Ozfv19XXXWV1q9fr4SEBMf+Bx98UGvXrtWGDRvcXu9ZV2SSCAAAUF5cqCE8n2rVqsnX11c5OTlO+3NychQZGemO8i6IOYkAAADlhJ+fn1q1aqVVq1Y59hUXF2vVqlVOyWJZIEkEAAAoR1JTU5WcnKxrr71W119/vZ555hnl5+dryJAhZVoHTSIua3a7XZMmTWJSO3AF4p9veKtbb71Vhw4d0sSJE5Wdna0WLVpoxYoVxsMs7saDKwAAADAwJxEAAAAGmkQAAAAYaBIBAABgoEkEAACAgSYRl7UXXnhBtWrVkr+/v+Lj4/XFF194uiQAl2jdunXq2bOnoqOjZbPZtGTJEk+XBHglmkRctt58802lpqZq0qRJ+vrrr9W8eXMlJSXp4MGDni4NwCXIz89X8+bN9cILL3i6FMCrsQQOLlvx8fG67rrr9Pzzz0v6fUX6GjVq6N5779VDDz3k4eoAlAabzabFixerd+/eni4F8DokibgsnT59Whs3blRiYqJjn4+PjxITE5WZmenBygAAuDLQJOKydPjwYRUVFRmrz0dERCg7O9tDVQEAcOWgSQQAAICBJhGXpWrVqsnX11c5OTlO+3NychQZGemhqgAAuHLQJOKy5Ofnp1atWmnVqlWOfcXFxVq1apUSEhI8WBkAAFeGCp4uALhYqampSk5O1rXXXqvrr79ezzzzjPLz8zVkyBBPlwbgEhw/flxZWVmO13v37tXmzZsVFhammjVrerAywLuwBA4ua88//7yeeOIJZWdnq0WLFpo5c6bi4+M9XRaAS7BmzRp17NjR2J+cnKx58+aVfUGAl6JJBAAAgIE5iQAAADDQJAIAAMBAkwgAAAADTSIAAAAMNIkAAAAw0CQCAADAQJMIAAAAA00iAAAADDSJAC7Z4MGD1bt3b8frDh066IEHHijzOtasWSObzaZjx45d8BybzaYlS5aU+JqTJ09WixYtLqmuH374QTabTZs3b76k6wBAWaJJBK5QgwcPls1mk81mk5+fn+rVq6epU6fqzJkzbr/3e++9p2nTppXo3JI0dgCAslfB0wUAcJ+uXbtq7ty5Kigo0IcffqiUlBRVrFhRaWlpxrmnT5+Wn59fqdw3LCysVK4DAPAckkTgCma32xUZGamYmBiNGDFCiYmJ+ve//y3pv0PEjz76qKKjo9WwYUNJ0k8//aT+/fsrNDRUYWFh6tWrl3744QfHNYuKipSamqrQ0FBVrVpVDz74oM79Cfhzh5sLCgo0btw41ahRQ3a7XfXq1dMrr7yiH374QR07dpQkValSRTabTYMHD5YkFRcXKz09XbVr11ZAQICaN2+ud955x+k+H374oRo0aKCAgAB17NjRqc6SGjdunBo0aKDAwEDVqVNHEyZMUGFhoXHeP//5T9WoUUOBgYHq37+/cnNznY6//PLLaty4sfz9/dWoUSPNmjXrgvf89ddfNXDgQFWvXl0BAQGqX7++5s6d63LtAOBOJImAFwkICNCRI0ccr1etWqXg4GBlZGRIkgoLC5WUlKSEhAR9+umnqlChgh555BF17dpVW7ZskZ+fn5566inNmzdP//rXv9S4cWM99dRTWrx4sf7yl79c8L6DBg1SZmamZs6cqebNm2vv3r06fPiwatSooXfffVf9+vXTrl27FBwcrICAAElSenq6XnvtNc2ZM0f169fXunXrdMcdd6h69epq3769fvrpJ/Xt21cpKSkaPny4vvrqK40ePdrl76Ry5cqaN2+eoqOjtXXrVg0bNkyVK1fWgw8+6DgnKytLb731lpYuXaq8vDwNHTpU99xzjxYuXChJWrhwoSZOnKjnn39eLVu21KZNmzRs2DAFBQUpOTnZuOeECRO0fft2LV++XNWqVVNWVpZOnjzpcu0A4FYWgCtScnKy1atXL8uyLKu4uNjKyMiw7Ha7NWbMGMfxiIgIq6CgwPGeBQsWWA0bNrSKi4sd+woKCqyAgABr5cqVlmVZVlRUlDV9+nTH8cLCQuvqq6923MuyLKt9+/bW/fffb1mWZe3atcuSZGVkZJy3zk8++cSSZP3666+OfadOnbICAwOt9evXO507dOhQ67bbbrMsy7LS0tKs2NhYp+Pjxo0zrnUuSdbixYsvePyJJ56wWrVq5Xg9adIky9fX1/r5558d+5YvX275+PhYBw4csCzLsurWrWstWrTI6TrTpk2zEhISLMuyrL1791qSrE2bNlmWZVk9e/a0hgwZcsEaAKA8IEkErmDLli1TpUqVVFhYqOLiYt1+++2aPHmy43izZs2c5iF+8803ysrKUuXKlZ2uc+rUKe3evVu5ubk6cOCA4uPjHccqVKiga6+91hhyPmvz5s3y9fVV+/btS1x3VlaWTpw4oc6dOzvtP336tFq2bClJ2rFjh1MdkpSQkFDie5z15ptvaubMmdq9e7eOHz+uM2fOKDg42OmcmjVr6qqrrnK6T3FxsXbt2qXKlStr9+7dGjp0qIYNG+Y458yZMwoJCTnvPUeMGKF+/frp66+/VpcuXdS7d2/dcMMNLtcOAO5EkwhcwTp27KjZs2fLz89P0dHRqlDB+R/5oKAgp9fHjx9Xq1atHMOo/6t69eoXVcPZ4WNXHD9+XJL0wQcfODVn0u/zLEtLZmamBg4cqClTpigpKUkhISF644039NRTT7lc60svvWQ0rb6+vud9T7du3fTjjz/qww8/VEZGhjp16qSUlBQ9+eSTF/9hAKCU0SQCV7CgoCDVq1evxOdfc801evPNNxUeHm6kaWdFRUVpw4YNateunaTfE7ONGzfqmmuuOe/5zZo1U3FxsdauXavExETj+Nkks6ioyLEvNjZWdrtd+/btu2AC2bhxY8dDOGd9/vnnf/4h/8f69esVExOjf/zjH459P/74o3Hevn37tH//fkVHRzvu4+Pjo4YNGyoiIkLR0dHas2ePBg4cWOJ7V69eXcnJyUpOTlbbtm01duxYmkQA5QpPNwNwGDhwoKpVq6ZevXrp008/1d69e7VmzRrdd999+vnnnyVJ999/vx5//HEtWbJEO3fu1D333POHaxzWqlVLycnJ+tvf/qYlS5Y4rvnWW29JkmJiYmSz2bRs2TIdOnRIx48fV+XKlTVmzBiNGjVK8+fP1+7du/X111/rueee0/z58yVJd999t77//nuNHTtWu3bt0qJFizRv3jyXPm/9+vW1b98+vfHGG9q9e7dmzpypxYsXG+f5+/srOTlZ33zzjT799FPdd9996t+/vyIjIyVJU6ZMUXp6umbOnKnvvvtOW7du1dy5c/X000+f974TJ07U+++/r6ysLG3btk3Lli1T48aNXaodANyNJhGAQ2BgoNatW6eaNWuqb9++aty4sYYOHapTp045ksXRo0frzjvvVHJyshISElS5cmX16dPnD687e/Zs3XLLLbrnnnvUqFEjDRs2TPn5+ZKkq666SlOmTNFDDz2kiIgIjRw5UpI0bdo0TZgwQenp6WrcuLG6du2qDz74QLVr15b0+zzBd999V0uWLFHz5s01Z84cPfbYYy593ptvvlmjRo3SyJEj1aJFC61fv14TJkwwzqtXr5769u2rm266SV26dFFcXJzTEjd33XWXXn75Zc2dO1fNmjVT+/btNW/ePEet5/Lz81NaWpri4uLUrl07+fr66o033nCpdgBwN5t1odnmAAAA8FokiQAAADDQJAIAAMBAkwgAAAADTSIAAAAMNIkAAAAw0CQCAADAQJMIAAAAA00iAAAADDSJAAAAMNAkAgAAwECTCAAAAMP/A4xM3k/yI+BMAAAAAElFTkSuQmCC", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "plot_confusion_matrix(y_test, y_pred,(0,1))" + ] + }, + { + "cell_type": "code", + "execution_count": 74, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAr4AAAIjCAYAAADlfxjoAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8pXeV/AAAACXBIWXMAAA9hAAAPYQGoP6dpAACXEklEQVR4nOzdd3yN5//H8dfJFiIJQYwgapQSe8swWq1WadWorVOrA9UWVaMt2ipFh9WiqlqKfquLlp/YjRoxatWqPYIkhCSSc/3+UKfSBAmJO+P9fDzyaM/n3ON9Ts6Jz7nOdd+3zRhjEBERERHJ5ZysDiAiIiIicieo8RURERGRPEGNr4iIiIjkCWp8RURERCRPUOMrIiIiInmCGl8RERERyRPU+IqIiIhInqDGV0RERETyBDW+IiIiIpInqPEVuUPKli1Lz549rY6R54SFhREWFmZ1jJsaPnw4NpuNqKgoq6NkOzabjeHDh2fKtg4ePIjNZmPmzJmZsj2A9evX4+bmxt9//51p28xsnTp1okOHDlbHELGcGl/JFWbOnInNZnP8uLi4ULJkSXr27MnRo0etjpetxcXF8fbbbxMUFISnpyfe3t4EBwcza9YscsoVzXfs2MHw4cM5ePCg1VFSSU5OZsaMGYSFhVGoUCHc3d0pW7YsvXr1YsOGDVbHyxRz5sxh/PjxVsdI4U5meuONN3j88ccpU6aMoxYWFpbib1K+fPkICgpi/Pjx2O32NLdz5swZXn31VSpVqoSHhweFChWiZcuW/Pjjj9fdd2xsLCNGjKB69eoUKFCAfPnyUbVqVV5//XWOHTvmWO71119nwYIFbNmyJd2PKy+8diXvsZmc8i+byA3MnDmTXr168dZbbxEYGEh8fDy///47M2fOpGzZsmzfvh0PDw9LMyYkJODk5ISrq6ulOa518uRJmjdvzs6dO+nUqROhoaHEx8ezYMECVq5cSceOHfnqq69wdna2OuoNzZ8/n/bt27N8+fJUo7uJiYkAuLm53fFcly5d4tFHH2Xx4sWEhITQunVrChUqxMGDB5k3bx579uzh0KFDlCpViuHDhzNixAhOnz6Nn5/fHc96Ox566CG2b9+eZR884uPjcXFxwcXF5bYzGWNISEjA1dU1U17XkZGR1KxZk7Vr19KwYUNHPSwsjH379jF69GgAoqKimDNnDn/88QeDBw9m5MiRKbaze/dumjdvzunTp+nVqxd16tQhOjqar776isjISAYMGMCYMWNSrLN//35atGjBoUOHaN++PU2aNMHNzY2tW7fy9ddfU6hQIfbs2eNYvn79+lSqVIlZs2bd9HFl5LUrkqMYkVxgxowZBjB//PFHivrrr79uADN37lyLklnr0qVLJjk5+br3t2zZ0jg5OZnvv/8+1X0DBgwwgHn33XezMmKaLly4kKHlv/32WwOY5cuXZ02gW9SnTx8DmA8//DDVfUlJSWbMmDHm8OHDxhhjhg0bZgBz+vTpLMtjt9vNxYsXM327Dz74oClTpkymbjM5OdlcunTpltfPikxpeemll0zp0qWN3W5PUQ8NDTX33HNPitqlS5dMmTJljJeXl0lKSnLUExMTTdWqVY2np6f5/fffU6yTlJRkOnbsaADzzTffOOqXL1821atXN56enmbVqlWpcsXExJjBgwenqH3wwQcmf/785vz58zd9XBl57d6O2/09i2SUGl/JFa7X+P74448GMKNGjUpR37lzp2nXrp3x9fU17u7upnbt2mk2f+fOnTN9+/Y1ZcqUMW5ubqZkyZKmW7duKZqT+Ph4M3ToUHPXXXcZNzc3U6pUKfPqq6+a+Pj4FNsqU6aM6dGjhzHGmD/++MMAZubMman2uXjxYgOYH374wVE7cuSI6dWrlylatKhxc3MzVapUMZ9//nmK9ZYvX24A8/XXX5s33njDlChRwthsNnPu3Lk0n7N169YZwDzxxBNp3n/58mVToUIF4+vr62iWDhw4YAAzZswYM27cOFO6dGnj4eFhQkJCzLZt21JtIz3P89XfXXh4uHnuuedMkSJFjI+PjzHGmIMHD5rnnnvOVKxY0Xh4eJhChQqZxx57zBw4cCDV+v/9udoEh4aGmtDQ0FTP09y5c80777xjSpYsadzd3U2zZs3MX3/9leoxfPzxxyYwMNB4eHiYunXrmpUrV6baZloOHz5sXFxczL333nvD5a662vj+9ddfpkePHsbb29sULFjQ9OzZ08TFxaVYdvr06aZp06amSJEixs3NzVSuXNl8+umnqbZZpkwZ8+CDD5rFixeb2rVrG3d3d0cjk95tGGPMzz//bEJCQkyBAgWMl5eXqVOnjvnqq6+MMVee3/8+99c2nOl9fwCmT58+Zvbs2aZKlSrGxcXFfPfdd477hg0b5lg2NjbWvPzyy473ZZEiRUyLFi3Mxo0bb5rp6mt4xowZKfa/c+dO0759e+Pn52c8PDxMxYoVUzWOaSldurTp2bNnqnpaja8xxjz22GMGMMeOHXPUvv76awOYt956K819REdHGx8fH3P33Xc7at98840BzMiRI2+a8aotW7YYwCxcuPCGy2X0tdujR480P2RcfU1fK63f87x584yvr2+az2NMTIxxd3c3r7zyiqOW3teUSFrS/72RSA509WtOX19fR+3PP/+kcePGlCxZkoEDB5I/f37mzZtH27ZtWbBgAY888ggAFy5cIDg4mJ07d/LEE09Qq1YtoqKiWLRoEUeOHMHPzw+73c7DDz/M6tWreeaZZ6hcuTLbtm3jww8/ZM+ePfzvf/9LM1edOnUoV64c8+bNo0ePHinumzt3Lr6+vrRs2RK4Mh2hQYMG2Gw2XnjhBYoUKcIvv/zCk08+SWxsLH379k2x/ttvv42bmxsDBgwgISHhul/x//DDDwB07949zftdXFzo3LkzI0aMYM2aNbRo0cJx36xZszh//jx9+vQhPj6eCRMm0KxZM7Zt20axYsUy9Dxf9fzzz1OkSBGGDh1KXFwcAH/88Qdr166lU6dOlCpVioMHDzJp0iTCwsLYsWMHnp6ehISE8NJLLzFx4kQGDx5M5cqVARz/vZ53330XJycnBgwYQExMDO+//z5dunQhIiLCscykSZN44YUXCA4Opl+/fhw8eJC2bdvi6+t70694f/nlF5KSkujWrdsNl/uvDh06EBgYyOjRo9m0aROfffYZRYsW5b333kuR65577uHhhx/GxcWFH374geeffx673U6fPn1SbG/37t08/vjjPPvsszz99NNUqlQpQ9uYOXMmTzzxBPfccw+DBg3Cx8eHzZs3s3jxYjp37swbb7xBTEwMR44c4cMPPwSgQIECABl+f/zf//0f8+bN44UXXsDPz4+yZcum+Rz17t2b+fPn88ILL1ClShXOnDnD6tWr2blzJ7Vq1bphprRs3bqV4OBgXF1deeaZZyhbtiz79u3jhx9+SDUl4VpHjx7l0KFD1KpV67rL/NfVg+t8fHwctZu9F729vWnTpg1ffPEFe/fupXz58ixatAggQ6+vKlWqkC9fPtasWZPq/XetW33tptd/f88VKlTgkUceYeHChUyZMiXF36z//e9/JCQk0KlTJyDjrymRVKzuvEUyw9VRv6VLl5rTp0+bw4cPm/nz55siRYoYd3f3FF/JNW/e3FSrVi3F6IDdbjeNGjUyFSpUcNSGDh163dGRq19rfvnll8bJySnVV42TJ082gFmzZo2jdu2IrzHGDBo0yLi6upqzZ886agkJCcbHxyfFKOyTTz5pihcvbqKiolLso1OnTsbb29sxGnt1JLNcuXLp+jq7bdu2BrjuiLAxxixcuNAAZuLEicaYf0fL8uXLZ44cOeJYLiIiwgCmX79+jlp6n+erv7smTZqk+PrXGJPm47g6Uj1r1ixH7UZTHa434lu5cmWTkJDgqE+YMMEAjpHrhIQEU7hwYVO3bl1z+fJlx3IzZ840wE1HfPv162cAs3nz5hsud9XV0bH/jsA/8sgjpnDhwilqaT0vLVu2NOXKlUtRK1OmjAHM4sWLUy2fnm1ER0cbLy8vU79+/VRfR1/71f71phVk5P0BGCcnJ/Pnn3+m2g7/GfH19vY2ffr0SbXcta6XKa0R35CQEOPl5WX+/vvv6z7GtCxdujTVtzNXhYaGmrvvvtucPn3anD592uzatcu8+uqrBjAPPvhgimVr1KhhvL29b7ivcePGGcAsWrTIGGNMzZo1b7pOWipWrGgeeOCBGy6T0dduRkd80/o9L1myJM3nslWrVilekxl5TYmkRWd1kFylRYsWFClShICAAB577DHy58/PokWLHKNzZ8+e5f/+7//o0KED58+fJyoqiqioKM6cOUPLli3566+/HGeBWLBgAdWrV09zZMRmswHw7bffUrlyZe6++27HtqKiomjWrBkAy5cvv27Wjh07cvnyZRYuXOio/frrr0RHR9OxY0fgyoE4CxYsoHXr1hhjUuyjZcuWxMTEsGnTphTb7dGjB/ny5bvpc3X+/HkAvLy8rrvM1ftiY2NT1Nu2bUvJkiUdt+vVq0f9+vX5+eefgYw9z1c9/fTTqQ42uvZxXL58mTNnzlC+fHl8fHxSPe6M6tWrV4qRpeDgYODKAUMAGzZs4MyZMzz99NMpDqrq0qVLim8Qrufqc3aj5zctvXv3TnE7ODiYM2fOpPgdXPu8xMTEEBUVRWhoKPv37ycmJibF+oGBgY5vD66Vnm389ttvnD9/noEDB6Y6OPTqe+BGMvr+CA0NpUqVKjfdro+PDxERESnOWnCrTp8+zcqVK3niiScoXbp0ivtu9hjPnDkDcN3Xw65duyhSpAhFihTh7rvvZsyYMTz88MOpTqV2/vz5m75O/vtejI2NzfBr62rWm50y71Zfu+mV1u+5WbNm+Pn5MXfuXEft3Llz/Pbbb46/h3B7f3NFADTVQXKVTz75hIoVKxITE8P06dNZuXIl7u7ujvv37t2LMYY333yTN998M81tnDp1ipIlS7Jv3z7atWt3w/399ddf7Ny5kyJFilx3W9dTvXp17r77bubOncuTTz4JXJnm4Ofn5/gjfvr0aaKjo5k6dSpTp05N1z4CAwNvmPmqq/+onT9/PsXXrte6XnNcoUKFVMtWrFiRefPmARl7nm+U+9KlS4wePZoZM2Zw9OjRFKdX+2+Dl1H/bXKuNi/nzp0DcJyTtXz58imWc3Fxue5X8NcqWLAg8O9zmBm5rm5zzZo1DBs2jHXr1nHx4sUUy8fExODt7e24fb3XQ3q2sW/fPgCqVq2aocdwVUbfH+l97b7//vv06NGDgIAAateuTatWrejevTvlypXLcMarH3Ru9TEC1z3tX9myZZk2bRp2u519+/YxcuRITp8+nepDhJeX102b0f++FwsWLOjIntGsN2vob/W1m15p/Z5dXFxo164dc+bMISEhAXd3dxYuXMjly5dTNL638zdXBNT4Si5Tr1496tSpA1wZlWzSpAmdO3dm9+7dFChQwHH+zAEDBqQ5CgapG50bsdvtVKtWjXHjxqV5f0BAwA3X79ixIyNHjiQqKgovLy8WLVrE448/7hhhvJq3a9euqeYCXxUUFJTidnpGe+HKHNj//e9/bN26lZCQkDSX2bp1K0C6RuGudSvPc1q5X3zxRWbMmEHfvn1p2LAh3t7e2Gw2OnXqdN1zoabX9U5ldb0mJqPuvvtuALZt20aNGjXSvd7Ncu3bt4/mzZtz9913M27cOAICAnBzc+Pnn3/mww8/TPW8pPW8ZnQbtyqj74/0vnY7dOhAcHAw3333Hb/++itjxozhvffeY+HChTzwwAO3nTu9ChcuDPz7Yem/8ufPn2JufOPGjalVqxaDBw9m4sSJjnrlypWJjIzk0KFDqT74XPXf9+Ldd9/N5s2bOXz48E3/zlzr3LlzaX5wvVZGX7vXa6STk5PTrF/v99ypUyemTJnCL7/8Qtu2bZk3bx5333031atXdyxzu39zRdT4Sq7l7OzM6NGjadq0KR9//DEDBw50jAi5urqm+AcpLXfddRfbt2+/6TJbtmyhefPm6frq9786duzIiBEjWLBgAcWKFSM2NtZxEAdAkSJF8PLyIjk5+aZ5M+qhhx5i9OjRzJo1K83GNzk5mTlz5uDr60vjxo1T3PfXX3+lWn7Pnj2OkdCMPM83Mn/+fHr06MHYsWMdtfj4eKKjo1MsdyvP/c1cvRjB3r17adq0qaOelJTEwYMHU33g+K8HHngAZ2dnZs+enakHCf3www8kJCSwaNGiFE1SRr7iTe827rrrLgC2b99+ww+E13v+b/f9cSPFixfn+eef5/nnn+fUqVPUqlWLkSNHOhrf9O7v6mv1Zu/1tFxtEA8cOJCu5YOCgujatStTpkxhwIABjuf+oYce4uuvv2bWrFkMGTIk1XqxsbF8//333H333Y7fQ+vWrfn666+ZPXs2gwYNStf+k5KSOHz4MA8//PANl8voa9fX1zfVexLI8JXsQkJCKF68OHPnzqVJkyb83//9H2+88UaKZbLyNSV5g+b4Sq4WFhZGvXr1GD9+PPHx8RQtWpSwsDCmTJnC8ePHUy1/+vRpx/+3a9eOLVu28N1336Va7uroW4cOHTh69CjTpk1LtcylS5ccZye4nsqVK1OtWjXmzp3L3LlzKV68eIom1NnZmXbt2rFgwYI0/2G+Nm9GNWrUiBYtWjBjxow0rwz1xhtvsGfPHl577bVUIzT/+9//UszRXb9+PREREY6mIyPP8404OzunGoH96KOPUo0k5c+fHyDNf3xvVZ06dShcuDDTpk0jKSnJUf/qq6+uO8J3rYCAAJ5++ml+/fVXPvroo1T32+12xo4dy5EjRzKU6+qI8H+nfcyYMSPTt3Hffffh5eXF6NGjiY+PT3Hftevmz58/zaknt/v+SEtycnKqfRUtWpQSJUqQkJBw00z/VaRIEUJCQpg+fTqHDh1Kcd/NRv9LlixJQEBAhq5i9tprr3H58uUUI5aPPfYYVapU4d133021LbvdznPPPce5c+cYNmxYinWqVavGyJEjWbduXar9nD9/PlXTuGPHDuLj42nUqNENM2b0tXvXXXcRExPjGJUGOH78eJp/O2/EycmJxx57jB9++IEvv/ySpKSkFNMcIGteU5K3aMRXcr1XX32V9u3bM3PmTHr37s0nn3xCkyZNqFatGk8//TTlypXj5MmTrFu3jiNHjjgu6fnqq686rgj2xBNPULt2bc6ePcuiRYuYPHky1atXp1u3bsybN4/evXuzfPlyGjduTHJyMrt27WLevHksWbLEMfXiejp27MjQoUPx8PDgySefxMkp5efRd999l+XLl1O/fn2efvppqlSpwtmzZ9m0aRNLly7l7Nmzt/zczJo1i+bNm9OmTRs6d+5McHAwCQkJLFy4kPDwcDp27Mirr76aar3y5cvTpEkTnnvuORISEhg/fjyFCxfmtddecyyT3uf5Rh566CG+/PJLvL29qVKlCuvWrWPp0qWOr5ivqlGjBs7Ozrz33nvExMTg7u5Os2bNKFq06C0/N25ubgwfPpwXX3yRZs2a0aFDBw4ePMjMmTO566670jXaNHbsWPbt28dLL73EwoULeeihh/D19eXQoUN8++237Nq1K8UIf3rcd999uLm50bp1a5599lkuXLjAtGnTKFq0aJofMm5nGwULFuTDDz/kqaeeom7dunTu3BlfX1+2bNnCxYsX+eKLLwCoXbs2c+fOpX///tStW5cCBQrQunXrTHl//Nf58+cpVaoUjz32mOMyvUuXLuWPP/5I8c3A9TKlZeLEiTRp0oRatWrxzDPPEBgYyMGDB/npp5+IjIy8YZ42bdrw3XffpWvuLFyZqtCqVSs+++wz3nzzTQoXLoybmxvz58+nefPmNGnSJMWV2+bMmcOmTZt45ZVXUrxWXF1dWbhwIS1atCAkJIQOHTrQuHFjXF1d+fPPPx3f1lx7OrbffvsNT09P7r333pvmzMhrt1OnTrz++us88sgjvPTSS1y8eJFJkyZRsWLFDB+E2rFjRz766COGDRtGtWrVUp2WMCteU5LH3PkTSYhkvutdwMKYK1cGuuuuu8xdd93lOF3Wvn37TPfu3Y2/v79xdXU1JUuWNA899JCZP39+inXPnDljXnjhBVOyZEnHidJ79OiR4tRiiYmJ5r333jP33HOPcXd3N76+vqZ27dpmxIgRJiYmxrHcf09ndtVff/3lOMn+6tWr03x8J0+eNH369DEBAQHG1dXV+Pv7m+bNm5upU6c6lrl6mq5vv/02Q8/d+fPnzfDhw80999xj8uXLZ7y8vEzjxo3NzJkzU53O6doLWIwdO9YEBAQYd3d3ExwcbLZs2ZJq2+l5nm/0uzt37pzp1auX8fPzMwUKFDAtW7Y0u3btSvO5nDZtmilXrpxxdnZO1wUs/vs8Xe/CBhMnTjRlypQx7u7upl69embNmjWmdu3a5v7770/Hs3vlKlefffaZCQ4ONt7e3sbV1dWUKVPG9OrVK8Xpoq535barz8+1F+1YtGiRCQoKMh4eHqZs2bLmvffeM9OnT0+13NULWKQlvdu4umyjRo1Mvnz5TMGCBU29evXM119/7bj/woULpnPnzsbHxyfVBSzS+/7gnwsbpIVrTmeWkJBgXn31VVO9enXj5eVl8ufPb6pXr57q4hvXy3S93/P27dvNI488Ynx8fIyHh4epVKmSefPNN9PMc61NmzYZINXpta53AQtjjAkPD091ijZjjDl16pTp37+/KV++vHF3dzc+Pj6mRYsWjlOYpeXcuXNm6NChplq1asbT09N4eHiYqlWrmkGDBpnjx4+nWLZ+/fqma9euN31MV6X3tWuMMb/++qupWrWqcXNzM5UqVTKzZ8++4QUsrsdut5uAgAADmHfeeSfNZdL7mhJJi82YTDqSQ0RyvYMHDxIYGMiYMWMYMGCA1XEsYbfbKVKkCI8++miaX7dK3tO8eXNKlCjBl19+aXWU64qMjKRWrVps2rQpQwdbiuQ2muMrInId8fHxqeZ5zpo1i7NnzxIWFmZNKMl2Ro0axdy5czN8MNed9O677/LYY4+p6ZU8T3N8RUSu4/fff6dfv360b9+ewoULs2nTJj7//HOqVq1K+/btrY4n2UT9+vVJTEy0OsYNffPNN1ZHEMkW1PiKiFxH2bJlCQgIYOLEiZw9e5ZChQrRvXt33n333RRXfRMRkZxBc3xFREREJE/QHF8RERERyRPU+IqIiIhInpDn5vja7XaOHTuGl5eXLncoIiIikg0ZYzh//jwlSpRIdWGn25HnGt9jx44REBBgdQwRERERuYnDhw9TqlSpTNtenmt8vby8gCtPZMGCBS1OIyIiIiL/FRsbS0BAgKNvyyx5rvG9Or2hYMGCanxFREREsrHMnpaqg9tEREREJE9Q4ysiIiIieYIaXxERERHJE9T4ioiIiEieoMZXRERERPIENb4iIiIikieo8RURERGRPEGNr4iIiIjkCWp8RURERCRPUOMrIiIiInmCGl8RERERyRPU+IqIiIhInqDGV0RERETyBDW+IiIiIpInqPEVERERkTzB0sZ35cqVtG7dmhIlSmCz2fjf//5303XCw8OpVasW7u7ulC9fnpkzZ2Z5ThERERHJ+SxtfOPi4qhevTqffPJJupY/cOAADz74IE2bNiUyMpK+ffvy1FNPsWTJkixOKiIiIiI5nYuVO3/ggQd44IEH0r385MmTCQwMZOzYsQBUrlyZ1atX8+GHH9KyZcusiikiIiIid4g9yc7coX9mybZz1BzfdevW0aJFixS1li1bsm7duuuuk5CQQGxsbIofEREREcl+TkYeZ5N/K1pPaJYl289Rje+JEycoVqxYilqxYsWIjY3l0qVLaa4zevRovL29HT8BAQF3IqqIiIiIZEDE4O9xrhVEnTNL8CQ+S/aRoxrfWzFo0CBiYmIcP4cPH7Y6koiIiIj8I+5UHCur9Kb+6Lb4mSgATtmKZsm+clTj6+/vz8mTJ1PUTp48ScGCBcmXL1+a67i7u1OwYMEUPyIiIiJivZ2zN3KyVG1Cdk5x1H4v3haXP37Pkv3lqMa3YcOGLFu2LEXtt99+o2HDhhYlEhEREZGMSk5MJvyB9yjfrQHlLu8GIA5PVnWbSv0jCylUoXCW7NfSxvfChQtERkYSGRkJXDldWWRkJIcOHQKuTFPo3r27Y/nevXuzf/9+XnvtNXbt2sWnn37KvHnz6NevnxXxRURERCSDDh+GB5vHU3LxZ7iSBMAOz9qcWryZ4FlPY3OyZdm+LW18N2zYQM2aNalZsyYA/fv3p2bNmgwdOhSA48ePO5pggMDAQH766Sd+++03qlevztixY/nss890KjMRERGRHGDuXAgKgiWr89OZOSTgRnjDQZQ/uZbAlhWzfP82Y4zJ8r1kI7GxsXh7exMTE6P5viIiIiJ3QOzR8wztG8uE+SUdtYAAmDvuKA0fK5l6+Szq13LUHF8RERERyVm2TV3HubI1aD+/A87/TG3o1Am2biXNpjcrWXrlNhERERHJnZLik1h1/0iCV7yNC8mUYT9D3d6j3Odv0KUL2LJuKu91qfEVERERkUx1KHw/Ma270vTCv1fX3erViF4/diYgxLpcmuogIiIiIpnC2A2rn5mFT9MaVPun6U3CmfBmb1Hl1AoCQgItzacRXxERERG5bdEHzrEjtDdNDs9z1P52Kcf5SV8R9lQDC5P9S42viIiIiNyWVT/FEtimBo2S/z0N7aryPamxYiJlSnhZmCwlTXUQERERkVuSmAgDB0Jo64LMT34EgHM2X9b1m0fwXzPwykZNL2jEV0RERERuwe7d0LkzbNp05fZA3qVciXjqfvcGDesFWBvuOtT4ioiIiEi6GbthVfdpfD3PmU2XnwTA1RXeHunBQ69MxikbzydQ4ysiIiIi6RK18zR7mz1NyInvqUM+wmmEqVSZOXOgVi2r091cNu7JRURERCS7+GPkryRXDaLBie8B8OQSIxv8yKZNOaPpBY34ioiIiMgNxEfH83vTQYRFjnfUomx+7H9jOo++3dq6YLdAja+IiIiIpGnPgm3QpQthCdsctT/87qfMshnUC/K3MNmt0VQHEREREUnBnmwIf3QipR+rS8V/mt543FnRbiJ1Tv5M0RzY9IIaXxERERG5xvHj0K7lBQK/G4sHCQDs9gji8MINhM5/EZuTzeKEt06Nr4iIiIgA8P33EBQE/1vmRVdmk4Qz4bX6UeZ4BBUeqWp1vNumxldEREQkj4s7FcerPU7Rti1ERV2p7SsezLqZewjbOA4PHw9L82UWNb4iIiIiedjO2Rs5Wao29896HBt2ANq2ha1bIbhHOWvDZTKd1UFEREQkD0pOTGZVmw9ovHgIriRRjt287vohd336Ck8+CbacO5X3utT4ioiIiOQxxyIOc7Jld8Jiwh21HZ61eWZhawJbWpcrq2mqg4iIiEgesrbvPDwbBlHzn6bXjo3whoMof3ItgS0rWhsui2nEV0RERCQPiD0Sy5awlwje94WjdtQ5gNNjvyTs5VALk905anxFREREcrn1v8VQrFUtgpP2O2prS3fknhWTKFnW18Jkd5amOoiIiIjkUklJMHw4NHrAm1+TmgEQixdrnp1FwwNf452Hml7QiK+IiIhIrrR/P3TtCuvWXbndjw8p7XeJKvPfonFo7jpNWXqp8RURERHJRYzdsKb3l3w+y5V1CY8D4OwMrw8rQPNBs3HJw91fHn7oIiIiIrlL9IFz7AjtTZPD86hOAVZSD8rdxVdfQYMGVqeznub4ioiIiOQCkePDuVghiEaH5wHgxQXerT2fyEg1vVdpxFdEREQkB0u8kMjaFkMJiXgfJwwA0TYfdvadSvtx7S1Ol72o8RURERHJofb/spuEdp0Ju7TJUdvsE4b/klk0rBdgYbLsSVMdRERERHIYYzes7DIF/1Y1qfxP05uIK+Gt3qf66WUUV9ObJjW+IiIiIjnI6dPQ5aEYKswZjieXANjvVol9s38n7KdXcXJRe3c9emZEREREcojFiyEoCL7+xYeezARgZZXe+B/dROUutawNlwOo8RURERHJ5uKj4xnc+ywPPAAnTlypbS7SkuUfbyfkz0l4+nlaGzCH0MFtIiIiItnYngXbsHXpTKOEMsAPgI3774cZM8Df/x6r4+UoGvEVERERyYbsSXZWPDqB0o/VpULCdh7iJ15wmczEifDzz+Dvb3XCnEcjviIiIiLZzMnI4xxu0YvQM0sctd0eQbw0J5gKj1gYLIfTiK+IiIhINhIx+HucawVR55qmN7xWP8ocj6DCI1UtTJbzacRXREREJBuIOxXHxrBXCNk5xVE74VScI+98Qdigey1Mlnuo8RURERGxWOTycxRs2ZCQy7sdtd+Lt6XC8mnUqeRnYbLcRVMdRERERCySnAzvvQd17/Nl3eXaAMThyaru06h/ZCGF1fRmKo34ioiIiFjg8GHo1g1WrLhyuw+fUNznEoHfvEtwy4rWhsul1PiKiIiI3GFr+87j48/cWRHXBgCbDZ4f6EOT4Qtxc7M4XC6mxldERETkDok9EsuWsJcI3vcFd+PLSrbiFFCKL7+E0FCr0+V+muMrIiIicgdsm7qO6MAaBO/7AoBCnGNM0Gy2blXTe6doxFdEREQkCyXFJ7H6/ndosuIdXEgGIBYvtj37CZ0+7YpNw5B3jBpfERERkSxyKHw/Ma27EnZhnaO21asRvj/OpnFIoIXJ8iZ9xhARERHJZMZuWP3MF/g2rU61f5reJJwJbzqCKqdWEKCm1xJqfEVEREQy0blz8OSj57h72it4cQGAv13KsWvaasL+byguHvrC3SpqfEVEREQySXg4BAXBjO8L8RSfAbCqfE8K/R1J1acaWBtO1PiKiIiI3K7EC4kM7XeeZs3gyJErtZW+bfnt3Q0E/zUDrxJe1gYUQAe3iYiIiNyW/b/sJqFdZ+65VB7DN4CNpk1h1iwoVaq21fHkGmp8RURERG6BsRtWdZtKnTn98OQSldnEEucHqTy6O6+8Ak76Xj3bUeMrIiIikkFRO0+zr9lThJxY5Kjtd6vEq9OrUrmLhcHkhvRZRERERCQDNoxcQnLVIOpf0/SurNIb/6ObqNylloXJ5GY04isiIiKSDvHR8fzedBBhkeMdtSibH/vfmE7I262tCybppsZXRERE5CZ2rD6LS4swwhK2OWp/+N1PmWUzqBfkb2EyyQhNdRARERG5DrsdJkyAWs192ZFQDoB43FnRbiJ1Tv5MUTW9OYpGfEVERETScPw49OoFS5YA2HiKzyha4BJFZo0l9JGqVseTW6DGV0REROQ/It5YxNiP3VkS29JR697Pj1qjluDhYWEwuS1qfEVERET+EXcqjo1hrxCycwofUZRwtuFSvCgzZ8J991mdTm6X5viKiIiIADtnb+RUqVqE7JwCQDFOMbbKdLZuVdObW2jEV0RERPK05MRkVrX5gMaLh+BKEgBxeLKp23i6znwKm4YJcw01viIiIpJnHYs4zKmW3QiLWeGo7fCsTb6FcwhuWdHCZJIV9BlGRERE8qS1fefh2TCIGv80vXZshDccRPmTawlU05srqfEVERGRPCU2Fvp0jOKeCU/jY6IBOOocwNbxywlbOwq3Am7WBpQso8ZXRERE8ox166BGDfh0nh/PMQmAtaU7UmDvFmq8HGptOMlyanxFREQk10uKT2LkGxcJDoYDB67UfvTqzK9vrKDhga/xLutrbUC5I3Rwm4iIiORqh8L3E9O6K8Uv3E0y0wFo1Ahmz4bAwBCL08mdpMZXREREciVjN6zp/SXVp/WhNBeoxjqWOD1A1eHtGTQIXNQF5Tn6lYuIiEiuE33gHDtCe9Pk8DxH7W+Xcrw5KYCqT1kYTCylOb4iIiKSq0SOD+dihSAaXdP0rirfk0J/R1L1qQYWJhOracRXREREcoXEC4msbTGUkIj3ccIAcM7my66+Uwge197idJIdqPEVERGRHO+v38+Q1Ow+wi5tctQ2+zTF/9dZNKxbysJkkp1oqoOIiIjkWMbAlClQo6kvhy75AZCIK+Gt3qf66aUUV9Mr11DjKyIiIjnS6dPQti307g0X453oyUw25GvCvtm/E/bTqzi5qM2RlDTVQURERHKcP0b+yqhxHiw6++95eB95rjhVPliFp6eFwSRbs/yj0CeffELZsmXx8PCgfv36rF+//obLjx8/nkqVKpEvXz4CAgLo168f8fHxdyitiIiIWCk+Op7wmv2oO6QlE892wYdzFCkCixbBp5+iplduyNLGd+7cufTv359hw4axadMmqlevTsuWLTl16lSay8+ZM4eBAwcybNgwdu7cyeeff87cuXMZPHjwHU4uIiIid9qeBds45F+PsMjxAARwhLEVp7J1K7RubW02yRksbXzHjRvH008/Ta9evahSpQqTJ0/G09OT6dOnp7n82rVrady4MZ07d6Zs2bLcd999PP744zcdJRYREZGcy55kZ8WjEyj9WF0qJmwDIB53VrSbSK+dr+Hvb3FAyTEsa3wTExPZuHEjLVq0+DeMkxMtWrRg3bp1aa7TqFEjNm7c6Gh09+/fz88//0yrVq2uu5+EhARiY2NT/IiIiEjOcDLyOJv8WxH6XV88SABgj0c1Di/cQOj8F7E52SxOKDmJZQe3RUVFkZycTLFixVLUixUrxq5du9Jcp3PnzkRFRdGkSROMMSQlJdG7d+8bTnUYPXo0I0aMyNTsIiIikvUiBn/PXe8+RR0T5aiF1+pHg2Wj8PDxsDCZ5FSWH9yWEeHh4YwaNYpPP/2UTZs2sXDhQn766Sfefvvt664zaNAgYmJiHD+HDx++g4lFREQko+LiYECP09wzugt+/zS9J5yKs3HUEsI2jlPTK7fMshFfPz8/nJ2dOXnyZIr6yZMn8b/OZJ0333yTbt268dRTTwFQrVo14uLieOaZZ3jjjTdwckrdx7u7u+Pu7p75D0BEREQy3caN0Lkz7NlThGjG8xlPE+HfhvLhn1G7kp/V8SSHs2zE183Njdq1a7Ns2TJHzW63s2zZMho2bJjmOhcvXkzV3Do7OwNgjMm6sCIiIpKlkhOT+WBkAg0awJ49V2pf53uSxS//Qr2j31FYTa9kAksvYNG/f3969OhBnTp1qFevHuPHjycuLo5evXoB0L17d0qWLMno0aMBaN26NePGjaNmzZrUr1+fvXv38uabb9K6dWtHAywiIiI5y7GIw5xs2R33mKok8REAtWvDnDk2Kla83+J0kptY2vh27NiR06dPM3ToUE6cOEGNGjVYvHix44C3Q4cOpRjhHTJkCDabjSFDhnD06FGKFClC69atGTlypFUPQURERG7D2r7zqDLxWWqaaGoSzmIeoPqgVgwfDm5uVqeT3MZm8tgcgdjYWLy9vYmJiaFgwYJWxxEREcmTYo/EsiXsJYL3feGoHXUO4PSHX1HjxWALk0l2kFX9mqUjviIiIpL3bJu6joJ9uhKctN9RWxvQkXtWTqJkWV8Lk0lul6NOZyYiIiI5V1J8EsvDRlD52WDK/NP0xuLF6mdn0fDg13ir6ZUsphFfERERyXIHN57hfFhrml749+qsW70a4fvjbJqEBFqYTPISjfiKiIhIljEGZs2C6qE+nLtwZbwtCWfCm46gyqkVBKjplTtIja+IiIhkiXPnoFMn6NEDYuOc6caXbHerxa5pqwn7v6G4eOiLZ7mz9IoTERGRTLd5/AqGjs7Hj6fqOWrNepahzIQNeBW0WZhM8jKN+IqIiEimSbyQyPKGg6jerynjTz1OAc7j6wvz5sGMGajpFUtpxFdEREQyxf5fdpPQrjNNL20C4C7280G5STy44jVKlbI4nAga8RUREZHbZOyGlV2n4t+qJpX/aXoTcSW81fs8vXuAml7JNjTiKyIiIrcsaudp9jZ7mpAT3ztq+90qkTB9DmFdalmYTCQ1jfiKiIjILdkwcgnJVYNocE3Tu7JKb/yPbqKyml7JhtT4ioiISIbEx8OQp09yz5C2FLOfACDK5sf6IYsI+XMSnn6eFicUSZsaXxEREUm3bdugbl0Y+VkxBvIuABv8WmKP3Ea9t1tbnE7kxtT4ioiIyE3Zk+x8NO4ydevC9u1XalPdXuTnJ+ZT+8TPFA3ytzagSDro4DYRERG5oZORxznSoicXz9QggfcACAqCr75yomrVdhanE0k/jfiKiIjIdUUM/h6XWtWofeZXXmUMTfk/+vWDiAioWtXqdCIZoxFfERERSSXuVBwbw14hZOcUR+20UzHeHw11XrMwmMhtUOMrIiIiKeycvRGPJzoTcnmPoxbh34by4Z9Rp5KfhclEbo+mOoiIiAgAyYnJhD/wHuW7NSDwn6Y3Dk9WdZtKvaPfUVhNr+RwGvEVERERjm6J4lRoe8Jiwh21HZ61ybdwDsEtK1oXTCQTacRXREQkj5s7F2qEepMUcwEAOzbCGw6i/Mm1BKrplVxEja+IiEgeFRsLPXpAp04QFeNKF77iL5fKbB2/nLC1o3Ar4GZ1RJFMpakOIiIiedC2qet4fYQnvxyr7qjV6liRIp9up0IhjYtJ7qRXtoiISB6SFJ/E8rARVH42mA+OPU4+LuLlBbNmwddfg4+aXsnFNOIrIiKSRxwK309M6640vbAOgCrs5P0yn/Lg8gEEBlocTuQO0Mc6ERGRXM7YDaufmYVP0xpU+6fpTcKZ8GZv0XtXXzW9kmdoxFdERCQXiz5wjh2hvWlyeJ6j9rfLXZyfNJuwpxpYmEzkztOIr4iISC4VOT6cixWCaHRN07uqfC8K/b2Zqmp6JQ9S4ysiIpLLJCbCyBeOU7lfS0okHwHgnM2Xdf3mEfzXdLxKeFmcUMQaanxFRERykd27oWFDGPJJcUYwDIDNPk2Jj9hKw3HtLU4nYi3N8RUREckFjN0wbYqdvq84c+nSldo4l9dp3C6AB2Z3wclFY10ianxFRERyuKidp9nb7GmOnqjJpX9GeStVgjlznKlVq5vF6USyD338ExERycE2jFxCctUgGpz4njd5mwas47nnYNMmqFXL6nQi2YtGfEVERHKg+Oh4fm86iLDI8Y5atM2XD4efp8FQ63KJZGdqfEVERHKYPQu2QZcuhCVsc9Q2+LWk9LKZNAjytzCZSPamqQ4iIiI5hD3JzopHJ1D6sbpU/KfpjcedFe0mUPvEzxRV0ytyQxrxFRERyQFO/HmGI6FdCD2zxFHb41EN25w5hD5S1cJkIjmHRnxFRESyue+/hzqh+XE/c9RRC6/Vj9LH11NBTa9IuqnxFRERyabi4qB3b2jbFo6e8aAzc/jbOZCNo5YQtnEcHj4eVkcUyVE01UFERCQb2jl7I/3fzM/ig3c7auXbViP/pD2U8dc/3yK3QiO+IiIi2UhyYjLhD7xH+W4NGHXwcdxIwNMTpk2DhQvBT02vyC3Tu0dERCSbOBZxmFMtuxEWswKAmkQyutSnPLSsHxUrWhxOJBfQiK+IiEg2sLbvPDwbBlHjn6bXjo3whoN4YWcfNb0imUQjviIiIhaKPRLLlrCXCN73haN21DmA02O/JOzlUAuTieQ+anxFREQssm3qOgr26Upw0n5HbW1AR+5ZOYmSZX0tTCaSO2mqg4iIyB2WlARj+x+l4rNhlPmn6Y3Fi9XPzqLhwa/xVtMrkiXU+IqIiNxB+/dDSAgM+LAkHzAAgK1ejYhZsYUmk7thc7JZnFAk99JUBxERkTvA2A1ffgl9XrBx4cKV2ttOw6nxYGlaznsSFw/9kyyS1TTiKyIiksWiD5xjXdlObO051tH0lisH4WtceXDRs2p6Re4QNb4iIiJZKHJ8OBcrBNHo8DxGMZgabKZnT4iMhAYNrE4nkrfoI6aIiEgWSLyQyNoWQwmJeB8nDABxtgJMHHiC4FEWhxPJo9T4ioiIZLL9v+wmoV1nwi5tctQ2+zTF/9dZBNctZWEykbxNUx1EREQyibEbVnaZgn+rmlT+p+lNxJXwVu9T/fRSiqvpFbHUbY34xsfH4+HhkVlZREREcqyoPWfZF9qLkBOLHLX9bpVImD6HsC61LEwmIldleMTXbrfz9ttvU7JkSQoUKMD+/VdOvP3mm2/y+eefZ3pAERGR7G7xYqgX7I7PiV2O2sp7nsP/6CYqq+kVyTYy3Pi+8847zJw5k/fffx83NzdHvWrVqnz22WeZGk5ERCQ7i4+Hvn3hgQfgwKn8dOErjjuVYP2QRYRs/xRPP0+rI4rINTLc+M6aNYupU6fSpUsXnJ2dHfXq1auza9euG6wpIiKSe+xZsI1Hqu9nwoR/a0Xur4Nt/37qvd3aumAicl0ZbnyPHj1K+fLlU9XtdjuXL1/OlFAiIiLZlT3JzopHJ1D6sboM3dMFZ5Jwd4eJE+Hnn8G/jLvVEUXkOjLc+FapUoVVq1alqs+fP5+aNWtmSigREZHs6GTkcTb7P0Dod33xIIGG/M47JSaxYQO8+CLYbFYnFJEbyfBZHYYOHUqPHj04evQodrudhQsXsnv3bmbNmsWPP/6YFRlFREQsFzH4e8q/+yS1zRlHLbxWP/ouexoPH+tyiUj6ZXjEt02bNvzwww8sXbqU/PnzM3ToUHbu3MkPP/zAvffemxUZRURELBN3Ko6VVXpTf3RbCv/T9J5wKs7GUUsI2zgODx+d1lMkp7AZY4zVIe6k2NhYvL29iYmJoWDBglbHERGRbGzn7I14PNGZwMt7HLXfi7elwvJpFK7kZ2Eykdwtq/q1DI/4litXjjNnzqSqR0dHU65cuUwJJSIiYqXkZPh00GHKdWvkaHrj8GRV92nUP7JQTa9IDpXhxvfgwYMkJyenqickJHD06NFMCSUiImKVw4eheXPo824An/I8ADs8a3Nq8WaCv3gKm5OOYBPJqdJ9cNuiRf9egnHJkiV4e3s7bicnJ7Ns2TLKli2bqeFERETupLnfGHo/ZyM6+srtwYymYvPS3Pu/PrgVcLvhuiKS/aW78W3bti0ANpuNHj16pLjP1dWVsmXLMnbs2EwNJyIicifEHollS9hLrNhXj+h/RnkDAuDLLz0IDe1ncToRySzpbnztdjsAgYGB/PHHH/j5aX6TiIjkfNumrsO7TxeCkw5Qh7kspynVO1Zm8mTw8bE6nYhkpgyfx/fAgQNZkUNEROSOSopPYvX979BkxTu4cOXYlcu48km/fTQdW1kXoxDJhTLc+ALExcWxYsUKDh06RGJiYor7XnrppUwJJiIiklUOhe8npnVXwi6sc9S2ejXC98fZNAsJtDCZiGSlDDe+mzdvplWrVly8eJG4uDgKFSpEVFQUnp6eFC1aVI2viIhkW8ZuWNN7FtWnvUBpLgCQhDOrmw6lyc+DcfG4pfEgEckhMnw6s379+tG6dWvOnTtHvnz5+P333/n777+pXbs2H3zwQVZkFBERuW3RB6NZV7YTTab1xOufpvdvl3LsmraasP8bqqZXJA/IcOMbGRnJK6+8gpOTE87OziQkJBAQEMD777/P4MGDsyKjiIjIbQkPh0aNbZQ4HOGorSrfk0J/R1L1qQbWBROROyrDja+rqytOTldWK1q0KIcOHQLA29ubw4cPZ246ERGR25CYCAMHQrNmsPOYN934kiibH+v6zSP4rxl4lfCyOqKI3EEZ/l6nZs2a/PHHH1SoUIHQ0FCGDh1KVFQUX375JVWrVs2KjCIiIhm2/5fd9HktP4u3l3LUXJsGkzD5IA0r5rcwmYhYJcMjvqNGjaJ48eIAjBw5El9fX5577jlOnz7NlClTMj2giIhIRhi7YWWXKfi3qsmr27tjw46rK7z/PixdCiXV9IrkWTZjjLE6xJ0UGxuLt7c3MTExFCxY0Oo4IiKSiaJ2nmZfs6eof2KRozas2CTa/NybWrUsDCYiGZJV/VqGR3yvZ9OmTTz00EOZtTkREZEM2TByCclVg1I0vSur9Ob17d3V9IoIkMHGd8mSJQwYMIDBgwezf/9+AHbt2kXbtm2pW7eu47LGGfHJJ59QtmxZPDw8qF+/PuvXr7/h8tHR0fTp04fixYvj7u5OxYoV+fnnnzO8XxERyR3io+MJr9mPOkPup5j9BABRNj/WD1lEyJ+T8PTztDihiGQX6T647fPPP+fpp5+mUKFCnDt3js8++4xx48bx4osv0rFjR7Zv307lypUztPO5c+fSv39/Jk+eTP369Rk/fjwtW7Zk9+7dFC1aNNXyiYmJ3HvvvRQtWpT58+dTsmRJ/v77b3x0MXURkTxpz4Jt0KULYQnbHLUNfi0pvWwm9YL8LUwmItlRuuf4BgUF0a1bN1599VUWLFhA+/btadCgAfPmzaNUqVI330Aa6tevT926dfn4448BsNvtBAQE8OKLLzJw4MBUy0+ePJkxY8awa9cuXF1db2mfmuMrIpLz2e0wc8TfdH6rEh4kABCPOxHt3idk7gvYnDNtJp+IWMDyOb779u2jffv2ADz66KO4uLgwZsyYW256ExMT2bhxIy1atPg3jJMTLVq0YN26dWmus2jRIho2bEifPn0oVqwYVatWZdSoUSQnJ193PwkJCcTGxqb4ERGRnOv4cWjVCp58qwyz6A7AHo9qHF64gdD5L6npFZHrSvdfh0uXLuHpeWWelM1mw93d3XFas1sRFRVFcnIyxYoVS1EvVqwYJ06cSHOd/fv3M3/+fJKTk/n555958803GTt2LO+888519zN69Gi8vb0dPwEBAbecWURErPX99xAUBEuWXLndjw/5udE7lD6+ngqP6FzyInJjGbqAxWeffUaBAgUASEpKYubMmfj5+aVY5qWXXsq8dP9ht9spWrQoU6dOxdnZmdq1a3P06FHGjBnDsGHD0lxn0KBB9O/f33E7NjZWza+ISA4TdyqOjWGv8N3OBkTRE4DixWHmzPzcd98b1oYTkRwj3Y1v6dKlmTZtmuO2v78/X375ZYplbDZbuhtfPz8/nJ2dOXnyZIr6yZMn8fdP+4CE4sWL4+rqirOzs6NWuXJlTpw4QWJiIm5ubqnWcXd3x93dPV2ZREQk+9k5eyPuT3Qh5PJuavIVqwgmqO1dTJsG/xl7ERG5oXQ3vgcPHszUHbu5uVG7dm2WLVtG27ZtgSsjusuWLeOFF15Ic53GjRszZ84c7HY7Tk5XZmns2bOH4sWLp9n0iohIzpWcmMyqNh/QePEQXEkCwAk7k/ps596P7sJmszigiOQ4lh4B0L9/f6ZNm8YXX3zBzp07ee6554iLi6NXr14AdO/enUGDBjmWf+655zh79iwvv/wye/bs4aeffmLUqFH06dPHqocgIiJZ4FjEYbYVbU7Y4oGOpneHZ21OLd7MfR+3UdMrIrckQ3N8M1vHjh05ffo0Q4cO5cSJE9SoUYPFixc7Dng7dOiQY2QXICAggCVLltCvXz+CgoIoWbIkL7/8Mq+//rpVD0FERDLZ2r7zqDLxWWqYaADs2FjZcCCNfh2OWwF9uycity7d5/HNLXQeXxGR7Cn26Hm2hL5I8L4vHLWjzgGcHvslNV4OtTCZiNxplp/HV0REJKusWwdNGyVw175fHbW1AR0psHeLml4RyTRqfEVExDJJSTB8OAQHw6ZDfvTgC2IoyOpnZ9Hw4Nd4l/W1OqKI5CK31Pju27ePIUOG8Pjjj3Pq1CkAfvnlF/78889MDSciIrnXofD9tGlwkhEj4OoFOC82upfoyL9pMrkbNicdwSYimSvDje+KFSuoVq0aERERLFy4kAsXLgCwZcuW615EQkRE5CpjN6x+5gt8m1bn+Y1PAAZnZ3jrLVixAspU97E6oojkUhlufAcOHMg777zDb7/9luLcuc2aNeP333/P1HAiIpK7RB84x7qynWgyrSdeXOBBfuY1vxmsXg1vvgkulp5rSERyuww3vtu2beORRx5JVS9atChRUVGZEkpERHKfyPHhXKwQRKPD8xy1VeV7MmRLexo0sDCYiOQZGW58fXx8OH78eKr65s2bKVmyZKaEEhGR3CPxQiLhDQYS1K8ZJZKPAHDO5su6fvMI/msGXiW8LE4oInlFhhvfTp068frrr3PixAlsNht2u501a9YwYMAAunfvnhUZRUQkhzrwyy72FW1IWMR7OHHltPGbfZoSH7GVhuPaW5xORPKaDDe+o0aN4u677yYgIIALFy5QpUoVQkJCaNSoEUOGDMmKjCIiksMYA3Pe2U+xVrWofGkTAIm4Et7qfaqfXkrxuqUsTigiedEtX7nt0KFDbN++nQsXLlCzZk0qVKiQ2dmyhK7cJiKStU6fhqeegkWL4Eu60pWv2O9WiYTpc6jcpZbV8UQkB8iqfi3Dx8+uXr2aJk2aULp0aUqXLp1pQUREJOdbvBh69YITJ67c7sMn+NUqQ8iSN/D087Q2nIjkeRme6tCsWTMCAwMZPHgwO3bsyIpMIiKSw8RHxxNesx+fP/Cto+n184PZi7y5f+NINb0iki1kuPE9duwYr7zyCitWrKBq1arUqFGDMWPGcOTIkazIJyIi2dyeBds45F+PsMjxTOUZSnGY+++HbdugdWur04mI/CvDja+fnx8vvPACa9asYd++fbRv354vvviCsmXL0qxZs6zIKCIi2ZA9yc6KRydQ+rG6VEzYBkA+LjH5yQ38/DP4+1scUETkP2754LarkpOT+eWXX3jzzTfZunUryVcvuJ5N6eA2EZHbdzLyOIdb9KLOmSWO2h6PatjmzKHCI1UtTCYiuUFW9WsZHvG9as2aNTz//PMUL16czp07U7VqVX766adMCyYiItlTxODvca4VlKLpDa/Vj9LH16vpFZFsLcNndRg0aBDffPMNx44d495772XChAm0adMGT08duCAikpvFnYpjY9grhOyc4qidcCrO0XdmEjboPguTiYikT4Yb35UrV/Lqq6/SoUMH/Pz8siKTiIhkMxs3wssdYvlu/wJH7ffibamwfBq1K+nfAhHJGTLc+K5ZsyYrcoiISDaUnAwffABDhkBSUnGe4jPm0JlN3SfQZMaT2JxsVkcUEUm3dDW+ixYt4oEHHsDV1ZVFixbdcNmHH344U4KJiIi1jkUc5tn++flxbSFH7WjtNpz46ADBDYtamExE5Nak66wOTk5OnDhxgqJFi+LkdP3j4Ww2m87qICKSC6ztO48qE5/lN9OCDszDZrMxcCAMHw5ublanE5HcztJLFtvt9jT/X0REcpfYI7FsCXuJ4H1fANCe+bxYaA7tFnYhNNTicCIitynDpzObNWsWCQkJqeqJiYnMmjUrU0KJiMidt23qOqIDaziaXoC1AR15e2MrNb0ikitk+AIWzs7OHD9+nKJFU87vOnPmDEWLFtVUBxGRHCYpPolV948keMXbuHDlb3gsXmx99hMaf9pVB7CJyB1n6VSHaxljsNlS/xE8cuQI3t7emRJKRETujEPh+4lp3ZWmF9Y5alu9GuH742yahARamExEJPOlu/GtWbMmNpsNm81G8+bNcXH5d9Xk5GQOHDjA/fffnyUhRUQkcxkD//tgL81fq0VpzgOQhDOrmw6lyc+DcfHI8LiIiEi2l+6/bG3btgUgMjKSli1bUqBAAcd9bm5ulC1blnbt2mV6QBERyVznzkHv3jBv3l0spDmP8D/+dinH+UlfEfZUA6vjiYhkmXQ3vsOGDQOgbNmydOzYEQ8PjywLJSIiWSM8HLp1gyNHAGw8zTTyVy5Dw6VvU6aEl8XpRESyVobP6tCjRw81vSIiOUzihUTCGwzkg6Y//dP0gq8vTJrnx307xuOlpldE8oB0jfgWKlSIPXv24Ofnh6+vb5oHt1119uzZTAsnIiK3b/8vu0lo15mwS5uozAyC2Mo9TYsxaxaUKmV1OhGROyddje+HH36Il5eX4/9v1PiKiEj2YOyGVd2mUmdOPzy5BIAv55jSbQ0Pz3yUG1yIU0QkV8rweXxzOp3HV0Tygqidp9nX7Cnqn1jkqO13q0TC9DlU7lLLwmQiIjeXVf1ahj/vb9q0iW3btjluf//997Rt25bBgweTmJiYacFEROTWbBi5hOSqQSma3pX3PIf/0U1qekUkT8tw4/vss8+yZ88eAPbv30/Hjh3x9PTk22+/5bXXXsv0gCIikj7x0fGE1+xHnSH3U8x+AoAomx/rhywiZPunePp5WpxQRMRaGW589+zZQ40aNQD49ttvCQ0NZc6cOcycOZMFCxZkdj4REUmHbdugdf1T1Iic4aj94Xc/9sht1Hu7tYXJRESyjww3vsYY7HY7AEuXLqVVq1YABAQEEBUVlbnpRETkhux2mDAB6taFpXtK8xyTiMedFe0mUufkzxQN8rc6oohItpHha1LWqVOHd955hxYtWrBixQomTZoEwIEDByhWrFimBxQRkbSdjDzOcwPy892yfw/82BH0OH+PbUJoiwALk4mIZE8ZHvEdP348mzZt4oUXXuCNN96gfPnyAMyfP59GjRplekAREUktYvD3ONcK4uFlLzlq/fpBRARUUtMrIpKmTDudWXx8PM7Ozri6umbG5rKMTmcmIjlZ3Kk4Noa9QsjOKY7aUz7z6TC3HffdZ2EwEZFMlFX9WoanOly1ceNGdu7cCUCVKlWoVUunyBERyUo7Z2/E44nOhFze46j9Xrwt7y0PpXAlC4OJiOQQGW58T506RceOHVmxYgU+Pj4AREdH07RpU7755huKFCmS2RlFRPK05MRkVrX5gMaLh+BKEgBxeLKp+wSazHgSm5Oupikikh4ZnuP74osvcuHCBf7880/Onj3L2bNn2b59O7Gxsbz00ks334CIiKTbsYjDbCvanLDFAx1N7w7P2pxavJngL55S0ysikgEZnuPr7e3N0qVLqVu3bor6+vXrue+++4iOjs7MfJlOc3xFJKf46cM9NH6lPj4mGgA7NlY2HEijX4fjVsDN2nAiIlko21yy2G63p3kAm6urq+P8viIicutiY6FHD2jdvzy/m/oAHHUOYOv45YStHaWmV0TkFmW48W3WrBkvv/wyx44dc9SOHj1Kv379aN68eaaGExHJa9atgxo1YNYsMDjRixksLfcMBfZuocbLoVbHExHJ0TLc+H788cfExsZStmxZ7rrrLu666y4CAwOJjY3lo48+yoqMIiK5XlJ8EsvDRjC0yf9x4MCVmpcXvD+rOM33TsG7rK+1AUVEcoEMn9UhICCATZs2sWzZMsfpzCpXrkyLFi0yPZyISF5wKHw/Ma270vTCOipQkiC2UrlRIWbPhsBAq9OJiOQeGWp8586dy6JFi0hMTKR58+a8+OKLWZVLRCTXM3bDmt5fEjTtBUpzHgB/TjCl43Iemd0Ol1s+07qIiKQl3X9WJ02aRJ8+fahQoQL58uVj4cKF7Nu3jzFjxmRlPhGRXCn6wDl2hPamyeF5jtrfLuU4P+kr2j/VwMJkIiK5V7rn+H788ccMGzaM3bt3ExkZyRdffMGnn36aldlERHKlyPHhXKwQRKNrmt5V5XtS6O9IqqrpFRHJMulufPfv30+PHj0ctzt37kxSUhLHjx/PkmAiIrlN4oVEljccRFC/ZpRIPgJAtM2Hdf3mEfzXDLxKeFmcUEQkd0t345uQkED+/Pn/XdHJCTc3Ny5dupQlwUREcpPdu+GxBkeo+/tHOHHlukGbfcK49PtWGo5rb3E6EZG8IUOHTrz55pt4eno6bicmJjJy5Ei8vb0dtXHjxmVeOhGRHM4YmDoV+vWDS5fK8TITmMRzrG01kpDvX8HJJcNnlRQRkVuU7sY3JCSE3bt3p6g1atSI/fv3O27bbLpmvIjIVVG7onjuFU/m//zvgMGaik/w1/uhhLUpb2EyEZG8Kd2Nb3h4eBbGEBHJXTaMXELA0J6E2R9lPp8A8Nxz8MEHNjw91fSKiFhBZ4kUEclE8dHx/N50EGGR4wHow6esKdiKx2c/SOvW1mYTEcnr1PiKiGSSPQu2QZcuhCVsc9T+8Luf8ctqUzTIwmAiIgJk4KwOIiKSNnuSnRWPTqD0Y3Wp+E/TG487K9pNpM7Jnyka5G9xQhERAY34iojclpORxzncohehZ5Y4ans8qmGbM4fQR6pamExERP5LI74iIrdo2ae7ca4VRJ1rmt7wWv0ofXw9FdT0iohkO7fU+K5atYquXbvSsGFDjh49CsCXX37J6tWrMzWciEh2FBcHvXvDfX3K86epAsAJp+JsHLWEsI3j8PDxsDihiIikJcON74IFC2jZsiX58uVj8+bNJCQkABATE8OoUaMyPaCISHaycSPUqgVTpoAdZ7rxJcsDuuG6Yyu1B91ndTwREbmBDDe+77zzDpMnT2batGm4uro66o0bN2bTpk2ZGk5EJLtITkwm/IH36Fd/LXv2XKl5esLQaaUJ+3sWhSv5WRtQRERuKsMHt+3evZuQkJBUdW9vb6KjozMjk4hItnIs4jCnWnYjLGYFMwmkBpFUrF2QOXOgYkWr04mISHpleMTX39+fvXv3pqqvXr2acuXKZUooEZHsYm3feXg2DKJGzAoAynKQyY/8ytq1anpFRHKaDDe+Tz/9NC+//DIRERHYbDaOHTvGV199xYABA3juueeyIqOIyB0XeySWVeV70mhCR3xMNABHnQPYOn45nRc+hpubtflERCTjMjzVYeDAgdjtdpo3b87FixcJCQnB3d2dAQMG8OKLL2ZFRhGRO2rb1HUU7NOV4KT9jtragI7cs3ISJcv6WphMRERuh80YY25lxcTERPbu3cuFCxeoUqUKBQoUyOxsWSI2NhZvb29iYmIoWLCg1XFEJBtJik9i1f0jCV7xNi4kAxCLF1uf/YTGn3bF5mSzOKGISN6QVf3aLV+5zc3NjSpVqmRaEBERK+3fD4Pb7WNm5GhH07vVqxG+P86mSUigxelERCQzZLjxbdq0KTbb9Uc9/u///u+2AomI3EnGwJdfQp8+cOFCJYryPuPoz+qmQ2ny82BcPHRldxGR3CLDf9Fr1KiR4vbly5eJjIxk+/bt9OjRI7NyiYhkuegD5+jzqidzFrg7aj8FvsiTbzcjrIsuOSwikttkuPH98MMP06wPHz6cCxcu3HYgEZE7IXJ8OEUHdKNGcifmMAaAnj1h4kQbXl5qekVEcqNbPrjtv/bu3Uu9evU4e/ZsZmwuy+jgNpG8LfFCImvuHUbo7+/hxJU/f20LLKXL9Oa0b29xOBERAbLhwW3/tW7dOjw8PDJrcyIimW7/L7tJaNeZppf+vbz6Zp+mTPq1EsXrWhhMRETuiAw3vo8++miK28YYjh8/zoYNG3jzzTczLZiISGYxdsOqblOpM6cfnlwCIBFX1rYaScj3r+DkkuFr+YiISA6U4cbX29s7xW0nJycqVarEW2+9xX333ZdpwUREMkPUztPsa/YUIScWOWr73SqRMH0OYV1qWZhMRETutAw1vsnJyfTq1Ytq1arh66urF4lI9rbqs91UfDaM+vYTjtrKe56jTvgHePp5WphMRESskKHv95ydnbnvvvuIjo7O1BCffPIJZcuWxcPDg/r167N+/fp0rffNN99gs9lo27ZtpuYRkZwtPh769oVmT5fjb3sAAFE2P9YPWUTI9k/V9IqI5FEZnthWtWpV9u/ff/MF02nu3Ln079+fYcOGsWnTJqpXr07Lli05derUDdc7ePAgAwYMIDg4ONOyiEjOt20b1K0LEyZAEq504StWF3sUe+Q26r3d2up4IiJioQw3vu+88w4DBgzgxx9/5Pjx48TGxqb4yahx48bx9NNP06tXL6pUqcLkyZPx9PRk+vTp110nOTmZLl26MGLECMqVK5fhfYpI7mNPshP+6ESeqr2Z7duv1Nzd4aWJFWh8fAFFg/ytDSgiIpZLd+P71ltvERcXR6tWrdiyZQsPP/wwpUqVwtfXF19fX3x8fDI87zcxMZGNGzfSokWLfwM5OdGiRQvWrVt3wyxFixblySefvOk+EhISbrs5F5Hs7WTkcTb5tyLsu5eZebkz+bhIUBBs2AAvvgg3uMq6iIjkIek+uG3EiBH07t2b5cuXZ9rOo6KiSE5OplixYinqxYoVY9euXWmus3r1aj7//HMiIyPTtY/Ro0czYsSI240qItlUxODvuevdp6hjogCozC4+fegXOn3bDp1aXERErpXuxvfqBd5CQ0OzLMzNnD9/nm7dujFt2jT8/PzStc6gQYPo37+/43ZsbCwBAQFZFVFE7pC4U3FsDHuFkJ1THLUTTsU5+s5Meg7SqRVFRCS1DJ3OzJbJ3xf6+fnh7OzMyZMnU9RPnjyJv3/q+Xj79u3j4MGDtG797wEqdrsdABcXF3bv3s1dd92VYh13d3fc3d0zNbeIWGvn7I14PNGZkMt7HLXfi7elwvJp1K6Uvg/FIiKS92So8a1YseJNm9+zZ8+me3tubm7Url2bZcuWOU5JZrfbWbZsGS+88EKq5e+++262bduWojZkyBDOnz/PhAkTNJIrksslJyazqs0YGi9+E1eSAIjDk43dxhM88ylsTprMKyIi15ehxnfEiBGprtx2u/r370+PHj2oU6cO9erVY/z48cTFxdGrVy8AunfvTsmSJRk9ejQeHh5UrVo1xfo+Pj4AqeoikrscPgxvPrqLaRv+bXp3eNYm38I5hLSsaHE6ERHJCTLU+Hbq1ImiRYtmaoCOHTty+vRphg4dyokTJ6hRowaLFy92HPB26NAhnJwyfNY1EclF5s6F3r0hOvoe/HmbUQxmZcOBNPp1OG4F3KyOJyIiOYTNXD1q7SacnZ05fvx4pje+d1psbCze3t7ExMRQsGBBq+OIyA3EHj3PywPzMXP2v5/Ry5RKZsGQzdR+to6FyUREJCtlVb+W7qHUdPbHIiKZYtvUdZwrW4Mys99x1Dp2hMhtzmp6RUTklqR7qsPVsyeIiGSlpPgkVt0/kuAVb+NCMm/yNqs976PH5EZ07aqLUYiIyK3L0BxfEZGsdCh8PzGtu9L0wr9XbvzTqwEzfixOQIiFwUREJFfQUWMiYjljN6x+ZhY+TWtQ7Z+mNwlnwpuOoMqpFQSEBFqcUEREcgON+IqIpaIPnGNH6HM0OTzXUfvbpRznJ31F2FMNLEwmIiK5jUZ8RcQyEbN2E1ehOo2uaXpXle9Job8jqaqmV0REMpkaXxG54xITYeBACOtRhjPJPgCcs/myrt88gv+agVcJL2sDiohIrqSpDiJyR+3eDZ07w6ZNAB50Zg6fFXqdMoun0LBuKavjiYhILqYRXxG5I4zdsLLrVB6vvuOfphdcXaHH+1Wpd/oniqvpFRGRLKYRXxHJclE7T7Ov2VOEnFjEdKpTnwgCK7kzZw7UqmV1OhERySs04isiWWrDyCUkVw2i/olFANRgCx/d9yObNqnpFRGRO0sjviKSJeKj44loOpDQyAmOWpTNj/1vTOeZt1tbmExERPIqNb4ikun2LNiGrUtnQhO2O2ob/FpSetlM6gX5W5hMRETyMk11EJFMY0+ys+LRCZR+rC4V/ml643FnRbsJ1D7xM0XV9IqIiIU04isimeL4cXir3TY+XtcfZ+wA7PGohm3OHEIfqWpxOhEREY34ikgm+P57CAqCyeuqM4rBAITX6kfp4+upoKZXRESyCTW+InLL4k5f5Lln7bRtC1FRV2rT/Iey/oOVhG0ch4ePh6X5RERErqXGV0Ruyc7ZGzlVsiYFpo511Nq2hU3bXKn3SrB1wURERK5Dja+IZEhyYjLhD7xH+W4NCLy8h5G8QSOPTUydCgsXgp+f1QlFRETSpoPbRCTdjkUc5lTLboTFrHDU9noGMXthAQJbWhhMREQkHTTiKyLpsrbvPDwbBlHjn6bXjo3whoMof3ItgS0rWpxORETk5jTiKyI3FHskli1hLxG87wtH7ahzAKfHfknYy6EWJhMREckYNb4icl2bv9lNoW6tCE7a76itDejIPasmU7KMj3XBREREboGmOohIKklJMHw4hHYpRXzSlc/HsXix+tlZNDz4Nd5qekVEJAfSiK+IpLB/P3TtCuvWAeSnM3OYVnAARX6YTpOQQKvjiYiI3DKN+IoIAMZuWP3MLNpW2/dP0wvOztD2rdoERf0fAWp6RUQkh9OIr4gQfeAcO0J70+TwPKZSn2BWUbqcK199BQ0aANisjigiInLbNOIrksdFjg/nYoUgGh2eB0ADIhjX9EciI682vSIiIrmDRnxF8qjEC4msbTGUkIj3ccIAcM7my85+U3lx7CMWpxMREcl8anxF8qD9v+wmoV1nwi5tctQ2+zTF/9dZNKpbysJkIiIiWUdTHUTyEGM3rOwyBf9WNan8T9ObiCvhrd6n+umlFFfTKyIiuZhGfEXyiNOnYdRjm/lwZW9Hbb9bJRKmzyGsSy0Lk4mIiNwZGvEVyQMWL4agIBi/shZj6Q/Aynuew//oJiqr6RURkTxCja9ILhYfk0Dflw0PPAAnTlypjSs8inUjfiVk+6d4+nlaG1BEROQOUuMrkkvtWbCNw8XqkDhxkqN2//2wcbs7DYfea2EyERERa6jxFcll7El2Vjw6gdKP1aVCwnbG8grVXXcwcSL8/DP4+1udUERExBo6uE0kFzkZeZzDLXoRemaJo3bYowLffgMV2lgYTEREJBvQiK9ILhEx+HucawVR55qmN7xWP0ofX0+FNlUsTCYiIpI9aMRXJIeLOxXHxrBXCNk5xVE74VSco+/MJGzQfRYmExERyV7U+IrkYNsX7iF/p9aEXN7jqP1evC0Vlk+jdiU/C5OJiIhkP5rqIJIDJSfDe+9BaIdicDkRgDg8WdltGvWPLKSwml4REZFUNOIrksMcPgzdusGKFQDedGU2k/O/QoEFswhpWdHqeCIiItmWRnxFcpA1/b7lgaqH/2l6wWaD0EGNqXRmHYFqekVERG5II74iOUDskVi2hL1E8L4v+IgwWrCUkgHOfPklhIYC2KyOKCIiku1pxFckm9s2dR3nAmsSvO8LAJoSzrtNfmTr1qtNr4iIiKSHRnxFsqmk+CRW3T+S4BVv40IyALF4sfXZTxjw6cPY9LFVREQkQ9T4imRDh8L3E9O6K00vrHPUtno1wvfH2TQJCbQwmYiISM6lMSORbMTYDaufmYVP0xpU+6fpTcKZ8KYjqHJqBQFqekVERG6ZRnxFsolz52BMhw2MWtrDUfvbpRznJ31F2FMNLEwmIiKSO2jEVyQbCA+HoCAYvbQuk3kWgFXle1Lo70iqqukVERHJFGp8RSyUGHeZga8bmjWDI0eu1N7xGcvq174n+K8ZeJXwsjagiIhILqLGV8Qi+3/Zzb4iDTjx/hcYc6XWtCn8vi0/Td572NpwIiIiuZAaX5E7zNgNK7tMwb9VTSpf2sRHvMjdLnt5/31YuhRKlbI6oYiISO6kg9tE7qConafZ1+wpQk4sctROu5VkwaxLVOloYTAREZE8QCO+InfIhpFLSK4aRP1rmt6VVXrjf3QTVTpWszCZiIhI3qARX5EsFh8dz+9NBxEWOd5Ri7L5sf+N6YS83dq6YCIiInmMGl+RLLT7p73Y2j1KWMI2R+0Pv/sps2wG9YL8LUwmIiKS92iqg0gWsNthwgRo+qgv+RPOABCPOyvaTaTOyZ8pqqZXRETkjlPjK5LJjh+HVq2gb184nliYnsxkl0d1Di/cQOj8F7E52ayOKCIikiep8RXJRL+/8QMtqp5gyZJ/a9X63UvZqI1UeKSqdcFEREREja9IZog7FcfKKr1pMOphxpx9AjAULw5LlsC4ceCR39nqiCIiInmeGl+R27Rz9kZOlapFyM4pALTiF96p/yNbt8J991kcTkRERBzU+IrcouTEZMIfeI/y3RoQeHkPAHF4srLbNAavfQg/P4sDioiISAo6nZnILTgWcZhTLbsRFrPCUdvhWZt8C+cQ0rKihclERETkejTiK5JBa1+ei2fDIGr80/TasRHecBDlT64lUE2viIhItqURX5F0io2F8Z1+Z+gvnRy1o84BnB77JWEvh1qYTERERNJDI74i6bBuHdSoAcN+acAsugGwNqAjBfZuoYaaXhERkRxBja/IDSQl2hk+HIKD4cCBK7VBBT5m5fPf0PDg13iX9bU0n4iIiKSfGl+R6zgUvp+dhZuwY8Q8kpOv1Bo1gtVbCxLySUddgU1ERCSHUeMr8h/Gblj9zCx8mtag2oV1TOFZyjgd5q23YMUKCAy0OqGIiIjcCh3cJnKN6APn2BHamyaH5zlqsS6FWPT5GYK6B1iYTERERG6XRnxF/hE5PpyLFYJodE3Tu6p8Twr9HUlQ9xrWBRMREZFMoRFfyfMSLySytsVQQiLexwkDQLTNh519pxI8rr3F6URERCSzqPGVPG3/0v0kPNyesEubHLXNPmH4L5lFw3qa2iAiIpKbaKqD5EnGwJQp0KJ1PvwuHQIgEVfCW71P9dPLKK6mV0REJNdR4yt5zunT0LYt9O4NB+KL8ySfs8/tbvbN/p2wn17FyUVvCxERkdxI/8JLnvLH6KWEVj3DokX/1ko99zDFT22lcpda1gUTERGRLJctGt9PPvmEsmXL4uHhQf369Vm/fv11l502bRrBwcH4+vri6+tLixYtbri8CEB8dDzhNftRd/C9vHXqWcDg5weLFsGnn4Knt6vVEUVERCSLWd74zp07l/79+zNs2DA2bdpE9erVadmyJadOnUpz+fDwcB5//HGWL1/OunXrCAgI4L777uPo0aN3OLnkFHsWbOOQfz3CIscD8BgLGFJ7Mdu2QevW1mYTERGRO8dmjDFWBqhfvz5169bl448/BsButxMQEMCLL77IwIEDb7p+cnIyvr6+fPzxx3Tv3v2my8fGxuLt7U1MTAwFCxa87fySfdmT7Kzq8BH1v3sdDxIAiMediHZjCJn3gi45LCIikk1lVb9m6enMEhMT2bhxI4MGDXLUnJycaNGiBevWrUvXNi5evMjly5cpVKhQmvcnJCSQkJDguB0bG3t7oSVHOBl5nMMtehF6ZomjtsejGrY5cwh9pKqFyURERMQqlk51iIqKIjk5mWLFiqWoFytWjBMnTqRrG6+//jolSpSgRYsWad4/evRovL29HT8BATpNVW4X8cYinGsFUeeapje8Vj9KH19PBTW9IiIieZblc3xvx7vvvss333zDd999h4eHR5rLDBo0iJiYGMfP4cOH73BKuVPi4mBM2zXUH9UGPxMFwEknfzaOWkLYxnF4+KT9GhEREZG8wdKpDn5+fjg7O3Py5MkU9ZMnT+Lv73/DdT/44APeffddli5dSlBQ0HWXc3d3x93dPVPySva1cSN07gx79jTiLh7hUb4jwr8N5cM/o3YlP6vjiYiISDZg6Yivm5sbtWvXZtmyZY6a3W5n2bJlNGzY8Lrrvf/++7z99tssXryYOnXq3Imokk0lJxneew8aNIA9ewBsvJxvGuE9Z1Dv6HcUVtMrIiIi/7B0xBegf//+9OjRgzp16lCvXj3Gjx9PXFwcvXr1AqB79+6ULFmS0aNHA/Dee+8xdOhQ5syZQ9myZR1zgQsUKECBAgUsexxy5x2LOMzJlt1ZFfMKSTwEQO3aMGdOYSpW7GltOBEREcl2LG98O3bsyOnTpxk6dCgnTpygRo0aLF682HHA26FDh3By+ndgetKkSSQmJvLYY4+l2M6wYcMYPnz4nYwuFlrbdx5VJj5LTRPNdP6kOlvpNcif4cPBzc3qdCIiIpIdWX4e3ztN5/HN2WKPxLIl7CWC933hqB11DuDEpP9R+2ldclhERCQ3yKp+LUef1UHylm1T1xEdWCNF07s2oCMF9m5R0ysiIiI3pcZXsr2k+CTCw4ZT+dlgSicdACAWL1Y/O4uGB7/Gu6yvxQlFREQkJ7B8jq/IjRxaeZCYBzsTduHfK/lt9WqE74+zaRISaGEyERERyWk04ivZkjEwaxa0fMCJgAs7AEjCmfCmI6hyagUBanpFREQkg9T4SrZz7hx06gQ9esCui6XpzWT+dinHrmmrCfu/obh46IsKERERyTg1vpKtbJ64ikZVY5k3799avp6dKHTsT6o+1cC6YCIiIpLjqfGVbCHxQiLhDQZS/eVQBh57EQBfX5g3D2bMAK8iHhYnFBERkZxO3xmL5fb/spuEdp0Ju7QJgB7M4s/qXXjpx/soVcricCIiIpJraMRXLGPshpVdpuDfqiaV/2l6E3ElvNX7vLuhhZpeERERyVQa8RVLRO08zb5mTxFyYpGjtt+tEgnT5xDWRRejEBERkcynEV+54zaMXEJy1SDqX9P0rrznOfyPbqKyml4RERHJIhrxlTsmPh6mdlvFS/Pvd9SibH7sf2M6IW+3tjCZiIiI5AUa8ZU7Yts2qFsXXp7fhF+40vj+4Xc/9sht1FPTKyIiIneAGl/JUnY7TJhwpendvh3ARm+3GSxv/yl1Tv5M0SB/qyOKiIhIHqHGV7LMyS0n2FDsQRb1XUZCwpVaUBD8tNGfpvOew+ZkszagiIiI5ClqfCVLRLyxCOea1agX9TNf0INCnKFfP4iIgKpVrU4nIiIieZEObpNMFXcqjo1hrxCyc4qj5uJk58eJB2nYp7CFyURERCSv04ivZJqdszdyslTtFE3v78Xb4rpjKw371LYwmYiIiIgaX8kEyYnJhD/wHuW7NaDc5d0AxOHJym7TqH9kIYUr+VmcUERERERTHeQ2HVt/hJP3dSMsJtxR2+FZm3wL5xDSsqJ1wURERET+QyO+csvmzoXWLS5RIeYPAOzYCG84iPIn1xKopldERESyGTW+kmGxsdCjB3TqBJvOV+AlJnLUOYCt45cTtnYUbgXcrI4oIiIikooaX8mQbZ+vp0HQRWbN+rd2sUMv8h/cQY2XQ60LJiIiInITanwlXZLik1geNoLKTzXihb8HAODlBbNmwdff2PApVcDihCIiIiI3poPb5KYOhe8npnVXml5YB8DzTGLnPe3p/0NTAgMtDiciIiKSThrxlesydsPqZ2bh07QG1f5pepNwJrzpCD7cEKymV0RERHIUjfhKmqIPnGNH6HM0OTzXUfvbpRznJ31F2FMNLEwmIiIicmvU+Eoqm8evoOiAbjRKPuyorSrfkxorJlKmhJeFyURE7ozk5GQuX75sdQyRXM3NzQ0npzs7+UCNrzgkJsKMnit4+uumOGEAOGfzZVffKQSPa29xOhGRrGeM4cSJE0RHR1sdRSTXc3JyIjAwEDe3O3caVDW+AsDu3dC5M0RuakIlQghjBZt9muL/6ywa1i1ldTwRkTviatNbtGhRPD09sdlsVkcSyZXsdjvHjh3j+PHjlC5d+o6919T45nHGwNSp0K8fXLoE4MwTLl/y+f3fEvpdX5xcdPyjiOQNycnJjqa3cOHCVscRyfWKFCnCsWPHSEpKwtXV9Y7sU11NHha18zTrSrZjVu81/zS9UKkSzI8IoOkP/dX0ikiecnVOr6enp8VJRPKGq1MckpOT79g+1dnkURtGLiG5ahCNji9kNl3xIpbnnoNNm6BWLavTiYhYR9MbRO4MK95rmuqQx8RHxxPRdCChkRMcNS/bBX78YA8h/etYmExEREQka2nENw/Zs2Abh/3rpmh6//C7H3vkNjW9IiKSJ+3evRt/f3/Onz9vdZRcJSoqiqJFi3LkyBGro6SgxjcPsCfZWfHoBEo/VpcKCdsBiMedFe0mUufkzxQN8rc4oYiI3I6ePXtis9mw2Wy4uroSGBjIa6+9Rnx8fKplf/zxR0JDQ/Hy8sLT05O6desyc+bMNLe7YMECwsLC8Pb2pkCBAgQFBfHWW29x9uzZLH5Ed86gQYN48cUX8fLKveep/+STTyhbtiweHh7Ur1+f9evX33D5mTNnOl5PV388PDxSLGOMYejQoRQvXpx8+fLRokUL/vrrL8f9fn5+dO/enWHDhmXJY7pVanxzuZORx9nk34rQ7/riQQIAezyqcXjhBkLnv4jNSXPZRERyg/vvv5/jx4+zf/9+PvzwQ6ZMmZKq6fjoo49o06YNjRs3JiIigq1bt9KpUyd69+7NgAEDUiz7xhtv0LFjR+rWrcsvv/zC9u3bGTt2LFu2bOHLL7+8Y48rMTExy7Z96NAhfvzxR3r27Hlb28nKjLdr7ty59O/fn2HDhrFp0yaqV69Oy5YtOXXq1A3XK1iwIMePH3f8/P333ynuf//995k4cSKTJ08mIiKC/Pnz07JlyxQftnr16sVXX32VvT4omTwmJibGACYmJsbqKFnuf/8zprHPdnMJd2OunLnMLK/Vz1w6d8nqaCIi2c6lS5fMjh07zKVLOe9vZI8ePUybNm1S1B599FFTs2ZNx+1Dhw4ZV1dX079//1TrT5w40QDm999/N8YYExERYQAzfvz4NPd37ty562Y5fPiw6dSpk/H19TWenp6mdu3aju2mlfPll182oaGhjtuhoaGmT58+5uWXXzaFCxc2YWFh5vHHHzcdOnRIsV5iYqIpXLiw+eKLL4wxxiQnJ5tRo0aZsmXLGg8PDxMUFGS+/fbb6+Y0xpgxY8aYOnXqpKhFRUWZTp06mRIlSph8+fKZqlWrmjlz5qRYJq2Mxhizbds2c//995v8+fObokWLmq5du5rTp0871vvll19M48aNjbe3tylUqJB58MEHzd69e2+Y8XbVq1fP9OnTx3E7OTnZlChRwowePfq668yYMcN4e3tf93673W78/f3NmDFjHLXo6Gjj7u5uvv766xTLBgYGms8++yzN7dzoPZdV/ZpGfHOhuDjo3RvatoU10ffwKmM46eTPxlFLCNs4Dg8fj5tuQ0RErqhTB0qVuvM/dW7j0Ivt27ezdu3aFFfEmj9/PpcvX041sgvw7LPPUqBAAb7++msAvvrqKwoUKMDzzz+f5vZ9fHzSrF+4cIHQ0FCOHj3KokWL2LJlC6+99hp2uz1D+b/44gvc3NxYs2YNkydPpkuXLvzwww9cuHDBscySJUu4ePEijzzyCACjR49m1qxZTJ48mT///JN+/frRtWtXVqxYcd39rFq1ijr/eaLj4+OpXbs2P/30E9u3b+eZZ56hW7duqaYH/DdjdHQ0zZo1o2bNmmzYsIHFixdz8uRJOnTo4FgnLi6O/v37s2HDBpYtW4aTkxOPPPLIDZ+fUaNGUaBAgRv+HDp0KM11ExMT2bhxIy1atHDUnJycaNGiBevWrbvuPuHK77JMmTIEBATQpk0b/vzzT8d9Bw4c4MSJEym26+3tTf369VNtt169eqxateqG+7qTdFaHXGbH11voMPRu/tzr7qgdafMCLh90pXZ5XwuTiYjkTCdOwNGjVqe4uR9//JECBQqQlJREQkICTk5OfPzxx4779+zZg7e3N8WLF0+1rpubG+XKlWPPnj0A/PXXX5QrVy7DFxWYM2cOp0+f5o8//qBQoUIAlC9fPsOPpUKFCrz//vuO23fddRf58+fnu+++o1u3bo59Pfzww3h5eZGQkMCoUaNYunQpDRs2BKBcuXKsXr2aKVOmEBoamuZ+/v7771SNb8mSJVN8OHjxxRdZsmQJ8+bNo169etfN+M4771CzZk1GjRrlqE2fPp2AgAD27NlDxYoVadeuXYp9TZ8+nSJFirBjxw6qVq2aZsbevXunaJ7TUqJEiTTrUVFRJCcnU6xYsRT1YsWKsWvXrutur1KlSkyfPp2goCBiYmL44IMPaNSoEX/++SelSpXixIkTju38d7tX77s22+bNm2+Y/05S45tLJCcms6rNBzRePISevMyrfICnJ4wfD089ZcNmU9MrInIr/C06/jej+23atCmTJk0iLi6ODz/8EBcXl1SNVnoZY25pvcjISGrWrOloem9V7dq1U9x2cXGhQ4cOfPXVV3Tr1o24uDi+//57vvnmGwD27t3LxYsXuffee1Osl5iYSM2aNa+7n0uXLqU6aCs5OZlRo0Yxb948jh49SmJiIgkJCakubPLfjFu2bGH58uUUKFAg1X727dtHxYoV+euvvxg6dCgRERFERUU5RnoPHTp03ca3UKFCt/18ZlTDhg0dHyAAGjVqROXKlZkyZQpvv/12hraVL18+Ll68mNkRb5ka31zgWMRhTrXsRljMla9zBjCWnZXa8vqiJlSsaHE4EZEcbsMGqxOkT/78+R2jq9OnT6d69ep8/vnnPPnkkwBUrFiRmJgYjh07lmqEMDExkX379tG0aVPHsqtXr+by5csZGvXNly/fDe93cnJK1VRfvWLefx/Lf3Xp0oXQ0FBOnTrFb7/9Rr58+bj//vsBHFMgfvrpJ0qWLJliPXd391TbusrPz49z586lqI0ZM4YJEyYwfvx4qlWrRv78+enbt2+qA9j+m/HChQu0bt2a9957L9V+ro6yt27dmjJlyjBt2jRKlCiB3W6natWqNzw4btSoUSlGkdOyY8cOSpcunebjc3Z25uTJkynqJ0+exD8Dn6xcXV2pWbMme/fuBXCse/LkyRTfIJw8eZIaNWqkWPfs2bMUKVIk3fvKaprjm8Ot7TsPz4ZB1Pin6bVjI7zhICZtqKemV0Qkj3JycmLw4MEMGTKES/9ck75du3a4uroyduzYVMtPnjyZuLg4Hn/8cQA6d+7MhQsX+PTTT9PcfnR0dJr1oKAgIiMjr3sUf5EiRTh+/HiKWmRkZLoeU6NGjQgICGDu3Ll89dVXtG/f3tGUV6lSBXd3dw4dOkT58uVT/AQEBFx3mzVr1mTHjh0pamvWrKFNmzZ07dqV6tWrp5gCciO1atXizz//pGzZsqky5M+fnzNnzrB7926GDBlC8+bNqVy5cqqmOy29e/cmMjLyhj/Xm+rg5uZG7dq1WbZsmaNmt9tZtmxZihHdm0lOTmbbtm2OJjcwMBB/f/8U242NjSUiIiLVdrdv337DUfc7LlMPlcsBcstZHWIOx5iVd/VwnK3BgDniHGA2jw+3OpqISI6U287qcPnyZVOyZMkUR95/+OGHxsnJyQwePNjs3LnT7N2714wdO9a4u7ubV155JcX6r732mnF2djavvvqqWbt2rTl48KBZunSpeeyxx657toeEhARTsWJFExwcbFavXm327dtn5s+fb9auXWuMMWbx4sXGZrOZL774wuzZs8cMHTrUFCxYMNVZHV5++eU0t//GG2+YKlWqGBcXF7Nq1apU9xUuXNjMnDnT7N2712zcuNFMnDjRzJw587rP26JFi0zRokVNUlKSo9avXz8TEBBg1qxZY3bs2GGeeuopU7BgwRTPb1oZjx49aooUKWIee+wxs379erN3716zePFi07NnT5OUlGSSk5NN4cKFTdeuXc1ff/1lli1bZurWrWsA891331034+365ptvjLu7u5k5c6bZsWOHeeaZZ4yPj485ceKEY5lu3bqZgQMHOm6PGDHCLFmyxOzbt89s3LjRdOrUyXh4eJg///zTscy7775rfHx8zPfff2+2bt1q2rRpYwIDA1O8f+Li4ky+fPnMypUr08xmxVkd1PjmQFunrDUHXcqlaHrXBHQ00QfOWh1NRCTHym2NrzHGjB492hQpUsRcuHDBUfv+++9NcHCwyZ8/v/Hw8DC1a9c206dPT3O7c+fONSEhIcbLy8vkz5/fBAUFmbfeeuuGpzM7ePCgadeunSlYsKDx9PQ0derUMREREY77hw4daooVK2a8vb1Nv379zAsvvJDuxnfHjh0GMGXKlDF2uz3FfXa73YwfP95UqlTJuLq6miJFipiWLVuaFStWXDfr5cuXTYkSJczixYsdtTNnzpg2bdqYAgUKmKJFi5ohQ4aY7t2737TxNcaYPXv2mEceecT4+PiYfPnymbvvvtv07dvXkfW3334zlStXNu7u7iYoKMiEh4dneeNrjDEfffSRKV26tHFzczP16tVznF7u2sfTo0cPx+2+ffs6li9WrJhp1aqV2bRpU4p17Ha7efPNN02xYsWMu7u7ad68udm9e3eKZebMmWMqVap03VxWNL42Y25xBnsOFRsbi7e3NzExMRQsWNDqOBmSlASznwqn6xctcCEZgFi82PrsJzT+tKsuRiEichvi4+M5cOAAgYGBqQ54ktzrk08+YdGiRSxZssTqKLlOgwYNeOmll+jcuXOa99/oPZdV/ZoObssh9u+Hrl3hj3WNqUxt6rOerV6N8P1xNk1CAq2OJyIikiM9++yzREdHc/78+Vx92eI7LSoqikcffdQxbzy70IhvNmcMfPkl9OkDV8/bXdFpL5ObziX4x9dx8dBnFxGRzKARX5E7y4oRX53VIRuLPnCONWW7MKHHRkfTW64cfLGmPE2XvqGmV0RERCQD1PhmU5Hjw7lYIYgmh+bwFV3Ix0V69oTISGjQwOp0IiIiIjmPhgyzmcQLiaxtMZSQiPdx4soslGK2Uywa+SctBtW1OJ2IiIhIzqXGNxvZ/8tuEtp1JuzSJkdts09T/H+dRYu6pSxMJiIiIpLzaapDNmDshpVdpuDfqiaV/2l6E3ElvNX7VD+9lOJqekVERERum0Z8LRa18zT7mj1FyIlFjtp+t0okTJ9DWJdaFiYTERERyV004muhxYuhc/Bhap342VFbec9z+B/dRGU1vSIiIiKZSo2vBeLjoW9feOAB+O1MLYbwDlE2P9YPWUTI9k/x9PO0OqKIiEi62Ww2/ve//1kdI9saPnw4NWrUsDqGoMb3jtuzaBcN61xmwoR/a9tbDsC+9U/qvd3aumAiIpJj9ezZE5vNhs1mw9XVlcDAQF577TXi4+OtjpblTpw4wcsvv0z58uXx8PCgWLFiNG7cmEmTJnHx4kWr4wEwYMAAli1bZnUMQXN87xh7kp1VHT6i/nev05bXiWQE7u4wZgy88IIzNltRqyOKiEgOdv/99zNjxgwuX77Mxo0b6dGjBzabjffee8/qaFlm//79NG7cGB8fH0aNGkW1atVwd3dn27ZtTJ06lZIlS/Lwww9bHZMCBQpQoEABq2MIGvG9I05GHmeTfytCv+uLBwkM4R06l1/Phg3w4otgs1mdUEREcjp3d3f8/f0JCAigbdu2tGjRgt9++81x/5kzZ3j88ccpWbIknp6eVKtWja+//jrFNsLCwnjppZd47bXXKFSoEP7+/gwfPjzFMn/99RchISF4eHhQpUqVFPu4atu2bTRr1ox8+fJRuHBhnnnmGS5cvQQpV0ao27Zty6hRoyhWrBg+Pj689dZbJCUl8eqrr1KoUCFKlSrFjBkzbviYn3/+eVxcXNiwYQMdOnSgcuXKlCtXjjZt2vDTTz/RuvWVb1IPHjyIzWYjMjLSsW50dDQ2m43w8HBHbfv27TzwwAMUKFCAYsWK0a1bN6Kiohz3z58/n2rVqjkeV4sWLYiLiwMgPDycevXqkT9/fnx8fGjcuDF///03kHqqw9XH/8EHH1C8eHEKFy5Mnz59uHz5smOZ48eP8+CDD5IvXz4CAwOZM2cOZcuWZfz48Td8TuTG1PhmsYjB3+NcK4g6Z5Y4aqtrvsTnfwRRtaqFwUREJP3GjYNSpW7+k9bo4sMPp2/dceMyLe727dtZu3Ytbm5ujlp8fDy1a9fmp59+Yvv27TzzzDN069aN9evXp1j3iy++IH/+/ERERPD+++/z1ltvOZpbu93Oo48+ipubGxEREUyePJnXX389xfpxcXG0bNkSX19f/vjjD7799luWLl3KCy+8kGK5//u//+PYsWOsXLmScePGMWzYMB566CF8fX2JiIigd+/ePPvssxw5ciTNx3jmzBl+/fVX+vTpQ/78+dNcxpaBkaXo6GiaNWtGzZo12bBhA4sXL+bkyZN06NABuNKIPv744zzxxBPs3LmT8PBwHn30UYwxJCUl0bZtW0JDQ9m6dSvr1q3jmWeeueH+ly9fzr59+1i+fDlffPEFM2fOZObMmY77u3fvzrFjxwgPD2fBggVMnTqVU6dOpfvxyHWYPCYmJsYAJiYmJkv3c+HkBbOi8rPGgOPnhJO/2TBqSZbuV0REbs2lS5fMjh07zKVLl1LfOWxYir/n1/1p0CD1ug0apG/dYcNuOXuPHj2Ms7OzyZ8/v3F3dzeAcXJyMvPnz7/heg8++KB55ZVXHLdDQ0NNkyZNUixTt25d8/rrrxtjjFmyZIlxcXExR48eddz/yy+/GMB89913xhhjpk6danx9fc2FCxccy/z000/GycnJnDhxwpG3TJkyJjk52bFMpUqVTHBwsON2UlKSyZ8/v/n666/TzP77778bwCxcuDBFvXDhwiZ//vwmf/785rXXXjPGGHPgwAEDmM2bNzuWO3funAHM8uXLjTHGvP322+a+++5Lsa3Dhw8bwOzevdts3LjRAObgwYOpspw5c8YAJjw8PM2sw4YNM9WrV3fcvvr4k5KSHLX27dubjh07GmOM2blzpwHMH3/84bj/r7/+MoD58MMP09xHTnSj91xW9Wua45sFds7eiMcTnQm5vMdRi/BvQ/nwz6hdyc/CZCIicksKFoSSJW++XJEiadfSs27BghnPdY2mTZsyadIk4uLi+PDDD3FxcaFdu3aO+5OTkxk1ahTz5s3j6NGjJCYmkpCQgKdnyjMJBQUFpbhdvHhxx0jjzp07CQgIoESJEo77GzZsmGL5nTt3Ur169RSjsI0bN8Zut7N7926KFSsGwD333IOT079fPBcrVoyq13wV6uzsTOHChTM8yrl+/XrsdjtdunQhISEh3ett2bKF5cuXpzkXd9++fdx33300b96catWq0bJlS+677z4ee+wxfH19KVSoED179qRly5bce++9tGjRgg4dOlC8ePHr7u+ee+7B2dnZcbt48eJs27YNgN27d+Pi4kKtWv+e2rR8+fL4+vqm+/FI2tT4ZqLkZJjX+/947LOWuJIEQByebOw2nuCZT2Fz0mReEZEcqX//Kz+3YtGimy+TCfLnz0/58uUBmD59OtWrV+fzzz/nySefBGDMmDFMmDCB8ePHU61aNfLnz0/fvn1JTExMsR1XV9cUt202G3a7PdPzprWfjOy7fPny2Gw2du/enaJerlw5APLly+eoXW2wjTGO2rXzaQEuXLhA69at0zwYsHjx4jg7O/Pbb7+xdu1afv31Vz766CPeeOMNIiIiCAwMZMaMGbz00kssXryYuXPnMmTIEH777TcaNGiQ7sefFc+zpKQ5vpnk8GFo3hx6ftaYHVQBYIdnbU4t3kzIrKfV9IqIyB3j5OTE4MGDGTJkCJcuXQJgzZo1tGnThq5du1K9enXKlSvHnj17brKllCpXrszhw4c5fvy4o/b777+nWmbLli2Og76u7tvJyYlKlSrdxqNKqXDhwtx77718/PHHKfaVliL/jMRfm/vaA90AatWqxZ9//knZsmUpX758ip+ro9c2m43GjRszYsQINm/ejJubG999951jGzVr1mTQoEGsXbuWqlWrMmfOnFt6bJUqVSIpKYnNmzc7anv37uXcuXO3tD35lxrfTDB3LgQFwYoVkIg7XZjD8kZvUP7kWgJbVrQ6noiI5EHt27fH2dmZTz75BIAKFSo4Rix37tzJs88+y8mTJzO0zRYtWlCxYkV69OjBli1bWLVqFW+88UaKZbp06YKHhwc9evRg+/btLF++nBdffJFu3bo5pjlklk8//ZSkpCTq1KnD3Llz2blzJ7t372b27Nns2rXLMZUgX758NGjQgHfffZedO3eyYsUKhgwZkmJbffr04ezZszz++OP88ccf7Nu3jyVLltCrVy+Sk5OJiIhg1KhRbNiwgf9v797Doqr2PoB/mcGZARsgjiGM4l3Qo3jhGpiaygnUDG9ByVFUFE+CmmSGSiIZaqaWmqVmink4ofZ4e5RA0UhETt5AO4J4Aby8AXk5gijIZdb7hy/zNgrmIMwQ8/08z/yx16y99m/Nr7HfbNbe+9q1a9i1axdu3ryJ7t27Iy8vD/PmzUN6ejquXr2KgwcP4tKlS+jevXu95tWtWzd4e3sjJCQEJ06cQEZGBkJCQmBmZqbTBXv0JBa+z6HkRglSuk7FR2+dx927j9rs7YF1KT0wKO1jyF6QPXV/IiKixmJqaoqwsDAsX74c9+/fR2RkJJydneHj44NXX30Vtra2GDlypE5jSiQS7N69G2VlZXB3d8eUKVMQExOj1cfc3BxJSUm4c+cO3NzcMHbsWAwZMgRffPFFA87ukc6dOyMjIwPe3t6YN28eevfuDVdXV6xduxZz5szB4sWLNX03b96MqqoquLi44N1338XHH3+sNZZKpUJaWhqqq6vx2muvwcnJCe+++y6srKwgkUhgYWGBo0ePYtiwYXBwcEBkZCRWrlyJoUOHwtzcHBcuXMCYMWPg4OCAkJAQhIaGYtq0afWe27fffovWrVtjwIABGDVqFKZOnQqlUgmFQlHvMQkwEb9f8GIESkpKYGlpieLiYlg8x4UEv2xMh0Xo39G+Khdn0QvuOIFRAXKsXw9YWTVcvEREpB/l5eXIy8tDx44dWVxQk3Pjxg3Y29sjOTkZQ4YMMXQ4DeJp37mGqtcex4vbdFRVXoVU3xj0/2kxTFENAOiIPOxedA5DF7rxYRRERET03I4cOYLS0lI4OTmhoKAAc+fORYcOHTBgwABDh/anxsJXB9dSclE84u8YVJquaTun9MKL+/+JYQM6GjAyIiIiak4qKysxf/585ObmQqlUwsvLC3FxcU/cDYJ0w8L3GQi1QNo/tqHX12Foh3sAgCpIcWzQQrySMB+mCn6MRERE1HB8fHzg4+Nj6DCaHVZsf+Bu3n+RNfAdvHJ9u6btqmkn3PsqDq9Oqf3efERERETU9PCuDk+RkgJM9MiGx/WdmrbULhNhfTUTPVn0EhE1S0Z2zTeRwRjiu8bCtxYVFUBEBDB4MLD3phdisAB3TayQPnsH+l/aAqVKaegQiYiogdWsnXzw4IGBIyEyDjVPDfz9o5sbG5c6PCb3cB4C3m+HUxn/n4TUgR9iyqfT4On2DM9aJyKiPyWpVAorKyv89ttvAB7dj5YPCyBqHGq1Gjdv3oS5uTlMTfVXjrLw/T9CLZA6fiNc/zUbgxGFU/gALVoAMTHAe++1gETCopeIqLmztbUFAE3xS0SNRyKRoF27dnr9gcnCF8Ct7Ju4MngKBhTuAwB8jEhcbP8aPtzVF87OBg6OiIj0xsTEBHZ2drCxsUFlZaWhwyFq1mQyGSQS/a66NfrC91RMEuwXToSHulDTlv7XKYj7yRHmrQwYGBERGYxUKtXrukMi0o8mcXHbunXr0KFDBygUCnh4eODEiRNP7b9z505069YNCoUCTk5OSEhI0PmY5XfL8VPfd+Ea6YvW/1f03jJphROR+zDg/Fcwb2Ver7kQERERUdNk8MJ3+/btCA8PR1RUFM6cOYPevXvDx8enzvVVx48fx9tvv43g4GBkZGRg5MiRGDlyJP7zn//odNz/6foqBmau1myfbOULdeYvcF884rnmQ0RERERNk4kw8A0LPTw84Obmhi+++ALAo6v87O3tMWPGDERERDzRPyAgAPfv38f+/fs1bS+//DL69OmD9evX/+HxSkpKYGlpiWIAFgDKIcfPYz7FgB1hMJHw6l0iIiIiQ9PUa8XFsLCwaLBxDbrGt6KiAqdPn8a8efM0bRKJBN7e3khPT691n/T0dISHh2u1+fj4YM+ePbX2f/jwIR4+fKjZLi4uBgCUALgs/ytMvvkGfUf8FfdK7z3fZIiIiIioQZSUlABo+IdcGLTwvXXrFqqrq9G6dWut9tatW+PChQu17lNYWFhr/8LCwlr7L126FNHR0U+02wPAwyzg7571ip2IiIiIGtft27dhaWnZYOM1+7s6zJs3T+sM8d27d9G+fXtcu3atQT9IappKSkpgb2+P69evN+ifSqhpYr6NC/NtXJhv41JcXIx27drB2tq6Qcc1aOHbqlUrSKVSFBUVabUXFRVpbiL+OFtbW536y+VyyOXyJ9otLS35xTEiFhYWzLcRYb6NC/NtXJhv49LQ9/k16F0dZDIZXFxccPjwYU2bWq3G4cOH4elZ+xIET09Prf4AcOjQoTr7ExEREREBTWCpQ3h4OIKCguDq6gp3d3d8/vnnuH//PiZNmgQAmDBhAtq0aYOlS5cCAGbNmoWBAwdi5cqVGD58OOLj43Hq1Cls3LjRkNMgIiIioibO4IVvQEAAbt68iYULF6KwsBB9+vRBYmKi5gK2a9euaZ3m9vLywr/+9S9ERkZi/vz56Nq1K/bs2YOePXs+0/HkcjmioqJqXf5AzQ/zbVyYb+PCfBsX5tu4NFa+DX4fXyIiIiIifTD4k9uIiIiIiPSBhS8RERERGQUWvkRERERkFFj4EhEREZFRaJaF77p169ChQwcoFAp4eHjgxIkTT+2/c+dOdOvWDQqFAk5OTkhISNBTpNQQdMn3119/jf79++PFF1/Eiy++CG9v7z/874OaFl2/3zXi4+NhYmKCkSNHNm6A1KB0zffdu3cRGhoKOzs7yOVyODg48N/0PxFd8/3555/D0dERZmZmsLe3x+zZs1FeXq6naOl5HD16FCNGjIBKpYKJiQn27Nnzh/ukpKTA2dkZcrkcXbp0QWxsrO4HFs1MfHy8kMlkYvPmzeL8+fNi6tSpwsrKShQVFdXaPy0tTUilUrF8+XKRlZUlIiMjRYsWLcQvv/yi58ipPnTN97hx48S6detERkaGyM7OFhMnThSWlpbixo0beo6c6kPXfNfIy8sTbdq0Ef379xd+fn76CZaem675fvjwoXB1dRXDhg0Tx44dE3l5eSIlJUVkZmbqOXKqD13zHRcXJ+RyuYiLixN5eXkiKSlJ2NnZidmzZ+s5cqqPhIQEsWDBArFr1y4BQOzevfup/XNzc4W5ubkIDw8XWVlZYu3atUIqlYrExESdjtvsCl93d3cRGhqq2a6urhYqlUosXbq01v7+/v5i+PDhWm0eHh5i2rRpjRonNQxd8/24qqoqoVQqxdatWxsrRGpA9cl3VVWV8PLyEps2bRJBQUEsfP9EdM33V199JTp16iQqKir0FSI1IF3zHRoaKgYPHqzVFh4eLvr169eocVLDe5bCd+7cuaJHjx5abQEBAcLHx0enYzWrpQ4VFRU4ffo0vL29NW0SiQTe3t5IT0+vdZ/09HSt/gDg4+NTZ39qOuqT78c9ePAAlZWVsLa2bqwwqYHUN98fffQRbGxsEBwcrI8wqYHUJ9/79u2Dp6cnQkND0bp1a/Ts2RNLlixBdXW1vsKmeqpPvr28vHD69GnNcojc3FwkJCRg2LBheomZ9Kuh6jWDP7mtId26dQvV1dWap77VaN26NS5cuFDrPoWFhbX2LywsbLQ4qWHUJ9+P++CDD6BSqZ74MlHTU598Hzt2DN988w0yMzP1ECE1pPrkOzc3F0eOHEFgYCASEhJw+fJlTJ8+HZWVlYiKitJH2FRP9cn3uHHjcOvWLbzyyisQQqCqqgr/+Mc/MH/+fH2ETHpWV71WUlKCsrIymJmZPdM4zeqML5Euli1bhvj4eOzevRsKhcLQ4VADu3fvHsaPH4+vv/4arVq1MnQ4pAdqtRo2NjbYuHEjXFxcEBAQgAULFmD9+vWGDo0aQUpKCpYsWYIvv/wSZ86cwa5du3DgwAEsXrzY0KFRE9aszvi2atUKUqkURUVFWu1FRUWwtbWtdR9bW1ud+lPTUZ9811ixYgWWLVuG5ORk9OrVqzHDpAaia76vXLmC/Px8jBgxQtOmVqsBAKampsjJyUHnzp0bN2iqt/p8v+3s7NCiRQtIpVJNW/fu3VFYWIiKigrIZLJGjZnqrz75/vDDDzF+/HhMmTIFAODk5IT79+8jJCQECxYsgETCc3vNSV31moWFxTOf7QWa2RlfmUwGFxcXHD58WNOmVqtx+PBheHp61rqPp6enVn8AOHToUJ39qemoT74BYPny5Vi8eDESExPh6uqqj1CpAeia727duuGXX35BZmam5vXGG29g0KBByMzMhL29vT7DJx3V5/vdr18/XL58WfMDBwAuXrwIOzs7Fr1NXH3y/eDBgyeK25ofPY+ul6LmpMHqNd2uu2v64uPjhVwuF7GxsSIrK0uEhIQIKysrUVhYKIQQYvz48SIiIkLTPy0tTZiamooVK1aI7OxsERUVxduZ/Ynomu9ly5YJmUwmvv/+e1FQUKB53bt3z1BTIB3omu/H8a4Ofy665vvatWtCqVSKsLAwkZOTI/bv3y9sbGzExx9/bKgpkA50zXdUVJRQKpXiu+++E7m5ueLgwYOic+fOwt/f31BTIB3cu3dPZGRkiIyMDAFArFq1SmRkZIirV68KIYSIiIgQ48eP1/SvuZ3Z+++/L7Kzs8W6det4O7Maa9euFe3atRMymUy4u7uLf//735r3Bg4cKIKCgrT679ixQzg4OAiZTCZ69OghDhw4oOeI6Xnoku/27dsLAE+8oqKi9B841Yuu3+/fY+H756Nrvo8fPy48PDyEXC4XnTp1EjExMaKqqkrPUVN96ZLvyspKsWjRItG5c2ehUCiEvb29mD59uvjvf/+r/8BJZz/++GOt/z+uyXFQUJAYOHDgE/v06dNHyGQy0alTJ7Flyxadj2siBP8eQERERETNX7Na40tEREREVBcWvkRERERkFFj4EhEREZFRYOFLREREREaBhS8RERERGQUWvkRERERkFFj4EhEREZFRYOFLREREREaBhS8REYDY2FhYWVkZOox6MzExwZ49e57aZ+LEiRg5cqRe4iEiaopY+BJRszFx4kSYmJg88bp8+bKhQ0NsbKwmHolEgrZt22LSpEn47bffGmT8goICDB06FACQn58PExMTZGZmavVZvXo1YmNjG+R4dVm0aJFmnlKpFPb29ggJCcGdO3d0GodFOhE1BlNDB0BE1JB8fX2xZcsWrbaXXnrJQNFos7CwQE5ODtRqNc6ePYtJkybh119/RVJS0nOPbWtr+4d9LC0tn/s4z6JHjx5ITk5GdXU1srOzMXnyZBQXF2P79u16OT4RUV14xpeImhW5XA5bW1utl1QqxapVq+Dk5ISWLVvC3t4e06dPR2lpaZ3jnD17FoMGDYJSqYSFhQVcXFxw6tQpzfvHjh1D//79YWZmBnt7e8ycORP3799/amwmJiawtbWFSqXC0KFDMXPmTCQnJ6OsrAxqtRofffQR2rZtC7lcjj59+iAxMVGzb0VFBcLCwmBnZweFQoH27dtj6dKlWmPXLHXo2LEjAKBv374wMTHBq6++CkD7LOrGjRuhUqmgVqu1YvTz88PkyZM123v37oWzszMUCgU6deqE6OhoVFVVPXWepqamsLW1RZs2beDt7Y0333wThw4d0rxfXV2N4OBgdOzYEWZmZnB0dMTq1as17y9atAhbt27F3r17NWePU1JSAADXr1+Hv78/rKysYG1tDT8/P+Tn5z81HiKiGix8icgoSCQSrFmzBufPn8fWrVtx5MgRzJ07t87+gYGBaNu2LU6ePInTp08jIiICLVq0AABcuXIFvr6+GDNmDM6dO4ft27fj2LFjCAsL0ykmMzMzqNVqVFVVYfXq1Vi5ciVWrFiBc+fOwcfHB2+88QYuXboEAFizZg327duHHTt2ICcnB3FxcejQoUOt4544cQIAkJycjIKCAuzateuJPm+++SZu376NH3/8UdN2584dJCYmIjAwEACQmpqKCRMmYNasWcjKysKGDRsQGxuLmJiYZ55jfn4+kpKSIJPJNG1qtRpt27bFzp07kZWVhYULF2L+/PnYsWMHAGDOnDnw9/eHr68vCgoKUFBQAC8vL1RWVsLHxwdKpRKpqalIS0vDCy+8AF9fX1RUVDxzTERkxAQRUTMRFBQkpFKpaNmypeY1duzYWvvu3LlT/OUvf9Fsb9myRVhaWmq2lUqliI2NrXXf4OBgERISotWWmpoqJBKJKCsrq3Wfx8e/ePGicHBwEK6urkIIIVQqlYiJidHax83NTUyfPl0IIcSMGTPE4MGDhVqtrnV8AGL37t1CCCHy8vIEAJGRkaHVJygoSPj5+Wm2/fz8xOTJkzXbGzZsECqVSlRXVwshhBgyZIhYsmSJ1hjbtm0TdnZ2tcYghBBRUVFCIpGIli1bCoVCIQAIAGLVqlV17iOEEKGhoWLMmDF1xlpzbEdHR63P4OHDh8LMzEwkJSU9dXwiIiGE4BpfImpWBg0ahK+++kqz3bJlSwCPzn4uXboUFy5cQElJCaqqqlBeXo4HDx7A3Nz8iXHCw8MxZcoUbNu2TfPn+s6dOwN4tAzi3LlziIuL0/QXQkCtViMvLw/du3evNbbi4mK88MILUKvVKC8vxyuvvIJNmzahpKQEv/76K/r166fVv1+/fjh79iyAR8sU/va3v8HR0RG+vr54/fXX8dprrz3XZxUYGIipU6fiyy+/hFwuR1xcHN566y1IJBLNPNPS0rTO8FZXVz/1cwMAR0dH7Nu3D+Xl5fjnP/+JzMxMzJgxQ6vPunXrsHnzZly7dg1lZWWoqKhAnz59nhrv2bNncfnyZSiVSq328vJyXLlypR6fABEZGxa+RNSstGzZEl26dNFqy8/Px+uvv4533nkHMTExsLa2xrFjxxAcHIyKiopaC7hFixZh3LhxOHDgAH744QdERUUhPj4eo0aNQmlpKaZNm4aZM2c+sV+7du3qjE2pVOLMmTOQSCSws7ODmZkZAKCkpOQP5+Xs7Iy8vDz88MMPSE5Ohr+/P7y9vfH999//4b51GTFiBIQQOHDgANzc3JCamorPPvtM835paSmio6MxevToJ/ZVKBR1jiuTyTQ5WLZsGYYPH47o6GgsXrwYABAfH485c+Zg5cqV8PT0hFKpxKeffoqff/75qfGWlpbCxcVF6wdHjaZyASMRNW0sfImo2Tt9+jTUajVWrlypOZtZs570aRwcHODg4IDZs2fj7bffxpYtWzBq1Cg4OzsjKyvriQL7j0gkklr3sbCwgEqlQlpaGgYOHKhpT0tLg7u7u1a/gIAABAQEYOzYsfD19cWdO3dgbW2tNV7Netrq6uqnxqNQKDB69GjExcXh8uXLcHR0hLOzs+Z9Z2dn5OTk6DzPx0VGRmLw4MF45513NPP08vLC9OnTNX0eP2Mrk8meiN/Z2Rnbt2+HjY0NLCwsnismIjJOvLiNiJq9Ll26oLKyEmvXrkVubi62bduG9evX19m/rKwMYWFhSElJwdWrV5GWloaTJ09qljB88MEHOH78OMLCwpCZmYlLly5h7969Ol/c9nvvv/8+PvnkE2zfvh05OTmIiIhAZmYmZs2aBQBYtWoVvvvuO1y4cAEXL17Ezp07YWtrW+tDN2xsbGBmZobExEQUFRWhuLi4zuMGBgbiwIED2Lx5s+aithoLFy7Et99+i+joaJw/fx7Z2dmIj49HZGSkTnPz9PREr169sGTJEgBA165dcerUKSQlJeHixYv48MMPcfLkSa19OnTogHPnziEnJwe3bt1CZWUlAgMD0apVK/j5+SE1NRV5eXlISUnBzJkzcePGDZ1iIiLjxMKXiJq93r17Y9WqVfjkk0/Qs2dPxMXFad0K7HFSqRS3b9/GhAkT4ODgAH9/fwwdOhTR0dEAgF69euGnn37CxYsX0b9/f/Tt2xcLFy6ESqWqd4wzZ85EeHg43nvvPTg5OSExMRH79u1D165dATxaJrF8+XK4urrCzc0N+fn5SEhI0JzB/j1TU1OsWbMGGzZsgEqlgp+fX53HHTx4MKytrZGTk4Nx48Zpvefj44P9+/fj4MGDcHNzw8svv4zPPvsM7du313l+s2fPxqZNm3D9+nVMmzYNo0ePRkBAADw8PHD79m2ts78AMHXqVDg6OsLV1RUvvfQS0tLSYG5ujqNHj6Jdu3YYPXo0unfvjuDgYJSXl/MMMBE9ExMhhDB0EEREREREjY1nfImIiIjIKLDwJSIiIiKjwMKXiIiIiIwCC18iIiIiMgosfImIiIjIKLDwJSIiIiKjwMKXiIiIiIwCC18iIiIiMgosfImIiIjIKLDwJSIiIiKjwMKXiIiIiIzC/wKCnwl/7rIExAAAAABJRU5ErkJggg==", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "plot_roc_curve(y_test, y_pred)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Perceptron" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "#### Normalized data" + ] + }, + { + "cell_type": "code", + "execution_count": 75, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Time taken for GridSearchCV: 6.46 seconds\n", + "Best Hyperparameters:\n", + "{'alpha': 0.001, 'max_iter': 1000, 'penalty': 'l1', 'tol': 0.0001}\n", + "\n", + "Time taken for training with best hyperparameters: 0.10 seconds\n", + "\n", + "Mean Accuracy: 0.5869381051175657\n", + "Standard Deviation of Accuracy: 0.1532782626832634\n", + "Mean Precision: 0.5424396959818047\n", + "Standard Deviation of Precision: 0.17290092302933616\n", + "Mean Recall: 0.7031148986188657\n", + "Standard Deviation of Recall: 0.31746538293787024\n", + "Mean F1-score: 0.5166216267007258\n", + "Standard Deviation of F1-score: 0.11741940352196295\n", + "Mean ROC AUC: 0.61482036957066\n", + "Standard Deviation of ROC AUC: 0.07747266852928748\n", + "\n", + "Total time taken: 6.57 seconds\n" + ] + } + ], + "source": [ + "from sklearn.linear_model import Perceptron\n", + "from sklearn.model_selection import StratifiedKFold, GridSearchCV\n", + "from sklearn.metrics import accuracy_score, precision_score, recall_score, f1_score, roc_auc_score, confusion_matrix\n", + "import numpy as np\n", + "import time\n", + "\n", + "start_total_time = time.time()\n", + "\n", + "kf = StratifiedKFold(n_splits=10, shuffle=True, random_state=42)\n", + "\n", + "model = Perceptron(random_state=42)\n", + "\n", + "param_grid = {\n", + " 'penalty': [None, 'l2', 'l1', 'elasticnet'],\n", + " 'alpha': [0.0001, 0.001, 0.01, 0.1],\n", + " 'max_iter': [1000, 2000, 3000],\n", + " 'tol': [1e-3, 1e-4, 1e-5]\n", + "}\n", + "\n", + "grid_search = GridSearchCV(estimator=model, param_grid=param_grid, cv=kf, scoring='accuracy')\n", + "\n", + "start_time = time.time()\n", + "\n", + "grid_search.fit(standard(x), y)\n", + "\n", + "grid_search_time = time.time() - start_time\n", + "print(f\"Time taken for GridSearchCV: {grid_search_time:.2f} seconds\")\n", + "\n", + "best_params = grid_search.best_params_\n", + "\n", + "print(\"Best Hyperparameters:\")\n", + "print(best_params)\n", + "print()\n", + "\n", + "best_model = grid_search.best_estimator_\n", + "\n", + "start_time = time.time()\n", + "\n", + "accuracy_scores = []\n", + "precision_scores = []\n", + "recall_scores = []\n", + "f1_scores = []\n", + "roc_auc_scores = []\n", + "confusion_matrices = []\n", + "\n", + "for train_index, test_index in kf.split(normal(x), y):\n", + " X_train, X_test = x.iloc[train_index], x.iloc[test_index]\n", + " y_train, y_test = y.iloc[train_index], y.iloc[test_index]\n", + "\n", + " best_model.fit(X_train, y_train)\n", + "\n", + " y_pred = best_model.predict(X_test)\n", + "\n", + " accuracy = accuracy_score(y_test, y_pred)\n", + " accuracy_scores.append(accuracy)\n", + " \n", + " precision = precision_score(y_test, y_pred)\n", + " precision_scores.append(precision)\n", + " \n", + " recall = recall_score(y_test, y_pred)\n", + " recall_scores.append(recall)\n", + " \n", + " f1 = f1_score(y_test, y_pred)\n", + " f1_scores.append(f1)\n", + " \n", + " roc_auc = roc_auc_score(y_test, y_pred)\n", + " roc_auc_scores.append(roc_auc)\n", + " \n", + " confusion = confusion_matrix(y_test, y_pred)\n", + " confusion_matrices.append(confusion)\n", + "\n", + "training_time = time.time() - start_time\n", + "print(f\"Time taken for training with best hyperparameters: {training_time:.2f} seconds\")\n", + "print()\n", + "\n", + "mean_accuracy = np.mean(accuracy_scores)\n", + "std_accuracy = np.std(accuracy_scores)\n", + "\n", + "mean_precision = np.mean(precision_scores)\n", + "std_precision = np.std(precision_scores)\n", + "\n", + "mean_recall = np.mean(recall_scores)\n", + "std_recall = np.std(recall_scores)\n", + "\n", + "mean_f1 = np.mean(f1_scores)\n", + "std_f1 = np.std(f1_scores)\n", + "\n", + "mean_roc_auc = np.mean(roc_auc_scores)\n", + "std_roc_auc = np.std(roc_auc_scores)\n", + "\n", + "print(f\"Mean Accuracy: {mean_accuracy}\")\n", + "print(f\"Standard Deviation of Accuracy: {std_accuracy}\")\n", + "\n", + "print(f\"Mean Precision: {mean_precision}\")\n", + "print(f\"Standard Deviation of Precision: {std_precision}\")\n", + "\n", + "print(f\"Mean Recall: {mean_recall}\")\n", + "print(f\"Standard Deviation of Recall: {std_recall}\")\n", + "\n", + "print(f\"Mean F1-score: {mean_f1}\")\n", + "print(f\"Standard Deviation of F1-score: {std_f1}\")\n", + "\n", + "print(f\"Mean ROC AUC: {mean_roc_auc}\")\n", + "print(f\"Standard Deviation of ROC AUC: {std_roc_auc}\")\n", + "print()\n", + "\n", + "total_time = time.time() - start_total_time\n", + "print(f\"Total time taken: {total_time:.2f} seconds\")" + ] + }, + { + "cell_type": "code", + "execution_count": 76, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "x_train: (1800, 13)\n", + "y_train: (1800,)\n", + "x_test: (601, 13)\n", + "y_test: (601,)\n" + ] + } + ], + "source": [ + "from sklearn.model_selection import train_test_split\n", + "\n", + "x_train, x_test, y_train, y_test = train_test_split(x,y,test_size=0.25,random_state=42)\n", + "\n", + "print(\"x_train:\",x_train.shape)\n", + "print(\"y_train:\",y_train.shape)\n", + "print(\"x_test:\",x_test.shape)\n", + "print(\"y_test:\",y_test.shape)" + ] + }, + { + "cell_type": "code", + "execution_count": 77, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Accuracy: 0.6888519134775375\n", + "Precision: 0.84\n", + "Recall: 0.10294117647058823\n", + "F1 Score: 0.1834061135371179\n", + "ROC AUC Score: 0.5464328048599794\n", + "Confusion Matrix:\n", + "[[393 4]\n", + " [183 21]]\n" + ] + } + ], + "source": [ + "model = grid_search.best_estimator_\n", + "\n", + "model.fit(x_train, y_train)\n", + "\n", + "y_pred = model.predict(x_test)\n", + "\n", + "y_pred = (y_pred >= 0.5).astype(int)\n", + "\n", + "print(\"Accuracy:\", accuracy_score(y_test, y_pred))\n", + "print(\"Precision:\", precision_score(y_test, y_pred))\n", + "print(\"Recall:\", recall_score(y_test, y_pred))\n", + "print(\"F1 Score:\", f1_score(y_test, y_pred))\n", + "print(\"ROC AUC Score:\", roc_auc_score(y_test, y_pred))\n", + "print(\"Confusion Matrix:\")\n", + "print(confusion_matrix(y_test, y_pred))" + ] + }, + { + "cell_type": "code", + "execution_count": 78, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAokAAAIjCAYAAABvUIGpAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8pXeV/AAAACXBIWXMAAA9hAAAPYQGoP6dpAABGpklEQVR4nO3dfZzM9f7/8efssmN37YXFXoV1fbG5TLVtrnOdRHSklCVxaKkscvbkmtoOFanQ1XEVXUeHkhahjk2ISMiiVOwSsVmsvfj8/vAz3zPeZIcds8zjfm6f2818Pu/5zGvmlPM6z/d73mOzLMsSAAAA8D98PF0AAAAAih+aRAAAABhoEgEAAGCgSQQAAICBJhEAAAAGmkQAAAAYaBIBAABgoEkEAACAgSYRAAAABppEAH9p9+7dateunUJCQmSz2bR48eIivf9PP/0km82mOXPmFOl9r2UtW7ZUy5YtPV0GAC9HkwhcA/bs2aO///3vqlq1qkqVKqXg4GA1adJEL774ok6dOuXW105ISNC2bdv09NNPa/78+br55pvd+npXU58+fWSz2RQcHHzBz3H37t2y2Wyy2Wx67rnnXL7/gQMHNG7cOG3ZsqUIqgWAq6uEpwsA8Nc++eQT/e1vf5Pdblfv3r1Vt25dnTlzRl999ZVGjBih7du367XXXnPLa586dUppaWl66qmnNHjwYLe8RkxMjE6dOqWSJUu65f6XUqJECZ08eVJLlixRjx49nK4tWLBApUqV0unTpy/r3gcOHND48eNVuXJlNWzYsNDP+/zzzy/r9QCgKNEkAsXYvn371LNnT8XExGjVqlWKiopyXEtMTFR6ero++eQTt73+4cOHJUmhoaFuew2bzaZSpUq57f6XYrfb1aRJE7399ttGk7hw4UJ16tRJH3744VWp5eTJkwoICJCfn99VeT0A+CtMNwPF2OTJk3XixAm9+eabTg3iOdWrV9fjjz/ueJyXl6eJEyeqWrVqstvtqly5sv75z38qJyfH6XmVK1fWXXfdpa+++kq33nqrSpUqpapVq2revHmOMePGjVNMTIwkacSIEbLZbKpcubKks9O05/78v8aNGyebzeZ0LjU1VU2bNlVoaKhKly6tWrVq6Z///Kfj+sXWJK5atUrNmjVTYGCgQkND1aVLF+3YseOCr5eenq4+ffooNDRUISEh6tu3r06ePHnxD/Y8DzzwgJYtW6Zjx445zm3YsEG7d+/WAw88YIw/evSohg8frnr16ql06dIKDg5Wx44d9d133znGrF69WrfccoskqW/fvo5p63Pvs2XLlqpbt642bdqk5s2bKyAgwPG5nL8mMSEhQaVKlTLef/v27VWmTBkdOHCg0O8VAAqLJhEoxpYsWaKqVavq9ttvL9T4Rx55RGPGjNFNN92kqVOnqkWLFkpJSVHPnj2Nsenp6br33nvVtm1bPf/88ypTpoz69Omj7du3S5K6deumqVOnSpLuv/9+zZ8/X9OmTXOp/u3bt+uuu+5STk6OJkyYoOeff1533323/vvf//7l81asWKH27dvr0KFDGjdunJKSkrRu3To1adJEP/30kzG+R48e+vPPP5WSkqIePXpozpw5Gj9+fKHr7Natm2w2mz766CPHuYULF6p27dq66aabjPF79+7V4sWLddddd+mFF17QiBEjtG3bNrVo0cLRsNWpU0cTJkyQJA0YMEDz58/X/Pnz1bx5c8d9jhw5oo4dO6phw4aaNm2aWrVqdcH6XnzxRZUvX14JCQnKz8+XJL366qv6/PPP9dJLLyk6OrrQ7xUACs0CUCwdP37ckmR16dKlUOO3bNliSbIeeeQRp/PDhw+3JFmrVq1ynIuJibEkWWvXrnWcO3TokGW3261hw4Y5zu3bt8+SZE2ZMsXpngkJCVZMTIxRw9ixY63//Wtl6tSpliTr8OHDF6373GvMnj3bca5hw4ZWeHi4deTIEce57777zvLx8bF69+5tvN7DDz/sdM977rnHKlu27EVf83/fR2BgoGVZlnXvvfdarVu3tizLsvLz863IyEhr/PjxF/wMTp8+beXn5xvvw263WxMmTHCc27Bhg/HezmnRooUlyZo1a9YFr7Vo0cLp3PLlyy1J1qRJk6y9e/dapUuXtrp27XrJ9wgAl4skESimsrKyJElBQUGFGv/pp59KkpKSkpzODxs2TJKMtYuxsbFq1qyZ43H58uVVq1Yt7d2797JrPt+5tYwff/yxCgoKCvWcgwcPasuWLerTp4/CwsIc5+vXr6+2bds63uf/GjhwoNPjZs2a6ciRI47PsDAeeOABrV69WhkZGVq1apUyMjIuONUsnV3H6ONz9q/P/Px8HTlyxDGV/u233xb6Ne12u/r27Vuose3atdPf//53TZgwQd26dVOpUqX06quvFvq1AMBVNIlAMRUcHCxJ+vPPPws1/ueff5aPj4+qV6/udD4yMlKhoaH6+eefnc5XqlTJuEeZMmX0xx9/XGbFpvvuu09NmjTRI488ooiICPXs2VPvvffeXzaM5+qsVauWca1OnTr6/ffflZ2d7XT+/PdSpkwZSXLpvdx5550KCgrSu+++qwULFuiWW24xPstzCgoKNHXqVNWoUUN2u13lypVT+fLltXXrVh0/frzQr3nDDTe49CWV5557TmFhYdqyZYumT5+u8PDwQj8XAFxFkwgUU8HBwYqOjtb333/v0vPO/+LIxfj6+l7wvGVZl/0a59bLnePv76+1a9dqxYoVeuihh7R161bdd999atu2rTH2SlzJeznHbrerW7dumjt3rhYtWnTRFFGSnnnmGSUlJal58+Z66623tHz5cqWmpurGG28sdGIqnf18XLF582YdOnRIkrRt2zaXngsArqJJBIqxu+66S3v27FFaWtolx8bExKigoEC7d+92Op+Zmaljx445vqlcFMqUKeP0TeBzzk8rJcnHx0etW7fWCy+8oB9++EFPP/20Vq1apS+++OKC9z5X565du4xrO3fuVLly5RQYGHhlb+AiHnjgAW3evFl//vnnBb/sc84HH3ygVq1a6c0331TPnj3Vrl07tWnTxvhMCtuwF0Z2drb69u2r2NhYDRgwQJMnT9aGDRuK7P4AcD6aRKAYe/LJJxUYGKhHHnlEmZmZxvU9e/boxRdflHR2ulSS8Q3kF154QZLUqVOnIqurWrVqOn78uLZu3eo4d/DgQS1atMhp3NGjR43nnttU+vxtec6JiopSw4YNNXfuXKem6/vvv9fnn3/ueJ/u0KpVK02cOFEvv/yyIiMjLzrO19fXSCnff/99/fbbb07nzjWzF2qoXTVy5Ejt379fc+fO1QsvvKDKlSsrISHhop8jAFwpNtMGirFq1app4cKFuu+++1SnTh2nX1xZt26d3n//ffXp00eS1KBBAyUkJOi1117TsWPH1KJFC33zzTeaO3euunbtetHtVS5Hz549NXLkSN1zzz167LHHdPLkSc2cOVM1a9Z0+uLGhAkTtHbtWnXq1EkxMTE6dOiQZsyYoQoVKqhp06YXvf+UKVPUsWNHxcfHq1+/fjp16pReeuklhYSEaNy4cUX2Ps7n4+OjUaNGXXLcXXfdpQkTJqhv3766/fbbtW3bNi1YsEBVq1Z1GletWjWFhoZq1qxZCgoKUmBgoOLi4lSlShWX6lq1apVmzJihsWPHOrbkmT17tlq2bKnRo0dr8uTJLt0PAArFw9+uBlAIP/74o9W/f3+rcuXKlp+fnxUUFGQ1adLEeumll6zTp087xuXm5lrjx4+3qlSpYpUsWdKqWLGilZyc7DTGss5ugdOpUyfjdc7feuViW+BYlmV9/vnnVt26dS0/Pz+rVq1a1ltvvWVsgbNy5UqrS5cuVnR0tOXn52dFR0db999/v/Xjjz8ar3H+NjErVqywmjRpYvn7+1vBwcFW586drR9++MFpzLnXO3+LndmzZ1uSrH379l30M7Us5y1wLuZiW+AMGzbMioqKsvz9/a0mTZpYaWlpF9y65uOPP7ZiY2OtEiVKOL3PFi1aWDfeeOMFX/N/75OVlWXFxMRYN910k5Wbm+s0bujQoZaPj4+Vlpb2l+8BAC6HzbJcWNkNAAAAr8CaRAAAABhoEgEAAGCgSQQAAICBJhEAAAAGmkQAAAAYaBIBAABgoEkEAACA4br8xRX/RoM9XQIAN/ljw8ueLgGAm5TyYFfizt7h1OZr8+8tkkQAAAAYrsskEQAAwCU2crPz0SQCAADYbJ6uoNihbQYAAICBJBEAAIDpZgOfCAAAAAwkiQAAAKxJNJAkAgAAwECSCAAAwJpEA58IAAAADCSJAAAArEk00CQCAAAw3WzgEwEAAICBJBEAAIDpZgNJIgAAAAwkiQAAAKxJNPCJAAAAwECSCAAAwJpEA0kiAAAADCSJAAAArEk00CQCAAAw3WygbQYAAICBJBEAAIDpZgOfCAAAAAwkiQAAACSJBj4RAAAAGEgSAQAAfPh28/lIEgEAAGAgSQQAAGBNooEmEQAAgM20DbTNAAAAMJAkAgAAMN1s4BMBAACAgSQRAACANYkGkkQAAAAYSBIBAABYk2jgEwEAAICBJBEAAIA1iQaaRAAAAKabDXwiAAAAMJAkAgAAMN1sIEkEAACAgSQRAACANYkGPhEAAAAYSBIBAABYk2ggSQQAAICBJhEAAMDm477DBTNnzlT9+vUVHBys4OBgxcfHa9myZY7rLVu2lM1mczoGDhzodI/9+/erU6dOCggIUHh4uEaMGKG8vDyXPxKmmwEAAIrJF1cqVKigZ599VjVq1JBlWZo7d666dOmizZs368Ybb5Qk9e/fXxMmTHA8JyAgwPHn/Px8derUSZGRkVq3bp0OHjyo3r17q2TJknrmmWdcqoUmEQAAoJjo3Lmz0+Onn35aM2fO1Ndff+1oEgMCAhQZGXnB53/++ef64YcftGLFCkVERKhhw4aaOHGiRo4cqXHjxsnPz6/QtRSPthkAAMCTbDa3HTk5OcrKynI6cnJyLllSfn6+3nnnHWVnZys+Pt5xfsGCBSpXrpzq1q2r5ORknTx50nEtLS1N9erVU0REhONc+/btlZWVpe3bt7v0kdAkAgAAuFFKSopCQkKcjpSUlIuO37Ztm0qXLi273a6BAwdq0aJFio2NlSQ98MADeuutt/TFF18oOTlZ8+fP14MPPuh4bkZGhlODKMnxOCMjw6W6mW4GAABw45rE5ORkJSUlOZ2z2+0XHV+rVi1t2bJFx48f1wcffKCEhAStWbNGsbGxGjBggGNcvXr1FBUVpdatW2vPnj2qVq1akdZNkwgAAOBGdrv9L5vC8/n5+al69eqSpMaNG2vDhg168cUX9eqrrxpj4+LiJEnp6emqVq2aIiMj9c033ziNyczMlKSLrmO8GKabAQAA3Lgm8UoVFBRcdA3jli1bJElRUVGSpPj4eG3btk2HDh1yjElNTVVwcLBjyrqwSBIBAACKieTkZHXs2FGVKlXSn3/+qYULF2r16tVavny59uzZo4ULF+rOO+9U2bJltXXrVg0dOlTNmzdX/fr1JUnt2rVTbGysHnroIU2ePFkZGRkaNWqUEhMTXUozJZpEAACAYrNP4qFDh9S7d28dPHhQISEhql+/vpYvX662bdvql19+0YoVKzRt2jRlZ2erYsWK6t69u0aNGuV4vq+vr5YuXapBgwYpPj5egYGBSkhIcNpXsbBslmVZRfnmigP/RoM9XQIAN/ljw8ueLgGAm5TyYHTl3+1Nt9371Ef93HZvdyoebTMAAACKFaabAQCA17MVwRdMrjckiQAAADCQJAIAAK9HkmgiSQQAAICBJBEAAIAg0UCSCAAAAANJIgAA8HqsSTTRJAIAAK9Hk2hiuhkAAAAGkkQAAOD1SBJNJIkAAAAwkCQCAACvR5JoIkkEAACAgSQRAACAINFAkggAAAADSSIAAPB6rEk0kSQCAADAQJIIAAC8HkmiiSYRAAB4PZpEE9PNAAAAMJAkAgAAr0eSaCJJBAAAgIEkEQAAgCDRQJIIAAAAA0kiAADweqxJNJEkAgAAwECSCAAAvB5JookmEQAAeD2aRBPTzQAAADCQJAIAABAkGkgSAQAAYCBJBAAAXo81iSaSRAAAABhIEgEAgNcjSTSRJAIAAMBAkggAALweSaKJJhEAAHg9mkQT080AAAAwkCQCAAAQJBpIEgEAAGAgSQQAAF6PNYkmkkQAAAAYSBIBAIDXI0k0kSQCAADAQJIIAAC8HkmiiSYRAACAHtHAdDMAAAAMNIkAAMDr2Ww2tx2umDlzpurXr6/g4GAFBwcrPj5ey5Ytc1w/ffq0EhMTVbZsWZUuXVrdu3dXZmam0z3279+vTp06KSAgQOHh4RoxYoTy8vJc/kxoEgEAAIqJChUq6Nlnn9WmTZu0ceNG3XHHHerSpYu2b98uSRo6dKiWLFmi999/X2vWrNGBAwfUrVs3x/Pz8/PVqVMnnTlzRuvWrdPcuXM1Z84cjRkzxuVabJZlWUX2zooJ/0aDPV0CADf5Y8PLni4BgJuU8uA3JWIeW+K2e/88vfMVPT8sLExTpkzRvffeq/Lly2vhwoW69957JUk7d+5UnTp1lJaWpttuu03Lli3TXXfdpQMHDigiIkKSNGvWLI0cOVKHDx+Wn59foV+XJBEAAMCNcnJylJWV5XTk5ORc8nn5+fl65513lJ2drfj4eG3atEm5ublq06aNY0zt2rVVqVIlpaWlSZLS0tJUr149R4MoSe3bt1dWVpYjjSwsmkQUO/3/1lTfvJuszC+nKPPLKVo9d5jaNYl1XK9SoZzefb6/9q9KUeaXU/TWvx5WeFiQ0z3en/Z3/fjpBP3x9VTt/fxpvTmxt6LKh1zttwKgCLz5+mtqcGMtTU552tOl4DrmzjWJKSkpCgkJcTpSUlIuWsu2bdtUunRp2e12DRw4UIsWLVJsbKwyMjLk5+en0NBQp/ERERHKyMiQJGVkZDg1iOeun7vmCrbAQbHzW+YxjX7pY6XvPyybbHqwc5zenzpAt/V8Vj8fOKqlMxK17cff1HHAS5KksY920ocv/l3Nez+vc6sn1m74UVPeXK6M348rOjxUKUPv0cIp/dSqzwuefGsAXPT9tq364P13VLNmLU+XAly25ORkJSUlOZ2z2+0XHV+rVi1t2bJFx48f1wcffKCEhAStWbPG3WUaaBJR7Hy69nunx+NeWaL+f2uqW+tXUXR4qGKiy+q2+/+lP7NPS5IeGTNfB9dMVstba+qL9bskSS8t+MLx/P0H/9Bzs1P13gv9VaKEj/LyCq7emwFw2U5mZyt55AiNHT9Jr78609Pl4Drnzs207Xb7XzaF5/Pz81P16tUlSY0bN9aGDRv04osv6r777tOZM2d07NgxpzQxMzNTkZGRkqTIyEh98803Tvc79+3nc2MKy6PTzb///rsmT56se+65R/Hx8YqPj9c999yjKVOm6PDhw54sDcWEj49Nf2vfWIH+flq/dZ/sfiVkWZZyzvzfV/lP5+SpoMDS7Q2rXfAeZYID1LPjzfr6u300iMA15JlJE9S8eQvdFn+7p0uBN7C58bhCBQUFysnJUePGjVWyZEmtXLnScW3Xrl3av3+/4uPjJUnx8fHatm2bDh065BiTmpqq4OBgxcbGGvf+Kx5LEjds2KD27dsrICBAbdq0Uc2aNSWd7XanT5+uZ599VsuXL9fNN9/8l/fJyckxFn9aBfmy+fi6rXa4343Vo7V67jCV8iuhE6dydN+w17Vzb4Z+/+OEsk+d0dOPd9GYl/8jm2ya9HgXlSjhq8hywU73mPRYFw3s2VyB/nat37pP3R6b5aF3A8BVyz79RDt2/KCF737g6VKAqyo5OVkdO3ZUpUqV9Oeff2rhwoVavXq1li9frpCQEPXr109JSUkKCwtTcHCwhgwZovj4eN12222SpHbt2ik2NlYPPfSQJk+erIyMDI0aNUqJiYkupZmSB5vEIUOG6G9/+5tmzZplRLyWZWngwIEaMmSI49s6F5OSkqLx48c7nfONuEUlo24t8ppx9fz4U6bieqYopLS/7mnTSK9PeEjtHnlRO/dmqNeTb2r6P+/To/e3UEGBpfc+26Rvf9ivgvN2c5o6b4XmLE5TpagwPfX3jnpj4kM0isA1IOPgQU1+9mm9+vq/Xf4fNeByFZffbj506JB69+6tgwcPKiQkRPXr19fy5cvVtm1bSdLUqVPl4+Oj7t27KycnR+3bt9eMGTMcz/f19dXSpUs1aNAgxcfHKzAwUAkJCZowYYLLtXhsn0R/f39t3rxZtWvXvuD1nTt3qlGjRjp16tRf3udCSWJ4s5EkideZT2YN1t5ffteQp99xnCsbGqi8vAIdP3FK+1Kf0fT5KzV13soLPv+G8FClL5+klgnPa/3WfVerbLgB+yRe/1atXKGhjyXK1/f//h7Pz8+XzWaTj4+PNmze5nQN1w9P7pNYNelTt9177wt3uu3e7uSx/zrOLay8WJP4zTffGF/hvpALLQalQbz++Nhssvs5/+N65Fi2JKnFLTUVHlZaS9dsu/jzfc7+P0S/knxXCyju4m67TR8sdt7YeOxTyapctar69utPgwi3KC5JYnHisf/FHD58uAYMGKBNmzapdevWjoYwMzNTK1eu1Ouvv67nnnvOU+XBgyYMuVvL/7tdvxz8Q0GBpXRfx5vV/OYa6vzo2Tj9obtv0659GTr8xwnF1a+i50bcq5cWfKHdP59dpHtL3Rg1vjFG6zbv0bE/T6pKhfIa+2gn7dl/mBQRuAYEBpZWjRo1nc75BwQoNCTUOA/AfTzWJCYmJqpcuXKaOnWqZsyYofz8fEln59IbN26sOXPmqEePHp4qDx5UPqy03pzYW5HlgnX8xGl9v/s3dX50hlat3ylJqlk5XBOG3K2wkAD9fOCoJr+5XNPfWuV4/snTuepyRwONGthJgf5+yvj9uD5ft0P/ev3fOpPr+g+cAwCufwSJpmLx2825ubn6/fffJUnlypVTyZIlr+h+/HYzcP1iTSJw/fLkmsTqw5e57d7pz3V0273dqVgs0CpZsqSioqI8XQYAAPBSrEk0FYsmEQAAwJPoEU0e/cUVAAAAFE8kiQAAwOsx3WwiSQQAAICBJBEAAHg9gkQTSSIAAAAMJIkAAMDrnfv5VvwfkkQAAAAYSBIBAIDXY02iiSYRAAB4PbbAMTHdDAAAAANJIgAA8HoEiSaSRAAAABhIEgEAgNdjTaKJJBEAAAAGkkQAAOD1SBJNJIkAAAAwkCQCAACvR5BookkEAABej+lmE9PNAAAAMJAkAgAAr0eQaCJJBAAAgIEkEQAAeD3WJJpIEgEAAGAgSQQAAF6PINFEkggAAAADSSIAAPB6rEk0kSQCAADAQJIIAAC8HkGiiSYRAAB4PaabTUw3AwAAwECSCAAAvB5BookkEQAAAAaSRAAA4PVYk2giSQQAAICBJBEAAHg9gkQTSSIAAAAMJIkAAMDrsSbRRJMIAAC8Hj2iielmAAAAGEgSAQCA12O62USSCAAAAANJIgAA8HokiSaSRAAAABhoEgEAgNez2dx3uCIlJUW33HKLgoKCFB4erq5du2rXrl1OY1q2bCmbzeZ0DBw40GnM/v371alTJwUEBCg8PFwjRoxQXl6eS7Uw3QwAAFBMrFmzRomJibrllluUl5enf/7zn2rXrp1++OEHBQYGOsb1799fEyZMcDwOCAhw/Dk/P1+dOnVSZGSk1q1bp4MHD6p3794qWbKknnnmmULXQpMIAAC8XnFZk/jZZ585PZ4zZ47Cw8O1adMmNW/e3HE+ICBAkZGRF7zH559/rh9++EErVqxQRESEGjZsqIkTJ2rkyJEaN26c/Pz8ClUL080AAMDruXO6OScnR1lZWU5HTk5Ooeo6fvy4JCksLMzp/IIFC1SuXDnVrVtXycnJOnnypONaWlqa6tWrp4iICMe59u3bKysrS9u3by/0Z0KTCAAA4EYpKSkKCQlxOlJSUi75vIKCAj3xxBNq0qSJ6tat6zj/wAMP6K233tIXX3yh5ORkzZ8/Xw8++KDjekZGhlODKMnxOCMjo9B1M90MAAC8njunm5OTk5WUlOR0zm63X/J5iYmJ+v777/XVV185nR8wYIDjz/Xq1VNUVJRat26tPXv2qFq1akVTtEgSAQAA3Mputys4ONjpuFSTOHjwYC1dulRffPGFKlSo8Jdj4+LiJEnp6emSpMjISGVmZjqNOff4YusYL4QmEQAAeL3isgWOZVkaPHiwFi1apFWrVqlKlSqXfM6WLVskSVFRUZKk+Ph4bdu2TYcOHXKMSU1NVXBwsGJjYwtdC9PNAAAAxURiYqIWLlyojz/+WEFBQY41hCEhIfL399eePXu0cOFC3XnnnSpbtqy2bt2qoUOHqnnz5qpfv74kqV27doqNjdVDDz2kyZMnKyMjQ6NGjVJiYmKhprnPoUkEAABez6eYbIEzc+ZMSWc3zP5fs2fPVp8+feTn56cVK1Zo2rRpys7OVsWKFdW9e3eNGjXKMdbX11dLly7VoEGDFB8fr8DAQCUkJDjtq1gYNIkAAADFhGVZf3m9YsWKWrNmzSXvExMTo08//fSKaqFJBAAAXq+YBInFCk0iAADwesXlF1eKE77dDAAAAANJIgAA8Ho+BIkGkkQAAAAYSBIBAIDXY02iiSQRAAAABpJEAADg9QgSTSSJAAAAMJAkAgAAr2cTUeL5aBIBAIDXYwscE9PNAAAAMJAkAgAAr8cWOCaSRAAAABhIEgEAgNcjSDSRJAIAAMBAkggAALyeD1GigSQRAAAAhiJpEo8dO1YUtwEAAPAIm819x7XK5SbxX//6l959913H4x49eqhs2bK64YYb9N133xVpcQAAAFeDzWZz23GtcrlJnDVrlipWrChJSk1NVWpqqpYtW6aOHTtqxIgRRV4gAAAArj6Xv7iSkZHhaBKXLl2qHj16qF27dqpcubLi4uKKvEAAAAB3u4YDP7dxOUksU6aMfvnlF0nSZ599pjZt2kiSLMtSfn5+0VYHAAAAj3A5SezWrZseeOAB1ahRQ0eOHFHHjh0lSZs3b1b16tWLvEAAAAB3Ywsck8tN4tSpU1W5cmX98ssvmjx5skqXLi1JOnjwoB599NEiLxAAAABXn8tNYsmSJTV8+HDj/NChQ4ukIAAAgKuNHNFUqCbxP//5T6FvePfdd192MQAAACgeCtUkdu3atVA3s9lsfHkFAABcc67l/QzdpVBNYkFBgbvrAAAA8BgfekTDFf0s3+nTp4uqDgAAABQjLjeJ+fn5mjhxom644QaVLl1ae/fulSSNHj1ab775ZpEXCAAA4G78LJ/J5Sbx6aef1pw5czR58mT5+fk5ztetW1dvvPFGkRYHAAAAz3C5SZw3b55ee+019erVS76+vo7zDRo00M6dO4u0OAAAgKvBZnPfca1yuUn87bffLvjLKgUFBcrNzS2SogAAAOBZLjeJsbGx+vLLL43zH3zwgRo1alQkRQEAAFxNrEk0ufyLK2PGjFFCQoJ+++03FRQU6KOPPtKuXbs0b948LV261B01AgAA4CpzOUns0qWLlixZohUrVigwMFBjxozRjh07tGTJErVt29YdNQIAALiVj819x7XK5SRRkpo1a6bU1NSirgUAAMAjruVpYXe5rCZRkjZu3KgdO3ZIOrtOsXHjxkVWFAAAADzL5Sbx119/1f3336///ve/Cg0NlSQdO3ZMt99+u9555x1VqFChqGsEAABwK3JEk8trEh955BHl5uZqx44dOnr0qI4ePaodO3aooKBAjzzyiDtqBAAAwFXmcpK4Zs0arVu3TrVq1XKcq1Wrll566SU1a9asSIsDAAC4GnxYk2hwOUmsWLHiBTfNzs/PV3R0dJEUBQAAAM9yuUmcMmWKhgwZoo0bNzrObdy4UY8//riee+65Ii0OAADgauBn+UyFmm4uU6aM01fDs7OzFRcXpxIlzj49Ly9PJUqU0MMPP6yuXbu6pVAAAABcPYVqEqdNm+bmMgAAADyHfRJNhWoSExIS3F0HAAAAipHL3kxbkk6fPq0zZ844nQsODr6iggAAAK42gkSTy19cyc7O1uDBgxUeHq7AwECVKVPG6QAAALjW+NhsbjtckZKSoltuuUVBQUEKDw9X165dtWvXLqcxp0+fVmJiosqWLavSpUure/fuyszMdBqzf/9+derUSQEBAQoPD9eIESOUl5fn2mfi0mhJTz75pFatWqWZM2fKbrfrjTfe0Pjx4xUdHa158+a5ejsAAAD8f2vWrFFiYqK+/vprpaamKjc3V+3atVN2drZjzNChQ7VkyRK9//77WrNmjQ4cOKBu3bo5rufn56tTp046c+aM1q1bp7lz52rOnDkaM2aMS7XYLMuyXHlCpUqVNG/ePLVs2VLBwcH69ttvVb16dc2fP19vv/22Pv30U5cKcAf/RoM9XQIAN/ljw8ueLgGAm5S6okVwV+bRj35w271ndIu97OcePnxY4eHhWrNmjZo3b67jx4+rfPnyWrhwoe69915J0s6dO1WnTh2lpaXptttu07Jly3TXXXfpwIEDioiIkCTNmjVLI0eO1OHDh+Xn51eo13Y5STx69KiqVq0q6ez6w6NHj0qSmjZtqrVr17p6OwAAgOtaTk6OsrKynI6cnJxCPff48eOSpLCwMEnSpk2blJubqzZt2jjG1K5dW5UqVVJaWpokKS0tTfXq1XM0iJLUvn17ZWVlafv27YWu2+UmsWrVqtq3b5+jqPfee0+StGTJEoWGhrp6OwAAAI+z2WxuO1JSUhQSEuJ0pKSkXLKmgoICPfHEE2rSpInq1q0rScrIyJCfn5/Rc0VERCgjI8Mx5n8bxHPXz10rLJeD3b59++q7775TixYt9I9//EOdO3fWyy+/rNzcXL3wwguu3g4AAOC6lpycrKSkJKdzdrv9ks9LTEzU999/r6+++spdpf0ll5vEoUOHOv7cpk0b7dy5U5s2bVL16tVVv379Ii3ucg1PedzTJQBwk1Nn8j1dAgA3KVXC12Ov7fLUqgvsdnuhmsL/NXjwYC1dulRr165VhQoVHOcjIyN15swZHTt2zClNzMzMVGRkpGPMN99843S/c99+PjemMK74M4mJiVG3bt2KTYMIAABwrbIsS4MHD9aiRYu0atUqValSxel648aNVbJkSa1cudJxbteuXdq/f7/i4+MlSfHx8dq2bZsOHTrkGJOamqrg4GDFxhb+SzSFShKnT59e6Bs+9thjhR4LAABQHBSXn+VLTEzUwoUL9fHHHysoKMixhjAkJET+/v4KCQlRv379lJSUpLCwMAUHB2vIkCGKj4/XbbfdJklq166dYmNj9dBDD2ny5MnKyMjQqFGjlJiY6FKiWagtcM7vYi96M5tNe/fuLfSLu8voz3Z7ugQAbpLUvKqnSwDgJmUCPDfd/MTHO91272ldahd67MWa1dmzZ6tPnz6Szm6mPWzYML399tvKyclR+/btNWPGDKep5J9//lmDBg3S6tWrFRgYqISEBD377LMqUaLwKw1d3ifxWkCTCFy/aBKB6xdNYvHiwW0rAQAAigef4jHbXKy488s8AAAAuEaRJAIAAK9XXL64UpyQJAIAAMBAkggAALweaxJNl5Ukfvnll3rwwQcVHx+v3377TZI0f/58j/1sDAAAAIqWy03ihx9+qPbt28vf31+bN29WTk6OJOn48eN65plnirxAAAAAd7PZ3Hdcq1xuEidNmqRZs2bp9ddfV8mSJR3nmzRpom+//bZIiwMAALgafGw2tx3XKpebxF27dql58+bG+ZCQEB07dqwoagIAAICHudwkRkZGKj093Tj/1VdfqWpVfgkBAABce3zceFyrXK69f//+evzxx7V+/XrZbDYdOHBACxYs0PDhwzVo0CB31AgAAICrzOUtcP7xj3+ooKBArVu31smTJ9W8eXPZ7XYNHz5cQ4YMcUeNAAAAbnUNLx10G5ebRJvNpqeeekojRoxQenq6Tpw4odjYWJUuXdod9QEAAMADLnszbT8/P8XGxhZlLQAAAB5xLX8L2V1cbhJbtWr1l79vuGrVqisqCAAAAJ7ncpPYsGFDp8e5ubnasmWLvv/+eyUkJBRVXQAAAFcNQaLJ5SZx6tSpFzw/btw4nThx4ooLAgAAuNr47WZTkW3f8+CDD+rf//53Ud0OAAAAHnTZX1w5X1pamkqVKlVUtwMAALhq+OKKyeUmsVu3bk6PLcvSwYMHtXHjRo0ePbrICgMAAIDnuNwkhoSEOD328fFRrVq1NGHCBLVr167ICgMAALhaCBJNLjWJ+fn56tu3r+rVq6cyZcq4qyYAAAB4mEtfXPH19VW7du107NgxN5UDAABw9fnY3Hdcq1z+dnPdunW1d+9ed9QCAACAYsLlJnHSpEkaPny4li5dqoMHDyorK8vpAAAAuNbY3Pifa1Wh1yROmDBBw4YN05133ilJuvvuu51+ns+yLNlsNuXn5xd9lQAAAG50LU8Lu0uhm8Tx48dr4MCB+uKLL9xZDwAAAIqBQjeJlmVJklq0aOG2YgAAADyBJNHk0ppEG5sIAQAAeAWX9kmsWbPmJRvFo0ePXlFBAAAAVxtBmMmlJnH8+PHGL64AAADg+uNSk9izZ0+Fh4e7qxYAAACPYE2iqdBrEolhAQAAvIfL324GAAC43pCFmQrdJBYUFLizDgAAAI/xoUs0uPyzfAAAALj+ufTFFQAAgOsRX1wxkSQCAADAQJIIAAC8HksSTSSJAAAAMJAkAgAAr+cjosTzkSQCAADAQJIIAAC8HmsSTTSJAADA67EFjonpZgAAABhIEgEAgNfjZ/lMJIkAAAAwkCQCAACvR5BoIkkEAAAoRtauXavOnTsrOjpaNptNixcvdrrep08f2Ww2p6NDhw5OY44ePapevXopODhYoaGh6tevn06cOOFSHTSJAADA6/nYbG47XJWdna0GDRrolVdeueiYDh066ODBg47j7bffdrreq1cvbd++XampqVq6dKnWrl2rAQMGuFQH080AAADFSMeOHdWxY8e/HGO32xUZGXnBazt27NBnn32mDRs26Oabb5YkvfTSS7rzzjv13HPPKTo6ulB1kCQCAACvZ7O578jJyVFWVpbTkZOTc0X1rl69WuHh4apVq5YGDRqkI0eOOK6lpaUpNDTU0SBKUps2beTj46P169cX+jVoEgEAgNfzceORkpKikJAQpyMlJeWya+3QoYPmzZunlStX6l//+pfWrFmjjh07Kj8/X5KUkZGh8PBwp+eUKFFCYWFhysjIKPTrMN0MAADgRsnJyUpKSnI6Z7fbL/t+PXv2dPy5Xr16ql+/vqpVq6bVq1erdevWl33f89EkAgAAr2dz4x44drv9iprCS6latarKlSun9PR0tW7dWpGRkTp06JDTmLy8PB09evSi6xgvhOlmAACAa9ivv/6qI0eOKCoqSpIUHx+vY8eOadOmTY4xq1atUkFBgeLi4gp9X5JEAADg9YrTXtonTpxQenq64/G+ffu0ZcsWhYWFKSwsTOPHj1f37t0VGRmpPXv26Mknn1T16tXVvn17SVKdOnXUoUMH9e/fX7NmzVJubq4GDx6snj17FvqbzRJJIgAAQLGyceNGNWrUSI0aNZIkJSUlqVGjRhozZox8fX21detW3X333apZs6b69eunxo0b68svv3Sa0l6wYIFq166t1q1b684771TTpk312muvuVQHSSIAAPB6l7Pptbu0bNlSlmVd9Pry5csveY+wsDAtXLjwiuogSQQAAICBJBEAAHi94pMjFh80iQAAwOsVo9nmYoPpZgAAABhIEgEAgNdz52ba1yqSRAAAABhIEgEAgNcjNTPxmQAAAMBAkggAALweaxJNJIkAAAAwkCQCAACvR45oIkkEAACAgSQRAAB4PdYkmmgSAQCA12Nq1cRnAgAAAANJIgAA8HpMN5tIEgEAAGAgSQQAAF6PHNFEkggAAAADSSIAAPB6LEk0kSQCAADAQJIIAAC8ng+rEg00iQAAwOsx3WxiuhkAAAAGkkQAAOD1bEw3G0gSAQAAYCBJBAAAXo81iSaSRAAAABhIEgEAgNdjCxwTSSIAAAAMJIkAAMDrsSbRRJMIAAC8Hk2iielmAAAAGEgSAQCA12MzbRNJIgAAAAwkiQAAwOv5ECQaSBIBAABgIEkEAABejzWJJpJEAAAAGEgSAQCA12OfRBNNIgAA8HpMN5uYbgYAAICBJBEAAHg9tsAxkSQCAADAQJIIAAC8HmsSTSSJAAAAMJAkolg6nP69dq76UH/8skens46qSb+ndEP9eMf13JxT2rZkjn7b+rXOnPxTgWERqt68s6o3vdMxZuO7Lytz1xadzjqqEn6lVLZKHdW/u4+CIyp64i0BuIC5b76m1atW6Oef9spuL6V6DRoq8fFhiqlcxTFm8YfvafmyT7Rr5w86mZ2t1LVfKygo2INV43rEFjgmkkQUS3lnTiv0hqq66d6BF7z+3aI3lLHjW8U9NEwdkmeqRssu2vzhLP22bb1jTJmK1XXrA0+oQ/JMNR80QZKltTPGqKAg/yq9CwCXsvnbjep+3/16Y97bmj7zDeXl5enxQY/o1KmTjjGnT59W/O1N1efhAR6sFPA+JIkolqJib1ZU7M0Xvf77vh2KufUOhdeoL0mqdnsH7f3vMh3d/6NuqBfnOHdOYNkI1b3zIX0+eYhOHj2k0uWi3PsGABTKtFdec3o8evwz6ti6qXb+8IMaNT77d0DPXr0lSZs2fnPV64P3IEg0kSTimlSuSh0d2PaNTh77XZZl6dDurfrz8AFF1mp0wfF5Oae1b/0KBZaNkH9ouatcLYDCOnHiT0lScEiIhyuBt/Gx2dx2uGrt2rXq3LmzoqOjZbPZtHjxYqfrlmVpzJgxioqKkr+/v9q0aaPdu3c7jTl69Kh69eql4OBghYaGql+/fjpx4oRrn4nLlV9Fv/zyix5++OG/HJOTk6OsrCynI+/MmatUITyl0b0DFRxZUUvH9tEHSV21duYY3XTvQJWvXtdpXPqXn+ijEffqoyfvVcaOTWrx6CT5lijpoaoB/JWCggJNe+5Z1W94k6pVr+HpcgCPyc7OVoMGDfTKK69c8PrkyZM1ffp0zZo1S+vXr1dgYKDat2+v06dPO8b06tVL27dvV2pqqpYuXaq1a9dqwADXlmwU6ybx6NGjmjt37l+OSUlJUUhIiNPx3/dmXaUK4Sm71y7R0Z93qWn/0Wo7fJoadO2nbz+YpcxdW5zGVbq5pdqOeFGthjyroPBopc1+Vvm5/J8IoDiakjJRe9J3a9Kzz3m6FHghmxsPV3Xs2FGTJk3SPffcY1yzLEvTpk3TqFGj1KVLF9WvX1/z5s3TgQMHHInjjh079Nlnn+mNN95QXFycmjZtqpdeeknvvPOODhw4UOg6PLom8T//+c9fXt+7d+8l75GcnKykpCSncymrf7miulC85Z3J0fdL5+n2fk8p+sZbJEmhN1TRsd/2adeqjxRRq6FjrJ9/oPz8AxUUfoPCKtfS4uSe+m1rmio1buGh6gFcyHPPTtJ/v1yjWW/OU3hEpKfLAYpUTk6OcnJynM7Z7XbZ7XaX77Vv3z5lZGSoTZs2jnMhISGKi4tTWlqaevbsqbS0NIWGhurmm/9vbX+bNm3k4+Oj9evXX7D5vBCPNoldu3aVzWaTZVkXHWO7xFz+hT7kEn5+RVIfiierIF8F+XnGPxs2H5+//Gfp7JOl/LxcN1YHwBWWZen5fz2tNatW6JXX5yj6hgqeLgneyo3fXElJSdH48eOdzo0dO1bjxo1z+V4ZGRmSpIiICKfzERERjmsZGRkKDw93ul6iRAmFhYU5xhSGR5vEqKgozZgxQ126dLng9S1btqhx48ZXuSoUB7k5p3Ti8EHH4xNHMvXHr3vlF1BagWHhKl+9rr77+N/yLemngLBwHU7/Xj9vWKUGXR85O/73DP2yea0iat8ke2CwTh0/op0r3pdvSb+//NY0gKtrSspEfb7sE02e+rICAwN15PfDkqTA0kEqVaqUJOnI74d15Mjv+nX/fknSnt0/KiAwUBGRUQoJCfVU6UChXWjW83JSxKvNo01i48aNtWnTpos2iZdKGXH9+mP/bq1++Z+Ox98tfkOSVPnW1rq111DdljBS25bM1fr5z+nMyRMKKBOuup0eUrUmHSVJviVL6vCe7fpx9X+Ue+qE7EGhKl/tRt3xxBSVCgr1xFsCcAEfvf+OJOnR/glO50eNf1p33X12SuyjD97Vm6/OcFwb2K+3MQa4Uu78Wb7LnVq+kMjIs8sxMjMzFRX1f9u5ZWZmqmHDho4xhw4dcnpeXl6ejh496nh+YXi0SRwxYoSys7Mver169er64osvrmJFKC7Ca9RXjxeXXvS6f3AZ3drriYtfDymr5gPHX/Q6gOLh680/XHJM/4GD1X/g4KtQDVD8ValSRZGRkVq5cqWjKczKytL69es1aNAgSVJ8fLyOHTumTZs2OWZkV61apYKCAsXFxRX6tTzaJDZr1uwvrwcGBqpFC75gAAAA3Ks4/SzfiRMnlJ6e7ni8b98+bdmyRWFhYapUqZKeeOIJTZo0STVq1FCVKlU0evRoRUdHq2vXrpKkOnXqqEOHDurfv79mzZql3NxcDR48WD179lR0dHSh6+AXVwAAgNcrRj2iNm7cqFatWjken1vPmJCQoDlz5ujJJ59Udna2BgwYoGPHjqlp06b67LPPHOt4JWnBggUaPHiwWrduLR8fH3Xv3l3Tp093qQ6bdR0u+hv92e5LDwJwTUpqXtXTJQBwkzIBvh577Q17j7vt3rdUvTZ/QYgkEQAAoDhFicVEsf7FFQAAAHgGSSIAAPB67twC51pFkggAAAADSSIAAPB6xWkLnOKCJBEAAAAGkkQAAOD1CBJNNIkAAAB0iQammwEAAGAgSQQAAF6PLXBMJIkAAAAwkCQCAACvxxY4JpJEAAAAGEgSAQCA1yNINJEkAgAAwECSCAAAQJRooEkEAABejy1wTEw3AwAAwECSCAAAvB5b4JhIEgEAAGAgSQQAAF6PINFEkggAAAADSSIAAABRooEkEQAAAAaSRAAA4PXYJ9FEkggAAAADSSIAAPB67JNookkEAABejx7RxHQzAAAADCSJAAAARIkGkkQAAAAYSBIBAIDXYwscE0kiAAAADCSJAADA67EFjokkEQAAAAaSRAAA4PUIEk00iQAAAHSJBqabAQAAYCBJBAAAXo8tcEwkiQAAADCQJAIAAK/HFjgmkkQAAAAYSBIBAIDXI0g0kSQCAADAQJIIAABAlGigSQQAAF6PLXBMTDcDAADAQJIIAAC8HlvgmEgSAQAAiolx48bJZrM5HbVr13ZcP336tBITE1W2bFmVLl1a3bt3V2ZmpltqoUkEAABez+bGw1U33nijDh486Di++uorx7WhQ4dqyZIlev/997VmzRodOHBA3bp1u5y3fElMNwMAABQjJUqUUGRkpHH++PHjevPNN7Vw4ULdcccdkqTZs2erTp06+vrrr3XbbbcVaR0kiQAAAG6MEnNycpSVleV05OTkXLSU3bt3Kzo6WlWrVlWvXr20f/9+SdKmTZuUm5urNm3aOMbWrl1blSpVUlpaWhF+GGfRJAIAALhRSkqKQkJCnI6UlJQLjo2Li9OcOXP02WefaebMmdq3b5+aNWumP//8UxkZGfLz81NoaKjTcyIiIpSRkVHkdTPdDAAAvJ4790lMTk5WUlKS0zm73X7BsR07dnT8uX79+oqLi1NMTIzee+89+fv7u63GC6FJBAAAXs+dW+DY7faLNoWXEhoaqpo1ayo9PV1t27bVmTNndOzYMac0MTMz84JrGK8U080AAADF1IkTJ7Rnzx5FRUWpcePGKlmypFauXOm4vmvXLu3fv1/x8fFF/tokiQAAwOsVl720hw8frs6dOysmJkYHDhzQ2LFj5evrq/vvv18hISHq16+fkpKSFBYWpuDgYA0ZMkTx8fFF/s1miSYRAACg2Pj11191//3368iRIypfvryaNm2qr7/+WuXLl5ckTZ06VT4+PurevbtycnLUvn17zZgxwy212CzLstxyZw8a/dluT5cAwE2Smlf1dAkA3KRMgK/HXvvXPy6+Jc2VqlDm8tYjehprEgEAAGBguhkAAKDYrEosPkgSAQAAYCBJBAAAXs+d+yReq2gSAQCA16NHNDHdDAAAAANJIgAA8HpMN5tIEgEAAGAgSQQAAF7PxqpEA0kiAAAADCSJAAAABIkGkkQAAAAYSBIBAIDXI0g00SQCAACvxxY4JqabAQAAYCBJBAAAXo8tcEwkiQAAADCQJAIAABAkGkgSAQAAYCBJBAAAXo8g0USSCAAAAANJIgAA8Hrsk2iiSQQAAF6PLXBMTDcDAADAQJIIAAC8HtPNJpJEAAAAGGgSAQAAYKBJBAAAgIE1iQAAwOuxJtFEkggAAAADSSIAAPB67JNookkEAABej+lmE9PNAAAAMJAkAgAAr0eQaCJJBAAAgIEkEQAAgCjRQJIIAAAAA0kiAADwemyBYyJJBAAAgIEkEQAAeD32STSRJAIAAMBAkggAALweQaKJJhEAAIAu0cB0MwAAAAwkiQAAwOuxBY6JJBEAAAAGkkQAAOD12ALHRJIIAAAAg82yLMvTRQCXKycnRykpKUpOTpbdbvd0OQCKEP9+A55Fk4hrWlZWlkJCQnT8+HEFBwd7uhwARYh/vwHPYroZAAAABppEAAAAGGgSAQAAYKBJxDXNbrdr7NixLGoHrkP8+w14Fl9cAQAAgIEkEQAAAAaaRAAAABhoEgEAAGCgSQQAAICBJhHXtFdeeUWVK1dWqVKlFBcXp2+++cbTJQG4QmvXrlXnzp0VHR0tm82mxYsXe7okwCvRJOKa9e677yopKUljx47Vt99+qwYNGqh9+/Y6dOiQp0sDcAWys7PVoEEDvfLKK54uBfBqbIGDa1ZcXJxuueUWvfzyy5KkgoICVaxYUUOGDNE//vEPD1cHoCjYbDYtWrRIXbt29XQpgNchScQ16cyZM9q0aZPatGnjOOfj46M2bdooLS3Ng5UBAHB9oEnENen3339Xfn6+IiIinM5HREQoIyPDQ1UBAHD9oEkEAACAgSYR16Ry5crJ19dXmZmZTuczMzMVGRnpoaoAALh+0CTimuTn56fGjRtr5cqVjnMFBQVauXKl4uPjPVgZAADXhxKeLgC4XElJSUpISNDNN9+sW2+9VdOmTVN2drb69u3r6dIAXIETJ04oPT3d8Xjfvn3asmWLwsLCVKlSJQ9WBngXtsDBNe3ll1/WlClTlJGRoYYNG2r69OmKi4vzdFkArsDq1avVqlUr43xCQoLmzJlz9QsCvBRNIgAAAAysSQQAAICBJhEAAAAGmkQAAAAYaBIBAABgoEkEAACAgSYRAAAABppEAAAAGGgSAQAAYKBJBHDF+vTpo65duzoet2zZUk888cRVr2P16tWy2Ww6duzYRcfYbDYtXry40PccN26cGjZseEV1/fTTT7LZbNqyZcsV3QcAriaaROA61adPH9lsNtlsNvn5+al69eqaMGGC8vLy3P7aH330kSZOnFiosYVp7AAAV18JTxcAwH06dOig2bNnKycnR59++qkSExNVsmRJJScnG2PPnDkjPz+/InndsLCwIrkPAMBzSBKB65jdbldkZKRiYmI0aNAgtWnTRv/5z38k/d8U8dNPP63o6GjVqlVLkvTLL7+oR48eCg0NVVhYmLp06aKffvrJcc/8/HwlJSUpNDRUZcuW1ZNPPqnzfwL+/OnmnJwcjRw5UhUrVpTdblf16tX15ptv6qefflKrVq0kSWXKlJHNZlOfPn0kSQUFBUpJSVGVKlXk7++vBg0a6IMPPnB6nU8//VQ1a9aUv7+/WrVq5VRnYY0cOVI1a9ZUQECAqlatqtGjRys3N9cY9+qrr6pixYoKCAhQjx49dPz4cafrb7zxhurUqaNSpUqpdu3amjFjxkVf848//lCvXr1Uvnx5+fv7q0aNGpo9e7bLtQOAO5EkAl7E399fR44ccTxeuXKlgoODlZqaKknKzc1V+/btFR8fry+//FIlSpTQpEmT1KFDB23dulV+fn56/vnnNWfOHP373/9WnTp19Pzzz2vRokW64447Lvq6vXv3VlpamqZPn64GDRpo3759+v3331WxYkV9+OGH6t69u3bt2qXg4GD5+/tLklJSUvTWW29p1qxZqlGjhtauXasHH3xQ5cuXV4sWLfTLL7+oW7duSkxM1IABA7Rx40YNGzbM5c8kKChIc+bMUXR0tLZt26b+/fsrKChITz75pGNMenq63nvvPS1ZskRZWVnq16+fHn30US1YsECStGDBAo0ZM0Yvv/yyGjVqpM2bN6t///4KDAxUQkKC8ZqjR4/WDz/8oGXLlqlcuXJKT0/XqVOnXK4dANzKAnBdSkhIsLp06WJZlmUVFBRYqamplt1ut4YPH+64HhERYeXk5DieM3/+fKtWrVpWQUGB41xOTo7l7+9vLV++3LIsy4qKirImT57suJ6bm2tVqFDB8VqWZVktWrSwHn/8ccuyLGvXrl2WJCs1NfWCdX7xxReWJOuPP/5wnDt9+rQVEBBgrVu3zmlsv379rPvvv9+yLMtKTk62YmNjna6PHDnSuNf5JFmLFi266PUpU6ZYjRs3djweO3as5evra/3666+Oc8uWLbN8fHysgwcPWpZlWdWqVbMWLlzodJ+JEyda8fHxlmVZ1r59+yxJ1ubNmy3LsqzOnTtbffv2vWgNAFAckCQC17GlS5eqdOnSys3NVUFBgR544AGNGzfOcb1evXpO6xC/++47paenKygoyOk+p0+f1p49e3T8+HEdPHhQcXFxjmslSpTQzTffbEw5n7Nlyxb5+vqqRYsWha47PT1dJ0+eVNu2bZ3OnzlzRo0aNZIk7dixw6kOSYqPjy/0a5zz7rvvavr06dqzZ49OnDihvLw8BQcHO42pVKmSbrjhBqfXKSgo0K5duxQUFKQ9e/aoX79+6t+/v2NMXl6eQkJCLviagwYNUvfu3fXtt9+qXbt26tq1q26//XaXawcAd6JJBK5jrVq10syZM+Xn56fo6GiVKOH8r3xgYKDT4xMnTqhx48aOadT/Vb58+cuq4dz0sStOnDghSfrkk0+cmjPp7DrLopKWlqZevXpp/Pjxat++vUJCQvTOO+/o+eefd7nW119/3WhafX19L/icjh076ueff9ann36q1NRUtW7dWomJiXruuecu/80AQBGjSQSuY4GBgapevXqhx99000169913FR4ebqRp50RFRWn9+vVq3ry5pLOJ2aZNm3TTTTddcHy9evVUUFCgNWvWqE2bNsb1c0lmfn6+41xsbKzsdrv2799/0QSyTp06ji/hnPP1119f+k3+j3Xr1ikmJkZPPfWU49zPP/9sjNu/f78OHDig6Ohox+v4+PioVq1aioiIUHR0tPbu3atevXoV+rXLly+vhIQEJSQkqFmzZhoxYgRNIoBihW83A3Do1auXypUrpy5duujLL7/Uvn37tHr1aj322GP69ddfJUmPP/64nn32WS1evFg7d+7Uo48++pd7HFauXFkJCQl6+OGHtXjxYsc933vvPUlSTEyMbDabli5dqsOHD+vEiRMKCgrS8OHDNXToUM2dO1d79uzRt99+q5deeklz586VJA0cOFC7d+/WiBEjtGvXLi1cuFBz5sxx6f3WqFFD+/fv1zvvvKM9e/Zo+vTpWrRokTGuVKlSSkhI0Hfffacvv/xSjz32mHr06KHIyEhJ0vjx45WSkqLp06frxx9/1LZt2zR79my98MILF3zdMWPG6OOPP1Z6erq2b9+upUuXqk6dOi7VDgDuRpMIwCEgIEBr165VpUqV1K1bN9WpU0f9+vXT6dOnHcnisGHD9NBDDykhIUHx8fEKCgrSPffc85f3nTlzpu699149+uijql27tvr376/s7GxJ0g033KDx48frH//4hyIiIjR48GBJ0sSJEzV69GilpKSoTp066tChgz755BNVqVJF0tl1gh9++KEWL16sBg0aaNasWXrmmWdcer933323hg4dqsGDB6thw4Zat26dRo8ebYyrXr26unXrpjvvvFPt2rVT/fr1nba4eeSRR/TGG29o9uzZqlevnlq0aKE5c+Y4aj2fn5+fkpOTVb9+fTVv3ly+vr565513XKodANzNZl1stTkAAAC8FkkiAAAADDSJAAAAMNAkAgAAwECTCAAAAANNIgAAAAw0iQAAADDQJAIAAMBAkwgAAAADTSIAAAAMNIkAAAAw0CQCAADA8P8A2CeKbW50g/AAAAAASUVORK5CYII=", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "plot_confusion_matrix(y_test, y_pred,(0,1))" + ] + }, + { + "cell_type": "code", + "execution_count": 79, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAr4AAAIjCAYAAADlfxjoAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8pXeV/AAAACXBIWXMAAA9hAAAPYQGoP6dpAACluklEQVR4nOzdd1iTVxsG8DtsQUQUcKKCVkUFRdx7oFhb98A9WmeduPdoHVXrrFurqHVRxyfWVbVqq1L3wIW7bgVFEBQQcr4/TpMQASWYEMb9uy6ukpM37/skDfhwcs7zKIQQAkREREREWZyJsQMgIiIiIkoPTHyJiIiIKFtg4ktERERE2QITXyIiIiLKFpj4EhEREVG2wMSXiIiIiLIFJr5ERERElC0w8SUiIiKibIGJLxERERFlC0x8idJJsWLF0KNHD2OHke3Uq1cP9erVM3YYnzRlyhQoFAqEhYUZO5QMR6FQYMqUKXo51/3796FQKODv76+X8wHA6dOnYWFhgX///Vdv59S3Dh06oH379sYOg8jomPhSluDv7w+FQqH+MjMzQ6FChdCjRw88fvzY2OFlaNHR0fjhhx/g4eEBa2tr2NnZoXbt2li/fj0yS0fza9euYcqUKbh//76xQ0kiISEBa9euRb169ZAnTx5YWlqiWLFi6NmzJ86ePWvs8PRi06ZNWLBggbHD0JKeMY0fPx4dO3ZE0aJF1WP16tXT+p2UI0cOeHh4YMGCBVAqlcme5+XLlxg5ciRKlSoFKysr5MmTBz4+Pvj9999TvHZkZCSmTp2K8uXLI2fOnMiRIwfKlSuH0aNH48mTJ+rjRo8eje3bt+PSpUupfl7Z4b1L2Y9CZJZ/2Yg+wt/fHz179sT3338PFxcXxMTE4J9//oG/vz+KFSuGK1euwMrKyqgxxsbGwsTEBObm5kaNI7Hnz5+jYcOGuH79Ojp06IC6desiJiYG27dvx19//QVfX19s3LgRpqamxg71o7Zt24Z27drhyJEjSWZ34+LiAAAWFhbpHte7d+/QunVr7N+/H3Xq1EGzZs2QJ08e3L9/HwEBAbh58yYePHiAwoULY8qUKZg6dSpCQ0Ph4OCQ7rF+jq+//hpXrlwx2B8eMTExMDMzg5mZ2WfHJIRAbGwszM3N9fK+vnjxIjw9PXHy5ElUr15dPV6vXj3cuXMHM2fOBACEhYVh06ZNOHPmDMaNG4fp06drnSckJAQNGzZEaGgoevbsiUqVKuH169fYuHEjLl68iBEjRmDOnDlaj7l79y68vb3x4MEDtGvXDrVq1YKFhQUuX76MzZs3I0+ePLh586b6+KpVq6JUqVJYv379J5+XLu9dokxFEGUBa9euFQDEmTNntMZHjx4tAIitW7caKTLjevfunUhISEjxfh8fH2FiYiJ27dqV5L4RI0YIAOLHH380ZIjJioqK0un43377TQAQR44cMUxAaTRgwAABQMyfPz/JffHx8WLOnDni4cOHQgghJk+eLACI0NBQg8WjVCrF27dv9X7er776ShQtWlSv50xISBDv3r1L8+MNEVNyBg8eLIoUKSKUSqXWeN26dUXZsmW1xt69eyeKFi0qbG1tRXx8vHo8Li5OlCtXTlhbW4t//vlH6zHx8fHC19dXABBbtmxRj79//16UL19eWFtbi7///jtJXBEREWLcuHFaYz/99JOwsbERb968+eTz0uW9+zk+9/8zka6Y+FKWkFLi+/vvvwsAYsaMGVrj169fF23atBH29vbC0tJSeHl5JZv8hYeHi6FDh4qiRYsKCwsLUahQIdG1a1et5CQmJkZMmjRJFC9eXFhYWIjChQuLkSNHipiYGK1zFS1aVHTv3l0IIcSZM2cEAOHv75/kmvv37xcAxO7du9Vjjx49Ej179hROTk7CwsJClClTRvzyyy9ajzty5IgAIDZv3izGjx8vChYsKBQKhQgPD0/2NQsKChIAxDfffJPs/e/fvxdffPGFsLe3VydL9+7dEwDEnDlzxLx580SRIkWElZWVqFOnjggODk5yjtS8zqr/d0ePHhX9+/cXjo6OInfu3EIIIe7fvy/69+8vSpYsKaysrESePHlE27Ztxb1795I8/sMvVRJct25dUbdu3SSv09atW8W0adNEoUKFhKWlpWjQoIG4detWkuewePFi4eLiIqysrETlypXFX3/9leScyXn48KEwMzMTjRo1+uhxKqrE99atW6J79+7Czs5O5MqVS/To0UNER0drHbtmzRpRv3594ejoKCwsLISbm5tYunRpknMWLVpUfPXVV2L//v3Cy8tLWFpaqhOZ1J5DCCH27t0r6tSpI3LmzClsbW1FpUqVxMaNG4UQ8vX98LVPnHCm9ucDgBgwYID49ddfRZkyZYSZmZnYuXOn+r7Jkyerj42MjBRDhgxR/1w6OjoKb29vce7cuU/GpHoPr127Vuv6169fF+3atRMODg7CyspKlCxZMknimJwiRYqIHj16JBlPLvEVQoi2bdsKAOLJkyfqsc2bNwsA4vvvv0/2Gq9fvxa5c+cWpUuXVo9t2bJFABDTp0//ZIwqly5dEgDEjh07Pnqcru/d7t27J/tHhuo9nVhy/58DAgKEvb19sq9jRESEsLS0FMOHD1ePpfY9RZSc1H9uRJQJqT7mtLe3V49dvXoVNWvWRKFChTBmzBjY2NggICAALVu2xPbt29GqVSsAQFRUFGrXro3r16/jm2++QcWKFREWFobAwEA8evQIDg4OUCqVaN68OY4fP44+ffrAzc0NwcHBmD9/Pm7evIn//e9/ycZVqVIluLq6IiAgAN27d9e6b+vWrbC3t4ePjw8AuRyhWrVqUCgUGDhwIBwdHbFv3z58++23iIyMxNChQ7Ue/8MPP8DCwgIjRoxAbGxsih/x7969GwDQrVu3ZO83MzNDp06dMHXqVJw4cQLe3t7q+9avX483b95gwIABiImJwcKFC9GgQQMEBwcjX758Or3OKt999x0cHR0xadIkREdHAwDOnDmDkydPokOHDihcuDDu37+PZcuWoV69erh27Rqsra1Rp04dDB48GIsWLcK4cePg5uYGAOr/puTHH3+EiYkJRowYgYiICMyePRudO3fGqVOn1McsW7YMAwcORO3ateHn54f79++jZcuWsLe3/+RHvPv27UN8fDy6du360eM+1L59e7i4uGDmzJk4f/48Vq9eDScnJ8yaNUsrrrJly6J58+YwMzPD7t278d1330GpVGLAgAFa5wsJCUHHjh3Rt29f9O7dG6VKldLpHP7+/vjmm29QtmxZjB07Frlz58aFCxewf/9+dOrUCePHj0dERAQePXqE+fPnAwBy5swJADr/fPz5558ICAjAwIED4eDggGLFiiX7GvXr1w/btm3DwIEDUaZMGbx8+RLHjx/H9evXUbFixY/GlJzLly+jdu3aMDc3R58+fVCsWDHcuXMHu3fvTrIkIbHHjx/jwYMHqFixYorHfEi1uS537tzqsU/9LNrZ2aFFixZYt24dbt++jRIlSiAwMBAAdHp/lSlTBjly5MCJEyeS/Pwlltb3bmp9+P/5iy++QKtWrbBjxw6sWLFC63fW//73P8TGxqJDhw4AdH9PESVh7MybSB9Us36HDh0SoaGh4uHDh2Lbtm3C0dFRWFpaan0k17BhQ+Hu7q41O6BUKkWNGjXEF198oR6bNGlSirMjqo81N2zYIExMTJJ81Lh8+XIBQJw4cUI9lnjGVwghxo4dK8zNzcWrV6/UY7GxsSJ37txas7DffvutKFCggAgLC9O6RocOHYSdnZ16NlY1k+nq6pqqj7NbtmwpAKQ4IyyEEDt27BAAxKJFi4QQmtmyHDlyiEePHqmPO3XqlAAg/Pz81GOpfZ1V/+9q1aql9fGvECLZ56GaqV6/fr167GNLHVKa8XVzcxOxsbHq8YULFwoA6pnr2NhYkTdvXlG5cmXx/v179XH+/v4CwCdnfP38/AQAceHChY8ep6KaHftwBr5Vq1Yib968WmPJvS4+Pj7C1dVVa6xo0aICgNi/f3+S41NzjtevXwtbW1tRtWrVJB9HJ/5oP6VlBbr8fAAQJiYm4urVq0nOgw9mfO3s7MSAAQOSHJdYSjElN+Nbp04dYWtrK/79998Un2NyDh06lOTTGZW6deuK0qVLi9DQUBEaGipu3LghRo4cKQCIr776SuvYChUqCDs7u49ea968eQKACAwMFEII4enp+cnHJKdkyZLiyy+//Ogxur53dZ3xTe7/84EDB5J9LZs2bar1ntTlPUWUHFZ1oCzF29sbjo6OcHZ2Rtu2bWFjY4PAwED17NyrV6/w559/on379njz5g3CwsIQFhaGly9fwsfHB7du3VJXgdi+fTvKly+f7MyIQqEAAPz2229wc3ND6dKl1ecKCwtDgwYNAABHjhxJMVZfX1+8f/8eO3bsUI/98ccfeP36NXx9fQHIjTjbt29Hs2bNIITQuoaPjw8iIiJw/vx5rfN2794dOXLk+ORr9ebNGwCAra1tiseo7ouMjNQab9myJQoVKqS+XaVKFVStWhV79+4FoNvrrNK7d+8km40SP4/379/j5cuXKFGiBHLnzp3keeuqZ8+eWjNLtWvXBiA3DAHA2bNn8fLlS/Tu3VtrU1Xnzp21PkFIieo1+9jrm5x+/fpp3a5duzZevnyp9f8g8esSERGBsLAw1K1bF3fv3kVERITW411cXNSfHiSWmnMcPHgQb968wZgxY5JsDlX9DHyMrj8fdevWRZkyZT553ty5c+PUqVNaVQvSKjQ0FH/99Re++eYbFClSROu+Tz3Hly9fAkCK74cbN27A0dERjo6OKF26NObMmYPmzZsnKaX25s2bT75PPvxZjIyM1Pm9pYr1UyXz0vreTa3k/j83aNAADg4O2Lp1q3osPDwcBw8eVP8+BD7vdy4RAHCpA2UpS5YsQcmSJREREYE1a9bgr7/+gqWlpfr+27dvQwiBiRMnYuLEicme48WLFyhUqBDu3LmDNm3afPR6t27dwvXr1+Ho6JjiuVJSvnx5lC5dGlu3bsW3334LQC5zcHBwUP8SDw0NxevXr7Fy5UqsXLkyVddwcXH5aMwqqn/U3rx5o/Wxa2IpJcdffPFFkmNLliyJgIAAALq9zh+L+927d5g5cybWrl2Lx48fa5VX+zDB09WHSY4qeQkPDwcAdU3WEiVKaB1nZmaW4kfwieXKlQuA5jXUR1yqc544cQKTJ09GUFAQ3r59q3V8REQE7Ozs1LdTej+k5hx37twBAJQrV06n56Ci689Hat+7s2fPRvfu3eHs7AwvLy80bdoU3bp1g6urq84xqv7QSetzBJBi2b9ixYph1apVUCqVuHPnDqZPn47Q0NAkf0TY2tp+Mhn98GcxV65c6th1jfVTCX1a37upldz/ZzMzM7Rp0wabNm1CbGwsLC0tsWPHDrx//14r8f2c37lEABNfymKqVKmCSpUqAZCzkrVq1UKnTp0QEhKCnDlzqutnjhgxItlZMCBpovMxSqUS7u7umDdvXrL3Ozs7f/Txvr6+mD59OsLCwmBra4vAwEB07NhRPcOoirdLly5J1gKreHh4aN1OzWwvINfA/u9//8Ply5dRp06dZI+5fPkyAKRqFi6xtLzOycU9aNAgrF27FkOHDkX16tVhZ2cHhUKBDh06pFgLNbVSKmWVUhKjq9KlSwMAgoODUaFChVQ/7lNx3blzBw0bNkTp0qUxb948ODs7w8LCAnv37sX8+fOTvC7Jva66niOtdP35SO17t3379qhduzZ27tyJP/74A3PmzMGsWbOwY8cOfPnll58dd2rlzZsXgOaPpQ/Z2NhorY2vWbMmKlasiHHjxmHRokXqcTc3N1y8eBEPHjxI8oePyoc/i6VLl8aFCxfw8OHDT/6eSSw8PDzZP1wT0/W9m1IinZCQkOx4Sv+fO3TogBUrVmDfvn1o2bIlAgICULp0aZQvX159zOf+ziVi4ktZlqmpKWbOnIn69etj8eLFGDNmjHpGyNzcXOsfpOQUL14cV65c+eQxly5dQsOGDVP10e+HfH19MXXqVGzfvh358uVDZGSkehMHADg6OsLW1hYJCQmfjFdXX3/9NWbOnIn169cnm/gmJCRg06ZNsLe3R82aNbXuu3XrVpLjb968qZ4J1eV1/pht27ahe/fumDt3rnosJiYGr1+/1jouLa/9p6iaEdy+fRv169dXj8fHx+P+/ftJ/uD40JdffglTU1P8+uuvet0ktHv3bsTGxiIwMFArSdLlI97UnqN48eIAgCtXrnz0D8KUXv/P/fn4mAIFCuC7777Dd999hxcvXqBixYqYPn26OvFN7fVU79VP/awnR5Ug3rt3L1XHe3h4oEuXLlixYgVGjBihfu2//vprbN68GevXr8eECROSPC4yMhK7du1C6dKl1f8fmjVrhs2bN+PXX3/F2LFjU3X9+Ph4PHz4EM2bN//ocbq+d+3t7ZP8TALQuZNdnTp1UKBAAWzduhW1atXCn3/+ifHjx2sdY8j3FGUPXONLWVq9evVQpUoVLFiwADExMXByckK9evWwYsUKPH36NMnxoaGh6u/btGmDS5cuYefOnUmOU82+tW/fHo8fP8aqVauSHPPu3Tt1dYKUuLm5wd3dHVu3bsXWrVtRoEABrSTU1NQUbdq0wfbt25P9hzlxvLqqUaMGvL29sXbt2mQ7Q40fPx43b97EqFGjkszQ/O9//9Nao3v69GmcOnVKnXTo8jp/jKmpaZIZ2J9//jnJTJKNjQ0AJPuPb1pVqlQJefPmxapVqxAfH68e37hxY4ozfIk5Ozujd+/e+OOPP/Dzzz8nuV+pVGLu3Ll49OiRTnGpZoQ/XPaxdu1avZ+jcePGsLW1xcyZMxETE6N1X+LH2tjYJLv05HN/PpKTkJCQ5FpOTk4oWLAgYmNjPxnThxwdHVGnTh2sWbMGDx480LrvU7P/hQoVgrOzs05dzEaNGoX3799rzVi2bdsWZcqUwY8//pjkXEqlEv3790d4eDgmT56s9Rh3d3dMnz4dQUFBSa7z5s2bJEnjtWvXEBMTgxo1anw0Rl3fu8WLF0dERIR6VhoAnj59muzvzo8xMTFB27ZtsXv3bmzYsAHx8fFayxwAw7ynKHvhjC9leSNHjkS7du3g7++Pfv36YcmSJahVqxbc3d3Ru3dvuLq64vnz5wgKCsKjR4/ULT1Hjhyp7gj2zTffwMvLC69evUJgYCCWL1+O8uXLo2vXrggICEC/fv1w5MgR1KxZEwkJCbhx4wYCAgJw4MAB9dKLlPj6+mLSpEmwsrLCt99+CxMT7b9Hf/zxRxw5cgRVq1ZF7969UaZMGbx69Qrnz5/HoUOH8OrVqzS/NuvXr0fDhg3RokULdOrUCbVr10ZsbCx27NiBo0ePwtfXFyNHjkzyuBIlSqBWrVro378/YmNjsWDBAuTNmxejRo1SH5Pa1/ljvv76a2zYsAF2dnYoU6YMgoKCcOjQIfVHzCoVKlSAqakpZs2ahYiICFhaWqJBgwZwcnJK82tjYWGBKVOmYNCgQWjQoAHat2+P+/fvw9/fH8WLF0/VbNPcuXNx584dDB48GDt27MDXX38Ne3t7PHjwAL/99htu3LihNcOfGo0bN4aFhQWaNWuGvn37IioqCqtWrYKTk1Oyf2R8zjly5cqF+fPno1evXqhcuTI6deoEe3t7XLp0CW/fvsW6desAAF5eXti6dSuGDRuGypUrI2fOnGjWrJlefj4+9ObNGxQuXBht27ZVt+k9dOgQzpw5o/XJQEoxJWfRokWoVasWKlasiD59+sDFxQX379/Hnj17cPHixY/G06JFC+zcuTNVa2cBuVShadOmWL16NSZOnIi8efPCwsIC27ZtQ8OGDVGrVi2tzm2bNm3C+fPnMXz4cK33irm5OXbs2AFvb2/UqVMH7du3R82aNWFubo6rV6+qP61JXI7t4MGDsLa2RqNGjT4Zpy7v3Q4dOmD06NFo1aoVBg8ejLdv32LZsmUoWbKkzptQfX198fPPP2Py5Mlwd3dPUpbQEO8pymbSv5AEkf6l1MBCCNkZqHjx4qJ48eLqcll37twR3bp1E/nz5xfm5uaiUKFC4uuvvxbbtm3TeuzLly/FwIEDRaFChdSF0rt3765VWiwuLk7MmjVLlC1bVlhaWgp7e3vh5eUlpk6dKiIiItTHfVjOTOXWrVvqIvvHjx9P9vk9f/5cDBgwQDg7Owtzc3ORP39+0bBhQ7Fy5Ur1MaoyXb/99ptOr92bN2/ElClTRNmyZUWOHDmEra2tqFmzpvD3909SzilxA4u5c+cKZ2dnYWlpKWrXri0uXbqU5NypeZ0/9v8uPDxc9OzZUzg4OIicOXMKHx8fcePGjWRfy1WrVglXV1dhamqaqgYWH75OKTU2WLRokShatKiwtLQUVapUESdOnBBeXl6iSZMmqXh1ZZer1atXi9q1aws7Ozthbm4uihYtKnr27KlVLiqlzm2q1ydx047AwEDh4eEhrKysRLFixcSsWbPEmjVrkhynamCRnNSeQ3VsjRo1RI4cOUSuXLlElSpVxObNm9X3R0VFiU6dOoncuXMnaWCR2p8P/NfYIDlIVM4sNjZWjBw5UpQvX17Y2toKGxsbUb58+STNN1KKKaX/z1euXBGtWrUSuXPnFlZWVqJUqVJi4sSJycaT2Pnz5wWAJOW1UmpgIYQQR48eTVKiTQghXrx4IYYNGyZKlCghLC0tRe7cuYW3t7e6hFlywsPDxaRJk4S7u7uwtrYWVlZWoly5cmLs2LHi6dOnWsdWrVpVdOnS5ZPPSSW1710hhPjjjz9EuXLlhIWFhShVqpT49ddfP9rAIiVKpVI4OzsLAGLatGnJHpPa9xRRchRC6GknBxFleffv34eLiwvmzJmDESNGGDsco1AqlXB0dETr1q2T/biVsp+GDRuiYMGC2LBhg7FDSdHFixdRsWJFnD9/XqfNlkRZDdf4EhGlICYmJsk6z/Xr1+PVq1eoV6+ecYKiDGfGjBnYunWrzpu50tOPP/6Itm3bMumlbI9rfImIUvDPP//Az88P7dq1Q968eXH+/Hn88ssvKFeuHNq1a2fs8CiDqFq1KuLi4owdxkdt2bLF2CEQZQhMfImIUlCsWDE4Oztj0aJFePXqFfLkyYNu3brhxx9/1Or6RkREmQPX+BIRERFRtsA1vkRERESULTDxJSIiIqJsIdut8VUqlXjy5AlsbW3Z7pCIiIgoAxJC4M2bNyhYsGCSxk6fI9slvk+ePIGzs7OxwyAiIiKiT3j48CEKFy6st/Nlu8TX1tYWgHwhc+XKZeRoiIiIiOhDkZGRcHZ2Vudt+pLtEl/V8oZcuXIx8SUiIiLKwPS9LJWb24iIiIgoW2DiS0RERETZAhNfIiIiIsoWmPgSERERUbbAxJeIiIiIsgUmvkRERESULTDxJSIiIqJsgYkvEREREWULTHyJiIiIKFtg4ktERERE2QITXyIiIiLKFpj4EhEREVG2wMSXiIiIiLIFJr5ERERElC0w8SUiIiKibMGoie9ff/2FZs2aoWDBglAoFPjf//73ycccPXoUFStWhKWlJUqUKAF/f3+Dx0lEREREmZ9RE9/o6GiUL18eS5YsSdXx9+7dw1dffYX69evj4sWLGDp0KHr16oUDBw4YOFIiIiIiyuzMjHnxL7/8El9++WWqj1++fDlcXFwwd+5cAICbmxuOHz+O+fPnw8fHx1BhEhEREVE6SXivxNbJVw1y7ky1xjcoKAje3t5aYz4+PggKCkrxMbGxsYiMjNT6IiIiIqKMJ+ToU5x2bIpmCxoY5PyZKvF99uwZ8uXLpzWWL18+REZG4t27d8k+ZubMmbCzs1N/OTs7p0eoRERERJRKsbHApg67kKe+B6pHHIA1YgxynUyV+KbF2LFjERERof56+PChsUMiIiIiov/8czga/8vfD522toQjwgAAoSZOBrlWpkp88+fPj+fPn2uNPX/+HLly5UKOHDmSfYylpSVy5cql9UVERERExvXmDTDb9xxye3vB9/UK9fi1ki1he+Ufg1wzUyW+1atXx+HDh7XGDh48iOrVqxspIiIiIiLS1d7dCVjsPAt+AdVQGiEAgHcm1ng0aSXK3NgBq0J5DXJdoya+UVFRuHjxIi5evAhAliu7ePEiHjx4AEAuU+jWrZv6+H79+uHu3bsYNWoUbty4gaVLlyIgIAB+fn7GCJ+IiIiIdBAaCnTuDLRrHoO2EathjngAwPPCXrC4cgGFp/YGFAqDXd+oie/Zs2fh6ekJT09PAMCwYcPg6emJSZMmAQCePn2qToIBwMXFBXv27MHBgwdRvnx5zJ07F6tXr2YpMyIiIqIMTAjg118BNzdg0ybgLWzQCZsQp7DA6/5jke/OSZi6lTR4HAohhDD4VTKQyMhI2NnZISIigut9iYiIiAzs338Bv15vcOpQJJ6gEADA3h6YPx/o1vAxFIULJXmMofI1ozawICIiIqKsKSEBWLIE+N/oIKyK6YJnyI+6OIa2vmZYuBCQFWqTJr2GlKk2txERERFRxnf1KlC3ZjxeDpmKP2JqozjuoiZOIrjzLGzZokp60x9nfImIiIhIL2JjgZkzgc3T72JtfBfUgKa7bnzVGnD7oZMRo+OMLxERERHpQVAQUNFT4O7U9TgTX0Gd9ApTU+D772F2/Bjg4mLUGDnjS0RERERp9uYNMH488OvP4ViGfvBFgPo+pYsrTDZtBKpVM2KEGkx8iYiIiChN9u0D+vUDwh9EIhgVUBSaMrTo0QMmixYBtrbGC/ADXOpARERERDoJDQW6dAGaNgUePADeIBd2m7YCAAh7eyAgAFi7NkMlvQATXyIiIiJKJSGAjRuBMmXkf1W8vYGvgn8E+vaF4tIloF074wX5EVzqQERERESf9O+/QP/+wL59Ar2xCgkwxU77bzFvHtC9O6BQWAHLlxs7zI9i4ktEREREKUpIAJYuBcaOBXJEh2IneqMldiHWNAd+/F8NONZxM3aIqcalDkRERESUrGvXgNq1gcGDgRrRf+AyPNASuwAAlgnv4HjqdyNHqBsmvkRERESkJS4OmDoVqFABOB8Ug3nwwx/wQQE8kwc4OACBgcDIkUaNU1dc6kBEREREakFBQO/esu1wOQRjIzrDA8GaA5o0kRUb8uc3XpBpxBlfIiIiIkJUlFzSULMmcPWqwCAswhlU1iS9lpbAokXA3r2ZMukFOONLRERElO3t3w/07Str8gJATkRhrMVcWMXFygEPD1m/rFw54wWpB5zxJSIiIsqmwsJkI4ovv9QkvTlyAFN+soXjgV8BU1PAzw84dSrTJ70AZ3yJiIiIsh0hgM2bgSFDZPJrjWjYIBoeDZ2wYgVQvDgA1AZu3gRcXY0drt4w8SUiIiLKRh48kI0o9u6VtyviHDabdEbOUoVQ4MBBKEwTLQjIQkkvwKUORERERNmCUgksXgyULSuTXhMkYBRm4ZSiGkoqQ1Dw+p9QLJhv7DANijO+RERERFnctWtAr16yVBkAFMZDbLXohhpxRwHx30FeXkCzZsYKMV1wxpeIiIgoi4qLA77/HvD01CS97RCAGxYeMukFAIVC9iM+eRIoWdJosaYHzvgSERERZUH//CNnea9elbdtEQl/28Fo/WYdEPffQc7OwIYNQN26RoszPTHxJSIiIspCoqKACRNkrwnx3zIGe5MI3MpVEXlf39Uc6OsLLFsG2NsbJ1Aj4FIHIiIioiziwAFZbnfhQk3SW7Ei8Oc5O+Rt20AO2NoC69fLembZKOkFOONLRERElOmFhQHDhslVCyo5csj1vUOHAmZmAObPB969k4NZrExZajHxJSIiIsqkhAC2bJGNKEJD1aOY6bYBPfuYI9/QjpqDc+YEfv3VGGFmGEx8iYiIiDKhhw9lI4o9ezRjRXOF489S/eB6JgCYmBNoVkXVho3ANb5EREREmYpSCSxZApQpo530TqpzFHdyesikF5C73LZtM06QGRRnfImIiIgyievXZYmykyc1Y0Xyx+Fg9Uko+b/Zmh1tuXMDK1cC7doZJc6MijO+RERERBmcqhFFhQraSe/E9iG4k686Su6cpUl669UDLl9m0psMzvgSERERZWCnTslZ3itXNGNflBD4vflKlFzmJys1AIC5OTB9OjB8OGDCuc3k8FUhIiIiyoCiomQpsurVNUmvqSkwZgxw6a8IlNw0RZP0liolW7WNHMmk9yP4yhARERFlMCk1ojhzBpg5E8hRIDfg7y/v6NcPOH9eHkAfxaUORERERBnEy5eAn592IworK2D6xBgM7vUWZk55NHf4+Mip4LJl0z/QTIozvkRERERGpmpE4eamnfTWrw+EbAvGsM2VYfZNN830rwqTXp0w8SUiIiIyoocPgebNgY4dNd3X7OyA1SuVONx8IYq0qSxndvfsAZYvN26wmRwTXyIiIiIjUCqBpUvlpO3vv2vG27QBQo4+xbfbm0LhNxSIjZV3eHgAtWsbJdasgmt8iYiIiNLZjRuyRNmJE5qxAgVkR7ZWJruARr2AsDDNnX5+wIwZcsEvpRlnfImIiIjSSVwcMG0aUL68dtLbuzdw7Uw0Wh3oB7RsqUl6CxQA/vgDmDePSa8ecMaXiIiIKB2cPi1neYODNWMlSsjOwvUrhMuCvSEhmjtbtgRWrQIcHNI91qyKM75EREREBhQdDQwbJvNaVdJragqMHi07C9evD8DeHvDykndaW8uEd8cOJr16xhlfIiIiIgP54w+gb1/g/n3NWMWKwOrVgKfnBwcvWSI7sf34I1CyZHqGmW1wxpeIiIhIz16+BLp3lz0mVEmvlRUwaxZw6hTgeSsA2LVL+0G5c8tZXia9BsMZXyIiIiI9EQLYuhUYPFhTkxeQyxlWrgRKOEUCvQYD69bJ5Q2XLwOFCxsv4GyGM75EREREevDoUfKNKFatAg4fBkqEBgEVKsikFwDCw4FffzVavNkRE18iIiKiz6BqRFGmjHYjitatgevXgV494qGYOkU2n7h3T95pawusXy93uFG64VIHIiIiojS6cUPW4D1+XDOWP7/cp9a6NYC7d4E6XYCgIM0BNWrImV4Xl3SPN7vjjC8RERGRjhI3okic9PbqJWd5W7cScklD+fKapNfUFJg6FTh2jEmvkXDGl4iIiEgHZ84A336r3YiieHG5lrd+/f8GXoUDw4cDUVHytqsrsHEjUK1ausdLGpzxJSIiIkoFVSOKatW0G1GMGiVvq5NeAMiTRxbrBYAePYCLF5n0ZgCc8SUiIiL6hIMHZSMK1d40QBZo+OUX2ZACcXHAm1i5aU2lZUvg7FlNRzYyOs74EhEREaXg1Ss5Ydu4sSbptbKSzdVOn/4v6Q0Jkf2Ie/WShXwTY9KboTDxJSIiIvqAEEBAAODmpim7CwD16smeE6NHA+ZmAlixQvYePn9ePmDDBqPFTJ/GpQ5EREREiTx6BHz3HbB7t2bMzg6YM0duajMxgexQ0asXEBioOahUKaBcuXSPl1KPM75EREREkI0oli+XjSgSJ72tWgHXrsl6vSYmAA4cADw8tJPefv3krG/FiukeN6UeZ3yJiIgo2wsJkYnt339rxrQaUQBATAwwdiywYIHmIAcHYM0aoFmz9AyX0oiJLxEREWVb798Ds2cDP/wAxMZqxnv1kuP29v8NvHolF/gmLt7bpAmwdq3MkClT4FIHIiIiypbOnJFFFyZM0CS9xYsDhw/LZhTqpBeQN1xd5feWlsCiRcDevUx6MxnO+BIREVG2Eh0NTJokVywolXLM1FQ2Wps8GbC2TuZBCoVsSPHuHTB3LjexZVJMfImIiCjbOHQI6NPnI40oVAID5cyuj49mzMFBbmyjTItLHYiIiCjLe/UK6NkTaNToI40oADkd3K8f0KIF0K0b8OKF0WIm/WPiS0RERFlW4kYU/v6a8bp1EzWiMP9v8Nw5mQGvWCFvv3ghKzZQlsHEl4iIiLKkx4+Bli0BX1/NxG2uXMDKlcCffwJffPHfgQkJwKxZQLVqwM2bcszaWh44erQxQicD4RpfIiIiylKUSk3OGhmpGW/ZUtblLVgw0cEPHwJduwLHjmnGvLyATZuAkiXTK2RKJ5zxJSIioiwjJASoXx/o31+T9ObLB2zbBuzY8UHSGxAgO7Cpkl6FQjaoOHmSSW8WxRlfIiIiyvTevwfmzAG+/167EcU33wA//fRBTV4ACAuTrdpU2bGzM7Bhg1z8S1kWZ3yJiIgoUzt7FqhcGRg/XpP0urrK0mW//JJM0gvI0mTLlsnvfX2BS5eY9GYDnPElIiKiTOntW9mIYv58TSMKExNg2DBg6tQPGlHExwNxcdqDnToBhQsDtWvLZQ6U5XHGl4iIiDKdw4cBd3fZRE2V9JYvL2vyzpnzQdJ79y5Qpw4wcGDSE9Wpw6Q3G2HiS0RERJlGeLhct+vtLfNZQDZYmzkTOHNGFmRQEwJYv15mxEFBwNq1wG+/GSVuyhi41IGIiIgyPCFkZYZBg4DnzzXjdeoAq1YlU4QhPFx2YAsI0Iy5uspNbJRtccaXiIiIMrTHj4FWrYD27TVJb65cssHakSPJJL1Hj8oyZYmT3h49gIsXZZMKyraY+BIREVGGpFTK5LZMGWDXLs14ixbAtWtAnz5yM5taXBwwZgzQoAHw6JEcs7eXCfDatYCtbbrGTxkPlzoQERFRhnPzpiyz+9dfmrF8+YDFi4E2bZLZj/byJdC4MXD+vGasfn25xrdw4XSJmTI+zvgSERFRhvH+vdyo5uGhnfR+842c5W3bNoUiDPb2sjYvAJibA7Nny0K+THopEc74EhERUYZw9izQq5fsJaHi6gqsXAk0bPiJB5uYAP7+ciHwwoVAxYqGDJUyKc74EhERkVG9fQuMHAlUrapJek1MgBEjgODgFJLeP/7QnhIGgAIFgL//ZtJLKTJ64rtkyRIUK1YMVlZWqFq1Kk6fPv3R4xcsWIBSpUohR44ccHZ2hp+fH2JiYtIpWiIiItInVSOKn37SNKLw8ABOnUqmEQUAxMQAfn6Ajw/QubMsW0aUSkZNfLdu3Yphw4Zh8uTJOH/+PMqXLw8fHx+8ePEi2eM3bdqEMWPGYPLkybh+/Tp++eUXbN26FePGjUvnyImIiOhzhIcD336btBHFjBlyyUOlSsk8KDgYqFIFWLBA3n70SK6DIEoloya+8+bNQ+/evdGzZ0+UKVMGy5cvh7W1NdasWZPs8SdPnkTNmjXRqVMnFCtWDI0bN0bHjh0/OUtMREREGYOqEYWbG5D4n/vateUyh7Fj5d40LUqlXLdbubJMfgGZJS9aBIwalW6xU+ZntMQ3Li4O586dg7e3tyYYExN4e3sjKCgo2cfUqFED586dUye6d+/exd69e9G0adMUrxMbG4vIyEitLyIiIkp/T54ArVsD7dppN6JYvlz2nChVKpkHPX0KNG0KDB0KxMbKMXd3OS08aFAKJR6Ikme0qg5hYWFISEhAvnz5tMbz5cuHGzduJPuYTp06ISwsDLVq1YIQAvHx8ejXr99HlzrMnDkTU6dO1WvsRERElHpKJbB6tdzAlnj+qXlzYOlSoFChFB64a5cs8xAWphnz85PrIaysDBozZU1G39ymi6NHj2LGjBlYunQpzp8/jx07dmDPnj344YcfUnzM2LFjERERof56+PBhOkZMRESUvd26JRup9e2rSXqdnGQztf/97yNJb2io3LymSnoLFAAOHADmzWPSS2lmtBlfBwcHmJqa4rnqs47/PH/+HPnz50/2MRMnTkTXrl3Rq1cvAIC7uzuio6PRp08fjB8/HiYmSfN4S0tLWFpa6v8JEBERUYrevwfmzgWmTNGsUACAnj1lBYc8eT5xAkdHuYmtd2/Zo3j1ak2DCqI0MtqMr4WFBby8vHD48GH1mFKpxOHDh1G9evVkH/P27dskya2pqSkAQAhhuGCJiIgo1c6fl8UXxo7VJL0uLsDBg3JDW7JJb0KCdoYMyLIP+/YBO3cy6SW9MOpSh2HDhmHVqlVYt24drl+/jv79+yM6Oho9e/YEAHTr1g1jx45VH9+sWTMsW7YMW7Zswb1793Dw4EFMnDgRzZo1UyfAREREZBxv38oiC1WqABcvyjETE2D4cFmMIdF+dm0PH8o7R4zQHlcogCZNuIGN9MaoLYt9fX0RGhqKSZMm4dmzZ6hQoQL279+v3vD24MEDrRneCRMmQKFQYMKECXj8+DEcHR3RrFkzTJ8+3VhPgYiIiAD8+SfQpw9w545mzMNDrlCoXPkjDwwIkAuAX7+WpR2+/FJWcSAyAIXIZmsEIiMjYWdnh4iICOTKlcvY4RAREWVq4eGyWsMvv2jGLC2BSZPkeJKavCqRkcDgwcC6dZoxZ2dg40ZZ1JeyNUPla0ad8SUiIqLMa/t2YOBA4NkzzVjt2sCqVSnU5FUJCgK6dNG0bAMAX19g2TLA3t5g8RJlqnJmREREZHyqRhRt22qSXltbmbem2IgCAOLjgalTZXasSnptbYH164HNm5n0ksFxxpeIiIhSRamUSxpGjgQiIjTjzZrJRhSFC3/kwS9fygMTd2etUQP49VdZ8oEoHXDGl4iIiD7p1i2gYUO5gU2V9Do5AVu3ygZrH016ASB3bsDsv/k2U1M583vsGJNeSldMfImIiChF798Ds2bJCg1Hj2rGe/QArl0D2rdPZbUxU1NgwwagYkXg+HG5+82MHzxT+uI7joiIiJJ1/jzQqxdw4YJmrFgxYOVKoFGjTzz42DEgRw5Z1FelaFHg7FnW5SWj4YwvERERaXn7Fhg9WuasqqTXxAQYNgy4cuUTSW9cnGzZVr8+0LEj8OaN9v1MesmImPgSERGR2pEjclnD7NmyizAAuLvLPWlz5wI2Nh95cEgIUL068OOPgBCycsOyZekSN1FqMPElIiIivH4N9O4NNGig6b5mYQFMmyZXJyResZCEEHL9g6enXB8ByM4Vs2cnbUNMZERc40tERJTN7dgBDBig3YiiVi3ZiKJ06U88ODRUZsy7dmnGSpUCNm2SG9mIMhDO+BIREWVTT58CbdrIr8SNKJYulXvTPpn0Hjgg10UkTnr79ZOzvkx6KQPijC8REVE2I4RsRDFiRBoaUag8fw60bAnExMjbDg7AmjXyJEQZFGd8iYiIspHbt+U63t69NUmvoyOwZUsqG1Go5MsnN7EBgI8PEBzMpJcyPM74EhERZQPx8bIqw5QpmklaAOjeXY7nzfuJEyiVssyDublmbNAgmSm3aiXrnRFlcHyXEhERZXEXLsiqDGPGaJLeYsXkEl1//1QkvU+fAl9+CUyYoD1uYiIXCDPppUyC71QiIqIs6t072YiicmXtRhR+frIRRePGqTjJrl2ykO8ffwBz5gB//mnQmIkMiUsdiIiIsqCjR+U63tu3NWPlyslNbR+tyasSHQ0MHw6sWKEZy5dP32ESpSvO+BIREWUhqkYU9etrkl4LC+CHH4Bz51KZ9J47J8uRJU56W7SQG9gaNDBE2ETpgjO+REREWcTOnbIRxdOnmrGaNWUjCje3VJwgIQH46Se5ljc+Xo5ZWwMLFgC9egEKhSHCJko3THyJiIgyuadPgYEDZQc2lZw5gVmzZD+JVO09CwsD2rWTayRUvLxkB7aSJfUdMpFRcKkDERFRJqVqRFGmjHbS+9VXwLVrwHff6VBwwc4OiIqS3ysUwNixwMmTTHopS2HiS0RElAndvg00bChXILx+LcccHYHNm4HduwFnZx1PaG4ObNwo10QcOQLMmCEXBxNlIVzqQERElInExwPz5wOTJmk3oujWDZg3LxU1eVWCguT63fLlNWMlS8o6Z6zLS1kU39lERESZxMWLQNWqwKhRmqS3aFFg/35g3bpUJr3x8cDUqUDt2kDHjsDbt9r3M+mlLIzvbiIiogzu3Tu55LZSJeD8eTmmUABDh8oJWh+fVJ7o7l2gTh3ZtzghAbh+HVi61EBRE2U8XOpARESUgR07Juvy3rqlGStXDli9Ws7+pooQwIYNsvTDmzdyzNQUmDxZZs9E2QQTXyIiogzo9WvZbnjlSs2YhYUssTt6tA77zsLDZU2zgADNWPHiwK+/AtWq6TNkogyPiS8REVEG89mNKFSOHgW6dgUePdKM9ewJLFwI2NrqK1yiTIOJLxERUQbx7JlcjbB9u2YsZ07gxx+B/v113Hf29Klc/BsXJ2/b28sWxO3a6TVmosyEm9uIiIiMTNWIws1NO+lVNaIYMCANxRYKFJBreAGgfn3g8mUmvZTtccaXiIjIiO7cAfr0Af78UzPm4AAsWgR06CCrN6SKEIBSKTetqYweLTtZdO7MMmVE4IwvERGRUcTHA3PmAO7u2klv166yyljHjjokvaGhQKtWwLRp2uOmpvKETHqJAHDGl4iIKN1dvChbDZ87pxkrWhRYvhxo0kTHkx04APToIRcI//470LgxUL26HqMlyjr4JyAREVE6SdyIQpX0KhTAkCGyEYVOSW9MDODnJx/07Jkcs7fX1OkloiQ440tERJQOkmtEUbasbEShcznd4GC5bjc4WDPm4wP4+wP58+sjXKIsiTO+REREBhQRAfTtC9Srp0l6zc2BqVNl+2Gdkl6lUtbgrVxZk/RaWsqxvXuZ9BJ9Amd8iYiIDGTXLuC774AnTzRj1avLWd4yZXQ82cuXcpb3wAHNmLs7sGmT7GFMRJ/EGV8iIiI9e/ZMlsxt2VKT9ObMCSxeDBw/noakFwBsbIDHjzW3/fyA06eZ9BLpgIkvERGRnggBrF0rE9tt2zTjTZsCV6+msRGFipWVnN11cZGzvvPmyTEiSjUudSAiItKDu3dlI4rDhzVjaWpEoXLunJzlLV1aM+buDty8CZjxn2+itOCMLxER0WeIjwfmzpUrDhInvV26pKERBQAkJACzZsldbx07ArGx2vcz6SVKMya+REREaXTxosxPR4yQNXoBoEgRYN8+YMMGOeOrk4cPgYYNgTFjZEZ98SKwdKmeoybKvpj4EhER6SgmBhg3LmkjisGD5VpenbuvAUBAAODhIQv+qk44dqxcGExEesHPS4iIiHTw11+yEcXNm5qxNDeiAIDISJkxr1unGXN2llPGdet+drxEpMEZXyIiolSIiAD69ZO5qCrpNTcHpkxJQyMKlaAgwNNTO+n19QUuXWLSS2QAnPElIiL6BL02olB5/Fi2c4uLk7dtbYElS+SuOJ1LQBBRanDGl4iIKAXPnwPt22s3orCxkSXK/v77M5JeAChUSO6KA4AaNeQsb9euTHqJDIgzvkRERB8QAvD3B4YPB8LDNeNffgksXy4rN6TppIB2YjtlijzZt9+yTBlROuCMLxERUSJ37wKNGwPffKNJevPmBX79FdizJ41Jb3i47GIxd672uLk50Lcvk16idMLEl4iICNqNKA4d0ox37iwbUXTunMZVCEePyjJlAQGyBtqFC/oKmYh0xD8xiYgo27t8Wa42OHtWM+bsDKxYIZc3pElcHDBpEjB7tmaZQ86cwLNnnx0vEaUNZ3yJiCjbiokBxo8HvLw0SW/iRhRpTnpDQmTZh1mzNElv/foyw07zSYnoc3HGl4iIsqW//5aNKEJCNGNlysgSZdWrp/GkQgArVwJ+fpoexubmwPTpcqecCeebiIzpsxLfmJgYWFlZ6SsWIiIig4uMBEaPltUZVMzN5czvmDGApWUaT/zqFdCzJxAYqBkrVQrYtAmoWPGzYiYi/dD5T0+lUokffvgBhQoVQs6cOXH37l0AwMSJE/HLL7/oPUAiIiJ9CQyUs7qJk95q1eR+s8mTPyPpBeSDb9zQ3O7fX7Z0Y9JLlGHonPhOmzYN/v7+mD17NiwsLNTj5cqVw+rVq/UaHBERkT48fy47AbdoIRumAZpGFMePA2XL6uEiNjbAxo1AwYIyw166FLC21sOJiUhfdE58169fj5UrV6Jz584wNTVVj5cvXx43Ev+lS0REZGSqRhRubrKamEqTJnLz2qBBQKJ/ynQTHCyL/iZWqZIca9YsrSETkQHpnPg+fvwYJUqUSDKuVCrx/v17vQRFRET0uVSNKHr2TNqIYu9eoGjRNJ5YqQQWLgQqV5bFfePjte//rPUSRGRIOie+ZcqUwd9//51kfNu2bfD09NRLUERERGmVkADMmwe4u+u5EQUAPH0qy5ENHQrExgL//AMsW6aPsIkoHehc1WHSpEno3r07Hj9+DKVSiR07diAkJATr16/H77//bogYiYiIUuXyZaBXL+DMGc2Ys7PczNa06WeefNcu2eXi5UvNmJ+frIlGRJmCzjO+LVq0wO7du3Ho0CHY2Nhg0qRJuH79Onbv3o1GjRoZIkYiIqKPiokBJkyQjShUSa9CIdfwXr36mUlvdDTQrx/QsqUm6S1QADhwQE4ts6wnUaahEELVUiZ7iIyMhJ2dHSIiIpArVy5jh0NERJ8puUYUbm6yEUWNGp958nPngE6dgJs3NWMtWwKrVgEODp95ciJKiaHyNZ1nfF1dXfEy8cc8/3n9+jVcXV31EhQREdGnREYC330H1KmjSXrNzWU93gsX9JD0PnwoT6JKeq2tZcK7YweTXqJMSufE9/79+0hISEgyHhsbi8eq4ohEREQGtHu3bESReF9Z1aqyX8SUKXoqrODsLDNrQK6huHBBLiBO8844IjK2VG9uC0zUgvHAgQOws7NT305ISMDhw4dRrFgxvQZHRESU2IsXwODBwNatmjEbG2DGDGDAgM+oyasihHZiO3MmUKSIPHmipk1ElDmleo2viYmcHFYoFPjwIebm5ihWrBjmzp2Lr7/+Wv9R6hHX+BIRZT5CAOvXA8OGAa9eacZ9fGTFhs+ed4mMlBl1lSqaWV4iMhpD5WupnvFVKpUAABcXF5w5cwYOXN9ERETp4N49WVThjz80Y3nzAgsWfGZNXpWgIHmie/fkVHL9+nJ3HBFlOTqv8b137x6TXiIiMriEBGD+fKBcOe2kt1Mn2YiiS5fPTHrj4+WC4Nq1ZdILyN1xd+58TthElIHp3MACAKKjo3Hs2DE8ePAAcXFxWvcNHjxYL4EREVH2FRws95GdPq0Zc3aWm9m++koPF7h7V2bOQUGasRo1ZD9jFxc9XICIMiKdE98LFy6gadOmePv2LaKjo5EnTx6EhYXB2toaTk5OTHyJiCjNYmKA6dOBH3+UE7KAnNUdMEBuYLO1/cwLqBYLDxwIREXJMVNTYNIkYNw4wCxN80FElEnovNTBz88PzZo1Q3h4OHLkyIF//vkH//77L7y8vPDTTz8ZIkYiIsoGjh8HPD2BadM0Sa+bmxz/+Wc9JL2vXwMdOgA9emiSXldXeYFJk5j0EmUDOie+Fy9exPDhw2FiYgJTU1PExsbC2dkZs2fPxrhx4wwRIxERZWGRkXJGt3Zt4MYNOWZuLnNRvTSiUFEogFOnNLd79AAuXgSqVdPTBYgoo9M58TU3N1eXNnNycsKDBw8AAHZ2dnj48KF+oyMioizt99+BsmWBpUs1Y6pGFFOn6qkRhYqdHbBhg+y6FhAArF2rh2lkIspMdP5cx9PTE2fOnMEXX3yBunXrYtKkSQgLC8OGDRtQrlw5Q8RIRERZzIsXwJAhwJYtmjFra7mOd+BAPTSiAGQfYxsboHBhzVjt2sD9+3KciLIdnWd8Z8yYgQIFCgAApk+fDnt7e/Tv3x+hoaFYsWKF3gMkIqKsQ7W3zM1NO+lt3Bi4elUmw3rpvrZihVww3K0b8F8dejUmvUTZVqo7t2UV7NxGRGQc9+8Dfftq1+TNk0c2ovjsmrwqoaGyDlpgoGZs2TLZAYOIMg1D5Ws6z/im5Pz58xm+XTEREaW/hASZ3JYtq530duwoG1F07aqnpPfAAcDDQzvp7ddPzvoSEUHHxPfAgQMYMWIExo0bh7t37wIAbty4gZYtW6Jy5crqtsa6WLJkCYoVKwYrKytUrVoVpxNXK0/G69evMWDAABQoUACWlpYoWbIk9u7dq/N1iYjI8IKDZVUGPz/g7Vs5VrgwsHs3sGkT4OSkh4vExMgLNGkCPHsmxxwcZAK8bJlcPExEBB02t/3yyy/o3bs38uTJg/DwcKxevRrz5s3DoEGD4OvriytXrsBNx97mW7duxbBhw7B8+XJUrVoVCxYsgI+PD0JCQuCUzG/DuLg4NGrUCE5OTti2bRsKFSqEf//9F7lz59bpukREZFixsbIRxcyZmpq8gKYRhd4+uQwOBjp3lv9V8fEB/P2B/Pn1dBEiyipSvcbXw8MDXbt2xciRI7F9+3a0a9cO1apVQ0BAAAon3jGrg6pVq6Jy5cpYvHgxAECpVMLZ2RmDBg3CmDFjkhy/fPlyzJkzBzdu3IC5uXmarsk1vkREhnXihFxmq6rJCwClSwOrVwM1a+rxQv/+C5QqJbNsQNY+mz1bloUw0dtKPiIyAqOv8b1z5w7atWsHAGjdujXMzMwwZ86cNCe9cXFxOHfuHLy9vTXBmJjA29sbQYl7pycSGBiI6tWrY8CAAciXLx/KlSuHGTNmICEhIcXrxMbGIjIyUuuLiIj0780bmXMmbkRhZgZMnCgbUeg16QWAokU163fd3YGzZ4HBg5n0ElGKUr3U4d27d7D+b52UQqGApaWluqxZWoSFhSEhIQH58uXTGs+XLx9uJJ4mSOTu3bv4888/0blzZ+zduxe3b9/Gd999h/fv32Py5MnJPmbmzJmYOnVqmuMkIqJP27NH7iN79EgzVqWKnOV1dzfghefPlwnw8OGAlZUBL0REWYFODSxWr16NnDlzAgDi4+Ph7+8PBwcHrWMGDx6sv+g+oFQq4eTkhJUrV8LU1BReXl54/Pgx5syZk2LiO3bsWAwbNkx9OzIyEs7OzgaLkYgoOwkNlbV3N2/WjFlby/W9gwbpqREFAERHy+S2WjXZaljFxgYYP15PFyGirC7ViW+RIkWwatUq9e38+fNjw4YNWscoFIpUJ74ODg4wNTXF8+fPtcafP3+O/ClsSChQoADMzc1hmug3qZubG549e4a4uDhYWFgkeYylpSUs9drzkoiIhAB+/VUWU3j5UjPeuLHsHVGsmB4vdu6c3MAWEgJs3CjXUhQvrscLEFF2kerE9/79+3q9sIWFBby8vHD48GG0bNkSgJzRPXz4MAYOHJjsY2rWrIlNmzZBqVTC5L81XDdv3kSBAgWSTXqJiEj/7t+XyxoOHNCM5ckjVx3orSYvIAsA//QTMGGCpjSEUglcucLEl4jSxKg7AIYNG4ZVq1Zh3bp1uH79Ovr374/o6Gj07NkTANCtWzeMHTtWfXz//v3x6tUrDBkyBDdv3sSePXswY8YMDBgwwFhPgYgo20hIABYuBMqV0056O3SQjSi6ddNj0vvwIdCwITBmjCbp9fKSu+RatNDTRYgou9Fpja+++fr6IjQ0FJMmTcKzZ89QoUIF7N+/X73h7cGDB+qZXQBwdnbGgQMH4OfnBw8PDxQqVAhDhgzB6NGjjfUUiIiyhStXZImyU6c0Y4ULy/4Qem/aGRAgexu/fi1vKxQyAZ4yBeCne0T0GVJdxzerYB1fIqLUi42VDSdmzgTev9eMf/edHNPrr9E3b+SOuHXrNGPOzsCGDUDdunq8EBFldIbK14w640tERBnXyZNylvf6dc1YqVKyRFmtWga4YGws8Mcfmtu+vnJK2d7eABcjouyIVb6JiEiLauK1Vi1N0mtmJveYXbxooKQXABwc5GxvrlzA+vWyRhqTXiLSozTN+N65cwdr167FnTt3sHDhQjg5OWHfvn0oUqQIypYtq+8YiYgonezdKys2PHyoGatcWc7yenjo+WJ378o6vIkbGTVqJFsR586t54sREaVhxvfYsWNwd3fHqVOnsGPHDkRFRQEALl26lGITCSIiythCQ2Wp3K++0iS91tbAvHlAUJCek14h5Mxu+fLAN9/I24kx6SUiA9E58R0zZgymTZuGgwcPatXObdCgAf755x+9BkdERIalakTh5gZs2qQZb9RIVnLw89Nj9zUACA+X9c969ACiouQU89q1erwAEVHKdE58g4OD0apVqyTjTk5OCAsL00tQRERkeP/+CzRtKptOqLqv2dsD/v6yTq+Li54vePSonDoOCNCM9egBtGun5wsRESVP58Q3d+7cePr0aZLxCxcuoFChQnoJioiIDCchAVi0CChbFti/XzPu6ys3s3XvrsdGFAAQFyfr8DZoADx6JMfs7WUCvHYtYGurx4sREaVM58S3Q4cOGD16NJ49ewaFQgGlUokTJ05gxIgR6NatmyFiJCIiPbl6VVZlGDIEiI6WY4UKAYGBwJYt2vvM9OLGDaB6dWDWLM1a3vr1gcuXOdNLROlO58R3xowZKF26NJydnREVFYUyZcqgTp06qFGjBiZMmGCIGImI6DPFxsrGZ56eQOLtGP37A9euAc2aGeCid+8CFSsC58/L2+bmwOzZwKFDsu0bEVE6S3PntgcPHuDKlSuIioqCp6cnvvjiC33HZhDs3EZE2U1QkGxEce2aZsygjSgS69IF2LhRXnDTJpkIExF9Qobp3Hb8+HHUqlULRYoUQZEiRfQWCBER6debN8D48cDixZpVBmZmwOjRshmFlVU6BLFkCVC0qAzE2jodLkhElDKdlzo0aNAALi4uGDduHK4lnj4gIqIMY+9euXnt5581SW/lysC5c8C0aQZIemNiZO2z337THrezA6ZPZ9JLRBmCzonvkydPMHz4cBw7dgzlypVDhQoVMGfOHDxS7dQlIiKjSa4RRY4cwNy5BmhEoRIcDFSpAixYAPTpo932jYgoA9E58XVwcMDAgQNx4sQJ3LlzB+3atcO6detQrFgxNGjQwBAxEhHRJ6TUiMLbWzaiGDZMz40oAECpBBYulFPJwcFy7N074OxZPV+IiEg/0ry5TSUhIQH79u3DxIkTcfnyZSQkJOgrNoPg5jYiymr+/VdWZ9i3TzNmby/bDeu9Jq/K06dAz56y04WKu7vMusuVM8AFiSg7MVS+pvOMr8qJEyfw3XffoUCBAujUqRPKlSuHPXv26C0wIiL6uMSNKBInve3by0YUPXoYKOndtUuumUic9Pr5AadPM+klogxN56oOY8eOxZYtW/DkyRM0atQICxcuRIsWLWDNjQtEROnm6lVZoixxTd6CBYFly4DmzQ100ehoYPhwYMUKzViBArLHcePGBrooEZH+6Jz4/vXXXxg5ciTat28PBwcHQ8REREQpiI0FZs4EZswA3r/XjPfrB/z4oyyiYDCRkcD27ZrbLVsCq1YB/LeAiDIJnRPfEydOGCIOIiL6hOQaUZQsKXPPOnXSIYACBWTXi06d5Ka2b7810FoKIiLDSFXiGxgYiC+//BLm5uYIDAz86LHNDfYZGxFR9hQVBYwbl7QRxahRwMSJBmxE8fAhYGMD5MmjGWvRArh3D3ByMtBFiYgMJ1VVHUxMTPDs2TM4OTnBxCTl/XAKhYJVHYiI9Gj/fqBvX+DBA81YpUpy4rV8eQNeOCBAXtjbW37PmV0iSkdGreqgVCrh9N9f90qlMsWvjJ70EhFlFmFhQJcuwJdfapLexI0oDJb0RkbKchC+vsDr18C2bdqFgYmIMjGdy5mtX78esbGxScbj4uKwfv16vQRFRJRdCSHzTDc3YONGzXjiRhRmOu/OSKWgIKBCBWDdOs2Yry/QtKmBLkhElL50Tnx79uyJiIiIJONv3rxBz5499RIUEVF29OAB8PXXsuVwWJgcs7cH1q4F/vgDcHU10IXj44GpU4HateX6XQCwtQXWrwc2b5ZBEBFlATrPGwghoEhmrdejR49gZ9A6OkREWVNCgqy/O3as3Mim0q6dbFCRP78BL373rlxTERSkGatRQ/Y/dnEx4IWJiNJfqhNfT09PKBQKKBQKNGzYEGaJPmtLSEjAvXv30KRJE4MESUSUVV27JkuUJc47CxYEli6VBRQM6vZtoGJF4M0bedvUFJg0SZaQMNh6CiIi40n1b7aWLVsCAC5evAgfHx/kzJlTfZ+FhQWKFSuGNm3a6D1AIqKsKC5ONqKYPl27EUXfvsCsWQZuRKFSvDjQsCHwv//JdRQbNwLVqqXDhYmIjCPVie/kyZMBAMWKFYOvry+sDFY4kogoa/vnHznLe/WqZixdG1GoKBTyokWLAj/8INf1EhFlYamq45uVsI4vERlLVBQwfjzw88+aRhSmprIRxaRJBmxEAcgp5kmT5Aa2r74y4IWIiD6fofK1VM345smTBzdv3oSDgwPs7e2T3dym8urVK70FR0SUVSTXiMLLC/jlFwM3ogCAkBDZZvj8eVki4vJlIF8+A1+UiCjjSVXiO3/+fNj+9xHY/PnzP5r4EhGRRlgY4OcniySo5MgBfP89MHSogfeQCQGsXCkDePdOjoWHAydOAK1bG/DCREQZE5c6EBEZgBCyBO6QIZqavADQoIHMRYsXN3AAoaFyIXFgoGasVCnZHaNiRQNfnIjo8xi1ZXFi58+fR3BwsPr2rl270LJlS4wbNw5xcXF6C4yIKLNKrhFF7txyWcOhQ+mQ9B44AHh4aCe9/fvLpQ5MeokoG9M58e3bty9u3rwJALh79y58fX1hbW2N3377DaNGjdJ7gEREmYVSCSxeDJQtC+zdqxlv2xa4fh345htZSMFgYmLksoYmTYBnz+SYg4NMgJcuBaytDXhxIqKMT+fE9+bNm6hQoQIA4LfffkPdunWxadMm+Pv7Y/v27fqOj4goU7h+XRZMGDRI032tYEFg507gt98M3H1N5cULuXlNpUkTIDgYaNYsHS5ORJTx6Zz4CiGgVCoBAIcOHULTpk0BAM7OzghLvJCNiCgbiIuTG9UqVABOntSM9+0ru7L91/snfRQpInsfW1rKXsd796ZTxk1ElDnovJ+4UqVKmDZtGry9vXHs2DEsW7YMAHDv3j3kY3kcIspGTp2S+8euXNGMffGF7AlRt246BPD0KWBjAyTe+NGxI1CrFuDsnA4BEBFlLjrP+C5YsADnz5/HwIEDMX78eJQoUQIAsG3bNtSoUUPvARIRZTRRUbIUWfXqmqTX1BQYOxa4dCmdkt5du+QGtsGDk97HpJeIKFl6K2cWExMDU1NTmJub6+N0BsNyZkT0OQ4ckMsY/v1XM1axoqzY8N/2B8OKjgaGDwdWrNCMbdsGtGmTDhcnIkofRu3clpxz587h+vXrAIAyZcqgIkvkEFEW9vKlLJiwYYNmLN0aUaicOyc7sP1XWQeAXEScLlPMRESZn86/ql+8eAFfX18cO3YMuXPnBgC8fv0a9evXx5YtW+Do6KjvGImIjEYIYMsW2YgiNFQznm6NKAAgIQH46SdgwgQgPl6OWVsDCxcC335r4BppRERZh85rfAcNGoSoqChcvXoVr169wqtXr3DlyhVERkZicHJrzYiIMqmHD2UlsE6dNElvujaiUAXRsCEwZowm6fXyAi5ckDvrmPQSEaWazmt87ezscOjQIVSuXFlr/PTp02jcuDFev36tz/j0jmt8iehTlEpZFWzMGE1NXkAuo/35Z6BAgXQK5OZNoGpVQPV7VaGQQU2ZAlhYpFMQRETpL8O0LFYqlcluYDM3N1fX9yUiyqxUjSgGDtQkvQUKADt2yD1k6Zb0AkCJEjLxBWSlhiNHgBkzmPQSEaWRzolvgwYNMGTIEDx58kQ99vjxY/j5+aFhw4Z6DY6IKL3ExQE//JC0EUXv3rIRRatWRgjKxER2YuvTJx3rpBERZV06L3V4+PAhmjdvjqtXr8L5v1qRDx8+RLly5RAYGIjChQsbJFB94VIHIvpQco0oSpSQjSjq1UunIOLjgenT5XRzgwbpdFEioowpw5Qzc3Z2xvnz53H48GF1OTM3Nzd4e3vrLSgiovQQHS0LJSxcKKs3ALIRxYgRwOTJslxZurh7F+jSBQgKAgoVAi5fBvLkSaeLExFlHzolvlu3bkVgYCDi4uLQsGFDDBo0yFBxEREZ1B9/yEYU9+9rxipWBFavBjw90ykIIWRh4IEDgTdv5NizZ3ItLxtSEBHpXarX+C5btgwdO3bE2bNncevWLQwYMAAjR440ZGxERHr38iXQvTvg46NJeq2sgNmz5ZKHdEt6w8OBDh1kMKqk19UVOH6cSS8RkYGkOvFdvHgxJk+ejJCQEFy8eBHr1q3D0qVLDRkbEZHeqBpRuLkB69drxuvXB4KDgZEj06n7GgAcPQp4eAABAZqxHj2AixeBatXSKQgiouwn1Ynv3bt30b17d/XtTp06IT4+Hk+fPjVIYERE+vLoEdC8OdCxo6YRhZ2dXNZw+LDcyJYu4uKAsWPl5rVHj+RY7twyAV67FrC1TadAiIiyp1TPb8TGxsLGxkZ928TEBBYWFnj37p1BAiMi+lxKJbB8uez5oFpNABihEYXKo0fywqqddPXqyenn/yrkEBGRYen0wd7EiRNhbW2tvh0XF4fp06fDzs5OPTZv3jz9RUdElEY3bsgavMePa8YKFACWLDFSTV5AruFduBDo31+WLhs+XNbqJSKidJHqOr716tWD4hM94RUKBf7880+9BGYorONLlLXFxcmNaj/8IL9X6d1bjufOnY7BhIUB1tbyS0UI4M6ddFxfQUSU+Ri9ju/Ro0f1dlEiIkM4fVo2oggO1oyVKAGsXCk3saWrAwfkhrXWreU0s4pCwaSXiMhI+BkbEWV60dHAsGFA9eqapNfUFBg9WvaCSNekNyYG8PMDmjSRNXmXLgX27EnHAIiIKCXpVbyHiMggkmtE4ekpKzZUrJjOwQQHA507a085N2kCeHmlcyBERJQczvgSUab08qVcSfBhI4pZs+SSh3RNepVKuWmtcmVN0mtpCSxaBOzdC+TPn47BEBFRSjjjS0SZihCy7O3gwcCLF5rxevXkWt4vvkjngJ4+BXr2lGt6VdzdgU2bgHLl0jkYIiL6GM74ElGm8egR0KKF7PSrSnrt7IBVq4A//zRC0hsSIjuwJU56/fzklDOTXiKiDCdNie/ff/+NLl26oHr16nj8+DEAYMOGDTieuGAmEZGeKJXAsmVAmTLA7t2a8VatgGvXZCWHT1RbNIwSJWRQgCwSfOAAMG+eXHNBREQZjs6J7/bt2+Hj44McOXLgwoULiI2NBQBERERgxowZeg+QiLK3GzeAunWB777TdF/Lnx/Yvh3YsQMoWNCIwZmaAhs2AF27yvIRjRsbMRgiIvoUnRPfadOmYfny5Vi1ahXMzc3V4zVr1sT58+f1GhwRZV/v38vmZuXLa3df69VLzvK2bp3OASUkyJ1zJ09qjxcpItsOOzikc0BERKQrnTe3hYSEoE6dOknG7ezs8Pr1a33ERETZ3JkzwLffalcFK15cbl5r0MAIAT18KGd1jx0DXFyAixcBdn4kIsp0dJ7xzZ8/P27fvp1k/Pjx43B1ddVLUESUPUVHA8OHA9WqaTeiGDVK3jZK0hsQIDewHTsmb9+/L4sHExFRpqPzjG/v3r0xZMgQrFmzBgqFAk+ePEFQUBBGjBiBiRMnGiJGIsoGDh0C+vQB7t3TjFWoAPzyixEaUQBAZKSsmbZunWbM2Vmu6a1b1wgBERHR59I58R0zZgyUSiUaNmyIt2/fok6dOrC0tMSIESMwaNAgQ8RIRFnYq1dyltffXzNmZQVMmSLbECfaSpB+goKALl2Au3c1Y76+srSEvb0RAiIiIn1QCCFEWh4YFxeH27dvIyoqCmXKlEHOnDn1HZtBREZGws7ODhEREcjFNXpERiME8NtvwKBBGaQRBQDEx8sddT/8IDezAYCtLbBkiUyEjVIzjYgo+zFUvpbmzm0WFhYoo6pfSUSkg0ePgAEDgMBAzZidHTBnjtzUZmKs1jp37gAzZ2qS3ho1gF9/lRvaiIgo09M58a1fvz4UH5n1+PPPPz8rICLKupRKOZs7apSmJi8gG1EsXmzkmrwAUKoUMHu2XGMxaRIwbhxgxs7uRERZhc6/0StUqKB1+/3797h48SKuXLmC7t276ysuIspiQkKA3r2Bv//WjOXPLxPeNm2MFFR4OGBtDVhaasYGDZLlI9hymIgoy9E58Z0/f36y41OmTEFUVNRnB0REWcv793IJw/ffA/81egQglzTMmWPEvWJHj8ravB06yEBUFAomvUREWVSaN7d96Pbt26hSpQpevXqlj9MZDDe3EaWfs2dlgnv5smbM1RVYtcpINXkBIC4OmDxZdmFT/fo7dAho2NBIARER0YcMla/pbQtJUFAQrKys9HU6IsrEoqOBESOAqlU1Sa+JCTBypBEbUQByvUX16sCPP2qS3vr15dpeIiLK8nRe6tC6dWut20IIPH36FGfPnmUDCyJKthFF+fKyEYWXl5GCEkLuqvPzA969k2Pm5rJ02fDhRiwjQURE6UnnxNfOzk7rtomJCUqVKoXvv/8ejRs31ltgRJS5vHolZ3nXrtWMWVrKRhTDhxupEQUAhIYCvXpp104rVQrYtMlILeGIiMhYdEp8ExIS0LNnT7i7u8Oe3YuICHIydds2WQzh+XPNeJ06ci1vyZLGiw0hIbIjxrNnmrH+/YGffpLVHIiIKFvR6fM9U1NTNG7cGK9fv9ZrEEuWLEGxYsVgZWWFqlWr4vTp06l63JYtW6BQKNCyZUu9xkNEqfP4sazB2769JunNlQtYsQI4csTISS8gd9I5O8vvHRzkrO/SpUx6iYiyKZ0XtpUrVw53E/ev/0xbt27FsGHDMHnyZJw/fx7ly5eHj48PXiTuYZqM+/fvY8SIEahdu7beYiGi1FEqZXJbpgywa5dmvGVL4Pp1ucY3QyybNTcHNm4EWreWu+qaNTN2REREZEQ6/9M0bdo0jBgxAr///juePn2KyMhIrS9dzZs3D71790bPnj1RpkwZLF++HNbW1lizZk2Kj0lISEDnzp0xdepUuLq66nxNIkq7mzdlIYR+/QDVj3y+fHK5w44dRuy+plQCixYBFy5oj3/xBbB9u+yWQURE2VqqE9/vv/8e0dHRaNq0KS5duoTmzZujcOHCsLe3h729PXLnzq3zut+4uDicO3cO3t7emoBMTODt7Y2goKCPxuLk5IRvv/32k9eIjY397OSciGQjipkzAQ8P4K+/NOPffCNnedu0kb0fjOLpU6BpU2DIEKBTJ+DtWyMFQkREGVmqN7dNnToV/fr1w5EjR/R28bCwMCQkJCBfvnxa4/ny5cONGzeSfczx48fxyy+/4OLFi6m6xsyZMzF16tTPDZUoWzt7VhZGuHRJM+bqKiuEGb3vw65dMriwMHn7xg1g3z4j9kEmIqKMKtWJr6rBW926dQ0WzKe8efMGXbt2xapVq+Dg4JCqx4wdOxbDhg1T346MjISzarMLEX3U27eyydm8eXIlASDX7g4bBkydauQ9YtHRsk7aihWasQIFAH9/gKUViYgoGTqVM1Po+XNMBwcHmJqa4nniGkgAnj9/jvzJrMe7c+cO7t+/j2aJNqgo//vX2MzMDCEhIShevLjWYywtLWFpaanXuImyg8OH5Sa1xHtZjd6IQuXcObmk4eZNzVjLlrJ+Wir/KCYiouxHp8S3ZMmSn0x+X716lerzWVhYwMvLC4cPH1aXJFMqlTh8+DAGDhyY5PjSpUsjODhYa2zChAl48+YNFi5cyJlcIj0ID5cTqR82opg8WTaoMFojCgBISADmzAEmTgTi4+WYtTWwYIFc7mC0RcZERJQZ6JT4Tp06NUnnts81bNgwdO/eHZUqVUKVKlWwYMECREdHo2fPngCAbt26oVChQpg5cyasrKxQrlw5rcfnzp0bAJKME5FuhJDFDwYOzICNKFRu3NBOer28ZAe2DBEcERFldDolvh06dICTk5NeA/D19UVoaCgmTZqEZ8+eoUKFCti/f796w9uDBw9gkiEKghJlXY8fAwMGaNfkzZULmD0b6N07g9TkBYCyZYEffgDGjQPGjJH9kC0sjB0VERFlEgqh2rX2Caampnj69KneE9/0FhkZCTs7O0RERCBXrlzGDofIqJRKYPVqYORITU1eAGjRAliyBChUyHixAQDevAFy5ADMEv2NnpAga/VWqmS8uIiIyKAMla+leh4nlfkxEWUSN28CDRoAfftqkl4nJyAgANi5MwMkvUFBQIUKwLRp2uOmpkx6iYgoTVKd+CqVykw/20tEshHFjz/KRhTHjmnGe/aUjSjatTPyHrH4eFkrrXZtWVLihx+AkyeNGBAREWUVOq3xJaLM7dw5Wfwgcf8XFxfZiCJRA0XjuXsX6NJFzvaqVKsm6/MSERF9poyyZYWIDOjtW2DUKKBKFU3Sa2Iiy5MFB2eApFcIYP16ubRBlfSamsqZ32PHZHZORET0mTjjS5TF/fmnbERx545mzMNDNqLIEEtlw8OB/v2BrVs1Y66uwMaNcraXiIhITzjjS5RFhYfLZQ0NG2qSXktLYMYM4OzZDJL0hoTIdnCJk94ePeS0NJNeIiLSM874EmVBqkYUz55pxmrXlo0oSpUyXlxJFC0K5M4NPHwI2NsDK1bI3XVEREQGwBlfoizkyROgdWugbVtN0psrF7B8OXD0aAZLegHAykp2XmvaFLh8mUkvEREZFBNfoixAqZSzuWXKyBq8Ks2bA9euyVq9Ru++JoQsH3HtmvZ4uXLAnj1A4cLGiYuIiLINLnUgyuRu3ZKb144e1Yw5OQGLF8uZX6PW5FUJDZULjgMD5ZreU6fkgmMiIqJ0ZOw5ICJKI1UjCnd37aS3R48M0ohC5cABWUYiMFDevnQJ+P1348ZERETZEmd8iTKh8+eBb7/NwI0oACAmBhgzBli4UDPm4ACsWQM0a2a8uIiIKNvijC9RJpJSI4phwzJIIwqV4GCgcmXtpNfHR44z6SUiIiPhjC9RJpFSI4rVq2WOmSEolcDPPwOjRwOxsXLM0hKYPVvWVzP6DjsiIsrOmPgSZXDh4cDIkbLTmoqFBTBpkpz9NTc3XmxJBAfL6WelUt52d5flysqVM25cRERE4FIHogxt+3ZZoixx0lurltwfNn58Bkt6AVmxYdw4+b2fH3D6NJNeIiLKMDjjS5QBPXkiVwYkrslrawvMmpVBavKqvH0rm1AkDmjSJKBxY9kqjoiIKAPJKP98EhFkj4fkGlE0ayb7PvTvn4GS3nPnAE9PYO5c7XFzcya9RESUIWWUf0KJsr3bt4EGDeQGtogIOebkBGzdCuzalYEamyUkyKnnatWAmzflmovz540dFRER0SdxqQORkcXHy0nTKVNk6VuVHj2An34C8uY1VmTJePgQ6NoVOHZMM+bhAeTMabyYiIiIUomJL5ERXbggG1FcuKAZK1ZMNqJo1MhoYSUvIEAuMH79Wt5WKGSDiilTZJkJIiKiDI5LHYiM4N07Weq2cmVN0qtqRHHlSgZLeiMj5fSzr68m6XV2Bo4cAWbMYNJLRESZBmd8idLZ0aNA795yTa+Ku7tsRFGlitHCSl5ICNC0KXD3rmbM1xdYvhzIndtoYREREaUFZ3yJ0snr1zLhrV9fk/RaWADTpgFnz2bApBeQO+rM/vv72NYWWL8e2LyZSS8REWVKnPElSgc7dgADBgDPnmnGatWSpctKlzZeXJ9kYyM7r40YAaxZA7i4GDsiIiKiNOOML5EBPX0KtGkjv1RJr60tsHSpLIyQoZJeIeSM7p072uNeXsCffzLpJSKiTI+JL5EBCCHX7Lq5ydlela+/Bq5ezWCNKAAgPBzo0AHo3h3o3Bl4/177foXCOHERERHpUUb6p5coS7h9G2jYUK7nVTWicHQEtmwBAgNlQYQM5ehRWYs3IEDePnUK+P13o4ZERERkCEx8ifQkPh6YPVtWaDhyRDPerRtw/boshpChJk7j4mQd3gYNgEeP5Ji9PfDbb0CrVsaNjYiIyAC4uY1ID1JqRLFiBdC4sdHCSllICNCpk3ar4fr15RrfDNMbmYiISL8440v0Gd69k5OmiRtRKBTA0KFAcHAGTHqFkNm4p6cm6TU3l1PVhw4x6SUioiyNM75EaZRcI4py5eSmtqpVjRbWx124APTrp7ldqpQsV1axovFiIiIiSiec8SXS0evXQJ8+SRtR/PADcO5cBk56AZngDhsmv+/fX876MuklIqJsgjO+RDrYuVM2onj6VDNWs6ZsROHmZry4UhQbK7PyxLvqZswAmjQBGjUyXlxERERGwBlfolR49gxo2xZo3VqT9ObMCSxZAvz1VwZNeoODgUqVgGXLtMctLZn0EhFRtsTEl+gjhAB++UUmttu3a8a/+gq4dg347rsM1ogCAJRKYOFCuePuyhVg+HAZLBERUTbHpQ5EKbhzR67l/fNPzZijI7BoUQasyavy9CnQsydw4IBm7IsvjBcPERFRBpLR5qqIjC4+HpgzRzaiSJz0qhpRdOiQQZPeXbtkB7bESa+fH3D6NFCmjPHiIiIiyiA440uUyMWLshFF4r4ORYvK0rc+PkYL6+Oio+VyhhUrNGMFCgD+/hmwkDAREZHxcMaXCLIRxdixci+YKulVNaK4ciUDJ703b8pyZImT3pYtgcuXmfQSERF9gDO+lO0dOyYbUdy6pRnL8I0oVPLlA+Li5PfW1nJT27ffZtC1GERERMbFGV/Ktl6/Bvr2BerV0yS9FhbA999ngkYUKnZ2wK+/ymAvXAB69WLSS0RElALO+FK29L//yVJkiRtR1KghG1Fk6H1gv/0GVKsGODtrxmrWBIKCmPASERF9Amd8KVt59gxo1w5o1Uq7EcXixcDff2fgpDcyEujRA2jfXpaXSEjQvp9JLxER0Scx8aVsQQhgzRrZiGLbNs1406bA1auyDXGGa0ShEhQEeHoC69bJ20ePAr//btSQiIiIMqOM+k89kd7cuQN4e8s9X69fyzEHB2DTJpk/Fili1PBSFh8PTJ0K1K4N3L0rx2xtgfXrgebNjRsbERFRJsQ1vpRlxccDCxYAkybJcmUqXbsC8+bJ5DfDunsX6NJFzvaq1KghN7K5uBgvLiIiokyMM76UJV28KPeAjRypSXqLFgX27ZMTphk26RVCBlihgibpNTWVM7/HjjHpJSIi+gyc8aUsJSZGliObPVuz/0uhAAYPBqZNkxvZMrSzZ4Hu3TW3XV2BjRtlFk9ERESfhTO+lGX89RdQvjwwc6Ym6S1bFjh5Ui55yPBJLwBUriyLCwOyioNq6pqIiIg+GxNfyvQiIoB+/YC6dWUHXwAwN5erA86fz+B54/v3cnlDYnPnArt2AWvXys1sREREpBdMfClT27VL1t5dsUIzVr26nCidNEl2YsuwQkJkVq4qU6ZiY8OqDURERAbAxJcypWfPZC+Hli2BJ0/kWM6cwM8/A8ePZ+BGFICc4V2xQtbmPX8eGDQIuH3b2FERERFledzcRpmKEIC/PzB8OBAerhn/8ktg+fIMXJNXJTQU6NULCAzUjBUqpF1vjYiIiAyCM76Uady9CzRqBHzzjSbpdXCQRQ/27MkESe+BA4CHh3bS26+fnPV1dzdeXERERNkEE1/K8OLj5X6vcuWAw4c14126ANevA506yZJlGVZMDODnBzRpItdoADJjDwwEli0DrK2NGx8REVE2waUOlKFduiRXBpw9qxkrUkQua/jyS+PFlWq3bwOtWwPBwZqxJk1kxYb8+Y0XFxERUTbEGV/KkGJigPHjgUqVNEmvqhHFlSuZJOkFAHt74OVL+b2lJbBoEbB3L5NeIiIiI+CML2U4f/0F9O6tqckLyCoNq1fLUmWZSt68cjfeyJHAr7/K9RpERERkFJzxpQwjIgLo3z9pI4opU+T+r0yR9O7erVnHq9KoEXDuHJNeIiIiI2PiSxlCYKBsL7x8uWasWjXgwgVg8mS5SiBDi46WFRqaN5dlJz7sxmZqapy4iIiISI2JLxnV8+eAry/QogXw+LEcs7GRS2GPH5fJcIZ37hxQsaKmfdy+fcDvvxs3JiIiIkqCiS8ZhaoRhZsbEBCgGf/yS+DaNdnMLMNPkiYkALNmyalp1doMa2tg1Srg66+NGxsRERElwc1tlO7u3gX69gUOHdKM5c0LLFyYCWryqjx8CHTtChw7phnz8gI2bQJKljReXERERJQizvhSuklIAObNk03KEie9nTvLRhSdO2eSpHfrVtmBTZX0KhTA2LHAyZNMeomIiDIwzvhSurh8WTaiOHNGM+bsLJfFZpqavADwzz9Ahw6a287OwIYNshQFERERZWic8SWDiokBJkyQqwBUSa9CIdfwXr2ayZJeQK7n7dpVfu/rK1vLMeklIiLKFDjjSwbz99+yEUVIiGbMzQ345ZdMUpMXAJRKwOSDvw8XLwa++gpo3z6TrM0gIiIigDO+ZACRkbIRRZ06mqTX3FzW471wIRMlvXfvArVqaZedAIBcueRsL5NeIiKiTIUzvqRXu3fLpFdVkxeQqwNWr84kNXkBWWttwwZg4EDgzRu58656dbmel4iIiDItzviSXqgaUTRvrt2IYuHCTNSIAgDCw+Xmte7dZdILAHnyAC9fGjcuIiIi+myc8aXPIgSwfj3g5ydzRpUmTWT74aJFjRebzo4elRvXHj3SjPXoIdvI2doaKyoiIiLSE874Uprduwf4+MjcUJX05s0rVwns3ZuJkt64OGDMGKBBA03Smzu3XNu7di2TXiIioiyCM76ks4QEOQk6YQLw9q1mvFMnYMECwNHRaKHp7u5doF074Px5zVi9enIam2t6iYiIshQmvqSTlBpRLF8ONG1qvLjSLEcO4MED+b25OTB9OjB8eNISZkRERJTp8V93SpWYGGDixJQbUWTKpBcAChSQhYVLl5Zd2UaOZNJLRESURXHGlz7p+HHZiOLGDc2Ym5ssUVajhvHiSpNDhwBPT7kYWaV5c9lCztzceHERERGRwWWIqa0lS5agWLFisLKyQtWqVXH69OkUj121ahVq164Ne3t72Nvbw9vb+6PHU9pFRgIDBgC1a2uS3sSNKDJV0hsTI0tPNGoE9O0ry1EkxqSXiIgoyzN64rt161YMGzYMkydPxvnz51G+fHn4+PjgxYsXyR5/9OhRdOzYEUeOHEFQUBCcnZ3RuHFjPE7cMYE+2++/y9q7S5dqxqpWlXvApkwBLC2NFprugoOBKlXkzjsA2L4d2L/fqCERERFR+lMI8eHUV/qqWrUqKleujMWLFwMAlEolnJ2dMWjQIIwZM+aTj09ISIC9vT0WL16Mbt26ffL4yMhI2NnZISIiArly5frs+LOaFy+AIUOALVs0YzY2wIwZcvbX1NR4selMqQR+/hkYPRqIjZVjlpbAnDmyKxtbDhMREWVIhsrXjLrGNy4uDufOncPYsWPVYyYmJvD29kZQUFCqzvH27Vu8f/8eefLkSfb+2NhYxKqSHsgXkpJSden18wNevdKM+/jIig3FihkttLR5+hTo2RM4cEAz5u4ObNoElCtnvLiIiIjIaIy61CEsLAwJCQnIly+f1ni+fPnw7NmzVJ1j9OjRKFiwILy9vZO9f+bMmbCzs1N/ObM2axL37slOa927a5JeVSOKffsyYdIbGAh4eGgnvX5+wOnTTHqJiIiyMaOv8f0cP/74I7Zs2YKdO3fCysoq2WPGjh2LiIgI9dfDhw/TOcqMKyEBmD9f5oJ//KEZ79gRuHYN6NIlE64GOHECaNECCAuTt/PnlwnwvHlACu8RIiIiyh6MutTBwcEBpqameP78udb48+fPkT9//o8+9qeffsKPP/6IQ4cOwcPDI8XjLC0tYZmpdmKlj+Bg2YgicUEMZ2dg2TLgq6+MF9dnq1EDaNUK2LlTJsCrVwMODsaOioiIiDIAo874WlhYwMvLC4cPH1aPKZVKHD58GNWrV0/xcbNnz8YPP/yA/fv3o1KlSukRapYRGysbUVSsqEl6FQq5ce3q1UyY9H64N1OhAFatAtaulckvk14iIiL6j9GXOgwbNgyrVq3CunXrcP36dfTv3x/R0dHo2bMnAKBbt25am99mzZqFiRMnYs2aNShWrBiePXuGZ8+eISoqylhPIdM4cQKoUAGYNg2Ij5djpUsDf/8NLF4M2NoaNTzdPXwINGgga68lljcv0KNHJlynQURERIZk9M5tvr6+CA0NxaRJk/Ds2TNUqFAB+/fvV294e/DgAUwStZBdtmwZ4uLi0LZtW63zTJ48GVOmTEnP0DONyEhg7FjtmrxmZnJs/PhMVpNXJSBANqJ4/VpOVV++LNfzEhEREaXA6HV801t2q+O7Zw/Qrx/w6JFmrEoVufTV3d14caVZZCQweDCwbp1mzNkZ+N//5PoNIiIiyvQMla8ZfakDGcaLF7I6w9dfa5Jea2vZvOzkyUya9AYFybUaiZNeX1/g0iUmvURERPRJTHyzGFUjCjc37e5rjRvLFQFDhmSy7muAXJA8ZQpQu7YsOgzIBcnr1wObNwP29kYNj4iIiDIHo6/xJf25f18ua0jctyFPHjnLmylr8gLySXXqJGd7VWrUAH79FXBxMVpYRERElPlwxjcLSEgAFi6UjSgSJ70dOwLXrwNdu2bSpBcATExkNw1ATlVPnQocO8akl4iIiHTGxDeTu3IFqFkTGDoUiI6WY4ULA7t3A5s2AU5ORg3v8xUpAixfDri6AsePA5MmyZIURERERDpi4ptJxcYCkyfLPV2nTmnGVY0ovv7aeLF9lr//lpUbEuvQQT6patWMExMRERFlCUx8M6GTJwFPT+D774H37+VY6dJyQnTxYiBTVmmLiwPGjAHq1gUGDUp6v5VV+sdEREREWQoT30zkzRtg4ECgVi25dheQn/pPnAhcuCCXPGRKISFA9erArFmyLMX69cAffxg7KiIiIspiuFgyk8hyjSgAmeSuXAn4+QHv3skxc3Ng+nTA29u4sREREVGWw8Q3gwsNlbV3N2/WjFlby9xw0KBMWJNXJTQU6NULCAzUjJUqJXfksRkFERERGQCXOmRQiRtRJE56GzWSlRyGDs3ESe+BA4CHh3bS278/cP48k14iIiIyGM74ZkD//gv07Zu0EcX8+Zm8Ji8gqzY0aaK57eAArFkDNGtmvJiIiIgoW+CMbwaiakRRtqx20uvrK3s4dOuWyZNeQO7MUyW+TZoAwcFMeomIiChdcMY3g7h6Ffj2W+2avIUKAcuWZbG8UKEA1q4Fdu6Uu/UyfSZPREREmQVnfI1M1YjC01M76f3uOznLm6mT3mfPgK++Ag4f1h7Pn1+u6WXSS0REROmIM75GdPKkLGygqskLyMIGq1fLFQGZWmCgnMIOCwMuXZJfefMaOyoiIiLKxjjjawRv3shSZB82opgwAbh4MZMnvdHRcglDixYy6QUApRK4f9+oYRERERFxxjed7d0r88KHDzVjlSvLWV4PD+PFpRfnzgGdO8tObCotWwKrVsnqDURERERGxBnfdBIaKnPCr77SJL3W1sC8eUBQUCZPehMSZLvhatU0Sa+1tUx4d+xg0ktEREQZAmd8DUwIYONG2XDi5UvNeKNGwIoVgIuL0ULTj0ePZHHho0c1Y15esgNbyZJGC4uIiIjoQ5zxNaB//5UzvF27apJee3vA31/W6c30SS8AvHsHnDkjv1cogLFj5a49Jr1ERESUwTDxNYCEBGDRItmIYt8+zbivr9zM1r17Fqrk9cUX8sk6OwNHjgAzZgAWFsaOioiIiCgJJr56dvWqrMowZIgscADIRhS7dgFbtgD58hk3vs92+jTw9q32WM+esuhw3brGiYmIiIgoFZj46klsLDBlimxE8c8/mvH+/WUy3Ly50ULTj/h4YOpUoEYNYMQI7fsUCiBnTuPERURERJRK3NymB0FBshHFtWuasZIlZYmy2rWNF5fe3L0LdOkinygg+yi3awfUr2/cuIiIiIh0wBnfz/DmDTB4MFCzpibpNTMDxo+XjcoyfdIrBLB+PVChgibpNTWVM7+Z/skRERFRdsMZ3zTat082onjwQDNWqZKc5S1f3nhx6U14uFynsXWrZszVVdZmq1bNeHERERERpRETXx2FhgJ+fjL/U8mRA5g2Tc7+mmWFV/TYMVmDLXF7uR49ZPUGW1ujhUVElF4SEhLw/v17Y4dBlKVZWFjAxCR9Fx9khTQtXQghezIMHQqEhWnGvb1lIwpXV6OFpl/Hjsm1u0LI2/b28gm2a2fcuIiI0oEQAs+ePcPr16+NHQpRlmdiYgIXFxdYpGMZVCa+qfDvv/JT/8Q1ee3tZbvhLFWTF5C12OrU0STA69cDhQsbOyoionShSnqdnJxgbW0NRZb6BU+UcSiVSjx58gRPnz5FkSJF0u1njYnvRyQkAEuXymZkqpq8ANC+vfzUP9PX5E2OqSmwYQPw229yejudP4IgIjKWhIQEddKbN29eY4dDlOU5OjriyZMniI+Ph7m5ebpck1lNCq5dk4ULBg/WJL0FC8pGFFu3ZpGkNzQUaNMGOHFCe9zZGRg2jEkvEWUrqjW91tbWRo6EKHtQLXFISEhIt2sys/lAXJys1pW4ghcgKzhcu5YFGlGoHDgAeHgAO3bIGr2RkcaOiIgoQ+DyBqL0YYyfNSa+ifzzD1CxouzAptrMW7KkXO66bBlgZ2fU8PQjJkYuYWjSBHj2TI5FRQE3bxo1LCIiIiJDY+L7n59/lt14r16Vt83MgHHjZCOKOnWMG5veBAcDlSsDCxdqxpo0keOVKhkvLiIiIiMJCQlB/vz58ebNG2OHkqWEhYXByckJjx49MnYoWpj4/mfOHE0FLy8v4OxZYPp0wMrKuHHphVIpk93KlYErV+SYpaXcobd3L5A/v3HjIyKiz9KjRw8oFAooFAqYm5vDxcUFo0aNQkxMTJJjf//9d9StWxe2trawtrZG5cqV4e/vn+x5t2/fjnr16sHOzg45c+aEh4cHvv/+e7x69crAzyj9jB07FoMGDYJtFq5Tv2TJEhQrVgxWVlaoWrUqTp8+/dHj/f391e8n1ZfVBwlR4vec6qtJkybq+x0cHNCtWzdMnjzZIM8prZj4Anj3TtOroUIFueQhS3RfA4CnT4GmTeXyhthYOebuLjP7QYOyWC02IqLsq0mTJnj69Cnu3r2L+fPnY8WKFUmSjp9//hktWrRAzZo1cerUKVy+fBkdOnRAv379MGLECK1jx48fD19fX1SuXBn79u3DlStXMHfuXFy6dAkbNmxIt+cVFxdnsHM/ePAAv//+O3r06PFZ5zFkjJ9r69atGDZsGCZPnozz58+jfPny8PHxwYsXLz76uFy5cuHp06fqr3///TfJMar3nOpr8+bNWvf37NkTGzduzFh/KIlsJiIiQgAQERER6rErV4SQ871CdO5sxOAM4coVISwtNU/Qz0+Id++MHRURUYbz7t07ce3aNfEuE/6O7N69u2jRooXWWOvWrYWnp6f69oMHD4S5ubkYNmxYkscvWrRIABD//POPEEKIU6dOCQBiwYIFyV4vPDw8xVgePnwoOnToIOzt7YW1tbXw8vJSnze5OIcMGSLq1q2rvl23bl0xYMAAMWTIEJE3b15Rr1490bFjR9G+fXutx8XFxYm8efOKdevWCSGESEhIEDNmzBDFihUTVlZWwsPDQ/z2228pximEEHPmzBGVKlXSGgsLCxMdOnQQBQsWFDly5BDlypUTmzZt0jomuRiFECI4OFg0adJE2NjYCCcnJ9GlSxcRGhqqfty+fftEzZo1hZ2dnciTJ4/46quvxO3btz8a4+eqUqWKGDBggPp2QkKCKFiwoJg5c2aKj1m7dq2ws7P76HmT+3+ZHBcXF7F69epk7/vYz1xy+Zo+cMYXwJ07mu9LlDBeHAZRtqxcx5E/v6zkMG9eFlm/QUSUPipVkn180vvrc7ZeXLlyBSdPntTqiLVt2za8f/8+ycwuAPTt2xc5c+ZUz9ht3LgROXPmxHfffZfs+XPnzp3seFRUFOrWrYvHjx8jMDAQly5dwqhRo6BUKnWKf926dbCwsMCJEyewfPlydO7cGbt370ZUVJT6mAMHDuDt27do1aoVAGDmzJlYv349li9fjqtXr8LPzw9dunTBsWPHUrzO33//jUofvNAxMTHw8vLCnj17cOXKFfTp0wddu3ZNsjzgwxhfv36NBg0awNPTE2fPnsX+/fvx/PlztG/fXv2Y6OhoDBs2DGfPnsXhw4dhYmKCVq1affT1mTFjBnLmzPnRrwcPHiT72Li4OJw7dw7e3t7qMRMTE3h7eyMocemqZERFRaFo0aJwdnZGixYtcFW1CSqRo0ePwsnJCaVKlUL//v3x8uXLJMdUqVIFf//990evlZ7YwALaiW/x4saLQy8uXQJKl5ZreFUGDpQly+ztjRcXEVEm9ewZ8PixsaP4tN9//x05c+ZEfHw8YmNjYWJigsWLF6vvv3nzJuzs7FCgQIEkj7WwsICrqytu/lfh59atW3B1ddW5qcCmTZsQGhqKM2fOIE+ePACAEmmYUfriiy8we/Zs9e3ixYvDxsYGO3fuRNeuXdXXat68OWxtbREbG4sZM2bg0KFDqF69OgDA1dUVx48fx4oVK1C3bt1kr/Pvv/8mSXwLFSqk9cfBoEGDcODAAQQEBKBKlSopxjht2jR4enpixowZ6rE1a9bA2dkZN2/eRMmSJdGmTRuta61ZswaOjo64du0aypUrl2yM/fr100qek1OwYMFkx8PCwpCQkIB8HzQfyJcvH27cuJHi+UqVKoU1a9bAw8MDERER+Omnn1CjRg1cvXoVhf/r5tqkSRO0bt0aLi4uuHPnDsaNG4cvv/wSQUFBMDU11YrtwoULH40/PTHxBXD7tub7TJv4JiQAP/0ETJgADBkiv1dRKJj0EhGlkbH2/+p63fr162PZsmWIjo7G/PnzYWZmliTRSi2h2u2to4sXL8LT01Od9KaVl5eX1m0zMzO0b98eGzduRNeuXREdHY1du3Zhy5YtAIDbt2/j7du3aNSokdbj4uLi4OnpmeJ13r17l2TTVkJCAmbMmIGAgAA8fvwYcXFxiI2NTdLY5MMYL126hCNHjiBnzpxJrnPnzh2ULFkSt27dwqRJk3Dq1CmEhYWpZ3ofPHiQYuKbJ0+ez349dVW9enX1HxAAUKNGDbi5uWHFihX44YcfAAAdOnRQ3+/u7g4PDw8UL14cR48eRcOGDdX35ciRA2/fvk2/4D+BiS+ywFKHhw+Brl1lwWEAmDsXaNkSqFXLqGEREWUFZ88aO4LUsbGxUc+urlmzBuXLl8cvv/yCb7/9FgBQsmRJRERE4MmTJ0lmCOPi4nDnzh3Ur19ffezx48fx/v17nWZ9c+TI8dH7TUxMkiTVqo55Hz6XD3Xu3Bl169bFixcvcPDgQeTIkUNdRUC1BGLPnj0oVKiQ1uMsE38C+gEHBweEh4drjc2ZMwcLFy7EggUL4O7uDhsbGwwdOjTJBrYPY4yKikKzZs0wa9asJNdRzbI3a9YMRYsWxapVq1CwYEEolUqUK1fuo5vjZsyYoTWLnJxr166hSJEiyT4/U1NTPH/+XGv8+fPnyK/DX1bm5ubw9PTE7cQzhR9wdXWFg4MDbt++rZX4vnr1Co6Ojqm+lqFxjS80iW/OnEAG+n+TOgEBsgObKulVKICxY4FEH8cQEVH2YmJignHjxmHChAl49+4dAKBNmzYwNzfH3Llzkxy/fPlyREdHo2PHjgCATp06ISoqCkuXLk32/K9fv0523MPDAxcvXkxxF7+joyOePn2qNXbx4sVUPacaNWrA2dkZW7duxcaNG9GuXTt1Ul6mTBlYWlriwYMHKFGihNaXs7Nziuf09PTEtWvXtMZOnDiBFi1aoEuXLihfvrzWEpCPqVixIq5evYpixYolicHGxgYvX75ESEgIJkyYgIYNG8LNzS1J0p2cfv364eLFix/9Smmpg4WFBby8vHD48GH1mFKpxOHDh7VmdD8lISEBwcHByS6TUXn06BFevnyZ5JgrV658dNY93el1q1wm8OEuwffvhTAzkwUPypc3bmw6iYgQont3TbUGQAhnZyGOHjV2ZEREmVJWq+rw/v17UahQITFnzhz12Pz584WJiYkYN26cuH79urh9+7aYO3eusLS0FMOHD9d6/KhRo4SpqakYOXKkOHnypLh//744dOiQaNu2bYrVHmJjY0XJkiVF7dq1xfHjx8WdO3fEtm3bxMmTJ4UQQuzfv18oFAqxbt06cfPmTTFp0iSRK1euJFUdhgwZkuz5x48fL8qUKSPMzMzE33//neS+vHnzCn9/f3H79m1x7tw5sWjRIuHv75/i6xYYGCicnJxEfHy8eszPz084OzuLEydOiGvXrolevXqJXLlyab2+ycX4+PFj4ejoKNq2bStOnz4tbt++Lfbv3y969Ogh4uPjRUJCgsibN6/o0qWLuHXrljh8+LCoXLmyACB27tyZYoyfa8uWLcLS0lL4+/uLa9euiT59+ojcuXOLZ8+eqY/p2rWrGDNmjPr21KlTxYEDB8SdO3fEuXPnRIcOHYSVlZW4evWqEEKIN2/eiBEjRoigoCBx7949cejQIVGxYkXxxRdfiJiYGPV5oqOjRY4cOcRff/2VbGzGqOqQ7RPfO3c0eWPr1kYOLrVOnhTC1VU76fX1FeLVK2NHRkSUaWW1xFcIIWbOnCkcHR1FVFSUemzXrl2idu3awsbGRlhZWQkvLy+xZs2aZM+7detWUadOHWFraytsbGyEh4eH+P777z9azuz+/fuiTZs2IleuXMLa2lpUqlRJnDp1Sn3/pEmTRL58+YSdnZ3w8/MTAwcOTHXie+3aNQFAFC1aVCiVSq37lEqlWLBggShVqpQwNzcXjo6OwsfHRxw7dizFWN+/fy8KFiwo9u/frx57+fKlaNGihciZM6dwcnISEyZMEN26dftk4iuEEDdv3hStWrUSuXPnFjly5BClS5cWQ4cOVcd68OBB4ebmJiwtLYWHh4c4evSowRNfIYT4+eefRZEiRYSFhYWoUqWKurxc4ufTvXt39e2hQ4eqj8+XL59o2rSpOH/+vPr+t2/fisaNGwtHR0dhbm4uihYtKnr37q2VTAshxKZNm0SpUqVSjMsYia9CiDSuYM+kIiMjYWdnh4iICOTKlQsHDwKNG8v7Ro0Cklmak7EcPQp4e8vNbABgawssWSKrNrAZBRFRmsXExODevXtwcXFJsuGJsq4lS5YgMDAQBw4cMHYoWU61atUwePBgdOrUKdn7P/Yz92G+pi/ZfnNbpitlVrOm7Kl8+jRQowbw66+Ai4uxoyIiIsqU+vbti9evX+PNmzdZum1xegsLC0Pr1q3V68Yzimyf+Ga6Umbm5sDGjcDWrcDo0YBZtv9fSERElGZmZmYYP368scPIchwcHDBq1Chjh5FEtq/qkKFLmYWHA507A+fOaY+XKAGMH8+kl4iIiEgH2T5zUiW+5uayRWSGcfSorM376JFMfM+fBz4onk1EREREqZetZ3yF0CS+Li5Aog57xhMXB4wZAzRoIJNeAHjxAkimRzYRERERpV62nvF99gxQddHLEMscQkKATp3k7K5K/frA+vUZbDqaiIiIKPPJ1jO+GaaigxDAihWAp6cm6TU3B2bPBg4dYtJLREREpAfZesY3Q1R0CA0FevUCAgM1Y6VKAZs2ARUrGikoIiIioqyHM77/MdpSh4cPgb17Nbf795ezvkx6iYiIiPSKie9/jDbjW7EiMG0a4OAgZ32XLmX1BiIiylQUCgX+97//GTuMDGvKlCmoUKGCscMgMPEFIDv9plvzsxs3gPfvtcdGjJBVG5o1S6cgiIgoK+nRowcUCgUUCgXMzc3h4uKCUaNGISYmxtihGdyzZ88wZMgQlChRAlZWVsiXLx9q1qyJZcuW4a1qB7uRjRgxAocPHzZ2GASu8QUg945ZWhr4Ykol8PPPstva6NHA1Kma+0xNAScnAwdARERZWZMmTbB27Vq8f/8e586dQ/fu3aFQKDBr1ixjh2Ywd+/eRc2aNZE7d27MmDED7u7usLS0RHBwMFauXIlChQqhefPmxg4TOXPmRM6cOY0dBiEbz/i+fg28eiW/N/j63qdPgaZNgaFDgdhYubTh9GkDX5SIiLITS0tL5M+fH87OzmjZsiW8vb1x8OBB9f0vX75Ex44dUahQIVhbW8Pd3R2bN2/WOke9evUwePBgjBo1Cnny5EH+/PkxZcoUrWNu3bqFOnXqwMrKCmXKlNG6hkpwcDAaNGiAHDlyIG/evOjTpw+ioqLU9/fo0QMtW7bEjBkzkC9fPuTOnRvff/894uPjMXLkSOTJkweFCxfG2rVrP/qcv/vuO5iZmeHs2bNo37493Nzc4OrqihYtWmDPnj1o9t8nqffv34dCocDFixfVj339+jUUCgWOHj2qHrty5Qq+/PJL5MyZE/ny5UPXrl0RFhamvn/btm1wd3dXPy9vb29ER0cDAI4ePYoqVarAxsYGuXPnRs2aNfHvv/8CSLrUQfX8f/rpJxQoUAB58+bFgAED8D7RJ8JPnz7FV199hRw5csDFxQWbNm1CsWLFsGDBgo++JvRx2TbxvXdP871B1/fu2gV4eAAHDmjGBg+WY0RElDnMmyc/HvzUV3Kzi82bp+6x8+bpLdwrV67g5MmTsLCwUI/FxMTAy8sLe/bswZUrV9CnTx907doVpz+YiFm3bh1sbGxw6tQpzJ49G99//706uVUqlWjdujUsLCxw6tQpLF++HKNHj9Z6fHR0NHx8fGBvb48zZ87gt99+w6FDhzBw4ECt4/788088efIEf/31F+bNm4fJkyfj66+/hr29PU6dOoV+/fqhb9++eKRq5vSBly9f4o8//sCAAQNgY2OT7DEKhSLVr9nr16/RoEEDeHp64uzZs9i/fz+eP3+O9u3bA5CJaMeOHfHNN9/g+vXrOHr0KFq3bg0hBOLj49GyZUvUrVsXly9fRlBQEPr06fPR6x85cgR37tzBkSNHsG7dOvj7+8Pf3199f7du3fDkyRMcPXoU27dvx8qVK/HixYtUPx9KgchmIiIiBACxZk2EkAV0hZg50wAXiooSom9fob4IIET+/EIcOGCAixER0ed69+6duHbtmnj37l3SOydP1v59ntJXtWpJH1utWuoeO3lymmPv3r27MDU1FTY2NsLS0lIAECYmJmLbtm0ffdxXX30lhg8frr5dt25dUatWLa1jKleuLEaPHi2EEOLAgQPCzMxMPH78WH3/vn37BACxc+dOIYQQK1euFPb29iIqKkp9zJ49e4SJiYl49uyZOt6iRYuKhIQE9TGlSpUStWvXVt+Oj48XNjY2YvPmzcnG/s8//wgAYseOHVrjefPmFTY2NsLGxkaMGjVKCCHEvXv3BABx4cIF9XHh4eECgDhy5IgQQogffvhBNG7cWOtcDx8+FABESEiIOHfunAAg7t+/nySWly9fCgDi6NGjycY6efJkUb58efVt1fOPj49Xj7Vr1074+voKIYS4fv26ACDOnDmjvv/WrVsCgJg/f36y18iMPvYzp8rXIiIi9HrNbLvGN/GMr96XOpw7Jzuw3bypGWvRAli9WlZvICKizCVXLqBQoU8f5+iY/FhqHpsrl+5xJVK/fn0sW7YM0dHRmD9/PszMzNCmTRv1/QkJCZgxYwYCAgLw+PFjxMXFITY2FtYfVBLy+OATyQIFCqhnGq9fvw5nZ2cULFhQfX/16tW1jr9+/TrKly+vNQtbs2ZNKJVKhISEIF++fACAsmXLwsRE88Fzvnz5UK5cOfVtU1NT5M2bV+dZztOnT0OpVKJz586IjY1N9eMuXbqEI0eOJLsW986dO2jcuDEaNmwId3d3+Pj4oHHjxmjbti3s7e2RJ08e9OjRAz4+PmjUqBG8vb3Rvn17FChQIMXrlS1bFqampurbBQoUQHBwMAAgJCQEZmZmqJiotGmJEiVgb2+f6udDyWPiCz0vdfjzT8DHB4iPl7etrYEFC2STCh0+ciEiogxk2DD5lRaJGxQZkI2NDUr8N5OzZs0alC9fHr/88gu+/fZbAMCcOXOwcOFCLFiwAO7u7rCxscHQoUMRFxendR5zc3Ot2wqFAkqlUu/xJncdXa5dokQJKBQKhISEaI27uroCAHLkyKEeUyXYQgj12PsPKixFRUWhWbNmyW4GLFCgAExNTXHw4EGcPHkSf/zxB37++WeMHz8ep06dgouLC9auXYvBgwdj//792Lp1KyZMmICDBw+iWrVqqX7+hnidSVu2XeN7967me70mvjVrAmXKyO+9vIALF4DevZn0EhFRujExMcG4ceMwYcIEvHv3DgBw4sQJtGjRAl26dEH58uXh6uqKm4k/mUwFNzc3PHz4EE+fPlWP/fPPP0mOuXTpknrTl+raJiYmKFWq1Gc8K2158+ZFo0aNsHjxYq1rJcfxv5n4xHEn3ugGABUrVsTVq1dRrFgxlChRQutLNXutUChQs2ZNTJ06FRcuXICFhQV27typPoenpyfGjh2LkydPoly5cti0aVOanlupUqUQHx+PCxcuqMdu376N8PDw/7d371FRVXscwL/M4MyA8YhrCCi+Bb2KGg8RzEzlBmqGT7jKVVQUb4KaXDMfJJL5yNRSw9RMMeMG2vK1lEBRSURuvkBLHj4AHysgHwU+QGBm3z9YTI2COiMMxHw/a81qnT377PM782vqN5t9ztFpPPqDwRa+1TO+r7zywn9d0iSXVz1ueOFC4ORJwMGhDgcnIiJ6PmPGjIFUKkVUVBQAoHPnzuoZy6ysLEybNg1FRUVajenl5QUHBwcEBgbi/PnzSElJwcKFCzX6BAQEQKFQIDAwED///DOOHTuGGTNmYPz48eplDnVlw4YNqKyshKurK+Li4pCVlYWcnBx88803yM7OVi8lMDExQZ8+fbBixQpkZWXhhx9+QHh4uMZYISEhuHv3LsaOHYvTp0/j6tWrSExMxKRJk6BUKvHjjz9i2bJlOHPmDK5fv47du3fj1q1b6Nq1K/Ly8jB//nykpaXh2rVrOHToEC5fvoyuXbvqdF5dunSBl5cXgoODcerUKaSnpyM4OBgmJiZaXbBHTzLYwrf6R98LzfaWlFTN5l68qNnerVvVLcv+dDUtERGRPhkbGyM0NBQrV67EgwcPEB4eDmdnZ3h7e+ONN96AjY0Nhg8frtWYEokEe/bsQWlpKXr37o0pU6Zg6dKlGn1MTU2RmJiIu3fvws3NDaNHj8agQYPw+eef1+HZVenYsSPS09Ph5eWF+fPno2fPnnB1dcX69esxZ84cLFmyRN1369atqKyshIuLC95991189NFHGmPZ2dkhNTUVSqUSb775JpycnPDuu+/C0tISEokE5ubmOH78OIYMGQIHBweEh4dj9erVGDx4MExNTZGdnY1Ro0bBwcEBwcHBCAkJwbRp03Q+t6+//hotW7bE66+/jhEjRmDq1KkwMzODQqHQeUwCjMSfF7wYgJKSElhYWAAoBmCOgADgm290GCgtDfjXv6rWTPToUXVf3np/CgYREdWXsrIy5OXloX379iwuqNG5efMm7O3tkZSUhEGDBjV0OHXiad+56nqtuLgY5nX4p3mDvbitmtZ3dKisBJYuBZYsAZTKqra8PODCBcDNrc7jIyIiIsNz9OhR3L9/H05OTigoKMDcuXPRrl07vP766w0d2l+awRe+Wi11yM2tmuVNS/ujzdOzasq4ffs6j42IiIgMU0VFBRYsWIDc3FyYmZnB09MTMTExT9wNgrTDwvd5Cl8hgB07gNBQ4N69qjapFFi0CFiwADA2+I+RiIiI6pC3tze8vb0bOowmx+ArtmcWvr/9BrzzDhAX90dbhw5ATAxQy735iIiIiKjxMdi7OgDASy8B1tbP6JSVBeza9cf2xIlARgaLXiKiJsrArvkmajAN8V0z6MK3Y8fneK6Ep2fVPXktLYGdO4Ft2wAzM32ER0REelS9dvLhw4cNHAmRYah+auCfH91c3wx6qUONyxzy8oA2barW8Fb74ANg2rTne9Y6ERH9JUmlUlhaWuLXX38FUHU/Wj4sgKh+qFQq3Lp1C6ampjDW47VSBl34atzKTAhg82Zg9mwgIgJ4//0/3mvWjEUvEZEBsLGxAQB18UtE9UcikaBNmzZ6/YFp0IWvesb31i1gyhRg//6q7fBw4M03gVdfbbDYiIhI/4yMjGBrawtra2tUVFQ0dDhETZpMJoNEot9Vtyx8ExOrLlgrLPzjjSlTAEfHhgqLiIgamFQq1eu6QyLSj0ZxcVtUVBTatWsHhUIBd3d3nDp16qn9d+3ahS5dukChUMDJyQnx8fFaH1OGMrjFvAv4+PxR9LZoUTXr+8UXgKmpDmdCRERERI1Vgxe+cXFxCAsLQ0REBM6dO4eePXvC29u71vVVJ0+exNixYxEUFIT09HQMHz4cw4cPx88//6zVcX/AGzDftvaPBh8f4KefgGHDXuR0iIiIiKiRMhINfMNCd3d3uLm54fPPPwdQdZWfvb09ZsyYgXnz5j3R39/fHw8ePMCBAwfUbX369EGvXr2wcePGZx6vpKQEFhYWKAZgDgByOfDJJ1VPZePVu0REREQNTl2vFRfD3Ny8zsZt0DW+5eXlOHv2LObPn69uk0gk8PLyQlpaWo37pKWlISwsTKPN29sbe/furbH/o0eP8OjRI/V2cXExAKAEAP7+d+Crr6r+Wf0oYiIiIiJqUCUlJQDq/iEXDVr43r59G0qlEi1bttRob9myJbKzs2vcp7CwsMb+hX++OO1Pli9fjsjIyCfa7QEgMxPw8NApdiIiIiKqX3fu3IGFhUWdjdfk7+owf/58jRni33//HW3btsX169fr9IOkxqmkpAT29va4ceNGnf6phBon5tuwMN+Ghfk2LMXFxWjTpg2srKzqdNwGLXxbtGgBqVSKoqIijfaioiL1TcQfZ2Njo1V/uVwOuVz+RLuFhQW/OAbE3Nyc+TYgzLdhYb4NC/NtWOr6Pr8NelcHmUwGFxcXHDlyRN2mUqlw5MgReNSyBMHDw0OjPwAcPny41v5EREREREAjWOoQFhaGwMBAuLq6onfv3vjss8/w4MEDTJo0CQAwYcIEtGrVCsuXLwcAzJo1C/3798fq1asxdOhQxMbG4syZM9i8eXNDngYRERERNXINXvj6+/vj1q1bWLRoEQoLC9GrVy8kJCSoL2C7fv26xjS3p6cn/vvf/yI8PBwLFixA586dsXfvXnTv3v25jieXyxEREVHj8gdqephvw8J8Gxbm27Aw34alvvLd4PfxJSIiIiLShwZ/chsRERERkT6w8CUiIiIig8DCl4iIiIgMAgtfIiIiIjIITbLwjYqKQrt27aBQKODu7o5Tp049tf+uXbvQpUsXKBQKODk5IT4+Xk+RUl3QJt9ffvkl+vXrh5dffhkvv/wyvLy8nvnvBzUu2n6/q8XGxsLIyAjDhw+v3wCpTmmb799//x0hISGwtbWFXC6Hg4MD/5v+F6Jtvj/77DM4OjrCxMQE9vb2mD17NsrKyvQULb2I48ePY9iwYbCzs4ORkRH27t37zH2Sk5Ph7OwMuVyOTp06ITo6WvsDiyYmNjZWyGQysXXrVnHx4kUxdepUYWlpKYqKimrsn5qaKqRSqVi5cqXIzMwU4eHholmzZuKnn37Sc+SkC23zPW7cOBEVFSXS09NFVlaWmDhxorCwsBA3b97Uc+SkC23zXS0vL0+0atVK9OvXT/j6+uonWHph2ub70aNHwtXVVQwZMkScOHFC5OXlieTkZJGRkaHnyEkX2uY7JiZGyOVyERMTI/Ly8kRiYqKwtbUVs2fP1nPkpIv4+HixcOFCsXv3bgFA7Nmz56n9c3NzhampqQgLCxOZmZli/fr1QiqVioSEBK2O2+QK3969e4uQkBD1tlKpFHZ2dmL58uU19vfz8xNDhw7VaHN3dxfTpk2r1zipbmib78dVVlYKMzMzsX379voKkeqQLvmurKwUnp6eYsuWLSIwMJCF71+Itvn+4osvRIcOHUR5ebm+QqQ6pG2+Q0JCxMCBAzXawsLCRN++fes1Tqp7z1P4zp07V3Tr1k2jzd/fX3h7e2t1rCa11KG8vBxnz56Fl5eXuk0ikcDLywtpaWk17pOWlqbRHwC8vb1r7U+Nhy75ftzDhw9RUVEBKyur+gqT6oiu+f7www9hbW2NoKAgfYRJdUSXfO/fvx8eHh4ICQlBy5Yt0b17dyxbtgxKpVJfYZOOdMm3p6cnzp49q14OkZubi/j4eAwZMkQvMZN+1VW91uBPbqtLt2/fhlKpVD/1rVrLli2RnZ1d4z6FhYU19i8sLKy3OKlu6JLvx73//vuws7N74stEjY8u+T5x4gS++uorZGRk6CFCqku65Ds3NxdHjx5FQEAA4uPjceXKFUyfPh0VFRWIiIjQR9ikI13yPW7cONy+fRuvvfYahBCorKzEv//9byxYsEAfIZOe1VavlZSUoLS0FCYmJs81TpOa8SXSxooVKxAbG4s9e/ZAoVA0dDhUx+7du4fx48fjyy+/RIsWLRo6HNIDlUoFa2trbN68GS4uLvD398fChQuxcePGhg6N6kFycjKWLVuGDRs24Ny5c9i9ezcOHjyIJUuWNHRo1Ig1qRnfFi1aQCqVoqioSKO9qKgINjY2Ne5jY2OjVX9qPHTJd7VVq1ZhxYoVSEpKQo8ePeozTKoj2ub76tWryM/Px7Bhw9RtKpUKAGBsbIycnBx07NixfoMmneny/ba1tUWzZs0glUrVbV27dkVhYSHKy8shk8nqNWbSnS75/uCDDzB+/HhMmTIFAODk5IQHDx4gODgYCxcuhETCub2mpLZ6zdzc/Llne4EmNuMrk8ng4uKCI0eOqNtUKhWOHDkCDw+PGvfx8PDQ6A8Ahw8frrU/NR665BsAVq5ciSVLliAhIQGurq76CJXqgLb57tKlC3766SdkZGSoX2+//TYGDBiAjIwM2Nvb6zN80pIu3+++ffviypUr6h84AHDp0iXY2tqy6G3kdMn3w4cPnyhuq3/0VF0vRU1JndVr2l131/jFxsYKuVwuoqOjRWZmpggODhaWlpaisLBQCCHE+PHjxbx589T9U1NThbGxsVi1apXIysoSERERvJ3ZX4i2+V6xYoWQyWTiu+++EwUFBerXvXv3GuoUSAva5vtxvKvDX4u2+b5+/bowMzMToaGhIicnRxw4cEBYW1uLjz76qKFOgbSgbb4jIiKEmZmZ+Pbbb0Vubq44dOiQ6Nixo/Dz82uoUyAt3Lt3T6Snp4v09HQBQKxZs0akp6eLa9euCSGEmDdvnhg/fry6f/XtzN577z2RlZUloqKieDuzauvXrxdt2rQRMplM9O7dW/zvf/9Tv9e/f38RGBio0X/nzp3CwcFByGQy0a1bN3Hw4EE9R0wvQpt8t23bVgB44hUREaH/wEkn2n6//4yF71+Ptvk+efKkcHd3F3K5XHTo0EEsXbpUVFZW6jlq0pU2+a6oqBCLFy8WHTt2FAqFQtjb24vp06eL3377Tf+Bk9aOHTtW4/+Pq3McGBgo+vfv/8Q+vXr1EjKZTHTo0EFs27ZN6+MaCcG/BxARERFR09ek1vgSEREREdWGhS8RERERGQQWvkRERERkEFj4EhEREZFBYOFLRERERAaBhS8RERERGQQWvkRERERkEFj4EhEREZFBYOFLRAQgOjoalpaWDR2GzoyMjLB3796n9pk4cSKGDx+ul3iIiBojFr5E1GRMnDgRRkZGT7yuXLnS0KEhOjpaHY9EIkHr1q0xadIk/Prrr3UyfkFBAQYPHgwAyM/Ph5GRETIyMjT6rF27FtHR0XVyvNosXrxYfZ5SqRT29vYIDg7G3bt3tRqHRToR1Qfjhg6AiKgu+fj4YNu2bRptr7zySgNFo8nc3Bw5OTlQqVQ4f/48Jk2ahF9++QWJiYkvPLaNjc0z+1hYWLzwcZ5Ht27dkJSUBKVSiaysLEyePBnFxcWIi4vTy/GJiGrDGV8ialLkcjlsbGw0XlKpFGvWrIGTkxOaN28Oe3t7TJ8+Hffv3691nPPnz2PAgAEwMzODubk5XFxccObMGfX7J06cQL9+/WBiYgJ7e3vMnDkTDx48eGpsRkZGsLGxgZ2dHQYPHoyZM2ciKSkJpaWlUKlU+PDDD9G6dWvI5XL06tULCQkJ6n3Ly8sRGhoKW1tbKBQKtG3bFsuXL9cYu3qpQ/v27QEAr776KoyMjPDGG28A0JxF3bx5M+zs7KBSqTRi9PX1xeTJk9Xb+/btg7OzMxQKBTp06IDIyEhUVlY+9TyNjY1hY2ODVq1awcvLC2PGjMHhw4fV7yuVSgQFBaF9+/YwMTGBo6Mj1q5dq35/8eLF2L59O/bt26eePU5OTgYA3LhxA35+frC0tISVlRV8fX2Rn5//1HiIiKqx8CUigyCRSLBu3TpcvHgR27dvx9GjRzF37txa+wcEBKB169Y4ffo0zp49i3nz5qFZs2YAgKtXr8LHxwejRo3ChQsXEBcXhxMnTiA0NFSrmExMTKBSqVBZWYm1a9di9erVWLVqFS5cuABvb2+8/fbbuHz5MgBg3bp12L9/P3bu3ImcnBzExMSgXbt2NY576tQpAEBSUhIKCgqwe/fuJ/qMGTMGd+7cwbFjx9Rtd+/eRUJCAgICAgAAKSkpmDBhAmbNmoXMzExs2rQJ0dHRWLp06XOfY35+PhITEyGTydRtKpUKrVu3xq5du5CZmYlFixZhwYIF2LlzJwBgzpw58PPzg4+PDwoKClBQUABPT09UVFTA29sbZmZmSElJQWpqKl566SX4+PigvLz8uWMiIgMmiIiaiMDAQCGVSkXz5s3Vr9GjR9fYd9euXeJvf/ubenvbtm3CwsJCvW1mZiaio6Nr3DcoKEgEBwdrtKWkpAiJRCJKS0tr3Ofx8S9duiQcHByEq6urEEIIOzs7sXTpUo193NzcxPTp04UQQsyYMUMMHDhQqFSqGscHIPbs2SOEECIvL08AEOnp6Rp9AgMDha+vr3rb19dXTJ48Wb29adMmYWdnJ5RKpRBCiEGDBolly5ZpjLFjxw5ha2tbYwxCCBERESEkEolo3ry5UCgUAoAAINasWVPrPkIIERISIkaNGlVrrNXHdnR01PgMHj16JExMTERiYuJTxyciEkIIrvEloiZlwIAB+OKLL9TbzZs3B1A1+7l8+XJkZ2ejpKQElZWVKCsrw8OHD2FqavrEOGFhYZgyZQp27Nih/nN9x44dAVQtg7hw4QJiYmLU/YUQUKlUyMvLQ9euXWuMrbi4GC+99BJUKhXKysrw2muvYcuWLSgpKcEvv/yCvn37avTv27cvzp8/D6BqmcI//vEPODo6wsfHB2+99RbefPPNF/qsAgICMHXqVGzYsAFyuRwxMTH45z//CYlEoj7P1NRUjRlepVL51M8NABwdHbF//36UlZXhm2++QUZGBmbMmKHRJyoqClu3bsX169dRWlqK8vJy9OrV66nxnj9/HleuXIGZmZlGe1lZGa5evarDJ0BEhoaFLxE1Kc2bN0enTp002vLz8/HWW2/hnXfewdKlS2FlZYUTJ04gKCgI5eXlNRZwixcvxrhx43Dw4EF8//33iIiIQGxsLEaMGIH79+9j2rRpmDlz5hP7tWnTptbYzMzMcO7cOUgkEtja2sLExAQAUFJS8szzcnZ2Rl5eHr7//nskJSXBz88PXl5e+O677565b22GDRsGIQQOHjwINzc3pKSk4NNPP1W/f//+fURGRmLkyJFP7KtQKGodVyaTqXOwYsUKDB06FJGRkViyZAkAIDY2FnPmzMHq1avh4eEBMzMzfPLJJ/jxxx+fGu/9+/fh4uKi8YOjWmO5gJGIGjcWvkTU5J09exYqlQqrV69Wz2ZWryd9GgcHBzg4OGD27NkYO3Ystm3bhhEjRsDZ2RmZmZlPFNjPIpFIatzH3NwcdnZ2SE1NRf/+/dXtqamp6N27t0Y/f39/+Pv7Y/To0fDx8cHdu3dhZWWlMV71elqlUvnUeBQKBUaOHImYmBhcuXIFjo6OcHZ2Vr/v7OyMnJwcrc/zceHh4Rg4cCDeeecd9Xl6enpi+vTp6j6Pz9jKZLIn4nd2dkZcXBysra1hbm7+QjERkWHixW1E1OR16tQJFRUVWL9+PXJzc7Fjxw5s3Lix1v6lpaUIDQ1FcnIyrl27htTUVJw+fVq9hOH999/HyZMnERoaioyMDFy+fBn79u3T+uK2P3vvvffw8ccfIy4uDjk5OZg3bx4yMjIwa9YsAMCaNWvw7bffIjs7G5cuXcKuXbtgY2NT40M3rK2tYWJigoSEBBQVFaG4uLjW4wYEBODgwYPYunWr+qK2aosWLcLXX3+NyMhIXLx4EVlZWYiNjUV4eLhW5+bh4YEePXpg2bJlAIDOnTvjzJkzSExMxKVLl/DBBx/g9OnTGvu0a9cOFy5cQE5ODm7fvo2KigoEBASgRYsW8PX1RUpKCvLy8pCcnIyZM2fi5s2bWsVERIaJhS8RNXk9e/bEmjVr8PHHH6N79+6IiYnRuBXY46RSKe7cuYMJEybAwcEBfn5+GDx4MCIjIwEAPXr0wA8//IBLly6hX79+ePXVV7Fo0SLY2dnpHOPMmTMRFhaG//znP3ByckJCQgL279+Pzp07A6haJrFy5Uq4urrCzc0N+fn5iI+PV89g/5mxsTHWrVuHTZs2wc7ODr6+vrUed+DAgbCyskJOTg7GjRun8Z63tzcOHDiAQ4cOwc3NDX369MGnn36Ktm3ban1+s2fPxpYtW3Djxg1MmzYNI0eOhL+/P9zd3XHnzh2N2V8AmDp1KhwdHeHq6opXXnkFqampMDU1xfHjx9GmTRuMHDkSXbt2RVBQEMrKyjgDTETPxUgIIRo6CCIiIiKi+sYZXyIiIiIyCCx8iYiIiMggsPAlIiIiIoPAwpeIiIiIDAILXyIiIiIyCCx8iYiIiMggsPAlIiIiIoPAwpeIiIiIDAILXyIiIiIyCCx8iYiIiMggsPAlIiIiIoPwf40mejRVrIdFAAAAAElFTkSuQmCC", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "plot_roc_curve(y_test, y_pred)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "#### Standardized data" + ] + }, + { + "cell_type": "code", + "execution_count": 10, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Time taken for GridSearchCV: 12.46 seconds\n", + "Best Hyperparameters:\n", + "{'alpha': 0.001, 'max_iter': 1000, 'penalty': 'l1', 'tol': 0.0001}\n", + "\n", + "Time taken for training with best hyperparameters: 0.27 seconds\n", + "\n", + "Mean Accuracy: 0.5869381051175657\n", + "Standard Deviation of Accuracy: 0.1532782626832634\n", + "Mean Precision: 0.5424396959818047\n", + "Standard Deviation of Precision: 0.17290092302933616\n", + "Mean Recall: 0.7031148986188657\n", + "Standard Deviation of Recall: 0.31746538293787024\n", + "Mean F1-score: 0.5166216267007258\n", + "Standard Deviation of F1-score: 0.11741940352196295\n", + "Mean ROC AUC: 0.61482036957066\n", + "Standard Deviation of ROC AUC: 0.07747266852928748\n", + "\n", + "Total time taken: 12.73 seconds\n" + ] + } + ], + "source": [ + "from sklearn.linear_model import Perceptron\n", + "from sklearn.model_selection import StratifiedKFold, GridSearchCV\n", + "from sklearn.metrics import accuracy_score, precision_score, recall_score, f1_score, roc_auc_score, confusion_matrix\n", + "import numpy as np\n", + "import time\n", + "\n", + "start_total_time = time.time()\n", + "\n", + "kf = StratifiedKFold(n_splits=10, shuffle=True, random_state=42)\n", + "\n", + "model = Perceptron(random_state=42)\n", + "\n", + "param_grid = {\n", + " 'penalty': [None, 'l2', 'l1', 'elasticnet'],\n", + " 'alpha': [0.0001, 0.001, 0.01, 0.1],\n", + " 'max_iter': [1000, 2000, 3000],\n", + " 'tol': [1e-3, 1e-4, 1e-5]\n", + "}\n", + "\n", + "grid_search = GridSearchCV(estimator=model, param_grid=param_grid, cv=kf, scoring='accuracy')\n", + "\n", + "start_time = time.time()\n", + "\n", + "grid_search.fit(standard(x), y)\n", + "\n", + "grid_search_time = time.time() - start_time\n", + "print(f\"Time taken for GridSearchCV: {grid_search_time:.2f} seconds\")\n", + "\n", + "best_params = grid_search.best_params_\n", + "\n", + "print(\"Best Hyperparameters:\")\n", + "print(best_params)\n", + "print()\n", + "\n", + "best_model = grid_search.best_estimator_\n", + "\n", + "start_time = time.time()\n", + "\n", + "accuracy_scores = []\n", + "precision_scores = []\n", + "recall_scores = []\n", + "f1_scores = []\n", + "roc_auc_scores = []\n", + "confusion_matrices = []\n", + "\n", + "for train_index, test_index in kf.split(standard(x), y):\n", + " X_train, X_test = x.iloc[train_index], x.iloc[test_index]\n", + " y_train, y_test = y.iloc[train_index], y.iloc[test_index]\n", + "\n", + " best_model.fit(X_train, y_train)\n", + "\n", + " y_pred = best_model.predict(X_test)\n", + "\n", + " accuracy = accuracy_score(y_test, y_pred)\n", + " accuracy_scores.append(accuracy)\n", + " \n", + " precision = precision_score(y_test, y_pred)\n", + " precision_scores.append(precision)\n", + " \n", + " recall = recall_score(y_test, y_pred)\n", + " recall_scores.append(recall)\n", + " \n", + " f1 = f1_score(y_test, y_pred)\n", + " f1_scores.append(f1)\n", + " \n", + " roc_auc = roc_auc_score(y_test, y_pred)\n", + " roc_auc_scores.append(roc_auc)\n", + " \n", + " confusion = confusion_matrix(y_test, y_pred)\n", + " confusion_matrices.append(confusion)\n", + "\n", + "training_time = time.time() - start_time\n", + "print(f\"Time taken for training with best hyperparameters: {training_time:.2f} seconds\")\n", + "print()\n", + "\n", + "mean_accuracy = np.mean(accuracy_scores)\n", + "std_accuracy = np.std(accuracy_scores)\n", + "\n", + "mean_precision = np.mean(precision_scores)\n", + "std_precision = np.std(precision_scores)\n", + "\n", + "mean_recall = np.mean(recall_scores)\n", + "std_recall = np.std(recall_scores)\n", + "\n", + "mean_f1 = np.mean(f1_scores)\n", + "std_f1 = np.std(f1_scores)\n", + "\n", + "mean_roc_auc = np.mean(roc_auc_scores)\n", + "std_roc_auc = np.std(roc_auc_scores)\n", + "\n", + "print(f\"Mean Accuracy: {mean_accuracy}\")\n", + "print(f\"Standard Deviation of Accuracy: {std_accuracy}\")\n", + "\n", + "print(f\"Mean Precision: {mean_precision}\")\n", + "print(f\"Standard Deviation of Precision: {std_precision}\")\n", + "\n", + "print(f\"Mean Recall: {mean_recall}\")\n", + "print(f\"Standard Deviation of Recall: {std_recall}\")\n", + "\n", + "print(f\"Mean F1-score: {mean_f1}\")\n", + "print(f\"Standard Deviation of F1-score: {std_f1}\")\n", + "\n", + "print(f\"Mean ROC AUC: {mean_roc_auc}\")\n", + "print(f\"Standard Deviation of ROC AUC: {std_roc_auc}\")\n", + "print()\n", + "\n", + "total_time = time.time() - start_total_time\n", + "print(f\"Total time taken: {total_time:.2f} seconds\")" + ] + }, + { + "cell_type": "code", + "execution_count": 11, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "x_train: (1800, 13)\n", + "y_train: (1800,)\n", + "x_test: (601, 13)\n", + "y_test: (601,)\n" + ] + } + ], + "source": [ + "from sklearn.model_selection import train_test_split\n", + "\n", + "x_train, x_test, y_train, y_test = train_test_split(x,y,test_size=0.25,random_state=42)\n", + "\n", + "print(\"x_train:\",x_train.shape)\n", + "print(\"y_train:\",y_train.shape)\n", + "print(\"x_test:\",x_test.shape)\n", + "print(\"y_test:\",y_test.shape)" + ] + }, + { + "cell_type": "code", + "execution_count": 12, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Accuracy: 0.6888519134775375\n", + "Precision: 0.84\n", + "Recall: 0.10294117647058823\n", + "F1 Score: 0.1834061135371179\n", + "ROC AUC Score: 0.5464328048599794\n", + "Confusion Matrix:\n", + "[[393 4]\n", + " [183 21]]\n" + ] + } + ], + "source": [ + "model = grid_search.best_estimator_\n", + "\n", + "model.fit(x_train, y_train)\n", + "\n", + "y_pred = model.predict(x_test)\n", + "\n", + "y_pred = (y_pred >= 0.5).astype(int)\n", + "\n", + "print(\"Accuracy:\", accuracy_score(y_test, y_pred))\n", + "print(\"Precision:\", precision_score(y_test, y_pred))\n", + "print(\"Recall:\", recall_score(y_test, y_pred))\n", + "print(\"F1 Score:\", f1_score(y_test, y_pred))\n", + "print(\"ROC AUC Score:\", roc_auc_score(y_test, y_pred))\n", + "print(\"Confusion Matrix:\")\n", + "print(confusion_matrix(y_test, y_pred))" + ] + }, + { + "cell_type": "code", + "execution_count": 13, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAokAAAIjCAYAAABvUIGpAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8pXeV/AAAACXBIWXMAAA9hAAAPYQGoP6dpAABGpklEQVR4nO3dfZzM9f7/8efssmN37YXFXoV1fbG5TLVtrnOdRHSklCVxaKkscvbkmtoOFanQ1XEVXUeHkhahjk2ISMiiVOwSsVmsvfj8/vAz3zPeZIcds8zjfm6f2818Pu/5zGvmlPM6z/d73mOzLMsSAAAA8D98PF0AAAAAih+aRAAAABhoEgEAAGCgSQQAAICBJhEAAAAGmkQAAAAYaBIBAABgoEkEAACAgSYRAAAABppEAH9p9+7dateunUJCQmSz2bR48eIivf9PP/0km82mOXPmFOl9r2UtW7ZUy5YtPV0GAC9HkwhcA/bs2aO///3vqlq1qkqVKqXg4GA1adJEL774ok6dOuXW105ISNC2bdv09NNPa/78+br55pvd+npXU58+fWSz2RQcHHzBz3H37t2y2Wyy2Wx67rnnXL7/gQMHNG7cOG3ZsqUIqgWAq6uEpwsA8Nc++eQT/e1vf5Pdblfv3r1Vt25dnTlzRl999ZVGjBih7du367XXXnPLa586dUppaWl66qmnNHjwYLe8RkxMjE6dOqWSJUu65f6XUqJECZ08eVJLlixRjx49nK4tWLBApUqV0unTpy/r3gcOHND48eNVuXJlNWzYsNDP+/zzzy/r9QCgKNEkAsXYvn371LNnT8XExGjVqlWKiopyXEtMTFR6ero++eQTt73+4cOHJUmhoaFuew2bzaZSpUq57f6XYrfb1aRJE7399ttGk7hw4UJ16tRJH3744VWp5eTJkwoICJCfn99VeT0A+CtMNwPF2OTJk3XixAm9+eabTg3iOdWrV9fjjz/ueJyXl6eJEyeqWrVqstvtqly5sv75z38qJyfH6XmVK1fWXXfdpa+++kq33nqrSpUqpapVq2revHmOMePGjVNMTIwkacSIEbLZbKpcubKks9O05/78v8aNGyebzeZ0LjU1VU2bNlVoaKhKly6tWrVq6Z///Kfj+sXWJK5atUrNmjVTYGCgQkND1aVLF+3YseOCr5eenq4+ffooNDRUISEh6tu3r06ePHnxD/Y8DzzwgJYtW6Zjx445zm3YsEG7d+/WAw88YIw/evSohg8frnr16ql06dIKDg5Wx44d9d133znGrF69WrfccoskqW/fvo5p63Pvs2XLlqpbt642bdqk5s2bKyAgwPG5nL8mMSEhQaVKlTLef/v27VWmTBkdOHCg0O8VAAqLJhEoxpYsWaKqVavq9ttvL9T4Rx55RGPGjNFNN92kqVOnqkWLFkpJSVHPnj2Nsenp6br33nvVtm1bPf/88ypTpoz69Omj7du3S5K6deumqVOnSpLuv/9+zZ8/X9OmTXOp/u3bt+uuu+5STk6OJkyYoOeff1533323/vvf//7l81asWKH27dvr0KFDGjdunJKSkrRu3To1adJEP/30kzG+R48e+vPPP5WSkqIePXpozpw5Gj9+fKHr7Natm2w2mz766CPHuYULF6p27dq66aabjPF79+7V4sWLddddd+mFF17QiBEjtG3bNrVo0cLRsNWpU0cTJkyQJA0YMEDz58/X/Pnz1bx5c8d9jhw5oo4dO6phw4aaNm2aWrVqdcH6XnzxRZUvX14JCQnKz8+XJL366qv6/PPP9dJLLyk6OrrQ7xUACs0CUCwdP37ckmR16dKlUOO3bNliSbIeeeQRp/PDhw+3JFmrVq1ynIuJibEkWWvXrnWcO3TokGW3261hw4Y5zu3bt8+SZE2ZMsXpngkJCVZMTIxRw9ixY63//Wtl6tSpliTr8OHDF6373GvMnj3bca5hw4ZWeHi4deTIEce57777zvLx8bF69+5tvN7DDz/sdM977rnHKlu27EVf83/fR2BgoGVZlnXvvfdarVu3tizLsvLz863IyEhr/PjxF/wMTp8+beXn5xvvw263WxMmTHCc27Bhg/HezmnRooUlyZo1a9YFr7Vo0cLp3PLlyy1J1qRJk6y9e/dapUuXtrp27XrJ9wgAl4skESimsrKyJElBQUGFGv/pp59KkpKSkpzODxs2TJKMtYuxsbFq1qyZ43H58uVVq1Yt7d2797JrPt+5tYwff/yxCgoKCvWcgwcPasuWLerTp4/CwsIc5+vXr6+2bds63uf/GjhwoNPjZs2a6ciRI47PsDAeeOABrV69WhkZGVq1apUyMjIuONUsnV3H6ONz9q/P/Px8HTlyxDGV/u233xb6Ne12u/r27Vuose3atdPf//53TZgwQd26dVOpUqX06quvFvq1AMBVNIlAMRUcHCxJ+vPPPws1/ueff5aPj4+qV6/udD4yMlKhoaH6+eefnc5XqlTJuEeZMmX0xx9/XGbFpvvuu09NmjTRI488ooiICPXs2VPvvffeXzaM5+qsVauWca1OnTr6/ffflZ2d7XT+/PdSpkwZSXLpvdx5550KCgrSu+++qwULFuiWW24xPstzCgoKNHXqVNWoUUN2u13lypVT+fLltXXrVh0/frzQr3nDDTe49CWV5557TmFhYdqyZYumT5+u8PDwQj8XAFxFkwgUU8HBwYqOjtb333/v0vPO/+LIxfj6+l7wvGVZl/0a59bLnePv76+1a9dqxYoVeuihh7R161bdd999atu2rTH2SlzJeznHbrerW7dumjt3rhYtWnTRFFGSnnnmGSUlJal58+Z66623tHz5cqWmpurGG28sdGIqnf18XLF582YdOnRIkrRt2zaXngsArqJJBIqxu+66S3v27FFaWtolx8bExKigoEC7d+92Op+Zmaljx445vqlcFMqUKeP0TeBzzk8rJcnHx0etW7fWCy+8oB9++EFPP/20Vq1apS+++OKC9z5X565du4xrO3fuVLly5RQYGHhlb+AiHnjgAW3evFl//vnnBb/sc84HH3ygVq1a6c0331TPnj3Vrl07tWnTxvhMCtuwF0Z2drb69u2r2NhYDRgwQJMnT9aGDRuK7P4AcD6aRKAYe/LJJxUYGKhHHnlEmZmZxvU9e/boxRdflHR2ulSS8Q3kF154QZLUqVOnIqurWrVqOn78uLZu3eo4d/DgQS1atMhp3NGjR43nnttU+vxtec6JiopSw4YNNXfuXKem6/vvv9fnn3/ueJ/u0KpVK02cOFEvv/yyIiMjLzrO19fXSCnff/99/fbbb07nzjWzF2qoXTVy5Ejt379fc+fO1QsvvKDKlSsrISHhop8jAFwpNtMGirFq1app4cKFuu+++1SnTh2nX1xZt26d3n//ffXp00eS1KBBAyUkJOi1117TsWPH1KJFC33zzTeaO3euunbtetHtVS5Hz549NXLkSN1zzz167LHHdPLkSc2cOVM1a9Z0+uLGhAkTtHbtWnXq1EkxMTE6dOiQZsyYoQoVKqhp06YXvf+UKVPUsWNHxcfHq1+/fjp16pReeuklhYSEaNy4cUX2Ps7n4+OjUaNGXXLcXXfdpQkTJqhv3766/fbbtW3bNi1YsEBVq1Z1GletWjWFhoZq1qxZCgoKUmBgoOLi4lSlShWX6lq1apVmzJihsWPHOrbkmT17tlq2bKnRo0dr8uTJLt0PAArFw9+uBlAIP/74o9W/f3+rcuXKlp+fnxUUFGQ1adLEeumll6zTp087xuXm5lrjx4+3qlSpYpUsWdKqWLGilZyc7DTGss5ugdOpUyfjdc7feuViW+BYlmV9/vnnVt26dS0/Pz+rVq1a1ltvvWVsgbNy5UqrS5cuVnR0tOXn52dFR0db999/v/Xjjz8ar3H+NjErVqywmjRpYvn7+1vBwcFW586drR9++MFpzLnXO3+LndmzZ1uSrH379l30M7Us5y1wLuZiW+AMGzbMioqKsvz9/a0mTZpYaWlpF9y65uOPP7ZiY2OtEiVKOL3PFi1aWDfeeOMFX/N/75OVlWXFxMRYN910k5Wbm+s0bujQoZaPj4+Vlpb2l+8BAC6HzbJcWNkNAAAAr8CaRAAAABhoEgEAAGCgSQQAAICBJhEAAAAGmkQAAAAYaBIBAABgoEkEAACA4br8xRX/RoM9XQIAN/ljw8ueLgGAm5TyYFfizt7h1OZr8+8tkkQAAAAYrsskEQAAwCU2crPz0SQCAADYbJ6uoNihbQYAAICBJBEAAIDpZgOfCAAAAAwkiQAAAKxJNJAkAgAAwECSCAAAwJpEA58IAAAADCSJAAAArEk00CQCAAAw3WzgEwEAAICBJBEAAIDpZgNJIgAAAAwkiQAAAKxJNPCJAAAAwECSCAAAwJpEA0kiAAAADCSJAAAArEk00CQCAAAw3WygbQYAAICBJBEAAIDpZgOfCAAAAAwkiQAAACSJBj4RAAAAGEgSAQAAfPh28/lIEgEAAGAgSQQAAGBNooEmEQAAgM20DbTNAAAAMJAkAgAAMN1s4BMBAACAgSQRAACANYkGkkQAAAAYSBIBAABYk2jgEwEAAICBJBEAAIA1iQaaRAAAAKabDXwiAAAAMJAkAgAAMN1sIEkEAACAgSQRAACANYkGPhEAAAAYSBIBAABYk2ggSQQAAICBJhEAAMDm477DBTNnzlT9+vUVHBys4OBgxcfHa9myZY7rLVu2lM1mczoGDhzodI/9+/erU6dOCggIUHh4uEaMGKG8vDyXPxKmmwEAAIrJF1cqVKigZ599VjVq1JBlWZo7d666dOmizZs368Ybb5Qk9e/fXxMmTHA8JyAgwPHn/Px8derUSZGRkVq3bp0OHjyo3r17q2TJknrmmWdcqoUmEQAAoJjo3Lmz0+Onn35aM2fO1Ndff+1oEgMCAhQZGXnB53/++ef64YcftGLFCkVERKhhw4aaOHGiRo4cqXHjxsnPz6/QtRSPthkAAMCTbDa3HTk5OcrKynI6cnJyLllSfn6+3nnnHWVnZys+Pt5xfsGCBSpXrpzq1q2r5ORknTx50nEtLS1N9erVU0REhONc+/btlZWVpe3bt7v0kdAkAgAAuFFKSopCQkKcjpSUlIuO37Ztm0qXLi273a6BAwdq0aJFio2NlSQ98MADeuutt/TFF18oOTlZ8+fP14MPPuh4bkZGhlODKMnxOCMjw6W6mW4GAABw45rE5ORkJSUlOZ2z2+0XHV+rVi1t2bJFx48f1wcffKCEhAStWbNGsbGxGjBggGNcvXr1FBUVpdatW2vPnj2qVq1akdZNkwgAAOBGdrv9L5vC8/n5+al69eqSpMaNG2vDhg168cUX9eqrrxpj4+LiJEnp6emqVq2aIiMj9c033ziNyczMlKSLrmO8GKabAQAA3Lgm8UoVFBRcdA3jli1bJElRUVGSpPj4eG3btk2HDh1yjElNTVVwcLBjyrqwSBIBAACKieTkZHXs2FGVKlXSn3/+qYULF2r16tVavny59uzZo4ULF+rOO+9U2bJltXXrVg0dOlTNmzdX/fr1JUnt2rVTbGysHnroIU2ePFkZGRkaNWqUEhMTXUozJZpEAACAYrNP4qFDh9S7d28dPHhQISEhql+/vpYvX662bdvql19+0YoVKzRt2jRlZ2erYsWK6t69u0aNGuV4vq+vr5YuXapBgwYpPj5egYGBSkhIcNpXsbBslmVZRfnmigP/RoM9XQIAN/ljw8ueLgGAm5TyYHTl3+1Nt9371Ef93HZvdyoebTMAAACKFaabAQCA17MVwRdMrjckiQAAADCQJAIAAK9HkmgiSQQAAICBJBEAAIAg0UCSCAAAAANJIgAA8HqsSTTRJAIAAK9Hk2hiuhkAAAAGkkQAAOD1SBJNJIkAAAAwkCQCAACvR5JoIkkEAACAgSQRAACAINFAkggAAAADSSIAAPB6rEk0kSQCAADAQJIIAAC8HkmiiSYRAAB4PZpEE9PNAAAAMJAkAgAAr0eSaCJJBAAAgIEkEQAAgCDRQJIIAAAAA0kiAADweqxJNJEkAgAAwECSCAAAvB5JookmEQAAeD2aRBPTzQAAADCQJAIAABAkGkgSAQAAYCBJBAAAXo81iSaSRAAAABhIEgEAgNcjSTSRJAIAAMBAkggAALweSaKJJhEAAHg9mkQT080AAAAwkCQCAAAQJBpIEgEAAGAgSQQAAF6PNYkmkkQAAAAYSBIBAIDXI0k0kSQCAADAQJIIAAC8HkmiiSYRAACAHtHAdDMAAAAMNIkAAMDr2Ww2tx2umDlzpurXr6/g4GAFBwcrPj5ey5Ytc1w/ffq0EhMTVbZsWZUuXVrdu3dXZmam0z3279+vTp06KSAgQOHh4RoxYoTy8vJc/kxoEgEAAIqJChUq6Nlnn9WmTZu0ceNG3XHHHerSpYu2b98uSRo6dKiWLFmi999/X2vWrNGBAwfUrVs3x/Pz8/PVqVMnnTlzRuvWrdPcuXM1Z84cjRkzxuVabJZlWUX2zooJ/0aDPV0CADf5Y8PLni4BgJuU8uA3JWIeW+K2e/88vfMVPT8sLExTpkzRvffeq/Lly2vhwoW69957JUk7d+5UnTp1lJaWpttuu03Lli3TXXfdpQMHDigiIkKSNGvWLI0cOVKHDx+Wn59foV+XJBEAAMCNcnJylJWV5XTk5ORc8nn5+fl65513lJ2drfj4eG3atEm5ublq06aNY0zt2rVVqVIlpaWlSZLS0tJUr149R4MoSe3bt1dWVpYjjSwsmkQUO/3/1lTfvJuszC+nKPPLKVo9d5jaNYl1XK9SoZzefb6/9q9KUeaXU/TWvx5WeFiQ0z3en/Z3/fjpBP3x9VTt/fxpvTmxt6LKh1zttwKgCLz5+mtqcGMtTU552tOl4DrmzjWJKSkpCgkJcTpSUlIuWsu2bdtUunRp2e12DRw4UIsWLVJsbKwyMjLk5+en0NBQp/ERERHKyMiQJGVkZDg1iOeun7vmCrbAQbHzW+YxjX7pY6XvPyybbHqwc5zenzpAt/V8Vj8fOKqlMxK17cff1HHAS5KksY920ocv/l3Nez+vc6sn1m74UVPeXK6M348rOjxUKUPv0cIp/dSqzwuefGsAXPT9tq364P13VLNmLU+XAly25ORkJSUlOZ2z2+0XHV+rVi1t2bJFx48f1wcffKCEhAStWbPG3WUaaBJR7Hy69nunx+NeWaL+f2uqW+tXUXR4qGKiy+q2+/+lP7NPS5IeGTNfB9dMVstba+qL9bskSS8t+MLx/P0H/9Bzs1P13gv9VaKEj/LyCq7emwFw2U5mZyt55AiNHT9Jr78609Pl4Drnzs207Xb7XzaF5/Pz81P16tUlSY0bN9aGDRv04osv6r777tOZM2d07NgxpzQxMzNTkZGRkqTIyEh98803Tvc79+3nc2MKy6PTzb///rsmT56se+65R/Hx8YqPj9c999yjKVOm6PDhw54sDcWEj49Nf2vfWIH+flq/dZ/sfiVkWZZyzvzfV/lP5+SpoMDS7Q2rXfAeZYID1LPjzfr6u300iMA15JlJE9S8eQvdFn+7p0uBN7C58bhCBQUFysnJUePGjVWyZEmtXLnScW3Xrl3av3+/4uPjJUnx8fHatm2bDh065BiTmpqq4OBgxcbGGvf+Kx5LEjds2KD27dsrICBAbdq0Uc2aNSWd7XanT5+uZ599VsuXL9fNN9/8l/fJyckxFn9aBfmy+fi6rXa4343Vo7V67jCV8iuhE6dydN+w17Vzb4Z+/+OEsk+d0dOPd9GYl/8jm2ya9HgXlSjhq8hywU73mPRYFw3s2VyB/nat37pP3R6b5aF3A8BVyz79RDt2/KCF737g6VKAqyo5OVkdO3ZUpUqV9Oeff2rhwoVavXq1li9frpCQEPXr109JSUkKCwtTcHCwhgwZovj4eN12222SpHbt2ik2NlYPPfSQJk+erIyMDI0aNUqJiYkupZmSB5vEIUOG6G9/+5tmzZplRLyWZWngwIEaMmSI49s6F5OSkqLx48c7nfONuEUlo24t8ppx9fz4U6bieqYopLS/7mnTSK9PeEjtHnlRO/dmqNeTb2r6P+/To/e3UEGBpfc+26Rvf9ivgvN2c5o6b4XmLE5TpagwPfX3jnpj4kM0isA1IOPgQU1+9mm9+vq/Xf4fNeByFZffbj506JB69+6tgwcPKiQkRPXr19fy5cvVtm1bSdLUqVPl4+Oj7t27KycnR+3bt9eMGTMcz/f19dXSpUs1aNAgxcfHKzAwUAkJCZowYYLLtXhsn0R/f39t3rxZtWvXvuD1nTt3qlGjRjp16tRf3udCSWJ4s5EkideZT2YN1t5ffteQp99xnCsbGqi8vAIdP3FK+1Kf0fT5KzV13soLPv+G8FClL5+klgnPa/3WfVerbLgB+yRe/1atXKGhjyXK1/f//h7Pz8+XzWaTj4+PNmze5nQN1w9P7pNYNelTt9177wt3uu3e7uSx/zrOLay8WJP4zTffGF/hvpALLQalQbz++Nhssvs5/+N65Fi2JKnFLTUVHlZaS9dsu/jzfc7+P0S/knxXCyju4m67TR8sdt7YeOxTyapctar69utPgwi3KC5JYnHisf/FHD58uAYMGKBNmzapdevWjoYwMzNTK1eu1Ouvv67nnnvOU+XBgyYMuVvL/7tdvxz8Q0GBpXRfx5vV/OYa6vzo2Tj9obtv0659GTr8xwnF1a+i50bcq5cWfKHdP59dpHtL3Rg1vjFG6zbv0bE/T6pKhfIa+2gn7dl/mBQRuAYEBpZWjRo1nc75BwQoNCTUOA/AfTzWJCYmJqpcuXKaOnWqZsyYofz8fEln59IbN26sOXPmqEePHp4qDx5UPqy03pzYW5HlgnX8xGl9v/s3dX50hlat3ylJqlk5XBOG3K2wkAD9fOCoJr+5XNPfWuV4/snTuepyRwONGthJgf5+yvj9uD5ft0P/ev3fOpPr+g+cAwCufwSJpmLx2825ubn6/fffJUnlypVTyZIlr+h+/HYzcP1iTSJw/fLkmsTqw5e57d7pz3V0273dqVgs0CpZsqSioqI8XQYAAPBSrEk0FYsmEQAAwJPoEU0e/cUVAAAAFE8kiQAAwOsx3WwiSQQAAICBJBEAAHg9gkQTSSIAAAAMJIkAAMDrnfv5VvwfkkQAAAAYSBIBAIDXY02iiSYRAAB4PbbAMTHdDAAAAANJIgAA8HoEiSaSRAAAABhIEgEAgNdjTaKJJBEAAAAGkkQAAOD1SBJNJIkAAAAwkCQCAACvR5BookkEAABej+lmE9PNAAAAMJAkAgAAr0eQaCJJBAAAgIEkEQAAeD3WJJpIEgEAAGAgSQQAAF6PINFEkggAAAADSSIAAPB6rEk0kSQCAADAQJIIAAC8HkGiiSYRAAB4PaabTUw3AwAAwECSCAAAvB5BookkEQAAAAaSRAAA4PVYk2giSQQAAICBJBEAAHg9gkQTSSIAAAAMJIkAAMDrsSbRRJMIAAC8Hj2iielmAAAAGEgSAQCA12O62USSCAAAAANJIgAA8HokiSaSRAAAABhoEgEAgNez2dx3uCIlJUW33HKLgoKCFB4erq5du2rXrl1OY1q2bCmbzeZ0DBw40GnM/v371alTJwUEBCg8PFwjRoxQXl6eS7Uw3QwAAFBMrFmzRomJibrllluUl5enf/7zn2rXrp1++OEHBQYGOsb1799fEyZMcDwOCAhw/Dk/P1+dOnVSZGSk1q1bp4MHD6p3794qWbKknnnmmULXQpMIAAC8XnFZk/jZZ585PZ4zZ47Cw8O1adMmNW/e3HE+ICBAkZGRF7zH559/rh9++EErVqxQRESEGjZsqIkTJ2rkyJEaN26c/Pz8ClUL080AAMDruXO6OScnR1lZWU5HTk5Ooeo6fvy4JCksLMzp/IIFC1SuXDnVrVtXycnJOnnypONaWlqa6tWrp4iICMe59u3bKysrS9u3by/0Z0KTCAAA4EYpKSkKCQlxOlJSUi75vIKCAj3xxBNq0qSJ6tat6zj/wAMP6K233tIXX3yh5ORkzZ8/Xw8++KDjekZGhlODKMnxOCMjo9B1M90MAAC8njunm5OTk5WUlOR0zm63X/J5iYmJ+v777/XVV185nR8wYIDjz/Xq1VNUVJRat26tPXv2qFq1akVTtEgSAQAA3Mputys4ONjpuFSTOHjwYC1dulRffPGFKlSo8Jdj4+LiJEnp6emSpMjISGVmZjqNOff4YusYL4QmEQAAeL3isgWOZVkaPHiwFi1apFWrVqlKlSqXfM6WLVskSVFRUZKk+Ph4bdu2TYcOHXKMSU1NVXBwsGJjYwtdC9PNAAAAxURiYqIWLlyojz/+WEFBQY41hCEhIfL399eePXu0cOFC3XnnnSpbtqy2bt2qoUOHqnnz5qpfv74kqV27doqNjdVDDz2kyZMnKyMjQ6NGjVJiYmKhprnPoUkEAABez6eYbIEzc+ZMSWc3zP5fs2fPVp8+feTn56cVK1Zo2rRpys7OVsWKFdW9e3eNGjXKMdbX11dLly7VoEGDFB8fr8DAQCUkJDjtq1gYNIkAAADFhGVZf3m9YsWKWrNmzSXvExMTo08//fSKaqFJBAAAXq+YBInFCk0iAADwesXlF1eKE77dDAAAAANJIgAA8Ho+BIkGkkQAAAAYSBIBAIDXY02iiSQRAAAABpJEAADg9QgSTSSJAAAAMJAkAgAAr2cTUeL5aBIBAIDXYwscE9PNAAAAMJAkAgAAr8cWOCaSRAAAABhIEgEAgNcjSDSRJAIAAMBAkggAALyeD1GigSQRAAAAhiJpEo8dO1YUtwEAAPAIm819x7XK5SbxX//6l959913H4x49eqhs2bK64YYb9N133xVpcQAAAFeDzWZz23GtcrlJnDVrlipWrChJSk1NVWpqqpYtW6aOHTtqxIgRRV4gAAAArj6Xv7iSkZHhaBKXLl2qHj16qF27dqpcubLi4uKKvEAAAAB3u4YDP7dxOUksU6aMfvnlF0nSZ599pjZt2kiSLMtSfn5+0VYHAAAAj3A5SezWrZseeOAB1ahRQ0eOHFHHjh0lSZs3b1b16tWLvEAAAAB3Ywsck8tN4tSpU1W5cmX98ssvmjx5skqXLi1JOnjwoB599NEiLxAAAABXn8tNYsmSJTV8+HDj/NChQ4ukIAAAgKuNHNFUqCbxP//5T6FvePfdd192MQAAACgeCtUkdu3atVA3s9lsfHkFAABcc67l/QzdpVBNYkFBgbvrAAAA8BgfekTDFf0s3+nTp4uqDgAAABQjLjeJ+fn5mjhxom644QaVLl1ae/fulSSNHj1ab775ZpEXCAAA4G78LJ/J5Sbx6aef1pw5czR58mT5+fk5ztetW1dvvPFGkRYHAAAAz3C5SZw3b55ee+019erVS76+vo7zDRo00M6dO4u0OAAAgKvBZnPfca1yuUn87bffLvjLKgUFBcrNzS2SogAAAOBZLjeJsbGx+vLLL43zH3zwgRo1alQkRQEAAFxNrEk0ufyLK2PGjFFCQoJ+++03FRQU6KOPPtKuXbs0b948LV261B01AgAA4CpzOUns0qWLlixZohUrVigwMFBjxozRjh07tGTJErVt29YdNQIAALiVj819x7XK5SRRkpo1a6bU1NSirgUAAMAjruVpYXe5rCZRkjZu3KgdO3ZIOrtOsXHjxkVWFAAAADzL5Sbx119/1f3336///ve/Cg0NlSQdO3ZMt99+u9555x1VqFChqGsEAABwK3JEk8trEh955BHl5uZqx44dOnr0qI4ePaodO3aooKBAjzzyiDtqBAAAwFXmcpK4Zs0arVu3TrVq1XKcq1Wrll566SU1a9asSIsDAAC4GnxYk2hwOUmsWLHiBTfNzs/PV3R0dJEUBQAAAM9yuUmcMmWKhgwZoo0bNzrObdy4UY8//riee+65Ii0OAADgauBn+UyFmm4uU6aM01fDs7OzFRcXpxIlzj49Ly9PJUqU0MMPP6yuXbu6pVAAAABcPYVqEqdNm+bmMgAAADyHfRJNhWoSExIS3F0HAAAAipHL3kxbkk6fPq0zZ844nQsODr6iggAAAK42gkSTy19cyc7O1uDBgxUeHq7AwECVKVPG6QAAALjW+NhsbjtckZKSoltuuUVBQUEKDw9X165dtWvXLqcxp0+fVmJiosqWLavSpUure/fuyszMdBqzf/9+derUSQEBAQoPD9eIESOUl5fn2mfi0mhJTz75pFatWqWZM2fKbrfrjTfe0Pjx4xUdHa158+a5ejsAAAD8f2vWrFFiYqK+/vprpaamKjc3V+3atVN2drZjzNChQ7VkyRK9//77WrNmjQ4cOKBu3bo5rufn56tTp046c+aM1q1bp7lz52rOnDkaM2aMS7XYLMuyXHlCpUqVNG/ePLVs2VLBwcH69ttvVb16dc2fP19vv/22Pv30U5cKcAf/RoM9XQIAN/ljw8ueLgGAm5S6okVwV+bRj35w271ndIu97OcePnxY4eHhWrNmjZo3b67jx4+rfPnyWrhwoe69915J0s6dO1WnTh2lpaXptttu07Jly3TXXXfpwIEDioiIkCTNmjVLI0eO1OHDh+Xn51eo13Y5STx69KiqVq0q6ez6w6NHj0qSmjZtqrVr17p6OwAAgOtaTk6OsrKynI6cnJxCPff48eOSpLCwMEnSpk2blJubqzZt2jjG1K5dW5UqVVJaWpokKS0tTfXq1XM0iJLUvn17ZWVlafv27YWu2+UmsWrVqtq3b5+jqPfee0+StGTJEoWGhrp6OwAAAI+z2WxuO1JSUhQSEuJ0pKSkXLKmgoICPfHEE2rSpInq1q0rScrIyJCfn5/Rc0VERCgjI8Mx5n8bxHPXz10rLJeD3b59++q7775TixYt9I9//EOdO3fWyy+/rNzcXL3wwguu3g4AAOC6lpycrKSkJKdzdrv9ks9LTEzU999/r6+++spdpf0ll5vEoUOHOv7cpk0b7dy5U5s2bVL16tVVv379Ii3ucg1PedzTJQBwk1Nn8j1dAgA3KVXC12Ov7fLUqgvsdnuhmsL/NXjwYC1dulRr165VhQoVHOcjIyN15swZHTt2zClNzMzMVGRkpGPMN99843S/c99+PjemMK74M4mJiVG3bt2KTYMIAABwrbIsS4MHD9aiRYu0atUqValSxel648aNVbJkSa1cudJxbteuXdq/f7/i4+MlSfHx8dq2bZsOHTrkGJOamqrg4GDFxhb+SzSFShKnT59e6Bs+9thjhR4LAABQHBSXn+VLTEzUwoUL9fHHHysoKMixhjAkJET+/v4KCQlRv379lJSUpLCwMAUHB2vIkCGKj4/XbbfdJklq166dYmNj9dBDD2ny5MnKyMjQqFGjlJiY6FKiWagtcM7vYi96M5tNe/fuLfSLu8voz3Z7ugQAbpLUvKqnSwDgJmUCPDfd/MTHO91272ldahd67MWa1dmzZ6tPnz6Szm6mPWzYML399tvKyclR+/btNWPGDKep5J9//lmDBg3S6tWrFRgYqISEBD377LMqUaLwKw1d3ifxWkCTCFy/aBKB6xdNYvHiwW0rAQAAigef4jHbXKy488s8AAAAuEaRJAIAAK9XXL64UpyQJAIAAMBAkggAALweaxJNl5Ukfvnll3rwwQcVHx+v3377TZI0f/58j/1sDAAAAIqWy03ihx9+qPbt28vf31+bN29WTk6OJOn48eN65plnirxAAAAAd7PZ3Hdcq1xuEidNmqRZs2bp9ddfV8mSJR3nmzRpom+//bZIiwMAALgafGw2tx3XKpebxF27dql58+bG+ZCQEB07dqwoagIAAICHudwkRkZGKj093Tj/1VdfqWpVfgkBAABce3zceFyrXK69f//+evzxx7V+/XrZbDYdOHBACxYs0PDhwzVo0CB31AgAAICrzOUtcP7xj3+ooKBArVu31smTJ9W8eXPZ7XYNHz5cQ4YMcUeNAAAAbnUNLx10G5ebRJvNpqeeekojRoxQenq6Tpw4odjYWJUuXdod9QEAAMADLnszbT8/P8XGxhZlLQAAAB5xLX8L2V1cbhJbtWr1l79vuGrVqisqCAAAAJ7ncpPYsGFDp8e5ubnasmWLvv/+eyUkJBRVXQAAAFcNQaLJ5SZx6tSpFzw/btw4nThx4ooLAgAAuNr47WZTkW3f8+CDD+rf//53Ud0OAAAAHnTZX1w5X1pamkqVKlVUtwMAALhq+OKKyeUmsVu3bk6PLcvSwYMHtXHjRo0ePbrICgMAAIDnuNwkhoSEOD328fFRrVq1NGHCBLVr167ICgMAALhaCBJNLjWJ+fn56tu3r+rVq6cyZcq4qyYAAAB4mEtfXPH19VW7du107NgxN5UDAABw9fnY3Hdcq1z+dnPdunW1d+9ed9QCAACAYsLlJnHSpEkaPny4li5dqoMHDyorK8vpAAAAuNbY3Pifa1Wh1yROmDBBw4YN05133ilJuvvuu51+ns+yLNlsNuXn5xd9lQAAAG50LU8Lu0uhm8Tx48dr4MCB+uKLL9xZDwAAAIqBQjeJlmVJklq0aOG2YgAAADyBJNHk0ppEG5sIAQAAeAWX9kmsWbPmJRvFo0ePXlFBAAAAVxtBmMmlJnH8+PHGL64AAADg+uNSk9izZ0+Fh4e7qxYAAACPYE2iqdBrEolhAQAAvIfL324GAAC43pCFmQrdJBYUFLizDgAAAI/xoUs0uPyzfAAAALj+ufTFFQAAgOsRX1wxkSQCAADAQJIIAAC8HksSTSSJAAAAMJAkAgAAr+cjosTzkSQCAADAQJIIAAC8HmsSTTSJAADA67EFjonpZgAAABhIEgEAgNfjZ/lMJIkAAAAwkCQCAACvR5BoIkkEAAAoRtauXavOnTsrOjpaNptNixcvdrrep08f2Ww2p6NDhw5OY44ePapevXopODhYoaGh6tevn06cOOFSHTSJAADA6/nYbG47XJWdna0GDRrolVdeueiYDh066ODBg47j7bffdrreq1cvbd++XampqVq6dKnWrl2rAQMGuFQH080AAADFSMeOHdWxY8e/HGO32xUZGXnBazt27NBnn32mDRs26Oabb5YkvfTSS7rzzjv13HPPKTo6ulB1kCQCAACvZ7O578jJyVFWVpbTkZOTc0X1rl69WuHh4apVq5YGDRqkI0eOOK6lpaUpNDTU0SBKUps2beTj46P169cX+jVoEgEAgNfzceORkpKikJAQpyMlJeWya+3QoYPmzZunlStX6l//+pfWrFmjjh07Kj8/X5KUkZGh8PBwp+eUKFFCYWFhysjIKPTrMN0MAADgRsnJyUpKSnI6Z7fbL/t+PXv2dPy5Xr16ql+/vqpVq6bVq1erdevWl33f89EkAgAAr2dz4x44drv9iprCS6latarKlSun9PR0tW7dWpGRkTp06JDTmLy8PB09evSi6xgvhOlmAACAa9ivv/6qI0eOKCoqSpIUHx+vY8eOadOmTY4xq1atUkFBgeLi4gp9X5JEAADg9YrTXtonTpxQenq64/G+ffu0ZcsWhYWFKSwsTOPHj1f37t0VGRmpPXv26Mknn1T16tXVvn17SVKdOnXUoUMH9e/fX7NmzVJubq4GDx6snj17FvqbzRJJIgAAQLGyceNGNWrUSI0aNZIkJSUlqVGjRhozZox8fX21detW3X333apZs6b69eunxo0b68svv3Sa0l6wYIFq166t1q1b684771TTpk312muvuVQHSSIAAPB6l7Pptbu0bNlSlmVd9Pry5csveY+wsDAtXLjwiuogSQQAAICBJBEAAHi94pMjFh80iQAAwOsVo9nmYoPpZgAAABhIEgEAgNdz52ba1yqSRAAAABhIEgEAgNcjNTPxmQAAAMBAkggAALweaxJNJIkAAAAwkCQCAACvR45oIkkEAACAgSQRAAB4PdYkmmgSAQCA12Nq1cRnAgAAAANJIgAA8HpMN5tIEgEAAGAgSQQAAF6PHNFEkggAAAADSSIAAPB6LEk0kSQCAADAQJIIAAC8ng+rEg00iQAAwOsx3WxiuhkAAAAGkkQAAOD1bEw3G0gSAQAAYCBJBAAAXo81iSaSRAAAABhIEgEAgNdjCxwTSSIAAAAMJIkAAMDrsSbRRJMIAAC8Hk2iielmAAAAGEgSAQCA12MzbRNJIgAAAAwkiQAAwOv5ECQaSBIBAABgIEkEAABejzWJJpJEAAAAGEgSAQCA12OfRBNNIgAA8HpMN5uYbgYAAICBJBEAAHg9tsAxkSQCAADAQJIIAAC8HmsSTSSJAAAAMJAkolg6nP69dq76UH/8skens46qSb+ndEP9eMf13JxT2rZkjn7b+rXOnPxTgWERqt68s6o3vdMxZuO7Lytz1xadzjqqEn6lVLZKHdW/u4+CIyp64i0BuIC5b76m1atW6Oef9spuL6V6DRoq8fFhiqlcxTFm8YfvafmyT7Rr5w86mZ2t1LVfKygo2INV43rEFjgmkkQUS3lnTiv0hqq66d6BF7z+3aI3lLHjW8U9NEwdkmeqRssu2vzhLP22bb1jTJmK1XXrA0+oQ/JMNR80QZKltTPGqKAg/yq9CwCXsvnbjep+3/16Y97bmj7zDeXl5enxQY/o1KmTjjGnT59W/O1N1efhAR6sFPA+JIkolqJib1ZU7M0Xvf77vh2KufUOhdeoL0mqdnsH7f3vMh3d/6NuqBfnOHdOYNkI1b3zIX0+eYhOHj2k0uWi3PsGABTKtFdec3o8evwz6ti6qXb+8IMaNT77d0DPXr0lSZs2fnPV64P3IEg0kSTimlSuSh0d2PaNTh77XZZl6dDurfrz8AFF1mp0wfF5Oae1b/0KBZaNkH9ouatcLYDCOnHiT0lScEiIhyuBt/Gx2dx2uGrt2rXq3LmzoqOjZbPZtHjxYqfrlmVpzJgxioqKkr+/v9q0aaPdu3c7jTl69Kh69eql4OBghYaGql+/fjpx4oRrn4nLlV9Fv/zyix5++OG/HJOTk6OsrCynI+/MmatUITyl0b0DFRxZUUvH9tEHSV21duYY3XTvQJWvXtdpXPqXn+ijEffqoyfvVcaOTWrx6CT5lijpoaoB/JWCggJNe+5Z1W94k6pVr+HpcgCPyc7OVoMGDfTKK69c8PrkyZM1ffp0zZo1S+vXr1dgYKDat2+v06dPO8b06tVL27dvV2pqqpYuXaq1a9dqwADXlmwU6ybx6NGjmjt37l+OSUlJUUhIiNPx3/dmXaUK4Sm71y7R0Z93qWn/0Wo7fJoadO2nbz+YpcxdW5zGVbq5pdqOeFGthjyroPBopc1+Vvm5/J8IoDiakjJRe9J3a9Kzz3m6FHghmxsPV3Xs2FGTJk3SPffcY1yzLEvTpk3TqFGj1KVLF9WvX1/z5s3TgQMHHInjjh079Nlnn+mNN95QXFycmjZtqpdeeknvvPOODhw4UOg6PLom8T//+c9fXt+7d+8l75GcnKykpCSncymrf7miulC85Z3J0fdL5+n2fk8p+sZbJEmhN1TRsd/2adeqjxRRq6FjrJ9/oPz8AxUUfoPCKtfS4uSe+m1rmio1buGh6gFcyHPPTtJ/v1yjWW/OU3hEpKfLAYpUTk6OcnJynM7Z7XbZ7XaX77Vv3z5lZGSoTZs2jnMhISGKi4tTWlqaevbsqbS0NIWGhurmm/9vbX+bNm3k4+Oj9evXX7D5vBCPNoldu3aVzWaTZVkXHWO7xFz+hT7kEn5+RVIfiierIF8F+XnGPxs2H5+//Gfp7JOl/LxcN1YHwBWWZen5fz2tNatW6JXX5yj6hgqeLgneyo3fXElJSdH48eOdzo0dO1bjxo1z+V4ZGRmSpIiICKfzERERjmsZGRkKDw93ul6iRAmFhYU5xhSGR5vEqKgozZgxQ126dLng9S1btqhx48ZXuSoUB7k5p3Ti8EHH4xNHMvXHr3vlF1BagWHhKl+9rr77+N/yLemngLBwHU7/Xj9vWKUGXR85O/73DP2yea0iat8ke2CwTh0/op0r3pdvSb+//NY0gKtrSspEfb7sE02e+rICAwN15PfDkqTA0kEqVaqUJOnI74d15Mjv+nX/fknSnt0/KiAwUBGRUQoJCfVU6UChXWjW83JSxKvNo01i48aNtWnTpos2iZdKGXH9+mP/bq1++Z+Ox98tfkOSVPnW1rq111DdljBS25bM1fr5z+nMyRMKKBOuup0eUrUmHSVJviVL6vCe7fpx9X+Ue+qE7EGhKl/tRt3xxBSVCgr1xFsCcAEfvf+OJOnR/glO50eNf1p33X12SuyjD97Vm6/OcFwb2K+3MQa4Uu78Wb7LnVq+kMjIs8sxMjMzFRX1f9u5ZWZmqmHDho4xhw4dcnpeXl6ejh496nh+YXi0SRwxYoSys7Mver169er64osvrmJFKC7Ca9RXjxeXXvS6f3AZ3drriYtfDymr5gPHX/Q6gOLh680/XHJM/4GD1X/g4KtQDVD8ValSRZGRkVq5cqWjKczKytL69es1aNAgSVJ8fLyOHTumTZs2OWZkV61apYKCAsXFxRX6tTzaJDZr1uwvrwcGBqpFC75gAAAA3Ks4/SzfiRMnlJ6e7ni8b98+bdmyRWFhYapUqZKeeOIJTZo0STVq1FCVKlU0evRoRUdHq2vXrpKkOnXqqEOHDurfv79mzZql3NxcDR48WD179lR0dHSh6+AXVwAAgNcrRj2iNm7cqFatWjken1vPmJCQoDlz5ujJJ59Udna2BgwYoGPHjqlp06b67LPPHOt4JWnBggUaPHiwWrduLR8fH3Xv3l3Tp093qQ6bdR0u+hv92e5LDwJwTUpqXtXTJQBwkzIBvh577Q17j7vt3rdUvTZ/QYgkEQAAoDhFicVEsf7FFQAAAHgGSSIAAPB67twC51pFkggAAAADSSIAAPB6xWkLnOKCJBEAAAAGkkQAAOD1CBJNNIkAAAB0iQammwEAAGAgSQQAAF6PLXBMJIkAAAAwkCQCAACvxxY4JpJEAAAAGEgSAQCA1yNINJEkAgAAwECSCAAAQJRooEkEAABejy1wTEw3AwAAwECSCAAAvB5b4JhIEgEAAGAgSQQAAF6PINFEkggAAAADSSIAAABRooEkEQAAAAaSRAAA4PXYJ9FEkggAAAADSSIAAPB67JNookkEAABejx7RxHQzAAAADCSJAAAARIkGkkQAAAAYSBIBAIDXYwscE0kiAAAADCSJAADA67EFjokkEQAAAAaSRAAA4PUIEk00iQAAAHSJBqabAQAAYCBJBAAAXo8tcEwkiQAAADCQJAIAAK/HFjgmkkQAAAAYSBIBAIDXI0g0kSQCAADAQJIIAABAlGigSQQAAF6PLXBMTDcDAADAQJIIAAC8HlvgmEgSAQAAiolx48bJZrM5HbVr13ZcP336tBITE1W2bFmVLl1a3bt3V2ZmpltqoUkEAABez+bGw1U33nijDh486Di++uorx7WhQ4dqyZIlev/997VmzRodOHBA3bp1u5y3fElMNwMAABQjJUqUUGRkpHH++PHjevPNN7Vw4ULdcccdkqTZs2erTp06+vrrr3XbbbcVaR0kiQAAAG6MEnNycpSVleV05OTkXLSU3bt3Kzo6WlWrVlWvXr20f/9+SdKmTZuUm5urNm3aOMbWrl1blSpVUlpaWhF+GGfRJAIAALhRSkqKQkJCnI6UlJQLjo2Li9OcOXP02WefaebMmdq3b5+aNWumP//8UxkZGfLz81NoaKjTcyIiIpSRkVHkdTPdDAAAvJ4790lMTk5WUlKS0zm73X7BsR07dnT8uX79+oqLi1NMTIzee+89+fv7u63GC6FJBAAAXs+dW+DY7faLNoWXEhoaqpo1ayo9PV1t27bVmTNndOzYMac0MTMz84JrGK8U080AAADF1IkTJ7Rnzx5FRUWpcePGKlmypFauXOm4vmvXLu3fv1/x8fFF/tokiQAAwOsVl720hw8frs6dOysmJkYHDhzQ2LFj5evrq/vvv18hISHq16+fkpKSFBYWpuDgYA0ZMkTx8fFF/s1miSYRAACg2Pj11191//3368iRIypfvryaNm2qr7/+WuXLl5ckTZ06VT4+PurevbtycnLUvn17zZgxwy212CzLstxyZw8a/dluT5cAwE2Smlf1dAkA3KRMgK/HXvvXPy6+Jc2VqlDm8tYjehprEgEAAGBguhkAAKDYrEosPkgSAQAAYCBJBAAAXs+d+yReq2gSAQCA16NHNDHdDAAAAANJIgAA8HpMN5tIEgEAAGAgSQQAAF7PxqpEA0kiAAAADCSJAAAABIkGkkQAAAAYSBIBAIDXI0g00SQCAACvxxY4JqabAQAAYCBJBAAAXo8tcEwkiQAAADCQJAIAABAkGkgSAQAAYCBJBAAAXo8g0USSCAAAAANJIgAA8Hrsk2iiSQQAAF6PLXBMTDcDAADAQJIIAAC8HtPNJpJEAAAAGGgSAQAAYKBJBAAAgIE1iQAAwOuxJtFEkggAAAADSSIAAPB67JNookkEAABej+lmE9PNAAAAMJAkAgAAr0eQaCJJBAAAgIEkEQAAgCjRQJIIAAAAA0kiAADwemyBYyJJBAAAgIEkEQAAeD32STSRJAIAAMBAkggAALweQaKJJhEAAIAu0cB0MwAAAAwkiQAAwOuxBY6JJBEAAAAGkkQAAOD12ALHRJIIAAAAg82yLMvTRQCXKycnRykpKUpOTpbdbvd0OQCKEP9+A55Fk4hrWlZWlkJCQnT8+HEFBwd7uhwARYh/vwHPYroZAAAABppEAAAAGGgSAQAAYKBJxDXNbrdr7NixLGoHrkP8+w14Fl9cAQAAgIEkEQAAAAaaRAAAABhoEgEAAGCgSQQAAICBJhHXtFdeeUWVK1dWqVKlFBcXp2+++cbTJQG4QmvXrlXnzp0VHR0tm82mxYsXe7okwCvRJOKa9e677yopKUljx47Vt99+qwYNGqh9+/Y6dOiQp0sDcAWys7PVoEEDvfLKK54uBfBqbIGDa1ZcXJxuueUWvfzyy5KkgoICVaxYUUOGDNE//vEPD1cHoCjYbDYtWrRIXbt29XQpgNchScQ16cyZM9q0aZPatGnjOOfj46M2bdooLS3Ng5UBAHB9oEnENen3339Xfn6+IiIinM5HREQoIyPDQ1UBAHD9oEkEAACAgSYR16Ry5crJ19dXmZmZTuczMzMVGRnpoaoAALh+0CTimuTn56fGjRtr5cqVjnMFBQVauXKl4uPjPVgZAADXhxKeLgC4XElJSUpISNDNN9+sW2+9VdOmTVN2drb69u3r6dIAXIETJ04oPT3d8Xjfvn3asmWLwsLCVKlSJQ9WBngXtsDBNe3ll1/WlClTlJGRoYYNG2r69OmKi4vzdFkArsDq1avVqlUr43xCQoLmzJlz9QsCvBRNIgAAAAysSQQAAICBJhEAAAAGmkQAAAAYaBIBAABgoEkEAACAgSYRAAAABppEAAAAGGgSAQAAYKBJBHDF+vTpo65duzoet2zZUk888cRVr2P16tWy2Ww6duzYRcfYbDYtXry40PccN26cGjZseEV1/fTTT7LZbNqyZcsV3QcAriaaROA61adPH9lsNtlsNvn5+al69eqaMGGC8vLy3P7aH330kSZOnFiosYVp7AAAV18JTxcAwH06dOig2bNnKycnR59++qkSExNVsmRJJScnG2PPnDkjPz+/InndsLCwIrkPAMBzSBKB65jdbldkZKRiYmI0aNAgtWnTRv/5z38k/d8U8dNPP63o6GjVqlVLkvTLL7+oR48eCg0NVVhYmLp06aKffvrJcc/8/HwlJSUpNDRUZcuW1ZNPPqnzfwL+/OnmnJwcjRw5UhUrVpTdblf16tX15ptv6qefflKrVq0kSWXKlJHNZlOfPn0kSQUFBUpJSVGVKlXk7++vBg0a6IMPPnB6nU8//VQ1a9aUv7+/WrVq5VRnYY0cOVI1a9ZUQECAqlatqtGjRys3N9cY9+qrr6pixYoKCAhQjx49dPz4cafrb7zxhurUqaNSpUqpdu3amjFjxkVf848//lCvXr1Uvnx5+fv7q0aNGpo9e7bLtQOAO5EkAl7E399fR44ccTxeuXKlgoODlZqaKknKzc1V+/btFR8fry+//FIlSpTQpEmT1KFDB23dulV+fn56/vnnNWfOHP373/9WnTp19Pzzz2vRokW64447Lvq6vXv3VlpamqZPn64GDRpo3759+v3331WxYkV9+OGH6t69u3bt2qXg4GD5+/tLklJSUvTWW29p1qxZqlGjhtauXasHH3xQ5cuXV4sWLfTLL7+oW7duSkxM1IABA7Rx40YNGzbM5c8kKChIc+bMUXR0tLZt26b+/fsrKChITz75pGNMenq63nvvPS1ZskRZWVnq16+fHn30US1YsECStGDBAo0ZM0Yvv/yyGjVqpM2bN6t///4KDAxUQkKC8ZqjR4/WDz/8oGXLlqlcuXJKT0/XqVOnXK4dANzKAnBdSkhIsLp06WJZlmUVFBRYqamplt1ut4YPH+64HhERYeXk5DieM3/+fKtWrVpWQUGB41xOTo7l7+9vLV++3LIsy4qKirImT57suJ6bm2tVqFDB8VqWZVktWrSwHn/8ccuyLGvXrl2WJCs1NfWCdX7xxReWJOuPP/5wnDt9+rQVEBBgrVu3zmlsv379rPvvv9+yLMtKTk62YmNjna6PHDnSuNf5JFmLFi266PUpU6ZYjRs3djweO3as5evra/3666+Oc8uWLbN8fHysgwcPWpZlWdWqVbMWLlzodJ+JEyda8fHxlmVZ1r59+yxJ1ubNmy3LsqzOnTtbffv2vWgNAFAckCQC17GlS5eqdOnSys3NVUFBgR544AGNGzfOcb1evXpO6xC/++47paenKygoyOk+p0+f1p49e3T8+HEdPHhQcXFxjmslSpTQzTffbEw5n7Nlyxb5+vqqRYsWha47PT1dJ0+eVNu2bZ3OnzlzRo0aNZIk7dixw6kOSYqPjy/0a5zz7rvvavr06dqzZ49OnDihvLw8BQcHO42pVKmSbrjhBqfXKSgo0K5duxQUFKQ9e/aoX79+6t+/v2NMXl6eQkJCLviagwYNUvfu3fXtt9+qXbt26tq1q26//XaXawcAd6JJBK5jrVq10syZM+Xn56fo6GiVKOH8r3xgYKDT4xMnTqhx48aOadT/Vb58+cuq4dz0sStOnDghSfrkk0+cmjPp7DrLopKWlqZevXpp/Pjxat++vUJCQvTOO+/o+eefd7nW119/3WhafX19L/icjh076ueff9ann36q1NRUtW7dWomJiXruuecu/80AQBGjSQSuY4GBgapevXqhx99000169913FR4ebqRp50RFRWn9+vVq3ry5pLOJ2aZNm3TTTTddcHy9evVUUFCgNWvWqE2bNsb1c0lmfn6+41xsbKzsdrv2799/0QSyTp06ji/hnPP1119f+k3+j3Xr1ikmJkZPPfWU49zPP/9sjNu/f78OHDig6Ohox+v4+PioVq1aioiIUHR0tPbu3atevXoV+rXLly+vhIQEJSQkqFmzZhoxYgRNIoBihW83A3Do1auXypUrpy5duujLL7/Uvn37tHr1aj322GP69ddfJUmPP/64nn32WS1evFg7d+7Uo48++pd7HFauXFkJCQl6+OGHtXjxYsc933vvPUlSTEyMbDabli5dqsOHD+vEiRMKCgrS8OHDNXToUM2dO1d79uzRt99+q5deeklz586VJA0cOFC7d+/WiBEjtGvXLi1cuFBz5sxx6f3WqFFD+/fv1zvvvKM9e/Zo+vTpWrRokTGuVKlSSkhI0Hfffacvv/xSjz32mHr06KHIyEhJ0vjx45WSkqLp06frxx9/1LZt2zR79my98MILF3zdMWPG6OOPP1Z6erq2b9+upUuXqk6dOi7VDgDuRpMIwCEgIEBr165VpUqV1K1bN9WpU0f9+vXT6dOnHcnisGHD9NBDDykhIUHx8fEKCgrSPffc85f3nTlzpu699149+uijql27tvr376/s7GxJ0g033KDx48frH//4hyIiIjR48GBJ0sSJEzV69GilpKSoTp066tChgz755BNVqVJF0tl1gh9++KEWL16sBg0aaNasWXrmmWdcer933323hg4dqsGDB6thw4Zat26dRo8ebYyrXr26unXrpjvvvFPt2rVT/fr1nba4eeSRR/TGG29o9uzZqlevnlq0aKE5c+Y4aj2fn5+fkpOTVb9+fTVv3ly+vr565513XKodANzNZl1stTkAAAC8FkkiAAAADDSJAAAAMNAkAgAAwECTCAAAAANNIgAAAAw0iQAAADDQJAIAAMBAkwgAAAADTSIAAAAMNIkAAAAw0CQCAADA8P8A2CeKbW50g/AAAAAASUVORK5CYII=", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "plot_confusion_matrix(y_test, y_pred,(0,1))" + ] + }, + { + "cell_type": "code", + "execution_count": 14, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAr4AAAIjCAYAAADlfxjoAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8pXeV/AAAACXBIWXMAAA9hAAAPYQGoP6dpAACluklEQVR4nOzdd1iTVxsG8DtsQUQUcKKCVkUFRdx7oFhb98A9WmeduPdoHVXrrFurqHVRxyfWVbVqq1L3wIW7bgVFEBQQcr4/TpMQASWYEMb9uy6ukpM37/skDfhwcs7zKIQQAkREREREWZyJsQMgIiIiIkoPTHyJiIiIKFtg4ktERERE2QITXyIiIiLKFpj4EhEREVG2wMSXiIiIiLIFJr5ERERElC0w8SUiIiKibIGJLxERERFlC0x8idJJsWLF0KNHD2OHke3Uq1cP9erVM3YYnzRlyhQoFAqEhYUZO5QMR6FQYMqUKXo51/3796FQKODv76+X8wHA6dOnYWFhgX///Vdv59S3Dh06oH379sYOg8jomPhSluDv7w+FQqH+MjMzQ6FChdCjRw88fvzY2OFlaNHR0fjhhx/g4eEBa2tr2NnZoXbt2li/fj0yS0fza9euYcqUKbh//76xQ0kiISEBa9euRb169ZAnTx5YWlqiWLFi6NmzJ86ePWvs8PRi06ZNWLBggbHD0JKeMY0fPx4dO3ZE0aJF1WP16tXT+p2UI0cOeHh4YMGCBVAqlcme5+XLlxg5ciRKlSoFKysr5MmTBz4+Pvj9999TvHZkZCSmTp2K8uXLI2fOnMiRIwfKlSuH0aNH48mTJ+rjRo8eje3bt+PSpUupfl7Z4b1L2Y9CZJZ/2Yg+wt/fHz179sT3338PFxcXxMTE4J9//oG/vz+KFSuGK1euwMrKyqgxxsbGwsTEBObm5kaNI7Hnz5+jYcOGuH79Ojp06IC6desiJiYG27dvx19//QVfX19s3LgRpqamxg71o7Zt24Z27drhyJEjSWZ34+LiAAAWFhbpHte7d+/QunVr7N+/H3Xq1EGzZs2QJ08e3L9/HwEBAbh58yYePHiAwoULY8qUKZg6dSpCQ0Ph4OCQ7rF+jq+//hpXrlwx2B8eMTExMDMzg5mZ2WfHJIRAbGwszM3N9fK+vnjxIjw9PXHy5ElUr15dPV6vXj3cuXMHM2fOBACEhYVh06ZNOHPmDMaNG4fp06drnSckJAQNGzZEaGgoevbsiUqVKuH169fYuHEjLl68iBEjRmDOnDlaj7l79y68vb3x4MEDtGvXDrVq1YKFhQUuX76MzZs3I0+ePLh586b6+KpVq6JUqVJYv379J5+XLu9dokxFEGUBa9euFQDEmTNntMZHjx4tAIitW7caKTLjevfunUhISEjxfh8fH2FiYiJ27dqV5L4RI0YIAOLHH380ZIjJioqK0un43377TQAQR44cMUxAaTRgwAABQMyfPz/JffHx8WLOnDni4cOHQgghJk+eLACI0NBQg8WjVCrF27dv9X7er776ShQtWlSv50xISBDv3r1L8+MNEVNyBg8eLIoUKSKUSqXWeN26dUXZsmW1xt69eyeKFi0qbG1tRXx8vHo8Li5OlCtXTlhbW4t//vlH6zHx8fHC19dXABBbtmxRj79//16UL19eWFtbi7///jtJXBEREWLcuHFaYz/99JOwsbERb968+eTz0uW9+zk+9/8zka6Y+FKWkFLi+/vvvwsAYsaMGVrj169fF23atBH29vbC0tJSeHl5JZv8hYeHi6FDh4qiRYsKCwsLUahQIdG1a1et5CQmJkZMmjRJFC9eXFhYWIjChQuLkSNHipiYGK1zFS1aVHTv3l0IIcSZM2cEAOHv75/kmvv37xcAxO7du9Vjjx49Ej179hROTk7CwsJClClTRvzyyy9ajzty5IgAIDZv3izGjx8vChYsKBQKhQgPD0/2NQsKChIAxDfffJPs/e/fvxdffPGFsLe3VydL9+7dEwDEnDlzxLx580SRIkWElZWVqFOnjggODk5yjtS8zqr/d0ePHhX9+/cXjo6OInfu3EIIIe7fvy/69+8vSpYsKaysrESePHlE27Ztxb1795I8/sMvVRJct25dUbdu3SSv09atW8W0adNEoUKFhKWlpWjQoIG4detWkuewePFi4eLiIqysrETlypXFX3/9leScyXn48KEwMzMTjRo1+uhxKqrE99atW6J79+7Czs5O5MqVS/To0UNER0drHbtmzRpRv3594ejoKCwsLISbm5tYunRpknMWLVpUfPXVV2L//v3Cy8tLWFpaqhOZ1J5DCCH27t0r6tSpI3LmzClsbW1FpUqVxMaNG4UQ8vX98LVPnHCm9ucDgBgwYID49ddfRZkyZYSZmZnYuXOn+r7Jkyerj42MjBRDhgxR/1w6OjoKb29vce7cuU/GpHoPr127Vuv6169fF+3atRMODg7CyspKlCxZMknimJwiRYqIHj16JBlPLvEVQoi2bdsKAOLJkyfqsc2bNwsA4vvvv0/2Gq9fvxa5c+cWpUuXVo9t2bJFABDTp0//ZIwqly5dEgDEjh07Pnqcru/d7t27J/tHhuo9nVhy/58DAgKEvb19sq9jRESEsLS0FMOHD1ePpfY9RZSc1H9uRJQJqT7mtLe3V49dvXoVNWvWRKFChTBmzBjY2NggICAALVu2xPbt29GqVSsAQFRUFGrXro3r16/jm2++QcWKFREWFobAwEA8evQIDg4OUCqVaN68OY4fP44+ffrAzc0NwcHBmD9/Pm7evIn//e9/ycZVqVIluLq6IiAgAN27d9e6b+vWrbC3t4ePjw8AuRyhWrVqUCgUGDhwIBwdHbFv3z58++23iIyMxNChQ7Ue/8MPP8DCwgIjRoxAbGxsih/x7969GwDQrVu3ZO83MzNDp06dMHXqVJw4cQLe3t7q+9avX483b95gwIABiImJwcKFC9GgQQMEBwcjX758Or3OKt999x0cHR0xadIkREdHAwDOnDmDkydPokOHDihcuDDu37+PZcuWoV69erh27Rqsra1Rp04dDB48GIsWLcK4cePg5uYGAOr/puTHH3+EiYkJRowYgYiICMyePRudO3fGqVOn1McsW7YMAwcORO3ateHn54f79++jZcuWsLe3/+RHvPv27UN8fDy6du360eM+1L59e7i4uGDmzJk4f/48Vq9eDScnJ8yaNUsrrrJly6J58+YwMzPD7t278d1330GpVGLAgAFa5wsJCUHHjh3Rt29f9O7dG6VKldLpHP7+/vjmm29QtmxZjB07Frlz58aFCxewf/9+dOrUCePHj0dERAQePXqE+fPnAwBy5swJADr/fPz5558ICAjAwIED4eDggGLFiiX7GvXr1w/btm3DwIEDUaZMGbx8+RLHjx/H9evXUbFixY/GlJzLly+jdu3aMDc3R58+fVCsWDHcuXMHu3fvTrIkIbHHjx/jwYMHqFixYorHfEi1uS537tzqsU/9LNrZ2aFFixZYt24dbt++jRIlSiAwMBAAdHp/lSlTBjly5MCJEyeS/Pwlltb3bmp9+P/5iy++QKtWrbBjxw6sWLFC63fW//73P8TGxqJDhw4AdH9PESVh7MybSB9Us36HDh0SoaGh4uHDh2Lbtm3C0dFRWFpaan0k17BhQ+Hu7q41O6BUKkWNGjXEF198oR6bNGlSirMjqo81N2zYIExMTJJ81Lh8+XIBQJw4cUI9lnjGVwghxo4dK8zNzcWrV6/UY7GxsSJ37txas7DffvutKFCggAgLC9O6RocOHYSdnZ16NlY1k+nq6pqqj7NbtmwpAKQ4IyyEEDt27BAAxKJFi4QQmtmyHDlyiEePHqmPO3XqlAAg/Pz81GOpfZ1V/+9q1aql9fGvECLZ56GaqV6/fr167GNLHVKa8XVzcxOxsbHq8YULFwoA6pnr2NhYkTdvXlG5cmXx/v179XH+/v4CwCdnfP38/AQAceHChY8ep6KaHftwBr5Vq1Yib968WmPJvS4+Pj7C1dVVa6xo0aICgNi/f3+S41NzjtevXwtbW1tRtWrVJB9HJ/5oP6VlBbr8fAAQJiYm4urVq0nOgw9mfO3s7MSAAQOSHJdYSjElN+Nbp04dYWtrK/79998Un2NyDh06lOTTGZW6deuK0qVLi9DQUBEaGipu3LghRo4cKQCIr776SuvYChUqCDs7u49ea968eQKACAwMFEII4enp+cnHJKdkyZLiyy+//Ogxur53dZ3xTe7/84EDB5J9LZs2bar1ntTlPUWUHFZ1oCzF29sbjo6OcHZ2Rtu2bWFjY4PAwED17NyrV6/w559/on379njz5g3CwsIQFhaGly9fwsfHB7du3VJXgdi+fTvKly+f7MyIQqEAAPz2229wc3ND6dKl1ecKCwtDgwYNAABHjhxJMVZfX1+8f/8eO3bsUI/98ccfeP36NXx9fQHIjTjbt29Hs2bNIITQuoaPjw8iIiJw/vx5rfN2794dOXLk+ORr9ebNGwCAra1tiseo7ouMjNQab9myJQoVKqS+XaVKFVStWhV79+4FoNvrrNK7d+8km40SP4/379/j5cuXKFGiBHLnzp3keeuqZ8+eWjNLtWvXBiA3DAHA2bNn8fLlS/Tu3VtrU1Xnzp21PkFIieo1+9jrm5x+/fpp3a5duzZevnyp9f8g8esSERGBsLAw1K1bF3fv3kVERITW411cXNSfHiSWmnMcPHgQb968wZgxY5JsDlX9DHyMrj8fdevWRZkyZT553ty5c+PUqVNaVQvSKjQ0FH/99Re++eYbFClSROu+Tz3Hly9fAkCK74cbN27A0dERjo6OKF26NObMmYPmzZsnKaX25s2bT75PPvxZjIyM1Pm9pYr1UyXz0vreTa3k/j83aNAADg4O2Lp1q3osPDwcBw8eVP8+BD7vdy4RAHCpA2UpS5YsQcmSJREREYE1a9bgr7/+gqWlpfr+27dvQwiBiRMnYuLEicme48WLFyhUqBDu3LmDNm3afPR6t27dwvXr1+Ho6JjiuVJSvnx5lC5dGlu3bsW3334LQC5zcHBwUP8SDw0NxevXr7Fy5UqsXLkyVddwcXH5aMwqqn/U3rx5o/Wxa2IpJcdffPFFkmNLliyJgIAAALq9zh+L+927d5g5cybWrl2Lx48fa5VX+zDB09WHSY4qeQkPDwcAdU3WEiVKaB1nZmaW4kfwieXKlQuA5jXUR1yqc544cQKTJ09GUFAQ3r59q3V8REQE7Ozs1LdTej+k5hx37twBAJQrV06n56Ci689Hat+7s2fPRvfu3eHs7AwvLy80bdoU3bp1g6urq84xqv7QSetzBJBi2b9ixYph1apVUCqVuHPnDqZPn47Q0NAkf0TY2tp+Mhn98GcxV65c6th1jfVTCX1a37upldz/ZzMzM7Rp0wabNm1CbGwsLC0tsWPHDrx//14r8f2c37lEABNfymKqVKmCSpUqAZCzkrVq1UKnTp0QEhKCnDlzqutnjhgxItlZMCBpovMxSqUS7u7umDdvXrL3Ozs7f/Txvr6+mD59OsLCwmBra4vAwEB07NhRPcOoirdLly5J1gKreHh4aN1OzWwvINfA/u9//8Ply5dRp06dZI+5fPkyAKRqFi6xtLzOycU9aNAgrF27FkOHDkX16tVhZ2cHhUKBDh06pFgLNbVSKmWVUhKjq9KlSwMAgoODUaFChVQ/7lNx3blzBw0bNkTp0qUxb948ODs7w8LCAnv37sX8+fOTvC7Jva66niOtdP35SO17t3379qhduzZ27tyJP/74A3PmzMGsWbOwY8cOfPnll58dd2rlzZsXgOaPpQ/Z2NhorY2vWbMmKlasiHHjxmHRokXqcTc3N1y8eBEPHjxI8oePyoc/i6VLl8aFCxfw8OHDT/6eSSw8PDzZP1wT0/W9m1IinZCQkOx4Sv+fO3TogBUrVmDfvn1o2bIlAgICULp0aZQvX159zOf+ziVi4ktZlqmpKWbOnIn69etj8eLFGDNmjHpGyNzcXOsfpOQUL14cV65c+eQxly5dQsOGDVP10e+HfH19MXXqVGzfvh358uVDZGSkehMHADg6OsLW1hYJCQmfjFdXX3/9NWbOnIn169cnm/gmJCRg06ZNsLe3R82aNbXuu3XrVpLjb968qZ4J1eV1/pht27ahe/fumDt3rnosJiYGr1+/1jouLa/9p6iaEdy+fRv169dXj8fHx+P+/ftJ/uD40JdffglTU1P8+uuvet0ktHv3bsTGxiIwMFArSdLlI97UnqN48eIAgCtXrnz0D8KUXv/P/fn4mAIFCuC7777Dd999hxcvXqBixYqYPn26OvFN7fVU79VP/awnR5Ug3rt3L1XHe3h4oEuXLlixYgVGjBihfu2//vprbN68GevXr8eECROSPC4yMhK7du1C6dKl1f8fmjVrhs2bN+PXX3/F2LFjU3X9+Ph4PHz4EM2bN//ocbq+d+3t7ZP8TALQuZNdnTp1UKBAAWzduhW1atXCn3/+ifHjx2sdY8j3FGUPXONLWVq9evVQpUoVLFiwADExMXByckK9evWwYsUKPH36NMnxoaGh6u/btGmDS5cuYefOnUmOU82+tW/fHo8fP8aqVauSHPPu3Tt1dYKUuLm5wd3dHVu3bsXWrVtRoEABrSTU1NQUbdq0wfbt25P9hzlxvLqqUaMGvL29sXbt2mQ7Q40fPx43b97EqFGjkszQ/O9//9Nao3v69GmcOnVKnXTo8jp/jKmpaZIZ2J9//jnJTJKNjQ0AJPuPb1pVqlQJefPmxapVqxAfH68e37hxY4ozfIk5Ozujd+/e+OOPP/Dzzz8nuV+pVGLu3Ll49OiRTnGpZoQ/XPaxdu1avZ+jcePGsLW1xcyZMxETE6N1X+LH2tjYJLv05HN/PpKTkJCQ5FpOTk4oWLAgYmNjPxnThxwdHVGnTh2sWbMGDx480LrvU7P/hQoVgrOzs05dzEaNGoX3799rzVi2bdsWZcqUwY8//pjkXEqlEv3790d4eDgmT56s9Rh3d3dMnz4dQUFBSa7z5s2bJEnjtWvXEBMTgxo1anw0Rl3fu8WLF0dERIR6VhoAnj59muzvzo8xMTFB27ZtsXv3bmzYsAHx8fFayxwAw7ynKHvhjC9leSNHjkS7du3g7++Pfv36YcmSJahVqxbc3d3Ru3dvuLq64vnz5wgKCsKjR4/ULT1Hjhyp7gj2zTffwMvLC69evUJgYCCWL1+O8uXLo2vXrggICEC/fv1w5MgR1KxZEwkJCbhx4wYCAgJw4MAB9dKLlPj6+mLSpEmwsrLCt99+CxMT7b9Hf/zxRxw5cgRVq1ZF7969UaZMGbx69Qrnz5/HoUOH8OrVqzS/NuvXr0fDhg3RokULdOrUCbVr10ZsbCx27NiBo0ePwtfXFyNHjkzyuBIlSqBWrVro378/YmNjsWDBAuTNmxejRo1SH5Pa1/ljvv76a2zYsAF2dnYoU6YMgoKCcOjQIfVHzCoVKlSAqakpZs2ahYiICFhaWqJBgwZwcnJK82tjYWGBKVOmYNCgQWjQoAHat2+P+/fvw9/fH8WLF0/VbNPcuXNx584dDB48GDt27MDXX38Ne3t7PHjwAL/99htu3LihNcOfGo0bN4aFhQWaNWuGvn37IioqCqtWrYKTk1Oyf2R8zjly5cqF+fPno1evXqhcuTI6deoEe3t7XLp0CW/fvsW6desAAF5eXti6dSuGDRuGypUrI2fOnGjWrJlefj4+9ObNGxQuXBht27ZVt+k9dOgQzpw5o/XJQEoxJWfRokWoVasWKlasiD59+sDFxQX379/Hnj17cPHixY/G06JFC+zcuTNVa2cBuVShadOmWL16NSZOnIi8efPCwsIC27ZtQ8OGDVGrVi2tzm2bNm3C+fPnMXz4cK33irm5OXbs2AFvb2/UqVMH7du3R82aNWFubo6rV6+qP61JXI7t4MGDsLa2RqNGjT4Zpy7v3Q4dOmD06NFo1aoVBg8ejLdv32LZsmUoWbKkzptQfX198fPPP2Py5Mlwd3dPUpbQEO8pymbSv5AEkf6l1MBCCNkZqHjx4qJ48eLqcll37twR3bp1E/nz5xfm5uaiUKFC4uuvvxbbtm3TeuzLly/FwIEDRaFChdSF0rt3765VWiwuLk7MmjVLlC1bVlhaWgp7e3vh5eUlpk6dKiIiItTHfVjOTOXWrVvqIvvHjx9P9vk9f/5cDBgwQDg7Owtzc3ORP39+0bBhQ7Fy5Ur1MaoyXb/99ptOr92bN2/ElClTRNmyZUWOHDmEra2tqFmzpvD3909SzilxA4u5c+cKZ2dnYWlpKWrXri0uXbqU5NypeZ0/9v8uPDxc9OzZUzg4OIicOXMKHx8fcePGjWRfy1WrVglXV1dhamqaqgYWH75OKTU2WLRokShatKiwtLQUVapUESdOnBBeXl6iSZMmqXh1ZZer1atXi9q1aws7Ozthbm4uihYtKnr27KlVLiqlzm2q1ydx047AwEDh4eEhrKysRLFixcSsWbPEmjVrkhynamCRnNSeQ3VsjRo1RI4cOUSuXLlElSpVxObNm9X3R0VFiU6dOoncuXMnaWCR2p8P/NfYIDlIVM4sNjZWjBw5UpQvX17Y2toKGxsbUb58+STNN1KKKaX/z1euXBGtWrUSuXPnFlZWVqJUqVJi4sSJycaT2Pnz5wWAJOW1UmpgIYQQR48eTVKiTQghXrx4IYYNGyZKlCghLC0tRe7cuYW3t7e6hFlywsPDxaRJk4S7u7uwtrYWVlZWoly5cmLs2LHi6dOnWsdWrVpVdOnS5ZPPSSW1710hhPjjjz9EuXLlhIWFhShVqpT49ddfP9rAIiVKpVI4OzsLAGLatGnJHpPa9xRRchRC6GknBxFleffv34eLiwvmzJmDESNGGDsco1AqlXB0dETr1q2T/biVsp+GDRuiYMGC2LBhg7FDSdHFixdRsWJFnD9/XqfNlkRZDdf4EhGlICYmJsk6z/Xr1+PVq1eoV6+ecYKiDGfGjBnYunWrzpu50tOPP/6Itm3bMumlbI9rfImIUvDPP//Az88P7dq1Q968eXH+/Hn88ssvKFeuHNq1a2fs8CiDqFq1KuLi4owdxkdt2bLF2CEQZQhMfImIUlCsWDE4Oztj0aJFePXqFfLkyYNu3brhxx9/1Or6RkREmQPX+BIRERFRtsA1vkRERESULTDxJSIiIqJsIdut8VUqlXjy5AlsbW3Z7pCIiIgoAxJC4M2bNyhYsGCSxk6fI9slvk+ePIGzs7OxwyAiIiKiT3j48CEKFy6st/Nlu8TX1tYWgHwhc+XKZeRoiIiIiOhDkZGRcHZ2Vudt+pLtEl/V8oZcuXIx8SUiIiLKwPS9LJWb24iIiIgoW2DiS0RERETZAhNfIiIiIsoWmPgSERERUbbAxJeIiIiIsgUmvkRERESULTDxJSIiIqJsgYkvEREREWULTHyJiIiIKFtg4ktERERE2QITXyIiIiLKFpj4EhEREVG2wMSXiIiIiLIFJr5ERERElC0w8SUiIiKibMGoie9ff/2FZs2aoWDBglAoFPjf//73ycccPXoUFStWhKWlJUqUKAF/f3+Dx0lEREREmZ9RE9/o6GiUL18eS5YsSdXx9+7dw1dffYX69evj4sWLGDp0KHr16oUDBw4YOFIiIiIiyuzMjHnxL7/8El9++WWqj1++fDlcXFwwd+5cAICbmxuOHz+O+fPnw8fHx1BhEhEREVE6SXivxNbJVw1y7ky1xjcoKAje3t5aYz4+PggKCkrxMbGxsYiMjNT6IiIiIqKMJ+ToU5x2bIpmCxoY5PyZKvF99uwZ8uXLpzWWL18+REZG4t27d8k+ZubMmbCzs1N/OTs7p0eoRERERJRKsbHApg67kKe+B6pHHIA1YgxynUyV+KbF2LFjERERof56+PChsUMiIiIiov/8czga/8vfD522toQjwgAAoSZOBrlWpkp88+fPj+fPn2uNPX/+HLly5UKOHDmSfYylpSVy5cql9UVERERExvXmDTDb9xxye3vB9/UK9fi1ki1he+Ufg1wzUyW+1atXx+HDh7XGDh48iOrVqxspIiIiIiLS1d7dCVjsPAt+AdVQGiEAgHcm1ng0aSXK3NgBq0J5DXJdoya+UVFRuHjxIi5evAhAliu7ePEiHjx4AEAuU+jWrZv6+H79+uHu3bsYNWoUbty4gaVLlyIgIAB+fn7GCJ+IiIiIdBAaCnTuDLRrHoO2EathjngAwPPCXrC4cgGFp/YGFAqDXd+oie/Zs2fh6ekJT09PAMCwYcPg6emJSZMmAQCePn2qToIBwMXFBXv27MHBgwdRvnx5zJ07F6tXr2YpMyIiIqIMTAjg118BNzdg0ybgLWzQCZsQp7DA6/5jke/OSZi6lTR4HAohhDD4VTKQyMhI2NnZISIigut9iYiIiAzs338Bv15vcOpQJJ6gEADA3h6YPx/o1vAxFIULJXmMofI1ozawICIiIqKsKSEBWLIE+N/oIKyK6YJnyI+6OIa2vmZYuBCQFWqTJr2GlKk2txERERFRxnf1KlC3ZjxeDpmKP2JqozjuoiZOIrjzLGzZokp60x9nfImIiIhIL2JjgZkzgc3T72JtfBfUgKa7bnzVGnD7oZMRo+OMLxERERHpQVAQUNFT4O7U9TgTX0Gd9ApTU+D772F2/Bjg4mLUGDnjS0RERERp9uYNMH488OvP4ViGfvBFgPo+pYsrTDZtBKpVM2KEGkx8iYiIiChN9u0D+vUDwh9EIhgVUBSaMrTo0QMmixYBtrbGC/ADXOpARERERDoJDQW6dAGaNgUePADeIBd2m7YCAAh7eyAgAFi7NkMlvQATXyIiIiJKJSGAjRuBMmXkf1W8vYGvgn8E+vaF4tIloF074wX5EVzqQERERESf9O+/QP/+wL59Ar2xCgkwxU77bzFvHtC9O6BQWAHLlxs7zI9i4ktEREREKUpIAJYuBcaOBXJEh2IneqMldiHWNAd+/F8NONZxM3aIqcalDkRERESUrGvXgNq1gcGDgRrRf+AyPNASuwAAlgnv4HjqdyNHqBsmvkRERESkJS4OmDoVqFABOB8Ug3nwwx/wQQE8kwc4OACBgcDIkUaNU1dc6kBEREREakFBQO/esu1wOQRjIzrDA8GaA5o0kRUb8uc3XpBpxBlfIiIiIkJUlFzSULMmcPWqwCAswhlU1iS9lpbAokXA3r2ZMukFOONLRERElO3t3w/07Str8gJATkRhrMVcWMXFygEPD1m/rFw54wWpB5zxJSIiIsqmwsJkI4ovv9QkvTlyAFN+soXjgV8BU1PAzw84dSrTJ70AZ3yJiIiIsh0hgM2bgSFDZPJrjWjYIBoeDZ2wYgVQvDgA1AZu3gRcXY0drt4w8SUiIiLKRh48kI0o9u6VtyviHDabdEbOUoVQ4MBBKEwTLQjIQkkvwKUORERERNmCUgksXgyULSuTXhMkYBRm4ZSiGkoqQ1Dw+p9QLJhv7DANijO+RERERFnctWtAr16yVBkAFMZDbLXohhpxRwHx30FeXkCzZsYKMV1wxpeIiIgoi4qLA77/HvD01CS97RCAGxYeMukFAIVC9iM+eRIoWdJosaYHzvgSERERZUH//CNnea9elbdtEQl/28Fo/WYdEPffQc7OwIYNQN26RoszPTHxJSIiIspCoqKACRNkrwnx3zIGe5MI3MpVEXlf39Uc6OsLLFsG2NsbJ1Aj4FIHIiIioiziwAFZbnfhQk3SW7Ei8Oc5O+Rt20AO2NoC69fLembZKOkFOONLRERElOmFhQHDhslVCyo5csj1vUOHAmZmAObPB969k4NZrExZajHxJSIiIsqkhAC2bJGNKEJD1aOY6bYBPfuYI9/QjpqDc+YEfv3VGGFmGEx8iYiIiDKhhw9lI4o9ezRjRXOF489S/eB6JgCYmBNoVkXVho3ANb5EREREmYpSCSxZApQpo530TqpzFHdyesikF5C73LZtM06QGRRnfImIiIgyievXZYmykyc1Y0Xyx+Fg9Uko+b/Zmh1tuXMDK1cC7doZJc6MijO+RERERBmcqhFFhQraSe/E9iG4k686Su6cpUl669UDLl9m0psMzvgSERERZWCnTslZ3itXNGNflBD4vflKlFzmJys1AIC5OTB9OjB8OGDCuc3k8FUhIiIiyoCiomQpsurVNUmvqSkwZgxw6a8IlNw0RZP0liolW7WNHMmk9yP4yhARERFlMCk1ojhzBpg5E8hRIDfg7y/v6NcPOH9eHkAfxaUORERERBnEy5eAn592IworK2D6xBgM7vUWZk55NHf4+Mip4LJl0z/QTIozvkRERERGpmpE4eamnfTWrw+EbAvGsM2VYfZNN830rwqTXp0w8SUiIiIyoocPgebNgY4dNd3X7OyA1SuVONx8IYq0qSxndvfsAZYvN26wmRwTXyIiIiIjUCqBpUvlpO3vv2vG27QBQo4+xbfbm0LhNxSIjZV3eHgAtWsbJdasgmt8iYiIiNLZjRuyRNmJE5qxAgVkR7ZWJruARr2AsDDNnX5+wIwZcsEvpRlnfImIiIjSSVwcMG0aUL68dtLbuzdw7Uw0Wh3oB7RsqUl6CxQA/vgDmDePSa8ecMaXiIiIKB2cPi1neYODNWMlSsjOwvUrhMuCvSEhmjtbtgRWrQIcHNI91qyKM75EREREBhQdDQwbJvNaVdJragqMHi07C9evD8DeHvDykndaW8uEd8cOJr16xhlfIiIiIgP54w+gb1/g/n3NWMWKwOrVgKfnBwcvWSI7sf34I1CyZHqGmW1wxpeIiIhIz16+BLp3lz0mVEmvlRUwaxZw6hTgeSsA2LVL+0G5c8tZXia9BsMZXyIiIiI9EQLYuhUYPFhTkxeQyxlWrgRKOEUCvQYD69bJ5Q2XLwOFCxsv4GyGM75EREREevDoUfKNKFatAg4fBkqEBgEVKsikFwDCw4FffzVavNkRE18iIiKiz6BqRFGmjHYjitatgevXgV494qGYOkU2n7h3T95pawusXy93uFG64VIHIiIiojS6cUPW4D1+XDOWP7/cp9a6NYC7d4E6XYCgIM0BNWrImV4Xl3SPN7vjjC8RERGRjhI3okic9PbqJWd5W7cScklD+fKapNfUFJg6FTh2jEmvkXDGl4iIiEgHZ84A336r3YiieHG5lrd+/f8GXoUDw4cDUVHytqsrsHEjUK1ausdLGpzxJSIiIkoFVSOKatW0G1GMGiVvq5NeAMiTRxbrBYAePYCLF5n0ZgCc8SUiIiL6hIMHZSMK1d40QBZo+OUX2ZACcXHAm1i5aU2lZUvg7FlNRzYyOs74EhEREaXg1Ss5Ydu4sSbptbKSzdVOn/4v6Q0Jkf2Ie/WShXwTY9KboTDxJSIiIvqAEEBAAODmpim7CwD16smeE6NHA+ZmAlixQvYePn9ePmDDBqPFTJ/GpQ5EREREiTx6BHz3HbB7t2bMzg6YM0duajMxgexQ0asXEBioOahUKaBcuXSPl1KPM75EREREkI0oli+XjSgSJ72tWgHXrsl6vSYmAA4cADw8tJPefv3krG/FiukeN6UeZ3yJiIgo2wsJkYnt339rxrQaUQBATAwwdiywYIHmIAcHYM0aoFmz9AyX0oiJLxEREWVb798Ds2cDP/wAxMZqxnv1kuP29v8NvHolF/gmLt7bpAmwdq3MkClT4FIHIiIiypbOnJFFFyZM0CS9xYsDhw/LZhTqpBeQN1xd5feWlsCiRcDevUx6MxnO+BIREVG2Eh0NTJokVywolXLM1FQ2Wps8GbC2TuZBCoVsSPHuHTB3LjexZVJMfImIiCjbOHQI6NPnI40oVAID5cyuj49mzMFBbmyjTItLHYiIiCjLe/UK6NkTaNToI40oADkd3K8f0KIF0K0b8OKF0WIm/WPiS0RERFlW4kYU/v6a8bp1EzWiMP9v8Nw5mQGvWCFvv3ghKzZQlsHEl4iIiLKkx4+Bli0BX1/NxG2uXMDKlcCffwJffPHfgQkJwKxZQLVqwM2bcszaWh44erQxQicD4RpfIiIiylKUSk3OGhmpGW/ZUtblLVgw0cEPHwJduwLHjmnGvLyATZuAkiXTK2RKJ5zxJSIioiwjJASoXx/o31+T9ObLB2zbBuzY8UHSGxAgO7Cpkl6FQjaoOHmSSW8WxRlfIiIiyvTevwfmzAG+/167EcU33wA//fRBTV4ACAuTrdpU2bGzM7Bhg1z8S1kWZ3yJiIgoUzt7FqhcGRg/XpP0urrK0mW//JJM0gvI0mTLlsnvfX2BS5eY9GYDnPElIiKiTOntW9mIYv58TSMKExNg2DBg6tQPGlHExwNxcdqDnToBhQsDtWvLZQ6U5XHGl4iIiDKdw4cBd3fZRE2V9JYvL2vyzpnzQdJ79y5Qpw4wcGDSE9Wpw6Q3G2HiS0RERJlGeLhct+vtLfNZQDZYmzkTOHNGFmRQEwJYv15mxEFBwNq1wG+/GSVuyhi41IGIiIgyPCFkZYZBg4DnzzXjdeoAq1YlU4QhPFx2YAsI0Iy5uspNbJRtccaXiIiIMrTHj4FWrYD27TVJb65cssHakSPJJL1Hj8oyZYmT3h49gIsXZZMKyraY+BIREVGGpFTK5LZMGWDXLs14ixbAtWtAnz5yM5taXBwwZgzQoAHw6JEcs7eXCfDatYCtbbrGTxkPlzoQERFRhnPzpiyz+9dfmrF8+YDFi4E2bZLZj/byJdC4MXD+vGasfn25xrdw4XSJmTI+zvgSERFRhvH+vdyo5uGhnfR+842c5W3bNoUiDPb2sjYvAJibA7Nny0K+THopEc74EhERUYZw9izQq5fsJaHi6gqsXAk0bPiJB5uYAP7+ciHwwoVAxYqGDJUyKc74EhERkVG9fQuMHAlUrapJek1MgBEjgODgFJLeP/7QnhIGgAIFgL//ZtJLKTJ64rtkyRIUK1YMVlZWqFq1Kk6fPv3R4xcsWIBSpUohR44ccHZ2hp+fH2JiYtIpWiIiItInVSOKn37SNKLw8ABOnUqmEQUAxMQAfn6Ajw/QubMsW0aUSkZNfLdu3Yphw4Zh8uTJOH/+PMqXLw8fHx+8ePEi2eM3bdqEMWPGYPLkybh+/Tp++eUXbN26FePGjUvnyImIiOhzhIcD336btBHFjBlyyUOlSsk8KDgYqFIFWLBA3n70SK6DIEoloya+8+bNQ+/evdGzZ0+UKVMGy5cvh7W1NdasWZPs8SdPnkTNmjXRqVMnFCtWDI0bN0bHjh0/OUtMREREGYOqEYWbG5D4n/vateUyh7Fj5d40LUqlXLdbubJMfgGZJS9aBIwalW6xU+ZntMQ3Li4O586dg7e3tyYYExN4e3sjKCgo2cfUqFED586dUye6d+/exd69e9G0adMUrxMbG4vIyEitLyIiIkp/T54ArVsD7dppN6JYvlz2nChVKpkHPX0KNG0KDB0KxMbKMXd3OS08aFAKJR6Ikme0qg5hYWFISEhAvnz5tMbz5cuHGzduJPuYTp06ISwsDLVq1YIQAvHx8ejXr99HlzrMnDkTU6dO1WvsRERElHpKJbB6tdzAlnj+qXlzYOlSoFChFB64a5cs8xAWphnz85PrIaysDBozZU1G39ymi6NHj2LGjBlYunQpzp8/jx07dmDPnj344YcfUnzM2LFjERERof56+PBhOkZMRESUvd26JRup9e2rSXqdnGQztf/97yNJb2io3LymSnoLFAAOHADmzWPSS2lmtBlfBwcHmJqa4rnqs47/PH/+HPnz50/2MRMnTkTXrl3Rq1cvAIC7uzuio6PRp08fjB8/HiYmSfN4S0tLWFpa6v8JEBERUYrevwfmzgWmTNGsUACAnj1lBYc8eT5xAkdHuYmtd2/Zo3j1ak2DCqI0MtqMr4WFBby8vHD48GH1mFKpxOHDh1G9evVkH/P27dskya2pqSkAQAhhuGCJiIgo1c6fl8UXxo7VJL0uLsDBg3JDW7JJb0KCdoYMyLIP+/YBO3cy6SW9MOpSh2HDhmHVqlVYt24drl+/jv79+yM6Oho9e/YEAHTr1g1jx45VH9+sWTMsW7YMW7Zswb1793Dw4EFMnDgRzZo1UyfAREREZBxv38oiC1WqABcvyjETE2D4cFmMIdF+dm0PH8o7R4zQHlcogCZNuIGN9MaoLYt9fX0RGhqKSZMm4dmzZ6hQoQL279+v3vD24MEDrRneCRMmQKFQYMKECXj8+DEcHR3RrFkzTJ8+3VhPgYiIiAD8+SfQpw9w545mzMNDrlCoXPkjDwwIkAuAX7+WpR2+/FJWcSAyAIXIZmsEIiMjYWdnh4iICOTKlcvY4RAREWVq4eGyWsMvv2jGLC2BSZPkeJKavCqRkcDgwcC6dZoxZ2dg40ZZ1JeyNUPla0ad8SUiIqLMa/t2YOBA4NkzzVjt2sCqVSnU5FUJCgK6dNG0bAMAX19g2TLA3t5g8RJlqnJmREREZHyqRhRt22qSXltbmbem2IgCAOLjgalTZXasSnptbYH164HNm5n0ksFxxpeIiIhSRamUSxpGjgQiIjTjzZrJRhSFC3/kwS9fygMTd2etUQP49VdZ8oEoHXDGl4iIiD7p1i2gYUO5gU2V9Do5AVu3ygZrH016ASB3bsDsv/k2U1M583vsGJNeSldMfImIiChF798Ds2bJCg1Hj2rGe/QArl0D2rdPZbUxU1NgwwagYkXg+HG5+82MHzxT+uI7joiIiJJ1/jzQqxdw4YJmrFgxYOVKoFGjTzz42DEgRw5Z1FelaFHg7FnW5SWj4YwvERERaXn7Fhg9WuasqqTXxAQYNgy4cuUTSW9cnGzZVr8+0LEj8OaN9v1MesmImPgSERGR2pEjclnD7NmyizAAuLvLPWlz5wI2Nh95cEgIUL068OOPgBCycsOyZekSN1FqMPElIiIivH4N9O4NNGig6b5mYQFMmyZXJyResZCEEHL9g6enXB8ByM4Vs2cnbUNMZERc40tERJTN7dgBDBig3YiiVi3ZiKJ06U88ODRUZsy7dmnGSpUCNm2SG9mIMhDO+BIREWVTT58CbdrIr8SNKJYulXvTPpn0Hjgg10UkTnr79ZOzvkx6KQPijC8REVE2I4RsRDFiRBoaUag8fw60bAnExMjbDg7AmjXyJEQZFGd8iYiIspHbt+U63t69NUmvoyOwZUsqG1Go5MsnN7EBgI8PEBzMpJcyPM74EhERZQPx8bIqw5QpmklaAOjeXY7nzfuJEyiVssyDublmbNAgmSm3aiXrnRFlcHyXEhERZXEXLsiqDGPGaJLeYsXkEl1//1QkvU+fAl9+CUyYoD1uYiIXCDPppUyC71QiIqIs6t072YiicmXtRhR+frIRRePGqTjJrl2ykO8ffwBz5gB//mnQmIkMiUsdiIiIsqCjR+U63tu3NWPlyslNbR+tyasSHQ0MHw6sWKEZy5dP32ESpSvO+BIREWUhqkYU9etrkl4LC+CHH4Bz51KZ9J47J8uRJU56W7SQG9gaNDBE2ETpgjO+REREWcTOnbIRxdOnmrGaNWUjCje3VJwgIQH46Se5ljc+Xo5ZWwMLFgC9egEKhSHCJko3THyJiIgyuadPgYEDZQc2lZw5gVmzZD+JVO09CwsD2rWTayRUvLxkB7aSJfUdMpFRcKkDERFRJqVqRFGmjHbS+9VXwLVrwHff6VBwwc4OiIqS3ysUwNixwMmTTHopS2HiS0RElAndvg00bChXILx+LcccHYHNm4HduwFnZx1PaG4ObNwo10QcOQLMmCEXBxNlIVzqQERElInExwPz5wOTJmk3oujWDZg3LxU1eVWCguT63fLlNWMlS8o6Z6zLS1kU39lERESZxMWLQNWqwKhRmqS3aFFg/35g3bpUJr3x8cDUqUDt2kDHjsDbt9r3M+mlLIzvbiIiogzu3Tu55LZSJeD8eTmmUABDh8oJWh+fVJ7o7l2gTh3ZtzghAbh+HVi61EBRE2U8XOpARESUgR07Juvy3rqlGStXDli9Ws7+pooQwIYNsvTDmzdyzNQUmDxZZs9E2QQTXyIiogzo9WvZbnjlSs2YhYUssTt6tA77zsLDZU2zgADNWPHiwK+/AtWq6TNkogyPiS8REVEG89mNKFSOHgW6dgUePdKM9ewJLFwI2NrqK1yiTIOJLxERUQbx7JlcjbB9u2YsZ07gxx+B/v113Hf29Klc/BsXJ2/b28sWxO3a6TVmosyEm9uIiIiMTNWIws1NO+lVNaIYMCANxRYKFJBreAGgfn3g8mUmvZTtccaXiIjIiO7cAfr0Af78UzPm4AAsWgR06CCrN6SKEIBSKTetqYweLTtZdO7MMmVE4IwvERGRUcTHA3PmAO7u2klv166yyljHjjokvaGhQKtWwLRp2uOmpvKETHqJAHDGl4iIKN1dvChbDZ87pxkrWhRYvhxo0kTHkx04APToIRcI//470LgxUL26HqMlyjr4JyAREVE6SdyIQpX0KhTAkCGyEYVOSW9MDODnJx/07Jkcs7fX1OkloiQ440tERJQOkmtEUbasbEShcznd4GC5bjc4WDPm4wP4+wP58+sjXKIsiTO+REREBhQRAfTtC9Srp0l6zc2BqVNl+2Gdkl6lUtbgrVxZk/RaWsqxvXuZ9BJ9Amd8iYiIDGTXLuC774AnTzRj1avLWd4yZXQ82cuXcpb3wAHNmLs7sGmT7GFMRJ/EGV8iIiI9e/ZMlsxt2VKT9ObMCSxeDBw/noakFwBsbIDHjzW3/fyA06eZ9BLpgIkvERGRnggBrF0rE9tt2zTjTZsCV6+msRGFipWVnN11cZGzvvPmyTEiSjUudSAiItKDu3dlI4rDhzVjaWpEoXLunJzlLV1aM+buDty8CZjxn2+itOCMLxER0WeIjwfmzpUrDhInvV26pKERBQAkJACzZsldbx07ArGx2vcz6SVKMya+REREaXTxosxPR4yQNXoBoEgRYN8+YMMGOeOrk4cPgYYNgTFjZEZ98SKwdKmeoybKvpj4EhER6SgmBhg3LmkjisGD5VpenbuvAUBAAODhIQv+qk44dqxcGExEesHPS4iIiHTw11+yEcXNm5qxNDeiAIDISJkxr1unGXN2llPGdet+drxEpMEZXyIiolSIiAD69ZO5qCrpNTcHpkxJQyMKlaAgwNNTO+n19QUuXWLSS2QAnPElIiL6BL02olB5/Fi2c4uLk7dtbYElS+SuOJ1LQBBRanDGl4iIKAXPnwPt22s3orCxkSXK/v77M5JeAChUSO6KA4AaNeQsb9euTHqJDIgzvkRERB8QAvD3B4YPB8LDNeNffgksXy4rN6TppIB2YjtlijzZt9+yTBlROuCMLxERUSJ37wKNGwPffKNJevPmBX79FdizJ41Jb3i47GIxd672uLk50Lcvk16idMLEl4iICNqNKA4d0ox37iwbUXTunMZVCEePyjJlAQGyBtqFC/oKmYh0xD8xiYgo27t8Wa42OHtWM+bsDKxYIZc3pElcHDBpEjB7tmaZQ86cwLNnnx0vEaUNZ3yJiCjbiokBxo8HvLw0SW/iRhRpTnpDQmTZh1mzNElv/foyw07zSYnoc3HGl4iIsqW//5aNKEJCNGNlysgSZdWrp/GkQgArVwJ+fpoexubmwPTpcqecCeebiIzpsxLfmJgYWFlZ6SsWIiIig4uMBEaPltUZVMzN5czvmDGApWUaT/zqFdCzJxAYqBkrVQrYtAmoWPGzYiYi/dD5T0+lUokffvgBhQoVQs6cOXH37l0AwMSJE/HLL7/oPUAiIiJ9CQyUs7qJk95q1eR+s8mTPyPpBeSDb9zQ3O7fX7Z0Y9JLlGHonPhOmzYN/v7+mD17NiwsLNTj5cqVw+rVq/UaHBERkT48fy47AbdoIRumAZpGFMePA2XL6uEiNjbAxo1AwYIyw166FLC21sOJiUhfdE58169fj5UrV6Jz584wNTVVj5cvXx43Ev+lS0REZGSqRhRubrKamEqTJnLz2qBBQKJ/ynQTHCyL/iZWqZIca9YsrSETkQHpnPg+fvwYJUqUSDKuVCrx/v17vQRFRET0uVSNKHr2TNqIYu9eoGjRNJ5YqQQWLgQqV5bFfePjte//rPUSRGRIOie+ZcqUwd9//51kfNu2bfD09NRLUERERGmVkADMmwe4u+u5EQUAPH0qy5ENHQrExgL//AMsW6aPsIkoHehc1WHSpEno3r07Hj9+DKVSiR07diAkJATr16/H77//bogYiYiIUuXyZaBXL+DMGc2Ys7PczNa06WeefNcu2eXi5UvNmJ+frIlGRJmCzjO+LVq0wO7du3Ho0CHY2Nhg0qRJuH79Onbv3o1GjRoZIkYiIqKPiokBJkyQjShUSa9CIdfwXr36mUlvdDTQrx/QsqUm6S1QADhwQE4ts6wnUaahEELVUiZ7iIyMhJ2dHSIiIpArVy5jh0NERJ8puUYUbm6yEUWNGp958nPngE6dgJs3NWMtWwKrVgEODp95ciJKiaHyNZ1nfF1dXfEy8cc8/3n9+jVcXV31EhQREdGnREYC330H1KmjSXrNzWU93gsX9JD0PnwoT6JKeq2tZcK7YweTXqJMSufE9/79+0hISEgyHhsbi8eq4ohEREQGtHu3bESReF9Z1aqyX8SUKXoqrODsLDNrQK6huHBBLiBO8844IjK2VG9uC0zUgvHAgQOws7NT305ISMDhw4dRrFgxvQZHRESU2IsXwODBwNatmjEbG2DGDGDAgM+oyasihHZiO3MmUKSIPHmipk1ElDmleo2viYmcHFYoFPjwIebm5ihWrBjmzp2Lr7/+Wv9R6hHX+BIRZT5CAOvXA8OGAa9eacZ9fGTFhs+ed4mMlBl1lSqaWV4iMhpD5WupnvFVKpUAABcXF5w5cwYOXN9ERETp4N49WVThjz80Y3nzAgsWfGZNXpWgIHmie/fkVHL9+nJ3HBFlOTqv8b137x6TXiIiMriEBGD+fKBcOe2kt1Mn2YiiS5fPTHrj4+WC4Nq1ZdILyN1xd+58TthElIHp3MACAKKjo3Hs2DE8ePAAcXFxWvcNHjxYL4EREVH2FRws95GdPq0Zc3aWm9m++koPF7h7V2bOQUGasRo1ZD9jFxc9XICIMiKdE98LFy6gadOmePv2LaKjo5EnTx6EhYXB2toaTk5OTHyJiCjNYmKA6dOBH3+UE7KAnNUdMEBuYLO1/cwLqBYLDxwIREXJMVNTYNIkYNw4wCxN80FElEnovNTBz88PzZo1Q3h4OHLkyIF//vkH//77L7y8vPDTTz8ZIkYiIsoGjh8HPD2BadM0Sa+bmxz/+Wc9JL2vXwMdOgA9emiSXldXeYFJk5j0EmUDOie+Fy9exPDhw2FiYgJTU1PExsbC2dkZs2fPxrhx4wwRIxERZWGRkXJGt3Zt4MYNOWZuLnNRvTSiUFEogFOnNLd79AAuXgSqVdPTBYgoo9M58TU3N1eXNnNycsKDBw8AAHZ2dnj48KF+oyMioizt99+BsmWBpUs1Y6pGFFOn6qkRhYqdHbBhg+y6FhAArF2rh2lkIspMdP5cx9PTE2fOnMEXX3yBunXrYtKkSQgLC8OGDRtQrlw5Q8RIRERZzIsXwJAhwJYtmjFra7mOd+BAPTSiAGQfYxsboHBhzVjt2sD9+3KciLIdnWd8Z8yYgQIFCgAApk+fDnt7e/Tv3x+hoaFYsWKF3gMkIqKsQ7W3zM1NO+lt3Bi4elUmw3rpvrZihVww3K0b8F8dejUmvUTZVqo7t2UV7NxGRGQc9+8Dfftq1+TNk0c2ovjsmrwqoaGyDlpgoGZs2TLZAYOIMg1D5Ws6z/im5Pz58xm+XTEREaW/hASZ3JYtq530duwoG1F07aqnpPfAAcDDQzvp7ddPzvoSEUHHxPfAgQMYMWIExo0bh7t37wIAbty4gZYtW6Jy5crqtsa6WLJkCYoVKwYrKytUrVoVpxNXK0/G69evMWDAABQoUACWlpYoWbIk9u7dq/N1iYjI8IKDZVUGPz/g7Vs5VrgwsHs3sGkT4OSkh4vExMgLNGkCPHsmxxwcZAK8bJlcPExEBB02t/3yyy/o3bs38uTJg/DwcKxevRrz5s3DoEGD4OvriytXrsBNx97mW7duxbBhw7B8+XJUrVoVCxYsgI+PD0JCQuCUzG/DuLg4NGrUCE5OTti2bRsKFSqEf//9F7lz59bpukREZFixsbIRxcyZmpq8gKYRhd4+uQwOBjp3lv9V8fEB/P2B/Pn1dBEiyipSvcbXw8MDXbt2xciRI7F9+3a0a9cO1apVQ0BAAAon3jGrg6pVq6Jy5cpYvHgxAECpVMLZ2RmDBg3CmDFjkhy/fPlyzJkzBzdu3IC5uXmarsk1vkREhnXihFxmq6rJCwClSwOrVwM1a+rxQv/+C5QqJbNsQNY+mz1bloUw0dtKPiIyAqOv8b1z5w7atWsHAGjdujXMzMwwZ86cNCe9cXFxOHfuHLy9vTXBmJjA29sbQYl7pycSGBiI6tWrY8CAAciXLx/KlSuHGTNmICEhIcXrxMbGIjIyUuuLiIj0780bmXMmbkRhZgZMnCgbUeg16QWAokU163fd3YGzZ4HBg5n0ElGKUr3U4d27d7D+b52UQqGApaWluqxZWoSFhSEhIQH58uXTGs+XLx9uJJ4mSOTu3bv4888/0blzZ+zduxe3b9/Gd999h/fv32Py5MnJPmbmzJmYOnVqmuMkIqJP27NH7iN79EgzVqWKnOV1dzfghefPlwnw8OGAlZUBL0REWYFODSxWr16NnDlzAgDi4+Ph7+8PBwcHrWMGDx6sv+g+oFQq4eTkhJUrV8LU1BReXl54/Pgx5syZk2LiO3bsWAwbNkx9OzIyEs7OzgaLkYgoOwkNlbV3N2/WjFlby/W9gwbpqREFAERHy+S2WjXZaljFxgYYP15PFyGirC7ViW+RIkWwatUq9e38+fNjw4YNWscoFIpUJ74ODg4wNTXF8+fPtcafP3+O/ClsSChQoADMzc1hmug3qZubG549e4a4uDhYWFgkeYylpSUs9drzkoiIhAB+/VUWU3j5UjPeuLHsHVGsmB4vdu6c3MAWEgJs3CjXUhQvrscLEFF2kerE9/79+3q9sIWFBby8vHD48GG0bNkSgJzRPXz4MAYOHJjsY2rWrIlNmzZBqVTC5L81XDdv3kSBAgWSTXqJiEj/7t+XyxoOHNCM5ckjVx3orSYvIAsA//QTMGGCpjSEUglcucLEl4jSxKg7AIYNG4ZVq1Zh3bp1uH79Ovr374/o6Gj07NkTANCtWzeMHTtWfXz//v3x6tUrDBkyBDdv3sSePXswY8YMDBgwwFhPgYgo20hIABYuBMqV0056O3SQjSi6ddNj0vvwIdCwITBmjCbp9fKSu+RatNDTRYgou9Fpja+++fr6IjQ0FJMmTcKzZ89QoUIF7N+/X73h7cGDB+qZXQBwdnbGgQMH4OfnBw8PDxQqVAhDhgzB6NGjjfUUiIiyhStXZImyU6c0Y4ULy/4Qem/aGRAgexu/fi1vKxQyAZ4yBeCne0T0GVJdxzerYB1fIqLUi42VDSdmzgTev9eMf/edHNPrr9E3b+SOuHXrNGPOzsCGDUDdunq8EBFldIbK14w640tERBnXyZNylvf6dc1YqVKyRFmtWga4YGws8Mcfmtu+vnJK2d7eABcjouyIVb6JiEiLauK1Vi1N0mtmJveYXbxooKQXABwc5GxvrlzA+vWyRhqTXiLSozTN+N65cwdr167FnTt3sHDhQjg5OWHfvn0oUqQIypYtq+8YiYgonezdKys2PHyoGatcWc7yenjo+WJ378o6vIkbGTVqJFsR586t54sREaVhxvfYsWNwd3fHqVOnsGPHDkRFRQEALl26lGITCSIiythCQ2Wp3K++0iS91tbAvHlAUJCek14h5Mxu+fLAN9/I24kx6SUiA9E58R0zZgymTZuGgwcPatXObdCgAf755x+9BkdERIalakTh5gZs2qQZb9RIVnLw89Nj9zUACA+X9c969ACiouQU89q1erwAEVHKdE58g4OD0apVqyTjTk5OCAsL00tQRERkeP/+CzRtKptOqLqv2dsD/v6yTq+Li54vePSonDoOCNCM9egBtGun5wsRESVP58Q3d+7cePr0aZLxCxcuoFChQnoJioiIDCchAVi0CChbFti/XzPu6ys3s3XvrsdGFAAQFyfr8DZoADx6JMfs7WUCvHYtYGurx4sREaVM58S3Q4cOGD16NJ49ewaFQgGlUokTJ05gxIgR6NatmyFiJCIiPbl6VVZlGDIEiI6WY4UKAYGBwJYt2vvM9OLGDaB6dWDWLM1a3vr1gcuXOdNLROlO58R3xowZKF26NJydnREVFYUyZcqgTp06qFGjBiZMmGCIGImI6DPFxsrGZ56eQOLtGP37A9euAc2aGeCid+8CFSsC58/L2+bmwOzZwKFDsu0bEVE6S3PntgcPHuDKlSuIioqCp6cnvvjiC33HZhDs3EZE2U1QkGxEce2aZsygjSgS69IF2LhRXnDTJpkIExF9Qobp3Hb8+HHUqlULRYoUQZEiRfQWCBER6debN8D48cDixZpVBmZmwOjRshmFlVU6BLFkCVC0qAzE2jodLkhElDKdlzo0aNAALi4uGDduHK4lnj4gIqIMY+9euXnt5581SW/lysC5c8C0aQZIemNiZO2z337THrezA6ZPZ9JLRBmCzonvkydPMHz4cBw7dgzlypVDhQoVMGfOHDxS7dQlIiKjSa4RRY4cwNy5BmhEoRIcDFSpAixYAPTpo932jYgoA9E58XVwcMDAgQNx4sQJ3LlzB+3atcO6detQrFgxNGjQwBAxEhHRJ6TUiMLbWzaiGDZMz40oAECpBBYulFPJwcFy7N074OxZPV+IiEg/0ry5TSUhIQH79u3DxIkTcfnyZSQkJOgrNoPg5jYiymr+/VdWZ9i3TzNmby/bDeu9Jq/K06dAz56y04WKu7vMusuVM8AFiSg7MVS+pvOMr8qJEyfw3XffoUCBAujUqRPKlSuHPXv26C0wIiL6uMSNKBInve3by0YUPXoYKOndtUuumUic9Pr5AadPM+klogxN56oOY8eOxZYtW/DkyRM0atQICxcuRIsWLWDNjQtEROnm6lVZoixxTd6CBYFly4DmzQ100ehoYPhwYMUKzViBArLHcePGBrooEZH+6Jz4/vXXXxg5ciTat28PBwcHQ8REREQpiI0FZs4EZswA3r/XjPfrB/z4oyyiYDCRkcD27ZrbLVsCq1YB/LeAiDIJnRPfEydOGCIOIiL6hOQaUZQsKXPPOnXSIYACBWTXi06d5Ka2b7810FoKIiLDSFXiGxgYiC+//BLm5uYIDAz86LHNDfYZGxFR9hQVBYwbl7QRxahRwMSJBmxE8fAhYGMD5MmjGWvRArh3D3ByMtBFiYgMJ1VVHUxMTPDs2TM4OTnBxCTl/XAKhYJVHYiI9Gj/fqBvX+DBA81YpUpy4rV8eQNeOCBAXtjbW37PmV0iSkdGreqgVCrh9N9f90qlMsWvjJ70EhFlFmFhQJcuwJdfapLexI0oDJb0RkbKchC+vsDr18C2bdqFgYmIMjGdy5mtX78esbGxScbj4uKwfv16vQRFRJRdCSHzTDc3YONGzXjiRhRmOu/OSKWgIKBCBWDdOs2Yry/QtKmBLkhElL50Tnx79uyJiIiIJONv3rxBz5499RIUEVF29OAB8PXXsuVwWJgcs7cH1q4F/vgDcHU10IXj44GpU4HateX6XQCwtQXWrwc2b5ZBEBFlATrPGwghoEhmrdejR49gZ9A6OkREWVNCgqy/O3as3Mim0q6dbFCRP78BL373rlxTERSkGatRQ/Y/dnEx4IWJiNJfqhNfT09PKBQKKBQKNGzYEGaJPmtLSEjAvXv30KRJE4MESUSUVV27JkuUJc47CxYEli6VBRQM6vZtoGJF4M0bedvUFJg0SZaQMNh6CiIi40n1b7aWLVsCAC5evAgfHx/kzJlTfZ+FhQWKFSuGNm3a6D1AIqKsKC5ONqKYPl27EUXfvsCsWQZuRKFSvDjQsCHwv//JdRQbNwLVqqXDhYmIjCPVie/kyZMBAMWKFYOvry+sDFY4kogoa/vnHznLe/WqZixdG1GoKBTyokWLAj/8INf1EhFlYamq45uVsI4vERlLVBQwfjzw88+aRhSmprIRxaRJBmxEAcgp5kmT5Aa2r74y4IWIiD6fofK1VM345smTBzdv3oSDgwPs7e2T3dym8urVK70FR0SUVSTXiMLLC/jlFwM3ogCAkBDZZvj8eVki4vJlIF8+A1+UiCjjSVXiO3/+fNj+9xHY/PnzP5r4EhGRRlgY4OcniySo5MgBfP89MHSogfeQCQGsXCkDePdOjoWHAydOAK1bG/DCREQZE5c6EBEZgBCyBO6QIZqavADQoIHMRYsXN3AAoaFyIXFgoGasVCnZHaNiRQNfnIjo8xi1ZXFi58+fR3BwsPr2rl270LJlS4wbNw5xcXF6C4yIKLNKrhFF7txyWcOhQ+mQ9B44AHh4aCe9/fvLpQ5MeokoG9M58e3bty9u3rwJALh79y58fX1hbW2N3377DaNGjdJ7gEREmYVSCSxeDJQtC+zdqxlv2xa4fh345htZSMFgYmLksoYmTYBnz+SYg4NMgJcuBaytDXhxIqKMT+fE9+bNm6hQoQIA4LfffkPdunWxadMm+Pv7Y/v27fqOj4goU7h+XRZMGDRI032tYEFg507gt98M3H1N5cULuXlNpUkTIDgYaNYsHS5ORJTx6Zz4CiGgVCoBAIcOHULTpk0BAM7OzghLvJCNiCgbiIuTG9UqVABOntSM9+0ru7L91/snfRQpInsfW1rKXsd796ZTxk1ElDnovJ+4UqVKmDZtGry9vXHs2DEsW7YMAHDv3j3kY3kcIspGTp2S+8euXNGMffGF7AlRt246BPD0KWBjAyTe+NGxI1CrFuDsnA4BEBFlLjrP+C5YsADnz5/HwIEDMX78eJQoUQIAsG3bNtSoUUPvARIRZTRRUbIUWfXqmqTX1BQYOxa4dCmdkt5du+QGtsGDk97HpJeIKFl6K2cWExMDU1NTmJub6+N0BsNyZkT0OQ4ckMsY/v1XM1axoqzY8N/2B8OKjgaGDwdWrNCMbdsGtGmTDhcnIkofRu3clpxz587h+vXrAIAyZcqgIkvkEFEW9vKlLJiwYYNmLN0aUaicOyc7sP1XWQeAXEScLlPMRESZn86/ql+8eAFfX18cO3YMuXPnBgC8fv0a9evXx5YtW+Do6KjvGImIjEYIYMsW2YgiNFQznm6NKAAgIQH46SdgwgQgPl6OWVsDCxcC335r4BppRERZh85rfAcNGoSoqChcvXoVr169wqtXr3DlyhVERkZicHJrzYiIMqmHD2UlsE6dNElvujaiUAXRsCEwZowm6fXyAi5ckDvrmPQSEaWazmt87ezscOjQIVSuXFlr/PTp02jcuDFev36tz/j0jmt8iehTlEpZFWzMGE1NXkAuo/35Z6BAgXQK5OZNoGpVQPV7VaGQQU2ZAlhYpFMQRETpL8O0LFYqlcluYDM3N1fX9yUiyqxUjSgGDtQkvQUKADt2yD1k6Zb0AkCJEjLxBWSlhiNHgBkzmPQSEaWRzolvgwYNMGTIEDx58kQ99vjxY/j5+aFhw4Z6DY6IKL3ExQE//JC0EUXv3rIRRatWRgjKxER2YuvTJx3rpBERZV06L3V4+PAhmjdvjqtXr8L5v1qRDx8+RLly5RAYGIjChQsbJFB94VIHIvpQco0oSpSQjSjq1UunIOLjgenT5XRzgwbpdFEioowpw5Qzc3Z2xvnz53H48GF1OTM3Nzd4e3vrLSgiovQQHS0LJSxcKKs3ALIRxYgRwOTJslxZurh7F+jSBQgKAgoVAi5fBvLkSaeLExFlHzolvlu3bkVgYCDi4uLQsGFDDBo0yFBxEREZ1B9/yEYU9+9rxipWBFavBjw90ykIIWRh4IEDgTdv5NizZ3ItLxtSEBHpXarX+C5btgwdO3bE2bNncevWLQwYMAAjR440ZGxERHr38iXQvTvg46NJeq2sgNmz5ZKHdEt6w8OBDh1kMKqk19UVOH6cSS8RkYGkOvFdvHgxJk+ejJCQEFy8eBHr1q3D0qVLDRkbEZHeqBpRuLkB69drxuvXB4KDgZEj06n7GgAcPQp4eAABAZqxHj2AixeBatXSKQgiouwn1Ynv3bt30b17d/XtTp06IT4+Hk+fPjVIYERE+vLoEdC8OdCxo6YRhZ2dXNZw+LDcyJYu4uKAsWPl5rVHj+RY7twyAV67FrC1TadAiIiyp1TPb8TGxsLGxkZ928TEBBYWFnj37p1BAiMi+lxKJbB8uez5oFpNABihEYXKo0fywqqddPXqyenn/yrkEBGRYen0wd7EiRNhbW2tvh0XF4fp06fDzs5OPTZv3jz9RUdElEY3bsgavMePa8YKFACWLDFSTV5AruFduBDo31+WLhs+XNbqJSKidJHqOr716tWD4hM94RUKBf7880+9BGYorONLlLXFxcmNaj/8IL9X6d1bjufOnY7BhIUB1tbyS0UI4M6ddFxfQUSU+Ri9ju/Ro0f1dlEiIkM4fVo2oggO1oyVKAGsXCk3saWrAwfkhrXWreU0s4pCwaSXiMhI+BkbEWV60dHAsGFA9eqapNfUFBg9WvaCSNekNyYG8PMDmjSRNXmXLgX27EnHAIiIKCXpVbyHiMggkmtE4ekpKzZUrJjOwQQHA507a085N2kCeHmlcyBERJQczvgSUab08qVcSfBhI4pZs+SSh3RNepVKuWmtcmVN0mtpCSxaBOzdC+TPn47BEBFRSjjjS0SZihCy7O3gwcCLF5rxevXkWt4vvkjngJ4+BXr2lGt6VdzdgU2bgHLl0jkYIiL6GM74ElGm8egR0KKF7PSrSnrt7IBVq4A//zRC0hsSIjuwJU56/fzklDOTXiKiDCdNie/ff/+NLl26oHr16nj8+DEAYMOGDTieuGAmEZGeKJXAsmVAmTLA7t2a8VatgGvXZCWHT1RbNIwSJWRQgCwSfOAAMG+eXHNBREQZjs6J7/bt2+Hj44McOXLgwoULiI2NBQBERERgxowZeg+QiLK3GzeAunWB777TdF/Lnx/Yvh3YsQMoWNCIwZmaAhs2AF27yvIRjRsbMRgiIvoUnRPfadOmYfny5Vi1ahXMzc3V4zVr1sT58+f1GhwRZV/v38vmZuXLa3df69VLzvK2bp3OASUkyJ1zJ09qjxcpItsOOzikc0BERKQrnTe3hYSEoE6dOknG7ezs8Pr1a33ERETZ3JkzwLffalcFK15cbl5r0MAIAT18KGd1jx0DXFyAixcBdn4kIsp0dJ7xzZ8/P27fvp1k/Pjx43B1ddVLUESUPUVHA8OHA9WqaTeiGDVK3jZK0hsQIDewHTsmb9+/L4sHExFRpqPzjG/v3r0xZMgQrFmzBgqFAk+ePEFQUBBGjBiBiRMnGiJGIsoGDh0C+vQB7t3TjFWoAPzyixEaUQBAZKSsmbZunWbM2Vmu6a1b1wgBERHR59I58R0zZgyUSiUaNmyIt2/fok6dOrC0tMSIESMwaNAgQ8RIRFnYq1dyltffXzNmZQVMmSLbECfaSpB+goKALl2Au3c1Y76+srSEvb0RAiIiIn1QCCFEWh4YFxeH27dvIyoqCmXKlEHOnDn1HZtBREZGws7ODhEREcjFNXpERiME8NtvwKBBGaQRBQDEx8sddT/8IDezAYCtLbBkiUyEjVIzjYgo+zFUvpbmzm0WFhYoo6pfSUSkg0ePgAEDgMBAzZidHTBnjtzUZmKs1jp37gAzZ2qS3ho1gF9/lRvaiIgo09M58a1fvz4UH5n1+PPPPz8rICLKupRKOZs7apSmJi8gG1EsXmzkmrwAUKoUMHu2XGMxaRIwbhxgxs7uRERZhc6/0StUqKB1+/3797h48SKuXLmC7t276ysuIspiQkKA3r2Bv//WjOXPLxPeNm2MFFR4OGBtDVhaasYGDZLlI9hymIgoy9E58Z0/f36y41OmTEFUVNRnB0REWcv793IJw/ffA/81egQglzTMmWPEvWJHj8ravB06yEBUFAomvUREWVSaN7d96Pbt26hSpQpevXqlj9MZDDe3EaWfs2dlgnv5smbM1RVYtcpINXkBIC4OmDxZdmFT/fo7dAho2NBIARER0YcMla/pbQtJUFAQrKys9HU6IsrEoqOBESOAqlU1Sa+JCTBypBEbUQByvUX16sCPP2qS3vr15dpeIiLK8nRe6tC6dWut20IIPH36FGfPnmUDCyJKthFF+fKyEYWXl5GCEkLuqvPzA969k2Pm5rJ02fDhRiwjQURE6UnnxNfOzk7rtomJCUqVKoXvv/8ejRs31ltgRJS5vHolZ3nXrtWMWVrKRhTDhxupEQUAhIYCvXpp104rVQrYtMlILeGIiMhYdEp8ExIS0LNnT7i7u8Oe3YuICHIydds2WQzh+XPNeJ06ci1vyZLGiw0hIbIjxrNnmrH+/YGffpLVHIiIKFvR6fM9U1NTNG7cGK9fv9ZrEEuWLEGxYsVgZWWFqlWr4vTp06l63JYtW6BQKNCyZUu9xkNEqfP4sazB2769JunNlQtYsQI4csTISS8gd9I5O8vvHRzkrO/SpUx6iYiyKZ0XtpUrVw53E/ev/0xbt27FsGHDMHnyZJw/fx7ly5eHj48PXiTuYZqM+/fvY8SIEahdu7beYiGi1FEqZXJbpgywa5dmvGVL4Pp1ucY3QyybNTcHNm4EWreWu+qaNTN2REREZEQ6/9M0bdo0jBgxAr///juePn2KyMhIrS9dzZs3D71790bPnj1RpkwZLF++HNbW1lizZk2Kj0lISEDnzp0xdepUuLq66nxNIkq7mzdlIYR+/QDVj3y+fHK5w44dRuy+plQCixYBFy5oj3/xBbB9u+yWQURE2VqqE9/vv/8e0dHRaNq0KS5duoTmzZujcOHCsLe3h729PXLnzq3zut+4uDicO3cO3t7emoBMTODt7Y2goKCPxuLk5IRvv/32k9eIjY397OSciGQjipkzAQ8P4K+/NOPffCNnedu0kb0fjOLpU6BpU2DIEKBTJ+DtWyMFQkREGVmqN7dNnToV/fr1w5EjR/R28bCwMCQkJCBfvnxa4/ny5cONGzeSfczx48fxyy+/4OLFi6m6xsyZMzF16tTPDZUoWzt7VhZGuHRJM+bqKiuEGb3vw65dMriwMHn7xg1g3z4j9kEmIqKMKtWJr6rBW926dQ0WzKe8efMGXbt2xapVq+Dg4JCqx4wdOxbDhg1T346MjISzarMLEX3U27eyydm8eXIlASDX7g4bBkydauQ9YtHRsk7aihWasQIFAH9/gKUViYgoGTqVM1Po+XNMBwcHmJqa4nniGkgAnj9/jvzJrMe7c+cO7t+/j2aJNqgo//vX2MzMDCEhIShevLjWYywtLWFpaanXuImyg8OH5Sa1xHtZjd6IQuXcObmk4eZNzVjLlrJ+Wir/KCYiouxHp8S3ZMmSn0x+X716lerzWVhYwMvLC4cPH1aXJFMqlTh8+DAGDhyY5PjSpUsjODhYa2zChAl48+YNFi5cyJlcIj0ID5cTqR82opg8WTaoMFojCgBISADmzAEmTgTi4+WYtTWwYIFc7mC0RcZERJQZ6JT4Tp06NUnnts81bNgwdO/eHZUqVUKVKlWwYMECREdHo2fPngCAbt26oVChQpg5cyasrKxQrlw5rcfnzp0bAJKME5FuhJDFDwYOzICNKFRu3NBOer28ZAe2DBEcERFldDolvh06dICTk5NeA/D19UVoaCgmTZqEZ8+eoUKFCti/f796w9uDBw9gkiEKghJlXY8fAwMGaNfkzZULmD0b6N07g9TkBYCyZYEffgDGjQPGjJH9kC0sjB0VERFlEgqh2rX2Caampnj69KneE9/0FhkZCTs7O0RERCBXrlzGDofIqJRKYPVqYORITU1eAGjRAliyBChUyHixAQDevAFy5ADMEv2NnpAga/VWqmS8uIiIyKAMla+leh4nlfkxEWUSN28CDRoAfftqkl4nJyAgANi5MwMkvUFBQIUKwLRp2uOmpkx6iYgoTVKd+CqVykw/20tEshHFjz/KRhTHjmnGe/aUjSjatTPyHrH4eFkrrXZtWVLihx+AkyeNGBAREWUVOq3xJaLM7dw5Wfwgcf8XFxfZiCJRA0XjuXsX6NJFzvaqVKsm6/MSERF9poyyZYWIDOjtW2DUKKBKFU3Sa2Iiy5MFB2eApFcIYP16ubRBlfSamsqZ32PHZHZORET0mTjjS5TF/fmnbERx545mzMNDNqLIEEtlw8OB/v2BrVs1Y66uwMaNcraXiIhITzjjS5RFhYfLZQ0NG2qSXktLYMYM4OzZDJL0hoTIdnCJk94ePeS0NJNeIiLSM874EmVBqkYUz55pxmrXlo0oSpUyXlxJFC0K5M4NPHwI2NsDK1bI3XVEREQGwBlfoizkyROgdWugbVtN0psrF7B8OXD0aAZLegHAykp2XmvaFLh8mUkvEREZFBNfoixAqZSzuWXKyBq8Ks2bA9euyVq9Ru++JoQsH3HtmvZ4uXLAnj1A4cLGiYuIiLINLnUgyuRu3ZKb144e1Yw5OQGLF8uZX6PW5FUJDZULjgMD5ZreU6fkgmMiIqJ0ZOw5ICJKI1UjCnd37aS3R48M0ohC5cABWUYiMFDevnQJ+P1348ZERETZEmd8iTKh8+eBb7/NwI0oACAmBhgzBli4UDPm4ACsWQM0a2a8uIiIKNvijC9RJpJSI4phwzJIIwqV4GCgcmXtpNfHR44z6SUiIiPhjC9RJpFSI4rVq2WOmSEolcDPPwOjRwOxsXLM0hKYPVvWVzP6DjsiIsrOmPgSZXDh4cDIkbLTmoqFBTBpkpz9NTc3XmxJBAfL6WelUt52d5flysqVM25cRERE4FIHogxt+3ZZoixx0lurltwfNn58Bkt6AVmxYdw4+b2fH3D6NJNeIiLKMDjjS5QBPXkiVwYkrslrawvMmpVBavKqvH0rm1AkDmjSJKBxY9kqjoiIKAPJKP98EhFkj4fkGlE0ayb7PvTvn4GS3nPnAE9PYO5c7XFzcya9RESUIWWUf0KJsr3bt4EGDeQGtogIOebkBGzdCuzalYEamyUkyKnnatWAmzflmovz540dFRER0SdxqQORkcXHy0nTKVNk6VuVHj2An34C8uY1VmTJePgQ6NoVOHZMM+bhAeTMabyYiIiIUomJL5ERXbggG1FcuKAZK1ZMNqJo1MhoYSUvIEAuMH79Wt5WKGSDiilTZJkJIiKiDI5LHYiM4N07Weq2cmVN0qtqRHHlSgZLeiMj5fSzr68m6XV2Bo4cAWbMYNJLRESZBmd8idLZ0aNA795yTa+Ku7tsRFGlitHCSl5ICNC0KXD3rmbM1xdYvhzIndtoYREREaUFZ3yJ0snr1zLhrV9fk/RaWADTpgFnz2bApBeQO+rM/vv72NYWWL8e2LyZSS8REWVKnPElSgc7dgADBgDPnmnGatWSpctKlzZeXJ9kYyM7r40YAaxZA7i4GDsiIiKiNOOML5EBPX0KtGkjv1RJr60tsHSpLIyQoZJeIeSM7p072uNeXsCffzLpJSKiTI+JL5EBCCHX7Lq5ydlela+/Bq5ezWCNKAAgPBzo0AHo3h3o3Bl4/177foXCOHERERHpUUb6p5coS7h9G2jYUK7nVTWicHQEtmwBAgNlQYQM5ehRWYs3IEDePnUK+P13o4ZERERkCEx8ifQkPh6YPVtWaDhyRDPerRtw/boshpChJk7j4mQd3gYNgEeP5Ji9PfDbb0CrVsaNjYiIyAC4uY1ID1JqRLFiBdC4sdHCSllICNCpk3ar4fr15RrfDNMbmYiISL8440v0Gd69k5OmiRtRKBTA0KFAcHAGTHqFkNm4p6cm6TU3l1PVhw4x6SUioiyNM75EaZRcI4py5eSmtqpVjRbWx124APTrp7ldqpQsV1axovFiIiIiSiec8SXS0evXQJ8+SRtR/PADcO5cBk56AZngDhsmv+/fX876MuklIqJsgjO+RDrYuVM2onj6VDNWs6ZsROHmZry4UhQbK7PyxLvqZswAmjQBGjUyXlxERERGwBlfolR49gxo2xZo3VqT9ObMCSxZAvz1VwZNeoODgUqVgGXLtMctLZn0EhFRtsTEl+gjhAB++UUmttu3a8a/+gq4dg347rsM1ogCAJRKYOFCuePuyhVg+HAZLBERUTbHpQ5EKbhzR67l/fNPzZijI7BoUQasyavy9CnQsydw4IBm7IsvjBcPERFRBpLR5qqIjC4+HpgzRzaiSJz0qhpRdOiQQZPeXbtkB7bESa+fH3D6NFCmjPHiIiIiyiA440uUyMWLshFF4r4ORYvK0rc+PkYL6+Oio+VyhhUrNGMFCgD+/hmwkDAREZHxcMaXCLIRxdixci+YKulVNaK4ciUDJ703b8pyZImT3pYtgcuXmfQSERF9gDO+lO0dOyYbUdy6pRnL8I0oVPLlA+Li5PfW1nJT27ffZtC1GERERMbFGV/Ktl6/Bvr2BerV0yS9FhbA999ngkYUKnZ2wK+/ymAvXAB69WLSS0RElALO+FK29L//yVJkiRtR1KghG1Fk6H1gv/0GVKsGODtrxmrWBIKCmPASERF9Amd8KVt59gxo1w5o1Uq7EcXixcDff2fgpDcyEujRA2jfXpaXSEjQvp9JLxER0Scx8aVsQQhgzRrZiGLbNs1406bA1auyDXGGa0ShEhQEeHoC69bJ20ePAr//btSQiIiIMqOM+k89kd7cuQN4e8s9X69fyzEHB2DTJpk/Fili1PBSFh8PTJ0K1K4N3L0rx2xtgfXrgebNjRsbERFRJsQ1vpRlxccDCxYAkybJcmUqXbsC8+bJ5DfDunsX6NJFzvaq1KghN7K5uBgvLiIiokyMM76UJV28KPeAjRypSXqLFgX27ZMTphk26RVCBlihgibpNTWVM7/HjjHpJSIi+gyc8aUsJSZGliObPVuz/0uhAAYPBqZNkxvZMrSzZ4Hu3TW3XV2BjRtlFk9ERESfhTO+lGX89RdQvjwwc6Ym6S1bFjh5Ui55yPBJLwBUriyLCwOyioNq6pqIiIg+GxNfyvQiIoB+/YC6dWUHXwAwN5erA86fz+B54/v3cnlDYnPnArt2AWvXys1sREREpBdMfClT27VL1t5dsUIzVr26nCidNEl2YsuwQkJkVq4qU6ZiY8OqDURERAbAxJcypWfPZC+Hli2BJ0/kWM6cwM8/A8ePZ+BGFICc4V2xQtbmPX8eGDQIuH3b2FERERFledzcRpmKEIC/PzB8OBAerhn/8ktg+fIMXJNXJTQU6NULCAzUjBUqpF1vjYiIiAyCM76Uady9CzRqBHzzjSbpdXCQRQ/27MkESe+BA4CHh3bS26+fnPV1dzdeXERERNkEE1/K8OLj5X6vcuWAw4c14126ANevA506yZJlGVZMDODnBzRpItdoADJjDwwEli0DrK2NGx8REVE2waUOlKFduiRXBpw9qxkrUkQua/jyS+PFlWq3bwOtWwPBwZqxJk1kxYb8+Y0XFxERUTbEGV/KkGJigPHjgUqVNEmvqhHFlSuZJOkFAHt74OVL+b2lJbBoEbB3L5NeIiIiI+CML2U4f/0F9O6tqckLyCoNq1fLUmWZSt68cjfeyJHAr7/K9RpERERkFJzxpQwjIgLo3z9pI4opU+T+r0yR9O7erVnHq9KoEXDuHJNeIiIiI2PiSxlCYKBsL7x8uWasWjXgwgVg8mS5SiBDi46WFRqaN5dlJz7sxmZqapy4iIiISI2JLxnV8+eAry/QogXw+LEcs7GRS2GPH5fJcIZ37hxQsaKmfdy+fcDvvxs3JiIiIkqCiS8ZhaoRhZsbEBCgGf/yS+DaNdnMLMNPkiYkALNmyalp1doMa2tg1Srg66+NGxsRERElwc1tlO7u3gX69gUOHdKM5c0LLFyYCWryqjx8CHTtChw7phnz8gI2bQJKljReXERERJQizvhSuklIAObNk03KEie9nTvLRhSdO2eSpHfrVtmBTZX0KhTA2LHAyZNMeomIiDIwzvhSurh8WTaiOHNGM+bsLJfFZpqavADwzz9Ahw6a287OwIYNshQFERERZWic8SWDiokBJkyQqwBUSa9CIdfwXr2ayZJeQK7n7dpVfu/rK1vLMeklIiLKFDjjSwbz99+yEUVIiGbMzQ345ZdMUpMXAJRKwOSDvw8XLwa++gpo3z6TrM0gIiIigDO+ZACRkbIRRZ06mqTX3FzW471wIRMlvXfvArVqaZedAIBcueRsL5NeIiKiTIUzvqRXu3fLpFdVkxeQqwNWr84kNXkBWWttwwZg4EDgzRu58656dbmel4iIiDItzviSXqgaUTRvrt2IYuHCTNSIAgDCw+Xmte7dZdILAHnyAC9fGjcuIiIi+myc8aXPIgSwfj3g5ydzRpUmTWT74aJFjRebzo4elRvXHj3SjPXoIdvI2doaKyoiIiLSE874Uprduwf4+MjcUJX05s0rVwns3ZuJkt64OGDMGKBBA03Smzu3XNu7di2TXiIioiyCM76ks4QEOQk6YQLw9q1mvFMnYMECwNHRaKHp7u5doF074Px5zVi9enIam2t6iYiIshQmvqSTlBpRLF8ONG1qvLjSLEcO4MED+b25OTB9OjB8eNISZkRERJTp8V93SpWYGGDixJQbUWTKpBcAChSQhYVLl5Zd2UaOZNJLRESURXHGlz7p+HHZiOLGDc2Ym5ssUVajhvHiSpNDhwBPT7kYWaV5c9lCztzceHERERGRwWWIqa0lS5agWLFisLKyQtWqVXH69OkUj121ahVq164Ne3t72Nvbw9vb+6PHU9pFRgIDBgC1a2uS3sSNKDJV0hsTI0tPNGoE9O0ry1EkxqSXiIgoyzN64rt161YMGzYMkydPxvnz51G+fHn4+PjgxYsXyR5/9OhRdOzYEUeOHEFQUBCcnZ3RuHFjPE7cMYE+2++/y9q7S5dqxqpWlXvApkwBLC2NFprugoOBKlXkzjsA2L4d2L/fqCERERFR+lMI8eHUV/qqWrUqKleujMWLFwMAlEolnJ2dMWjQIIwZM+aTj09ISIC9vT0WL16Mbt26ffL4yMhI2NnZISIiArly5frs+LOaFy+AIUOALVs0YzY2wIwZcvbX1NR4selMqQR+/hkYPRqIjZVjlpbAnDmyKxtbDhMREWVIhsrXjLrGNy4uDufOncPYsWPVYyYmJvD29kZQUFCqzvH27Vu8f/8eefLkSfb+2NhYxKqSHsgXkpJSden18wNevdKM+/jIig3FihkttLR5+hTo2RM4cEAz5u4ObNoElCtnvLiIiIjIaIy61CEsLAwJCQnIly+f1ni+fPnw7NmzVJ1j9OjRKFiwILy9vZO9f+bMmbCzs1N/ObM2axL37slOa927a5JeVSOKffsyYdIbGAh4eGgnvX5+wOnTTHqJiIiyMaOv8f0cP/74I7Zs2YKdO3fCysoq2WPGjh2LiIgI9dfDhw/TOcqMKyEBmD9f5oJ//KEZ79gRuHYN6NIlE64GOHECaNECCAuTt/PnlwnwvHlACu8RIiIiyh6MutTBwcEBpqameP78udb48+fPkT9//o8+9qeffsKPP/6IQ4cOwcPDI8XjLC0tYZmpdmKlj+Bg2YgicUEMZ2dg2TLgq6+MF9dnq1EDaNUK2LlTJsCrVwMODsaOioiIiDIAo874WlhYwMvLC4cPH1aPKZVKHD58GNWrV0/xcbNnz8YPP/yA/fv3o1KlSukRapYRGysbUVSsqEl6FQq5ce3q1UyY9H64N1OhAFatAtaulckvk14iIiL6j9GXOgwbNgyrVq3CunXrcP36dfTv3x/R0dHo2bMnAKBbt25am99mzZqFiRMnYs2aNShWrBiePXuGZ8+eISoqylhPIdM4cQKoUAGYNg2Ij5djpUsDf/8NLF4M2NoaNTzdPXwINGgga68lljcv0KNHJlynQURERIZk9M5tvr6+CA0NxaRJk/Ds2TNUqFAB+/fvV294e/DgAUwStZBdtmwZ4uLi0LZtW63zTJ48GVOmTEnP0DONyEhg7FjtmrxmZnJs/PhMVpNXJSBANqJ4/VpOVV++LNfzEhEREaXA6HV801t2q+O7Zw/Qrx/w6JFmrEoVufTV3d14caVZZCQweDCwbp1mzNkZ+N//5PoNIiIiyvQMla8ZfakDGcaLF7I6w9dfa5Jea2vZvOzkyUya9AYFybUaiZNeX1/g0iUmvURERPRJTHyzGFUjCjc37e5rjRvLFQFDhmSy7muAXJA8ZQpQu7YsOgzIBcnr1wObNwP29kYNj4iIiDIHo6/xJf25f18ua0jctyFPHjnLmylr8gLySXXqJGd7VWrUAH79FXBxMVpYRERElPlwxjcLSEgAFi6UjSgSJ70dOwLXrwNdu2bSpBcATExkNw1ATlVPnQocO8akl4iIiHTGxDeTu3IFqFkTGDoUiI6WY4ULA7t3A5s2AU5ORg3v8xUpAixfDri6AsePA5MmyZIURERERDpi4ptJxcYCkyfLPV2nTmnGVY0ovv7aeLF9lr//lpUbEuvQQT6patWMExMRERFlCUx8M6GTJwFPT+D774H37+VY6dJyQnTxYiBTVmmLiwPGjAHq1gUGDUp6v5VV+sdEREREWQoT30zkzRtg4ECgVi25dheQn/pPnAhcuCCXPGRKISFA9erArFmyLMX69cAffxg7KiIiIspiuFgyk8hyjSgAmeSuXAn4+QHv3skxc3Ng+nTA29u4sREREVGWw8Q3gwsNlbV3N2/WjFlby9xw0KBMWJNXJTQU6NULCAzUjJUqJXfksRkFERERGQCXOmRQiRtRJE56GzWSlRyGDs3ESe+BA4CHh3bS278/cP48k14iIiIyGM74ZkD//gv07Zu0EcX8+Zm8Ji8gqzY0aaK57eAArFkDNGtmvJiIiIgoW+CMbwaiakRRtqx20uvrK3s4dOuWyZNeQO7MUyW+TZoAwcFMeomIiChdcMY3g7h6Ffj2W+2avIUKAcuWZbG8UKEA1q4Fdu6Uu/UyfSZPREREmQVnfI1M1YjC01M76f3uOznLm6mT3mfPgK++Ag4f1h7Pn1+u6WXSS0REROmIM75GdPKkLGygqskLyMIGq1fLFQGZWmCgnMIOCwMuXZJfefMaOyoiIiLKxjjjawRv3shSZB82opgwAbh4MZMnvdHRcglDixYy6QUApRK4f9+oYRERERFxxjed7d0r88KHDzVjlSvLWV4PD+PFpRfnzgGdO8tObCotWwKrVsnqDURERERGxBnfdBIaKnPCr77SJL3W1sC8eUBQUCZPehMSZLvhatU0Sa+1tUx4d+xg0ktEREQZAmd8DUwIYONG2XDi5UvNeKNGwIoVgIuL0ULTj0ePZHHho0c1Y15esgNbyZJGC4uIiIjoQ5zxNaB//5UzvF27apJee3vA31/W6c30SS8AvHsHnDkjv1cogLFj5a49Jr1ERESUwTDxNYCEBGDRItmIYt8+zbivr9zM1r17Fqrk9cUX8sk6OwNHjgAzZgAWFsaOioiIiCgJJr56dvWqrMowZIgscADIRhS7dgFbtgD58hk3vs92+jTw9q32WM+esuhw3brGiYmIiIgoFZj46klsLDBlimxE8c8/mvH+/WUy3Ly50ULTj/h4YOpUoEYNYMQI7fsUCiBnTuPERURERJRK3NymB0FBshHFtWuasZIlZYmy2rWNF5fe3L0LdOkinygg+yi3awfUr2/cuIiIiIh0wBnfz/DmDTB4MFCzpibpNTMDxo+XjcoyfdIrBLB+PVChgibpNTWVM7+Z/skRERFRdsMZ3zTat082onjwQDNWqZKc5S1f3nhx6U14uFynsXWrZszVVdZmq1bNeHERERERpRETXx2FhgJ+fjL/U8mRA5g2Tc7+mmWFV/TYMVmDLXF7uR49ZPUGW1ujhUVElF4SEhLw/v17Y4dBlKVZWFjAxCR9Fx9khTQtXQghezIMHQqEhWnGvb1lIwpXV6OFpl/Hjsm1u0LI2/b28gm2a2fcuIiI0oEQAs+ePcPr16+NHQpRlmdiYgIXFxdYpGMZVCa+qfDvv/JT/8Q1ee3tZbvhLFWTF5C12OrU0STA69cDhQsbOyoionShSnqdnJxgbW0NRZb6BU+UcSiVSjx58gRPnz5FkSJF0u1njYnvRyQkAEuXymZkqpq8ANC+vfzUP9PX5E2OqSmwYQPw229yejudP4IgIjKWhIQEddKbN29eY4dDlOU5OjriyZMniI+Ph7m5ebpck1lNCq5dk4ULBg/WJL0FC8pGFFu3ZpGkNzQUaNMGOHFCe9zZGRg2jEkvEWUrqjW91tbWRo6EKHtQLXFISEhIt2sys/lAXJys1pW4ghcgKzhcu5YFGlGoHDgAeHgAO3bIGr2RkcaOiIgoQ+DyBqL0YYyfNSa+ifzzD1CxouzAptrMW7KkXO66bBlgZ2fU8PQjJkYuYWjSBHj2TI5FRQE3bxo1LCIiIiJDY+L7n59/lt14r16Vt83MgHHjZCOKOnWMG5veBAcDlSsDCxdqxpo0keOVKhkvLiIiIiMJCQlB/vz58ebNG2OHkqWEhYXByckJjx49MnYoWpj4/mfOHE0FLy8v4OxZYPp0wMrKuHHphVIpk93KlYErV+SYpaXcobd3L5A/v3HjIyKiz9KjRw8oFAooFAqYm5vDxcUFo0aNQkxMTJJjf//9d9StWxe2trawtrZG5cqV4e/vn+x5t2/fjnr16sHOzg45c+aEh4cHvv/+e7x69crAzyj9jB07FoMGDYJtFq5Tv2TJEhQrVgxWVlaoWrUqTp8+/dHj/f391e8n1ZfVBwlR4vec6qtJkybq+x0cHNCtWzdMnjzZIM8prZj4Anj3TtOroUIFueQhS3RfA4CnT4GmTeXyhthYOebuLjP7QYOyWC02IqLsq0mTJnj69Cnu3r2L+fPnY8WKFUmSjp9//hktWrRAzZo1cerUKVy+fBkdOnRAv379MGLECK1jx48fD19fX1SuXBn79u3DlStXMHfuXFy6dAkbNmxIt+cVFxdnsHM/ePAAv//+O3r06PFZ5zFkjJ9r69atGDZsGCZPnozz58+jfPny8PHxwYsXLz76uFy5cuHp06fqr3///TfJMar3nOpr8+bNWvf37NkTGzduzFh/KIlsJiIiQgAQERER6rErV4SQ871CdO5sxOAM4coVISwtNU/Qz0+Id++MHRURUYbz7t07ce3aNfEuE/6O7N69u2jRooXWWOvWrYWnp6f69oMHD4S5ubkYNmxYkscvWrRIABD//POPEEKIU6dOCQBiwYIFyV4vPDw8xVgePnwoOnToIOzt7YW1tbXw8vJSnze5OIcMGSLq1q2rvl23bl0xYMAAMWTIEJE3b15Rr1490bFjR9G+fXutx8XFxYm8efOKdevWCSGESEhIEDNmzBDFihUTVlZWwsPDQ/z2228pximEEHPmzBGVKlXSGgsLCxMdOnQQBQsWFDly5BDlypUTmzZt0jomuRiFECI4OFg0adJE2NjYCCcnJ9GlSxcRGhqqfty+fftEzZo1hZ2dnciTJ4/46quvxO3btz8a4+eqUqWKGDBggPp2QkKCKFiwoJg5c2aKj1m7dq2ws7P76HmT+3+ZHBcXF7F69epk7/vYz1xy+Zo+cMYXwJ07mu9LlDBeHAZRtqxcx5E/v6zkMG9eFlm/QUSUPipVkn180vvrc7ZeXLlyBSdPntTqiLVt2za8f/8+ycwuAPTt2xc5c+ZUz9ht3LgROXPmxHfffZfs+XPnzp3seFRUFOrWrYvHjx8jMDAQly5dwqhRo6BUKnWKf926dbCwsMCJEyewfPlydO7cGbt370ZUVJT6mAMHDuDt27do1aoVAGDmzJlYv349li9fjqtXr8LPzw9dunTBsWPHUrzO33//jUofvNAxMTHw8vLCnj17cOXKFfTp0wddu3ZNsjzgwxhfv36NBg0awNPTE2fPnsX+/fvx/PlztG/fXv2Y6OhoDBs2DGfPnsXhw4dhYmKCVq1affT1mTFjBnLmzPnRrwcPHiT72Li4OJw7dw7e3t7qMRMTE3h7eyMocemqZERFRaFo0aJwdnZGixYtcFW1CSqRo0ePwsnJCaVKlUL//v3x8uXLJMdUqVIFf//990evlZ7YwALaiW/x4saLQy8uXQJKl5ZreFUGDpQly+ztjRcXEVEm9ewZ8PixsaP4tN9//x05c+ZEfHw8YmNjYWJigsWLF6vvv3nzJuzs7FCgQIEkj7WwsICrqytu/lfh59atW3B1ddW5qcCmTZsQGhqKM2fOIE+ePACAEmmYUfriiy8we/Zs9e3ixYvDxsYGO3fuRNeuXdXXat68OWxtbREbG4sZM2bg0KFDqF69OgDA1dUVx48fx4oVK1C3bt1kr/Pvv/8mSXwLFSqk9cfBoEGDcODAAQQEBKBKlSopxjht2jR4enpixowZ6rE1a9bA2dkZN2/eRMmSJdGmTRuta61ZswaOjo64du0aypUrl2yM/fr100qek1OwYMFkx8PCwpCQkIB8HzQfyJcvH27cuJHi+UqVKoU1a9bAw8MDERER+Omnn1CjRg1cvXoVhf/r5tqkSRO0bt0aLi4uuHPnDsaNG4cvv/wSQUFBMDU11YrtwoULH40/PTHxBXD7tub7TJv4JiQAP/0ETJgADBkiv1dRKJj0EhGlkbH2/+p63fr162PZsmWIjo7G/PnzYWZmliTRSi2h2u2to4sXL8LT01Od9KaVl5eX1m0zMzO0b98eGzduRNeuXREdHY1du3Zhy5YtAIDbt2/j7du3aNSokdbj4uLi4OnpmeJ13r17l2TTVkJCAmbMmIGAgAA8fvwYcXFxiI2NTdLY5MMYL126hCNHjiBnzpxJrnPnzh2ULFkSt27dwqRJk3Dq1CmEhYWpZ3ofPHiQYuKbJ0+ez349dVW9enX1HxAAUKNGDbi5uWHFihX44YcfAAAdOnRQ3+/u7g4PDw8UL14cR48eRcOGDdX35ciRA2/fvk2/4D+BiS+ywFKHhw+Brl1lwWEAmDsXaNkSqFXLqGEREWUFZ88aO4LUsbGxUc+urlmzBuXLl8cvv/yCb7/9FgBQsmRJRERE4MmTJ0lmCOPi4nDnzh3Ur19ffezx48fx/v17nWZ9c+TI8dH7TUxMkiTVqo55Hz6XD3Xu3Bl169bFixcvcPDgQeTIkUNdRUC1BGLPnj0oVKiQ1uMsE38C+gEHBweEh4drjc2ZMwcLFy7EggUL4O7uDhsbGwwdOjTJBrYPY4yKikKzZs0wa9asJNdRzbI3a9YMRYsWxapVq1CwYEEolUqUK1fuo5vjZsyYoTWLnJxr166hSJEiyT4/U1NTPH/+XGv8+fPnyK/DX1bm5ubw9PTE7cQzhR9wdXWFg4MDbt++rZX4vnr1Co6Ojqm+lqFxjS80iW/OnEAG+n+TOgEBsgObKulVKICxY4FEH8cQEVH2YmJignHjxmHChAl49+4dAKBNmzYwNzfH3Llzkxy/fPlyREdHo2PHjgCATp06ISoqCkuXLk32/K9fv0523MPDAxcvXkxxF7+joyOePn2qNXbx4sVUPacaNWrA2dkZW7duxcaNG9GuXTt1Ul6mTBlYWlriwYMHKFGihNaXs7Nziuf09PTEtWvXtMZOnDiBFi1aoEuXLihfvrzWEpCPqVixIq5evYpixYolicHGxgYvX75ESEgIJkyYgIYNG8LNzS1J0p2cfv364eLFix/9Smmpg4WFBby8vHD48GH1mFKpxOHDh7VmdD8lISEBwcHByS6TUXn06BFevnyZ5JgrV658dNY93el1q1wm8OEuwffvhTAzkwUPypc3bmw6iYgQont3TbUGQAhnZyGOHjV2ZEREmVJWq+rw/v17UahQITFnzhz12Pz584WJiYkYN26cuH79urh9+7aYO3eusLS0FMOHD9d6/KhRo4SpqakYOXKkOHnypLh//744dOiQaNu2bYrVHmJjY0XJkiVF7dq1xfHjx8WdO3fEtm3bxMmTJ4UQQuzfv18oFAqxbt06cfPmTTFp0iSRK1euJFUdhgwZkuz5x48fL8qUKSPMzMzE33//neS+vHnzCn9/f3H79m1x7tw5sWjRIuHv75/i6xYYGCicnJxEfHy8eszPz084OzuLEydOiGvXrolevXqJXLlyab2+ycX4+PFj4ejoKNq2bStOnz4tbt++Lfbv3y969Ogh4uPjRUJCgsibN6/o0qWLuHXrljh8+LCoXLmyACB27tyZYoyfa8uWLcLS0lL4+/uLa9euiT59+ojcuXOLZ8+eqY/p2rWrGDNmjPr21KlTxYEDB8SdO3fEuXPnRIcOHYSVlZW4evWqEEKIN2/eiBEjRoigoCBx7949cejQIVGxYkXxxRdfiJiYGPV5oqOjRY4cOcRff/2VbGzGqOqQ7RPfO3c0eWPr1kYOLrVOnhTC1VU76fX1FeLVK2NHRkSUaWW1xFcIIWbOnCkcHR1FVFSUemzXrl2idu3awsbGRlhZWQkvLy+xZs2aZM+7detWUadOHWFraytsbGyEh4eH+P777z9azuz+/fuiTZs2IleuXMLa2lpUqlRJnDp1Sn3/pEmTRL58+YSdnZ3w8/MTAwcOTHXie+3aNQFAFC1aVCiVSq37lEqlWLBggShVqpQwNzcXjo6OwsfHRxw7dizFWN+/fy8KFiwo9u/frx57+fKlaNGihciZM6dwcnISEyZMEN26dftk4iuEEDdv3hStWrUSuXPnFjly5BClS5cWQ4cOVcd68OBB4ebmJiwtLYWHh4c4evSowRNfIYT4+eefRZEiRYSFhYWoUqWKurxc4ufTvXt39e2hQ4eqj8+XL59o2rSpOH/+vPr+t2/fisaNGwtHR0dhbm4uihYtKnr37q2VTAshxKZNm0SpUqVSjMsYia9CiDSuYM+kIiMjYWdnh4iICOTKlQsHDwKNG8v7Ro0Cklmak7EcPQp4e8vNbABgawssWSKrNrAZBRFRmsXExODevXtwcXFJsuGJsq4lS5YgMDAQBw4cMHYoWU61atUwePBgdOrUKdn7P/Yz92G+pi/ZfnNbpitlVrOm7Kl8+jRQowbw66+Ai4uxoyIiIsqU+vbti9evX+PNmzdZum1xegsLC0Pr1q3V68Yzimyf+Ga6Umbm5sDGjcDWrcDo0YBZtv9fSERElGZmZmYYP368scPIchwcHDBq1Chjh5FEtq/qkKFLmYWHA507A+fOaY+XKAGMH8+kl4iIiEgH2T5zUiW+5uayRWSGcfSorM376JFMfM+fBz4onk1EREREqZetZ3yF0CS+Li5Aog57xhMXB4wZAzRoIJNeAHjxAkimRzYRERERpV62nvF99gxQddHLEMscQkKATp3k7K5K/frA+vUZbDqaiIiIKPPJ1jO+GaaigxDAihWAp6cm6TU3B2bPBg4dYtJLREREpAfZesY3Q1R0CA0FevUCAgM1Y6VKAZs2ARUrGikoIiIioqyHM77/MdpSh4cPgb17Nbf795ezvkx6iYiIiPSKie9/jDbjW7EiMG0a4OAgZ32XLmX1BiIiylQUCgX+97//GTuMDGvKlCmoUKGCscMgMPEFIDv9plvzsxs3gPfvtcdGjJBVG5o1S6cgiIgoK+nRowcUCgUUCgXMzc3h4uKCUaNGISYmxtihGdyzZ88wZMgQlChRAlZWVsiXLx9q1qyJZcuW4a1qB7uRjRgxAocPHzZ2GASu8QUg945ZWhr4Ykol8PPPstva6NHA1Kma+0xNAScnAwdARERZWZMmTbB27Vq8f/8e586dQ/fu3aFQKDBr1ixjh2Ywd+/eRc2aNZE7d27MmDED7u7usLS0RHBwMFauXIlChQqhefPmxg4TOXPmRM6cOY0dBiEbz/i+fg28eiW/N/j63qdPgaZNgaFDgdhYubTh9GkDX5SIiLITS0tL5M+fH87OzmjZsiW8vb1x8OBB9f0vX75Ex44dUahQIVhbW8Pd3R2bN2/WOke9evUwePBgjBo1Cnny5EH+/PkxZcoUrWNu3bqFOnXqwMrKCmXKlNG6hkpwcDAaNGiAHDlyIG/evOjTpw+ioqLU9/fo0QMtW7bEjBkzkC9fPuTOnRvff/894uPjMXLkSOTJkweFCxfG2rVrP/qcv/vuO5iZmeHs2bNo37493Nzc4OrqihYtWmDPnj1o9t8nqffv34dCocDFixfVj339+jUUCgWOHj2qHrty5Qq+/PJL5MyZE/ny5UPXrl0RFhamvn/btm1wd3dXPy9vb29ER0cDAI4ePYoqVarAxsYGuXPnRs2aNfHvv/8CSLrUQfX8f/rpJxQoUAB58+bFgAED8D7RJ8JPnz7FV199hRw5csDFxQWbNm1CsWLFsGDBgo++JvRx2TbxvXdP871B1/fu2gV4eAAHDmjGBg+WY0RElDnMmyc/HvzUV3Kzi82bp+6x8+bpLdwrV67g5MmTsLCwUI/FxMTAy8sLe/bswZUrV9CnTx907doVpz+YiFm3bh1sbGxw6tQpzJ49G99//706uVUqlWjdujUsLCxw6tQpLF++HKNHj9Z6fHR0NHx8fGBvb48zZ87gt99+w6FDhzBw4ECt4/788088efIEf/31F+bNm4fJkyfj66+/hr29PU6dOoV+/fqhb9++eKRq5vSBly9f4o8//sCAAQNgY2OT7DEKhSLVr9nr16/RoEEDeHp64uzZs9i/fz+eP3+O9u3bA5CJaMeOHfHNN9/g+vXrOHr0KFq3bg0hBOLj49GyZUvUrVsXly9fRlBQEPr06fPR6x85cgR37tzBkSNHsG7dOvj7+8Pf3199f7du3fDkyRMcPXoU27dvx8qVK/HixYtUPx9KgchmIiIiBACxZk2EkAV0hZg50wAXiooSom9fob4IIET+/EIcOGCAixER0ed69+6duHbtmnj37l3SOydP1v59ntJXtWpJH1utWuoeO3lymmPv3r27MDU1FTY2NsLS0lIAECYmJmLbtm0ffdxXX30lhg8frr5dt25dUatWLa1jKleuLEaPHi2EEOLAgQPCzMxMPH78WH3/vn37BACxc+dOIYQQK1euFPb29iIqKkp9zJ49e4SJiYl49uyZOt6iRYuKhIQE9TGlSpUStWvXVt+Oj48XNjY2YvPmzcnG/s8//wgAYseOHVrjefPmFTY2NsLGxkaMGjVKCCHEvXv3BABx4cIF9XHh4eECgDhy5IgQQogffvhBNG7cWOtcDx8+FABESEiIOHfunAAg7t+/nySWly9fCgDi6NGjycY6efJkUb58efVt1fOPj49Xj7Vr1074+voKIYS4fv26ACDOnDmjvv/WrVsCgJg/f36y18iMPvYzp8rXIiIi9HrNbLvGN/GMr96XOpw7Jzuw3bypGWvRAli9WlZvICKizCVXLqBQoU8f5+iY/FhqHpsrl+5xJVK/fn0sW7YM0dHRmD9/PszMzNCmTRv1/QkJCZgxYwYCAgLw+PFjxMXFITY2FtYfVBLy+OATyQIFCqhnGq9fvw5nZ2cULFhQfX/16tW1jr9+/TrKly+vNQtbs2ZNKJVKhISEIF++fACAsmXLwsRE88Fzvnz5UK5cOfVtU1NT5M2bV+dZztOnT0OpVKJz586IjY1N9eMuXbqEI0eOJLsW986dO2jcuDEaNmwId3d3+Pj4oHHjxmjbti3s7e2RJ08e9OjRAz4+PmjUqBG8vb3Rvn17FChQIMXrlS1bFqampurbBQoUQHBwMAAgJCQEZmZmqJiotGmJEiVgb2+f6udDyWPiCz0vdfjzT8DHB4iPl7etrYEFC2STCh0+ciEiogxk2DD5lRaJGxQZkI2NDUr8N5OzZs0alC9fHr/88gu+/fZbAMCcOXOwcOFCLFiwAO7u7rCxscHQoUMRFxendR5zc3Ot2wqFAkqlUu/xJncdXa5dokQJKBQKhISEaI27uroCAHLkyKEeUyXYQgj12PsPKixFRUWhWbNmyW4GLFCgAExNTXHw4EGcPHkSf/zxB37++WeMHz8ep06dgouLC9auXYvBgwdj//792Lp1KyZMmICDBw+iWrVqqX7+hnidSVu2XeN7967me70mvjVrAmXKyO+9vIALF4DevZn0EhFRujExMcG4ceMwYcIEvHv3DgBw4sQJtGjRAl26dEH58uXh6uqKm4k/mUwFNzc3PHz4EE+fPlWP/fPPP0mOuXTpknrTl+raJiYmKFWq1Gc8K2158+ZFo0aNsHjxYq1rJcfxv5n4xHEn3ugGABUrVsTVq1dRrFgxlChRQutLNXutUChQs2ZNTJ06FRcuXICFhQV27typPoenpyfGjh2LkydPoly5cti0aVOanlupUqUQHx+PCxcuqMdu376N8PDw/7d371FRVXscwL/M4MyA8YhrCCi+Bb2KGg8RzEzlBmqGT7jKVVQUb4KaXDMfJJL5yNRSw9RMMeMG2vK1lEBRSURuvkBLHj4AHysgHwU+QGBm3z9YTI2COiMMxHw/a81qnT377PM782vqN5t9ztFpPPqDwRa+1TO+r7zywn9d0iSXVz1ueOFC4ORJwMGhDgcnIiJ6PmPGjIFUKkVUVBQAoHPnzuoZy6ysLEybNg1FRUVajenl5QUHBwcEBgbi/PnzSElJwcKFCzX6BAQEQKFQIDAwED///DOOHTuGGTNmYPz48eplDnVlw4YNqKyshKurK+Li4pCVlYWcnBx88803yM7OVi8lMDExQZ8+fbBixQpkZWXhhx9+QHh4uMZYISEhuHv3LsaOHYvTp0/j6tWrSExMxKRJk6BUKvHjjz9i2bJlOHPmDK5fv47du3fj1q1b6Nq1K/Ly8jB//nykpaXh2rVrOHToEC5fvoyuXbvqdF5dunSBl5cXgoODcerUKaSnpyM4OBgmJiZaXbBHTzLYwrf6R98LzfaWlFTN5l68qNnerVvVLcv+dDUtERGRPhkbGyM0NBQrV67EgwcPEB4eDmdnZ3h7e+ONN96AjY0Nhg8frtWYEokEe/bsQWlpKXr37o0pU6Zg6dKlGn1MTU2RmJiIu3fvws3NDaNHj8agQYPw+eef1+HZVenYsSPS09Ph5eWF+fPno2fPnnB1dcX69esxZ84cLFmyRN1369atqKyshIuLC95991189NFHGmPZ2dkhNTUVSqUSb775JpycnPDuu+/C0tISEokE5ubmOH78OIYMGQIHBweEh4dj9erVGDx4MExNTZGdnY1Ro0bBwcEBwcHBCAkJwbRp03Q+t6+//hotW7bE66+/jhEjRmDq1KkwMzODQqHQeUwCjMSfF7wYgJKSElhYWAAoBmCOgADgm290GCgtDfjXv6rWTPToUXVf3np/CgYREdWXsrIy5OXloX379iwuqNG5efMm7O3tkZSUhEGDBjV0OHXiad+56nqtuLgY5nX4p3mDvbitmtZ3dKisBJYuBZYsAZTKqra8PODCBcDNrc7jIyIiIsNz9OhR3L9/H05OTigoKMDcuXPRrl07vP766w0d2l+awRe+Wi11yM2tmuVNS/ujzdOzasq4ffs6j42IiIgMU0VFBRYsWIDc3FyYmZnB09MTMTExT9wNgrTDwvd5Cl8hgB07gNBQ4N69qjapFFi0CFiwADA2+I+RiIiI6pC3tze8vb0bOowmx+ArtmcWvr/9BrzzDhAX90dbhw5ATAxQy735iIiIiKjxMdi7OgDASy8B1tbP6JSVBeza9cf2xIlARgaLXiKiJsrArvkmajAN8V0z6MK3Y8fneK6Ep2fVPXktLYGdO4Ft2wAzM32ER0REelS9dvLhw4cNHAmRYah+auCfH91c3wx6qUONyxzy8oA2barW8Fb74ANg2rTne9Y6ERH9JUmlUlhaWuLXX38FUHU/Wj4sgKh+qFQq3Lp1C6ampjDW47VSBl34atzKTAhg82Zg9mwgIgJ4//0/3mvWjEUvEZEBsLGxAQB18UtE9UcikaBNmzZ6/YFp0IWvesb31i1gyhRg//6q7fBw4M03gVdfbbDYiIhI/4yMjGBrawtra2tUVFQ0dDhETZpMJoNEot9Vtyx8ExOrLlgrLPzjjSlTAEfHhgqLiIgamFQq1eu6QyLSj0ZxcVtUVBTatWsHhUIBd3d3nDp16qn9d+3ahS5dukChUMDJyQnx8fFaH1OGMrjFvAv4+PxR9LZoUTXr+8UXgKmpDmdCRERERI1Vgxe+cXFxCAsLQ0REBM6dO4eePXvC29u71vVVJ0+exNixYxEUFIT09HQMHz4cw4cPx88//6zVcX/AGzDftvaPBh8f4KefgGHDXuR0iIiIiKiRMhINfMNCd3d3uLm54fPPPwdQdZWfvb09ZsyYgXnz5j3R39/fHw8ePMCBAwfUbX369EGvXr2wcePGZx6vpKQEFhYWKAZgDgByOfDJJ1VPZePVu0REREQNTl2vFRfD3Ny8zsZt0DW+5eXlOHv2LObPn69uk0gk8PLyQlpaWo37pKWlISwsTKPN29sbe/furbH/o0eP8OjRI/V2cXExAKAEAP7+d+Crr6r+Wf0oYiIiIiJqUCUlJQDq/iEXDVr43r59G0qlEi1bttRob9myJbKzs2vcp7CwsMb+hX++OO1Pli9fjsjIyCfa7QEgMxPw8NApdiIiIiKqX3fu3IGFhUWdjdfk7+owf/58jRni33//HW3btsX169fr9IOkxqmkpAT29va4ceNGnf6phBon5tuwMN+Ghfk2LMXFxWjTpg2srKzqdNwGLXxbtGgBqVSKoqIijfaioiL1TcQfZ2Njo1V/uVwOuVz+RLuFhQW/OAbE3Nyc+TYgzLdhYb4NC/NtWOr6Pr8NelcHmUwGFxcXHDlyRN2mUqlw5MgReNSyBMHDw0OjPwAcPny41v5EREREREAjWOoQFhaGwMBAuLq6onfv3vjss8/w4MEDTJo0CQAwYcIEtGrVCsuXLwcAzJo1C/3798fq1asxdOhQxMbG4syZM9i8eXNDngYRERERNXINXvj6+/vj1q1bWLRoEQoLC9GrVy8kJCSoL2C7fv26xjS3p6cn/vvf/yI8PBwLFixA586dsXfvXnTv3v25jieXyxEREVHj8gdqephvw8J8Gxbm27Aw34alvvLd4PfxJSIiIiLShwZ/chsRERERkT6w8CUiIiIig8DCl4iIiIgMAgtfIiIiIjIITbLwjYqKQrt27aBQKODu7o5Tp049tf+uXbvQpUsXKBQKODk5IT4+Xk+RUl3QJt9ffvkl+vXrh5dffhkvv/wyvLy8nvnvBzUu2n6/q8XGxsLIyAjDhw+v3wCpTmmb799//x0hISGwtbWFXC6Hg4MD/5v+F6Jtvj/77DM4OjrCxMQE9vb2mD17NsrKyvQULb2I48ePY9iwYbCzs4ORkRH27t37zH2Sk5Ph7OwMuVyOTp06ITo6WvsDiyYmNjZWyGQysXXrVnHx4kUxdepUYWlpKYqKimrsn5qaKqRSqVi5cqXIzMwU4eHholmzZuKnn37Sc+SkC23zPW7cOBEVFSXS09NFVlaWmDhxorCwsBA3b97Uc+SkC23zXS0vL0+0atVK9OvXT/j6+uonWHph2ub70aNHwtXVVQwZMkScOHFC5OXlieTkZJGRkaHnyEkX2uY7JiZGyOVyERMTI/Ly8kRiYqKwtbUVs2fP1nPkpIv4+HixcOFCsXv3bgFA7Nmz56n9c3NzhampqQgLCxOZmZli/fr1QiqVioSEBK2O2+QK3969e4uQkBD1tlKpFHZ2dmL58uU19vfz8xNDhw7VaHN3dxfTpk2r1zipbmib78dVVlYKMzMzsX379voKkeqQLvmurKwUnp6eYsuWLSIwMJCF71+Itvn+4osvRIcOHUR5ebm+QqQ6pG2+Q0JCxMCBAzXawsLCRN++fes1Tqp7z1P4zp07V3Tr1k2jzd/fX3h7e2t1rCa11KG8vBxnz56Fl5eXuk0ikcDLywtpaWk17pOWlqbRHwC8vb1r7U+Nhy75ftzDhw9RUVEBKyur+gqT6oiu+f7www9hbW2NoKAgfYRJdUSXfO/fvx8eHh4ICQlBy5Yt0b17dyxbtgxKpVJfYZOOdMm3p6cnzp49q14OkZubi/j4eAwZMkQvMZN+1VW91uBPbqtLt2/fhlKpVD/1rVrLli2RnZ1d4z6FhYU19i8sLKy3OKlu6JLvx73//vuws7N74stEjY8u+T5x4gS++uorZGRk6CFCqku65Ds3NxdHjx5FQEAA4uPjceXKFUyfPh0VFRWIiIjQR9ikI13yPW7cONy+fRuvvfYahBCorKzEv//9byxYsEAfIZOe1VavlZSUoLS0FCYmJs81TpOa8SXSxooVKxAbG4s9e/ZAoVA0dDhUx+7du4fx48fjyy+/RIsWLRo6HNIDlUoFa2trbN68GS4uLvD398fChQuxcePGhg6N6kFycjKWLVuGDRs24Ny5c9i9ezcOHjyIJUuWNHRo1Ig1qRnfFi1aQCqVoqioSKO9qKgINjY2Ne5jY2OjVX9qPHTJd7VVq1ZhxYoVSEpKQo8ePeozTKoj2ub76tWryM/Px7Bhw9RtKpUKAGBsbIycnBx07NixfoMmneny/ba1tUWzZs0glUrVbV27dkVhYSHKy8shk8nqNWbSnS75/uCDDzB+/HhMmTIFAODk5IQHDx4gODgYCxcuhETCub2mpLZ6zdzc/Llne4EmNuMrk8ng4uKCI0eOqNtUKhWOHDkCDw+PGvfx8PDQ6A8Ahw8frrU/NR665BsAVq5ciSVLliAhIQGurq76CJXqgLb57tKlC3766SdkZGSoX2+//TYGDBiAjIwM2Nvb6zN80pIu3+++ffviypUr6h84AHDp0iXY2tqy6G3kdMn3w4cPnyhuq3/0VF0vRU1JndVr2l131/jFxsYKuVwuoqOjRWZmpggODhaWlpaisLBQCCHE+PHjxbx589T9U1NThbGxsVi1apXIysoSERERvJ3ZX4i2+V6xYoWQyWTiu+++EwUFBerXvXv3GuoUSAva5vtxvKvDX4u2+b5+/bowMzMToaGhIicnRxw4cEBYW1uLjz76qKFOgbSgbb4jIiKEmZmZ+Pbbb0Vubq44dOiQ6Nixo/Dz82uoUyAt3Lt3T6Snp4v09HQBQKxZs0akp6eLa9euCSGEmDdvnhg/fry6f/XtzN577z2RlZUloqKieDuzauvXrxdt2rQRMplM9O7dW/zvf/9Tv9e/f38RGBio0X/nzp3CwcFByGQy0a1bN3Hw4EE9R0wvQpt8t23bVgB44hUREaH/wEkn2n6//4yF71+Ptvk+efKkcHd3F3K5XHTo0EEsXbpUVFZW6jlq0pU2+a6oqBCLFy8WHTt2FAqFQtjb24vp06eL3377Tf+Bk9aOHTtW4/+Pq3McGBgo+vfv/8Q+vXr1EjKZTHTo0EFs27ZN6+MaCcG/BxARERFR09ek1vgSEREREdWGhS8RERERGQQWvkRERERkEFj4EhEREZFBYOFLRERERAaBhS8RERERGQQWvkRERERkEFj4EhEREZFBYOFLRAQgOjoalpaWDR2GzoyMjLB3796n9pk4cSKGDx+ul3iIiBojFr5E1GRMnDgRRkZGT7yuXLnS0KEhOjpaHY9EIkHr1q0xadIk/Prrr3UyfkFBAQYPHgwAyM/Ph5GRETIyMjT6rF27FtHR0XVyvNosXrxYfZ5SqRT29vYIDg7G3bt3tRqHRToR1Qfjhg6AiKgu+fj4YNu2bRptr7zySgNFo8nc3Bw5OTlQqVQ4f/48Jk2ahF9++QWJiYkvPLaNjc0z+1hYWLzwcZ5Ht27dkJSUBKVSiaysLEyePBnFxcWIi4vTy/GJiGrDGV8ialLkcjlsbGw0XlKpFGvWrIGTkxOaN28Oe3t7TJ8+Hffv3691nPPnz2PAgAEwMzODubk5XFxccObMGfX7J06cQL9+/WBiYgJ7e3vMnDkTDx48eGpsRkZGsLGxgZ2dHQYPHoyZM2ciKSkJpaWlUKlU+PDDD9G6dWvI5XL06tULCQkJ6n3Ly8sRGhoKW1tbKBQKtG3bFsuXL9cYu3qpQ/v27QEAr776KoyMjPDGG28A0JxF3bx5M+zs7KBSqTRi9PX1xeTJk9Xb+/btg7OzMxQKBTp06IDIyEhUVlY+9TyNjY1hY2ODVq1awcvLC2PGjMHhw4fV7yuVSgQFBaF9+/YwMTGBo6Mj1q5dq35/8eLF2L59O/bt26eePU5OTgYA3LhxA35+frC0tISVlRV8fX2Rn5//1HiIiKqx8CUigyCRSLBu3TpcvHgR27dvx9GjRzF37txa+wcEBKB169Y4ffo0zp49i3nz5qFZs2YAgKtXr8LHxwejRo3ChQsXEBcXhxMnTiA0NFSrmExMTKBSqVBZWYm1a9di9erVWLVqFS5cuABvb2+8/fbbuHz5MgBg3bp12L9/P3bu3ImcnBzExMSgXbt2NY576tQpAEBSUhIKCgqwe/fuJ/qMGTMGd+7cwbFjx9Rtd+/eRUJCAgICAgAAKSkpmDBhAmbNmoXMzExs2rQJ0dHRWLp06XOfY35+PhITEyGTydRtKpUKrVu3xq5du5CZmYlFixZhwYIF2LlzJwBgzpw58PPzg4+PDwoKClBQUABPT09UVFTA29sbZmZmSElJQWpqKl566SX4+PigvLz8uWMiIgMmiIiaiMDAQCGVSkXz5s3Vr9GjR9fYd9euXeJvf/ubenvbtm3CwsJCvW1mZiaio6Nr3DcoKEgEBwdrtKWkpAiJRCJKS0tr3Ofx8S9duiQcHByEq6urEEIIOzs7sXTpUo193NzcxPTp04UQQsyYMUMMHDhQqFSqGscHIPbs2SOEECIvL08AEOnp6Rp9AgMDha+vr3rb19dXTJ48Wb29adMmYWdnJ5RKpRBCiEGDBolly5ZpjLFjxw5ha2tbYwxCCBERESEkEolo3ry5UCgUAoAAINasWVPrPkIIERISIkaNGlVrrNXHdnR01PgMHj16JExMTERiYuJTxyciEkIIrvEloiZlwIAB+OKLL9TbzZs3B1A1+7l8+XJkZ2ejpKQElZWVKCsrw8OHD2FqavrEOGFhYZgyZQp27Nih/nN9x44dAVQtg7hw4QJiYmLU/YUQUKlUyMvLQ9euXWuMrbi4GC+99BJUKhXKysrw2muvYcuWLSgpKcEvv/yCvn37avTv27cvzp8/D6BqmcI//vEPODo6wsfHB2+99RbefPPNF/qsAgICMHXqVGzYsAFyuRwxMTH45z//CYlEoj7P1NRUjRlepVL51M8NABwdHbF//36UlZXhm2++QUZGBmbMmKHRJyoqClu3bsX169dRWlqK8vJy9OrV66nxnj9/HleuXIGZmZlGe1lZGa5evarDJ0BEhoaFLxE1Kc2bN0enTp002vLz8/HWW2/hnXfewdKlS2FlZYUTJ04gKCgI5eXlNRZwixcvxrhx43Dw4EF8//33iIiIQGxsLEaMGIH79+9j2rRpmDlz5hP7tWnTptbYzMzMcO7cOUgkEtja2sLExAQAUFJS8szzcnZ2Rl5eHr7//nskJSXBz88PXl5e+O677565b22GDRsGIQQOHjwINzc3pKSk4NNPP1W/f//+fURGRmLkyJFP7KtQKGodVyaTqXOwYsUKDB06FJGRkViyZAkAIDY2FnPmzMHq1avh4eEBMzMzfPLJJ/jxxx+fGu/9+/fh4uKi8YOjWmO5gJGIGjcWvkTU5J09exYqlQqrV69Wz2ZWryd9GgcHBzg4OGD27NkYO3Ystm3bhhEjRsDZ2RmZmZlPFNjPIpFIatzH3NwcdnZ2SE1NRf/+/dXtqamp6N27t0Y/f39/+Pv7Y/To0fDx8cHdu3dhZWWlMV71elqlUvnUeBQKBUaOHImYmBhcuXIFjo6OcHZ2Vr/v7OyMnJwcrc/zceHh4Rg4cCDeeecd9Xl6enpi+vTp6j6Pz9jKZLIn4nd2dkZcXBysra1hbm7+QjERkWHixW1E1OR16tQJFRUVWL9+PXJzc7Fjxw5s3Lix1v6lpaUIDQ1FcnIyrl27htTUVJw+fVq9hOH999/HyZMnERoaioyMDFy+fBn79u3T+uK2P3vvvffw8ccfIy4uDjk5OZg3bx4yMjIwa9YsAMCaNWvw7bffIjs7G5cuXcKuXbtgY2NT40M3rK2tYWJigoSEBBQVFaG4uLjW4wYEBODgwYPYunWr+qK2aosWLcLXX3+NyMhIXLx4EVlZWYiNjUV4eLhW5+bh4YEePXpg2bJlAIDOnTvjzJkzSExMxKVLl/DBBx/g9OnTGvu0a9cOFy5cQE5ODm7fvo2KigoEBASgRYsW8PX1RUpKCvLy8pCcnIyZM2fi5s2bWsVERIaJhS8RNXk9e/bEmjVr8PHHH6N79+6IiYnRuBXY46RSKe7cuYMJEybAwcEBfn5+GDx4MCIjIwEAPXr0wA8//IBLly6hX79+ePXVV7Fo0SLY2dnpHOPMmTMRFhaG//znP3ByckJCQgL279+Pzp07A6haJrFy5Uq4urrCzc0N+fn5iI+PV89g/5mxsTHWrVuHTZs2wc7ODr6+vrUed+DAgbCyskJOTg7GjRun8Z63tzcOHDiAQ4cOwc3NDX369MGnn36Ktm3ban1+s2fPxpYtW3Djxg1MmzYNI0eOhL+/P9zd3XHnzh2N2V8AmDp1KhwdHeHq6opXXnkFqampMDU1xfHjx9GmTRuMHDkSXbt2RVBQEMrKyjgDTETPxUgIIRo6CCIiIiKi+sYZXyIiIiIyCCx8iYiIiMggsPAlIiIiIoPAwpeIiIiIDAILXyIiIiIyCCx8iYiIiMggsPAlIiIiIoPAwpeIiIiIDAILXyIiIiIyCCx8iYiIiMggsPAlIiIiIoPwf40mejRVrIdFAAAAAElFTkSuQmCC", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "plot_roc_curve(y_test, y_pred)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Multi-layered Perceptron" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "#### Normalized data" + ] + }, + { + "cell_type": "code", + "execution_count": 15, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Time taken for GridSearchCV: 6982.51 seconds\n", + "Best Hyperparameters:\n", + "{'activation': 'relu', 'alpha': 0.001, 'hidden_layer_sizes': (100, 50), 'learning_rate': 'adaptive', 'solver': 'sgd'}\n", + "\n", + "Time taken for training with best hyperparameters: 33.59 seconds\n", + "\n", + "Mean Accuracy: 0.6584768326417704\n", + "Standard Deviation of Accuracy: 0.003066947596561596\n", + "Mean Precision: 0.1\n", + "Standard Deviation of Precision: 0.30000000000000004\n", + "Mean Recall: 0.0024390243902439024\n", + "Standard Deviation of Recall: 0.007317073170731709\n", + "Mean F1-score: 0.0047619047619047615\n", + "Standard Deviation of F1-score: 0.014285714285714285\n", + "Mean ROC AUC: 0.501219512195122\n", + "Standard Deviation of ROC AUC: 0.0036585365853658573\n", + "\n", + "Total time taken: 7016.10 seconds\n" + ] + } + ], + "source": [ + "from sklearn.neural_network import MLPClassifier\n", + "from sklearn.model_selection import StratifiedKFold, GridSearchCV\n", + "from sklearn.metrics import accuracy_score, precision_score, recall_score, f1_score, roc_auc_score, confusion_matrix\n", + "import numpy as np\n", + "import time\n", + "\n", + "start_total_time = time.time()\n", + "\n", + "kf = StratifiedKFold(n_splits=10, shuffle=True, random_state=42)\n", + "\n", + "model = MLPClassifier(random_state=42, max_iter=2000)\n", + "\n", + "param_grid = {\n", + " 'hidden_layer_sizes': [(50,), (100,), (100, 50)],\n", + " 'activation': ['tanh', 'relu'],\n", + " 'solver': ['adam', 'sgd'],\n", + " 'alpha': [0.0001, 0.001, 0.01],\n", + " 'learning_rate': ['constant', 'adaptive']\n", + "}\n", + "\n", + "grid_search = GridSearchCV(estimator=model, param_grid=param_grid, cv=kf, scoring='accuracy')\n", + "\n", + "start_time = time.time()\n", + "\n", + "grid_search.fit(standard(x), y)\n", + "\n", + "grid_search_time = time.time() - start_time\n", + "print(f\"Time taken for GridSearchCV: {grid_search_time:.2f} seconds\")\n", + "\n", + "best_params = grid_search.best_params_\n", + "\n", + "print(\"Best Hyperparameters:\")\n", + "print(best_params)\n", + "print()\n", + "\n", + "best_model = grid_search.best_estimator_\n", + "\n", + "start_time = time.time()\n", + "\n", + "accuracy_scores = []\n", + "precision_scores = []\n", + "recall_scores = []\n", + "f1_scores = []\n", + "roc_auc_scores = []\n", + "confusion_matrices = []\n", + "\n", + "for train_index, test_index in kf.split(normal(x), y):\n", + " X_train, X_test = x.iloc[train_index], x.iloc[test_index]\n", + " y_train, y_test = y.iloc[train_index], y.iloc[test_index]\n", + "\n", + " best_model.fit(X_train, y_train)\n", + "\n", + " y_pred = best_model.predict(X_test)\n", + "\n", + " accuracy = accuracy_score(y_test, y_pred)\n", + " accuracy_scores.append(accuracy)\n", + " \n", + " precision = precision_score(y_test, y_pred)\n", + " precision_scores.append(precision)\n", + " \n", + " recall = recall_score(y_test, y_pred)\n", + " recall_scores.append(recall)\n", + " \n", + " f1 = f1_score(y_test, y_pred)\n", + " f1_scores.append(f1)\n", + " \n", + " roc_auc = roc_auc_score(y_test, y_pred)\n", + " roc_auc_scores.append(roc_auc)\n", + " \n", + " confusion = confusion_matrix(y_test, y_pred)\n", + " confusion_matrices.append(confusion)\n", + "\n", + "training_time = time.time() - start_time\n", + "print(f\"Time taken for training with best hyperparameters: {training_time:.2f} seconds\")\n", + "print()\n", + "\n", + "mean_accuracy = np.mean(accuracy_scores)\n", + "std_accuracy = np.std(accuracy_scores)\n", + "\n", + "mean_precision = np.mean(precision_scores)\n", + "std_precision = np.std(precision_scores)\n", + "\n", + "mean_recall = np.mean(recall_scores)\n", + "std_recall = np.std(recall_scores)\n", + "\n", + "mean_f1 = np.mean(f1_scores)\n", + "std_f1 = np.std(f1_scores)\n", + "\n", + "mean_roc_auc = np.mean(roc_auc_scores)\n", + "std_roc_auc = np.std(roc_auc_scores)\n", + "\n", + "print(f\"Mean Accuracy: {mean_accuracy}\")\n", + "print(f\"Standard Deviation of Accuracy: {std_accuracy}\")\n", + "\n", + "print(f\"Mean Precision: {mean_precision}\")\n", + "print(f\"Standard Deviation of Precision: {std_precision}\")\n", + "\n", + "print(f\"Mean Recall: {mean_recall}\")\n", + "print(f\"Standard Deviation of Recall: {std_recall}\")\n", + "\n", + "print(f\"Mean F1-score: {mean_f1}\")\n", + "print(f\"Standard Deviation of F1-score: {std_f1}\")\n", + "\n", + "print(f\"Mean ROC AUC: {mean_roc_auc}\")\n", + "print(f\"Standard Deviation of ROC AUC: {std_roc_auc}\")\n", + "print()\n", + "\n", + "total_time = time.time() - start_total_time\n", + "print(f\"Total time taken: {total_time:.2f} seconds\")" + ] + }, + { + "cell_type": "code", + "execution_count": 16, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "x_train: (1800, 13)\n", + "y_train: (1800,)\n", + "x_test: (601, 13)\n", + "y_test: (601,)\n" + ] + } + ], + "source": [ + "from sklearn.model_selection import train_test_split\n", + "\n", + "x_train, x_test, y_train, y_test = train_test_split(x,y,test_size=0.25,random_state=42)\n", + "\n", + "print(\"x_train:\",x_train.shape)\n", + "print(\"y_train:\",y_train.shape)\n", + "print(\"x_test:\",x_test.shape)\n", + "print(\"y_test:\",y_test.shape)" + ] + }, + { + "cell_type": "code", + "execution_count": 17, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Accuracy: 0.6638935108153078\n", + "Precision: 1.0\n", + "Recall: 0.00980392156862745\n", + "F1 Score: 0.01941747572815534\n", + "ROC AUC Score: 0.5049019607843137\n", + "Confusion Matrix:\n", + "[[397 0]\n", + " [202 2]]\n" + ] + } + ], + "source": [ + "model = grid_search.best_estimator_\n", + "\n", + "model.fit(x_train, y_train)\n", + "\n", + "y_pred = model.predict(x_test)\n", + "\n", + "y_pred = (y_pred >= 0.5).astype(int)\n", + "\n", + "print(\"Accuracy:\", accuracy_score(y_test, y_pred))\n", + "print(\"Precision:\", precision_score(y_test, y_pred))\n", + "print(\"Recall:\", recall_score(y_test, y_pred))\n", + "print(\"F1 Score:\", f1_score(y_test, y_pred))\n", + "print(\"ROC AUC Score:\", roc_auc_score(y_test, y_pred))\n", + "print(\"Confusion Matrix:\")\n", + "print(confusion_matrix(y_test, y_pred))" + ] + }, + { + "cell_type": "code", + "execution_count": 18, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAokAAAIjCAYAAABvUIGpAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8pXeV/AAAACXBIWXMAAA9hAAAPYQGoP6dpAABHdUlEQVR4nO3de5iN9f7/8deaYdaMMQeDOYVxPkyOUUxy2oYhRLQlypDYaagM0uxdjtW0KUoHdickOkdRSITK5Cxy2galYsYpMxkZY+b+/dHX+u3lQ81i1qxhPR9d93VZ932v+36vtbeud6/P5/4sm2VZlgAAAID/4ePpAgAAAFDy0CQCAADAQJMIAAAAA00iAAAADDSJAAAAMNAkAgAAwECTCAAAAANNIgAAAAw0iQAAADDQJAL4U3v37lXHjh0VEhIim82mhQsXFun1f/jhB9lsNs2ePbtIr3s1a9u2rdq2bevpMgB4OZpE4Cqwb98+/eMf/1D16tXl7++v4OBgtWzZUs8//7x+//13t947MTFR27dv15NPPqm5c+eqWbNmbr1fcRowYIBsNpuCg4Mv+j3u3btXNptNNptNzzzzjMvXP3TokMaPH6+tW7cWQbUAULxKeboAAH/u008/1d///nfZ7Xb1799f9evX19mzZ/X1119r9OjR2rFjh1555RW33Pv3339XWlqa/vWvf2nYsGFuuUdMTIx+//13lS5d2i3X/yulSpXS6dOntWjRIvXu3dvp2Lx58+Tv768zZ85c1rUPHTqkCRMmqGrVqmrcuHGh3/f5559f1v0AoCjRJAIl2IEDB9SnTx/FxMRo5cqVioqKchxLSkpSenq6Pv30U7fd/+jRo5Kk0NBQt93DZrPJ39/fbdf/K3a7XS1bttTbb79tNInz589Xly5d9OGHHxZLLadPn1aZMmXk5+dXLPcDgD/DcDNQgk2ePFmnTp3S66+/7tQgnlezZk099NBDjtfnzp3TpEmTVKNGDdntdlWtWlX//Oc/lZub6/S+qlWrqmvXrvr666910003yd/fX9WrV9ebb77pOGf8+PGKiYmRJI0ePVo2m01Vq1aV9Mcw7fk//6/x48fLZrM57Vu+fLluueUWhYaGqmzZsqpTp47++c9/Oo5fak7iypUr1apVKwUGBio0NFTdu3fXrl27Lnq/9PR0DRgwQKGhoQoJCdHAgQN1+vTpS3+xF+jbt6+WLFmikydPOvZt2LBBe/fuVd++fY3zT5w4oVGjRqlBgwYqW7asgoOD1blzZ3333XeOc1atWqUbb7xRkjRw4EDHsPX5z9m2bVvVr19fmzZtUuvWrVWmTBnH93LhnMTExET5+/sbnz8hIUHlypXToUOHCv1ZAaCwaBKBEmzRokWqXr26br755kKdf99992ns2LG64YYbNG3aNLVp00apqanq06ePcW56erruuOMOdejQQc8++6zKlSunAQMGaMeOHZKknj17atq0aZKku+66S3PnztVzzz3nUv07duxQ165dlZubq4kTJ+rZZ5/Vbbfdpm+++eZP3/fFF18oISFBR44c0fjx45WcnKy1a9eqZcuW+uGHH4zze/furd9++02pqanq3bu3Zs+erQkTJhS6zp49e8pms+mjjz5y7Js/f77q1q2rG264wTh///79Wrhwobp27aqpU6dq9OjR2r59u9q0aeNo2OrVq6eJEydKkoYMGaK5c+dq7ty5at26teM6x48fV+fOndW4cWM999xzateu3UXre/7551WxYkUlJiYqPz9fkvSf//xHn3/+uV544QVFR0cX+rMCQKFZAEqkrKwsS5LVvXv3Qp2/detWS5J13333Oe0fNWqUJclauXKlY19MTIwlyVqzZo1j35EjRyy73W6NHDnSse/AgQOWJGvKlClO10xMTLRiYmKMGsaNG2f9779Wpk2bZkmyjh49esm6z99j1qxZjn2NGze2wsPDrePHjzv2fffdd5aPj4/Vv39/43733nuv0zVvv/12q3z58pe85/9+jsDAQMuyLOuOO+6w2rdvb1mWZeXn51uRkZHWhAkTLvodnDlzxsrPzzc+h91utyZOnOjYt2HDBuOzndemTRtLkjVz5syLHmvTpo3TvmXLllmSrCeeeMLav3+/VbZsWatHjx5/+RkB4HKRJAIlVHZ2tiQpKCioUOd/9tlnkqTk5GSn/SNHjpQkY+5ibGysWrVq5XhdsWJF1alTR/v377/smi90fi7jxx9/rIKCgkK95/Dhw9q6dasGDBigsLAwx/6GDRuqQ4cOjs/5v+6//36n161atdLx48cd32Fh9O3bV6tWrVJGRoZWrlypjIyMiw41S3/MY/Tx+eNfn/n5+Tp+/LhjKH3z5s2FvqfdbtfAgQMLdW7Hjh31j3/8QxMnTlTPnj3l7++v//znP4W+FwC4iiYRKKGCg4MlSb/99luhzv/xxx/l4+OjmjVrOu2PjIxUaGiofvzxR6f9VapUMa5Rrlw5/frrr5dZsenOO+9Uy5Ytdd999ykiIkJ9+vTRe++996cN4/k669SpYxyrV6+ejh07ppycHKf9F36WcuXKSZJLn+XWW29VUFCQ3n33Xc2bN0833nij8V2eV1BQoGnTpqlWrVqy2+2qUKGCKlasqG3btikrK6vQ97zuuutcekjlmWeeUVhYmLZu3arp06crPDy80O8FAFfRJAIlVHBwsKKjo/X999+79L4LHxy5FF9f34vutyzrsu9xfr7ceQEBAVqzZo2++OIL3XPPPdq2bZvuvPNOdejQwTj3SlzJZznPbrerZ8+emjNnjhYsWHDJFFGSnnrqKSUnJ6t169Z66623tGzZMi1fvlzXX399oRNT6Y/vxxVbtmzRkSNHJEnbt2936b0A4CqaRKAE69q1q/bt26e0tLS/PDcmJkYFBQXau3ev0/7MzEydPHnS8aRyUShXrpzTk8DnXZhWSpKPj4/at2+vqVOnaufOnXryySe1cuVKffnllxe99vk69+zZYxzbvXu3KlSooMDAwCv7AJfQt29fbdmyRb/99ttFH/Y574MPPlC7du30+uuvq0+fPurYsaPi4+ON76SwDXth5OTkaODAgYqNjdWQIUM0efJkbdiwociuDwAXokkESrBHHnlEgYGBuu+++5SZmWkc37dvn55//nlJfwyXSjKeQJ46daokqUuXLkVWV40aNZSVlaVt27Y59h0+fFgLFixwOu/EiRPGe88vKn3hsjznRUVFqXHjxpozZ45T0/X999/r888/d3xOd2jXrp0mTZqkF198UZGRkZc8z9fX10gp33//ff3yyy9O+843sxdrqF01ZswYHTx4UHPmzNHUqVNVtWpVJSYmXvJ7BIArxWLaQAlWo0YNzZ8/X3feeafq1avn9Isra9eu1fvvv68BAwZIkho1aqTExES98sorOnnypNq0aaP169drzpw56tGjxyWXV7kcffr00ZgxY3T77bfrwQcf1OnTpzVjxgzVrl3b6cGNiRMnas2aNerSpYtiYmJ05MgRvfzyy6pUqZJuueWWS15/ypQp6ty5s+Li4jRo0CD9/vvveuGFFxQSEqLx48cX2ee4kI+Pjx577LG/PK9r166aOHGiBg4cqJtvvlnbt2/XvHnzVL16dafzatSoodDQUM2cOVNBQUEKDAxU8+bNVa1aNZfqWrlypV5++WWNGzfOsSTPrFmz1LZtWz3++OOaPHmyS9cDgELx8NPVAArhv//9rzV48GCratWqlp+fnxUUFGS1bNnSeuGFF6wzZ844zsvLy7MmTJhgVatWzSpdurRVuXJlKyUlxekcy/pjCZwuXboY97lw6ZVLLYFjWZb1+eefW/Xr17f8/PysOnXqWG+99ZaxBM6KFSus7t27W9HR0Zafn58VHR1t3XXXXdZ///tf4x4XLhPzxRdfWC1btrQCAgKs4OBgq1u3btbOnTudzjl/vwuX2Jk1a5YlyTpw4MAlv1PLcl4C51IutQTOyJEjraioKCsgIMBq2bKllZaWdtGlaz7++GMrNjbWKlWqlNPnbNOmjXX99ddf9J7/e53s7GwrJibGuuGGG6y8vDyn80aMGGH5+PhYaWlpf/oZAOBy2CzLhZndAAAA8ArMSQQAAICBJhEAAAAGmkQAAAAYaBIBAABgoEkEAACAgSYRAAAABppEAAAAGK7JX1wJaDLM0yUAcJNfN7zo6RIAuIm/B7sSd/YOv2+5Ov+9RZIIAAAAwzWZJAIAALjERm52IZpEAAAAm83TFZQ4tM0AAAAwkCQCAAAw3GzgGwEAAICBJBEAAIA5iQaSRAAAABhIEgEAAJiTaOAbAQAAgIEkEQAAgDmJBppEAAAAhpsNfCMAAAAwkCQCAAAw3GwgSQQAAICBJBEAAIA5iQa+EQAAABhIEgEAAJiTaCBJBAAAgIEkEQAAgDmJBppEAAAAhpsNtM0AAAAwkCQCAAAw3GzgGwEAAICBJBEAAIAk0cA3AgAAAANJIgAAgA9PN1+IJBEAAAAGkkQAAADmJBpoEgEAAFhM20DbDAAAAANJIgAAAMPNBr4RAAAAGEgSAQAAmJNoIEkEAACAgSQRAACAOYkGvhEAAAAYSBIBAACYk2igSQQAAGC42cA3AgAAAANJIgAAAMPNBpJEAAAAGEgSAQAAmJNo4BsBAACAgSQRAACAOYkGkkQAAAAYSBIBAACYk2igSQQAAKBJNPCNAAAAwECSCAAAwIMrBpJEAACAEmLGjBlq2LChgoODFRwcrLi4OC1ZssRxvG3btrLZbE7b/fff73SNgwcPqkuXLipTpozCw8M1evRonTt3zuVaSBIBAABKyJzESpUq6emnn1atWrVkWZbmzJmj7t27a8uWLbr++uslSYMHD9bEiRMd7ylTpozjz/n5+erSpYsiIyO1du1aHT58WP3791fp0qX11FNPuVQLTSIAAIAb5ebmKjc312mf3W6X3W43zu3WrZvT6yeffFIzZszQt99+62gSy5Qpo8jIyIve6/PPP9fOnTv1xRdfKCIiQo0bN9akSZM0ZswYjR8/Xn5+foWuu2S0zQAAAJ5ks7ltS01NVUhIiNOWmpr6lyXl5+frnXfeUU5OjuLi4hz7582bpwoVKqh+/fpKSUnR6dOnHcfS0tLUoEEDRUREOPYlJCQoOztbO3bscOkrIUkEAABwo5SUFCUnJzvtu1iKeN727dsVFxenM2fOqGzZslqwYIFiY2MlSX379lVMTIyio6O1bds2jRkzRnv27NFHH30kScrIyHBqECU5XmdkZLhUN00iAACAG+ckXmpo+VLq1KmjrVu3KisrSx988IESExO1evVqxcbGasiQIY7zGjRooKioKLVv31779u1TjRo1irRuhpsBAADcONzsKj8/P9WsWVNNmzZVamqqGjVqpOeff/6i5zZv3lySlJ6eLkmKjIxUZmam0znnX19qHuOl0CQCAACUYAUFBcaDL+dt3bpVkhQVFSVJiouL0/bt23XkyBHHOcuXL1dwcLBjyLqwGG4GAABez1ZCFtNOSUlR586dVaVKFf3222+aP3++Vq1apWXLlmnfvn2aP3++br31VpUvX17btm3TiBEj1Lp1azVs2FCS1LFjR8XGxuqee+7R5MmTlZGRoccee0xJSUkuDXlLNIkAAAAlxpEjR9S/f38dPnxYISEhatiwoZYtW6YOHTrop59+0hdffKHnnntOOTk5qly5snr16qXHHnvM8X5fX18tXrxYQ4cOVVxcnAIDA5WYmOi0rmJh2SzLsoryw5UEAU2GeboEAG7y64YXPV0CADfx92B0FXjHLLddO+eDgW67tjsxJxEAAAAGhpsBAABKxpTEEoUkEQAAAAaSRAAA4PVKytPNJQlNIgAA8Ho0iSaGmwEAAGAgSQQAAF6PJNFEkggAAAADSSIAAPB6JIkmkkQAAAAYSBIBAAAIEg0kiQAAADCQJAIAAK/HnEQTSSIAAAAMJIkAAMDrkSSaaBIBAIDXo0k0MdwMAAAAA0kiAADweiSJJpJEAAAAGEgSAQAACBINJIkAAAAwkCQCAACvx5xEE0kiAAAADCSJAADA65EkmmgSAQCA16NJNDHcDAAAAANJIgAAAEGigSQRAAAABpJEAADg9ZiTaCJJBAAAgIEkEQAAeD2SRBNJIgAAAAwkiQAAwOuRJJpoEgEAgNejSTQx3AwAAAADSSIAAABBooEkEQAAAAaSRAAA4PWYk2giSQQAAICBJBEAAHg9kkQTSSIAAAAMJIkAAMDrkSSaaBIBAADoEQ0MNwMAAMBAkggAALwew80mkkQAAAAYSBIBAIDXI0k0kSQCAACUEDNmzFDDhg0VHBys4OBgxcXFacmSJY7jZ86cUVJSksqXL6+yZcuqV69eyszMdLrGwYMH1aVLF5UpU0bh4eEaPXq0zp0753ItJIkocQb//RYNvqOVYqLDJEm79mfoqVeW6PNvdkqSqlWqoKdH3K64JtVlL11Ky9fuUvK/39eRE79Jklo1raXPX3voote+pd9kbdp5sHg+CIAr8s78eZoz63UdO3ZUtevU1aP/fFwNGjb0dFm4RpWUJLFSpUp6+umnVatWLVmWpTlz5qh79+7asmWLrr/+eo0YMUKffvqp3n//fYWEhGjYsGHq2bOnvvnmG0lSfn6+unTposjISK1du1aHDx9W//79Vbp0aT311FMu1WKzLMtyx4f0pIAmwzxdAq7Ara3rK7+gQOkHj8omm+7u1lwjEturRZ+n9eOhE9rwXoq2//cXTZr5mSRp3ANdFFUxRK37PyvLslS6lK/CQso4XXPsA13V7qY6iu023gOfCEXp1w0veroEFIOlSz7TYymP6LFxE9SgQSPNmztHn3++VB8vXqry5ct7ujy4ib8Ho6uqDy1227V/eL7rFb0/LCxMU6ZM0R133KGKFStq/vz5uuOOOyRJu3fvVr169ZSWlqYWLVpoyZIl6tq1qw4dOqSIiAhJ0syZMzVmzBgdPXpUfn5+hb4vw80ocT5b872Wfb1T+w4eVfrBIxr/0iKdOp2rmxpWU1zj6oqJLq/B497SjvRD2pF+SPeNnasbYquo7U21JUl55/KVefw3x3Y8K0dd2zbUm5986+FPBqCw5s6ZpZ539FaP23upRs2aemzcBPn7+2vhRx96ujRco2w2m9u23NxcZWdnO225ubl/WVN+fr7eeecd5eTkKC4uTps2bVJeXp7i4+Md59StW1dVqlRRWlqaJCktLU0NGjRwNIiSlJCQoOzsbO3YscOl78SjTeKxY8c0efJk3X777YqLi1NcXJxuv/12TZkyRUePHvVkaSghfHxs+ntCUwUG+GndtgOy+5WSZVnKPfv/51acyT2nggJLNzeucdFrdG3TUOVDAjX3Y5pE4GqQd/asdu3coRZxNzv2+fj4qEWLm7Xtuy0erAzXNJv7ttTUVIWEhDhtqamplyxl+/btKlu2rOx2u+6//34tWLBAsbGxysjIkJ+fn0JDQ53Oj4iIUEZGhiQpIyPDqUE8f/z8MVd4LNjdsGGDEhISVKZMGcXHx6t27T9SoMzMTE2fPl1PP/20li1bpmbNmv3pdXJzc41u3CrIl83H1221w/2urxmtVXNGyt+vlE79nqs7R76q3fszdOzXU8r5/ayefKi7xr74iWyy6YmHuqtUKV9FVgi+6LUSe8Rpedou/XLkZPF+CACX5deTvyo/P98YVi5fvrwOHNjvoaqAy5eSkqLk5GSnfXa7/ZLn16lTR1u3blVWVpY++OADJSYmavXq1e4u0+CxJnH48OH6+9//rpkzZxqTRS3L0v3336/hw4c74tNLSU1N1YQJE5z2+UbcqNJRNxV5zSg+//0hU837pCqkbIBuj2+iVyfeo473Pa/d+zPU75HXNf2fd+qBu9qooMDSe0s3afPOgyq4yPTa68JD1SGunu4e84YHPgUA4GrhzgdX7Hb7nzaFF/Lz81PNmjUlSU2bNtWGDRv0/PPP684779TZs2d18uRJpzQxMzNTkZGRkqTIyEitX7/e6Xrnn34+f05heWy4+bvvvtOIESMu+j+KzWbTiBEjtHXr1r+8TkpKirKyspy2UhFN3VAxilPeuXzt/+mYtuz6SWNf+ETb//uLku5qK0la8e1uXX/bBFVpn6JK7R7VoMffVHR4qH74+ZhxnXu6t9DxrBwtXr2tmD8BgMtVLrScfH19dfz4caf9x48fV4UKFTxUFeA5BQUFys3NVdOmTVW6dGmtWLHCcWzPnj06ePCg4uLiJElxcXHavn27jhw54jhn+fLlCg4OVmxsrEv39ViSeL7TrVu37kWPr1+/3hhTv5iLdecMNV97fGw22f2c/+96/GSOJKnNjbUVHlZWi1dvN97X/7YWmr94vc6dKyiWOgFcudJ+fqoXe73WfZumv7X/Y4J+QUGB1q1LU5+77vZwdbhWlZQlcFJSUtS5c2dVqVJFv/32m+bPn69Vq1Zp2bJlCgkJ0aBBg5ScnKywsDAFBwdr+PDhiouLU4sWLSRJHTt2VGxsrO655x5NnjxZGRkZeuyxx5SUlORSmil5sEkcNWqUhgwZok2bNql9+/aOhjAzM1MrVqzQq6++qmeeecZT5cGDJg6/Tcu+2aGfDv+qoEB/3dm5mVo3q6VuD7wsSbrnthbacyBDR389peYNq+mZ0XfohXlfau+PR5yu0/am2qpWqYJmLVjriY8B4ArckzhQj/9zjK6/vr7qN2iot+bO0e+//64et/f0dGmAWx05ckT9+/fX4cOHFRISooYNG2rZsmXq0KGDJGnatGny8fFRr169lJubq4SEBL388suO9/v6+mrx4sUaOnSo4uLiFBgYqMTERE2cONHlWjy6TuK7776radOmadOmTcrPz5f0x4dr2rSpkpOT1bt378u6LuskXt1mjOurdjfVUWSFYGWdOqPv9/6iZ2d9oZXrdkuSJj14m+7u1kJhIWX046ETeu2DrzX9rZXGdWY/NUBVosrpbwOnFfdHgBuxTqL3eHveW47FtOvUracx/3xMDRs28nRZcCNPrpNYc9SSvz7pMqU/09lt13anErGYdl5eno4d+2M+WYUKFVS6dOkruh5NInDtokkErl00iSVLifhZvtKlSysqKsrTZQAAAC9VUuYkliQlokkEAADwJHpEEz/LBwAAAANJIgAA8HoMN5tIEgEAAGAgSQQAAF6PINFEkggAAAADSSIAAPB6Pj5EiRciSQQAAICBJBEAAHg95iSaaBIBAIDXYwkcE8PNAAAAMJAkAgAAr0eQaCJJBAAAgIEkEQAAeD3mJJpIEgEAAGAgSQQAAF6PJNFEkggAAAADSSIAAPB6BIkmmkQAAOD1GG42MdwMAAAAA0kiAADwegSJJpJEAAAAGEgSAQCA12NOookkEQAAAAaSRAAA4PUIEk0kiQAAADCQJAIAAK/HnEQTSSIAAAAMJIkAAMDrESSaaBIBAIDXY7jZxHAzAAAADCSJAADA6xEkmkgSAQAAYCBJBAAAXo85iSaSRAAAABhIEgEAgNcjSDSRJAIAAMBAkggAALwecxJNNIkAAMDr0SOaGG4GAACAgSQRAAB4PYabTSSJAAAAMJAkAgAAr0eSaCJJBAAAgIEkEQAAeD2CRBNJIgAAQAmRmpqqG2+8UUFBQQoPD1ePHj20Z88ep3Patm0rm83mtN1///1O5xw8eFBdunRRmTJlFB4ertGjR+vcuXMu1UKSCAAAvF5JmZO4evVqJSUl6cYbb9S5c+f0z3/+Ux07dtTOnTsVGBjoOG/w4MGaOHGi43WZMmUcf87Pz1eXLl0UGRmptWvX6vDhw+rfv79Kly6tp556qtC10CQCAACvV0J6RC1dutTp9ezZsxUeHq5NmzapdevWjv1lypRRZGTkRa/x+eefa+fOnfriiy8UERGhxo0ba9KkSRozZozGjx8vPz+/QtXCcDMAAIAb5ebmKjs722nLzc0t1HuzsrIkSWFhYU77582bpwoVKqh+/fpKSUnR6dOnHcfS0tLUoEEDRUREOPYlJCQoOztbO3bsKHTdNIkAAMDrXTjHryi31NRUhYSEOG2pqal/WVNBQYEefvhhtWzZUvXr13fs79u3r9566y19+eWXSklJ0dy5c3X33Xc7jmdkZDg1iJIcrzMyMgr9nTDcDAAA4EYpKSlKTk522me32//yfUlJSfr+++/19ddfO+0fMmSI488NGjRQVFSU2rdvr3379qlGjRpFU7RoEgEAANw6J9FutxeqKfxfw4YN0+LFi7VmzRpVqlTpT89t3ry5JCk9PV01atRQZGSk1q9f73ROZmamJF1yHuPFMNwMAABQQliWpWHDhmnBggVauXKlqlWr9pfv2bp1qyQpKipKkhQXF6ft27fryJEjjnOWL1+u4OBgxcbGFroWkkQAAOD1fErI481JSUmaP3++Pv74YwUFBTnmEIaEhCggIED79u3T/Pnzdeutt6p8+fLatm2bRowYodatW6thw4aSpI4dOyo2Nlb33HOPJk+erIyMDD322GNKSkpyKdEkSQQAACghZsyYoaysLLVt21ZRUVGO7d1335Uk+fn56YsvvlDHjh1Vt25djRw5Ur169dKiRYsc1/D19dXixYvl6+uruLg43X333erfv7/TuoqFQZIIAAC8XgkJEmVZ1p8er1y5slavXv2X14mJidFnn312RbXQJAIAAK9XUn5xpSRhuBkAAAAGkkQAAOD1fAgSDSSJAAAAMJAkAgAAr8ecRBNJIgAAAAwkiQAAwOsRJJpIEgEAAGAgSQQAAF7PJqLEC9EkAgAAr8cSOCaGmwEAAGAgSQQAAF6PJXBMJIkAAAAwkCQCAACvR5BoIkkEAACAgSQRAAB4PR+iRANJIgAAAAxF0iSePHmyKC4DAADgETab+7arlctN4r///W+9++67jte9e/dW+fLldd111+m7774r0uIAAACKg81mc9t2tXK5SZw5c6YqV64sSVq+fLmWL1+uJUuWqHPnzho9enSRFwgAAIDi5/KDKxkZGY4mcfHixerdu7c6duyoqlWrqnnz5kVeIAAAgLtdxYGf27icJJYrV04//fSTJGnp0qWKj4+XJFmWpfz8/KKtDgAAAB7hcpLYs2dP9e3bV7Vq1dLx48fVuXNnSdKWLVtUs2bNIi8QAADA3VgCx+Rykzht2jRVrVpVP/30kyZPnqyyZctKkg4fPqwHHnigyAsEAABA8XO5SSxdurRGjRpl7B8xYkSRFAQAAFDcyBFNhWoSP/nkk0Jf8LbbbrvsYgAAAFAyFKpJ7NGjR6EuZrPZeHgFAABcda7m9QzdpVBNYkFBgbvrAAAA8BgfekTDFf0s35kzZ4qqDgAAAJQgLjeJ+fn5mjRpkq677jqVLVtW+/fvlyQ9/vjjev3114u8QAAAAHfjZ/lMLjeJTz75pGbPnq3JkyfLz8/Psb9+/fp67bXXirQ4AAAAeIbLTeKbb76pV155Rf369ZOvr69jf6NGjbR79+4iLQ4AAKA42Gzu265WLjeJv/zyy0V/WaWgoEB5eXlFUhQAAAA8y+UmMTY2Vl999ZWx/4MPPlCTJk2KpCgAAIDixJxEk8u/uDJ27FglJibql19+UUFBgT766CPt2bNHb775phYvXuyOGgEAAFDMXE4Su3fvrkWLFumLL75QYGCgxo4dq127dmnRokXq0KGDO2oEAABwKx+b+7arlctJoiS1atVKy5cvL+paAAAAPOJqHhZ2l8tqEiVp48aN2rVrl6Q/5ik2bdq0yIoCAACAZ7ncJP7888+666679M033yg0NFSSdPLkSd1888165513VKlSpaKuEQAAwK3IEU0uz0m87777lJeXp127dunEiRM6ceKEdu3apYKCAt13333uqBEAAADFzOUkcfXq1Vq7dq3q1Knj2FenTh298MILatWqVZEWBwAAUBx8mJNocDlJrFy58kUXzc7Pz1d0dHSRFAUAAADPcrlJnDJlioYPH66NGzc69m3cuFEPPfSQnnnmmSItDgAAoDjws3ymQg03lytXzunR8JycHDVv3lylSv3x9nPnzqlUqVK699571aNHD7cUCgAAgOJTqCbxueeec3MZAAAAnsM6iaZCNYmJiYnurgMAAAAlyGUvpi1JZ86c0dmzZ532BQcHX1FBAAAAxY0g0eTygys5OTkaNmyYwsPDFRgYqHLlyjltAAAAVxsfm81tmytSU1N14403KigoSOHh4erRo4f27NnjdM6ZM2eUlJSk8uXLq2zZsurVq5cyMzOdzjl48KC6dOmiMmXKKDw8XKNHj9a5c+dc+05cOlvSI488opUrV2rGjBmy2+167bXXNGHCBEVHR+vNN9909XIAAAD4P6tXr1ZSUpK+/fZbLV++XHl5eerYsaNycnIc54wYMUKLFi3S+++/r9WrV+vQoUPq2bOn43h+fr66dOmis2fPau3atZozZ45mz56tsWPHulSLzbIsy5U3VKlSRW+++abatm2r4OBgbd68WTVr1tTcuXP19ttv67PPPnOpAHcIaDLM0yUAcJNfN7zo6RIAuIn/FU2CuzIPfLTTbdd+uWfsZb/36NGjCg8P1+rVq9W6dWtlZWWpYsWKmj9/vu644w5J0u7du1WvXj2lpaWpRYsWWrJkibp27apDhw4pIiJCkjRz5kyNGTNGR48elZ+fX6Hu7XKSeOLECVWvXl3SH/MPT5w4IUm65ZZbtGbNGlcvBwAAcE3Lzc1Vdna205abm1uo92ZlZUmSwsLCJEmbNm1SXl6e4uPjHefUrVtXVapUUVpamiQpLS1NDRo0cDSIkpSQkKDs7Gzt2LGj0HW73CRWr15dBw4ccBT13nvvSZIWLVqk0NBQVy8HAADgcTabzW1bamqqQkJCnLbU1NS/rKmgoEAPP/ywWrZsqfr160uSMjIy5OfnZ/RcERERysjIcJzzvw3i+ePnjxWWy8HuwIED9d1336lNmzZ69NFH1a1bN7344ovKy8vT1KlTXb0cAADANS0lJUXJyclO++x2+1++LykpSd9//72+/vprd5X2p1xuEkeMGOH4c3x8vHbv3q1NmzapZs2aatiwYZEWd7kGPPaAp0sA4CauzaIGgMJxeWjVBXa7vVBN4f8aNmyYFi9erDVr1qhSpUqO/ZGRkTp79qxOnjzplCZmZmYqMjLScc769eudrnf+6efz5xTGFX8nMTEx6tmzZ4lpEAEAAK5WlmVp2LBhWrBggVauXKlq1ao5HW/atKlKly6tFStWOPbt2bNHBw8eVFxcnCQpLi5O27dv15EjRxznLF++XMHBwYqNLfxDNIVKEqdPn17oCz744IOFPhcAAKAkKCk/y5eUlKT58+fr448/VlBQkGMOYUhIiAICAhQSEqJBgwYpOTlZYWFhCg4O1vDhwxUXF6cWLVpIkjp27KjY2Fjdc889mjx5sjIyMvTYY48pKSnJpUSzUEvgXNjFXvJiNpv2799f6Ju7y9AP3fcYOwDPmnrb5S8lAaBkCyjtuXs//PFut137ue51C33upZrVWbNmacCAAZL+WEx75MiRevvtt5Wbm6uEhAS9/PLLTkPJP/74o4YOHapVq1YpMDBQiYmJevrpp1WqVOFnGrq8TuLVgCYRuHbRJALXLprEksWDy1YCAACUDD4lY7S5RHHnwzwAAAC4SpEkAgAAr1dSHlwpSUgSAQAAYCBJBAAAXo85iabLShK/+uor3X333YqLi9Mvv/wiSZo7d67HfjYGAAAARcvlJvHDDz9UQkKCAgICtGXLFuXm5kqSsrKy9NRTTxV5gQAAAO5ms7lvu1q53CQ+8cQTmjlzpl599VWVLv3/FzRq2bKlNm/eXKTFAQAAFAcfm81t29XK5SZxz549at26tbE/JCREJ0+eLIqaAAAA4GEuN4mRkZFKT0839n/99deqXr16kRQFAABQnHzcuF2tXK598ODBeuihh7Ru3TrZbDYdOnRI8+bN06hRozR06FB31AgAAIBi5vISOI8++qgKCgrUvn17nT59Wq1bt5bdbteoUaM0fPhwd9QIAADgVlfx1EG3cblJtNls+te//qXRo0crPT1dp06dUmxsrMqWLeuO+gAAAOABl72Ytp+fn2JjY4uyFgAAAI+4mp9CdheXm8R27dr96e8brly58ooKAgAAgOe53CQ2btzY6XVeXp62bt2q77//XomJiUVVFwAAQLEhSDS53CROmzbtovvHjx+vU6dOXXFBAAAAxY3fbjYV2fI9d999t954442iuhwAAAA86LIfXLlQWlqa/P39i+pyAAAAxYYHV0wuN4k9e/Z0em1Zlg4fPqyNGzfq8ccfL7LCAAAA4DkuN4khISFOr318fFSnTh1NnDhRHTt2LLLCAAAAigtBosmlJjE/P18DBw5UgwYNVK5cOXfVBAAAAA9z6cEVX19fdezYUSdPnnRTOQAAAMXPx+a+7Wrl8tPN9evX1/79+91RCwAAAEoIl5vEJ554QqNGjdLixYt1+PBhZWdnO20AAABXG5sb/7laFXpO4sSJEzVy5EjdeuutkqTbbrvN6ef5LMuSzWZTfn5+0VcJAADgRlfzsLC7FLpJnDBhgu6//359+eWX7qwHAAAAJUChm0TLsiRJbdq0cVsxAAAAnkCSaHJpTqKNRYQAAAC8gkvrJNauXfsvG8UTJ05cUUEAAADFjSDM5FKTOGHCBOMXVwAAAHDtcalJ7NOnj8LDw91VCwAAgEcwJ9FU6DmJxLAAAADew+WnmwEAAK41ZGGmQjeJBQUF7qwDAADAY3zoEg0u/ywfAAAArn0uPbgCAABwLeLBFRNJIgAAAAwkiQAAwOsxJdFEkggAAAADSSIAAPB6PiJKvBBJIgAAAAwkiQAAwOsxJ9FEkwgAALweS+CYGG4GAACAgSQRAAB4PX6Wz0SSCAAAAANNIgAA8Ho2m/s2V61Zs0bdunVTdHS0bDabFi5c6HR8wIABstlsTlunTp2czjlx4oT69eun4OBghYaGatCgQTp16pRLddAkAgAAlCA5OTlq1KiRXnrppUue06lTJx0+fNixvf32207H+/Xrpx07dmj58uVavHix1qxZoyFDhrhUB3MSAQCA1ytJcxI7d+6szp07/+k5drtdkZGRFz22a9cuLV26VBs2bFCzZs0kSS+88IJuvfVWPfPMM4qOji5UHSSJAAAAbpSbm6vs7GynLTc394quuWrVKoWHh6tOnToaOnSojh8/7jiWlpam0NBQR4MoSfHx8fLx8dG6desKfQ+aRAAA4PXcOScxNTVVISEhTltqaupl19qpUye9+eabWrFihf79739r9erV6ty5s/Lz8yVJGRkZCg8Pd3pPqVKlFBYWpoyMjELfh+FmAADg9dyZmqWkpCg5Odlpn91uv+zr9enTx/HnBg0aqGHDhqpRo4ZWrVql9u3bX/Z1L0SSCAAA4EZ2u13BwcFO25U0iReqXr26KlSooPT0dElSZGSkjhw54nTOuXPndOLEiUvOY7wYmkQAAOD1LlxSpig3d/v55591/PhxRUVFSZLi4uJ08uRJbdq0yXHOypUrVVBQoObNmxf6ugw3AwAAlCCnTp1ypIKSdODAAW3dulVhYWEKCwvThAkT1KtXL0VGRmrfvn165JFHVLNmTSUkJEiS6tWrp06dOmnw4MGaOXOm8vLyNGzYMPXp06fQTzZLJIkAAACyuXFz1caNG9WkSRM1adJEkpScnKwmTZpo7Nix8vX11bZt23Tbbbepdu3aGjRokJo2baqvvvrKaQh73rx5qlu3rtq3b69bb71Vt9xyi1555RWX6iBJBAAAKEHatm0ry7IueXzZsmV/eY2wsDDNnz//iuqgSQQAAF6vJC2mXVIw3AwAAAADSSIAAPB65IgmmkQAAOD1GG02MdwMAAAAA0kiAADwesWx6PXVhiQRAAAABpJEAADg9UjNTHwnAAAAMJAkAgAAr8ecRBNJIgAAAAwkiQAAwOuRI5pIEgEAAGAgSQQAAF6POYkmmkQAAOD1GFo18Z0AAADAQJIIAAC8HsPNJpJEAAAAGEgSAQCA1yNHNJEkAgAAwECSCAAAvB5TEk0kiQAAADCQJAIAAK/nw6xEA00iAADwegw3mxhuBgAAgIEkEQAAeD0bw80GkkQAAAAYSBIBAIDXY06iiSQRAAAABpJEAADg9VgCx0SSCAAAAANJIgAA8HrMSTTRJAIAAK9Hk2hiuBkAAAAGkkQAAOD1WEzbRJIIAAAAA0kiAADwej4EiQaSRAAAABhIEgEAgNdjTqKJJBEAAAAGkkQAAOD1WCfRRJMIAAC8HsPNJoabAQAAYCBJBAAAXo8lcEwkiQAAADCQJAIAAK/HnEQTSSIAAAAMNIkocRLqlNeYdtU07bY6mtyltv4RV0kRZf2czinlY1OfxpGa0rW2pnWvqyEtKinI7us4fl2IXffedJ2e7FxLz/eoq7EdaqhdzbDi/igALsPrr/5Hfe/spZtvaqJ2reP08IMP6IcD+z1dFq5xNpv7NletWbNG3bp1U3R0tGw2mxYuXOh03LIsjR07VlFRUQoICFB8fLz27t3rdM6JEyfUr18/BQcHKzQ0VIMGDdKpU6dcqoMmESVOrQqBWr3/hCZ/+YOe//pH+dpsGn5LFfn5/v+/aX9vFKEGUUF6bd3Pmrb6B4X4l9I/WlR2HK8SGqDfcs9p9oZfNGn5Pi3dfUw9rg9XmxrlPPGRALhg08b1uvOufnpz/nua+cosncs7p6FDBun306c9XRpQLHJyctSoUSO99NJLFz0+efJkTZ8+XTNnztS6desUGBiohIQEnTlzxnFOv379tGPHDi1fvlyLFy/WmjVrNGTIEJfqsFmWZV3RJymBhn6409MloAiV9fPVlG519OzqH5R+7LT8S/loSrc6emP9z9ryy2+SpIggP43vWFOTvzygAyd+v+h1+jSOVGSQXc999WNxlo8iNvW2WE+XgGJ24sQJ/a11nF6f/ZaaNrvR0+XAjQJKe+7e3+z91W3Xblnr8gMKm82mBQsWqEePHpL+SBGjo6M1cuRIjRo1SpKUlZWliIgIzZ49W3369NGuXbsUGxurDRs2qFmzZpKkpUuX6tZbb9XPP/+s6OjoQt2bJBElXkDpP/5vevpsviQpppy/SvnYtPtIjuOczN/O6njOWVULC7jkdfxL+yjn/64B4Opx6tQf/zEYEhLi4UpwLfOx2dy25ebmKjs722nLzc29rDoPHDigjIwMxcfHO/aFhISoefPmSktLkySlpaUpNDTU0SBKUnx8vHx8fLRu3brCfyeXVWEx+emnn3Tvvff+6TkX++Lz884WU4VwN5ukvzeKVPqx0zqU/cdfqGD/UsrLL9DveQVO5/6Wm69g/4s/sF89LEDNKoXo6wPu+y9FAEWvoKBAU55+So2b3KCatWp7uhzgsqSmpiokJMRpS01NvaxrZWRkSJIiIiKc9kdERDiOZWRkKDw83Ol4qVKlFBYW5jinMEp0k3jixAnNmTPnT8+52Be/+aNXi6lCuFufJpGKDrbr9fU/X/Y1ooPtuv/myvp011Ht+p/0EUDJl/rEBKWn79W/p0zzdCm4xtncuKWkpCgrK8tpS0lJKcZPd3k8uk7iJ5988qfH9+//66fZUlJSlJyc7LRv1Gc8BXctuLNxpOpHBmnq6h908vdzjv3ZZ86ptK+PAkr7OKWJQXZfZZ8553SNyCA/PdQqRl8f+FVLdh8rttoBXLnUJydqzepVemPOW4qIjPR0OcBls9vtstvtRXKtyP/7u5CZmamoqCjH/szMTDVu3NhxzpEjR5zed+7cOZ04ccLx/sLwaJPYo0cP2Ww2/dmzM7a/eHb8Yl+8b2m/S5yNq8WdjSPVODpIU9f8qOOn85yO/fjrGZ0rsFS3YqC2HPq/B1fK+ql8oJ/TQytRQXY93DpG3/54Up/sOFqs9QO4fJZl6emnJmnliuV6bdZcXVep8l+/CbhSV8la2tWqVVNkZKRWrFjhaAqzs7O1bt06DR06VJIUFxenkydPatOmTWratKkkaeXKlSooKFDz5s0LfS+PDjdHRUXpo48+UkFBwUW3zZs3e7I8eEifxpG6qXKI3lj/i3Lz8hVs91Ww3Vel/++HNc+cK9DaH35Vr4YRql2xjKqE+uueZtHad/y0o0mMDrZrROsY7co8pRV7jzuuUdbP989uDaAEeOqJCfp08SdK/fezCgwM1LFjR3Xs2FGn5T2Aa9mpU6e0detWbd26VdIfD6ts3bpVBw8elM1m08MPP6wnnnhCn3zyibZv367+/fsrOjra8QR0vXr11KlTJw0ePFjr16/XN998o2HDhqlPnz6FfrJZ8nCS2LRpU23atEndu3e/6PG/ShlxbWpT449Fr5PbVHXaP2fjL/r2xyxJ0vvfZcpqKA1pUVmlfGzamXlK72w57Di3yXXBCvIvpeYxoWoeE+rYfzznrB5bmu72zwDg8r3/7tuSpPsG3uO0f8ITqereo6cnSoIXKEk/y7dx40a1a9fO8fr8tLrExETNnj1bjzzyiHJycjRkyBCdPHlSt9xyi5YuXSp/f3/He+bNm6dhw4apffv28vHxUa9evTR9+nSX6vDoOolfffWVcnJy1KlTp4sez8nJ0caNG9WmTRuXrss6icC1i3USgWuXJ9dJXLcvy23Xbl7j6ly+yaNJYqtWrf70eGBgoMsNIgAAgKsu5+fzrnUebRIBAABKAnpEU4leJxEAAACeQZIIAABAlGggSQQAAICBJBEAAHi9krQETklBkggAAAADSSIAAPB6LIFjIkkEAACAgSQRAAB4PYJEE00iAAAAXaKB4WYAAAAYSBIBAIDXYwkcE0kiAAAADCSJAADA67EEjokkEQAAAAaSRAAA4PUIEk0kiQAAADCQJAIAABAlGmgSAQCA12MJHBPDzQAAADCQJAIAAK/HEjgmkkQAAAAYSBIBAIDXI0g0kSQCAADAQJIIAABAlGggSQQAAICBJBEAAHg91kk0kSQCAADAQJIIAAC8HuskmmgSAQCA16NHNDHcDAAAAANJIgAAAFGigSQRAAAABpJEAADg9VgCx0SSCAAAAANJIgAA8HosgWMiSQQAAICBJBEAAHg9gkQTTSIAAABdooHhZgAAABhIEgEAgNdjCRwTSSIAAAAMJIkAAMDrsQSOiSQRAAAABpJEAADg9QgSTSSJAAAAMJAkAgAAECUaSBIBAIDXs7nxH1eMHz9eNpvNaatbt67j+JkzZ5SUlKTy5curbNmy6tWrlzIzM4v665BEkwgAAFCiXH/99Tp8+LBj+/rrrx3HRowYoUWLFun999/X6tWrdejQIfXs2dMtdTDcDAAAvF5JWgKnVKlSioyMNPZnZWXp9ddf1/z58/W3v/1NkjRr1izVq1dP3377rVq0aFGkdZAkAgAAuFFubq6ys7Odttzc3Euev3fvXkVHR6t69erq16+fDh48KEnatGmT8vLyFB8f7zi3bt26qlKlitLS0oq8bppEAADg9Wxu3FJTUxUSEuK0paamXrSO5s2ba/bs2Vq6dKlmzJihAwcOqFWrVvrtt9+UkZEhPz8/hYaGOr0nIiJCGRkZRfl1SGK4GQAAwK1SUlKUnJzstM9ut1/03M6dOzv+3LBhQzVv3lwxMTF67733FBAQ4NY6L0STCAAA4MY5iXa7/ZJN4V8JDQ1V7dq1lZ6erg4dOujs2bM6efKkU5qYmZl50TmMV4rhZgAAgBLq1KlT2rdvn6KiotS0aVOVLl1aK1ascBzfs2ePDh48qLi4uCK/N0kiAADweq6uZ+guo0aNUrdu3RQTE6NDhw5p3Lhx8vX11V133aWQkBANGjRIycnJCgsLU3BwsIYPH664uLgif7JZokkEAAAoMUvg/Pzzz7rrrrt0/PhxVaxYUbfccou+/fZbVaxYUZI0bdo0+fj4qFevXsrNzVVCQoJefvllt9RisyzLcsuVPWjohzs9XQIAN5l6W6ynSwDgJgGlPXfvgycuvSTNlaoSdnnzET2NJBEAAHi9EhIklig8uAIAAAADSSIAAPB6JWVOYklCkggAAAADSSIAAACzEg0kiQAAADCQJAIAAK/HnEQTTSIAAPB69IgmhpsBAABgIEkEAABej+FmE0kiAAAADCSJAADA69mYlWggSQQAAICBJBEAAIAg0UCSCAAAAANJIgAA8HoEiSaaRAAA4PVYAsfEcDMAAAAMJIkAAMDrsQSOiSQRAAAABpJEAAAAgkQDSSIAAAAMJIkAAMDrESSaSBIBAABgIEkEAABej3USTTSJAADA67EEjonhZgAAABhIEgEAgNdjuNlEkggAAAADTSIAAAAMNIkAAAAwMCcRAAB4PeYkmkgSAQAAYCBJBAAAXo91Ek00iQAAwOsx3GxiuBkAAAAGkkQAAOD1CBJNJIkAAAAwkCQCAAAQJRpIEgEAAGAgSQQAAF6PJXBMJIkAAAAwkCQCAACvxzqJJpJEAAAAGEgSAQCA1yNINNEkAgAA0CUaGG4GAACAgSYRAAB4PZsb/7kcL730kqpWrSp/f381b95c69evL+JP/NdoEgEAAEqQd999V8nJyRo3bpw2b96sRo0aKSEhQUeOHCnWOmgSAQCA17PZ3Le5aurUqRo8eLAGDhyo2NhYzZw5U2XKlNEbb7xR9B/8T9AkAgAAuFFubq6ys7Odttzc3Iuee/bsWW3atEnx8fGOfT4+PoqPj1daWlpxlSzpGn26eUavWE+XgGKSm5ur1NRUpaSkyG63e7ocAEWIv98oTv5u7IjGP5GqCRMmOO0bN26cxo8fb5x77Ngx5efnKyIiwml/RESEdu/e7b4iL8JmWZZVrHcEilB2drZCQkKUlZWl4OBgT5cDoAjx9xvXitzcXCM5tNvtF/2Pn0OHDum6667T2rVrFRcX59j/yCOPaPXq1Vq3bp3b6z3vmkwSAQAASopLNYQXU6FCBfn6+iozM9Npf2ZmpiIjI91R3iUxJxEAAKCE8PPzU9OmTbVixQrHvoKCAq1YscIpWSwOJIkAAAAlSHJyshITE9WsWTPddNNNeu6555STk6OBAwcWax00ibiq2e12jRs3jkntwDWIv9/wVnfeeaeOHj2qsWPHKiMjQ40bN9bSpUuNh1ncjQdXAAAAYGBOIgAAAAw0iQAAADDQJAIAAMBAkwgAAAADTSKuai+99JKqVq0qf39/NW/eXOvXr/d0SQCu0Jo1a9StWzdFR0fLZrNp4cKFni4J8Eo0ibhqvfvuu0pOTta4ceO0efNmNWrUSAkJCTpy5IinSwNwBXJyctSoUSO99NJLni4F8GosgYOrVvPmzXXjjTfqxRdflPTHivSVK1fW8OHD9eijj3q4OgBFwWazacGCBerRo4enSwG8Dkkirkpnz57Vpk2bFB8f79jn4+Oj+Ph4paWlebAyAACuDTSJuCodO3ZM+fn5xurzERERysjI8FBVAABcO2gSAQAAYKBJxFWpQoUK8vX1VWZmptP+zMxMRUZGeqgqAACuHTSJuCr5+fmpadOmWrFihWNfQUGBVqxYobi4OA9WBgDAtaGUpwsALldycrISExPVrFkz3XTTTXruueeUk5OjgQMHero0AFfg1KlTSk9Pd7w+cOCAtm7dqrCwMFWpUsWDlQHehSVwcFV78cUXNWXKFGVkZKhx48aaPn26mjdv7umyAFyBVatWqV27dsb+xMREzZ49u/gLArwUTSIAAAAMzEkEAACAgSYRAAAABppEAAAAGGgSAQAAYKBJBAAAgIEmEQAAAAaaRAAAABhoEgEAAGCgSQRwxQYMGKAePXo4Xrdt21YPP/xwsdexatUq2Ww2nTx58pLn2Gw2LVy4sNDXHD9+vBo3bnxFdf3www+y2WzaunXrFV0HAIoTTSJwjRowYIBsNptsNpv8/PxUs2ZNTZw4UefOnXP7vT/66CNNmjSpUOcWprEDABS/Up4uAID7dOrUSbNmzVJubq4+++wzJSUlqXTp0kpJSTHOPXv2rPz8/IrkvmFhYUVyHQCA55AkAtcwu92uyMhIxcTEaOjQoYqPj9cnn3wi6f8PET/55JOKjo5WnTp1JEk//fSTevfurdDQUIWFhal79+764YcfHNfMz89XcnKyQkNDVb58eT3yyCO68CfgLxxuzs3N1ZgxY1S5cmXZ7XbVrFlTr7/+un744Qe1a9dOklSuXDnZbDYNGDBAklRQUKDU1FRVq1ZNAQEBatSokT744AOn+3z22WeqXbu2AgIC1K5dO6c6C2vMmDGqXbu2ypQpo+rVq+vxxx9XXl6ecd5//vMfVa5cWWXKlFHv3r2VlZXldPy1115TvXr15O/vr7p16+rll1++5D1//fVX9evXTxUrVlRAQIBq1aqlWbNmuVw7ALgTSSLgRQICAnT8+HHH6xUrVig4OFjLly+XJOXl5SkhIUFxcXH66quvVKpUKT3xxBPq1KmTtm3bJj8/Pz377LOaPXu23njjDdWrV0/PPvusFixYoL/97W+XvG///v2Vlpam6dOnq1GjRjpw4ICOHTumypUr68MPP1SvXr20Z88eBQcHKyAgQJKUmpqqt956SzNnzlStWrW0Zs0a3X333apYsaLatGmjn376ST179lRSUpKGDBmijRs3auTIkS5/J0FBQZo9e7aio6O1fft2DR48WEFBQXrkkUcc56Snp+u9997TokWLlJ2drUGDBumBBx7QvHnzJEnz5s3T2LFj9eKLL6pJkybasmWLBg8erMDAQCUmJhr3fPzxx7Vz504tWbJEFSpUUHp6un7//XeXawcAt7IAXJMSExOt7t27W5ZlWQUFBdby5cstu91ujRo1ynE8IiLCys3Ndbxn7ty5Vp06dayCggLHvtzcXCsgIMBatmyZZVmWFRUVZU2ePNlxPC8vz6pUqZLjXpZlWW3atLEeeughy7Isa8+ePZYka/ny5Ret88svv7QkWb/++qtj35kzZ6wyZcpYa9eudTp30KBB1l133WVZlmWlpKRYsbGxTsfHjBljXOtCkqwFCxZc8viUKVOspk2bOl6PGzfO8vX1tX7++WfHviVLllg+Pj7W4cOHLcuyrBo1aljz5893us6kSZOsuLg4y7Is68CBA5Yka8uWLZZlWVa3bt2sgQMHXrIGACgJSBKBa9jixYtVtmxZ5eXlqaCgQH379tX48eMdxxs0aOA0D/G7775Tenq6goKCnK5z5swZ7du3T1lZWTp8+LCaN2/uOFaqVCk1a9bMGHI+b+vWrfL19VWbNm0KXXd6erpOnz6tDh06OO0/e/asmjRpIknatWuXUx2SFBcXV+h7nPfuu+9q+vTp2rdvn06dOqVz584pODjY6ZwqVarouuuuc7pPQUGB9uzZo6CgIO3bt0+DBg3S4MGDHeecO3dOISEhF73n0KFD1atXL23evFkdO3ZUjx49dPPNN7tcOwC4E00icA1r166dZsyYIT8/P0VHR6tUKee/8oGBgU6vT506paZNmzqGUf9XxYoVL6uG88PHrjh16pQk6dNPP3VqzqQ/5lkWlbS0NPXr108TJkxQQkKCQkJC9M477+jZZ591udZXX33VaFp9fX0v+p7OnTvrxx9/1Geffably5erffv2SkpK0jPPPHP5HwYAihhNInANCwwMVM2aNQt9/g033KB3331X4eHhRpp2XlRUlNatW6fWrVtL+iMx27Rpk2644YaLnt+gQQMVFBRo9erVio+PN46fTzLz8/Md+2JjY2W323Xw4MFLJpD16tVzPIRz3rfffvvXH/J/rF27VjExMfrXv/7l2Pfjjz8a5x08eFCHDh1SdHS04z4+Pj6qU6eOIiIiFB0drf3796tfv36FvnfFihWVmJioxMREtWrVSqNHj6ZJBFCi8HQzAId+/fqpQoUK6t69u7766isdOHBAq1at0oMPPqiff/5ZkvTQQw/p6aef1sKFC7V792498MADf7rGYdWqVZWYmKh7771XCxcudFzzvffekyTFxMTIZrNp8eLFOnr0qE6dOqWgoCCNGjVKI0aM0Jw5c7Rv3z5t3rxZL7zwgubMmSNJuv/++7V3716NHj1ae/bs0fz58zV79myXPm+tWrV08OBBvfPOO9q3b5+mT5+uBQsWGOf5+/srMTFR3333nb766is9+OCD6t27tyIjIyVJEyZMUGpqqqZPn67//ve/2r59u2bNmqWpU6de9L5jx47Vxx9/rPT0dO3YsUOLFy9WvXr1XKodANyNJhGAQ5kyZbRmzRpVqVJFPXv2VL169TRo0CCdOXPGkSyOHDlS99xzjxITExUXF6egoCDdfvvtf3rdGTNm6I477tADDzygunXravDgwcrJyZEkXXfddZowYYIeffRRRUREaNiwYZKkSZMm6fHHH1dqaqrq1aunTp066dNPP1W1atUk/TFP8MMPP9TChQvVqFEjzZw5U0899ZRLn/e2227TiBEjNGzYMDVu3Fhr167V448/bpxXs2ZN9ezZU7feeqs6duyohg0bOi1xc9999+m1117TrFmz1KBBA7Vp00azZ8921HohPz8/paSkqGHDhmrdurV8fX31zjvvuFQ7ALibzbrUbHMAAAB4LZJEAAAAGGgSAQAAYKBJBAAAgIEmEQAAAAaaRAAAABhoEgEAAGCgSQQAAICBJhEAAAAGmkQAAAAYaBIBAABgoEkEAACA4f8BfLTtjBSxQsAAAAAASUVORK5CYII=", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "plot_confusion_matrix(y_test, y_pred,(0,1))" + ] + }, + { + "cell_type": "code", + "execution_count": 19, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAr4AAAIjCAYAAADlfxjoAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8pXeV/AAAACXBIWXMAAA9hAAAPYQGoP6dpAACcyklEQVR4nOzdd1zV1R/H8dcFGYIIKK6UEivXT3HgSM1tacNR5sg9GporZ2qpWY7SNLXMVc6cqZVaaWpqpebGWVqO3FtAUVn3/P64epFABQUu4/18PHj8fvd8z/d7P1wu9ubc8z3HYowxiIiIiIhkcE6OLkBEREREJDUo+IqIiIhIpqDgKyIiIiKZgoKviIiIiGQKCr4iIiIikiko+IqIiIhIpqDgKyIiIiKZgoKviIiIiGQKCr4iIiIikiko+IqkkoIFC9KuXTtHl5Hp1KhRgxo1aji6jPt6//33sVgsXLx40dGlpDkWi4X3338/Wa517NgxLBYLM2fOTJbrAWzduhVXV1f+/fffZLtmcmvevDlNmzZ1dBkiDqfgKxnCzJkzsVgs9q8sWbKQP39+2rVrx6lTpxxdXpoWHh7Ohx9+SGBgIB4eHnh7e1O1alVmz55NetnR/MCBA7z//vscO3bM0aXEExMTw4wZM6hRowY5cuTAzc2NggUL0r59e7Zv3+7o8pLFvHnzGDdunKPLiCM1a3r33Xd59dVXeeyxx+xtNWrUiPNvUtasWQkMDGTcuHFYrdYEr3Pp0iX69u1LkSJFcHd3J0eOHNStW5cVK1bc9bnDwsIYOnQopUqVIlu2bGTNmpUSJUrwzjvvcPr0aXu/d955hyVLlrB79+5Ef1+Z4b0rmY/FpJf/soncw8yZM2nfvj0ffPABAQEB3Lx5kz/++IOZM2dSsGBB9u3bh7u7u0NrjIiIwMnJCRcXF4fWcadz585Ru3Zt/vzzT5o3b0716tW5efMmS5Ys4ddff6VZs2bMnTsXZ2dnR5d6T4sXL6ZJkyasW7cu3uhuZGQkAK6urqle140bN3j55ZdZuXIl1apVo379+uTIkYNjx46xaNEiDh06xPHjxylQoADvv/8+Q4cO5cKFC/j5+aV6rQ/jxRdfZN++fSn2h8fNmzfJkiULWbJkeeiajDFERETg4uKSLO/r4OBgypQpw6ZNm6hUqZK9vUaNGhw+fJiRI0cCcPHiRebNm8e2bdsYOHAgw4cPj3OdgwcPUrt2bS5cuED79u0pV64cISEhzJ07l+DgYPr06cPo0aPjnHPkyBHq1KnD8ePHadKkCU8//TSurq7s2bOH+fPnkyNHDg4dOmTvX7FiRYoUKcLs2bPv+30l5b0rkq4YkQxgxowZBjDbtm2L0/7OO+8YwCxcuNBBlTnWjRs3TExMzF2P161b1zg5OZnvv/8+3rE+ffoYwHz00UcpWWKCrl27lqT+33zzjQHMunXrUqagB9SlSxcDmE8//TTesejoaDN69Ghz4sQJY4wxQ4YMMYC5cOFCitVjtVrN9evXk/26L7zwgnnssceS9ZoxMTHmxo0bD3x+StSUkO7du5tHH33UWK3WOO3Vq1c3//vf/+K03bhxwzz22GPGy8vLREdH29sjIyNNiRIljIeHh/njjz/inBMdHW2aNWtmALNgwQJ7e1RUlClVqpTx8PAwv/32W7y6QkNDzcCBA+O0ffLJJ8bT09NcvXr1vt9XUt67D+Nhf84iSaXgKxnC3YLvihUrDGBGjBgRp/3PP/80jRs3Nr6+vsbNzc0EBQUlGP6uXLli3n77bfPYY48ZV1dXkz9/ftO6des44eTmzZtm8ODB5vHHHzeurq6mQIECpm/fvubmzZtxrvXYY4+Ztm3bGmOM2bZtmwHMzJkz4z3nypUrDWCWL19ubzt58qRp3769yZ07t3F1dTXFixc3X331VZzz1q1bZwAzf/588+6775pHHnnEWCwWc+XKlQRfs82bNxvAdOjQIcHjUVFR5sknnzS+vr72sHT06FEDmNGjR5uxY8eaRx991Li7u5tq1aqZvXv3xrtGYl7n2z+79evXm86dO5tcuXIZHx8fY4wxx44dM507dzaFCxc27u7uJkeOHOaVV14xR48ejXf+f79uh+Dq1aub6tWrx3udFi5caIYNG2by589v3NzcTK1atczff/8d73v4/PPPTUBAgHF3dzfly5c3v/76a7xrJuTEiRMmS5Ys5plnnrlnv9tuB9+///7btG3b1nh7e5vs2bObdu3amfDw8Dh9p0+fbmrWrGly5cplXF1dTbFixcwXX3wR75qPPfaYeeGFF8zKlStNUFCQcXNzsweZxF7DGGN+/PFHU61aNZMtWzbj5eVlypUrZ+bOnWuMsb2+/33t7wycif39AEyXLl3M119/bYoXL26yZMlivv32W/uxIUOG2PuGhYWZHj162H8vc+XKZerUqWN27Nhx35puv4dnzJgR5/n//PNP06RJE+Pn52fc3d1N4cKF4wXHhDz66KOmXbt28doTCr7GGPPKK68YwJw+fdreNn/+fAOYDz74IMHnCAkJMT4+PqZo0aL2tgULFhjADB8+/L413rZ7924DmKVLl96zX1Lfu23btk3wj4zb7+k7JfRzXrRokfH19U3wdQwNDTVubm6md+/e9rbEvqdEEpL4z41E0qHbH3P6+vra2/bv30+VKlXInz8//fv3x9PTk0WLFtGoUSOWLFnCSy+9BMC1a9eoWrUqf/75Jx06dKBs2bJcvHiRZcuWcfLkSfz8/LBarTRo0IDff/+dN954g2LFirF3714+/fRTDh06xHfffZdgXeXKlaNQoUIsWrSItm3bxjm2cOFCfH19qVu3LmCbjvDUU09hsVjo2rUruXLl4qeffqJjx46EhYXx9ttvxzn/ww8/xNXVlT59+hAREXHXj/iXL18OQJs2bRI8niVLFlq0aMHQoUPZuHEjderUsR+bPXs2V69epUuXLty8eZPx48dTq1Yt9u7dS548eZL0Ot/21ltvkStXLgYPHkx4eDgA27ZtY9OmTTRv3pwCBQpw7NgxJk2aRI0aNThw4AAeHh5Uq1aN7t27M2HCBAYOHEixYsUA7P97Nx999BFOTk706dOH0NBQRo0aRcuWLdmyZYu9z6RJk+jatStVq1alZ8+eHDt2jEaNGuHr63vfj3h/+uknoqOjad269T37/VfTpk0JCAhg5MiR7Ny5ky+//JLcuXPz8ccfx6nrf//7Hw0aNCBLliwsX76ct956C6vVSpcuXeJc7+DBg7z66qu8+eabvP766xQpUiRJ15g5cyYdOnTgf//7HwMGDMDHx4ddu3axcuVKWrRowbvvvktoaCgnT57k008/BSBbtmwASf79+OWXX1i0aBFdu3bFz8+PggULJvgaderUicWLF9O1a1eKFy/OpUuX+P333/nzzz8pW7bsPWtKyJ49e6hatSouLi688cYbFCxYkMOHD7N8+fJ4UxLudOrUKY4fP07ZsmXv2ue/bt9c5+PjY2+73++it7c3DRs2ZNasWfzzzz888cQTLFu2DCBJ76/ixYuTNWtWNm7cGO/3704P+t5NrP/+nJ988kleeuklli5dypQpU+L8m/Xdd98RERFB8+bNgaS/p0TicXTyFkkOt0f91qxZYy5cuGBOnDhhFi9ebHLlymXc3NzifCRXu3ZtU7JkyTijA1ar1VSuXNk8+eST9rbBgwffdXTk9seac+bMMU5OTvE+apw8ebIBzMaNG+1td474GmPMgAEDjIuLi7l8+bK9LSIiwvj4+MQZhe3YsaPJly+fuXjxYpznaN68ufH29raPxt4eySxUqFCiPs5u1KiRAe46ImyMMUuXLjWAmTBhgjEmdrQsa9as5uTJk/Z+W7ZsMYDp2bOnvS2xr/Ptn93TTz8d5+NfY0yC38ftkerZs2fb2+411eFuI77FihUzERER9vbx48cbwD5yHRERYXLmzGnKly9voqKi7P1mzpxpgPuO+Pbs2dMAZteuXffsd9vt0bH/jsC/9NJLJmfOnHHaEnpd6tatawoVKhSn7bHHHjOAWblyZbz+iblGSEiI8fLyMhUrVoz3cfSdH+3fbVpBUn4/AOPk5GT2798f7zr8Z8TX29vbdOnSJV6/O92tpoRGfKtVq2a8vLzMv//+e9fvMSFr1qyJ9+nMbdWrVzdFixY1Fy5cMBcuXDB//fWX6du3rwHMCy+8EKdv6dKljbe39z2fa+zYsQYwy5YtM8YYU6ZMmfuek5DChQub55577p59kvreTeqIb0I/51WrViX4Wj7//PNx3pNJeU+JJESrOkiGUqdOHXLlyoW/vz+vvPIKnp6eLFu2zD46d/nyZX755ReaNm3K1atXuXjxIhcvXuTSpUvUrVuXv//+274KxJIlSyhVqlSCIyMWiwWAb775hmLFilG0aFH7tS5evEitWrUAWLdu3V1rbdasGVFRUSxdutTe9vPPPxMSEkKzZs0A2404S5YsoX79+hhj4jxH3bp1CQ0NZefOnXGu27ZtW7JmzXrf1+rq1asAeHl53bXP7WNhYWFx2hs1akT+/PntjytUqEDFihX58ccfgaS9zre9/vrr8W42uvP7iIqK4tKlSzzxxBP4+PjE+76Tqn379nFGlqpWrQrYbhgC2L59O5cuXeL111+Pc1NVy5Yt43yCcDe3X7N7vb4J6dSpU5zHVatW5dKlS3F+Bne+LqGhoVy8eJHq1atz5MgRQkND45wfEBBg//TgTom5xurVq7l69Sr9+/ePd3Po7d+Be0nq70f16tUpXrz4fa/r4+PDli1b4qxa8KAuXLjAr7/+SocOHXj00UfjHLvf93jp0iWAu74f/vrrL3LlykWuXLkoWrQoo0ePpkGDBvGWUrt69ep93yf//V0MCwtL8nvrdq33WzLvQd+7iZXQz7lWrVr4+fmxcOFCe9uVK1dYvXq1/d9DeLh/c0UANNVBMpSJEydSuHBhQkNDmT59Or/++itubm724//88w/GGAYNGsSgQYMSvMb58+fJnz8/hw8fpnHjxvd8vr///ps///yTXLly3fVad1OqVCmKFi3KwoUL6dixI2Cb5uDn52f/R/zChQuEhIQwdepUpk6dmqjnCAgIuGfNt93+j9rVq1fjfOx6p7uF4yeffDJe38KFC7No0SIgaa/zveq+ceMGI0eOZMaMGZw6dSrO8mr/DXhJ9d+Qczu8XLlyBcC+JusTTzwRp1+WLFnu+hH8nbJnzw7EvobJUdfta27cuJEhQ4awefNmrl+/Hqd/aGgo3t7e9sd3ez8k5hqHDx8GoESJEkn6Hm5L6u9HYt+7o0aNom3btvj7+xMUFMTzzz9PmzZtKFSoUJJrvP2HzoN+j8Bdl/0rWLAg06ZNw2q1cvjwYYYPH86FCxfi/RHh5eV13zD639/F7Nmz22tPaq33C/QP+t5NrIR+zlmyZKFx48bMmzePiIgI3NzcWLp0KVFRUXGC78P8mysCCr6SwVSoUIFy5coBtlHJp59+mhYtWnDw4EGyZctmXz+zT58+CY6CQfygcy9Wq5WSJUsyduzYBI/7+/vf8/xmzZoxfPhwLl68iJeXF8uWLePVV1+1jzDerrdVq1bx5gLfFhgYGOdxYkZ7wTYH9rvvvmPPnj1Uq1YtwT579uwBSNQo3J0e5HVOqO5u3boxY8YM3n77bSpVqoS3tzcWi4XmzZvfdS3UxLrbUlZ3CzFJVbRoUQD27t1L6dKlE33e/eo6fPgwtWvXpmjRoowdOxZ/f39cXV358ccf+fTTT+O9Lgm9rkm9xoNK6u9HYt+7TZs2pWrVqnz77bf8/PPPjB49mo8//pilS5fy3HPPPXTdiZUzZ04g9o+l//L09IwzN75KlSqULVuWgQMHMmHCBHt7sWLFCA4O5vjx4/H+8Lntv7+LRYsWZdeuXZw4ceK+/87c6cqVKwn+4XqnpL537xakY2JiEmy/28+5efPmTJkyhZ9++olGjRqxaNEiihYtSqlSpex9HvbfXBEFX8mwnJ2dGTlyJDVr1uTzzz+nf//+9hEhFxeXOP9BSsjjjz/Ovn377ttn9+7d1K5dO1Ef/f5Xs2bNGDp0KEuWLCFPnjyEhYXZb+IAyJUrF15eXsTExNy33qR68cUXGTlyJLNnz04w+MbExDBv3jx8fX2pUqVKnGN///13vP6HDh2yj4Qm5XW+l8WLF9O2bVvGjBljb7t58yYhISFx+j3Ia38/tzcj+Oeff6hZs6a9PTo6mmPHjsX7g+O/nnvuOZydnfn666+T9Sah5cuXExERwbJly+KEpKR8xJvYazz++OMA7Nu3755/EN7t9X/Y3497yZcvH2+99RZvvfUW58+fp2zZsgwfPtwefBP7fLffq/f7XU/I7YB49OjRRPUPDAykVatWTJkyhT59+thf+xdffJH58+cze/Zs3nvvvXjnhYWF8f3331O0aFH7z6F+/frMnz+fr7/+mgEDBiTq+aOjozlx4gQNGjS4Z7+kvnd9fX3j/U4CSd7Jrlq1auTLl4+FCxfy9NNP88svv/Duu+/G6ZOS7ynJHDTHVzK0GjVqUKFCBcaNG8fNmzfJnTs3NWrUYMqUKZw5cyZe/wsXLtj/f+PGjdm9ezfffvttvH63R9+aNm3KqVOnmDZtWrw+N27csK9OcDfFihWjZMmSLFy4kIULF5IvX744IdTZ2ZnGjRuzZMmSBP/DfGe9SVW5cmXq1KnDjBkzEtwZ6t133+XQoUP069cv3gjNd999F2eO7tatW9myZYs9dCTldb4XZ2fneCOwn332WbyRJE9PT4AE/+P7oMqVK0fOnDmZNm0a0dHR9va5c+fedYTvTv7+/rz++uv8/PPPfPbZZ/GOW61WxowZw8mTJ5NU1+0R4f9O+5gxY0ayX+PZZ5/Fy8uLkSNHcvPmzTjH7jzX09MzwaknD/v7kZCYmJh4z5U7d24eeeQRIiIi7lvTf+XKlYtq1aoxffp0jh8/HufY/Ub/8+fPj7+/f5J2MevXrx9RUVFxRixfeeUVihcvzkcffRTvWlarlc6dO3PlyhWGDBkS55ySJUsyfPhwNm/eHO95rl69Gi80HjhwgJs3b1K5cuV71pjU9+7jjz9OaGiofVQa4MyZMwn+23kvTk5OvPLKKyxfvpw5c+YQHR0dZ5oDpMx7SjIXjfhKhte3b1+aNGnCzJkz6dSpExMnTuTpp5+mZMmSvP766xQqVIhz586xefNmTp48ad/Ss2/fvvYdwTp06EBQUBCXL19m2bJlTJ48mVKlStG6dWsWLVpEp06dWLduHVWqVCEmJoa//vqLRYsWsWrVKvvUi7tp1qwZgwcPxt3dnY4dO+LkFPfv0Y8++oh169ZRsWJFXn/9dYoXL87ly5fZuXMna9as4fLlyw/82syePZvatWvTsGFDWrRoQdWqVYmIiGDp0qWsX7+eZs2a0bdv33jnPfHEEzz99NN07tyZiIgIxo0bR86cOenXr5+9T2Jf53t58cUXmTNnDt7e3hQvXpzNmzezZs0a+0fMt5UuXRpnZ2c+/vhjQkNDcXNzo1atWuTOnfuBXxtXV1fef/99unXrRq1atWjatCnHjh1j5syZPP7444kabRozZgyHDx+me/fuLF26lBdffBFfX1+OHz/ON998w19//RVnhD8xnn32WVxdXalfvz5vvvkm165dY9q0aeTOnTvBPzIe5hrZs2fn008/5bXXXqN8+fK0aNECX19fdu/ezfXr15k1axYAQUFBLFy4kF69elG+fHmyZctG/fr1k+X347+uXr1KgQIFeOWVV+zb9K5Zs4Zt27bF+WTgbjUlZMKECTz99NOULVuWN954g4CAAI4dO8YPP/xAcHDwPetp2LAh3377baLmzoJtqsLzzz/Pl19+yaBBg8iZMyeurq4sXryY2rVr8/TTT8fZuW3evHns3LmT3r17x3mvuLi4sHTpUurUqUO1atVo2rQpVapUwcXFhf3799s/rblzObbVq1fj4eHBM888c986k/Lebd68Oe+88w4vvfQS3bt35/r160yaNInChQsn+SbUZs2a8dlnnzFkyBBKliwZb1nClHhPSSaT+gtJiCS/u21gYYxtZ6DHH3/cPP744/blsg4fPmzatGlj8ubNa1xcXEz+/PnNiy++aBYvXhzn3EuXLpmuXbua/Pnz2xdKb9u2bZylxSIjI83HH39s/ve//xk3Nzfj6+trgoKCzNChQ01oaKi933+XM7vt77//ti+y//vvvyf4/Z07d8506dLF+Pv7GxcXF5M3b15Tu3ZtM3XqVHuf28t0ffPNN0l67a5evWref/9987///c9kzZrVeHl5mSpVqpiZM2fGW87pzg0sxowZY/z9/Y2bm5upWrWq2b17d7xrJ+Z1vtfP7sqVK6Z9+/bGz8/PZMuWzdStW9f89ddfCb6W06ZNM4UKFTLOzs6J2sDiv6/T3TY2mDBhgnnssceMm5ubqVChgtm4caMJCgoy9erVS8Sra9vl6ssvvzRVq1Y13t7exsXFxTz22GOmffv2cZaLutvObbdfnzs37Vi2bJkJDAw07u7upmDBgubjjz8206dPj9fv9gYWCUnsNW73rVy5ssmaNavJnj27qVChgpk/f779+LVr10yLFi2Mj49PvA0sEvv7wa2NDRLCHcuZRUREmL59+5pSpUoZLy8v4+npaUqVKhVv84271XS3n/O+ffvMSy+9ZHx8fIy7u7spUqSIGTRoUIL13Gnnzp0GiLe81t02sDDGmPXr18dbos0YY86fP2969eplnnjiCePm5mZ8fHxMnTp17EuYJeTKlStm8ODBpmTJksbDw8O4u7ubEiVKmAEDBpgzZ87E6VuxYkXTqlWr+35PtyX2vWuMMT///LMpUaKEcXV1NUWKFDFff/31PTewuBur1Wr8/f0NYIYNG5Zgn8S+p0QSYjEmme7kEJEM79ixYwQEBDB69Gj69Onj6HIcwmq1kitXLl5++eUEP26VzKd27do88sgjzJkzx9Gl3FVwcDBly5Zl586dSbrZUiSj0RxfEZG7uHnzZrx5nrNnz+by5cvUqFHDMUVJmjNixAgWLlyY5Ju5UtNHH33EK6+8otArmZ7m+IqI3MUff/xBz549adKkCTlz5mTnzp189dVXlChRgiZNmji6PEkjKlasSGRkpKPLuKcFCxY4ugSRNEHBV0TkLgoWLIi/vz8TJkzg8uXL5MiRgzZt2vDRRx/F2fVNRETSB83xFREREZFMQXN8RURERCRTUPAVERERkUwh083xtVqtnD59Gi8vL213KCIiIpIGGWO4evUqjzzySLyNnR5Gpgu+p0+fxt/f39FliIiIiMh9nDhxggIFCiTb9TJd8PXy8gJsL2T27NkdXI2IiIiI/FdYWBj+/v723JZcMl3wvT29IXv27Aq+IiIiImlYck9L1c1tIiIiIpIpKPiKiIiISKag4CsiIiIimYKCr4iIiIhkCgq+IiIiIpIpKPiKiIiISKag4CsiIiIimYKCr4iIiIhkCgq+IiIiIpIpKPiKiIiISKag4CsiIiIimYKCr4iIiIhkCgq+IiIiIpIpKPiKiIiISKag4CsiIiIimYJDg++vv/5K/fr1eeSRR7BYLHz33Xf3PWf9+vWULVsWNzc3nnjiCWbOnJnidYqIiIhI+ufQ4BseHk6pUqWYOHFiovofPXqUF154gZo1axIcHMzbb7/Na6+9xqpVq1K4UhERERFJ77I48smfe+45nnvuuUT3nzx5MgEBAYwZMwaAYsWK8fvvv/Ppp59St27dlCpTRERERFKJNdrKwsH7U+Ta6WqO7+bNm6lTp06ctrp167J58+a7nhMREUFYWFicLxERERFJe87uOsOOvM9Tf3ytFLl+ugq+Z8+eJU+ePHHa8uTJQ1hYGDdu3EjwnJEjR+Lt7W3/8vf3T41SRURERCQJNr7zPVmCAil/aRUe3EyR50hXwfdBDBgwgNDQUPvXiRMnHF2SiIiIiNwSdiacdUU6UWVUI/zMRQDOW3KnyHOlq+CbN29ezp07F6ft3LlzZM+enaxZsyZ4jpubG9mzZ4/zJSIiIiKOF/zVDi48FkTNQ1PsbVsfaYTLjj9S5PnSVfCtVKkSa9eujdO2evVqKlWq5KCKRERERCSpom7GsKrWx/zvtad4POogAOF4sLn9VMqfWIrv4zlT5HkdGnyvXbtGcHAwwcHBgG25suDgYI4fPw7Ypim0adPG3r9Tp04cOXKEfv368ddff/HFF1+waNEievbs6YjyRURERCSJDh6EWpVvUmjdl7gQDcBfnkFcXrOLStNfx+JkSbHndmjw3b59O2XKlKFMmTIA9OrVizJlyjB48GAAzpw5Yw/BAAEBAfzwww+sXr2aUqVKMWbMGL788kstZSYiIiKSxhkDkydDmTLw+y5PWjCPCFzZWH0AT17YhH/twileg8UYY1L8WdKQsLAwvL29CQ0N1XxfERERkVRw/vBV+r4Zxuy1+e1tRYrAok9PEfhc/nj9Uyqvpas5viIiIiKSvvw+ejPXC5fmjbVNcb41teGtt2DnThIMvSnJoTu3iYiIiEjGFB4azS+1h/Pcjg/JQgwFOcKHnh8TuPBdXnjBMTUp+IqIiIhIstrz3RGiX21F/Zuxu+v+6VuZ11e1wK+84+rSVAcRERERSRbRUYbvG8+m4EulKXsr9EbjzPYGH1D03Ab8ygc4tD6N+IqIiIjIQzu68wqHn+1Ew0uL7G0n3Qph5sylXJOnHFhZLI34ioiIiMgDMwa+/iIM53KlqXNH6N1Vqh15Tgfjn0ZCLyj4ioiIiMgDungRXnkFWnfJzlLzEgAhTr4cHLaIMsEzcMnh5eAK49JUBxERERFJslWroH17OHPG9rg/H1G66E3KLX2XIsX8HVvcXSj4ioiIiEii3bhu+L7+NFb/4swZOgKQMydMm+ZOjZcmO7i6e1PwFREREZFE2fvLBc43ep3mV7+nAVnZRGUeq1uMGTMgXz5HV3d/muMrIiIiIvcUEwOLXvsZv9qB1L76PQAe3ODLhiv46af0EXpBI74iIiIicg/HD91kS60BND01zt52xdmPq+OnU6VLfccV9gA04isiIiIiCfrho71cLVaBJneE3oMB9fA8spdH01noBY34ioiIiMh/XLlsWPbMZzTb2Q93IgC4iRsnu4+myLiuYLE4uMIHoxFfEREREbFbtw4qB16jxs4x9tB73CeQqE3beWJ8t3QbekHBV0RERESAiAjo1w9q14a/TnnRiq+Jxpm/nu/Jo2e24FWphKNLfGia6iAiIiKSye3fGk7X9uGsP5Db3uZSsyrnPzhE0acLObCy5KURXxEREZFMymqF+X12kOWpIN478CoWrLi6wiefwJo18EgGCr2gEV8RERGRTOn0iRh+rPUJbf95DxeiKcJBPs7zKc+u6k2pUo6uLmUo+IqIiIhkMj9OOYFX1za8Fr3e3nYidxDdV9fHraTj6kppmuogIiIikkmEhcEXNRZRqVMgVW+FXisWjjYfgP+JTbiVLOzYAlOYRnxFREREMoE/fg7jZOPuvHVtlr3tYlZ/XBfOIaB+dQdWlno04isiIiKSgUVFwbC+oeSqW4ZX7gi9Rys2I+fJ3WTPJKEXNOIrIiIikmEdPAitWsH27d7koRaPc4RwZy+uj5pIQM9W6Xozigeh4CsiIiKSwRgDU6ZAr15w44atra/zp1QqcYNi33yA55MZa5myxFLwFREREclAzp01zK03h227XbjBqwAUKQJff52NEuW+dnB1jqXgKyIiIpJBrJx/hZvtO9ErYhFXycZWKlDvrccZPRo8PBxdneMp+IqIiIikc+HhMOXV9TRZ3hp/TgLgxTVWtFtMsYnvOLi6tEPBV0RERCQd274pkp0vDubtK6NwwgBwzcWHmC+mUuy1Jg6uLm3RcmYiIiIi6VB0NHzR4yCWKpV448rH9tB7unANPP/Zg7dCbzwa8RURERFJZw7/Y1hcdyrdjvTEA9uyDVEWF0L6DueRkb3BSWObCVHwFREREUknjIGZM2FQt1C2hb9vD70XchbB58d55KpQ1rEFpnH6c0BEREQkHbh0CV55BTp0gFPhPrRjJgBnX+pEruM7cVHovS+N+IqIiIikcauX36TH69f581wOe5t/x7qEv7GPvBX+58DK0heN+IqIiIikUTduwEct95K3QXlGnWsDGHLmhKVL4csvwVOhN0k04isiIiKSBgXvtPLT85/R89w7uBNBSfYxodhkXlnbmXz5HF1d+qQRXxEREZE0JCYGJr53hnPlnmfAubdxJwKAi48E0nVhVYXeh6ARXxEREZE04vhxmPL897y9/zVycdHefqlNT/ymjAB3dwdWl/4p+IqIiIikAQunhxPeuTfDI6fY28Ky5SPrwlnkfP4ZB1aWcSj4ioiIiDhQSAj0fe0KvZdUoigH7e0Xn26E37fTwM/PccVlMJrjKyIiIuIg69ZBYCB8ucSXHQQBEOHswfUJ0/D7dalCbzJT8BURERFJZRER0K8f1K4NJ07Y2gZmn8iJ8i/hdmAXHt1eA4vFsUVmQJrqICIiIpKK9u+HWS8s4uC/bhgaAlCzJsya5YO//1IHV5exKfiKiIiIpAKrFaaMDiPbwO6Mss7iMr6Uc9lDl5EF6NkTnPQ5fIpT8BURERFJYadPw8eNNtNjW0sKcRSAHFxhY+evyde7v4OryzwUfEVERERS0NJF0fzddhhjbg4jCzEA3HT1wmnSRPK1b+Xg6jIXBV8RERGRFBAWBsM6HKHRkla8zGZ7e0jxyvis+BoCAhxYXeak4CsiIiKSzDb+bvj2pdkMudgVL64BEGNxJuKdwfh8OBCyKII5gl51ERERkWQSFQUffACThl/hL9PbHnqv5ipEtu/n4lHpKQdXmLnp/kERERGRZHDoEFSuDMOGwSWTg9f4EoCrjdvhdTgYi0Kvw2nEV0REROQhGAPTJkYyqF8E5294AbaZDBWGNiKmzna8KgQ5uEK5TSO+IiIiIg/o3DnoVPMgQd0qMeHGa4ChcGHYvBkGDgRnhd40RSO+IiIiIg9g+TLDhpZT+fRaTzy4QRA7uVnrBV5Z1gZPT0dXJwnRiK+IiIhIEoSHQ5+2F7A2bMQn1zrhwQ0ArhUoQtvRJRR60zCN+IqIiIgk0rZtMKnRKoafbkc+ztrbr7ftRLYvxoCHhwOrk/tR8BURERG5j+hoGP3hTTw+HMB0M87efiObH+5zp+PRoL7jipNEU/AVERERuYcjR+Ct5pcZta0Ggey1t4dXrYfnohmQN68Dq5Ok0BxfERERkQQYAzNmQKlSsGqbL0coBECUsxsxn07Ac8OPCr3pjEZ8RURERP7j0iV44w1YuvR2i4Vhj31JjTw38PlqDJQo4cjy5AEp+IqIiIjc4eefYV7zZVy74gbUBaBDBxg3zg8vr1WOLU4eioKviIiICHDjBgzuHc7jk3ozkymcIzfVffcy8qvcvPSSo6uT5KDgKyIiIplecDAMf3kHw462oAiHAMjDebZ2mk72l/o7tjhJNgq+IiIikmnFxMCnn8RweeAnzLO+hwvRAES5epDls3Fkf/01B1coyUnBV0RERDKl48ehd9MTdNnSmhpssLff+F8QWZfOg8KFHVidpAQFXxEREcl05s2Dn19bxNQbb+JLCABWLJh+/cn64fvg6urQ+iRlKPiKiIhIphESAm+9BT/Pv8hhXsebMABu5vbHfdEcqF7dsQVKitIGFiIiIpIprF8PgYEwfz5cwo/OTAIg8uVmuP+1W6E3E9CIr4iIiGRoEREw5N1oPhsTyXU8APDxgQaTWsAjBXCtWhUsFscWKalCI74iIiKSYe3fDy+XPkKDMdX4jK4A1KwJe/ZA8+ZAtWoKvZmIRnxFREQkw7Fa4fPPDLv7zGFBdBe8uEZlNpOr9XO8MLMJThr6y5T0YxcREZEM5fRpeKX2FfK83ZyvotvixTUAIgoUov5b/gq9mZhGfEVERCTDWLIEZrVfz8SrrfHnpL09unU73CZOAC8vB1Ynjqa/eURERCTdCwuD19pE8vcr/fnuai176I3y8oVFi8gye4ZCr2jEV0RERNK3jRuhW4tLTDv+LEHstLdHPV0Tl/mzoUABB1YnaYlGfEVERCRdioqCQYNsCzMEH/flIn4AxDi7YD4ehcuGNQq9EodGfEVERCTdOXQIWraE7dtvtzjxRfmZVDdNcZ8yHsqWdWR5kkYp+IqIiEi6YQxMnQo/9PiZrBHuQDWyZIGhQ+Gdd/Lh7Pybo0uUNMzhUx0mTpxIwYIFcXd3p2LFimzduvWe/ceNG0eRIkXImjUr/v7+9OzZk5s3b6ZStSIiIuIo585B4xducr1TT5ZF1GUuLSn3+BU2b4aBA8HZ2dEVSlrn0OC7cOFCevXqxZAhQ9i5cyelSpWibt26nD9/PsH+8+bNo3///gwZMoQ///yTr776ioULFzJw4MBUrlxERERS0/Ll0LTYXt7/qQI9GQeAPyfZ2HYq5co5tjZJPxwafMeOHcvrr79O+/btKV68OJMnT8bDw4Pp06cn2H/Tpk1UqVKFFi1aULBgQZ599lleffXV+44Si4iISPoUHg6d37SypsF4Vl0pTyB7AYhxcYMJE3B9r5+DK5T0xGHBNzIykh07dlCnTp3YYpycqFOnDps3b07wnMqVK7Njxw570D1y5Ag//vgjzz///F2fJyIigrCwsDhfIiIikvZt2wbPljxDw6nPM563cScCgOhiJXHeuR26dQOLxcFVSnrisJvbLl68SExMDHny5InTnidPHv76668Ez2nRogUXL17k6aefxhhDdHQ0nTp1uudUh5EjRzJ06NBkrV1ERERSTnQ0fPQR7BjyPd9ZXyMXF+3HzNs9yTJyBLi7O7BCSa8cfnNbUqxfv54RI0bwxRdfsHPnTpYuXcoPP/zAhx9+eNdzBgwYQGhoqP3rxIkTqVixiIiIJMWRI1C9OowfdIE51pb20BudKx+sWoXl07EKvfLAHDbi6+fnh7OzM+fOnYvTfu7cOfLmzZvgOYMGDaJ169a89tprAJQsWZLw8HDeeOMN3n33XZyc4ud4Nzc33Nzckv8bEBERkWRjDMycCd27w7VrALnoZRnHVPM61voNyTL9S/Dzc3CVkt45bMTX1dWVoKAg1q5da2+zWq2sXbuWSpUqJXjO9evX44Vb51trlxhjUq5YERERSTGXLkHTxjF06hBxK/RCoULQ/veO8NNPOH3/rUKvJAuHTnXo1asX06ZNY9asWfz555907tyZ8PBw2rdvD0CbNm0YMGCAvX/9+vWZNGkSCxYs4OjRo6xevZpBgwZRv359ewAWERGR9OPnn6Fu8RO89W0dPqEPAB06QHAwVKpsgXr1dAObJBuH7tzWrFkzLly4wODBgzl79iylS5dm5cqV9hvejh8/HmeE97333sNisfDee+9x6tQpcuXKRf369Rk+fLijvgURERF5ADduQP/+cGbCIlbzJr6EUJP1lB34HFWG3321JpGHYTGZbI5AWFgY3t7ehIaGkj17dkeXIyIikukEB8MbzcN462B32jHL3h7ziD/OC+ZC1aqOK07ShJTKaw4d8RUREZHMIyYGxo6FZQM2Mz+mFY9zxH7MNGuG86RJ4OvrwAolo0tXy5mJiIhI+nT8ODxbK5pr/YayLqaqPfTGeHrB7NlY5s9X6JUUpxFfERERSVHz5sG7nS4x92p9KhO7O6u1UmWc534NAQEOrE4yE434ioiISIoICYEWLaBlSzh+1YfoW+NtxskZhg7F6dcNCr2SqjTiKyIiIslu/Xpo0wZub5hqxZklDedQ+djLZJk8EZ56yqH1Seak4CsiIiLJJiICBg2CraM3kJesnKACPj4waRI0b/4YmO1al1ccRlMdREREJFns3w9VykfiO3oAv1CT+bzK81WvsmcPNG9+q5NCrziQgq+IiIg8FKsVJkyA5mUOMmVvJQbwEU4YHucIy1+YhL+/oysUsdFUBxEREXlgp09D+3aGx1ZPYwtv48ENAKxZXHAaMRyn3r0dXKFILAVfEREReSBLlsCA1y4wKuR1GvG9vd1auAhO8+dB2bIOrE4kPgVfERERSZKwMOjRA07PXMUG2pGPs7EHO3XCacwY8PBwXIEid6HgKyIiIom2cSO0bg3hR89xjEZk5SYA1px+OM2YDvXrO7hCkbvTzW0iIiJyX1FRtmXKqlWDo0fhPHl43+0jAEzdujjt26vQK2meRnxFRETkng4dglYtrOzaEYMVFwCqVIFOs7pBcAEsL70EThpLk7RP71IRERFJkDEwZQo8V/oMH+54jmG8R5YsMHw4bNgAAY87QePGCr2SbmjEV0REROI5fx46dgSnFd+zhY74cYlnWE2jCXUp0rmWo8sTeSD6E01ERETiWLECKpYI54UVnfieRvhxyXYgTx6KFHFsbSIPQyO+IiIiAkB4OPTuDdum7GAlLSjCodiDDRvi9OWX4OfnuAJFHpJGfEVERIRt2yCodAzeUz7mD56yh16T1QOmToVvv1XolXRPI74iIiKZWHQ0fPQRfP7+RebHNKEm6+3HTFAQlnnzoHBhxxUokowUfEVERDKpI0dsm1Fs2gRZ8CYb1wAwFguW/v2xvP8+uLo6tkiRZKSpDiIiIpmMMTBzJpQqZQu9AFYnFzZ3mYspWgzLunUwYoRCr2Q4GvEVERHJRC5dgjfegNNLN1MID/ZQikKF4OuvoVKlwmDdp3V5JcPSO1tERCST+PlnKF0imhJLh/IbVZnPq3Rqc53gYKhU6VYnhV7JwDTiKyIiksHduAH9+8PyCUdYSCsqsxmA4vzJpJJfgFcfB1cokjr0Z52IiEgGFhwM5YIMVybMJpjS9tBrnJ3hgw/g7bcdWp9IatKIr4iISAYUEwNjx8LogVf4LLoTzVhkP2YefxzL11/DU085sEKR1KfgKyIiksEcPw5t24JZv54dtMafk7EH27fHMn48eHk5rkARB1HwFRERyUDmz4fOnSFr6BmOURc3IgEwvr5YpkyBJk0cXKGI42iOr4iISAYQEgItWti+QkPhLPkY7z3EdrBmTSx79ij0SqanEV8REZF0bv16aNPacOqkFXAGoGVLeGP8O/Cjv+2BlikT0YiviIhIehURAf36QdOaF5hw8iXeYxje3jBvnm1DCp+czrY9iRV6RQCN+IqIiKRL+/fbBnLz7F7FbtqRj7PUt6zgrZnPkqdRpftfQCQT0p+AIiIi6YjVChMmQOWyN2m7uyerqEc+zgLglNOXPB5XHVyhSNqlEV8REZF04vRpaN8eTv+8l99oSSB7Yw/WrYtl5kzIm9dh9YmkdRrxFRERSQeWLoXAElaK/jyebZS3h17j5gbjx8OPPyr0ityHRnxFRETSsLAw6NEDls28xFxaUo9VsQdLlsQybx6UKOG4AkXSEY34ioiIpFEbN0Lp0jBzJoTjSX5OxR7s2RO2blXoFUkCBV8REZE0JioKBg2CatXg6FFbm6uXO0c+nIcJCIBVq2DsWHB3d2yhIumMpjqIiIikIYcOQatWELNtB0/iyUGKUqUKzJkDAQElof8hyKL/fIs8CI34ioiIpAHGwJQpEFQ6hprbPuYPnmIBrzLy/QjWr4eAgFsdFXpFHph+e0RERBzs/Hno2BGCV5xgOa2pwQYAShNM6exfQJaeDq5QJGPQiK+IiIgDrVgBJUtC1hWL2EOgPfQaiwUGDIAuXRxcoUjGoRFfERERBwgPh969Yd6UMCbQnXbMij3o749lzhyoXt1xBYpkQAq+IiIiqWzbNmjZEnL+vZldtOJxjsQebNYMJk0CX1/HFSiSQWmqg4iISCqJjoZhw6ByZQj/+xTrqWEPvcbLC2bPhvnzFXpFUoiCr4iISCo4csQ2c2HQIFsAPk1+5uXrYztYuTKW3buhdWuwWBxbqEgGpuArIiKSgoyx7bxWKtCwaZMBwMnJFoBb/fM+TJ4MGzbcsV6ZiKQUzfEVERFJIZcuwZtvwtolV/iSTmyjPN8W6sOcObbpDuBi6yAiqUIjviIiIing559ty5RdXLKePQTSjEV85DSQPbN23Qq9IpLaFHxFRESS0Y0b0KMHvFg3ku5n+vMLtfDnJABZvLPhefWsgysUybw01UFERCSZBAfblimLPnCQzbQgiJ2xB2vWtK3aUKCAw+oTyew04isiIvKQrFYYPRoqlDc8fWAKuyhjD73GxQVGjYI1axR6RRzsoUZ8b968ibu7e3LVIiIiku4cPw5t28Lu9Zf5hvY0ZFnswSJFsMybB2XLOq5AEbFL8oiv1Wrlww8/JH/+/GTLlo0jR2wLbw8aNIivvvoq2QsUERFJq+bPh8BAWL8eInCjKH/FHuzcGXbuVOgVSUOSHHyHDRvGzJkzGTVqFK6urvb2EiVK8OWXXyZrcSIiImlRSIhtLm+LFhAaamvze9STa5PnwiOPwLJl8MUX4OHh0DpFJK4kB9/Zs2czdepUWrZsibOzs729VKlS/PXXX/c4U0REJP1bv942yrtn3l4Cbm033LIl7N4NQW+Ws23RVr++Y4sUkQQlOfieOnWKJ554Il671WolKioqWYoSERFJayIioF8/qF3TyksnxrON8ixwbsn8OdF8/TX4+Nzq6ObmyDJF5B6SHHyLFy/Ob7/9Fq998eLFlClTJlmKEhERSUv274eKFWHO6DP8yHOM523ciaBCzB80vzLJ0eWJSCIleVWHwYMH07ZtW06dOoXVamXp0qUcPHiQ2bNns2LFipSoUURExCGsVvj8c9tIb92I71lDR/y4FNuhZ094/XXHFSgiSZLkEd+GDRuyfPly1qxZg6enJ4MHD+bPP/9k+fLlPPPMMylRo4iISKo7fRqeew4G9AhnXEQnvqdRbOjNlw9WrYKxY0HLeoqkGw+0jm/VqlVZvXp1ctciIiKSJixdahvILXh5BztpQREOxR5s1AimTQM/P4fVJyIPJskjvoUKFeLSpUvx2kNCQihUqFCyFCUiIuIIV69Chw7QuDF4XD7BJirHhl4PD1vgXbpUoVcknUpy8D127BgxMTHx2iMiIjh16lSyFCUiIpLaNm2C0qVhxgzb45P4s/qJt2wPgoJg1y547TWwWBxWo4g8nERPdVi2LHYLxlWrVuHt7W1/HBMTw9q1aylYsGCyFiciIpLSoqLggw9gxAiwWg1gIVs2201tLzQdCZMfhS5d4I5Nm0QkfbIYY0xiOjo52QaHLRYL/z3FxcWFggULMmbMGF588cXkrzIZhYWF4e3tTWhoKNmzZ3d0OSIi4kCHDkGrVvDXtjAm0J2tVGBPlbeYPRs0e0/EcVIqryV6xNdqtQIQEBDAtm3b8NP8JhERSaeMgalToVcvCLy+mWBaUoijtMyyEMukmmQpVMzRJYpICkjyHN+jR48q9IqISLp1/jw0aABdOkXT9/r7/EZVCnEUAJesLmT597CDKxSRlPJAy5mFh4ezYcMGjh8/TmRkZJxj3bt3T5bCREREktuKFdCxI3ieP8KvtKIym2MPVq4MX38NAQGOK1BEUlSSg++uXbt4/vnnuX79OuHh4eTIkYOLFy/i4eFB7ty5FXxFRCTNCQ+H3r1hyhRDG2bzOV3x4prtoLMzDB4MAwdClgcaDxKRdCLJUx169uxJ/fr1uXLlClmzZuWPP/7g33//JSgoiE8++SQlahQREXlg27ZBmTKwYEoIC2jOLNrFht5CheD3323BV6FXJMNLcvANDg6md+/eODk54ezsTEREBP7+/owaNYqBAwemRI0iIiJJFh0Nw4bZZjD8/TcYLDxl2RLboV07CA6Gp55yVIkiksqSHHxdXFzsS5vlzp2b48ePA+Dt7c2JEyeStzoREZEHcOQIVK8OgwbZAjBAkfLeOH09x7br2qJFtp0qvLwcW6iIpKokf65TpkwZtm3bxpNPPkn16tUZPHgwFy9eZM6cOZQoUSIlahQREUkUY2DWLOjWDR65dpD8eHLGqQDvvmsLwS4uVaHhMfD0dHSpIuIASR7xHTFiBPny5QNg+PDh+Pr60rlzZy5cuMCUKVOSvUAREZHEuHQJmjSB9u0NLa5NYRdlWOTeht82WPngA3BxudVRoVck00r0zm0ZhXZuExHJeH7+2TZlN+rMBb7kNRqyLPbgpEnQqZPDahORpEupvJbkEd+72blzZ5rfrlhERDKWGzegRw+oWxdKnlnFHgLjht5OnaBNG8cVKCJpSpKC76pVq+jTpw8DBw7kyJEjAPz11180atSI8uXL27c1ToqJEydSsGBB3N3dqVixIlu3br1n/5CQELp06UK+fPlwc3OjcOHC/Pjjj0l+XhERSd+Cg6FcOZgy4SZj6ckq6pGPs7aDfn6wbJlttNfDw6F1ikjakeib27766itef/11cuTIwZUrV/jyyy8ZO3Ys3bp1o1mzZuzbt49ixZK2t/nChQvp1asXkydPpmLFiowbN466dety8OBBcufOHa9/ZGQkzzzzDLlz52bx4sXkz5+ff//9Fx8fnyQ9r4iIpF9WK4wZA+++C0Wi9rKVlgSyN7ZD3bowcybkzeuwGkUkbUr0HN/AwEBat25N3759WbJkCU2aNOGpp55i0aJFFChQ4IGevGLFipQvX57PP/8cAKvVir+/P926daN///7x+k+ePJnRo0fz119/4WK/SyFpNMdXRCT9On4c2raF9evhUf7lIEVwJ8J20M0NRo2Crl3BKdlm8omIAzh8ju/hw4dp0qQJAC+//DJZsmRh9OjRDxx6IyMj2bFjB3Xq1IktxsmJOnXqsHnz5gTPWbZsGZUqVaJLly7kyZOHEiVKMGLECGJiYu76PBEREYSFhcX5EhGR9Gf+fAgMtIVegBOWx9gdeGv+bsmSsH07dO+u0Csid5Xofx1u3LiBx615UhaLBTc3N/uyZg/i4sWLxMTEkCdPnjjtefLk4ezZswmec+TIERYvXkxMTAw//vgjgwYNYsyYMQwbNuyuzzNy5Ei8vb3tX/7+/g9cs4iIpL6QEGjZElq0gNBQW5u/P/zyC1Tc9Klte7atW0FryYvIfSRpA4svv/ySbNmyARAdHc3MmTPx8/OL06d79+7JV91/WK1WcufOzdSpU3F2diYoKIhTp04xevRohgwZkuA5AwYMoFevXvbHYWFhCr8iIunE+vW2RRkunQhnEr35g6eIatGOiRPBdnuHp22yr4hIIiQ6+D766KNMmzbN/jhv3rzMmTMnTh+LxZLo4Ovn54ezszPnzp2L037u3Dny3uWGhHz58uHi4oKzs7O9rVixYpw9e5bIyEhcXV3jnePm5oabm1uiahIRkbQhIgIGD4bRo6GM2cHPtKQoB+noPheXD6qCz+OOLlFE0qFEB99jx44l6xO7uroSFBTE2rVradSoEWAb0V27di1du3ZN8JwqVaowb948rFYrTrfmcB06dIh8+fIlGHpFRCT92b/fNrVh7+4Y+vIJw3gPF6IBcHGywr598LiCr4gknUPvAOjVqxfTpk1j1qxZ/Pnnn3Tu3Jnw8HDat28PQJs2bRgwYIC9f+fOnbl8+TI9evTg0KFD/PDDD4wYMYIuXbo46lsQEZFkYrXChAkQFASXdp9gLbX5mP720EtQEOzaBQ0bOrZQEUm3kjTHN7k1a9aMCxcuMHjwYM6ePUvp0qVZuXKl/Ya348eP20d2Afz9/Vm1ahU9e/YkMDCQ/Pnz06NHD9555x1HfQsiIpIMTp+G9u1tWw83YRFTeBNfQmwHLRbo3x/efx/06Z6IPIREr+ObUWgdXxGRtGXpUnj9dYi8fJXP6EY7ZsUe9PeHOXOgenXHFSgiqc7h6/iKiIgkp6tXoUMHaNwYLl8GNyKo5/RzbIdmzWD3boVeEUk2Cr4iIpLqNm2C0qVhxozYthqN/fBYNAuyZ4fZs207Vvj6OqxGEcl4Hij4Hj58mPfee49XX32V8+fPA/DTTz+xf//+ZC1OREQylqgo2zJlVauCOXKE3JwjWzaYORO++QayN34G/v0XWre2ze0VEUlGSQ6+GzZsoGTJkmzZsoWlS5dy7do1AHbv3n3XTSREREQOHYIqVeDDDw2trLPYTSm+9enA7mBD27Z35FzbzhQiIskuycG3f//+DBs2jNWrV8dZO7dWrVr88ccfyVqciIikf8bA1KlQpgz8ve0KC2jOLNrhxTUqh/xIoQ0z7n8REZFkkOTlzPbu3cu8efPitefOnZuLFy8mS1EiIpIxnD8PHTvCihVQnfXMoTX+nIzt0K4dNGnisPpEJHNJ8oivj48PZ86cide+a9cu8ufPnyxFiYhI+rdiBZQsCatWRDKS/vxCrdjQ6+sLixbZ7m7z8nJsoSKSaSQ5+DZv3px33nmHs2fPYrFYsFqtbNy4kT59+tCmTZuUqFFERNKR8HDo3Bnq1wff83+xmUr052OcuLVsfM2asGePRnpFJNUlOfiOGDGCokWL4u/vz7Vr1yhevDjVqlWjcuXKvPfeeylRo4iIpBPbtkHZsjB5MgRwhJ2UJYidtoMuLjBqFKxZAwUKOLZQEcmUHnjntuPHj7Nv3z6uXbtGmTJlePLJJ5O7thShndtERJJfdDR89BEMHWr7/wAeHhBcohVPbp0LRYrAvHm2VCwich8pldeSfHPb77//ztNPP82jjz7Ko48+mmyFiIhI+nTkiG3Z3U2bYtvKl4evv4Yn80yEUY/Bu+/akrCIiAMleapDrVq1CAgIYODAgRw4cCAlahIRkXTAGJg1y7YD245NNxlLT5pavmHQINi4EQoXBry9YfhwhV4RSROSHHxPnz5N79692bBhAyVKlKB06dKMHj2akydP3v9kERHJEC5dst2b1q4dPHZ1L1upQE/GMTfbG3zw+glcXBxdoYhIfEkOvn5+fnTt2pWNGzdy+PBhmjRpwqxZsyhYsCC1atVKiRpFRCQN+fln2zJlS5dY6c54tlGeQPYCkCXyBmzf7uAKRUQSluTge6eAgAD69+/PRx99RMmSJdmwYUNy1SUiImnMjRvw9ttQty6YM2f4kecZz9u4E2HrULKkLfS+9JJD6xQRuZsHDr4bN27krbfeIl++fLRo0YISJUrwww8/JGdtIiKSRuzebbthbfx4aMD37CGQeqyK7dCzJ2zdCiVKOK5IEZH7SPKqDgMGDGDBggWcPn2aZ555hvHjx9OwYUM8dOOCiEiGY7XCmDG2RRlcosKZRG86MSW2Q758MHMmPPusw2oUEUmsJAffX3/9lb59+9K0aVP8/PxSoiYREUkDTpyANm1g/Xrb45yE0cx5CcTc6tCoEUybBvpvgYikE0kOvhs3bkyJOkREJA2ZP9+27XBoqO2xxQJt+uYjW/kvoW0L25yHjh1tB0RE0olEBd9ly5bx3HPP4eLiwrJly+7Zt0GDBslSmIiIpL6QEOjSxbbJWgFO4IQn2fxzMHs21KgB0BCqHYXcuR1bqIjIA0jUlsVOTk6cPXuW3Llz4+R09/vhLBYLMTExdz2eFmjLYhGRhK1fb5vacOIENGERU3iTQ/51KLJ7ET6+GtkVkdSTUnktUas6WK1Wct/6695qtd71K62HXhERiS8iAt55B2rVgpATYcygHYtohi8hVDyxGJ8f5zm6RBGRZJHk5cxmz55NREREvPbIyEhmz56dLEWJiEjq2L8fnnoKRo2CimYzwZSmHbNiOzRrBs8/77gCRUSSUZKDb/v27Qm9fbfDHa5evUr79u2TpSgREUlZVitMmABBQbA3OJrBDOU3qlKIo7YOXl4we7btLjdfX8cWKyKSTJK8qoMxBksCd/GePHkSb2/vZClKRERSzunT0KEDrFoFARzha1pRmc2xHSpXhq+/hoAAxxUpIpICEh18y5Qpg8ViwWKxULt2bbJkiT01JiaGo0ePUq9evRQpUkREksfSpfD663D5MjzOP+ykLNm5ajvo7AyDB8PAgZAlyeMiIiJpXqL/ZWvUqBEAwcHB1K1bl2zZstmPubq6UrBgQRo3bpzsBYqIyMO7ehV69IAZM2Lbrud9nBuFapN903dQqBDMnWub8CsikkElOvgOGTIEgIIFC9KsWTPc3d1TrCgREUk+mzZB69Zw5EhsW+PGMGWKhZxmGgx7DD780DavV0QkA0vUOr4ZidbxFZHMIirKlmeHDwdnayQfMJjt7lWpP/kF2rTRpmsiknalVF5L1Ihvjhw5OHToEH5+fvj6+iZ4c9ttly9fTrbiRETkwRw6BK1awbZtUJiDzKMFQewk2nMGWertAUseR5coIpLqEhV8P/30U7xufQT26aef3jP4ioiI4xgD06ZBz55w/brhDabyKT3x4AYAWcKuwMaN8PLLDq5URCT1aaqDiEgGcf48vPYaLF8OflzgS16jIctiOxQpAvPmQdmyjitSRCQRHLpl8Z127tzJ3r177Y+///57GjVqxMCBA4mMjEy2wkREJPFWrICSJW2h91lWsYfAuKG3c2fYuVOhV0QytSQH3zfffJNDhw4BcOTIEZo1a4aHhwfffPMN/fr1S/YCRUTk7sLDbZm2fn0IPX+TsfRkFfXIx1lbBz8/WLYMvvgCPDwcW6yIiIMlOfgeOnSI0qVLA/DNN99QvXp15s2bx8yZM1myZEly1yciInexfbttAHfyZNvj3Jzn9Sx3LNRbrx7s3WtLxSIikvTga4zBarUCsGbNGp5//nkA/P39uXjxYvJWJyIi8URH25Yoq1TJtnoD2AZz35vyKJ6zJoGbG0yYAD/+CHnzOrZYEZE0JMl7UpYrV45hw4ZRp04dNmzYwKRJkwA4evQoefJoeRwRkZR05IhtM4pNmyAvZwjHk6Lls/P111C4MMCrUPVp8Pd3dKkiImlOkkd8x40bx86dO+natSvvvvsuTzzxBACLFy+mcuXKyV6giIjYlimbNQtKl7aF3gZ8zx4C2RDYnY0bb4feWxR6RUQSlGzLmd28eRNnZ2dcXFyS43IpRsuZiUh6c+kSvPkmLFkCHoQzht50Ykpsh8WLbXsQi4hkEA7duS0hO3bs4M8//wSgePHilNUSOSIiye7nn6FdOzhzBsqyg3m0oAiHYjs0agTVqzuqPBGRdCXJwff8+fM0a9aMDRs24OPjA0BISAg1a9ZkwYIF5MqVK7lrFBHJdG7cgAEDYPx4cCKGfnzCMN7DhWhbBw8P28GOHUG7aYqIJEqS5/h269aNa9eusX//fi5fvszly5fZt28fYWFhdO/ePSVqFBHJVHbvhvLlbbm2ACdYS20+pn9s6A0Kgl27bNu0KfSKiCRakuf4ent7s2bNGsqXLx+nfevWrTz77LOEhIQkZ33JTnN8RSStslph7Fh4912IjIQnOcQWKuJLiK2DxQL9+8P774OrqyNLFRFJUWlmjq/Vak3wBjYXFxf7+r4iIpI0J05Amzawfn1sm2fgE2TxqggbV9lWapgzR/N5RUQeQpKnOtSqVYsePXpw+vRpe9upU6fo2bMntWvXTtbiREQygwULoGTJ2NBrsUC/fvDHVie8vpkBb7xhm/+g0Csi8lCSPNXhxIkTNGjQgP379+N/a63IEydOUKJECZYtW0aBAgVSpNDkoqkOIpJWhIRAly4wbx44E827DOdgrqp0WlSLGjUcXZ2IiOOkmakO/v7+7Ny5k7Vr19qXMytWrBh16tRJtqJERDK69ettUxtOnIAAjvA1rajMZqwu+XEK3APkcHSJIiIZTpKC78KFC1m2bBmRkZHUrl2bbt26pVRdIiIZUkQEDB4Mo0eDMYbWzOFzupKdqwA4nTsL69ZpQwoRkRSQ6OA7adIkunTpwpNPPknWrFlZunQphw8fZvTo0SlZn4hIhnHgALRsCcHB4MMVJtOJZiyK7VCoEMydC0895bAaRUQyskTf3Pb5558zZMgQDh48SHBwMLNmzeKLL75IydpERDIEqxU++8y2/G5wMFRnPXsIjBt627WzHVToFRFJMYkOvkeOHKFt27b2xy1atCA6OpozZ86kSGEiIhnB6dPw/PPQvTvE3IxkBAP4hVr4c9LWwccHFi2CGTPAy8uhtYqIZHSJnuoQERGBp6en/bGTkxOurq7cuHEjRQoTEUnvli61rUR26ZLtcQFO0svlM5yibi2mU6MGzJ5tW6NXRERSXJJubhs0aBAeHh72x5GRkQwfPhxvb29729ixY5OvOhGRdOjqVejRwzaIe1u+fDB5ZiHcToyHzp1h+HDo3RuckrycuoiIPKBEB99q1apx8ODBOG2VK1fmyJEj9scW7RkvIpncpk3QujUcOQI5uch1PHjuZQ+mToWcOQHTwbYRxRNPOLpUEZFMJ9HBd/2d+2iKiEgcUVHw4Ye2gVyrFZ5lFbMs7bhS82WKLp6IfVzAYlHoFRFxEH3GJiLykA4dgipVbMHXxXqTsfRkFfXIa85S7JcvsPz4g6NLFBERHmDnNhERsTEGpk2Dnj3h+nUowV7m0ZKS7I3tVK+ebR0zERFxOI34iog8gPPnoWFDePNNuHHdSnfGs91SPjb0urnBhAnw44+QN69jixUREUAjviIiSfbDD9Chgy385uUMM2hPPVbBrVXKKFkS5s2DEiUcWqeIiMSlEV8RkUQKD7etRPbii7bQW5iD7LUE2kLvbT17wtatCr0iImnQAwXf3377jVatWlGpUiVOnToFwJw5c/j999+TtTgRkbRi+3YoWxYmT45tK/rCE2SvWNz2IF8+WLUKxo4Fd3fHFCkiIveU5OC7ZMkS6tatS9asWdm1axcREREAhIaGMmLEiGQvUETEkWJibEuUVapkW70BwMPDFoC/W+6M68I5toV79+yBZ591bLEiInJPSQ6+w4YNY/LkyUybNg0XFxd7e5UqVdi5c2eyFici4khHj9r2mnjvPbBGx9CPj+lQdBO7dtluarNYgEcftW077Ofn6HJFROQ+knxz28GDB6lWrVq8dm9vb0JCQpKjJhERhzLGlmW7dbNtP1yAE8yhNTXYgIkIwJI3GMju6DJFRCSJkjzimzdvXv7555947b///juFChVKlqJERBzl0iVo2hTatbOF3iYsYp9TIDXYAIDl2DH4+WeH1igiIg8mycH39ddfp0ePHmzZsgWLxcLp06eZO3cuffr0oXPnzilRo4hIqvj5Z9tKZIsXgxdhzKAdi2iGtzXE1sHfH9atg1decWidIiLyYJI81aF///5YrVZq167N9evXqVatGm5ubvTp04du3bqlRI0iIinqxg0YMADGj7c9forNzHNqRYD1SGynZs1g0iTw9XVMkSIi8tAsxhhz/27xRUZG8s8//3Dt2jWKFy9OtmzZkru2FBEWFoa3tzehoaFkz645eiKZ3e7d0LIl7N8PzkTzLsMZbPkQZxNj6+DlBRMnQqtWt+5mExGRlJZSee2Bd25zdXWlePHiyVaIiEhqslptS+6++y5ERtrairkcZpAZiXP0rdBbuTJ8/TUEBDiuUBERSTZJDr41a9bEco9Rj19++eWhChIRSWknTkDbtrbpureVKgVz5xYhy9pR0KsXDB4MAwdCFu3sLiKSUST5X/TSpUvHeRwVFUVwcDD79u2jbdu2yVWXiEiKWLAAOnWC0FDw4Qo38KBHPzc++ADc3IDi3aBWLW05LCKSASU5+H766acJtr///vtcu3btoQsSEUkJISHQtSvMnWt7XJ31zHNuTfQrzXn049GxHS0WhV4RkQwqycuZ3U2rVq2YPn16cl1ORCTZrF8PgYG20OtCJCMYwC/U4pGYkzy68BNYu9bRJYqISCpItslrmzdvxt3dPbkuJyLy0CIibFN1R4+27cZWmIMsdGpBaesd26vXrAlFijiuSBERSTVJDr4vv/xynMfGGM6cOcP27dsZNGhQshUmIvIwDhywLVMWHAxgeIOpjHfqibv1hq2DiwsMHw69e4NTsn34JSIiaViSg6+3t3ecx05OThQpUoQPPviAZ599NtkKExF5EFarbdndfv3g5k3w4wLTLa9R3ywD661ORYrAvHlQtqxDaxURkdSVpOAbExND+/btKVmyJL7avUhE0pjTp6FDB1i1yva4MAf5PUsNckWfje3UuTN88gl4eDimSBERcZgkfb7n7OzMs88+S0hISLIWMXHiRAoWLIi7uzsVK1Zk69atiTpvwYIFWCwWGjVqlKz1iEj6s3Sp7Qa226EX4IWuhchZyt/2wM8Pli2DL75Q6BURyaSSPLGtRIkSHDly5P4dE2nhwoX06tWLIUOGsHPnTkqVKkXdunU5f/78Pc87duwYffr0oWrVqslWi4ikP1evQseO0LgxXLpka8uXzxaAx37mgtP8ufDyy7B3L9Sv79hiRUTEoSzGGJOUE1auXMmAAQP48MMPCQoKwtPTM87xpO6nXLFiRcqXL8/nn38OgNVqxd/fn27dutG/f/8Ez4mJiaFatWp06NCB3377jZCQEL777rtEPV9K7f0sIqlv0yZo3RqOHAELVrryOa61qjJgURly5nR0dSIi8qBSKq8lesT3gw8+IDw8nOeff57du3fToEEDChQogK+vL76+vvj4+CR53m9kZCQ7duygTp06sQU5OVGnTh02b958z1py585Nx44d7/scERERhIWFxfkSkfQtKsq2TFnVqrbQm5czrHJ+ngn0YPTpFuTMet3RJYqISBqU6Jvbhg4dSqdOnVh35+b2D+nixYvExMSQJ0+eOO158uThr7/+SvCc33//na+++opg2xpF9zVy5EiGDh36sKWKSBpx6BC0agXbttkeN+B7ZmZ5Dd/oiwBY/voLfvrJNvdBRETkDokOvrdnRFSvXj3Firmfq1ev0rp1a6ZNm4afn1+izhkwYAC9evWyPw4LC8Pf3z+lShSRFGIMTJsGPXvC9evgQTifWnrzhpkC0bc65csHM2eCllYUEZEEJGk5M4vFkqxP7ufnh7OzM+fOnYvTfu7cOfLmzRuv/+HDhzl27Bj177hBxWq1LcyZJUsWDh48yOOPPx7nHDc3N9zc3JK1bhFJXefPw2uvwfLltsdl2cFilxYERB2K7dSokS0ZJ/KPYhERyXySFHwLFy583/B7+fLlRF/P1dWVoKAg1q5da1+SzGq1snbtWrp27Rqvf9GiRdm7d2+ctvfee4+rV68yfvx4jeSKZEA//GBbm/f8eXAihr6MZrjTIJyjbg3zenjAuHG2ZJzMf5yLiEjGkqTgO3To0Hg7tz2sXr160bZtW8qVK0eFChUYN24c4eHhtG/fHoA2bdqQP39+Ro4cibu7OyVKlIhzvo+PD0C8dhFJ38LDoU8fmDw5tq2y71+MCBuEU8yt0BsUZNuBrXBhxxQpIiLpSpKCb/PmzcmdO3eyFtCsWTMuXLjA4MGDOXv2LKVLl2blypX2G96OHz+Ok1OSlxsWkXRs+3Zo2dJ2I9ttL74IX375P5xmfAgDB0L//vD+++Dq6rA6RUQkfUn0Or7Ozs6cOXMm2YNvatM6viJpV0wMfPSRLc9GR0M2roJ7Vj4Zl4U33rg1kyEmBnbtgnLlHF2uiIikkJTKa0le1UFEJCUcPWrbjGLjRtvjp9jMN26tcO/YGr8334/t6Oys0CsiIg8k0XMIrFZruh/tFZG0xxiYNQtKlbKFXmeiGWIZyu+WqhSIOILfpA9tW7SJiIg8pCTN8RURSU6XLkGnTrB4se1xAEf4xq0VQRF37Nz41FO29XlFREQeku4aExGHWL0aAgNvh15Da2az36V0bOh1doahQ2HDBggIcGSpIiKSQWjEV0RS1Y0bMGAAjB9ve+zDFb5y7czLkQsh6lanQoVg7lzbaK+IiEgyUfAVkVSze7dtmbL9+22PC3OQ39yfIffNE7Gd2rWDCRPAy8shNYqISMalqQ4ikuKsVvjkE6hQITb0urlB908eI9eTPrYGX19YtAhmzFDoFRGRFKERXxFJUSdOQNu2sG5dbFupUraZDP/7nzvUnQfvvANTpkCBAo4rVEREMjwFXxFJMQsWQOfOEBICYHiDaRTu8DRdvyiOm9utTiVKwA8/OK5IERHJNBR8RSTZhYRA1662UV0APy4w1/01nr25DHaUArYAbve4goiISPLTHF8RSVYbNsROZQB4llUccg+0hV6w3eG2YoXjChQRkUxLwVdEkkVEhG2qbs2acPw4uHGTL1zfZhX18L151tbJzw+WLYPGjR1brIiIZEqa6iAiD+3AAdsyZcHBtscl2Mv3ni0oFL4vtlPdujBzJuTN64gSRURENOIrIg/OGPjsMwgKsoVeC1Z6Oo1nV5bysaHXzc22W8WPPyr0ioiIQ2nEV0QeyOnT0KEDrFoV29ao0F7GHOuFJdpqayhZEubNs63cICIi4mAa8RWRJFu6FAID44beHj1g7r5SWAYOtDX07Albtyr0iohImqERXxFJtKtX4e23Yfp02+OsXMc3rzszZjnx7LO3Og0eDM8+C1WrOqpMERGRBGnEV0QSZfNmKF06NvSWZQd/ZyvDoTfHxIZeABcXhV4REUmTFHxF5J6iomyDuE8/DUeOgBMxDHL9mG3OT5H/2iE8R7wLO3c6ukwREZH70lQHEbmrQ4egVSvYts32uAAn+D57a8qGbYjtFBgI2bI5pkAREZEk0IiviMRjDEydCmXKxIbe5k6LOOQeGBt6LRYYMAA2bYLChR1XrIiISCJpxFdE4jh/Hl57DZYvtz32IoyZ2bvzctgsuHmrk78/zJkD1as7rE4REZGkUvAVEbsffrCtzXv+vO1xYQ7ye/bnyRV2JLZTs2YweTL4+DikRhERkQelqQ4iwvXr8NZb8OKLsaE3Vy74dFEBcuW99fexlxfMng3z5yv0iohIuqQRX5FMbvt2aNnSdiPbbS++CF9+CXnyeEKhedCnj20ds4AAxxUqIiLykDTiK5JJxcTA8OFQqdLt0Gvo6DKbeR8eZtkyyJPnVsegIPjlF4VeERFJ9zTiK5IJHT0KrVvDxo22xz5cYZFvJ565sghWVIR3frNtRHGbxeKYQkVERJKRRnxFMhFjYNYsKFUqNvTWtKznmFegLfQCbNkCK1Y4rkgREZEUouArkklcugRNm0K7dnD1KrgQySTv/qylFt5XT9o6+frCN9/ASy85tFYREZGUoKkOIpnA6tW2wHv6tO1xYQ6yKmcLCl66Y6vhmjVtqzYUKOCQGkVERFKaRnxFMrCbN6FnT3j22duh19DTYwr7XcvEhl4XFxg1CtasUegVEZEMTSO+IhnU7t22Zcr2749t61xxF2O3dIptKFIE5s2DsmVTv0AREZFUphFfkQzGaoVPPoEKFWJDr5sbjB8Pn28qC7162Ro7d4adOxV6RUQk09CIr0gGcuIEtG0L69bZHrsSQbFAV+bOs/C//93qNGIE1KsHzzzjsDpFREQcQSO+IhnEggUQGBgbekuyl2N+5djWcVJs6AXb8K9Cr4iIZEIKviLpXEgItGoFr75q+/8WrAzxGU+wS3nyXdyHyzu94cABR5cpIiLicJrqIJKObdgAbdrA8eO2x3k5w8q87Sl1dlVspyefdExxIiIiaYxGfEXSochI6N/ftvTu7dD7qsf3HPUKjBt6e/aErVuheHHHFCoiIpKGaMRXJJ05cMC2TFlwsO2xB+HMz9ebBmemxHbKlw9mzrQt4CsiIiKAgq9IumEMfP459Otn25gCoHiWQ/zmU58cZw7FdmzUCKZNAz8/h9QpIiKSVmmqg0g6cOYMPPccdO9+R+gtDvN/yUOObJG2Bg8PW+BdulShV0REJAEKviJp3NKlULIkrLpj6m6PHrB9OwRW9Yavv4aKFWHXLnjtNbBYHFesiIhIGqapDiJp1NWr8PbbMH16bNvrPt/Q8rOnqN7KP7axShXYvFmBV0RE5D404iuSBm3eDKVLx4ZeL8L45dF2TA1pSvWv2kBMTNwTFHpFRETuS8FXJA2JioLBg+Hpp+HIEVtbraybOZmrDDWPz7I1rF8PK1Y4rEYREZH0SsFXJI04dMg2a+HDD8FqBWeimeY/lDWRVcl+4VYK9vKC2bOhQQPHFisiIpIOaY6viIMZY1uMoWdPuH7d1vaE0xF+yd8K/xObYztWrmy7kS0gwDGFioiIpHMa8RVxoPPnoWFDePPN26HX0DfPbP5yLx0bep2dYehQ2/7ECr0iIiIPTCO+Ig7yww/QoYMt/N428uXt9F/aNrahUCGYOxeeeir1CxQREclgNOIrksquX4e33oIXX4wNvblywbJl0H9JedvwL0C7drZ9iRV6RUREkoVGfEVS0fbt0KoVHDxoe5yFKOq9kIUvv7KQJ8+tTmPGwPPP6wY2ERGRZKYRX5FUEBMDw4dDpUqxoTfQ7SCnH32KZY1nxYZeAE9PhV4REZEUoOArksKOHoXq1eG99yA6GsAw/LEp7LKUIdfxnVi6d4N//nF0mSIiIhmepjqIpBBjbEvudutm234YILflAuuffI1ih5bFdsyfH27ccEyRIiIimYhGfEVSwKVL0LSp7f6026G3TZ5VnMgRGDf0duoEO3dCyZIOqVNERCQz0YivSDJbvdoWeE+ftj124ybLig/g2QPjYjv5+cH06VC/viNKFBERyZQUfEWSyc2bMGAAjBsX2xbk/Q9rvF/G58De2MZ69WDGDMibN9VrFBERycw01UEkGezeDeXKxQ29zzwDy3/3xSf6kq3BzQ0mTIAff1ToFRERcQAFX5GHYLXCJ59AhQqwf7+tzc0Nxo+HlSshX4mcMHMmlCplW8S3WzewWBxas4iISGalqQ4iD+jECWjbFtati23rVnA5XWaWp0j1O0Z0n3kGduwAZ+fUL1JERETsNOIr8gAWLIDAwNjQ60k4m0t1YsKxBhT5uINtLbM7KfSKiIg4nIKvSBKEhNi2HH71Vdv/B3g+zw7O+5flqd1TbA0//QQrVjiqRBEREbkLBV+RRNqwwTZVd+5c22MnYphX6mNWXHoKjxOHbI0eHjBtGrz4ouMKFRERkQRpjq/IfURGwuDBMGpU7AyG4l4n+KVAa/Ls3hDbMSgI5s2DwoUdU6iIiIjck0Z8Re7hwAGoWBE+/jg29L5fbCF7LYHk+fNW6LVYbAv4btqk0CsiIpKGacRXJAHGwOefQ79+to0pAFxcYPobf9BqYvPYjv7+MGcOVK/umEJFREQk0TTiK/IfZ87Ac89B9+6xobd4cdi6FVp9/hS0bm1rbNbMtnOFQq+IiEi6oOArcodvv4WSJWHVKttjC1a6d7ftPVG69K1On39uW89s/nzw9XVUqSIiIpJECr4iwNWr0LEjvPwyXLq1w3DFXEe4XOxpxldZRNasd3TOnt022qsd2ERERNIVBV/J9DZvto3mTp9+u8UwPmg2m26UxufPzfDmm7Zt2kRERCRdU/CVTCsqCoYMgaefhiNHbG0FPK9wpHxzuu9oi9O1q7bGHDlih4FFREQk3VLwlUzp0CGoUgU++ACsVltbl/+t56hXIAHbFsV2bNcOgoPvmOArIiIi6ZWCr2QqxsDUqVCmDGzbZmtzd4rk96r9+exALbKcPWlr9PGBRYtgxgzw8nJYvSIiIpJ8tI6vZBrnz8Nrr8Hy5bFttQoeYZlbEzx/2xnbWKMGzJ5tW6NXREREMgyN+Eqm8MMPtmXK7gy9b74Jy9dkxfPScVuDi4ttX+K1axV6RUREMiAFX8nQrl+Ht96CF1+0jfgC5MoFy5bB5Mng8Xg++OorKFoU/vgD+vYFJ/1aiIiIZESa6iAZ1vbt0KoVHDwY2zaw4hp6zChD7mI5YxsbNLBt1ebikvpFioiISKpJE0NbEydOpGDBgri7u1OxYkW2bt16177Tpk2jatWq+Pr64uvrS506de7ZXzKfmBgYMQIqVYoNvT7uN9ldqyfDtzxD7kFv2u5yu5NCr4iISIbn8OC7cOFCevXqxZAhQ9i5cyelSpWibt26nL/9ufR/rF+/nldffZV169axefNm/P39efbZZzl16lQqVy5p0dGjUL06vPsuREfb2poV38vZRysQ+Ms4W8OSJbBypcNqFBEREcewGPPfoa/UVbFiRcqXL8/nn38OgNVqxd/fn27dutG/f//7nh8TE4Ovry+ff/45bdq0uW//sLAwvL29CQ0NJXv27A9dv6QNxtgWYujWzbb9MICzxcr3z3zG8xvewRIRYWt0c4PRo6FrV205LCIikkalVF5z6BzfyMhIduzYwYABA+xtTk5O1KlTh82bNyfqGtevXycqKoocOXIkeDwiIoKI26EH2wspGculS9CpEyxeHNtWwf8MK/O1x/fnVbGNJUvCvHlQokTqFykiIiIO59CpDhcvXiQmJoY8efLEac+TJw9nz55N1DXeeecdHnnkEerUqZPg8ZEjR+Lt7W3/8tcyVRnK6tUQGBg39I6vvYzN1wPx3XpH6O3ZE7ZuVegVERHJxBw+x/dhfPTRRyxYsIBvv/0Wd3f3BPsMGDCA0NBQ+9eJEydSuUpJCTdv2rLss8/C6dO2thw54JcPN9J9bUOcLl20NebNC6tWwdixcJf3iIiIiGQODp3q4Ofnh7OzM+fOnYvTfu7cOfLmzXvPcz/55BM++ugj1qxZQ2Bg4F37ubm54ebmliz1Stqweze0bAn798e2PfOMbXfh/I9Uhp0vwbffQsOG8OWX4OfnuGJFREQkzXDoiK+rqytBQUGsXbvW3ma1Wlm7di2VKlW663mjRo3iww8/ZOXKlZQrVy41SpU0wGqFMWOgQoXY0Ovmahg3zrZIQ/782G5YmzbNloK//VahV0REROwcvoFFr169aNu2LeXKlaNChQqMGzeO8PBw2rdvD0CbNm3Inz8/I0eOBODjjz9m8ODBzJs3j4IFC9rnAmfLlo1s2bI57PuQlHXiBLRtC+vWxbY9W+wES7O1wfPx3uD0YuyBnDmhXbtUr1FERETSNocH32bNmnHhwgUGDx7M2bNnKV26NCtXrrTf8Hb8+HGc7thCdtKkSURGRvLKK6/Euc6QIUN4//33U7N0SSULFkDnzhASYntsscDsFxfR8rc3sYSEQIf9sGePbT6viIiIyF04fB3f1KZ1fNOPkBDbcrtz58a2FcsfxtoS3cm3alZso78/fPcdlC2b2iWKiIhICkipvJauV3WQjGvDBihVKm7oHfzMZvZmKR039DZrZrvbTaFXRERE7sPhUx1E7hQZCYMHw6hRtt3YAHJkj2Z9nWGU/H4YxMTYGr28YOJEaNVKO7CJiIhIoij4Sppx4IBtmbLg4Ni2ZhWPMSuqBW5L79jJr3Jl+PprCAhI9RpFREQk/dJUB3E4Y+CzzyAoKDb0urjYRn3nznfC7fABW6OzMwwdapsHodArIiIiSaQRX3GoM2egfXvb5mq3FS9um9tbujTAozB5Mrz7rq3xqaccVKmIiIikdxrxFYf59lsoWTJu6B3X+De2/xJ2K/Te0ry5bccKhV4RERF5CAq+kuquXoWOHeHll+HSJVvbo3kjOdy0Pz2WVidrv27xT3J3T90iRUREJMNR8JVUtXmzbQrD9OmxbV2fOcjh3JUotOhj24Tf2bPh558dVqOIiIhkTAq+kiqiomDIEHj6aThyxNaWzdOwsc0UJvxehix7dtoab9/VVqeO44oVERGRDEk3t0mK+/tv23K7W7fGtj1f/gKLvF/Dc/ay2MYiRWDePG1GISIiIilCI76SYoyBqVNtUxtuh15nZ5jbZhUrTgTiueaO0Nu5M+zcqdArIiIiKUYjvpIizp+H116D5ctj2558Er7r/RvFO9WLbfTzs034rV8/9YsUERGRTEUjvpLsfvjBtkzZnaH3zTdh1y4o/sbTUO9W8K1XD/buVegVERGRVKERX0k2169Dnz4waVJsW65c8NVXd2ZbC8yYYVvEt1MnsFgcUaqIiIhkQhrxlWSxfbtteu6dobdl7bOcCHyB+h5r43bOm9c2p1ehV0RERFKRgq88lJgYGDECKlWCgwdtbVmzwo+dljFnd0nc1v4IbdvG7lQhIiIi4iCa6iAP7OhRaN0aNm6MbXu6TDjLC/fGZ/KU2EarFY4dg5w5U71GERERkds04itJZgzMmgWlSsWGXicn+KLjDn4ND8Jn4R2ht1Ej2LMHgoIcUquIiIjIbRrxlSS5dMl2T9rixbFtjxeMYU29Tyj45XsQHW1r9PCA8eOhY0fN5RUREZE0QcFXEm31amjXDk6fjm3r2eQko862Jsvk9bGNQUG2HdgKF07tEkVERETuSlMd5L5u3oSePeHZZ2NDb44c8M03MHb4DbLs3GZrtFhgwADYtEmhV0RERNIcBV+5p927oVw5GDcutu2ZZ2zTdl95Bdt2bBMmgL8/rFtnW+LB1dVR5YqIiIjclYKvJMhqhTFjoEIF2L/f1ubmBvN7bmXl0uvkz39H5/bt4cABqF7dIbWKiIiIJIaCr8Rz4gTUqWPbhS0y0tZWNjCafzsOpfmEyjj16xP3BIsFsmVL/UJFREREkkDBV+JYsAACA22zFsCWaUe+foRtHtXI88X7th0rJk2K7SAiIiKSTmhVBwEgJAS6doW5c2PbCuQ3rGo9h+ITu8LVq7ZGZ2cYPBiqVnVInSIiIiIPSsFX2LAB2rSB48dj215rfIWJ1s64frQwtrFQIVsyfuqp1C9SRERE5CEp+GZikZG2wdtRo2y7sQF4e8PibhuoM6u1bbLvbe3a2VZv8PJySK0iIqkpJiaGqKgoR5chkqG5urri5JS6s24VfDOpAwegZUsIDo5tq14dFnTeQN5Xa8YmYV9fmDIFmjRxSJ0iIqnJGMPZs2cJCQlxdCkiGZ6TkxMBAQG4puIyqAq+mYwxMHEi9O1r25gCwMUFhg2D3r3BmadhUjXb/IeaNWH2bChQwLFFi4ikktuhN3fu3Hh4eGDRlusiKcJqtXL69GnOnDnDo48+mmq/awq+mciZM9ChA6xcGdtWvLht2m7p0rdbnGHOHNu2bG+/Dan8EYSIiKPExMTYQ2/OnDkdXY5IhpcrVy5Onz5NdHQ0Li4uqfKcSjWZxLffQsmScUPvgNcusOfJxpQO3xi3s78/9Oql0CsimcrtOb0eHh4OrkQkc7g9xSEmJibVnlMjvhnc1au2gdvp02Pb8uaF5V1XUe7zdnD2LOzeadubOHt2R5UpIpJmaHqDSOpwxO+ahvQysM2bbVMY7gy9zRre5EiDtyn3Xj1b6AW4dg0OHXJIjSIiIiKpRcE3A4qKgiFD4Omn4cgRW1u2bPDtB3uZf7g8WaeOj+1crx7s3QvlyjmmWBEREQc6ePAgefPm5ertjZokWVy8eJHcuXNz8uRJR5cSh4JvBvP337bA+8EHYLXa2io/ZeXo2+NpNLw8ln37bI1ubrZ1eX/80Tb3QURE0q127dphsViwWCy4uLgQEBBAv379uHl7+Z47rFixgurVq+Pl5YWHhwfly5dn5syZCV53yZIl1KhRA29vb7Jly0ZgYCAffPABly9fTuHvKPUMGDCAbt264ZWB16mfOHEiBQsWxN3dnYoVK7J169Z79p85c6b9/XT7y93dPU4fYwyDBw8mX758ZM2alTp16vD333/bj/v5+dGmTRuGDBmSIt/Tg1LwzSCMgWnTbFMbbr+fnZ1hbN8z/Jb9efyGvQ0REbYDJUvC9u3QrRtoLpuISIZQr149zpw5w5EjR/j000+ZMmVKvNDx2Wef0bBhQ6pUqcKWLVvYs2cPzZs3p1OnTvTp0ydO33fffZdmzZpRvnx5fvrpJ/bt28eYMWPYvXs3c+bMSbXvKzIyMsWuffz4cVasWEG7du0e6jopWePDWrhwIb169WLIkCHs3LmTUqVKUbduXc6fP3/P87Jnz86ZM2fsX//++2+c46NGjWLChAlMnjyZLVu24OnpSd26deP8sdW+fXvmzp2btv5QMplMaGioAUxoaKijS0k2584Z06CBMbb4a/t68kljtmwxxuzbZ4ybW+yBnj2NuXHD0SWLiKQ5N27cMAcOHDA30uG/kW3btjUNGzaM0/byyy+bMmXK2B8fP37cuLi4mF69esU7f8KECQYwf/zxhzHGmC1bthjAjBs3LsHnu3Llyl1rOXHihGnevLnx9fU1Hh4eJigoyH7dhOrs0aOHqV69uv1x9erVTZcuXUyPHj1Mzpw5TY0aNcyrr75qmjZtGue8yMhIkzNnTjNr1ixjjDExMTFmxIgRpmDBgsbd3d0EBgaab7755q51GmPM6NGjTbly5eK0Xbx40TRv3tw88sgjJmvWrKZEiRJm3rx5cfokVKMxxuzdu9fUq1fPeHp6mty5c5tWrVqZCxcu2M/76aefTJUqVYy3t7fJkSOHeeGFF8w///xzzxofVoUKFUyXLl3sj2NiYswjjzxiRo4ceddzZsyYYby9ve963Gq1mrx585rRo0fb20JCQoybm5uZP39+nL4BAQHmyy+/TPA69/qdS6m8phHfdO6HH2wDuMuWxba9+Sbs2gUVKgD/+x+MHm2bzrBqFYwdC//5uEJERO6uXDnbPj6p/fUwt17s27ePTZs2xdkRa/HixURFRcUb2QV48803yZYtG/Pnzwdg7ty5ZMuWjbfeeivB6/v4+CTYfu3aNapXr86pU6dYtmwZu3fvpl+/flhvz71LpFmzZuHq6srGjRuZPHkyLVu2ZPny5Vy7ds3eZ9WqVVy/fp2XXnoJgJEjRzJ79mwmT57M/v376dmzJ61atWLDhg13fZ7ffvuNcv95oW/evElQUBA//PAD+/bt44033qB169bxpgf8t8aQkBBq1apFmTJl2L59OytXruTcuXM0bdrUfk54eDi9evVi+/btrF27FicnJ1566aV7vj4jRowgW7Zs9/w6fvx4gudGRkayY8cO6tSpY29zcnKiTp06bN68+a7PCbaf5WOPPYa/vz8NGzZk//799mNHjx7l7Nmzca7r7e1NxYoV4123QoUK/Pbbb/d8rtSk5czSqevXoU8fmDQpti1XLvjmvd1Uf7OobQ7vbV27QqtWtu2HRUQkSc6ehVOnHF3F/a1YsYJs2bIRHR1NREQETk5OfP755/bjhw4dwtvbm3z58sU719XVlUKFCnHo1go/f//9N4UKFUrypgLz5s3jwoULbNu2jRw5cgDwxBNPJPl7efLJJxk1apT98eOPP46npyfffvstrVu3tj9XgwYN8PLyIiIighEjRrBmzRoqVaoEQKFChfj999+ZMmUK1atXT/B5/v3333jBN3/+/HH+OOjWrRurVq1i0aJFVKhQ4a41Dhs2jDJlyjBixAh72/Tp0/H39+fQoUMULlyYxo0bx3mu6dOnkytXLg4cOECJEiUSrLFTp05xwnNCHnnkkQTbL168SExMDHny5InTnidPHv7666+7Xq9IkSJMnz6dwMBAQkND+eSTT6hcuTL79++nQIECnL21KlRC17197M7adu3adc/6U5OCbzq0fbstxx48GNtW//kY5pb5BK/e78HxHvDJJ7EHLRaFXhGRB+So+3+T+rw1a9Zk0qRJhIeH8+mnn5IlS5Z4QSuxjDEPdF5wcDBlypSxh94HFRQUFOdxlixZaNq0KXPnzqV169aEh4fz/fffs2DBAgD++ecfrl+/zjPPPBPnvMjISMqUKXPX57lx40a8m7ZiYmIYMWIEixYt4tSpU0RGRhIRERFvY5P/1rh7927WrVtHtmzZ4j3P4cOHKVy4MH///TeDBw9my5YtXLx40T7Se/z48bsG3xw5cjz065lUlSpVsv8BAVC5cmWKFSvGlClT+PDDD5N0raxZs3L9+vXkLvGBKfimIzEx8PHHtqXKoqNtbVmzwpT3TtDq59ZYht/6OGfMGGjUyLa8g4iIPJTt2x1dQeJ4enraR1enT59OqVKl+Oqrr+jYsSMAhQsXJjQ0lNOnT8cbIYyMjOTw4cPUrFnT3vf3338nKioqSaO+WbNmvedxJyeneKH69o55//1e/qtly5ZUr16d8+fPs3r1arJmzUq9evUA7FMgfvjhB/Lnzx/nPLc7PwH9Dz8/P65cuRKnbfTo0YwfP55x48ZRsmRJPD09efvtt+PdwPbfGq9du0b9+vX5+OOP4z3P7VH2+vXr89hjjzFt2jQeeeQRrFYrJUqUuOfNcSNGjIgzipyQAwcO8Oijjyb4/Tk7O3Pu3Lk47efOnSNvEv6ycnFxoUyZMvzzzz8A9nPPnTsX5xOEc+fOUbp06TjnXr58mVy5ciX6uVKa5vimE0ePQvXq8O67saE3KAj+GbGI1qMDsdyew2SxwIABtyb4iohIZuTk5MTAgQN57733uHHjBgCNGzfGxcWFMWPGxOs/efJkwsPDefXVVwFo0aIF165d44svvkjw+iEhIQm2BwYGEhwcfNe7+HPlysWZM2fitAUHByfqe6pcuTL+/v4sXLiQuXPn0qRJE3soL168OG5ubhw/fpwnnngizpe/v/9dr1mmTBkOHDgQp23jxo00bNiQVq1aUapUqThTQO6lbNmy7N+/n4IFC8arwdPTk0uXLnHw4EHee+89ateuTbFixeKF7oR06tSJ4ODge37dbaqDq6srQUFBrF271t5mtVpZu3ZtnBHd+4mJiWHv3r32kBsQEEDevHnjXDcsLIwtW7bEu+6+ffvuOeqe6pL1Vrl0IL2t6mC1GjNrljFeXrELMzg5GfNBn1AT07pt3KUc/P2NWb/e0SWLiKRLGW1Vh6ioKJM/f/44d95/+umnxsnJyQwcOND8+eef5p9//jFjxowxbm5upnfv3nHO79evn3F2djZ9+/Y1mzZtMseOHTNr1qwxr7zyyl1Xe4iIiDCFCxc2VatWNb///rs5fPiwWbx4sdm0aZMxxpiVK1cai8ViZs2aZQ4dOmQGDx5ssmfPHm9Vhx49eiR4/XfffdcUL17cZMmSxfz222/xjuXMmdPMnDnT/PPPP2bHjh1mwoQJZubMmXd93ZYtW2Zy585toqOj7W09e/Y0/v7+ZuPGjebAgQPmtddeM9mzZ4/z+iZU46lTp0yuXLnMK6+8YrZu3Wr++ecfs3LlStOuXTsTHR1tYmJiTM6cOU2rVq3M33//bdauXWvKly9vAPPtt9/etcaHtWDBAuPm5mZmzpxpDhw4YN544w3j4+Njzp49a+/TunVr079/f/vjoUOHmlWrVpnDhw+bHTt2mObNmxt3d3ezf/9+e5+PPvrI+Pj4mO+//97s2bPHNGzY0AQEBMT5/QkPDzdZs2Y1v/76a4K1OWJVBwXfNOzSJWOaNImbbQMCjNk9eZMxhQrFPdCsmTGXLzu6ZBGRdCujBV9jjBk5cqTJlSuXuXbtmr3t+++/N1WrVjWenp7G3d3dBAUFmenTpyd43YULF5pq1aoZLy8v4+npaQIDA80HH3xwz+XMjh07Zho3bmyyZ89uPDw8TLly5cyWLVvsxwcPHmzy5MljvL29Tc+ePU3Xrl0THXwPHDhgAPPYY48Zq9Ua55jVajXjxo0zRYoUMS4uLiZXrlymbt26ZsOGDXetNSoqyjzyyCNm5cqV9rZLly6Zhg0bmmzZspncuXOb9957z7Rp0+a+wdcYYw4dOmReeukl4+PjY7JmzWqKFi1q3n77bXutq1evNsWKFTNubm4mMDDQrF+/PsWDrzHGfPbZZ+bRRx81rq6upkKFCvbl5e78ftq2bWt//Pbbb9v758mTxzz//PNm586dcc6xWq1m0KBBJk+ePMbNzc3Url3bHDx4ME6fefPmmSJFity1LkcEX4sxDziDPZ0KCwvD29ub0NBQsmfP7uhy7mr1amjXDk6fjm1r1w4+f2U9ng3r2Cb8Anh5wcSJtrvdtBmFiMgDu3nzJkePHiUgICDeDU+ScU2cOJFly5axatUqR5eS4Tz11FN0796dFi1aJHj8Xr9zKZXXdHNbGnPzpm2K7rhxsW05csCUKfDKK0BUFdvk3q1boXJl+PprCAhwVLkiIiLp2ptvvklISAhXr17N0NsWp7aLFy/y8ssv2+eNpxUa8U1Ddu+2Ddzu2xfb9swzMGMGxLlJ9Z9/YOFCeOcdyKK/XUREkoNGfEVSlyNGfLWqQxpgtdpWIKtQITb0urnBpBFXWOXXkvxnd8Q94YknbMs7KPSKiIiIJJqSk4OdOAFt28K6dbFtpUrBtz3WEzC4NZw8CTt3wM6d8J/Fs0VEREQk8TTi60ALFkBgYGzotVigf69Itj/Tn4COtWyhF+D8ebhjj2wRERERSTqN+DpASAh07Qpz58a2FSgA3ww7yFMTWthGd2+rWRNmz7Z1EBEREZEHpuCbyjZsgDZt4Pjx2LbmzQxfVpyKZ+eecGuHHVxcYPhw6N0bnDQwLyIiIvKwlKhSSWQk9O9vG8C9HXq9vWHxpAvMv9EIz16dYkNvkSLwxx/Qt69Cr4iIiEgyUapKBQcOwFNPwccf27ZZA6he3bZ8WeMKJ+DHH2M7d+5sm+pQtqxjihURERHJoBR8U5Ax8Pnntv0mdu2ytbm42ALw2rXw2GPYAu6wYeDnB8uWwRdfaPUGERFJVywWC999952jy0iz3n//fUqXLu3oMgQF3xRz5gw8/zx062bbjQ2geHEIXvAX/XpG4ex8R+c+fWyrNtSv75BaRUQkfWvXrh0WiwWLxYKLiwsBAQH069ePm7f/A5SBnT17lh49evDEE0/g7u5Onjx5qFKlCpMmTeL69euOLg+APn36sHbtWkeXIejmthTx7bfw+utw6VJsW49uVkY9+hmuLd6x7bg2dGjsQWdnyJ079QsVEZEMo169esyYMYOoqCh27NhB27ZtsVgsfPzxx44uLcUcOXKEKlWq4OPjw4gRIyhZsiRubm7s3buXqVOnkj9/fho0aODoMsmWLRvZsmVzdBmCRnyT1dWr0LEjvPxybOjNmxd+mXuGcYeex7Xv2xARYZvasHWrQ2sVEZGMxc3Njbx58+Lv70+jRo2oU6cOq1evth+/dOkSr776Kvnz58fDw4OSJUsyf/78ONeoUaMG3bt3p1+/fuTIkYO8efPy/vvvx+nz999/U61aNdzd3SlevHic57ht79691KpVi6xZs5IzZ07eeOMNrl27Zj/erl07GjVqxIgRI8iTJw8+Pj588MEHREdH07dvX3LkyEGBAgWYMWPGPb/nt956iyxZsrB9+3aaNm1KsWLFKFSoEA0bNuSHH36g/q1PUo8dO4bFYiE4ONh+bkhICBaLhfXr19vb9u3bx3PPPUe2bNnIkycPrVu35uLFi/bjixcvpmTJkvbvq06dOoSHhwOwfv16KlSogKenJz4+PlSpUoV///0XiD/V4fb3/8knn5AvXz5y5sxJly5diIqKsvc5c+YML7zwAlmzZiUgIIB58+ZRsGBBxo0bd8/XRO5NwTeZbN4MpUvD9OmxbS+9BAdHfU/NHoGwalXsge7dbTtXiIhI+jB2rG099ft9JTS62KBB4s4dOzbZyt23bx+bNm3C1dXV3nbz5k2CgoL44Ycf2LdvH2+88QatW7dm638GYmbNmoWnpydbtmxh1KhRfPDBB/Zwa7Vaefnll3F1dWXLli1MnjyZd955J8754eHh1K1bF19fX7Zt28Y333zDmjVr6Nq1a5x+v/zyC6dPn+bXX39l7NixDBkyhBdffBFfX1+2bNlCp06dePPNNzl5ezOn/7h06RI///wzXbp0wdPTM8E+Fosl0a9ZSEgItWrVokyZMmzfvp2VK1dy7tw5mjZtCtiC6KuvvkqHDh34888/Wb9+PS+//DLGGKKjo2nUqBHVq1dnz549bN68mTfeeOOez79u3ToOHz7MunXrmDVrFjNnzmTmzJn2423atOH06dOsX7+eJUuWMHXqVM6fP5/o70fuwmQyoaGhBjChoaHJcr3ISGMGDzbm/+3deVSU1f8H8DczOMMSiLiwKC6IoD9FlEUFMzcU1AxX+CYZGoolaErmiiKZS5pbZpqZYkaBdtQ8SaColKKlEqAJ4gKkFZBbEgoCM/f3BzEyAuYgm8z7dc6cztznPvf5PHMb/HC59z4SiRCly9mEeOEFIb7Yki+UAdMeFQJCmJsLERtbI9clIqKaVVBQIFJTU0VBQUHFg6Gh6j/Pq3r16VPx3D59nu7c0NBqx+7n5yekUqkwNDQUcrlcABASiUR88803TzxvxIgR4p133lG979+/v3jxxRfV6ri4uIh58+YJIYSIjY0Vurq64o8//lAd//777wUAsX//fiGEENu2bRPNmjUT+fn5qjqHDh0SEolE5OTkqOJt166dUCgUqjp2dnaiX79+qvclJSXC0NBQfP3115XG/tNPPwkAYt++fWrlzZs3F4aGhsLQ0FDMnTtXCCFEZmamACCSkpJU9e7evSsAiOPHjwshhFi2bJkYOnSoWls3btwQAER6erpITEwUAERWVlaFWG7fvi0AiPj4+EpjDQ0NFQ4ODqr3ZfdfUlKiKhs/frzw8fERQgiRlpYmAIizZ8+qjl+5ckUAEOvXr6/0Gs+jJ33najpfK8M5vs/gyhXgtdfUZy24ugJR8xJhNXcCcPnyowNeXsD27aW7NxAR0fPF2Bho3fq/67VsWXnZ05xrbKx5XOUMHDgQW7Zswf3797F+/Xro6upi7NixquMKhQIrVqzAnj178Mcff6CoqAgPHz6EwWM7CXV/7C+SFhYWqpHGtLQ0WFlZwdLSUnXc1dVVrX5aWhocHBzURmH79u0LpVKJ9PR0mJmZAQC6du0KSbm96s3MzNCtWzfVe6lUiubNm2s8ynnmzBkolUr4+vri4cOHT31eSkoKjh8/Xulc3GvXrmHo0KEYPHgw7O3t4eHhgaFDh2LcuHFo1qwZTE1NMWnSJHh4eGDIkCFwd3eHt7c3LCwsqrxe165dIS230t3CwgIXLlwAAKSnp0NXVxeO5bY2tbGxQbNmzZ76fqhyTHyrQYjSHHbWLKBswahUCoSGAgv7HIN0uAdQUlJ6wMAA2LABmDIF0OBPLkRE1IAEB5e+quPgwZqNpQqGhoawsbEBAOzYsQMODg74/PPP4e/vDwBYs2YNNm7ciA0bNsDe3h6GhoaYNWsWioqK1Npp0qSJ2nsdHR0olcoaj7ey62hybRsbG+jo6CA9PV2t3NraGgCgr6+vKitLsEXZZvqA2nxaAMjPz8fIkSMrXQxoYWEBqVSKI0eO4NSpUzh8+DA2bdqERYsW4eeff0aHDh2wc+dOzJw5EzExMYiKikJISAiOHDmCPn36PPX918bnTOo4x1dDN28Co0YBAQGPkt5OnYBTp4DFiwHpS31L9y0DHm3gO3Uqk14iIqozEokECxcuREhICAr+fSpoQkICvLy88Nprr8HBwQHW1ta4XP4vk0+hS5cuuHHjBrKzs1VlP/30U4U6KSkpqkVfZdeWSCSws7N7hrtS17x5cwwZMgQff/yx2rUq0/LfkfjycZdf6AYAjo6OuHjxItq3bw8bGxu1V9notY6ODvr27YuwsDAkJSVBJpNh//79qjZ69uyJBQsW4NSpU+jWrRu++uqrat2bnZ0dSkpKkFT2EAAAV69exd27d6vVHj3CxFcD0dGAvb36L+/TppXmtr16/VsglwNffQUsWlSaDdva1kusRESk3caPHw+pVIrNmzcDADp16qQasUxLS8O0adOQm5urUZvu7u6wtbWFn58fUlJScOLECSxatEitjq+vL/T09ODn54dff/0Vx48fx4wZMzBx4kTVNIea8sknn6CkpATOzs6IiopCWloa0tPT8eWXX+LSpUuqqQT6+vro06cPVq1ahbS0NPzwww8ICQlRayswMBB37tzBq6++irNnz+LatWuIjY3F5MmToVAo8PPPP2PFihU4d+4crl+/jn379uHmzZvo0qULMjMzsWDBApw+fRq//fYbDh8+jCtXrqBLly7Vuq/OnTvD3d0dAQEBOHPmDJKSkhAQEAB9fX2NFuxRRUx8n8KDB8D06cCIEUDZz4iWLYHoyDxsVUyFYdZF9RO6di3dsqzcaloiIqK6pKuri6CgIKxevRr3799HSEgIHB0d4eHhgQEDBsDc3ByjRo3SqE2JRIL9+/ejoKAAvXr1wpQpU7B8+XK1OgYGBoiNjcWdO3fg4uKCcePGYfDgwfj4449r8O5KdezYEUlJSXB3d8eCBQvg4OAAZ2dnbNq0CXPmzMGyZctUdXfs2IGSkhI4OTlh1qxZeP/999XasrS0REJCAhQKBYYOHQp7e3vMmjULJiYmkEgkMDY2xo8//ojhw4fD1tYWISEhWLt2LYYNGwYDAwNcunQJY8eOha2tLQICAhAYGIhp06ZV+96++OILmJmZ4aWXXsLo0aMxdepUGBkZQU9Pr9ptEqAjyk940QJ5eXlo2rQp7t27B+OnWEiQmAj4+gLlpxCNGAF88dZpmM58DcjIKN2a7MyZ0tFeIiJ6LhUWFiIzMxMdOnRgckENzu+//w4rKyvExcVh8ODB9R1OjXjSd07TfO1pcXFbFRQK4IMPShesla1T09cH1q8pQcDN5dDxWlZaCQAyM4Hz5wEXl/oLmIiIiBqNY8eOIT8/H/b29sjOzsbcuXPRvn17vPTSS/Ud2nONiW8lMjOBiROBhIRHZU5OwJ5VGbBe8lrp0yrKuLkBX34JdOhQ94ESERFRo1RcXIyFCxciIyMDRkZGcHNzQ0RERIXdIEgzTHzLEQLYvRsICip9/DAASCTAgvkCSzvuhu6YcgekUmDJEmDhQkCXHyMRERHVHA8PD3h4eNR3GI0OM7Z/3bkDvPkmsHfvo7IOHYCvNt9Fn11vASuiHh2wtgYiIoAq9uYjIiIiooaHuzoAiIsr3aasfNI7aRKQnAz0aZpWxQEmvUREjZGWrfkmqjf18V3T6sS3sBCYPRsYMgT488/SsmbNSvPcnTv/fXqkm1vpnrwmJsCePaUHjIzqM2wiIqoFZXMnH5Q9nYiIalXZUwPLP7q5tmntVIdffy19+MSvvz4qGzIE+CIsE+a92gIo1wmLF5dWfppnrRMR0XNJKpXCxMQEf/31F4DS/Wj5sACi2qFUKnHz5k0YGBhAtw7XSmlt4jtgAFD2mG65HPhglcAM+TZIBs8u3cNs3rxHlZs0YdJLRKQFzM3NAUCV/BJR7ZFIJGjbtm2d/oKptQ+wAO4BMEb37kDkppvosnbKo2cR6+qWPpCiZ8/6DJWIiOqJQqFAcdnoCBHVCplMBomk8lm3fIBFLZgzB1jePxYyn0lATs6jA1OmAHZ29RYXERHVL6lUWqfzDomobjSIxW2bN29G+/btoaenh969e+PMmTNPrL9371507twZenp6sLe3R3R0tMbXHD2sEGuKZ0E20vNR0tuiRemo75YtgIFBdW6FiIiIiBqoek98o6KiEBwcjNDQUPzyyy9wcHCAh4dHlfOrTp06hVdffRX+/v5ISkrCqFGjMGrUKPxafpXaU1h2cgCwceOjAk9P4MIFYOTIZ7gbIiIiImqo6n2Ob+/eveHi4oKPP/4YQOkqPysrK8yYMQPz58+vUN/Hxwf379/Hd999pyrr06cPevToga1bt/7n9VRzRgAYA6Ur29asKX1cG1fvEhEREdW7RjnHt6ioCImJiViwYIGqTCKRwN3dHadPn670nNOnTyM4OFitzMPDAwcOHKi0/sOHD/Hw4UPV+3v37gEA8gDg//4P+Pzz0v+WPYqYiIiIiOpVXl4egJp/yEW9Jr63bt2CQqGAmZmZWrmZmRkuXbpU6Tk5OTmV1s8pvzitnJUrVyIsLKxCuRUApKYCrq7Vip2IiIiIatft27f/3Y2rZjT6XR0WLFigNkL8999/o127drh+/XqNfpDUMOXl5cHKygo3btyo0T+VUMPE/tYu7G/twv7WLvfu3UPbtm1hampao+3Wa+LbokULSKVS5ObmqpXn5uaqNhF/nLm5uUb15XI55HJ5hfKmTZvyi6NFjI2N2d9ahP2tXdjf2oX9rV2q2ue32u3VaGsakslkcHJywtGjR1VlSqUSR48ehWsVUxBcXV3V6gPAkSNHqqxPRERERAQ0gKkOwcHB8PPzg7OzM3r16oUNGzbg/v37mDx5MgDg9ddfR+vWrbFy5UoAwNtvv43+/ftj7dq1GDFiBCIjI3Hu3Dls27atPm+DiIiIiBq4ek98fXx8cPPmTSxZsgQ5OTno0aMHYmJiVAvYrl+/rjbM7ebmhq+++gohISFYuHAhOnXqhAMHDqBbt25PdT25XI7Q0NBKpz9Q48P+1i7sb+3C/tYu7G/tUlv9Xe/7+BIRERER1YV6f3IbEREREVFdYOJLRERERFqBiS8RERERaQUmvkRERESkFRpl4rt582a0b98eenp66N27N86cOfPE+nv37kXnzp2hp6cHe3t7REdH11GkVBM06e/PPvsM/fr1Q7NmzdCsWTO4u7v/5/8f1LBo+v0uExkZCR0dHYwaNap2A6QapWl///333wgMDISFhQXkcjlsbW35M/05oml/b9iwAXZ2dtDX14eVlRVmz56NwsLCOoqWnsWPP/6IkSNHwtLSEjo6Ojhw4MB/nhMfHw9HR0fI5XLY2NggPDxc8wuLRiYyMlLIZDKxY8cOcfHiRTF16lRhYmIicnNzK62fkJAgpFKpWL16tUhNTRUhISGiSZMm4sKFC3UcOVWHpv09YcIEsXnzZpGUlCTS0tLEpEmTRNOmTcXvv/9ex5FTdWja32UyMzNF69atRb9+/YSXl1fdBEvPTNP+fvjwoXB2dhbDhw8XJ0+eFJmZmSI+Pl4kJyfXceRUHZr2d0REhJDL5SIiIkJkZmaK2NhYYWFhIWbPnl3HkVN1REdHi0WLFol9+/YJAGL//v1PrJ+RkSEMDAxEcHCwSE1NFZs2bRJSqVTExMRodN1Gl/j26tVLBAYGqt4rFAphaWkpVq5cWWl9b29vMWLECLWy3r17i2nTptVqnFQzNO3vx5WUlAgjIyOxa9eu2gqRalB1+rukpES4ubmJ7du3Cz8/Pya+zxFN+3vLli3C2tpaFBUV1VWIVIM07e/AwEAxaNAgtbLg4GDRt2/fWo2Tat7TJL5z584VXbt2VSvz8fERHh4eGl2rUU11KCoqQmJiItzd3VVlEokE7u7uOH36dKXnnD59Wq0+AHh4eFRZnxqO6vT34x48eIDi4mKYmprWVphUQ6rb3++99x5atWoFf3//ugiTakh1+vvgwYNwdXVFYGAgzMzM0K1bN6xYsQIKhaKuwqZqqk5/u7m5ITExUTUdIiMjA9HR0Rg+fHidxEx1q6bytXp/cltNunXrFhQKheqpb2XMzMxw6dKlSs/JycmptH5OTk6txUk1ozr9/bh58+bB0tKywpeJGp7q9PfJkyfx+eefIzk5uQ4ipJpUnf7OyMjAsWPH4Ovri+joaFy9ehXTp09HcXExQkND6yJsqqbq9PeECRNw69YtvPjiixBCoKSkBG+++SYWLlxYFyFTHasqX8vLy0NBQQH09fWfqp1GNeJLpIlVq1YhMjIS+/fvh56eXn2HQzXsn3/+wcSJE/HZZ5+hRYsW9R0O1QGlUolWrVph27ZtcHJygo+PDxYtWoStW7fWd2hUC+Lj47FixQp88skn+OWXX7Bv3z4cOnQIy5Ytq+/QqAFrVCO+LVq0gFQqRW5urlp5bm4uzM3NKz3H3Nxco/rUcFSnv8t8+OGHWLVqFeLi4tC9e/faDJNqiKb9fe3aNWRlZWHkyJGqMqVSCQDQ1dVFeno6OnbsWLtBU7VV5/ttYWGBJk2aQCqVqsq6dOmCnJwcFBUVQSaT1WrMVH3V6e/Fixdj4sSJmDJlCgDA3t4e9+/fR0BAABYtWgSJhGN7jUlV+ZqxsfFTj/YCjWzEVyaTwcnJCUePHlWVKZVKHD16FK6urpWe4+rqqlYfAI4cOVJlfWo4qtPfALB69WosW7YMMTExcHZ2rotQqQZo2t+dO3fGhQsXkJycrHq98sorGDhwIJKTk2FlZVWX4ZOGqvP97tu3L65evar6BQcALl++DAsLCya9DVx1+vvBgwcVktuyX3pK10tRY1Jj+Zpm6+4avsjISCGXy0V4eLhITU0VAQEBwsTEROTk5AghhJg4caKYP3++qn5CQoLQ1dUVH374oUhLSxOhoaHczuw5oml/r1q1SshkMvHNN9+I7Oxs1euff/6pr1sgDWja34/jrg7PF037+/r168LIyEgEBQWJ9PR08d1334lWrVqJ999/v75ugTSgaX+HhoYKIyMj8fXXX4uMjAxx+PBh0bFjR+Ht7V1ft0Aa+Oeff0RSUpJISkoSAMS6detEUlKS+O2334QQQsyfP19MnDhRVb9sO7N3331XpKWlic2bN3M7szKbNm0Sbdu2FTKZTPTq1Uv89NNPqmP9+/cXfn5+avX37NkjbG1thUwmE127dhWHDh2q44jpWWjS3+3atRMAKrxCQ0PrPnCqFk2/3+Ux8X3+aNrfp06dEr179xZyuVxYW1uL5cuXi5KSkjqOmqpLk/4uLi4WS5cuFR07dhR6enrCyspKTJ8+Xdy9e7fuAyeNHT9+vNJ/j8v62M/PT/Tv37/COT169BAymUxYW1uLnTt3anxdHSH49wAiIiIiavwa1RxfIiIiIqKqMPElIiIiIq3AxJeIiIiItAITXyIiIiLSCkx8iYiIiEgrMPElIiIiIq3AxJeIiIiItAITXyIiIiLSCkx8iYgAhIeHw8TEpL7DqDYdHR0cOHDgiXUmTZqEUaNG1Uk8REQNERNfImo0Jk2aBB0dnQqvq1ev1ndoCA8PV8UjkUjQpk0bTJ48GX/99VeNtJ+dnY1hw4YBALKysqCjo4Pk5GS1Ohs3bkR4eHiNXK8qS5cuVd2nVCqFlZUVAgICcOfOHY3aYZJORLVBt74DICKqSZ6enti5c6daWcuWLespGnXGxsZIT0+HUqlESkoKJk+ejD///BOxsbHP3La5ufl/1mnatOkzX+dpdO3aFXFxcVAoFEhLS8Mbb7yBe/fuISoqqk6uT0RUFY74ElGjIpfLYW5urvaSSqVYt24d7O3tYWhoCCsrK0yfPh35+flVtpOSkoKBAwfCyMgIxsbGcHJywrlz51THT548iX79+kFfXx9WVlaYOXMm7t+//8TYdHR0YG5uDktLSwwbNgwzZ85EXFwcCgoKoFQq8d5776FNmzaQy+Xo0aMHYmJiVOcWFRUhKCgIFhYW0NPTQ7t27bBy5Uq1tsumOnTo0AEA0LNnT+jo6GDAgAEA1EdRt23bBktLSyiVSrUYvby88MYbb6jef/vtt3B0dISenh6sra0RFhaGkpKSJ96nrq4uzM3N0bp1a7i7u2P8+PE4cuSI6rhCoYC/vz86dOgAfX192NnZYePGjarjS5cuxa5du/Dtt9+qRo/j4+MBADdu3IC3tzdMTExgamoKLy8vZGVlPTEeIqIyTHyJSCtIJBJ89NFHuHjxInbt2oVjx45h7ty5Vdb39fVFmzZtcPbsWSQmJmL+/Plo0qQJAODatWvw9PTE2LFjcf78eURFReHkyZMICgrSKCZ9fX0olUqUlJRg48aNWLt2LT788EOcP38eHh4eeOWVV3DlyhUAwEcffYSDBw9iz549SE9PR0REBNq3b19pu2fOnAEAxMXFITs7G/v27atQZ/z48bh9+zaOHz+uKrtz5w5iYmLg6+sLADhx4gRef/11vP3220hNTcWnn36K8PBwLF++/KnvMSsrC7GxsZDJZKoypVKJNm3aYO/evUhNTcWSJUuwcOFC7NmzBwAwZ84ceHt7w9PTE9nZ2cjOzoabmxuKi4vh4eEBIyMjnDhxAgkJCXjhhRfg6emJoqKip46JiLSYICJqJPz8/IRUKhWGhoaq17hx4yqtu3fvXtG8eXPV+507d4qmTZuq3hsZGYnw8PBKz/X39xcBAQFqZSdOnBASiUQUFBRUes7j7V++fFnY2toKZ2dnIYQQlpaWYvny5WrnuLi4iOnTpwshhJgxY4YYNGiQUCqVlbYPQOzfv18IIURmZqYAIJKSktTq+Pn5CS8vL9V7Ly8v8cYbb6jef/rpp8LS0lIoFAohhBCDBw8WK1asUGtj9+7dwsLCotIYhBAiNDRUSCQSYWhoKPT09AQAAUCsW7euynOEECIwMFCMHTu2yljLrm1nZ6f2GTx8+FDo6+uL2NjYJ7ZPRCSEEJzjS0SNysCBA7FlyxbVe0NDQwClo58rV67EpUuXkJeXh5KSEhQWFuLBgwcwMDCo0E5wcDCmTJmC3bt3q/5c37FjRwCl0yDOnz+PiIgIVX0hBJRKJTIzM9GlS5dKY7t37x5eeOEFKJVKFBYW4sUXX8T27duRl5eHP//8E3379lWr37dvX6SkpAAonaYwZMgQ2NnZwdPTEy+//DKGDh36TJ+Vr68vpk6dik8++QRyuRwRERH43//+B4lEorrPhIQEtRFehULxxM8NAOzs7HDw4EEUFhbiyy+/RHJyMmbMmKFWZ/PmzdixYweuX7+OgoICFBUVoUePHk+MNyUlBVevXoWRkZFaeWFhIa5du1aNT4CItA0TXyJqVAwNDWFjY6NWlpWVhZdffhlvvfUWli9fDlNTU5w8eRL+/v4oKiqqNIFbunQpJkyYgEOHDuH7779HaGgoIiMjMXr0aOTn52PatGmYOXNmhfPatm1bZWxGRkb45ZdfIJFIYGFhAX19fQBAXl7ef96Xo6MjMjMz8f333yMuLg7e3t5wd3fHN99885/nVmXkyJEQQuDQoUNwcXHBiRMnsH79etXx/Px8hIWFYcyYMRXO1dPTq7JdmUym6oNVq1ZhxIgRCAsLw7JlywAAkZGRmDNnDtauXQtXV1cYGRlhzZo1+Pnnn58Yb35+PpycnNR+4SjTUBYwElHDxsSXiBq9xMREKJVKrF27VjWaWTaf9ElsbW1ha2uL2bNn49VXX8XOnTsxevRoODo6IjU1tUKC/V8kEkml5xgbG8PS0hIJCQno37+/qjwhIQG9evVSq+fj4wMfHx+MGzcOnp6euHPnDkxNTdXaK5tPq1AonhiPnp4exowZg4iICFy9ehV2dnZwdHRUHXd0dER6errG9/m4kJAQDBo0CG+99ZbqPt3c3DB9+nRVncdHbGUyWYX4HR0dERUVhVatWsHY2PiZYiIi7cTFbUTU6NnY2KC4uBibNm1CRkYGdu/eja1bt1ZZv6CgAEFBQYiPj8dvv/2GhIQEnD17VjWFYd68eTh16hSCgoKQnJyMK1eu4Ntvv9V4cVt57777Lj744ANERUUhPT0d8+fPR3JyMt5++20AwLp16/D111/j0qVLuHz5Mvbu3Qtzc/NKH7rRqlUr6OvrIyYmBrm5ubh3716V1/X19cWhQ4ewY8cO1aK2MkuWLMEXX3yBsLAwXLx4EWlpaYiMjERISIhG9+bq6oru3btjxYoVAIBOnTrh3LlziI2NxeXLl7F48WKcPXtW7Zz27dvj/PnzSE9Px61bt1BcXAxfX1+0aNECXl5eOHHiBDIzMxEfH4+ZM2fi999/1ygmItJOTHyJqNFzcHDAunXr8MEHH6Bbt26IiIhQ2wrscVKpFLdv38brr78OW1tbeHt7Y9iwYQgLCwMAdO/eHT/88AMuX76Mfv36oWfPnliyZAksLS2rHePMmTMRHByMd955B/b29oiJicHBgwfRqVMnAKXTJFavXg1nZ2e4uLggKysL0dHRqhHs8nR1dfHRRx/h008/haWlJby8vKq87qBBg2Bqaor09HRMmDBB7ZiHhwe+++47HD58GC4uLujTpw/Wr1+Pdu3aaXx/s2fPxvbt23Hjxg1MmzYNY8aMgY+PD3r37o3bt2+rjf4CwNSpU2FnZwdnZ2e0bNkSCQkJMDAwwI8//oi2bdtizJgx6NKlC/z9/VFYWMgRYCJ6KjpCCFHfQRARERER1TaO+BIRERGRVmDiS0RERERagYkvEREREWkFJr5EREREpBWY+BIRERGRVmDiS0RERERagYkvEREREWkFJr5EREREpBWY+BIRERGRVmDiS0RERERagYkvEREREWmF/wcu+xog0od1kAAAAABJRU5ErkJggg==", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "plot_roc_curve(y_test, y_pred)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "#### Standardized data" + ] + }, + { + "cell_type": "code", + "execution_count": 20, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Time taken for GridSearchCV: 10294.75 seconds\n", + "Best Hyperparameters:\n", + "{'activation': 'relu', 'alpha': 0.001, 'hidden_layer_sizes': (100, 50), 'learning_rate': 'adaptive', 'solver': 'sgd'}\n", + "\n", + "Time taken for training with best hyperparameters: 33.44 seconds\n", + "\n", + "Mean Accuracy: 0.6584768326417704\n", + "Standard Deviation of Accuracy: 0.003066947596561596\n", + "Mean Precision: 0.1\n", + "Standard Deviation of Precision: 0.30000000000000004\n", + "Mean Recall: 0.0024390243902439024\n", + "Standard Deviation of Recall: 0.007317073170731709\n", + "Mean F1-score: 0.0047619047619047615\n", + "Standard Deviation of F1-score: 0.014285714285714285\n", + "Mean ROC AUC: 0.501219512195122\n", + "Standard Deviation of ROC AUC: 0.0036585365853658573\n", + "\n", + "Total time taken: 10328.19 seconds\n" + ] + } + ], + "source": [ + "from sklearn.neural_network import MLPClassifier\n", + "from sklearn.model_selection import StratifiedKFold, GridSearchCV\n", + "from sklearn.metrics import accuracy_score, precision_score, recall_score, f1_score, roc_auc_score, confusion_matrix\n", + "import numpy as np\n", + "import time\n", + "\n", + "start_total_time = time.time()\n", + "\n", + "kf = StratifiedKFold(n_splits=10, shuffle=True, random_state=42)\n", + "\n", + "model = MLPClassifier(random_state=42, max_iter=2000)\n", + "\n", + "param_grid = {\n", + " 'hidden_layer_sizes': [(50,), (100,), (100, 50)],\n", + " 'activation': ['tanh', 'relu'],\n", + " 'solver': ['adam', 'sgd'],\n", + " 'alpha': [0.0001, 0.001, 0.01],\n", + " 'learning_rate': ['constant', 'adaptive']\n", + "}\n", + "\n", + "grid_search = GridSearchCV(estimator=model, param_grid=param_grid, cv=kf, scoring='accuracy')\n", + "\n", + "start_time = time.time()\n", + "\n", + "grid_search.fit(standard(x), y)\n", + "\n", + "grid_search_time = time.time() - start_time\n", + "print(f\"Time taken for GridSearchCV: {grid_search_time:.2f} seconds\")\n", + "\n", + "best_params = grid_search.best_params_\n", + "\n", + "print(\"Best Hyperparameters:\")\n", + "print(best_params)\n", + "print()\n", + "\n", + "best_model = grid_search.best_estimator_\n", + "\n", + "start_time = time.time()\n", + "\n", + "accuracy_scores = []\n", + "precision_scores = []\n", + "recall_scores = []\n", + "f1_scores = []\n", + "roc_auc_scores = []\n", + "confusion_matrices = []\n", + "\n", + "for train_index, test_index in kf.split(standard(x), y):\n", + " X_train, X_test = x.iloc[train_index], x.iloc[test_index]\n", + " y_train, y_test = y.iloc[train_index], y.iloc[test_index]\n", + "\n", + " best_model.fit(X_train, y_train)\n", + "\n", + " y_pred = best_model.predict(X_test)\n", + "\n", + " accuracy = accuracy_score(y_test, y_pred)\n", + " accuracy_scores.append(accuracy)\n", + " \n", + " precision = precision_score(y_test, y_pred)\n", + " precision_scores.append(precision)\n", + " \n", + " recall = recall_score(y_test, y_pred)\n", + " recall_scores.append(recall)\n", + " \n", + " f1 = f1_score(y_test, y_pred)\n", + " f1_scores.append(f1)\n", + " \n", + " roc_auc = roc_auc_score(y_test, y_pred)\n", + " roc_auc_scores.append(roc_auc)\n", + " \n", + " confusion = confusion_matrix(y_test, y_pred)\n", + " confusion_matrices.append(confusion)\n", + "\n", + "training_time = time.time() - start_time\n", + "print(f\"Time taken for training with best hyperparameters: {training_time:.2f} seconds\")\n", + "print()\n", + "\n", + "mean_accuracy = np.mean(accuracy_scores)\n", + "std_accuracy = np.std(accuracy_scores)\n", + "\n", + "mean_precision = np.mean(precision_scores)\n", + "std_precision = np.std(precision_scores)\n", + "\n", + "mean_recall = np.mean(recall_scores)\n", + "std_recall = np.std(recall_scores)\n", + "\n", + "mean_f1 = np.mean(f1_scores)\n", + "std_f1 = np.std(f1_scores)\n", + "\n", + "mean_roc_auc = np.mean(roc_auc_scores)\n", + "std_roc_auc = np.std(roc_auc_scores)\n", + "\n", + "print(f\"Mean Accuracy: {mean_accuracy}\")\n", + "print(f\"Standard Deviation of Accuracy: {std_accuracy}\")\n", + "\n", + "print(f\"Mean Precision: {mean_precision}\")\n", + "print(f\"Standard Deviation of Precision: {std_precision}\")\n", + "\n", + "print(f\"Mean Recall: {mean_recall}\")\n", + "print(f\"Standard Deviation of Recall: {std_recall}\")\n", + "\n", + "print(f\"Mean F1-score: {mean_f1}\")\n", + "print(f\"Standard Deviation of F1-score: {std_f1}\")\n", + "\n", + "print(f\"Mean ROC AUC: {mean_roc_auc}\")\n", + "print(f\"Standard Deviation of ROC AUC: {std_roc_auc}\")\n", + "print()\n", + "\n", + "total_time = time.time() - start_total_time\n", + "print(f\"Total time taken: {total_time:.2f} seconds\")" + ] + }, + { + "cell_type": "code", + "execution_count": 21, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "x_train: (1800, 13)\n", + "y_train: (1800,)\n", + "x_test: (601, 13)\n", + "y_test: (601,)\n" + ] + } + ], + "source": [ + "from sklearn.model_selection import train_test_split\n", + "\n", + "x_train, x_test, y_train, y_test = train_test_split(x,y,test_size=0.25,random_state=42)\n", + "\n", + "print(\"x_train:\",x_train.shape)\n", + "print(\"y_train:\",y_train.shape)\n", + "print(\"x_test:\",x_test.shape)\n", + "print(\"y_test:\",y_test.shape)" + ] + }, + { + "cell_type": "code", + "execution_count": 22, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Accuracy: 0.6638935108153078\n", + "Precision: 1.0\n", + "Recall: 0.00980392156862745\n", + "F1 Score: 0.01941747572815534\n", + "ROC AUC Score: 0.5049019607843137\n", + "Confusion Matrix:\n", + "[[397 0]\n", + " [202 2]]\n" + ] + } + ], + "source": [ + "model = grid_search.best_estimator_\n", + "\n", + "model.fit(x_train, y_train)\n", + "\n", + "y_pred = model.predict(x_test)\n", + "\n", + "y_pred = (y_pred >= 0.5).astype(int)\n", + "\n", + "print(\"Accuracy:\", accuracy_score(y_test, y_pred))\n", + "print(\"Precision:\", precision_score(y_test, y_pred))\n", + "print(\"Recall:\", recall_score(y_test, y_pred))\n", + "print(\"F1 Score:\", f1_score(y_test, y_pred))\n", + "print(\"ROC AUC Score:\", roc_auc_score(y_test, y_pred))\n", + "print(\"Confusion Matrix:\")\n", + "print(confusion_matrix(y_test, y_pred))" + ] + }, + { + "cell_type": "code", + "execution_count": 23, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAokAAAIjCAYAAABvUIGpAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8pXeV/AAAACXBIWXMAAA9hAAAPYQGoP6dpAABHdUlEQVR4nO3de5iN9f7/8deaYdaMMQeDOYVxPkyOUUxy2oYhRLQlypDYaagM0uxdjtW0KUoHdickOkdRSITK5Cxy2galYsYpMxkZY+b+/dHX+u3lQ81i1qxhPR9d93VZ932v+36vtbeud6/P5/4sm2VZlgAAAID/4ePpAgAAAFDy0CQCAADAQJMIAAAAA00iAAAADDSJAAAAMNAkAgAAwECTCAAAAANNIgAAAAw0iQAAADDQJAL4U3v37lXHjh0VEhIim82mhQsXFun1f/jhB9lsNs2ePbtIr3s1a9u2rdq2bevpMgB4OZpE4Cqwb98+/eMf/1D16tXl7++v4OBgtWzZUs8//7x+//13t947MTFR27dv15NPPqm5c+eqWbNmbr1fcRowYIBsNpuCg4Mv+j3u3btXNptNNptNzzzzjMvXP3TokMaPH6+tW7cWQbUAULxKeboAAH/u008/1d///nfZ7Xb1799f9evX19mzZ/X1119r9OjR2rFjh1555RW33Pv3339XWlqa/vWvf2nYsGFuuUdMTIx+//13lS5d2i3X/yulSpXS6dOntWjRIvXu3dvp2Lx58+Tv768zZ85c1rUPHTqkCRMmqGrVqmrcuHGh3/f5559f1v0AoCjRJAIl2IEDB9SnTx/FxMRo5cqVioqKchxLSkpSenq6Pv30U7fd/+jRo5Kk0NBQt93DZrPJ39/fbdf/K3a7XS1bttTbb79tNInz589Xly5d9OGHHxZLLadPn1aZMmXk5+dXLPcDgD/DcDNQgk2ePFmnTp3S66+/7tQgnlezZk099NBDjtfnzp3TpEmTVKNGDdntdlWtWlX//Oc/lZub6/S+qlWrqmvXrvr666910003yd/fX9WrV9ebb77pOGf8+PGKiYmRJI0ePVo2m01Vq1aV9Mcw7fk//6/x48fLZrM57Vu+fLluueUWhYaGqmzZsqpTp47++c9/Oo5fak7iypUr1apVKwUGBio0NFTdu3fXrl27Lnq/9PR0DRgwQKGhoQoJCdHAgQN1+vTpS3+xF+jbt6+WLFmikydPOvZt2LBBe/fuVd++fY3zT5w4oVGjRqlBgwYqW7asgoOD1blzZ3333XeOc1atWqUbb7xRkjRw4EDHsPX5z9m2bVvVr19fmzZtUuvWrVWmTBnH93LhnMTExET5+/sbnz8hIUHlypXToUOHCv1ZAaCwaBKBEmzRokWqXr26br755kKdf99992ns2LG64YYbNG3aNLVp00apqanq06ePcW56erruuOMOdejQQc8++6zKlSunAQMGaMeOHZKknj17atq0aZKku+66S3PnztVzzz3nUv07duxQ165dlZubq4kTJ+rZZ5/Vbbfdpm+++eZP3/fFF18oISFBR44c0fjx45WcnKy1a9eqZcuW+uGHH4zze/furd9++02pqanq3bu3Zs+erQkTJhS6zp49e8pms+mjjz5y7Js/f77q1q2rG264wTh///79Wrhwobp27aqpU6dq9OjR2r59u9q0aeNo2OrVq6eJEydKkoYMGaK5c+dq7ty5at26teM6x48fV+fOndW4cWM999xzateu3UXre/7551WxYkUlJiYqPz9fkvSf//xHn3/+uV544QVFR0cX+rMCQKFZAEqkrKwsS5LVvXv3Qp2/detWS5J13333Oe0fNWqUJclauXKlY19MTIwlyVqzZo1j35EjRyy73W6NHDnSse/AgQOWJGvKlClO10xMTLRiYmKMGsaNG2f9779Wpk2bZkmyjh49esm6z99j1qxZjn2NGze2wsPDrePHjzv2fffdd5aPj4/Vv39/43733nuv0zVvv/12q3z58pe85/9+jsDAQMuyLOuOO+6w2rdvb1mWZeXn51uRkZHWhAkTLvodnDlzxsrPzzc+h91utyZOnOjYt2HDBuOzndemTRtLkjVz5syLHmvTpo3TvmXLllmSrCeeeMLav3+/VbZsWatHjx5/+RkB4HKRJAIlVHZ2tiQpKCioUOd/9tlnkqTk5GSn/SNHjpQkY+5ibGysWrVq5XhdsWJF1alTR/v377/smi90fi7jxx9/rIKCgkK95/Dhw9q6dasGDBigsLAwx/6GDRuqQ4cOjs/5v+6//36n161atdLx48cd32Fh9O3bV6tWrVJGRoZWrlypjIyMiw41S3/MY/Tx+eNfn/n5+Tp+/LhjKH3z5s2FvqfdbtfAgQMLdW7Hjh31j3/8QxMnTlTPnj3l7++v//znP4W+FwC4iiYRKKGCg4MlSb/99luhzv/xxx/l4+OjmjVrOu2PjIxUaGiofvzxR6f9VapUMa5Rrlw5/frrr5dZsenOO+9Uy5Ytdd999ykiIkJ9+vTRe++996cN4/k669SpYxyrV6+ejh07ppycHKf9F36WcuXKSZJLn+XWW29VUFCQ3n33Xc2bN0833nij8V2eV1BQoGnTpqlWrVqy2+2qUKGCKlasqG3btikrK6vQ97zuuutcekjlmWeeUVhYmLZu3arp06crPDy80O8FAFfRJAIlVHBwsKKjo/X999+79L4LHxy5FF9f34vutyzrsu9xfr7ceQEBAVqzZo2++OIL3XPPPdq2bZvuvPNOdejQwTj3SlzJZznPbrerZ8+emjNnjhYsWHDJFFGSnnrqKSUnJ6t169Z66623tGzZMi1fvlzXX399oRNT6Y/vxxVbtmzRkSNHJEnbt2936b0A4CqaRKAE69q1q/bt26e0tLS/PDcmJkYFBQXau3ev0/7MzEydPHnS8aRyUShXrpzTk8DnXZhWSpKPj4/at2+vqVOnaufOnXryySe1cuVKffnllxe99vk69+zZYxzbvXu3KlSooMDAwCv7AJfQt29fbdmyRb/99ttFH/Y574MPPlC7du30+uuvq0+fPurYsaPi4+ON76SwDXth5OTkaODAgYqNjdWQIUM0efJkbdiwociuDwAXokkESrBHHnlEgYGBuu+++5SZmWkc37dvn55//nlJfwyXSjKeQJ46daokqUuXLkVWV40aNZSVlaVt27Y59h0+fFgLFixwOu/EiRPGe88vKn3hsjznRUVFqXHjxpozZ45T0/X999/r888/d3xOd2jXrp0mTZqkF198UZGRkZc8z9fX10gp33//ff3yyy9O+843sxdrqF01ZswYHTx4UHPmzNHUqVNVtWpVJSYmXvJ7BIArxWLaQAlWo0YNzZ8/X3feeafq1avn9Isra9eu1fvvv68BAwZIkho1aqTExES98sorOnnypNq0aaP169drzpw56tGjxyWXV7kcffr00ZgxY3T77bfrwQcf1OnTpzVjxgzVrl3b6cGNiRMnas2aNerSpYtiYmJ05MgRvfzyy6pUqZJuueWWS15/ypQp6ty5s+Li4jRo0CD9/vvveuGFFxQSEqLx48cX2ee4kI+Pjx577LG/PK9r166aOHGiBg4cqJtvvlnbt2/XvHnzVL16dafzatSoodDQUM2cOVNBQUEKDAxU8+bNVa1aNZfqWrlypV5++WWNGzfOsSTPrFmz1LZtWz3++OOaPHmyS9cDgELx8NPVAArhv//9rzV48GCratWqlp+fnxUUFGS1bNnSeuGFF6wzZ844zsvLy7MmTJhgVatWzSpdurRVuXJlKyUlxekcy/pjCZwuXboY97lw6ZVLLYFjWZb1+eefW/Xr17f8/PysOnXqWG+99ZaxBM6KFSus7t27W9HR0Zafn58VHR1t3XXXXdZ///tf4x4XLhPzxRdfWC1btrQCAgKs4OBgq1u3btbOnTudzjl/vwuX2Jk1a5YlyTpw4MAlv1PLcl4C51IutQTOyJEjraioKCsgIMBq2bKllZaWdtGlaz7++GMrNjbWKlWqlNPnbNOmjXX99ddf9J7/e53s7GwrJibGuuGGG6y8vDyn80aMGGH5+PhYaWlpf/oZAOBy2CzLhZndAAAA8ArMSQQAAICBJhEAAAAGmkQAAAAYaBIBAABgoEkEAACAgSYRAAAABppEAAAAGK7JX1wJaDLM0yUAcJNfN7zo6RIAuIm/B7sSd/YOv2+5Ov+9RZIIAAAAwzWZJAIAALjERm52IZpEAAAAm83TFZQ4tM0AAAAwkCQCAAAw3GzgGwEAAICBJBEAAIA5iQaSRAAAABhIEgEAAJiTaOAbAQAAgIEkEQAAgDmJBppEAAAAhpsNfCMAAAAwkCQCAAAw3GwgSQQAAICBJBEAAIA5iQa+EQAAABhIEgEAAJiTaCBJBAAAgIEkEQAAgDmJBppEAAAAhpsNtM0AAAAwkCQCAAAw3GzgGwEAAICBJBEAAIAk0cA3AgAAAANJIgAAgA9PN1+IJBEAAAAGkkQAAADmJBpoEgEAAFhM20DbDAAAAANJIgAAAMPNBr4RAAAAGEgSAQAAmJNoIEkEAACAgSQRAACAOYkGvhEAAAAYSBIBAACYk2igSQQAAGC42cA3AgAAAANJIgAAAMPNBpJEAAAAGEgSAQAAmJNo4BsBAACAgSQRAACAOYkGkkQAAAAYSBIBAACYk2igSQQAAKBJNPCNAAAAwECSCAAAwIMrBpJEAACAEmLGjBlq2LChgoODFRwcrLi4OC1ZssRxvG3btrLZbE7b/fff73SNgwcPqkuXLipTpozCw8M1evRonTt3zuVaSBIBAABKyJzESpUq6emnn1atWrVkWZbmzJmj7t27a8uWLbr++uslSYMHD9bEiRMd7ylTpozjz/n5+erSpYsiIyO1du1aHT58WP3791fp0qX11FNPuVQLTSIAAIAb5ebmKjc312mf3W6X3W43zu3WrZvT6yeffFIzZszQt99+62gSy5Qpo8jIyIve6/PPP9fOnTv1xRdfKCIiQo0bN9akSZM0ZswYjR8/Xn5+foWuu2S0zQAAAJ5ks7ltS01NVUhIiNOWmpr6lyXl5+frnXfeUU5OjuLi4hz7582bpwoVKqh+/fpKSUnR6dOnHcfS0tLUoEEDRUREOPYlJCQoOztbO3bscOkrIUkEAABwo5SUFCUnJzvtu1iKeN727dsVFxenM2fOqGzZslqwYIFiY2MlSX379lVMTIyio6O1bds2jRkzRnv27NFHH30kScrIyHBqECU5XmdkZLhUN00iAACAG+ckXmpo+VLq1KmjrVu3KisrSx988IESExO1evVqxcbGasiQIY7zGjRooKioKLVv31779u1TjRo1irRuhpsBAADcONzsKj8/P9WsWVNNmzZVamqqGjVqpOeff/6i5zZv3lySlJ6eLkmKjIxUZmam0znnX19qHuOl0CQCAACUYAUFBcaDL+dt3bpVkhQVFSVJiouL0/bt23XkyBHHOcuXL1dwcLBjyLqwGG4GAABez1ZCFtNOSUlR586dVaVKFf3222+aP3++Vq1apWXLlmnfvn2aP3++br31VpUvX17btm3TiBEj1Lp1azVs2FCS1LFjR8XGxuqee+7R5MmTlZGRoccee0xJSUkuDXlLNIkAAAAlxpEjR9S/f38dPnxYISEhatiwoZYtW6YOHTrop59+0hdffKHnnntOOTk5qly5snr16qXHHnvM8X5fX18tXrxYQ4cOVVxcnAIDA5WYmOi0rmJh2SzLsoryw5UEAU2GeboEAG7y64YXPV0CADfx92B0FXjHLLddO+eDgW67tjsxJxEAAAAGhpsBAABKxpTEEoUkEQAAAAaSRAAA4PVKytPNJQlNIgAA8Ho0iSaGmwEAAGAgSQQAAF6PJNFEkggAAAADSSIAAPB6JIkmkkQAAAAYSBIBAAAIEg0kiQAAADCQJAIAAK/HnEQTSSIAAAAMJIkAAMDrkSSaaBIBAIDXo0k0MdwMAAAAA0kiAADweiSJJpJEAAAAGEgSAQAACBINJIkAAAAwkCQCAACvx5xEE0kiAAAADCSJAADA65EkmmgSAQCA16NJNDHcDAAAAANJIgAAAEGigSQRAAAABpJEAADg9ZiTaCJJBAAAgIEkEQAAeD2SRBNJIgAAAAwkiQAAwOuRJJpoEgEAgNejSTQx3AwAAAADSSIAAABBooEkEQAAAAaSRAAA4PWYk2giSQQAAICBJBEAAHg9kkQTSSIAAAAMJIkAAMDrkSSaaBIBAADoEQ0MNwMAAMBAkggAALwew80mkkQAAAAYSBIBAIDXI0k0kSQCAACUEDNmzFDDhg0VHBys4OBgxcXFacmSJY7jZ86cUVJSksqXL6+yZcuqV69eyszMdLrGwYMH1aVLF5UpU0bh4eEaPXq0zp0753ItJIkocQb//RYNvqOVYqLDJEm79mfoqVeW6PNvdkqSqlWqoKdH3K64JtVlL11Ky9fuUvK/39eRE79Jklo1raXPX3voote+pd9kbdp5sHg+CIAr8s78eZoz63UdO3ZUtevU1aP/fFwNGjb0dFm4RpWUJLFSpUp6+umnVatWLVmWpTlz5qh79+7asmWLrr/+eo0YMUKffvqp3n//fYWEhGjYsGHq2bOnvvnmG0lSfn6+unTposjISK1du1aHDx9W//79Vbp0aT311FMu1WKzLMtyx4f0pIAmwzxdAq7Ara3rK7+gQOkHj8omm+7u1lwjEturRZ+n9eOhE9rwXoq2//cXTZr5mSRp3ANdFFUxRK37PyvLslS6lK/CQso4XXPsA13V7qY6iu023gOfCEXp1w0veroEFIOlSz7TYymP6LFxE9SgQSPNmztHn3++VB8vXqry5ct7ujy4ib8Ho6uqDy1227V/eL7rFb0/LCxMU6ZM0R133KGKFStq/vz5uuOOOyRJu3fvVr169ZSWlqYWLVpoyZIl6tq1qw4dOqSIiAhJ0syZMzVmzBgdPXpUfn5+hb4vw80ocT5b872Wfb1T+w4eVfrBIxr/0iKdOp2rmxpWU1zj6oqJLq/B497SjvRD2pF+SPeNnasbYquo7U21JUl55/KVefw3x3Y8K0dd2zbUm5986+FPBqCw5s6ZpZ539FaP23upRs2aemzcBPn7+2vhRx96ujRco2w2m9u23NxcZWdnO225ubl/WVN+fr7eeecd5eTkKC4uTps2bVJeXp7i4+Md59StW1dVqlRRWlqaJCktLU0NGjRwNIiSlJCQoOzsbO3YscOl78SjTeKxY8c0efJk3X777YqLi1NcXJxuv/12TZkyRUePHvVkaSghfHxs+ntCUwUG+GndtgOy+5WSZVnKPfv/51acyT2nggJLNzeucdFrdG3TUOVDAjX3Y5pE4GqQd/asdu3coRZxNzv2+fj4qEWLm7Xtuy0erAzXNJv7ttTUVIWEhDhtqamplyxl+/btKlu2rOx2u+6//34tWLBAsbGxysjIkJ+fn0JDQ53Oj4iIUEZGhiQpIyPDqUE8f/z8MVd4LNjdsGGDEhISVKZMGcXHx6t27T9SoMzMTE2fPl1PP/20li1bpmbNmv3pdXJzc41u3CrIl83H1221w/2urxmtVXNGyt+vlE79nqs7R76q3fszdOzXU8r5/ayefKi7xr74iWyy6YmHuqtUKV9FVgi+6LUSe8Rpedou/XLkZPF+CACX5deTvyo/P98YVi5fvrwOHNjvoaqAy5eSkqLk5GSnfXa7/ZLn16lTR1u3blVWVpY++OADJSYmavXq1e4u0+CxJnH48OH6+9//rpkzZxqTRS3L0v3336/hw4c74tNLSU1N1YQJE5z2+UbcqNJRNxV5zSg+//0hU837pCqkbIBuj2+iVyfeo473Pa/d+zPU75HXNf2fd+qBu9qooMDSe0s3afPOgyq4yPTa68JD1SGunu4e84YHPgUA4GrhzgdX7Hb7nzaFF/Lz81PNmjUlSU2bNtWGDRv0/PPP684779TZs2d18uRJpzQxMzNTkZGRkqTIyEitX7/e6Xrnn34+f05heWy4+bvvvtOIESMu+j+KzWbTiBEjtHXr1r+8TkpKirKyspy2UhFN3VAxilPeuXzt/+mYtuz6SWNf+ETb//uLku5qK0la8e1uXX/bBFVpn6JK7R7VoMffVHR4qH74+ZhxnXu6t9DxrBwtXr2tmD8BgMtVLrScfH19dfz4caf9x48fV4UKFTxUFeA5BQUFys3NVdOmTVW6dGmtWLHCcWzPnj06ePCg4uLiJElxcXHavn27jhw54jhn+fLlCg4OVmxsrEv39ViSeL7TrVu37kWPr1+/3hhTv5iLdecMNV97fGw22f2c/+96/GSOJKnNjbUVHlZWi1dvN97X/7YWmr94vc6dKyiWOgFcudJ+fqoXe73WfZumv7X/Y4J+QUGB1q1LU5+77vZwdbhWlZQlcFJSUtS5c2dVqVJFv/32m+bPn69Vq1Zp2bJlCgkJ0aBBg5ScnKywsDAFBwdr+PDhiouLU4sWLSRJHTt2VGxsrO655x5NnjxZGRkZeuyxx5SUlORSmil5sEkcNWqUhgwZok2bNql9+/aOhjAzM1MrVqzQq6++qmeeecZT5cGDJg6/Tcu+2aGfDv+qoEB/3dm5mVo3q6VuD7wsSbrnthbacyBDR389peYNq+mZ0XfohXlfau+PR5yu0/am2qpWqYJmLVjriY8B4ArckzhQj/9zjK6/vr7qN2iot+bO0e+//64et/f0dGmAWx05ckT9+/fX4cOHFRISooYNG2rZsmXq0KGDJGnatGny8fFRr169lJubq4SEBL388suO9/v6+mrx4sUaOnSo4uLiFBgYqMTERE2cONHlWjy6TuK7776radOmadOmTcrPz5f0x4dr2rSpkpOT1bt378u6LuskXt1mjOurdjfVUWSFYGWdOqPv9/6iZ2d9oZXrdkuSJj14m+7u1kJhIWX046ETeu2DrzX9rZXGdWY/NUBVosrpbwOnFfdHgBuxTqL3eHveW47FtOvUracx/3xMDRs28nRZcCNPrpNYc9SSvz7pMqU/09lt13anErGYdl5eno4d+2M+WYUKFVS6dOkruh5NInDtokkErl00iSVLifhZvtKlSysqKsrTZQAAAC9VUuYkliQlokkEAADwJHpEEz/LBwAAAANJIgAA8HoMN5tIEgEAAGAgSQQAAF6PINFEkggAAAADSSIAAPB6Pj5EiRciSQQAAICBJBEAAHg95iSaaBIBAIDXYwkcE8PNAAAAMJAkAgAAr0eQaCJJBAAAgIEkEQAAeD3mJJpIEgEAAGAgSQQAAF6PJNFEkggAAAADSSIAAPB6BIkmmkQAAOD1GG42MdwMAAAAA0kiAADwegSJJpJEAAAAGEgSAQCA12NOookkEQAAAAaSRAAA4PUIEk0kiQAAADCQJAIAAK/HnEQTSSIAAAAMJIkAAMDrESSaaBIBAIDXY7jZxHAzAAAADCSJAADA6xEkmkgSAQAAYCBJBAAAXo85iSaSRAAAABhIEgEAgNcjSDSRJAIAAMBAkggAALwecxJNNIkAAMDr0SOaGG4GAACAgSQRAAB4PYabTSSJAAAAMJAkAgAAr0eSaCJJBAAAgIEkEQAAeD2CRBNJIgAAQAmRmpqqG2+8UUFBQQoPD1ePHj20Z88ep3Patm0rm83mtN1///1O5xw8eFBdunRRmTJlFB4ertGjR+vcuXMu1UKSCAAAvF5JmZO4evVqJSUl6cYbb9S5c+f0z3/+Ux07dtTOnTsVGBjoOG/w4MGaOHGi43WZMmUcf87Pz1eXLl0UGRmptWvX6vDhw+rfv79Kly6tp556qtC10CQCAACvV0J6RC1dutTp9ezZsxUeHq5NmzapdevWjv1lypRRZGTkRa/x+eefa+fOnfriiy8UERGhxo0ba9KkSRozZozGjx8vPz+/QtXCcDMAAIAb5ebmKjs722nLzc0t1HuzsrIkSWFhYU77582bpwoVKqh+/fpKSUnR6dOnHcfS0tLUoEEDRUREOPYlJCQoOztbO3bsKHTdNIkAAMDrXTjHryi31NRUhYSEOG2pqal/WVNBQYEefvhhtWzZUvXr13fs79u3r9566y19+eWXSklJ0dy5c3X33Xc7jmdkZDg1iJIcrzMyMgr9nTDcDAAA4EYpKSlKTk522me32//yfUlJSfr+++/19ddfO+0fMmSI488NGjRQVFSU2rdvr3379qlGjRpFU7RoEgEAANw6J9FutxeqKfxfw4YN0+LFi7VmzRpVqlTpT89t3ry5JCk9PV01atRQZGSk1q9f73ROZmamJF1yHuPFMNwMAABQQliWpWHDhmnBggVauXKlqlWr9pfv2bp1qyQpKipKkhQXF6ft27fryJEjjnOWL1+u4OBgxcbGFroWkkQAAOD1fErI481JSUmaP3++Pv74YwUFBTnmEIaEhCggIED79u3T/Pnzdeutt6p8+fLatm2bRowYodatW6thw4aSpI4dOyo2Nlb33HOPJk+erIyMDD322GNKSkpyKdEkSQQAACghZsyYoaysLLVt21ZRUVGO7d1335Uk+fn56YsvvlDHjh1Vt25djRw5Ur169dKiRYsc1/D19dXixYvl6+uruLg43X333erfv7/TuoqFQZIIAAC8XgkJEmVZ1p8er1y5slavXv2X14mJidFnn312RbXQJAIAAK9XUn5xpSRhuBkAAAAGkkQAAOD1fAgSDSSJAAAAMJAkAgAAr8ecRBNJIgAAAAwkiQAAwOsRJJpIEgEAAGAgSQQAAF7PJqLEC9EkAgAAr8cSOCaGmwEAAGAgSQQAAF6PJXBMJIkAAAAwkCQCAACvR5BoIkkEAACAgSQRAAB4PR+iRANJIgAAAAxF0iSePHmyKC4DAADgETab+7arlctN4r///W+9++67jte9e/dW+fLldd111+m7774r0uIAAACKg81mc9t2tXK5SZw5c6YqV64sSVq+fLmWL1+uJUuWqHPnzho9enSRFwgAAIDi5/KDKxkZGY4mcfHixerdu7c6duyoqlWrqnnz5kVeIAAAgLtdxYGf27icJJYrV04//fSTJGnp0qWKj4+XJFmWpfz8/KKtDgAAAB7hcpLYs2dP9e3bV7Vq1dLx48fVuXNnSdKWLVtUs2bNIi8QAADA3VgCx+Rykzht2jRVrVpVP/30kyZPnqyyZctKkg4fPqwHHnigyAsEAABA8XO5SSxdurRGjRpl7B8xYkSRFAQAAFDcyBFNhWoSP/nkk0Jf8LbbbrvsYgAAAFAyFKpJ7NGjR6EuZrPZeHgFAABcda7m9QzdpVBNYkFBgbvrAAAA8BgfekTDFf0s35kzZ4qqDgAAAJQgLjeJ+fn5mjRpkq677jqVLVtW+/fvlyQ9/vjjev3114u8QAAAAHfjZ/lMLjeJTz75pGbPnq3JkyfLz8/Psb9+/fp67bXXirQ4AAAAeIbLTeKbb76pV155Rf369ZOvr69jf6NGjbR79+4iLQ4AAKA42Gzu265WLjeJv/zyy0V/WaWgoEB5eXlFUhQAAAA8y+UmMTY2Vl999ZWx/4MPPlCTJk2KpCgAAIDixJxEk8u/uDJ27FglJibql19+UUFBgT766CPt2bNHb775phYvXuyOGgEAAFDMXE4Su3fvrkWLFumLL75QYGCgxo4dq127dmnRokXq0KGDO2oEAABwKx+b+7arlctJoiS1atVKy5cvL+paAAAAPOJqHhZ2l8tqEiVp48aN2rVrl6Q/5ik2bdq0yIoCAACAZ7ncJP7888+666679M033yg0NFSSdPLkSd1888165513VKlSpaKuEQAAwK3IEU0uz0m87777lJeXp127dunEiRM6ceKEdu3apYKCAt13333uqBEAAADFzOUkcfXq1Vq7dq3q1Knj2FenTh298MILatWqVZEWBwAAUBx8mJNocDlJrFy58kUXzc7Pz1d0dHSRFAUAAADPcrlJnDJlioYPH66NGzc69m3cuFEPPfSQnnnmmSItDgAAoDjws3ymQg03lytXzunR8JycHDVv3lylSv3x9nPnzqlUqVK699571aNHD7cUCgAAgOJTqCbxueeec3MZAAAAnsM6iaZCNYmJiYnurgMAAAAlyGUvpi1JZ86c0dmzZ532BQcHX1FBAAAAxY0g0eTygys5OTkaNmyYwsPDFRgYqHLlyjltAAAAVxsfm81tmytSU1N14403KigoSOHh4erRo4f27NnjdM6ZM2eUlJSk8uXLq2zZsurVq5cyMzOdzjl48KC6dOmiMmXKKDw8XKNHj9a5c+dc+05cOlvSI488opUrV2rGjBmy2+167bXXNGHCBEVHR+vNN9909XIAAAD4P6tXr1ZSUpK+/fZbLV++XHl5eerYsaNycnIc54wYMUKLFi3S+++/r9WrV+vQoUPq2bOn43h+fr66dOmis2fPau3atZozZ45mz56tsWPHulSLzbIsy5U3VKlSRW+++abatm2r4OBgbd68WTVr1tTcuXP19ttv67PPPnOpAHcIaDLM0yUAcJNfN7zo6RIAuIn/FU2CuzIPfLTTbdd+uWfsZb/36NGjCg8P1+rVq9W6dWtlZWWpYsWKmj9/vu644w5J0u7du1WvXj2lpaWpRYsWWrJkibp27apDhw4pIiJCkjRz5kyNGTNGR48elZ+fX6Hu7XKSeOLECVWvXl3SH/MPT5w4IUm65ZZbtGbNGlcvBwAAcE3Lzc1Vdna205abm1uo92ZlZUmSwsLCJEmbNm1SXl6e4uPjHefUrVtXVapUUVpamiQpLS1NDRo0cDSIkpSQkKDs7Gzt2LGj0HW73CRWr15dBw4ccBT13nvvSZIWLVqk0NBQVy8HAADgcTabzW1bamqqQkJCnLbU1NS/rKmgoEAPP/ywWrZsqfr160uSMjIy5OfnZ/RcERERysjIcJzzvw3i+ePnjxWWy8HuwIED9d1336lNmzZ69NFH1a1bN7344ovKy8vT1KlTXb0cAADANS0lJUXJyclO++x2+1++LykpSd9//72+/vprd5X2p1xuEkeMGOH4c3x8vHbv3q1NmzapZs2aatiwYZEWd7kGPPaAp0sA4CauzaIGgMJxeWjVBXa7vVBN4f8aNmyYFi9erDVr1qhSpUqO/ZGRkTp79qxOnjzplCZmZmYqMjLScc769eudrnf+6efz5xTGFX8nMTEx6tmzZ4lpEAEAAK5WlmVp2LBhWrBggVauXKlq1ao5HW/atKlKly6tFStWOPbt2bNHBw8eVFxcnCQpLi5O27dv15EjRxznLF++XMHBwYqNLfxDNIVKEqdPn17oCz744IOFPhcAAKAkKCk/y5eUlKT58+fr448/VlBQkGMOYUhIiAICAhQSEqJBgwYpOTlZYWFhCg4O1vDhwxUXF6cWLVpIkjp27KjY2Fjdc889mjx5sjIyMvTYY48pKSnJpUSzUEvgXNjFXvJiNpv2799f6Ju7y9AP3fcYOwDPmnrb5S8lAaBkCyjtuXs//PFut137ue51C33upZrVWbNmacCAAZL+WEx75MiRevvtt5Wbm6uEhAS9/PLLTkPJP/74o4YOHapVq1YpMDBQiYmJevrpp1WqVOFnGrq8TuLVgCYRuHbRJALXLprEksWDy1YCAACUDD4lY7S5RHHnwzwAAAC4SpEkAgAAr1dSHlwpSUgSAQAAYCBJBAAAXo85iabLShK/+uor3X333YqLi9Mvv/wiSZo7d67HfjYGAAAARcvlJvHDDz9UQkKCAgICtGXLFuXm5kqSsrKy9NRTTxV5gQAAAO5ms7lvu1q53CQ+8cQTmjlzpl599VWVLv3/FzRq2bKlNm/eXKTFAQAAFAcfm81t29XK5SZxz549at26tbE/JCREJ0+eLIqaAAAA4GEuN4mRkZFKT0839n/99deqXr16kRQFAABQnHzcuF2tXK598ODBeuihh7Ru3TrZbDYdOnRI8+bN06hRozR06FB31AgAAIBi5vISOI8++qgKCgrUvn17nT59Wq1bt5bdbteoUaM0fPhwd9QIAADgVlfx1EG3cblJtNls+te//qXRo0crPT1dp06dUmxsrMqWLeuO+gAAAOABl72Ytp+fn2JjY4uyFgAAAI+4mp9CdheXm8R27dr96e8brly58ooKAgAAgOe53CQ2btzY6XVeXp62bt2q77//XomJiUVVFwAAQLEhSDS53CROmzbtovvHjx+vU6dOXXFBAAAAxY3fbjYV2fI9d999t954442iuhwAAAA86LIfXLlQWlqa/P39i+pyAAAAxYYHV0wuN4k9e/Z0em1Zlg4fPqyNGzfq8ccfL7LCAAAA4DkuN4khISFOr318fFSnTh1NnDhRHTt2LLLCAAAAigtBosmlJjE/P18DBw5UgwYNVK5cOXfVBAAAAA9z6cEVX19fdezYUSdPnnRTOQAAAMXPx+a+7Wrl8tPN9evX1/79+91RCwAAAEoIl5vEJ554QqNGjdLixYt1+PBhZWdnO20AAABXG5sb/7laFXpO4sSJEzVy5EjdeuutkqTbbrvN6ef5LMuSzWZTfn5+0VcJAADgRlfzsLC7FLpJnDBhgu6//359+eWX7qwHAAAAJUChm0TLsiRJbdq0cVsxAAAAnkCSaHJpTqKNRYQAAAC8gkvrJNauXfsvG8UTJ05cUUEAAADFjSDM5FKTOGHCBOMXVwAAAHDtcalJ7NOnj8LDw91VCwAAgEcwJ9FU6DmJxLAAAADew+WnmwEAAK41ZGGmQjeJBQUF7qwDAADAY3zoEg0u/ywfAAAArn0uPbgCAABwLeLBFRNJIgAAAAwkiQAAwOsxJdFEkggAAAADSSIAAPB6PiJKvBBJIgAAAAwkiQAAwOsxJ9FEkwgAALweS+CYGG4GAACAgSQRAAB4PX6Wz0SSCAAAAANNIgAA8Ho2m/s2V61Zs0bdunVTdHS0bDabFi5c6HR8wIABstlsTlunTp2czjlx4oT69eun4OBghYaGatCgQTp16pRLddAkAgAAlCA5OTlq1KiRXnrppUue06lTJx0+fNixvf32207H+/Xrpx07dmj58uVavHix1qxZoyFDhrhUB3MSAQCA1ytJcxI7d+6szp07/+k5drtdkZGRFz22a9cuLV26VBs2bFCzZs0kSS+88IJuvfVWPfPMM4qOji5UHSSJAAAAbpSbm6vs7GynLTc394quuWrVKoWHh6tOnToaOnSojh8/7jiWlpam0NBQR4MoSfHx8fLx8dG6desKfQ+aRAAA4PXcOScxNTVVISEhTltqaupl19qpUye9+eabWrFihf79739r9erV6ty5s/Lz8yVJGRkZCg8Pd3pPqVKlFBYWpoyMjELfh+FmAADg9dyZmqWkpCg5Odlpn91uv+zr9enTx/HnBg0aqGHDhqpRo4ZWrVql9u3bX/Z1L0SSCAAA4EZ2u13BwcFO25U0iReqXr26KlSooPT0dElSZGSkjhw54nTOuXPndOLEiUvOY7wYmkQAAOD1LlxSpig3d/v55591/PhxRUVFSZLi4uJ08uRJbdq0yXHOypUrVVBQoObNmxf6ugw3AwAAlCCnTp1ypIKSdODAAW3dulVhYWEKCwvThAkT1KtXL0VGRmrfvn165JFHVLNmTSUkJEiS6tWrp06dOmnw4MGaOXOm8vLyNGzYMPXp06fQTzZLJIkAAACyuXFz1caNG9WkSRM1adJEkpScnKwmTZpo7Nix8vX11bZt23Tbbbepdu3aGjRokJo2baqvvvrKaQh73rx5qlu3rtq3b69bb71Vt9xyi1555RWX6iBJBAAAKEHatm0ry7IueXzZsmV/eY2wsDDNnz//iuqgSQQAAF6vJC2mXVIw3AwAAAADSSIAAPB65IgmmkQAAOD1GG02MdwMAAAAA0kiAADwesWx6PXVhiQRAAAABpJEAADg9UjNTHwnAAAAMJAkAgAAr8ecRBNJIgAAAAwkiQAAwOuRI5pIEgEAAGAgSQQAAF6POYkmmkQAAOD1GFo18Z0AAADAQJIIAAC8HsPNJpJEAAAAGEgSAQCA1yNHNJEkAgAAwECSCAAAvB5TEk0kiQAAADCQJAIAAK/nw6xEA00iAADwegw3mxhuBgAAgIEkEQAAeD0bw80GkkQAAAAYSBIBAIDXY06iiSQRAAAABpJEAADg9VgCx0SSCAAAAANJIgAA8HrMSTTRJAIAAK9Hk2hiuBkAAAAGkkQAAOD1WEzbRJIIAAAAA0kiAADwej4EiQaSRAAAABhIEgEAgNdjTqKJJBEAAAAGkkQAAOD1WCfRRJMIAAC8HsPNJoabAQAAYCBJBAAAXo8lcEwkiQAAADCQJAIAAK/HnEQTSSIAAAAMNIkocRLqlNeYdtU07bY6mtyltv4RV0kRZf2czinlY1OfxpGa0rW2pnWvqyEtKinI7us4fl2IXffedJ2e7FxLz/eoq7EdaqhdzbDi/igALsPrr/5Hfe/spZtvaqJ2reP08IMP6IcD+z1dFq5xNpv7NletWbNG3bp1U3R0tGw2mxYuXOh03LIsjR07VlFRUQoICFB8fLz27t3rdM6JEyfUr18/BQcHKzQ0VIMGDdKpU6dcqoMmESVOrQqBWr3/hCZ/+YOe//pH+dpsGn5LFfn5/v+/aX9vFKEGUUF6bd3Pmrb6B4X4l9I/WlR2HK8SGqDfcs9p9oZfNGn5Pi3dfUw9rg9XmxrlPPGRALhg08b1uvOufnpz/nua+cosncs7p6FDBun306c9XRpQLHJyctSoUSO99NJLFz0+efJkTZ8+XTNnztS6desUGBiohIQEnTlzxnFOv379tGPHDi1fvlyLFy/WmjVrNGTIEJfqsFmWZV3RJymBhn6409MloAiV9fPVlG519OzqH5R+7LT8S/loSrc6emP9z9ryy2+SpIggP43vWFOTvzygAyd+v+h1+jSOVGSQXc999WNxlo8iNvW2WE+XgGJ24sQJ/a11nF6f/ZaaNrvR0+XAjQJKe+7e3+z91W3Xblnr8gMKm82mBQsWqEePHpL+SBGjo6M1cuRIjRo1SpKUlZWliIgIzZ49W3369NGuXbsUGxurDRs2qFmzZpKkpUuX6tZbb9XPP/+s6OjoQt2bJBElXkDpP/5vevpsviQpppy/SvnYtPtIjuOczN/O6njOWVULC7jkdfxL+yjn/64B4Opx6tQf/zEYEhLi4UpwLfOx2dy25ebmKjs722nLzc29rDoPHDigjIwMxcfHO/aFhISoefPmSktLkySlpaUpNDTU0SBKUnx8vHx8fLRu3brCfyeXVWEx+emnn3Tvvff+6TkX++Lz884WU4VwN5ukvzeKVPqx0zqU/cdfqGD/UsrLL9DveQVO5/6Wm69g/4s/sF89LEDNKoXo6wPu+y9FAEWvoKBAU55+So2b3KCatWp7uhzgsqSmpiokJMRpS01NvaxrZWRkSJIiIiKc9kdERDiOZWRkKDw83Ol4qVKlFBYW5jinMEp0k3jixAnNmTPnT8+52Be/+aNXi6lCuFufJpGKDrbr9fU/X/Y1ooPtuv/myvp011Ht+p/0EUDJl/rEBKWn79W/p0zzdCm4xtncuKWkpCgrK8tpS0lJKcZPd3k8uk7iJ5988qfH9+//66fZUlJSlJyc7LRv1Gc8BXctuLNxpOpHBmnq6h908vdzjv3ZZ86ptK+PAkr7OKWJQXZfZZ8553SNyCA/PdQqRl8f+FVLdh8rttoBXLnUJydqzepVemPOW4qIjPR0OcBls9vtstvtRXKtyP/7u5CZmamoqCjH/szMTDVu3NhxzpEjR5zed+7cOZ04ccLx/sLwaJPYo0cP2Ww2/dmzM7a/eHb8Yl+8b2m/S5yNq8WdjSPVODpIU9f8qOOn85yO/fjrGZ0rsFS3YqC2HPq/B1fK+ql8oJ/TQytRQXY93DpG3/54Up/sOFqs9QO4fJZl6emnJmnliuV6bdZcXVep8l+/CbhSV8la2tWqVVNkZKRWrFjhaAqzs7O1bt06DR06VJIUFxenkydPatOmTWratKkkaeXKlSooKFDz5s0LfS+PDjdHRUXpo48+UkFBwUW3zZs3e7I8eEifxpG6qXKI3lj/i3Lz8hVs91Ww3Vel/++HNc+cK9DaH35Vr4YRql2xjKqE+uueZtHad/y0o0mMDrZrROsY7co8pRV7jzuuUdbP989uDaAEeOqJCfp08SdK/fezCgwM1LFjR3Xs2FGn5T2Aa9mpU6e0detWbd26VdIfD6ts3bpVBw8elM1m08MPP6wnnnhCn3zyibZv367+/fsrOjra8QR0vXr11KlTJw0ePFjr16/XN998o2HDhqlPnz6FfrJZ8nCS2LRpU23atEndu3e/6PG/ShlxbWpT449Fr5PbVHXaP2fjL/r2xyxJ0vvfZcpqKA1pUVmlfGzamXlK72w57Di3yXXBCvIvpeYxoWoeE+rYfzznrB5bmu72zwDg8r3/7tuSpPsG3uO0f8ITqereo6cnSoIXKEk/y7dx40a1a9fO8fr8tLrExETNnj1bjzzyiHJycjRkyBCdPHlSt9xyi5YuXSp/f3/He+bNm6dhw4apffv28vHxUa9evTR9+nSX6vDoOolfffWVcnJy1KlTp4sez8nJ0caNG9WmTRuXrss6icC1i3USgWuXJ9dJXLcvy23Xbl7j6ly+yaNJYqtWrf70eGBgoMsNIgAAgKsu5+fzrnUebRIBAABKAnpEU4leJxEAAACeQZIIAABAlGggSQQAAICBJBEAAHi9krQETklBkggAAAADSSIAAPB6LIFjIkkEAACAgSQRAAB4PYJEE00iAAAAXaKB4WYAAAAYSBIBAIDXYwkcE0kiAAAADCSJAADA67EEjokkEQAAAAaSRAAA4PUIEk0kiQAAADCQJAIAABAlGmgSAQCA12MJHBPDzQAAADCQJAIAAK/HEjgmkkQAAAAYSBIBAIDXI0g0kSQCAADAQJIIAABAlGggSQQAAICBJBEAAHg91kk0kSQCAADAQJIIAAC8HuskmmgSAQCA16NHNDHcDAAAAANJIgAAAFGigSQRAAAABpJEAADg9VgCx0SSCAAAAANJIgAA8HosgWMiSQQAAICBJBEAAHg9gkQTTSIAAABdooHhZgAAABhIEgEAgNdjCRwTSSIAAAAMJIkAAMDrsQSOiSQRAAAABpJEAADg9QgSTSSJAAAAMJAkAgAAECUaSBIBAIDXs7nxH1eMHz9eNpvNaatbt67j+JkzZ5SUlKTy5curbNmy6tWrlzIzM4v665BEkwgAAFCiXH/99Tp8+LBj+/rrrx3HRowYoUWLFun999/X6tWrdejQIfXs2dMtdTDcDAAAvF5JWgKnVKlSioyMNPZnZWXp9ddf1/z58/W3v/1NkjRr1izVq1dP3377rVq0aFGkdZAkAgAAuFFubq6ys7Odttzc3Euev3fvXkVHR6t69erq16+fDh48KEnatGmT8vLyFB8f7zi3bt26qlKlitLS0oq8bppEAADg9Wxu3FJTUxUSEuK0paamXrSO5s2ba/bs2Vq6dKlmzJihAwcOqFWrVvrtt9+UkZEhPz8/hYaGOr0nIiJCGRkZRfl1SGK4GQAAwK1SUlKUnJzstM9ut1/03M6dOzv+3LBhQzVv3lwxMTF67733FBAQ4NY6L0STCAAA4MY5iXa7/ZJN4V8JDQ1V7dq1lZ6erg4dOujs2bM6efKkU5qYmZl50TmMV4rhZgAAgBLq1KlT2rdvn6KiotS0aVOVLl1aK1ascBzfs2ePDh48qLi4uCK/N0kiAADweq6uZ+guo0aNUrdu3RQTE6NDhw5p3Lhx8vX11V133aWQkBANGjRIycnJCgsLU3BwsIYPH664uLgif7JZokkEAAAoMUvg/Pzzz7rrrrt0/PhxVaxYUbfccou+/fZbVaxYUZI0bdo0+fj4qFevXsrNzVVCQoJefvllt9RisyzLcsuVPWjohzs9XQIAN5l6W6ynSwDgJgGlPXfvgycuvSTNlaoSdnnzET2NJBEAAHi9EhIklig8uAIAAAADSSIAAPB6JWVOYklCkggAAAADSSIAAACzEg0kiQAAADCQJAIAAK/HnEQTTSIAAPB69IgmhpsBAABgIEkEAABej+FmE0kiAAAADCSJAADA69mYlWggSQQAAICBJBEAAIAg0UCSCAAAAANJIgAA8HoEiSaaRAAA4PVYAsfEcDMAAAAMJIkAAMDrsQSOiSQRAAAABpJEAAAAgkQDSSIAAAAMJIkAAMDrESSaSBIBAABgIEkEAABej3USTTSJAADA67EEjonhZgAAABhIEgEAgNdjuNlEkggAAAADTSIAAAAMNIkAAAAwMCcRAAB4PeYkmkgSAQAAYCBJBAAAXo91Ek00iQAAwOsx3GxiuBkAAAAGkkQAAOD1CBJNJIkAAAAwkCQCAAAQJRpIEgEAAGAgSQQAAF6PJXBMJIkAAAAwkCQCAACvxzqJJpJEAAAAGEgSAQCA1yNINNEkAgAA0CUaGG4GAACAgSYRAAB4PZsb/7kcL730kqpWrSp/f381b95c69evL+JP/NdoEgEAAEqQd999V8nJyRo3bpw2b96sRo0aKSEhQUeOHCnWOmgSAQCA17PZ3Le5aurUqRo8eLAGDhyo2NhYzZw5U2XKlNEbb7xR9B/8T9AkAgAAuFFubq6ys7Odttzc3Iuee/bsWW3atEnx8fGOfT4+PoqPj1daWlpxlSzpGn26eUavWE+XgGKSm5ur1NRUpaSkyG63e7ocAEWIv98oTv5u7IjGP5GqCRMmOO0bN26cxo8fb5x77Ngx5efnKyIiwml/RESEdu/e7b4iL8JmWZZVrHcEilB2drZCQkKUlZWl4OBgT5cDoAjx9xvXitzcXCM5tNvtF/2Pn0OHDum6667T2rVrFRcX59j/yCOPaPXq1Vq3bp3b6z3vmkwSAQAASopLNYQXU6FCBfn6+iozM9Npf2ZmpiIjI91R3iUxJxEAAKCE8PPzU9OmTbVixQrHvoKCAq1YscIpWSwOJIkAAAAlSHJyshITE9WsWTPddNNNeu6555STk6OBAwcWax00ibiq2e12jRs3jkntwDWIv9/wVnfeeaeOHj2qsWPHKiMjQ40bN9bSpUuNh1ncjQdXAAAAYGBOIgAAAAw0iQAAADDQJAIAAMBAkwgAAAADTSKuai+99JKqVq0qf39/NW/eXOvXr/d0SQCu0Jo1a9StWzdFR0fLZrNp4cKFni4J8Eo0ibhqvfvuu0pOTta4ceO0efNmNWrUSAkJCTpy5IinSwNwBXJyctSoUSO99NJLni4F8GosgYOrVvPmzXXjjTfqxRdflPTHivSVK1fW8OHD9eijj3q4OgBFwWazacGCBerRo4enSwG8Dkkirkpnz57Vpk2bFB8f79jn4+Oj+Ph4paWlebAyAACuDTSJuCodO3ZM+fn5xurzERERysjI8FBVAABcO2gSAQAAYKBJxFWpQoUK8vX1VWZmptP+zMxMRUZGeqgqAACuHTSJuCr5+fmpadOmWrFihWNfQUGBVqxYobi4OA9WBgDAtaGUpwsALldycrISExPVrFkz3XTTTXruueeUk5OjgQMHero0AFfg1KlTSk9Pd7w+cOCAtm7dqrCwMFWpUsWDlQHehSVwcFV78cUXNWXKFGVkZKhx48aaPn26mjdv7umyAFyBVatWqV27dsb+xMREzZ49u/gLArwUTSIAAAAMzEkEAACAgSYRAAAABppEAAAAGGgSAQAAYKBJBAAAgIEmEQAAAAaaRAAAABhoEgEAAGCgSQRwxQYMGKAePXo4Xrdt21YPP/xwsdexatUq2Ww2nTx58pLn2Gw2LVy4sNDXHD9+vBo3bnxFdf3www+y2WzaunXrFV0HAIoTTSJwjRowYIBsNptsNpv8/PxUs2ZNTZw4UefOnXP7vT/66CNNmjSpUOcWprEDABS/Up4uAID7dOrUSbNmzVJubq4+++wzJSUlqXTp0kpJSTHOPXv2rPz8/IrkvmFhYUVyHQCA55AkAtcwu92uyMhIxcTEaOjQoYqPj9cnn3wi6f8PET/55JOKjo5WnTp1JEk//fSTevfurdDQUIWFhal79+764YcfHNfMz89XcnKyQkNDVb58eT3yyCO68CfgLxxuzs3N1ZgxY1S5cmXZ7XbVrFlTr7/+un744Qe1a9dOklSuXDnZbDYNGDBAklRQUKDU1FRVq1ZNAQEBatSokT744AOn+3z22WeqXbu2AgIC1K5dO6c6C2vMmDGqXbu2ypQpo+rVq+vxxx9XXl6ecd5//vMfVa5cWWXKlFHv3r2VlZXldPy1115TvXr15O/vr7p16+rll1++5D1//fVX9evXTxUrVlRAQIBq1aqlWbNmuVw7ALgTSSLgRQICAnT8+HHH6xUrVig4OFjLly+XJOXl5SkhIUFxcXH66quvVKpUKT3xxBPq1KmTtm3bJj8/Pz377LOaPXu23njjDdWrV0/PPvusFixYoL/97W+XvG///v2Vlpam6dOnq1GjRjpw4ICOHTumypUr68MPP1SvXr20Z88eBQcHKyAgQJKUmpqqt956SzNnzlStWrW0Zs0a3X333apYsaLatGmjn376ST179lRSUpKGDBmijRs3auTIkS5/J0FBQZo9e7aio6O1fft2DR48WEFBQXrkkUcc56Snp+u9997TokWLlJ2drUGDBumBBx7QvHnzJEnz5s3T2LFj9eKLL6pJkybasmWLBg8erMDAQCUmJhr3fPzxx7Vz504tWbJEFSpUUHp6un7//XeXawcAt7IAXJMSExOt7t27W5ZlWQUFBdby5cstu91ujRo1ynE8IiLCys3Ndbxn7ty5Vp06dayCggLHvtzcXCsgIMBatmyZZVmWFRUVZU2ePNlxPC8vz6pUqZLjXpZlWW3atLEeeughy7Isa8+ePZYka/ny5Ret88svv7QkWb/++qtj35kzZ6wyZcpYa9eudTp30KBB1l133WVZlmWlpKRYsbGxTsfHjBljXOtCkqwFCxZc8viUKVOspk2bOl6PGzfO8vX1tX7++WfHviVLllg+Pj7W4cOHLcuyrBo1aljz5893us6kSZOsuLg4y7Is68CBA5Yka8uWLZZlWVa3bt2sgQMHXrIGACgJSBKBa9jixYtVtmxZ5eXlqaCgQH379tX48eMdxxs0aOA0D/G7775Tenq6goKCnK5z5swZ7du3T1lZWTp8+LCaN2/uOFaqVCk1a9bMGHI+b+vWrfL19VWbNm0KXXd6erpOnz6tDh06OO0/e/asmjRpIknatWuXUx2SFBcXV+h7nPfuu+9q+vTp2rdvn06dOqVz584pODjY6ZwqVarouuuuc7pPQUGB9uzZo6CgIO3bt0+DBg3S4MGDHeecO3dOISEhF73n0KFD1atXL23evFkdO3ZUjx49dPPNN7tcOwC4E00icA1r166dZsyYIT8/P0VHR6tUKee/8oGBgU6vT506paZNmzqGUf9XxYoVL6uG88PHrjh16pQk6dNPP3VqzqQ/5lkWlbS0NPXr108TJkxQQkKCQkJC9M477+jZZ591udZXX33VaFp9fX0v+p7OnTvrxx9/1Geffably5erffv2SkpK0jPPPHP5HwYAihhNInANCwwMVM2aNQt9/g033KB3331X4eHhRpp2XlRUlNatW6fWrVtL+iMx27Rpk2644YaLnt+gQQMVFBRo9erVio+PN46fTzLz8/Md+2JjY2W323Xw4MFLJpD16tVzPIRz3rfffvvXH/J/rF27VjExMfrXv/7l2Pfjjz8a5x08eFCHDh1SdHS04z4+Pj6qU6eOIiIiFB0drf3796tfv36FvnfFihWVmJioxMREtWrVSqNHj6ZJBFCi8HQzAId+/fqpQoUK6t69u7766isdOHBAq1at0oMPPqiff/5ZkvTQQw/p6aef1sKFC7V792498MADf7rGYdWqVZWYmKh7771XCxcudFzzvffekyTFxMTIZrNp8eLFOnr0qE6dOqWgoCCNGjVKI0aM0Jw5c7Rv3z5t3rxZL7zwgubMmSNJuv/++7V3716NHj1ae/bs0fz58zV79myXPm+tWrV08OBBvfPOO9q3b5+mT5+uBQsWGOf5+/srMTFR3333nb766is9+OCD6t27tyIjIyVJEyZMUGpqqqZPn67//ve/2r59u2bNmqWpU6de9L5jx47Vxx9/rPT0dO3YsUOLFy9WvXr1XKodANyNJhGAQ5kyZbRmzRpVqVJFPXv2VL169TRo0CCdOXPGkSyOHDlS99xzjxITExUXF6egoCDdfvvtf3rdGTNm6I477tADDzygunXravDgwcrJyZEkXXfddZowYYIeffRRRUREaNiwYZKkSZMm6fHHH1dqaqrq1aunTp066dNPP1W1atUk/TFP8MMPP9TChQvVqFEjzZw5U0899ZRLn/e2227TiBEjNGzYMDVu3Fhr167V448/bpxXs2ZN9ezZU7feeqs6duyohg0bOi1xc9999+m1117TrFmz1KBBA7Vp00azZ8921HohPz8/paSkqGHDhmrdurV8fX31zjvvuFQ7ALibzbrUbHMAAAB4LZJEAAAAGGgSAQAAYKBJBAAAgIEmEQAAAAaaRAAAABhoEgEAAGCgSQQAAICBJhEAAAAGmkQAAAAYaBIBAABgoEkEAACA4f8BfLTtjBSxQsAAAAAASUVORK5CYII=", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "plot_confusion_matrix(y_test, y_pred,(0,1))" + ] + }, + { + "cell_type": "code", + "execution_count": 24, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAr4AAAIjCAYAAADlfxjoAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8pXeV/AAAACXBIWXMAAA9hAAAPYQGoP6dpAACcyklEQVR4nOzdd1zV1R/H8dcFGYIIKK6UEivXT3HgSM1tacNR5sg9GporZ2qpWY7SNLXMVc6cqZVaaWpqpebGWVqO3FtAUVn3/P64epFABQUu4/18PHj8fvd8z/d7P1wu9ubc8z3HYowxiIiIiIhkcE6OLkBEREREJDUo+IqIiIhIpqDgKyIiIiKZgoKviIiIiGQKCr4iIiIikiko+IqIiIhIpqDgKyIiIiKZgoKviIiIiGQKCr4iIiIikiko+IqkkoIFC9KuXTtHl5Hp1KhRgxo1aji6jPt6//33sVgsXLx40dGlpDkWi4X3338/Wa517NgxLBYLM2fOTJbrAWzduhVXV1f+/fffZLtmcmvevDlNmzZ1dBkiDqfgKxnCzJkzsVgs9q8sWbKQP39+2rVrx6lTpxxdXpoWHh7Ohx9+SGBgIB4eHnh7e1O1alVmz55NetnR/MCBA7z//vscO3bM0aXEExMTw4wZM6hRowY5cuTAzc2NggUL0r59e7Zv3+7o8pLFvHnzGDdunKPLiCM1a3r33Xd59dVXeeyxx+xtNWrUiPNvUtasWQkMDGTcuHFYrdYEr3Pp0iX69u1LkSJFcHd3J0eOHNStW5cVK1bc9bnDwsIYOnQopUqVIlu2bGTNmpUSJUrwzjvvcPr0aXu/d955hyVLlrB79+5Ef1+Z4b0rmY/FpJf/soncw8yZM2nfvj0ffPABAQEB3Lx5kz/++IOZM2dSsGBB9u3bh7u7u0NrjIiIwMnJCRcXF4fWcadz585Ru3Zt/vzzT5o3b0716tW5efMmS5Ys4ddff6VZs2bMnTsXZ2dnR5d6T4sXL6ZJkyasW7cu3uhuZGQkAK6urqle140bN3j55ZdZuXIl1apVo379+uTIkYNjx46xaNEiDh06xPHjxylQoADvv/8+Q4cO5cKFC/j5+aV6rQ/jxRdfZN++fSn2h8fNmzfJkiULWbJkeeiajDFERETg4uKSLO/r4OBgypQpw6ZNm6hUqZK9vUaNGhw+fJiRI0cCcPHiRebNm8e2bdsYOHAgw4cPj3OdgwcPUrt2bS5cuED79u0pV64cISEhzJ07l+DgYPr06cPo0aPjnHPkyBHq1KnD8ePHadKkCU8//TSurq7s2bOH+fPnkyNHDg4dOmTvX7FiRYoUKcLs2bPv+30l5b0rkq4YkQxgxowZBjDbtm2L0/7OO+8YwCxcuNBBlTnWjRs3TExMzF2P161b1zg5OZnvv/8+3rE+ffoYwHz00UcpWWKCrl27lqT+33zzjQHMunXrUqagB9SlSxcDmE8//TTesejoaDN69Ghz4sQJY4wxQ4YMMYC5cOFCitVjtVrN9evXk/26L7zwgnnssceS9ZoxMTHmxo0bD3x+StSUkO7du5tHH33UWK3WOO3Vq1c3//vf/+K03bhxwzz22GPGy8vLREdH29sjIyNNiRIljIeHh/njjz/inBMdHW2aNWtmALNgwQJ7e1RUlClVqpTx8PAwv/32W7y6QkNDzcCBA+O0ffLJJ8bT09NcvXr1vt9XUt67D+Nhf84iSaXgKxnC3YLvihUrDGBGjBgRp/3PP/80jRs3Nr6+vsbNzc0EBQUlGP6uXLli3n77bfPYY48ZV1dXkz9/ftO6des44eTmzZtm8ODB5vHHHzeurq6mQIECpm/fvubmzZtxrvXYY4+Ztm3bGmOM2bZtmwHMzJkz4z3nypUrDWCWL19ubzt58qRp3769yZ07t3F1dTXFixc3X331VZzz1q1bZwAzf/588+6775pHHnnEWCwWc+XKlQRfs82bNxvAdOjQIcHjUVFR5sknnzS+vr72sHT06FEDmNGjR5uxY8eaRx991Li7u5tq1aqZvXv3xrtGYl7n2z+79evXm86dO5tcuXIZHx8fY4wxx44dM507dzaFCxc27u7uJkeOHOaVV14xR48ejXf+f79uh+Dq1aub6tWrx3udFi5caIYNG2by589v3NzcTK1atczff/8d73v4/PPPTUBAgHF3dzfly5c3v/76a7xrJuTEiRMmS5Ys5plnnrlnv9tuB9+///7btG3b1nh7e5vs2bObdu3amfDw8Dh9p0+fbmrWrGly5cplXF1dTbFixcwXX3wR75qPPfaYeeGFF8zKlStNUFCQcXNzsweZxF7DGGN+/PFHU61aNZMtWzbj5eVlypUrZ+bOnWuMsb2+/33t7wycif39AEyXLl3M119/bYoXL26yZMlivv32W/uxIUOG2PuGhYWZHj162H8vc+XKZerUqWN27Nhx35puv4dnzJgR5/n//PNP06RJE+Pn52fc3d1N4cKF4wXHhDz66KOmXbt28doTCr7GGPPKK68YwJw+fdreNn/+fAOYDz74IMHnCAkJMT4+PqZo0aL2tgULFhjADB8+/L413rZ7924DmKVLl96zX1Lfu23btk3wj4zb7+k7JfRzXrRokfH19U3wdQwNDTVubm6md+/e9rbEvqdEEpL4z41E0qHbH3P6+vra2/bv30+VKlXInz8//fv3x9PTk0WLFtGoUSOWLFnCSy+9BMC1a9eoWrUqf/75Jx06dKBs2bJcvHiRZcuWcfLkSfz8/LBarTRo0IDff/+dN954g2LFirF3714+/fRTDh06xHfffZdgXeXKlaNQoUIsWrSItm3bxjm2cOFCfH19qVu3LmCbjvDUU09hsVjo2rUruXLl4qeffqJjx46EhYXx9ttvxzn/ww8/xNXVlT59+hAREXHXj/iXL18OQJs2bRI8niVLFlq0aMHQoUPZuHEjderUsR+bPXs2V69epUuXLty8eZPx48dTq1Yt9u7dS548eZL0Ot/21ltvkStXLgYPHkx4eDgA27ZtY9OmTTRv3pwCBQpw7NgxJk2aRI0aNThw4AAeHh5Uq1aN7t27M2HCBAYOHEixYsUA7P97Nx999BFOTk706dOH0NBQRo0aRcuWLdmyZYu9z6RJk+jatStVq1alZ8+eHDt2jEaNGuHr63vfj3h/+uknoqOjad269T37/VfTpk0JCAhg5MiR7Ny5ky+//JLcuXPz8ccfx6nrf//7Hw0aNCBLliwsX76ct956C6vVSpcuXeJc7+DBg7z66qu8+eabvP766xQpUiRJ15g5cyYdOnTgf//7HwMGDMDHx4ddu3axcuVKWrRowbvvvktoaCgnT57k008/BSBbtmwASf79+OWXX1i0aBFdu3bFz8+PggULJvgaderUicWLF9O1a1eKFy/OpUuX+P333/nzzz8pW7bsPWtKyJ49e6hatSouLi688cYbFCxYkMOHD7N8+fJ4UxLudOrUKY4fP07ZsmXv2ue/bt9c5+PjY2+73++it7c3DRs2ZNasWfzzzz888cQTLFu2DCBJ76/ixYuTNWtWNm7cGO/3704P+t5NrP/+nJ988kleeuklli5dypQpU+L8m/Xdd98RERFB8+bNgaS/p0TicXTyFkkOt0f91qxZYy5cuGBOnDhhFi9ebHLlymXc3NzifCRXu3ZtU7JkyTijA1ar1VSuXNk8+eST9rbBgwffdXTk9seac+bMMU5OTvE+apw8ebIBzMaNG+1td474GmPMgAEDjIuLi7l8+bK9LSIiwvj4+MQZhe3YsaPJly+fuXjxYpznaN68ufH29raPxt4eySxUqFCiPs5u1KiRAe46ImyMMUuXLjWAmTBhgjEmdrQsa9as5uTJk/Z+W7ZsMYDp2bOnvS2xr/Ptn93TTz8d5+NfY0yC38ftkerZs2fb2+411eFuI77FihUzERER9vbx48cbwD5yHRERYXLmzGnKly9voqKi7P1mzpxpgPuO+Pbs2dMAZteuXffsd9vt0bH/jsC/9NJLJmfOnHHaEnpd6tatawoVKhSn7bHHHjOAWblyZbz+iblGSEiI8fLyMhUrVoz3cfSdH+3fbVpBUn4/AOPk5GT2798f7zr8Z8TX29vbdOnSJV6/O92tpoRGfKtVq2a8vLzMv//+e9fvMSFr1qyJ9+nMbdWrVzdFixY1Fy5cMBcuXDB//fWX6du3rwHMCy+8EKdv6dKljbe39z2fa+zYsQYwy5YtM8YYU6ZMmfuek5DChQub55577p59kvreTeqIb0I/51WrViX4Wj7//PNx3pNJeU+JJESrOkiGUqdOHXLlyoW/vz+vvPIKnp6eLFu2zD46d/nyZX755ReaNm3K1atXuXjxIhcvXuTSpUvUrVuXv//+274KxJIlSyhVqlSCIyMWiwWAb775hmLFilG0aFH7tS5evEitWrUAWLdu3V1rbdasGVFRUSxdutTe9vPPPxMSEkKzZs0A2404S5YsoX79+hhj4jxH3bp1CQ0NZefOnXGu27ZtW7JmzXrf1+rq1asAeHl53bXP7WNhYWFx2hs1akT+/PntjytUqEDFihX58ccfgaS9zre9/vrr8W42uvP7iIqK4tKlSzzxxBP4+PjE+76Tqn379nFGlqpWrQrYbhgC2L59O5cuXeL111+Pc1NVy5Yt43yCcDe3X7N7vb4J6dSpU5zHVatW5dKlS3F+Bne+LqGhoVy8eJHq1atz5MgRQkND45wfEBBg//TgTom5xurVq7l69Sr9+/ePd3Po7d+Be0nq70f16tUpXrz4fa/r4+PDli1b4qxa8KAuXLjAr7/+SocOHXj00UfjHLvf93jp0iWAu74f/vrrL3LlykWuXLkoWrQoo0ePpkGDBvGWUrt69ep93yf//V0MCwtL8nvrdq33WzLvQd+7iZXQz7lWrVr4+fmxcOFCe9uVK1dYvXq1/d9DeLh/c0UANNVBMpSJEydSuHBhQkNDmT59Or/++itubm724//88w/GGAYNGsSgQYMSvMb58+fJnz8/hw8fpnHjxvd8vr///ps///yTXLly3fVad1OqVCmKFi3KwoUL6dixI2Cb5uDn52f/R/zChQuEhIQwdepUpk6dmqjnCAgIuGfNt93+j9rVq1fjfOx6p7uF4yeffDJe38KFC7No0SIgaa/zveq+ceMGI0eOZMaMGZw6dSrO8mr/DXhJ9d+Qczu8XLlyBcC+JusTTzwRp1+WLFnu+hH8nbJnzw7EvobJUdfta27cuJEhQ4awefNmrl+/Hqd/aGgo3t7e9sd3ez8k5hqHDx8GoESJEkn6Hm5L6u9HYt+7o0aNom3btvj7+xMUFMTzzz9PmzZtKFSoUJJrvP2HzoN+j8Bdl/0rWLAg06ZNw2q1cvjwYYYPH86FCxfi/RHh5eV13zD639/F7Nmz22tPaq33C/QP+t5NrIR+zlmyZKFx48bMmzePiIgI3NzcWLp0KVFRUXGC78P8mysCCr6SwVSoUIFy5coBtlHJp59+mhYtWnDw4EGyZctmXz+zT58+CY6CQfygcy9Wq5WSJUsyduzYBI/7+/vf8/xmzZoxfPhwLl68iJeXF8uWLePVV1+1jzDerrdVq1bx5gLfFhgYGOdxYkZ7wTYH9rvvvmPPnj1Uq1YtwT579uwBSNQo3J0e5HVOqO5u3boxY8YM3n77bSpVqoS3tzcWi4XmzZvfdS3UxLrbUlZ3CzFJVbRoUQD27t1L6dKlE33e/eo6fPgwtWvXpmjRoowdOxZ/f39cXV358ccf+fTTT+O9Lgm9rkm9xoNK6u9HYt+7TZs2pWrVqnz77bf8/PPPjB49mo8//pilS5fy3HPPPXTdiZUzZ04g9o+l//L09IwzN75KlSqULVuWgQMHMmHCBHt7sWLFCA4O5vjx4/H+8Lntv7+LRYsWZdeuXZw4ceK+/87c6cqVKwn+4XqnpL537xakY2JiEmy/28+5efPmTJkyhZ9++olGjRqxaNEiihYtSqlSpex9HvbfXBEFX8mwnJ2dGTlyJDVr1uTzzz+nf//+9hEhFxeXOP9BSsjjjz/Ovn377ttn9+7d1K5dO1Ef/f5Xs2bNGDp0KEuWLCFPnjyEhYXZb+IAyJUrF15eXsTExNy33qR68cUXGTlyJLNnz04w+MbExDBv3jx8fX2pUqVKnGN///13vP6HDh2yj4Qm5XW+l8WLF9O2bVvGjBljb7t58yYhISFx+j3Ia38/tzcj+Oeff6hZs6a9PTo6mmPHjsX7g+O/nnvuOZydnfn666+T9Sah5cuXExERwbJly+KEpKR8xJvYazz++OMA7Nu3755/EN7t9X/Y3497yZcvH2+99RZvvfUW58+fp2zZsgwfPtwefBP7fLffq/f7XU/I7YB49OjRRPUPDAykVatWTJkyhT59+thf+xdffJH58+cze/Zs3nvvvXjnhYWF8f3331O0aFH7z6F+/frMnz+fr7/+mgEDBiTq+aOjozlx4gQNGjS4Z7+kvnd9fX3j/U4CSd7Jrlq1auTLl4+FCxfy9NNP88svv/Duu+/G6ZOS7ynJHDTHVzK0GjVqUKFCBcaNG8fNmzfJnTs3NWrUYMqUKZw5cyZe/wsXLtj/f+PGjdm9ezfffvttvH63R9+aNm3KqVOnmDZtWrw+N27csK9OcDfFihWjZMmSLFy4kIULF5IvX744IdTZ2ZnGjRuzZMmSBP/DfGe9SVW5cmXq1KnDjBkzEtwZ6t133+XQoUP069cv3gjNd999F2eO7tatW9myZYs9dCTldb4XZ2fneCOwn332WbyRJE9PT4AE/+P7oMqVK0fOnDmZNm0a0dHR9va5c+fedYTvTv7+/rz++uv8/PPPfPbZZ/GOW61WxowZw8mTJ5NU1+0R4f9O+5gxY0ayX+PZZ5/Fy8uLkSNHcvPmzTjH7jzX09MzwaknD/v7kZCYmJh4z5U7d24eeeQRIiIi7lvTf+XKlYtq1aoxffp0jh8/HufY/Ub/8+fPj7+/f5J2MevXrx9RUVFxRixfeeUVihcvzkcffRTvWlarlc6dO3PlyhWGDBkS55ySJUsyfPhwNm/eHO95rl69Gi80HjhwgJs3b1K5cuV71pjU9+7jjz9OaGiofVQa4MyZMwn+23kvTk5OvPLKKyxfvpw5c+YQHR0dZ5oDpMx7SjIXjfhKhte3b1+aNGnCzJkz6dSpExMnTuTpp5+mZMmSvP766xQqVIhz586xefNmTp48ad/Ss2/fvvYdwTp06EBQUBCXL19m2bJlTJ48mVKlStG6dWsWLVpEp06dWLduHVWqVCEmJoa//vqLRYsWsWrVKvvUi7tp1qwZgwcPxt3dnY4dO+LkFPfv0Y8++oh169ZRsWJFXn/9dYoXL87ly5fZuXMna9as4fLlyw/82syePZvatWvTsGFDWrRoQdWqVYmIiGDp0qWsX7+eZs2a0bdv33jnPfHEEzz99NN07tyZiIgIxo0bR86cOenXr5+9T2Jf53t58cUXmTNnDt7e3hQvXpzNmzezZs0a+0fMt5UuXRpnZ2c+/vhjQkNDcXNzo1atWuTOnfuBXxtXV1fef/99unXrRq1atWjatCnHjh1j5syZPP7444kabRozZgyHDx+me/fuLF26lBdffBFfX1+OHz/ON998w19//RVnhD8xnn32WVxdXalfvz5vvvkm165dY9q0aeTOnTvBPzIe5hrZs2fn008/5bXXXqN8+fK0aNECX19fdu/ezfXr15k1axYAQUFBLFy4kF69elG+fHmyZctG/fr1k+X347+uXr1KgQIFeOWVV+zb9K5Zs4Zt27bF+WTgbjUlZMKECTz99NOULVuWN954g4CAAI4dO8YPP/xAcHDwPetp2LAh3377baLmzoJtqsLzzz/Pl19+yaBBg8iZMyeurq4sXryY2rVr8/TTT8fZuW3evHns3LmT3r17x3mvuLi4sHTpUurUqUO1atVo2rQpVapUwcXFhf3799s/rblzObbVq1fj4eHBM888c986k/Lebd68Oe+88w4vvfQS3bt35/r160yaNInChQsn+SbUZs2a8dlnnzFkyBBKliwZb1nClHhPSSaT+gtJiCS/u21gYYxtZ6DHH3/cPP744/blsg4fPmzatGlj8ubNa1xcXEz+/PnNiy++aBYvXhzn3EuXLpmuXbua/Pnz2xdKb9u2bZylxSIjI83HH39s/ve//xk3Nzfj6+trgoKCzNChQ01oaKi933+XM7vt77//ti+y//vvvyf4/Z07d8506dLF+Pv7GxcXF5M3b15Tu3ZtM3XqVHuf28t0ffPNN0l67a5evWref/9987///c9kzZrVeHl5mSpVqpiZM2fGW87pzg0sxowZY/z9/Y2bm5upWrWq2b17d7xrJ+Z1vtfP7sqVK6Z9+/bGz8/PZMuWzdStW9f89ddfCb6W06ZNM4UKFTLOzs6J2sDiv6/T3TY2mDBhgnnssceMm5ubqVChgtm4caMJCgoy9erVS8Sra9vl6ssvvzRVq1Y13t7exsXFxTz22GOmffv2cZaLutvObbdfnzs37Vi2bJkJDAw07u7upmDBgubjjz8206dPj9fv9gYWCUnsNW73rVy5ssmaNavJnj27qVChgpk/f779+LVr10yLFi2Mj49PvA0sEvv7wa2NDRLCHcuZRUREmL59+5pSpUoZLy8v4+npaUqVKhVv84271XS3n/O+ffvMSy+9ZHx8fIy7u7spUqSIGTRoUIL13Gnnzp0GiLe81t02sDDGmPXr18dbos0YY86fP2969eplnnjiCePm5mZ8fHxMnTp17EuYJeTKlStm8ODBpmTJksbDw8O4u7ubEiVKmAEDBpgzZ87E6VuxYkXTqlWr+35PtyX2vWuMMT///LMpUaKEcXV1NUWKFDFff/31PTewuBur1Wr8/f0NYIYNG5Zgn8S+p0QSYjEmme7kEJEM79ixYwQEBDB69Gj69Onj6HIcwmq1kitXLl5++eUEP26VzKd27do88sgjzJkzx9Gl3FVwcDBly5Zl586dSbrZUiSj0RxfEZG7uHnzZrx5nrNnz+by5cvUqFHDMUVJmjNixAgWLlyY5Ju5UtNHH33EK6+8otArmZ7m+IqI3MUff/xBz549adKkCTlz5mTnzp189dVXlChRgiZNmji6PEkjKlasSGRkpKPLuKcFCxY4ugSRNEHBV0TkLgoWLIi/vz8TJkzg8uXL5MiRgzZt2vDRRx/F2fVNRETSB83xFREREZFMQXN8RURERCRTUPAVERERkUwh083xtVqtnD59Gi8vL213KCIiIpIGGWO4evUqjzzySLyNnR5Gpgu+p0+fxt/f39FliIiIiMh9nDhxggIFCiTb9TJd8PXy8gJsL2T27NkdXI2IiIiI/FdYWBj+/v723JZcMl3wvT29IXv27Aq+IiIiImlYck9L1c1tIiIiIpIpKPiKiIiISKag4CsiIiIimYKCr4iIiIhkCgq+IiIiIpIpKPiKiIiISKag4CsiIiIimYKCr4iIiIhkCgq+IiIiIpIpKPiKiIiISKag4CsiIiIimYKCr4iIiIhkCgq+IiIiIpIpKPiKiIiISKag4CsiIiIimYJDg++vv/5K/fr1eeSRR7BYLHz33Xf3PWf9+vWULVsWNzc3nnjiCWbOnJnidYqIiIhI+ufQ4BseHk6pUqWYOHFiovofPXqUF154gZo1axIcHMzbb7/Na6+9xqpVq1K4UhERERFJ77I48smfe+45nnvuuUT3nzx5MgEBAYwZMwaAYsWK8fvvv/Ppp59St27dlCpTRERERFKJNdrKwsH7U+Ta6WqO7+bNm6lTp06ctrp167J58+a7nhMREUFYWFicLxERERFJe87uOsOOvM9Tf3ytFLl+ugq+Z8+eJU+ePHHa8uTJQ1hYGDdu3EjwnJEjR+Lt7W3/8vf3T41SRURERCQJNr7zPVmCAil/aRUe3EyR50hXwfdBDBgwgNDQUPvXiRMnHF2SiIiIiNwSdiacdUU6UWVUI/zMRQDOW3KnyHOlq+CbN29ezp07F6ft3LlzZM+enaxZsyZ4jpubG9mzZ4/zJSIiIiKOF/zVDi48FkTNQ1PsbVsfaYTLjj9S5PnSVfCtVKkSa9eujdO2evVqKlWq5KCKRERERCSpom7GsKrWx/zvtad4POogAOF4sLn9VMqfWIrv4zlT5HkdGnyvXbtGcHAwwcHBgG25suDgYI4fPw7Ypim0adPG3r9Tp04cOXKEfv368ddff/HFF1+waNEievbs6YjyRURERCSJDh6EWpVvUmjdl7gQDcBfnkFcXrOLStNfx+JkSbHndmjw3b59O2XKlKFMmTIA9OrVizJlyjB48GAAzpw5Yw/BAAEBAfzwww+sXr2aUqVKMWbMGL788kstZSYiIiKSxhkDkydDmTLw+y5PWjCPCFzZWH0AT17YhH/twileg8UYY1L8WdKQsLAwvL29CQ0N1XxfERERkVRw/vBV+r4Zxuy1+e1tRYrAok9PEfhc/nj9Uyqvpas5viIiIiKSvvw+ejPXC5fmjbVNcb41teGtt2DnThIMvSnJoTu3iYiIiEjGFB4azS+1h/Pcjg/JQgwFOcKHnh8TuPBdXnjBMTUp+IqIiIhIstrz3RGiX21F/Zuxu+v+6VuZ11e1wK+84+rSVAcRERERSRbRUYbvG8+m4EulKXsr9EbjzPYGH1D03Ab8ygc4tD6N+IqIiIjIQzu68wqHn+1Ew0uL7G0n3Qph5sylXJOnHFhZLI34ioiIiMgDMwa+/iIM53KlqXNH6N1Vqh15Tgfjn0ZCLyj4ioiIiMgDungRXnkFWnfJzlLzEgAhTr4cHLaIMsEzcMnh5eAK49JUBxERERFJslWroH17OHPG9rg/H1G66E3KLX2XIsX8HVvcXSj4ioiIiEii3bhu+L7+NFb/4swZOgKQMydMm+ZOjZcmO7i6e1PwFREREZFE2fvLBc43ep3mV7+nAVnZRGUeq1uMGTMgXz5HV3d/muMrIiIiIvcUEwOLXvsZv9qB1L76PQAe3ODLhiv46af0EXpBI74iIiIicg/HD91kS60BND01zt52xdmPq+OnU6VLfccV9gA04isiIiIiCfrho71cLVaBJneE3oMB9fA8spdH01noBY34ioiIiMh/XLlsWPbMZzTb2Q93IgC4iRsnu4+myLiuYLE4uMIHoxFfEREREbFbtw4qB16jxs4x9tB73CeQqE3beWJ8t3QbekHBV0RERESAiAjo1w9q14a/TnnRiq+Jxpm/nu/Jo2e24FWphKNLfGia6iAiIiKSye3fGk7X9uGsP5Db3uZSsyrnPzhE0acLObCy5KURXxEREZFMymqF+X12kOWpIN478CoWrLi6wiefwJo18EgGCr2gEV8RERGRTOn0iRh+rPUJbf95DxeiKcJBPs7zKc+u6k2pUo6uLmUo+IqIiIhkMj9OOYFX1za8Fr3e3nYidxDdV9fHraTj6kppmuogIiIikkmEhcEXNRZRqVMgVW+FXisWjjYfgP+JTbiVLOzYAlOYRnxFREREMoE/fg7jZOPuvHVtlr3tYlZ/XBfOIaB+dQdWlno04isiIiKSgUVFwbC+oeSqW4ZX7gi9Rys2I+fJ3WTPJKEXNOIrIiIikmEdPAitWsH27d7koRaPc4RwZy+uj5pIQM9W6Xozigeh4CsiIiKSwRgDU6ZAr15w44atra/zp1QqcYNi33yA55MZa5myxFLwFREREclAzp01zK03h227XbjBqwAUKQJff52NEuW+dnB1jqXgKyIiIpJBrJx/hZvtO9ErYhFXycZWKlDvrccZPRo8PBxdneMp+IqIiIikc+HhMOXV9TRZ3hp/TgLgxTVWtFtMsYnvOLi6tEPBV0RERCQd274pkp0vDubtK6NwwgBwzcWHmC+mUuy1Jg6uLm3RcmYiIiIi6VB0NHzR4yCWKpV448rH9tB7unANPP/Zg7dCbzwa8RURERFJZw7/Y1hcdyrdjvTEA9uyDVEWF0L6DueRkb3BSWObCVHwFREREUknjIGZM2FQt1C2hb9vD70XchbB58d55KpQ1rEFpnH6c0BEREQkHbh0CV55BTp0gFPhPrRjJgBnX+pEruM7cVHovS+N+IqIiIikcauX36TH69f581wOe5t/x7qEv7GPvBX+58DK0heN+IqIiIikUTduwEct95K3QXlGnWsDGHLmhKVL4csvwVOhN0k04isiIiKSBgXvtPLT85/R89w7uBNBSfYxodhkXlnbmXz5HF1d+qQRXxEREZE0JCYGJr53hnPlnmfAubdxJwKAi48E0nVhVYXeh6ARXxEREZE04vhxmPL897y9/zVycdHefqlNT/ymjAB3dwdWl/4p+IqIiIikAQunhxPeuTfDI6fY28Ky5SPrwlnkfP4ZB1aWcSj4ioiIiDhQSAj0fe0KvZdUoigH7e0Xn26E37fTwM/PccVlMJrjKyIiIuIg69ZBYCB8ucSXHQQBEOHswfUJ0/D7dalCbzJT8BURERFJZRER0K8f1K4NJ07Y2gZmn8iJ8i/hdmAXHt1eA4vFsUVmQJrqICIiIpKK9u+HWS8s4uC/bhgaAlCzJsya5YO//1IHV5exKfiKiIiIpAKrFaaMDiPbwO6Mss7iMr6Uc9lDl5EF6NkTnPQ5fIpT8BURERFJYadPw8eNNtNjW0sKcRSAHFxhY+evyde7v4OryzwUfEVERERS0NJF0fzddhhjbg4jCzEA3HT1wmnSRPK1b+Xg6jIXBV8RERGRFBAWBsM6HKHRkla8zGZ7e0jxyvis+BoCAhxYXeak4CsiIiKSzDb+bvj2pdkMudgVL64BEGNxJuKdwfh8OBCyKII5gl51ERERkWQSFQUffACThl/hL9PbHnqv5ipEtu/n4lHpKQdXmLnp/kERERGRZHDoEFSuDMOGwSWTg9f4EoCrjdvhdTgYi0Kvw2nEV0REROQhGAPTJkYyqF8E5294AbaZDBWGNiKmzna8KgQ5uEK5TSO+IiIiIg/o3DnoVPMgQd0qMeHGa4ChcGHYvBkGDgRnhd40RSO+IiIiIg9g+TLDhpZT+fRaTzy4QRA7uVnrBV5Z1gZPT0dXJwnRiK+IiIhIEoSHQ5+2F7A2bMQn1zrhwQ0ArhUoQtvRJRR60zCN+IqIiIgk0rZtMKnRKoafbkc+ztrbr7ftRLYvxoCHhwOrk/tR8BURERG5j+hoGP3hTTw+HMB0M87efiObH+5zp+PRoL7jipNEU/AVERERuYcjR+Ct5pcZta0Ggey1t4dXrYfnohmQN68Dq5Ok0BxfERERkQQYAzNmQKlSsGqbL0coBECUsxsxn07Ac8OPCr3pjEZ8RURERP7j0iV44w1YuvR2i4Vhj31JjTw38PlqDJQo4cjy5AEp+IqIiIjc4eefYV7zZVy74gbUBaBDBxg3zg8vr1WOLU4eioKviIiICHDjBgzuHc7jk3ozkymcIzfVffcy8qvcvPSSo6uT5KDgKyIiIplecDAMf3kHw462oAiHAMjDebZ2mk72l/o7tjhJNgq+IiIikmnFxMCnn8RweeAnzLO+hwvRAES5epDls3Fkf/01B1coyUnBV0RERDKl48ehd9MTdNnSmhpssLff+F8QWZfOg8KFHVidpAQFXxEREcl05s2Dn19bxNQbb+JLCABWLJh+/cn64fvg6urQ+iRlKPiKiIhIphESAm+9BT/Pv8hhXsebMABu5vbHfdEcqF7dsQVKitIGFiIiIpIprF8PgYEwfz5cwo/OTAIg8uVmuP+1W6E3E9CIr4iIiGRoEREw5N1oPhsTyXU8APDxgQaTWsAjBXCtWhUsFscWKalCI74iIiKSYe3fDy+XPkKDMdX4jK4A1KwJe/ZA8+ZAtWoKvZmIRnxFREQkw7Fa4fPPDLv7zGFBdBe8uEZlNpOr9XO8MLMJThr6y5T0YxcREZEM5fRpeKX2FfK83ZyvotvixTUAIgoUov5b/gq9mZhGfEVERCTDWLIEZrVfz8SrrfHnpL09unU73CZOAC8vB1Ynjqa/eURERCTdCwuD19pE8vcr/fnuai176I3y8oVFi8gye4ZCr2jEV0RERNK3jRuhW4tLTDv+LEHstLdHPV0Tl/mzoUABB1YnaYlGfEVERCRdioqCQYNsCzMEH/flIn4AxDi7YD4ehcuGNQq9EodGfEVERCTdOXQIWraE7dtvtzjxRfmZVDdNcZ8yHsqWdWR5kkYp+IqIiEi6YQxMnQo/9PiZrBHuQDWyZIGhQ+Gdd/Lh7Pybo0uUNMzhUx0mTpxIwYIFcXd3p2LFimzduvWe/ceNG0eRIkXImjUr/v7+9OzZk5s3b6ZStSIiIuIo585B4xducr1TT5ZF1GUuLSn3+BU2b4aBA8HZ2dEVSlrn0OC7cOFCevXqxZAhQ9i5cyelSpWibt26nD9/PsH+8+bNo3///gwZMoQ///yTr776ioULFzJw4MBUrlxERERS0/Ll0LTYXt7/qQI9GQeAPyfZ2HYq5co5tjZJPxwafMeOHcvrr79O+/btKV68OJMnT8bDw4Pp06cn2H/Tpk1UqVKFFi1aULBgQZ599lleffXV+44Si4iISPoUHg6d37SypsF4Vl0pTyB7AYhxcYMJE3B9r5+DK5T0xGHBNzIykh07dlCnTp3YYpycqFOnDps3b07wnMqVK7Njxw570D1y5Ag//vgjzz///F2fJyIigrCwsDhfIiIikvZt2wbPljxDw6nPM563cScCgOhiJXHeuR26dQOLxcFVSnrisJvbLl68SExMDHny5InTnidPHv76668Ez2nRogUXL17k6aefxhhDdHQ0nTp1uudUh5EjRzJ06NBkrV1ERERSTnQ0fPQR7BjyPd9ZXyMXF+3HzNs9yTJyBLi7O7BCSa8cfnNbUqxfv54RI0bwxRdfsHPnTpYuXcoPP/zAhx9+eNdzBgwYQGhoqP3rxIkTqVixiIiIJMWRI1C9OowfdIE51pb20BudKx+sWoXl07EKvfLAHDbi6+fnh7OzM+fOnYvTfu7cOfLmzZvgOYMGDaJ169a89tprAJQsWZLw8HDeeOMN3n33XZyc4ud4Nzc33Nzckv8bEBERkWRjDMycCd27w7VrALnoZRnHVPM61voNyTL9S/Dzc3CVkt45bMTX1dWVoKAg1q5da2+zWq2sXbuWSpUqJXjO9evX44Vb51trlxhjUq5YERERSTGXLkHTxjF06hBxK/RCoULQ/veO8NNPOH3/rUKvJAuHTnXo1asX06ZNY9asWfz555907tyZ8PBw2rdvD0CbNm0YMGCAvX/9+vWZNGkSCxYs4OjRo6xevZpBgwZRv359ewAWERGR9OPnn6Fu8RO89W0dPqEPAB06QHAwVKpsgXr1dAObJBuH7tzWrFkzLly4wODBgzl79iylS5dm5cqV9hvejh8/HmeE97333sNisfDee+9x6tQpcuXKRf369Rk+fLijvgURERF5ADduQP/+cGbCIlbzJr6EUJP1lB34HFWG3321JpGHYTGZbI5AWFgY3t7ehIaGkj17dkeXIyIikukEB8MbzcN462B32jHL3h7ziD/OC+ZC1aqOK07ShJTKaw4d8RUREZHMIyYGxo6FZQM2Mz+mFY9zxH7MNGuG86RJ4OvrwAolo0tXy5mJiIhI+nT8ODxbK5pr/YayLqaqPfTGeHrB7NlY5s9X6JUUpxFfERERSVHz5sG7nS4x92p9KhO7O6u1UmWc534NAQEOrE4yE434ioiISIoICYEWLaBlSzh+1YfoW+NtxskZhg7F6dcNCr2SqjTiKyIiIslu/Xpo0wZub5hqxZklDedQ+djLZJk8EZ56yqH1Seak4CsiIiLJJiICBg2CraM3kJesnKACPj4waRI0b/4YmO1al1ccRlMdREREJFns3w9VykfiO3oAv1CT+bzK81WvsmcPNG9+q5NCrziQgq+IiIg8FKsVJkyA5mUOMmVvJQbwEU4YHucIy1+YhL+/oysUsdFUBxEREXlgp09D+3aGx1ZPYwtv48ENAKxZXHAaMRyn3r0dXKFILAVfEREReSBLlsCA1y4wKuR1GvG9vd1auAhO8+dB2bIOrE4kPgVfERERSZKwMOjRA07PXMUG2pGPs7EHO3XCacwY8PBwXIEid6HgKyIiIom2cSO0bg3hR89xjEZk5SYA1px+OM2YDvXrO7hCkbvTzW0iIiJyX1FRtmXKqlWDo0fhPHl43+0jAEzdujjt26vQK2meRnxFRETkng4dglYtrOzaEYMVFwCqVIFOs7pBcAEsL70EThpLk7RP71IRERFJkDEwZQo8V/oMH+54jmG8R5YsMHw4bNgAAY87QePGCr2SbmjEV0REROI5fx46dgSnFd+zhY74cYlnWE2jCXUp0rmWo8sTeSD6E01ERETiWLECKpYI54UVnfieRvhxyXYgTx6KFHFsbSIPQyO+IiIiAkB4OPTuDdum7GAlLSjCodiDDRvi9OWX4OfnuAJFHpJGfEVERIRt2yCodAzeUz7mD56yh16T1QOmToVvv1XolXRPI74iIiKZWHQ0fPQRfP7+RebHNKEm6+3HTFAQlnnzoHBhxxUokowUfEVERDKpI0dsm1Fs2gRZ8CYb1wAwFguW/v2xvP8+uLo6tkiRZKSpDiIiIpmMMTBzJpQqZQu9AFYnFzZ3mYspWgzLunUwYoRCr2Q4GvEVERHJRC5dgjfegNNLN1MID/ZQikKF4OuvoVKlwmDdp3V5JcPSO1tERCST+PlnKF0imhJLh/IbVZnPq3Rqc53gYKhU6VYnhV7JwDTiKyIiksHduAH9+8PyCUdYSCsqsxmA4vzJpJJfgFcfB1cokjr0Z52IiEgGFhwM5YIMVybMJpjS9tBrnJ3hgw/g7bcdWp9IatKIr4iISAYUEwNjx8LogVf4LLoTzVhkP2YefxzL11/DU085sEKR1KfgKyIiksEcPw5t24JZv54dtMafk7EH27fHMn48eHk5rkARB1HwFRERyUDmz4fOnSFr6BmOURc3IgEwvr5YpkyBJk0cXKGI42iOr4iISAYQEgItWti+QkPhLPkY7z3EdrBmTSx79ij0SqanEV8REZF0bv16aNPacOqkFXAGoGVLeGP8O/Cjv+2BlikT0YiviIhIehURAf36QdOaF5hw8iXeYxje3jBvnm1DCp+czrY9iRV6RQCN+IqIiKRL+/fbBnLz7F7FbtqRj7PUt6zgrZnPkqdRpftfQCQT0p+AIiIi6YjVChMmQOWyN2m7uyerqEc+zgLglNOXPB5XHVyhSNqlEV8REZF04vRpaN8eTv+8l99oSSB7Yw/WrYtl5kzIm9dh9YmkdRrxFRERSQeWLoXAElaK/jyebZS3h17j5gbjx8OPPyr0ityHRnxFRETSsLAw6NEDls28xFxaUo9VsQdLlsQybx6UKOG4AkXSEY34ioiIpFEbN0Lp0jBzJoTjSX5OxR7s2RO2blXoFUkCBV8REZE0JioKBg2CatXg6FFbm6uXO0c+nIcJCIBVq2DsWHB3d2yhIumMpjqIiIikIYcOQatWELNtB0/iyUGKUqUKzJkDAQElof8hyKL/fIs8CI34ioiIpAHGwJQpEFQ6hprbPuYPnmIBrzLy/QjWr4eAgFsdFXpFHph+e0RERBzs/Hno2BGCV5xgOa2pwQYAShNM6exfQJaeDq5QJGPQiK+IiIgDrVgBJUtC1hWL2EOgPfQaiwUGDIAuXRxcoUjGoRFfERERBwgPh969Yd6UMCbQnXbMij3o749lzhyoXt1xBYpkQAq+IiIiqWzbNmjZEnL+vZldtOJxjsQebNYMJk0CX1/HFSiSQWmqg4iISCqJjoZhw6ByZQj/+xTrqWEPvcbLC2bPhvnzFXpFUoiCr4iISCo4csQ2c2HQIFsAPk1+5uXrYztYuTKW3buhdWuwWBxbqEgGpuArIiKSgoyx7bxWKtCwaZMBwMnJFoBb/fM+TJ4MGzbcsV6ZiKQUzfEVERFJIZcuwZtvwtolV/iSTmyjPN8W6sOcObbpDuBi6yAiqUIjviIiIing559ty5RdXLKePQTSjEV85DSQPbN23Qq9IpLaFHxFRESS0Y0b0KMHvFg3ku5n+vMLtfDnJABZvLPhefWsgysUybw01UFERCSZBAfblimLPnCQzbQgiJ2xB2vWtK3aUKCAw+oTyew04isiIvKQrFYYPRoqlDc8fWAKuyhjD73GxQVGjYI1axR6RRzsoUZ8b968ibu7e3LVIiIiku4cPw5t28Lu9Zf5hvY0ZFnswSJFsMybB2XLOq5AEbFL8oiv1Wrlww8/JH/+/GTLlo0jR2wLbw8aNIivvvoq2QsUERFJq+bPh8BAWL8eInCjKH/FHuzcGXbuVOgVSUOSHHyHDRvGzJkzGTVqFK6urvb2EiVK8OWXXyZrcSIiImlRSIhtLm+LFhAaamvze9STa5PnwiOPwLJl8MUX4OHh0DpFJK4kB9/Zs2czdepUWrZsibOzs729VKlS/PXXX/c4U0REJP1bv942yrtn3l4Cbm033LIl7N4NQW+Ws23RVr++Y4sUkQQlOfieOnWKJ554Il671WolKioqWYoSERFJayIioF8/qF3TyksnxrON8ixwbsn8OdF8/TX4+Nzq6ObmyDJF5B6SHHyLFy/Ob7/9Fq998eLFlClTJlmKEhERSUv274eKFWHO6DP8yHOM523ciaBCzB80vzLJ0eWJSCIleVWHwYMH07ZtW06dOoXVamXp0qUcPHiQ2bNns2LFipSoUURExCGsVvj8c9tIb92I71lDR/y4FNuhZ094/XXHFSgiSZLkEd+GDRuyfPly1qxZg6enJ4MHD+bPP/9k+fLlPPPMMylRo4iISKo7fRqeew4G9AhnXEQnvqdRbOjNlw9WrYKxY0HLeoqkGw+0jm/VqlVZvXp1ctciIiKSJixdahvILXh5BztpQREOxR5s1AimTQM/P4fVJyIPJskjvoUKFeLSpUvx2kNCQihUqFCyFCUiIuIIV69Chw7QuDF4XD7BJirHhl4PD1vgXbpUoVcknUpy8D127BgxMTHx2iMiIjh16lSyFCUiIpLaNm2C0qVhxgzb45P4s/qJt2wPgoJg1y547TWwWBxWo4g8nERPdVi2LHYLxlWrVuHt7W1/HBMTw9q1aylYsGCyFiciIpLSoqLggw9gxAiwWg1gIVs2201tLzQdCZMfhS5d4I5Nm0QkfbIYY0xiOjo52QaHLRYL/z3FxcWFggULMmbMGF588cXkrzIZhYWF4e3tTWhoKNmzZ3d0OSIi4kCHDkGrVvDXtjAm0J2tVGBPlbeYPRs0e0/EcVIqryV6xNdqtQIQEBDAtm3b8NP8JhERSaeMgalToVcvCLy+mWBaUoijtMyyEMukmmQpVMzRJYpICkjyHN+jR48q9IqISLp1/jw0aABdOkXT9/r7/EZVCnEUAJesLmT597CDKxSRlPJAy5mFh4ezYcMGjh8/TmRkZJxj3bt3T5bCREREktuKFdCxI3ieP8KvtKIym2MPVq4MX38NAQGOK1BEUlSSg++uXbt4/vnnuX79OuHh4eTIkYOLFy/i4eFB7ty5FXxFRCTNCQ+H3r1hyhRDG2bzOV3x4prtoLMzDB4MAwdClgcaDxKRdCLJUx169uxJ/fr1uXLlClmzZuWPP/7g33//JSgoiE8++SQlahQREXlg27ZBmTKwYEoIC2jOLNrFht5CheD3323BV6FXJMNLcvANDg6md+/eODk54ezsTEREBP7+/owaNYqBAwemRI0iIiJJFh0Nw4bZZjD8/TcYLDxl2RLboV07CA6Gp55yVIkiksqSHHxdXFzsS5vlzp2b48ePA+Dt7c2JEyeStzoREZEHcOQIVK8OgwbZAjBAkfLeOH09x7br2qJFtp0qvLwcW6iIpKokf65TpkwZtm3bxpNPPkn16tUZPHgwFy9eZM6cOZQoUSIlahQREUkUY2DWLOjWDR65dpD8eHLGqQDvvmsLwS4uVaHhMfD0dHSpIuIASR7xHTFiBPny5QNg+PDh+Pr60rlzZy5cuMCUKVOSvUAREZHEuHQJmjSB9u0NLa5NYRdlWOTeht82WPngA3BxudVRoVck00r0zm0ZhXZuExHJeH7+2TZlN+rMBb7kNRqyLPbgpEnQqZPDahORpEupvJbkEd+72blzZ5rfrlhERDKWGzegRw+oWxdKnlnFHgLjht5OnaBNG8cVKCJpSpKC76pVq+jTpw8DBw7kyJEjAPz11180atSI8uXL27c1ToqJEydSsGBB3N3dqVixIlu3br1n/5CQELp06UK+fPlwc3OjcOHC/Pjjj0l+XhERSd+Cg6FcOZgy4SZj6ckq6pGPs7aDfn6wbJlttNfDw6F1ikjakeib27766itef/11cuTIwZUrV/jyyy8ZO3Ys3bp1o1mzZuzbt49ixZK2t/nChQvp1asXkydPpmLFiowbN466dety8OBBcufOHa9/ZGQkzzzzDLlz52bx4sXkz5+ff//9Fx8fnyQ9r4iIpF9WK4wZA+++C0Wi9rKVlgSyN7ZD3bowcybkzeuwGkUkbUr0HN/AwEBat25N3759WbJkCU2aNOGpp55i0aJFFChQ4IGevGLFipQvX57PP/8cAKvVir+/P926daN///7x+k+ePJnRo0fz119/4WK/SyFpNMdXRCT9On4c2raF9evhUf7lIEVwJ8J20M0NRo2Crl3BKdlm8omIAzh8ju/hw4dp0qQJAC+//DJZsmRh9OjRDxx6IyMj2bFjB3Xq1IktxsmJOnXqsHnz5gTPWbZsGZUqVaJLly7kyZOHEiVKMGLECGJiYu76PBEREYSFhcX5EhGR9Gf+fAgMtIVegBOWx9gdeGv+bsmSsH07dO+u0Csid5Xofx1u3LiBx615UhaLBTc3N/uyZg/i4sWLxMTEkCdPnjjtefLk4ezZswmec+TIERYvXkxMTAw//vgjgwYNYsyYMQwbNuyuzzNy5Ei8vb3tX/7+/g9cs4iIpL6QEGjZElq0gNBQW5u/P/zyC1Tc9Klte7atW0FryYvIfSRpA4svv/ySbNmyARAdHc3MmTPx8/OL06d79+7JV91/WK1WcufOzdSpU3F2diYoKIhTp04xevRohgwZkuA5AwYMoFevXvbHYWFhCr8iIunE+vW2RRkunQhnEr35g6eIatGOiRPBdnuHp22yr4hIIiQ6+D766KNMmzbN/jhv3rzMmTMnTh+LxZLo4Ovn54ezszPnzp2L037u3Dny3uWGhHz58uHi4oKzs7O9rVixYpw9e5bIyEhcXV3jnePm5oabm1uiahIRkbQhIgIGD4bRo6GM2cHPtKQoB+noPheXD6qCz+OOLlFE0qFEB99jx44l6xO7uroSFBTE2rVradSoEWAb0V27di1du3ZN8JwqVaowb948rFYrTrfmcB06dIh8+fIlGHpFRCT92b/fNrVh7+4Y+vIJw3gPF6IBcHGywr598LiCr4gknUPvAOjVqxfTpk1j1qxZ/Pnnn3Tu3Jnw8HDat28PQJs2bRgwYIC9f+fOnbl8+TI9evTg0KFD/PDDD4wYMYIuXbo46lsQEZFkYrXChAkQFASXdp9gLbX5mP720EtQEOzaBQ0bOrZQEUm3kjTHN7k1a9aMCxcuMHjwYM6ePUvp0qVZuXKl/Ya348eP20d2Afz9/Vm1ahU9e/YkMDCQ/Pnz06NHD9555x1HfQsiIpIMTp+G9u1tWw83YRFTeBNfQmwHLRbo3x/efx/06Z6IPIREr+ObUWgdXxGRtGXpUnj9dYi8fJXP6EY7ZsUe9PeHOXOgenXHFSgiqc7h6/iKiIgkp6tXoUMHaNwYLl8GNyKo5/RzbIdmzWD3boVeEUk2Cr4iIpLqNm2C0qVhxozYthqN/fBYNAuyZ4fZs207Vvj6OqxGEcl4Hij4Hj58mPfee49XX32V8+fPA/DTTz+xf//+ZC1OREQylqgo2zJlVauCOXKE3JwjWzaYORO++QayN34G/v0XWre2ze0VEUlGSQ6+GzZsoGTJkmzZsoWlS5dy7do1AHbv3n3XTSREREQOHYIqVeDDDw2trLPYTSm+9enA7mBD27Z35FzbzhQiIskuycG3f//+DBs2jNWrV8dZO7dWrVr88ccfyVqciIikf8bA1KlQpgz8ve0KC2jOLNrhxTUqh/xIoQ0z7n8REZFkkOTlzPbu3cu8efPitefOnZuLFy8mS1EiIpIxnD8PHTvCihVQnfXMoTX+nIzt0K4dNGnisPpEJHNJ8oivj48PZ86cide+a9cu8ufPnyxFiYhI+rdiBZQsCatWRDKS/vxCrdjQ6+sLixbZ7m7z8nJsoSKSaSQ5+DZv3px33nmHs2fPYrFYsFqtbNy4kT59+tCmTZuUqFFERNKR8HDo3Bnq1wff83+xmUr052OcuLVsfM2asGePRnpFJNUlOfiOGDGCokWL4u/vz7Vr1yhevDjVqlWjcuXKvPfeeylRo4iIpBPbtkHZsjB5MgRwhJ2UJYidtoMuLjBqFKxZAwUKOLZQEcmUHnjntuPHj7Nv3z6uXbtGmTJlePLJJ5O7thShndtERJJfdDR89BEMHWr7/wAeHhBcohVPbp0LRYrAvHm2VCwich8pldeSfHPb77//ztNPP82jjz7Ko48+mmyFiIhI+nTkiG3Z3U2bYtvKl4evv4Yn80yEUY/Bu+/akrCIiAMleapDrVq1CAgIYODAgRw4cCAlahIRkXTAGJg1y7YD245NNxlLT5pavmHQINi4EQoXBry9YfhwhV4RSROSHHxPnz5N79692bBhAyVKlKB06dKMHj2akydP3v9kERHJEC5dst2b1q4dPHZ1L1upQE/GMTfbG3zw+glcXBxdoYhIfEkOvn5+fnTt2pWNGzdy+PBhmjRpwqxZsyhYsCC1atVKiRpFRCQN+fln2zJlS5dY6c54tlGeQPYCkCXyBmzf7uAKRUQSluTge6eAgAD69+/PRx99RMmSJdmwYUNy1SUiImnMjRvw9ttQty6YM2f4kecZz9u4E2HrULKkLfS+9JJD6xQRuZsHDr4bN27krbfeIl++fLRo0YISJUrwww8/JGdtIiKSRuzebbthbfx4aMD37CGQeqyK7dCzJ2zdCiVKOK5IEZH7SPKqDgMGDGDBggWcPn2aZ555hvHjx9OwYUM8dOOCiEiGY7XCmDG2RRlcosKZRG86MSW2Q758MHMmPPusw2oUEUmsJAffX3/9lb59+9K0aVP8/PxSoiYREUkDTpyANm1g/Xrb45yE0cx5CcTc6tCoEUybBvpvgYikE0kOvhs3bkyJOkREJA2ZP9+27XBoqO2xxQJt+uYjW/kvoW0L25yHjh1tB0RE0olEBd9ly5bx3HPP4eLiwrJly+7Zt0GDBslSmIiIpL6QEOjSxbbJWgFO4IQn2fxzMHs21KgB0BCqHYXcuR1bqIjIA0jUlsVOTk6cPXuW3Llz4+R09/vhLBYLMTExdz2eFmjLYhGRhK1fb5vacOIENGERU3iTQ/51KLJ7ET6+GtkVkdSTUnktUas6WK1Wct/6695qtd71K62HXhERiS8iAt55B2rVgpATYcygHYtohi8hVDyxGJ8f5zm6RBGRZJHk5cxmz55NREREvPbIyEhmz56dLEWJiEjq2L8fnnoKRo2CimYzwZSmHbNiOzRrBs8/77gCRUSSUZKDb/v27Qm9fbfDHa5evUr79u2TpSgREUlZVitMmABBQbA3OJrBDOU3qlKIo7YOXl4we7btLjdfX8cWKyKSTJK8qoMxBksCd/GePHkSb2/vZClKRERSzunT0KEDrFoFARzha1pRmc2xHSpXhq+/hoAAxxUpIpICEh18y5Qpg8ViwWKxULt2bbJkiT01JiaGo0ePUq9evRQpUkREksfSpfD663D5MjzOP+ykLNm5ajvo7AyDB8PAgZAlyeMiIiJpXqL/ZWvUqBEAwcHB1K1bl2zZstmPubq6UrBgQRo3bpzsBYqIyMO7ehV69IAZM2Lbrud9nBuFapN903dQqBDMnWub8CsikkElOvgOGTIEgIIFC9KsWTPc3d1TrCgREUk+mzZB69Zw5EhsW+PGMGWKhZxmGgx7DD780DavV0QkA0vUOr4ZidbxFZHMIirKlmeHDwdnayQfMJjt7lWpP/kF2rTRpmsiknalVF5L1Ihvjhw5OHToEH5+fvj6+iZ4c9ttly9fTrbiRETkwRw6BK1awbZtUJiDzKMFQewk2nMGWertAUseR5coIpLqEhV8P/30U7xufQT26aef3jP4ioiI4xgD06ZBz55w/brhDabyKT3x4AYAWcKuwMaN8PLLDq5URCT1aaqDiEgGcf48vPYaLF8OflzgS16jIctiOxQpAvPmQdmyjitSRCQRHLpl8Z127tzJ3r177Y+///57GjVqxMCBA4mMjEy2wkREJPFWrICSJW2h91lWsYfAuKG3c2fYuVOhV0QytSQH3zfffJNDhw4BcOTIEZo1a4aHhwfffPMN/fr1S/YCRUTk7sLDbZm2fn0IPX+TsfRkFfXIx1lbBz8/WLYMvvgCPDwcW6yIiIMlOfgeOnSI0qVLA/DNN99QvXp15s2bx8yZM1myZEly1yciInexfbttAHfyZNvj3Jzn9Sx3LNRbrx7s3WtLxSIikvTga4zBarUCsGbNGp5//nkA/P39uXjxYvJWJyIi8URH25Yoq1TJtnoD2AZz35vyKJ6zJoGbG0yYAD/+CHnzOrZYEZE0JMl7UpYrV45hw4ZRp04dNmzYwKRJkwA4evQoefJoeRwRkZR05IhtM4pNmyAvZwjHk6Lls/P111C4MMCrUPVp8Pd3dKkiImlOkkd8x40bx86dO+natSvvvvsuTzzxBACLFy+mcuXKyV6giIjYlimbNQtKl7aF3gZ8zx4C2RDYnY0bb4feWxR6RUQSlGzLmd28eRNnZ2dcXFyS43IpRsuZiUh6c+kSvPkmLFkCHoQzht50Ykpsh8WLbXsQi4hkEA7duS0hO3bs4M8//wSgePHilNUSOSIiye7nn6FdOzhzBsqyg3m0oAiHYjs0agTVqzuqPBGRdCXJwff8+fM0a9aMDRs24OPjA0BISAg1a9ZkwYIF5MqVK7lrFBHJdG7cgAEDYPx4cCKGfnzCMN7DhWhbBw8P28GOHUG7aYqIJEqS5/h269aNa9eusX//fi5fvszly5fZt28fYWFhdO/ePSVqFBHJVHbvhvLlbbm2ACdYS20+pn9s6A0Kgl27bNu0KfSKiCRakuf4ent7s2bNGsqXLx+nfevWrTz77LOEhIQkZ33JTnN8RSStslph7Fh4912IjIQnOcQWKuJLiK2DxQL9+8P774OrqyNLFRFJUWlmjq/Vak3wBjYXFxf7+r4iIpI0J05Amzawfn1sm2fgE2TxqggbV9lWapgzR/N5RUQeQpKnOtSqVYsePXpw+vRpe9upU6fo2bMntWvXTtbiREQygwULoGTJ2NBrsUC/fvDHVie8vpkBb7xhm/+g0Csi8lCSPNXhxIkTNGjQgP379+N/a63IEydOUKJECZYtW0aBAgVSpNDkoqkOIpJWhIRAly4wbx44E827DOdgrqp0WlSLGjUcXZ2IiOOkmakO/v7+7Ny5k7Vr19qXMytWrBh16tRJtqJERDK69ettUxtOnIAAjvA1rajMZqwu+XEK3APkcHSJIiIZTpKC78KFC1m2bBmRkZHUrl2bbt26pVRdIiIZUkQEDB4Mo0eDMYbWzOFzupKdqwA4nTsL69ZpQwoRkRSQ6OA7adIkunTpwpNPPknWrFlZunQphw8fZvTo0SlZn4hIhnHgALRsCcHB4MMVJtOJZiyK7VCoEMydC0895bAaRUQyskTf3Pb5558zZMgQDh48SHBwMLNmzeKLL75IydpERDIEqxU++8y2/G5wMFRnPXsIjBt627WzHVToFRFJMYkOvkeOHKFt27b2xy1atCA6OpozZ86kSGEiIhnB6dPw/PPQvTvE3IxkBAP4hVr4c9LWwccHFi2CGTPAy8uhtYqIZHSJnuoQERGBp6en/bGTkxOurq7cuHEjRQoTEUnvli61rUR26ZLtcQFO0svlM5yibi2mU6MGzJ5tW6NXRERSXJJubhs0aBAeHh72x5GRkQwfPhxvb29729ixY5OvOhGRdOjqVejRwzaIe1u+fDB5ZiHcToyHzp1h+HDo3RuckrycuoiIPKBEB99q1apx8ODBOG2VK1fmyJEj9scW7RkvIpncpk3QujUcOQI5uch1PHjuZQ+mToWcOQHTwbYRxRNPOLpUEZFMJ9HBd/2d+2iKiEgcUVHw4Ye2gVyrFZ5lFbMs7bhS82WKLp6IfVzAYlHoFRFxEH3GJiLykA4dgipVbMHXxXqTsfRkFfXIa85S7JcvsPz4g6NLFBERHmDnNhERsTEGpk2Dnj3h+nUowV7m0ZKS7I3tVK+ebR0zERFxOI34iog8gPPnoWFDePNNuHHdSnfGs91SPjb0urnBhAnw44+QN69jixUREUAjviIiSfbDD9Chgy385uUMM2hPPVbBrVXKKFkS5s2DEiUcWqeIiMSlEV8RkUQKD7etRPbii7bQW5iD7LUE2kLvbT17wtatCr0iImnQAwXf3377jVatWlGpUiVOnToFwJw5c/j999+TtTgRkbRi+3YoWxYmT45tK/rCE2SvWNz2IF8+WLUKxo4Fd3fHFCkiIveU5OC7ZMkS6tatS9asWdm1axcREREAhIaGMmLEiGQvUETEkWJibEuUVapkW70BwMPDFoC/W+6M68I5toV79+yBZ591bLEiInJPSQ6+w4YNY/LkyUybNg0XFxd7e5UqVdi5c2eyFici4khHj9r2mnjvPbBGx9CPj+lQdBO7dtluarNYgEcftW077Ofn6HJFROQ+knxz28GDB6lWrVq8dm9vb0JCQpKjJhERhzLGlmW7dbNtP1yAE8yhNTXYgIkIwJI3GMju6DJFRCSJkjzimzdvXv7555947b///juFChVKlqJERBzl0iVo2hTatbOF3iYsYp9TIDXYAIDl2DH4+WeH1igiIg8mycH39ddfp0ePHmzZsgWLxcLp06eZO3cuffr0oXPnzilRo4hIqvj5Z9tKZIsXgxdhzKAdi2iGtzXE1sHfH9atg1decWidIiLyYJI81aF///5YrVZq167N9evXqVatGm5ubvTp04du3bqlRI0iIinqxg0YMADGj7c9forNzHNqRYD1SGynZs1g0iTw9XVMkSIi8tAsxhhz/27xRUZG8s8//3Dt2jWKFy9OtmzZkru2FBEWFoa3tzehoaFkz645eiKZ3e7d0LIl7N8PzkTzLsMZbPkQZxNj6+DlBRMnQqtWt+5mExGRlJZSee2Bd25zdXWlePHiyVaIiEhqslptS+6++y5ERtrairkcZpAZiXP0rdBbuTJ8/TUEBDiuUBERSTZJDr41a9bEco9Rj19++eWhChIRSWknTkDbtrbpureVKgVz5xYhy9pR0KsXDB4MAwdCFu3sLiKSUST5X/TSpUvHeRwVFUVwcDD79u2jbdu2yVWXiEiKWLAAOnWC0FDw4Qo38KBHPzc++ADc3IDi3aBWLW05LCKSASU5+H766acJtr///vtcu3btoQsSEUkJISHQtSvMnWt7XJ31zHNuTfQrzXn049GxHS0WhV4RkQwqycuZ3U2rVq2YPn16cl1ORCTZrF8PgYG20OtCJCMYwC/U4pGYkzy68BNYu9bRJYqISCpItslrmzdvxt3dPbkuJyLy0CIibFN1R4+27cZWmIMsdGpBaesd26vXrAlFijiuSBERSTVJDr4vv/xynMfGGM6cOcP27dsZNGhQshUmIvIwDhywLVMWHAxgeIOpjHfqibv1hq2DiwsMHw69e4NTsn34JSIiaViSg6+3t3ecx05OThQpUoQPPviAZ599NtkKExF5EFarbdndfv3g5k3w4wLTLa9R3ywD661ORYrAvHlQtqxDaxURkdSVpOAbExND+/btKVmyJL7avUhE0pjTp6FDB1i1yva4MAf5PUsNckWfje3UuTN88gl4eDimSBERcZgkfb7n7OzMs88+S0hISLIWMXHiRAoWLIi7uzsVK1Zk69atiTpvwYIFWCwWGjVqlKz1iEj6s3Sp7Qa226EX4IWuhchZyt/2wM8Pli2DL75Q6BURyaSSPLGtRIkSHDly5P4dE2nhwoX06tWLIUOGsHPnTkqVKkXdunU5f/78Pc87duwYffr0oWrVqslWi4ikP1evQseO0LgxXLpka8uXzxaAx37mgtP8ufDyy7B3L9Sv79hiRUTEoSzGGJOUE1auXMmAAQP48MMPCQoKwtPTM87xpO6nXLFiRcqXL8/nn38OgNVqxd/fn27dutG/f/8Ez4mJiaFatWp06NCB3377jZCQEL777rtEPV9K7f0sIqlv0yZo3RqOHAELVrryOa61qjJgURly5nR0dSIi8qBSKq8lesT3gw8+IDw8nOeff57du3fToEEDChQogK+vL76+vvj4+CR53m9kZCQ7duygTp06sQU5OVGnTh02b958z1py585Nx44d7/scERERhIWFxfkSkfQtKsq2TFnVqrbQm5czrHJ+ngn0YPTpFuTMet3RJYqISBqU6Jvbhg4dSqdOnVh35+b2D+nixYvExMSQJ0+eOO158uThr7/+SvCc33//na+++opg2xpF9zVy5EiGDh36sKWKSBpx6BC0agXbttkeN+B7ZmZ5Dd/oiwBY/voLfvrJNvdBRETkDokOvrdnRFSvXj3Firmfq1ev0rp1a6ZNm4afn1+izhkwYAC9evWyPw4LC8Pf3z+lShSRFGIMTJsGPXvC9evgQTifWnrzhpkC0bc65csHM2eCllYUEZEEJGk5M4vFkqxP7ufnh7OzM+fOnYvTfu7cOfLmzRuv/+HDhzl27Bj177hBxWq1LcyZJUsWDh48yOOPPx7nHDc3N9zc3JK1bhFJXefPw2uvwfLltsdl2cFilxYERB2K7dSokS0ZJ/KPYhERyXySFHwLFy583/B7+fLlRF/P1dWVoKAg1q5da1+SzGq1snbtWrp27Rqvf9GiRdm7d2+ctvfee4+rV68yfvx4jeSKZEA//GBbm/f8eXAihr6MZrjTIJyjbg3zenjAuHG2ZJzMf5yLiEjGkqTgO3To0Hg7tz2sXr160bZtW8qVK0eFChUYN24c4eHhtG/fHoA2bdqQP39+Ro4cibu7OyVKlIhzvo+PD0C8dhFJ38LDoU8fmDw5tq2y71+MCBuEU8yt0BsUZNuBrXBhxxQpIiLpSpKCb/PmzcmdO3eyFtCsWTMuXLjA4MGDOXv2LKVLl2blypX2G96OHz+Ok1OSlxsWkXRs+3Zo2dJ2I9ttL74IX375P5xmfAgDB0L//vD+++Dq6rA6RUQkfUn0Or7Ozs6cOXMm2YNvatM6viJpV0wMfPSRLc9GR0M2roJ7Vj4Zl4U33rg1kyEmBnbtgnLlHF2uiIikkJTKa0le1UFEJCUcPWrbjGLjRtvjp9jMN26tcO/YGr8334/t6Oys0CsiIg8k0XMIrFZruh/tFZG0xxiYNQtKlbKFXmeiGWIZyu+WqhSIOILfpA9tW7SJiIg8pCTN8RURSU6XLkGnTrB4se1xAEf4xq0VQRF37Nz41FO29XlFREQeku4aExGHWL0aAgNvh15Da2az36V0bOh1doahQ2HDBggIcGSpIiKSQWjEV0RS1Y0bMGAAjB9ve+zDFb5y7czLkQsh6lanQoVg7lzbaK+IiEgyUfAVkVSze7dtmbL9+22PC3OQ39yfIffNE7Gd2rWDCRPAy8shNYqISMalqQ4ikuKsVvjkE6hQITb0urlB908eI9eTPrYGX19YtAhmzFDoFRGRFKERXxFJUSdOQNu2sG5dbFupUraZDP/7nzvUnQfvvANTpkCBAo4rVEREMjwFXxFJMQsWQOfOEBICYHiDaRTu8DRdvyiOm9utTiVKwA8/OK5IERHJNBR8RSTZhYRA1662UV0APy4w1/01nr25DHaUArYAbve4goiISPLTHF8RSVYbNsROZQB4llUccg+0hV6w3eG2YoXjChQRkUxLwVdEkkVEhG2qbs2acPw4uHGTL1zfZhX18L151tbJzw+WLYPGjR1brIiIZEqa6iAiD+3AAdsyZcHBtscl2Mv3ni0oFL4vtlPdujBzJuTN64gSRURENOIrIg/OGPjsMwgKsoVeC1Z6Oo1nV5bysaHXzc22W8WPPyr0ioiIQ2nEV0QeyOnT0KEDrFoV29ao0F7GHOuFJdpqayhZEubNs63cICIi4mAa8RWRJFu6FAID44beHj1g7r5SWAYOtDX07Albtyr0iohImqERXxFJtKtX4e23Yfp02+OsXMc3rzszZjnx7LO3Og0eDM8+C1WrOqpMERGRBGnEV0QSZfNmKF06NvSWZQd/ZyvDoTfHxIZeABcXhV4REUmTFHxF5J6iomyDuE8/DUeOgBMxDHL9mG3OT5H/2iE8R7wLO3c6ukwREZH70lQHEbmrQ4egVSvYts32uAAn+D57a8qGbYjtFBgI2bI5pkAREZEk0IiviMRjDEydCmXKxIbe5k6LOOQeGBt6LRYYMAA2bYLChR1XrIiISCJpxFdE4jh/Hl57DZYvtz32IoyZ2bvzctgsuHmrk78/zJkD1as7rE4REZGkUvAVEbsffrCtzXv+vO1xYQ7ye/bnyRV2JLZTs2YweTL4+DikRhERkQelqQ4iwvXr8NZb8OKLsaE3Vy74dFEBcuW99fexlxfMng3z5yv0iohIuqQRX5FMbvt2aNnSdiPbbS++CF9+CXnyeEKhedCnj20ds4AAxxUqIiLykDTiK5JJxcTA8OFQqdLt0Gvo6DKbeR8eZtkyyJPnVsegIPjlF4VeERFJ9zTiK5IJHT0KrVvDxo22xz5cYZFvJ565sghWVIR3frNtRHGbxeKYQkVERJKRRnxFMhFjYNYsKFUqNvTWtKznmFegLfQCbNkCK1Y4rkgREZEUouArkklcugRNm0K7dnD1KrgQySTv/qylFt5XT9o6+frCN9/ASy85tFYREZGUoKkOIpnA6tW2wHv6tO1xYQ6yKmcLCl66Y6vhmjVtqzYUKOCQGkVERFKaRnxFMrCbN6FnT3j22duh19DTYwr7XcvEhl4XFxg1CtasUegVEZEMTSO+IhnU7t22Zcr2749t61xxF2O3dIptKFIE5s2DsmVTv0AREZFUphFfkQzGaoVPPoEKFWJDr5sbjB8Pn28qC7162Ro7d4adOxV6RUQk09CIr0gGcuIEtG0L69bZHrsSQbFAV+bOs/C//93qNGIE1KsHzzzjsDpFREQcQSO+IhnEggUQGBgbekuyl2N+5djWcVJs6AXb8K9Cr4iIZEIKviLpXEgItGoFr75q+/8WrAzxGU+wS3nyXdyHyzu94cABR5cpIiLicJrqIJKObdgAbdrA8eO2x3k5w8q87Sl1dlVspyefdExxIiIiaYxGfEXSochI6N/ftvTu7dD7qsf3HPUKjBt6e/aErVuheHHHFCoiIpKGaMRXJJ05cMC2TFlwsO2xB+HMz9ebBmemxHbKlw9mzrQt4CsiIiKAgq9IumEMfP459Otn25gCoHiWQ/zmU58cZw7FdmzUCKZNAz8/h9QpIiKSVmmqg0g6cOYMPPccdO9+R+gtDvN/yUOObJG2Bg8PW+BdulShV0REJAEKviJp3NKlULIkrLpj6m6PHrB9OwRW9Yavv4aKFWHXLnjtNbBYHFesiIhIGqapDiJp1NWr8PbbMH16bNvrPt/Q8rOnqN7KP7axShXYvFmBV0RE5D404iuSBm3eDKVLx4ZeL8L45dF2TA1pSvWv2kBMTNwTFHpFRETuS8FXJA2JioLBg+Hpp+HIEVtbraybOZmrDDWPz7I1rF8PK1Y4rEYREZH0SsFXJI04dMg2a+HDD8FqBWeimeY/lDWRVcl+4VYK9vKC2bOhQQPHFisiIpIOaY6viIMZY1uMoWdPuH7d1vaE0xF+yd8K/xObYztWrmy7kS0gwDGFioiIpHMa8RVxoPPnoWFDePPN26HX0DfPbP5yLx0bep2dYehQ2/7ECr0iIiIPTCO+Ig7yww/QoYMt/N428uXt9F/aNrahUCGYOxeeeir1CxQREclgNOIrksquX4e33oIXX4wNvblywbJl0H9JedvwL0C7drZ9iRV6RUREkoVGfEVS0fbt0KoVHDxoe5yFKOq9kIUvv7KQJ8+tTmPGwPPP6wY2ERGRZKYRX5FUEBMDw4dDpUqxoTfQ7SCnH32KZY1nxYZeAE9PhV4REZEUoOArksKOHoXq1eG99yA6GsAw/LEp7LKUIdfxnVi6d4N//nF0mSIiIhmepjqIpBBjbEvudutm234YILflAuuffI1ih5bFdsyfH27ccEyRIiIimYhGfEVSwKVL0LSp7f6026G3TZ5VnMgRGDf0duoEO3dCyZIOqVNERCQz0YivSDJbvdoWeE+ftj124ybLig/g2QPjYjv5+cH06VC/viNKFBERyZQUfEWSyc2bMGAAjBsX2xbk/Q9rvF/G58De2MZ69WDGDMibN9VrFBERycw01UEkGezeDeXKxQ29zzwDy3/3xSf6kq3BzQ0mTIAff1ToFRERcQAFX5GHYLXCJ59AhQqwf7+tzc0Nxo+HlSshX4mcMHMmlCplW8S3WzewWBxas4iISGalqQ4iD+jECWjbFtati23rVnA5XWaWp0j1O0Z0n3kGduwAZ+fUL1JERETsNOIr8gAWLIDAwNjQ60k4m0t1YsKxBhT5uINtLbM7KfSKiIg4nIKvSBKEhNi2HH71Vdv/B3g+zw7O+5flqd1TbA0//QQrVjiqRBEREbkLBV+RRNqwwTZVd+5c22MnYphX6mNWXHoKjxOHbI0eHjBtGrz4ouMKFRERkQRpjq/IfURGwuDBMGpU7AyG4l4n+KVAa/Ls3hDbMSgI5s2DwoUdU6iIiIjck0Z8Re7hwAGoWBE+/jg29L5fbCF7LYHk+fNW6LVYbAv4btqk0CsiIpKGacRXJAHGwOefQ79+to0pAFxcYPobf9BqYvPYjv7+MGcOVK/umEJFREQk0TTiK/IfZ87Ac89B9+6xobd4cdi6FVp9/hS0bm1rbNbMtnOFQq+IiEi6oOArcodvv4WSJWHVKttjC1a6d7ftPVG69K1On39uW89s/nzw9XVUqSIiIpJECr4iwNWr0LEjvPwyXLq1w3DFXEe4XOxpxldZRNasd3TOnt022qsd2ERERNIVBV/J9DZvto3mTp9+u8UwPmg2m26UxufPzfDmm7Zt2kRERCRdU/CVTCsqCoYMgaefhiNHbG0FPK9wpHxzuu9oi9O1q7bGHDlih4FFREQk3VLwlUzp0CGoUgU++ACsVltbl/+t56hXIAHbFsV2bNcOgoPvmOArIiIi6ZWCr2QqxsDUqVCmDGzbZmtzd4rk96r9+exALbKcPWlr9PGBRYtgxgzw8nJYvSIiIpJ8tI6vZBrnz8Nrr8Hy5bFttQoeYZlbEzx/2xnbWKMGzJ5tW6NXREREMgyN+Eqm8MMPtmXK7gy9b74Jy9dkxfPScVuDi4ttX+K1axV6RUREMiAFX8nQrl+Ht96CF1+0jfgC5MoFy5bB5Mng8Xg++OorKFoU/vgD+vYFJ/1aiIiIZESa6iAZ1vbt0KoVHDwY2zaw4hp6zChD7mI5YxsbNLBt1ebikvpFioiISKpJE0NbEydOpGDBgri7u1OxYkW2bt16177Tpk2jatWq+Pr64uvrS506de7ZXzKfmBgYMQIqVYoNvT7uN9ldqyfDtzxD7kFv2u5yu5NCr4iISIbn8OC7cOFCevXqxZAhQ9i5cyelSpWibt26nL/9ufR/rF+/nldffZV169axefNm/P39efbZZzl16lQqVy5p0dGjUL06vPsuREfb2poV38vZRysQ+Ms4W8OSJbBypcNqFBEREcewGPPfoa/UVbFiRcqXL8/nn38OgNVqxd/fn27dutG/f//7nh8TE4Ovry+ff/45bdq0uW//sLAwvL29CQ0NJXv27A9dv6QNxtgWYujWzbb9MICzxcr3z3zG8xvewRIRYWt0c4PRo6FrV205LCIikkalVF5z6BzfyMhIduzYwYABA+xtTk5O1KlTh82bNyfqGtevXycqKoocOXIkeDwiIoKI26EH2wspGculS9CpEyxeHNtWwf8MK/O1x/fnVbGNJUvCvHlQokTqFykiIiIO59CpDhcvXiQmJoY8efLEac+TJw9nz55N1DXeeecdHnnkEerUqZPg8ZEjR+Lt7W3/8tcyVRnK6tUQGBg39I6vvYzN1wPx3XpH6O3ZE7ZuVegVERHJxBw+x/dhfPTRRyxYsIBvv/0Wd3f3BPsMGDCA0NBQ+9eJEydSuUpJCTdv2rLss8/C6dO2thw54JcPN9J9bUOcLl20NebNC6tWwdixcJf3iIiIiGQODp3q4Ofnh7OzM+fOnYvTfu7cOfLmzXvPcz/55BM++ugj1qxZQ2Bg4F37ubm54ebmliz1Stqweze0bAn798e2PfOMbXfh/I9Uhp0vwbffQsOG8OWX4OfnuGJFREQkzXDoiK+rqytBQUGsXbvW3ma1Wlm7di2VKlW663mjRo3iww8/ZOXKlZQrVy41SpU0wGqFMWOgQoXY0Ovmahg3zrZIQ/782G5YmzbNloK//VahV0REROwcvoFFr169aNu2LeXKlaNChQqMGzeO8PBw2rdvD0CbNm3Inz8/I0eOBODjjz9m8ODBzJs3j4IFC9rnAmfLlo1s2bI57PuQlHXiBLRtC+vWxbY9W+wES7O1wfPx3uD0YuyBnDmhXbtUr1FERETSNocH32bNmnHhwgUGDx7M2bNnKV26NCtXrrTf8Hb8+HGc7thCdtKkSURGRvLKK6/Euc6QIUN4//33U7N0SSULFkDnzhASYntsscDsFxfR8rc3sYSEQIf9sGePbT6viIiIyF04fB3f1KZ1fNOPkBDbcrtz58a2FcsfxtoS3cm3alZso78/fPcdlC2b2iWKiIhICkipvJauV3WQjGvDBihVKm7oHfzMZvZmKR039DZrZrvbTaFXRERE7sPhUx1E7hQZCYMHw6hRtt3YAHJkj2Z9nWGU/H4YxMTYGr28YOJEaNVKO7CJiIhIoij4Sppx4IBtmbLg4Ni2ZhWPMSuqBW5L79jJr3Jl+PprCAhI9RpFREQk/dJUB3E4Y+CzzyAoKDb0urjYRn3nznfC7fABW6OzMwwdapsHodArIiIiSaQRX3GoM2egfXvb5mq3FS9um9tbujTAozB5Mrz7rq3xqaccVKmIiIikdxrxFYf59lsoWTJu6B3X+De2/xJ2K/Te0ry5bccKhV4RERF5CAq+kuquXoWOHeHll+HSJVvbo3kjOdy0Pz2WVidrv27xT3J3T90iRUREJMNR8JVUtXmzbQrD9OmxbV2fOcjh3JUotOhj24Tf2bPh558dVqOIiIhkTAq+kiqiomDIEHj6aThyxNaWzdOwsc0UJvxehix7dtoab9/VVqeO44oVERGRDEk3t0mK+/tv23K7W7fGtj1f/gKLvF/Dc/ay2MYiRWDePG1GISIiIilCI76SYoyBqVNtUxtuh15nZ5jbZhUrTgTiueaO0Nu5M+zcqdArIiIiKUYjvpIizp+H116D5ctj2558Er7r/RvFO9WLbfTzs034rV8/9YsUERGRTEUjvpLsfvjBtkzZnaH3zTdh1y4o/sbTUO9W8K1XD/buVegVERGRVKERX0k2169Dnz4waVJsW65c8NVXd2ZbC8yYYVvEt1MnsFgcUaqIiIhkQhrxlWSxfbtteu6dobdl7bOcCHyB+h5r43bOm9c2p1ehV0RERFKRgq88lJgYGDECKlWCgwdtbVmzwo+dljFnd0nc1v4IbdvG7lQhIiIi4iCa6iAP7OhRaN0aNm6MbXu6TDjLC/fGZ/KU2EarFY4dg5w5U71GERERkds04itJZgzMmgWlSsWGXicn+KLjDn4ND8Jn4R2ht1Ej2LMHgoIcUquIiIjIbRrxlSS5dMl2T9rixbFtjxeMYU29Tyj45XsQHW1r9PCA8eOhY0fN5RUREZE0QcFXEm31amjXDk6fjm3r2eQko862Jsvk9bGNQUG2HdgKF07tEkVERETuSlMd5L5u3oSePeHZZ2NDb44c8M03MHb4DbLs3GZrtFhgwADYtEmhV0RERNIcBV+5p927oVw5GDcutu2ZZ2zTdl95Bdt2bBMmgL8/rFtnW+LB1dVR5YqIiIjclYKvJMhqhTFjoEIF2L/f1ubmBvN7bmXl0uvkz39H5/bt4cABqF7dIbWKiIiIJIaCr8Rz4gTUqWPbhS0y0tZWNjCafzsOpfmEyjj16xP3BIsFsmVL/UJFREREkkDBV+JYsAACA22zFsCWaUe+foRtHtXI88X7th0rJk2K7SAiIiKSTmhVBwEgJAS6doW5c2PbCuQ3rGo9h+ITu8LVq7ZGZ2cYPBiqVnVInSIiIiIPSsFX2LAB2rSB48dj215rfIWJ1s64frQwtrFQIVsyfuqp1C9SRERE5CEp+GZikZG2wdtRo2y7sQF4e8PibhuoM6u1bbLvbe3a2VZv8PJySK0iIqkpJiaGqKgoR5chkqG5urri5JS6s24VfDOpAwegZUsIDo5tq14dFnTeQN5Xa8YmYV9fmDIFmjRxSJ0iIqnJGMPZs2cJCQlxdCkiGZ6TkxMBAQG4puIyqAq+mYwxMHEi9O1r25gCwMUFhg2D3r3BmadhUjXb/IeaNWH2bChQwLFFi4ikktuhN3fu3Hh4eGDRlusiKcJqtXL69GnOnDnDo48+mmq/awq+mciZM9ChA6xcGdtWvLht2m7p0rdbnGHOHNu2bG+/Dan8EYSIiKPExMTYQ2/OnDkdXY5IhpcrVy5Onz5NdHQ0Li4uqfKcSjWZxLffQsmScUPvgNcusOfJxpQO3xi3s78/9Oql0CsimcrtOb0eHh4OrkQkc7g9xSEmJibVnlMjvhnc1au2gdvp02Pb8uaF5V1XUe7zdnD2LOzeadubOHt2R5UpIpJmaHqDSOpwxO+ahvQysM2bbVMY7gy9zRre5EiDtyn3Xj1b6AW4dg0OHXJIjSIiIiKpRcE3A4qKgiFD4Omn4cgRW1u2bPDtB3uZf7g8WaeOj+1crx7s3QvlyjmmWBEREQc6ePAgefPm5ertjZokWVy8eJHcuXNz8uRJR5cSh4JvBvP337bA+8EHYLXa2io/ZeXo2+NpNLw8ln37bI1ubrZ1eX/80Tb3QURE0q127dphsViwWCy4uLgQEBBAv379uHl7+Z47rFixgurVq+Pl5YWHhwfly5dn5syZCV53yZIl1KhRA29vb7Jly0ZgYCAffPABly9fTuHvKPUMGDCAbt264ZWB16mfOHEiBQsWxN3dnYoVK7J169Z79p85c6b9/XT7y93dPU4fYwyDBw8mX758ZM2alTp16vD333/bj/v5+dGmTRuGDBmSIt/Tg1LwzSCMgWnTbFMbbr+fnZ1hbN8z/Jb9efyGvQ0REbYDJUvC9u3QrRtoLpuISIZQr149zpw5w5EjR/j000+ZMmVKvNDx2Wef0bBhQ6pUqcKWLVvYs2cPzZs3p1OnTvTp0ydO33fffZdmzZpRvnx5fvrpJ/bt28eYMWPYvXs3c+bMSbXvKzIyMsWuffz4cVasWEG7du0e6jopWePDWrhwIb169WLIkCHs3LmTUqVKUbduXc6fP3/P87Jnz86ZM2fsX//++2+c46NGjWLChAlMnjyZLVu24OnpSd26deP8sdW+fXvmzp2btv5QMplMaGioAUxoaKijS0k2584Z06CBMbb4a/t68kljtmwxxuzbZ4ybW+yBnj2NuXHD0SWLiKQ5N27cMAcOHDA30uG/kW3btjUNGzaM0/byyy+bMmXK2B8fP37cuLi4mF69esU7f8KECQYwf/zxhzHGmC1bthjAjBs3LsHnu3Llyl1rOXHihGnevLnx9fU1Hh4eJigoyH7dhOrs0aOHqV69uv1x9erVTZcuXUyPHj1Mzpw5TY0aNcyrr75qmjZtGue8yMhIkzNnTjNr1ixjjDExMTFmxIgRpmDBgsbd3d0EBgaab7755q51GmPM6NGjTbly5eK0Xbx40TRv3tw88sgjJmvWrKZEiRJm3rx5cfokVKMxxuzdu9fUq1fPeHp6mty5c5tWrVqZCxcu2M/76aefTJUqVYy3t7fJkSOHeeGFF8w///xzzxofVoUKFUyXLl3sj2NiYswjjzxiRo4ceddzZsyYYby9ve963Gq1mrx585rRo0fb20JCQoybm5uZP39+nL4BAQHmyy+/TPA69/qdS6m8phHfdO6HH2wDuMuWxba9+Sbs2gUVKgD/+x+MHm2bzrBqFYwdC//5uEJERO6uXDnbPj6p/fUwt17s27ePTZs2xdkRa/HixURFRcUb2QV48803yZYtG/Pnzwdg7ty5ZMuWjbfeeivB6/v4+CTYfu3aNapXr86pU6dYtmwZu3fvpl+/flhvz71LpFmzZuHq6srGjRuZPHkyLVu2ZPny5Vy7ds3eZ9WqVVy/fp2XXnoJgJEjRzJ79mwmT57M/v376dmzJ61atWLDhg13fZ7ffvuNcv95oW/evElQUBA//PAD+/bt44033qB169bxpgf8t8aQkBBq1apFmTJl2L59OytXruTcuXM0bdrUfk54eDi9evVi+/btrF27FicnJ1566aV7vj4jRowgW7Zs9/w6fvx4gudGRkayY8cO6tSpY29zcnKiTp06bN68+a7PCbaf5WOPPYa/vz8NGzZk//799mNHjx7l7Nmzca7r7e1NxYoV4123QoUK/Pbbb/d8rtSk5czSqevXoU8fmDQpti1XLvjmvd1Uf7OobQ7vbV27QqtWtu2HRUQkSc6ehVOnHF3F/a1YsYJs2bIRHR1NREQETk5OfP755/bjhw4dwtvbm3z58sU719XVlUKFCnHo1go/f//9N4UKFUrypgLz5s3jwoULbNu2jRw5cgDwxBNPJPl7efLJJxk1apT98eOPP46npyfffvstrVu3tj9XgwYN8PLyIiIighEjRrBmzRoqVaoEQKFChfj999+ZMmUK1atXT/B5/v3333jBN3/+/HH+OOjWrRurVq1i0aJFVKhQ4a41Dhs2jDJlyjBixAh72/Tp0/H39+fQoUMULlyYxo0bx3mu6dOnkytXLg4cOECJEiUSrLFTp05xwnNCHnnkkQTbL168SExMDHny5InTnidPHv7666+7Xq9IkSJMnz6dwMBAQkND+eSTT6hcuTL79++nQIECnL21KlRC17197M7adu3adc/6U5OCbzq0fbstxx48GNtW//kY5pb5BK/e78HxHvDJJ7EHLRaFXhGRB+So+3+T+rw1a9Zk0qRJhIeH8+mnn5IlS5Z4QSuxjDEPdF5wcDBlypSxh94HFRQUFOdxlixZaNq0KXPnzqV169aEh4fz/fffs2DBAgD++ecfrl+/zjPPPBPnvMjISMqUKXPX57lx40a8m7ZiYmIYMWIEixYt4tSpU0RGRhIRERFvY5P/1rh7927WrVtHtmzZ4j3P4cOHKVy4MH///TeDBw9my5YtXLx40T7Se/z48bsG3xw5cjz065lUlSpVsv8BAVC5cmWKFSvGlClT+PDDD5N0raxZs3L9+vXkLvGBKfimIzEx8PHHtqXKoqNtbVmzwpT3TtDq59ZYht/6OGfMGGjUyLa8g4iIPJTt2x1dQeJ4enraR1enT59OqVKl+Oqrr+jYsSMAhQsXJjQ0lNOnT8cbIYyMjOTw4cPUrFnT3vf3338nKioqSaO+WbNmvedxJyeneKH69o55//1e/qtly5ZUr16d8+fPs3r1arJmzUq9evUA7FMgfvjhB/Lnzx/nPLc7PwH9Dz8/P65cuRKnbfTo0YwfP55x48ZRsmRJPD09efvtt+PdwPbfGq9du0b9+vX5+OOP4z3P7VH2+vXr89hjjzFt2jQeeeQRrFYrJUqUuOfNcSNGjIgzipyQAwcO8Oijjyb4/Tk7O3Pu3Lk47efOnSNvEv6ycnFxoUyZMvzzzz8A9nPPnTsX5xOEc+fOUbp06TjnXr58mVy5ciX6uVKa5vimE0ePQvXq8O67saE3KAj+GbGI1qMDsdyew2SxwIABtyb4iohIZuTk5MTAgQN57733uHHjBgCNGzfGxcWFMWPGxOs/efJkwsPDefXVVwFo0aIF165d44svvkjw+iEhIQm2BwYGEhwcfNe7+HPlysWZM2fitAUHByfqe6pcuTL+/v4sXLiQuXPn0qRJE3soL168OG5ubhw/fpwnnngizpe/v/9dr1mmTBkOHDgQp23jxo00bNiQVq1aUapUqThTQO6lbNmy7N+/n4IFC8arwdPTk0uXLnHw4EHee+89ateuTbFixeKF7oR06tSJ4ODge37dbaqDq6srQUFBrF271t5mtVpZu3ZtnBHd+4mJiWHv3r32kBsQEEDevHnjXDcsLIwtW7bEu+6+ffvuOeqe6pL1Vrl0IL2t6mC1GjNrljFeXrELMzg5GfNBn1AT07pt3KUc/P2NWb/e0SWLiKRLGW1Vh6ioKJM/f/44d95/+umnxsnJyQwcOND8+eef5p9//jFjxowxbm5upnfv3nHO79evn3F2djZ9+/Y1mzZtMseOHTNr1qwxr7zyyl1Xe4iIiDCFCxc2VatWNb///rs5fPiwWbx4sdm0aZMxxpiVK1cai8ViZs2aZQ4dOmQGDx5ssmfPHm9Vhx49eiR4/XfffdcUL17cZMmSxfz222/xjuXMmdPMnDnT/PPPP2bHjh1mwoQJZubMmXd93ZYtW2Zy585toqOj7W09e/Y0/v7+ZuPGjebAgQPmtddeM9mzZ4/z+iZU46lTp0yuXLnMK6+8YrZu3Wr++ecfs3LlStOuXTsTHR1tYmJiTM6cOU2rVq3M33//bdauXWvKly9vAPPtt9/etcaHtWDBAuPm5mZmzpxpDhw4YN544w3j4+Njzp49a+/TunVr079/f/vjoUOHmlWrVpnDhw+bHTt2mObNmxt3d3ezf/9+e5+PPvrI+Pj4mO+//97s2bPHNGzY0AQEBMT5/QkPDzdZs2Y1v/76a4K1OWJVBwXfNOzSJWOaNImbbQMCjNk9eZMxhQrFPdCsmTGXLzu6ZBGRdCujBV9jjBk5cqTJlSuXuXbtmr3t+++/N1WrVjWenp7G3d3dBAUFmenTpyd43YULF5pq1aoZLy8v4+npaQIDA80HH3xwz+XMjh07Zho3bmyyZ89uPDw8TLly5cyWLVvsxwcPHmzy5MljvL29Tc+ePU3Xrl0THXwPHDhgAPPYY48Zq9Ua55jVajXjxo0zRYoUMS4uLiZXrlymbt26ZsOGDXetNSoqyjzyyCNm5cqV9rZLly6Zhg0bmmzZspncuXOb9957z7Rp0+a+wdcYYw4dOmReeukl4+PjY7JmzWqKFi1q3n77bXutq1evNsWKFTNubm4mMDDQrF+/PsWDrzHGfPbZZ+bRRx81rq6upkKFCvbl5e78ftq2bWt//Pbbb9v758mTxzz//PNm586dcc6xWq1m0KBBJk+ePMbNzc3Url3bHDx4ME6fefPmmSJFity1LkcEX4sxDziDPZ0KCwvD29ub0NBQsmfP7uhy7mr1amjXDk6fjm1r1w4+f2U9ng3r2Cb8Anh5wcSJtrvdtBmFiMgDu3nzJkePHiUgICDeDU+ScU2cOJFly5axatUqR5eS4Tz11FN0796dFi1aJHj8Xr9zKZXXdHNbGnPzpm2K7rhxsW05csCUKfDKK0BUFdvk3q1boXJl+PprCAhwVLkiIiLp2ptvvklISAhXr17N0NsWp7aLFy/y8ssv2+eNpxUa8U1Ddu+2Ddzu2xfb9swzMGMGxLlJ9Z9/YOFCeOcdyKK/XUREkoNGfEVSlyNGfLWqQxpgtdpWIKtQITb0urnBpBFXWOXXkvxnd8Q94YknbMs7KPSKiIiIJJqSk4OdOAFt28K6dbFtpUrBtz3WEzC4NZw8CTt3wM6d8J/Fs0VEREQk8TTi60ALFkBgYGzotVigf69Itj/Tn4COtWyhF+D8ebhjj2wRERERSTqN+DpASAh07Qpz58a2FSgA3ww7yFMTWthGd2+rWRNmz7Z1EBEREZEHpuCbyjZsgDZt4Pjx2LbmzQxfVpyKZ+eecGuHHVxcYPhw6N0bnDQwLyIiIvKwlKhSSWQk9O9vG8C9HXq9vWHxpAvMv9EIz16dYkNvkSLwxx/Qt69Cr4iIiEgyUapKBQcOwFNPwccf27ZZA6he3bZ8WeMKJ+DHH2M7d+5sm+pQtqxjihURERHJoBR8U5Ax8Pnntv0mdu2ytbm42ALw2rXw2GPYAu6wYeDnB8uWwRdfaPUGERFJVywWC999952jy0iz3n//fUqXLu3oMgQF3xRz5gw8/zx062bbjQ2geHEIXvAX/XpG4ex8R+c+fWyrNtSv75BaRUQkfWvXrh0WiwWLxYKLiwsBAQH069ePm7f/A5SBnT17lh49evDEE0/g7u5Onjx5qFKlCpMmTeL69euOLg+APn36sHbtWkeXIejmthTx7bfw+utw6VJsW49uVkY9+hmuLd6x7bg2dGjsQWdnyJ079QsVEZEMo169esyYMYOoqCh27NhB27ZtsVgsfPzxx44uLcUcOXKEKlWq4OPjw4gRIyhZsiRubm7s3buXqVOnkj9/fho0aODoMsmWLRvZsmVzdBmCRnyT1dWr0LEjvPxybOjNmxd+mXuGcYeex7Xv2xARYZvasHWrQ2sVEZGMxc3Njbx58+Lv70+jRo2oU6cOq1evth+/dOkSr776Kvnz58fDw4OSJUsyf/78ONeoUaMG3bt3p1+/fuTIkYO8efPy/vvvx+nz999/U61aNdzd3SlevHic57ht79691KpVi6xZs5IzZ07eeOMNrl27Zj/erl07GjVqxIgRI8iTJw8+Pj588MEHREdH07dvX3LkyEGBAgWYMWPGPb/nt956iyxZsrB9+3aaNm1KsWLFKFSoEA0bNuSHH36g/q1PUo8dO4bFYiE4ONh+bkhICBaLhfXr19vb9u3bx3PPPUe2bNnIkycPrVu35uLFi/bjixcvpmTJkvbvq06dOoSHhwOwfv16KlSogKenJz4+PlSpUoV///0XiD/V4fb3/8knn5AvXz5y5sxJly5diIqKsvc5c+YML7zwAlmzZiUgIIB58+ZRsGBBxo0bd8/XRO5NwTeZbN4MpUvD9OmxbS+9BAdHfU/NHoGwalXsge7dbTtXiIhI+jB2rG099ft9JTS62KBB4s4dOzbZyt23bx+bNm3C1dXV3nbz5k2CgoL44Ycf2LdvH2+88QatW7dm638GYmbNmoWnpydbtmxh1KhRfPDBB/Zwa7Vaefnll3F1dWXLli1MnjyZd955J8754eHh1K1bF19fX7Zt28Y333zDmjVr6Nq1a5x+v/zyC6dPn+bXX39l7NixDBkyhBdffBFfX1+2bNlCp06dePPNNzl5ezOn/7h06RI///wzXbp0wdPTM8E+Fosl0a9ZSEgItWrVokyZMmzfvp2VK1dy7tw5mjZtCtiC6KuvvkqHDh34888/Wb9+PS+//DLGGKKjo2nUqBHVq1dnz549bN68mTfeeOOez79u3ToOHz7MunXrmDVrFjNnzmTmzJn2423atOH06dOsX7+eJUuWMHXqVM6fP5/o70fuwmQyoaGhBjChoaHJcr3ISGMGDzbm/+3deVSU1f8H8DczOMMSiLiwKC6IoD9FlEUFMzcU1AxX+CYZGoolaErmiiKZS5pbZpqZYkaBdtQ8SaColKKlEqAJ4gKkFZBbEgoCM/f3BzEyAuYgm8z7dc6cztznPvf5PHMb/HC59z4SiRCly9mEeOEFIb7Yki+UAdMeFQJCmJsLERtbI9clIqKaVVBQIFJTU0VBQUHFg6Gh6j/Pq3r16VPx3D59nu7c0NBqx+7n5yekUqkwNDQUcrlcABASiUR88803TzxvxIgR4p133lG979+/v3jxxRfV6ri4uIh58+YJIYSIjY0Vurq64o8//lAd//777wUAsX//fiGEENu2bRPNmjUT+fn5qjqHDh0SEolE5OTkqOJt166dUCgUqjp2dnaiX79+qvclJSXC0NBQfP3115XG/tNPPwkAYt++fWrlzZs3F4aGhsLQ0FDMnTtXCCFEZmamACCSkpJU9e7evSsAiOPHjwshhFi2bJkYOnSoWls3btwQAER6erpITEwUAERWVlaFWG7fvi0AiPj4+EpjDQ0NFQ4ODqr3ZfdfUlKiKhs/frzw8fERQgiRlpYmAIizZ8+qjl+5ckUAEOvXr6/0Gs+jJ33najpfK8M5vs/gyhXgtdfUZy24ugJR8xJhNXcCcPnyowNeXsD27aW7NxAR0fPF2Bho3fq/67VsWXnZ05xrbKx5XOUMHDgQW7Zswf3797F+/Xro6upi7NixquMKhQIrVqzAnj178Mcff6CoqAgPHz6EwWM7CXV/7C+SFhYWqpHGtLQ0WFlZwdLSUnXc1dVVrX5aWhocHBzURmH79u0LpVKJ9PR0mJmZAQC6du0KSbm96s3MzNCtWzfVe6lUiubNm2s8ynnmzBkolUr4+vri4cOHT31eSkoKjh8/Xulc3GvXrmHo0KEYPHgw7O3t4eHhgaFDh2LcuHFo1qwZTE1NMWnSJHh4eGDIkCFwd3eHt7c3LCwsqrxe165dIS230t3CwgIXLlwAAKSnp0NXVxeO5bY2tbGxQbNmzZ76fqhyTHyrQYjSHHbWLKBswahUCoSGAgv7HIN0uAdQUlJ6wMAA2LABmDIF0OBPLkRE1IAEB5e+quPgwZqNpQqGhoawsbEBAOzYsQMODg74/PPP4e/vDwBYs2YNNm7ciA0bNsDe3h6GhoaYNWsWioqK1Npp0qSJ2nsdHR0olcoaj7ey62hybRsbG+jo6CA9PV2t3NraGgCgr6+vKitLsEXZZvqA2nxaAMjPz8fIkSMrXQxoYWEBqVSKI0eO4NSpUzh8+DA2bdqERYsW4eeff0aHDh2wc+dOzJw5EzExMYiKikJISAiOHDmCPn36PPX918bnTOo4x1dDN28Co0YBAQGPkt5OnYBTp4DFiwHpS31L9y0DHm3gO3Uqk14iIqozEokECxcuREhICAr+fSpoQkICvLy88Nprr8HBwQHW1ta4XP4vk0+hS5cuuHHjBrKzs1VlP/30U4U6KSkpqkVfZdeWSCSws7N7hrtS17x5cwwZMgQff/yx2rUq0/LfkfjycZdf6AYAjo6OuHjxItq3bw8bGxu1V9notY6ODvr27YuwsDAkJSVBJpNh//79qjZ69uyJBQsW4NSpU+jWrRu++uqrat2bnZ0dSkpKkFT2EAAAV69exd27d6vVHj3CxFcD0dGAvb36L+/TppXmtr16/VsglwNffQUsWlSaDdva1kusRESk3caPHw+pVIrNmzcDADp16qQasUxLS8O0adOQm5urUZvu7u6wtbWFn58fUlJScOLECSxatEitjq+vL/T09ODn54dff/0Vx48fx4wZMzBx4kTVNIea8sknn6CkpATOzs6IiopCWloa0tPT8eWXX+LSpUuqqQT6+vro06cPVq1ahbS0NPzwww8ICQlRayswMBB37tzBq6++irNnz+LatWuIjY3F5MmToVAo8PPPP2PFihU4d+4crl+/jn379uHmzZvo0qULMjMzsWDBApw+fRq//fYbDh8+jCtXrqBLly7Vuq/OnTvD3d0dAQEBOHPmDJKSkhAQEAB9fX2NFuxRRUx8n8KDB8D06cCIEUDZz4iWLYHoyDxsVUyFYdZF9RO6di3dsqzcaloiIqK6pKuri6CgIKxevRr3799HSEgIHB0d4eHhgQEDBsDc3ByjRo3SqE2JRIL9+/ejoKAAvXr1wpQpU7B8+XK1OgYGBoiNjcWdO3fg4uKCcePGYfDgwfj4449r8O5KdezYEUlJSXB3d8eCBQvg4OAAZ2dnbNq0CXPmzMGyZctUdXfs2IGSkhI4OTlh1qxZeP/999XasrS0REJCAhQKBYYOHQp7e3vMmjULJiYmkEgkMDY2xo8//ojhw4fD1tYWISEhWLt2LYYNGwYDAwNcunQJY8eOha2tLQICAhAYGIhp06ZV+96++OILmJmZ4aWXXsLo0aMxdepUGBkZQU9Pr9ptEqAjyk940QJ5eXlo2rQp7t27B+OnWEiQmAj4+gLlpxCNGAF88dZpmM58DcjIKN2a7MyZ0tFeIiJ6LhUWFiIzMxMdOnRgckENzu+//w4rKyvExcVh8ODB9R1OjXjSd07TfO1pcXFbFRQK4IMPShesla1T09cH1q8pQcDN5dDxWlZaCQAyM4Hz5wEXl/oLmIiIiBqNY8eOIT8/H/b29sjOzsbcuXPRvn17vPTSS/Ud2nONiW8lMjOBiROBhIRHZU5OwJ5VGbBe8lrp0yrKuLkBX34JdOhQ94ESERFRo1RcXIyFCxciIyMDRkZGcHNzQ0RERIXdIEgzTHzLEQLYvRsICip9/DAASCTAgvkCSzvuhu6YcgekUmDJEmDhQkCXHyMRERHVHA8PD3h4eNR3GI0OM7Z/3bkDvPkmsHfvo7IOHYCvNt9Fn11vASuiHh2wtgYiIoAq9uYjIiIiooaHuzoAiIsr3aasfNI7aRKQnAz0aZpWxQEmvUREjZGWrfkmqjf18V3T6sS3sBCYPRsYMgT488/SsmbNSvPcnTv/fXqkm1vpnrwmJsCePaUHjIzqM2wiIqoFZXMnH5Q9nYiIalXZUwPLP7q5tmntVIdffy19+MSvvz4qGzIE+CIsE+a92gIo1wmLF5dWfppnrRMR0XNJKpXCxMQEf/31F4DS/Wj5sACi2qFUKnHz5k0YGBhAtw7XSmlt4jtgAFD2mG65HPhglcAM+TZIBs8u3cNs3rxHlZs0YdJLRKQFzM3NAUCV/BJR7ZFIJGjbtm2d/oKptQ+wAO4BMEb37kDkppvosnbKo2cR6+qWPpCiZ8/6DJWIiOqJQqFAcdnoCBHVCplMBomk8lm3fIBFLZgzB1jePxYyn0lATs6jA1OmAHZ29RYXERHVL6lUWqfzDomobjSIxW2bN29G+/btoaenh969e+PMmTNPrL9371507twZenp6sLe3R3R0tMbXHD2sEGuKZ0E20vNR0tuiRemo75YtgIFBdW6FiIiIiBqoek98o6KiEBwcjNDQUPzyyy9wcHCAh4dHlfOrTp06hVdffRX+/v5ISkrCqFGjMGrUKPxafpXaU1h2cgCwceOjAk9P4MIFYOTIZ7gbIiIiImqo6n2Ob+/eveHi4oKPP/4YQOkqPysrK8yYMQPz58+vUN/Hxwf379/Hd999pyrr06cPevToga1bt/7n9VRzRgAYA6Ur29asKX1cG1fvEhEREdW7RjnHt6ioCImJiViwYIGqTCKRwN3dHadPn670nNOnTyM4OFitzMPDAwcOHKi0/sOHD/Hw4UPV+3v37gEA8gDg//4P+Pzz0v+WPYqYiIiIiOpVXl4egJp/yEW9Jr63bt2CQqGAmZmZWrmZmRkuXbpU6Tk5OTmV1s8pvzitnJUrVyIsLKxCuRUApKYCrq7Vip2IiIiIatft27f/3Y2rZjT6XR0WLFigNkL8999/o127drh+/XqNfpDUMOXl5cHKygo3btyo0T+VUMPE/tYu7G/twv7WLvfu3UPbtm1hampao+3Wa+LbokULSKVS5ObmqpXn5uaqNhF/nLm5uUb15XI55HJ5hfKmTZvyi6NFjI2N2d9ahP2tXdjf2oX9rV2q2ue32u3VaGsakslkcHJywtGjR1VlSqUSR48ehWsVUxBcXV3V6gPAkSNHqqxPRERERAQ0gKkOwcHB8PPzg7OzM3r16oUNGzbg/v37mDx5MgDg9ddfR+vWrbFy5UoAwNtvv43+/ftj7dq1GDFiBCIjI3Hu3Dls27atPm+DiIiIiBq4ek98fXx8cPPmTSxZsgQ5OTno0aMHYmJiVAvYrl+/rjbM7ebmhq+++gohISFYuHAhOnXqhAMHDqBbt25PdT25XI7Q0NBKpz9Q48P+1i7sb+3C/tYu7G/tUlv9Xe/7+BIRERER1YV6f3IbEREREVFdYOJLRERERFqBiS8RERERaQUmvkRERESkFRpl4rt582a0b98eenp66N27N86cOfPE+nv37kXnzp2hp6cHe3t7REdH11GkVBM06e/PPvsM/fr1Q7NmzdCsWTO4u7v/5/8f1LBo+v0uExkZCR0dHYwaNap2A6QapWl///333wgMDISFhQXkcjlsbW35M/05oml/b9iwAXZ2dtDX14eVlRVmz56NwsLCOoqWnsWPP/6IkSNHwtLSEjo6Ojhw4MB/nhMfHw9HR0fI5XLY2NggPDxc8wuLRiYyMlLIZDKxY8cOcfHiRTF16lRhYmIicnNzK62fkJAgpFKpWL16tUhNTRUhISGiSZMm4sKFC3UcOVWHpv09YcIEsXnzZpGUlCTS0tLEpEmTRNOmTcXvv/9ex5FTdWja32UyMzNF69atRb9+/YSXl1fdBEvPTNP+fvjwoXB2dhbDhw8XJ0+eFJmZmSI+Pl4kJyfXceRUHZr2d0REhJDL5SIiIkJkZmaK2NhYYWFhIWbPnl3HkVN1REdHi0WLFol9+/YJAGL//v1PrJ+RkSEMDAxEcHCwSE1NFZs2bRJSqVTExMRodN1Gl/j26tVLBAYGqt4rFAphaWkpVq5cWWl9b29vMWLECLWy3r17i2nTptVqnFQzNO3vx5WUlAgjIyOxa9eu2gqRalB1+rukpES4ubmJ7du3Cz8/Pya+zxFN+3vLli3C2tpaFBUV1VWIVIM07e/AwEAxaNAgtbLg4GDRt2/fWo2Tat7TJL5z584VXbt2VSvz8fERHh4eGl2rUU11KCoqQmJiItzd3VVlEokE7u7uOH36dKXnnD59Wq0+AHh4eFRZnxqO6vT34x48eIDi4mKYmprWVphUQ6rb3++99x5atWoFf3//ugiTakh1+vvgwYNwdXVFYGAgzMzM0K1bN6xYsQIKhaKuwqZqqk5/u7m5ITExUTUdIiMjA9HR0Rg+fHidxEx1q6bytXp/cltNunXrFhQKheqpb2XMzMxw6dKlSs/JycmptH5OTk6txUk1ozr9/bh58+bB0tKywpeJGp7q9PfJkyfx+eefIzk5uQ4ipJpUnf7OyMjAsWPH4Ovri+joaFy9ehXTp09HcXExQkND6yJsqqbq9PeECRNw69YtvPjiixBCoKSkBG+++SYWLlxYFyFTHasqX8vLy0NBQQH09fWfqp1GNeJLpIlVq1YhMjIS+/fvh56eXn2HQzXsn3/+wcSJE/HZZ5+hRYsW9R0O1QGlUolWrVph27ZtcHJygo+PDxYtWoStW7fWd2hUC+Lj47FixQp88skn+OWXX7Bv3z4cOnQIy5Ytq+/QqAFrVCO+LVq0gFQqRW5urlp5bm4uzM3NKz3H3Nxco/rUcFSnv8t8+OGHWLVqFeLi4tC9e/faDJNqiKb9fe3aNWRlZWHkyJGqMqVSCQDQ1dVFeno6OnbsWLtBU7VV5/ttYWGBJk2aQCqVqsq6dOmCnJwcFBUVQSaT1WrMVH3V6e/Fixdj4sSJmDJlCgDA3t4e9+/fR0BAABYtWgSJhGN7jUlV+ZqxsfFTj/YCjWzEVyaTwcnJCUePHlWVKZVKHD16FK6urpWe4+rqqlYfAI4cOVJlfWo4qtPfALB69WosW7YMMTExcHZ2rotQqQZo2t+dO3fGhQsXkJycrHq98sorGDhwIJKTk2FlZVWX4ZOGqvP97tu3L65evar6BQcALl++DAsLCya9DVx1+vvBgwcVktuyX3pK10tRY1Jj+Zpm6+4avsjISCGXy0V4eLhITU0VAQEBwsTEROTk5AghhJg4caKYP3++qn5CQoLQ1dUVH374oUhLSxOhoaHczuw5oml/r1q1SshkMvHNN9+I7Oxs1euff/6pr1sgDWja34/jrg7PF037+/r168LIyEgEBQWJ9PR08d1334lWrVqJ999/v75ugTSgaX+HhoYKIyMj8fXXX4uMjAxx+PBh0bFjR+Ht7V1ft0Aa+Oeff0RSUpJISkoSAMS6detEUlKS+O2334QQQsyfP19MnDhRVb9sO7N3331XpKWlic2bN3M7szKbNm0Sbdu2FTKZTPTq1Uv89NNPqmP9+/cXfn5+avX37NkjbG1thUwmE127dhWHDh2q44jpWWjS3+3atRMAKrxCQ0PrPnCqFk2/3+Ux8X3+aNrfp06dEr179xZyuVxYW1uL5cuXi5KSkjqOmqpLk/4uLi4WS5cuFR07dhR6enrCyspKTJ8+Xdy9e7fuAyeNHT9+vNJ/j8v62M/PT/Tv37/COT169BAymUxYW1uLnTt3anxdHSH49wAiIiIiavwa1RxfIiIiIqKqMPElIiIiIq3AxJeIiIiItAITXyIiIiLSCkx8iYiIiEgrMPElIiIiIq3AxJeIiIiItAITXyIiIiLSCkx8iYgAhIeHw8TEpL7DqDYdHR0cOHDgiXUmTZqEUaNG1Uk8REQNERNfImo0Jk2aBB0dnQqvq1ev1ndoCA8PV8UjkUjQpk0bTJ48GX/99VeNtJ+dnY1hw4YBALKysqCjo4Pk5GS1Ohs3bkR4eHiNXK8qS5cuVd2nVCqFlZUVAgICcOfOHY3aYZJORLVBt74DICKqSZ6enti5c6daWcuWLespGnXGxsZIT0+HUqlESkoKJk+ejD///BOxsbHP3La5ufl/1mnatOkzX+dpdO3aFXFxcVAoFEhLS8Mbb7yBe/fuISoqqk6uT0RUFY74ElGjIpfLYW5urvaSSqVYt24d7O3tYWhoCCsrK0yfPh35+flVtpOSkoKBAwfCyMgIxsbGcHJywrlz51THT548iX79+kFfXx9WVlaYOXMm7t+//8TYdHR0YG5uDktLSwwbNgwzZ85EXFwcCgoKoFQq8d5776FNmzaQy+Xo0aMHYmJiVOcWFRUhKCgIFhYW0NPTQ7t27bBy5Uq1tsumOnTo0AEA0LNnT+jo6GDAgAEA1EdRt23bBktLSyiVSrUYvby88MYbb6jef/vtt3B0dISenh6sra0RFhaGkpKSJ96nrq4uzM3N0bp1a7i7u2P8+PE4cuSI6rhCoYC/vz86dOgAfX192NnZYePGjarjS5cuxa5du/Dtt9+qRo/j4+MBADdu3IC3tzdMTExgamoKLy8vZGVlPTEeIqIyTHyJSCtIJBJ89NFHuHjxInbt2oVjx45h7ty5Vdb39fVFmzZtcPbsWSQmJmL+/Plo0qQJAODatWvw9PTE2LFjcf78eURFReHkyZMICgrSKCZ9fX0olUqUlJRg48aNWLt2LT788EOcP38eHh4eeOWVV3DlyhUAwEcffYSDBw9iz549SE9PR0REBNq3b19pu2fOnAEAxMXFITs7G/v27atQZ/z48bh9+zaOHz+uKrtz5w5iYmLg6+sLADhx4gRef/11vP3220hNTcWnn36K8PBwLF++/KnvMSsrC7GxsZDJZKoypVKJNm3aYO/evUhNTcWSJUuwcOFC7NmzBwAwZ84ceHt7w9PTE9nZ2cjOzoabmxuKi4vh4eEBIyMjnDhxAgkJCXjhhRfg6emJoqKip46JiLSYICJqJPz8/IRUKhWGhoaq17hx4yqtu3fvXtG8eXPV+507d4qmTZuq3hsZGYnw8PBKz/X39xcBAQFqZSdOnBASiUQUFBRUes7j7V++fFnY2toKZ2dnIYQQlpaWYvny5WrnuLi4iOnTpwshhJgxY4YYNGiQUCqVlbYPQOzfv18IIURmZqYAIJKSktTq+Pn5CS8vL9V7Ly8v8cYbb6jef/rpp8LS0lIoFAohhBCDBw8WK1asUGtj9+7dwsLCotIYhBAiNDRUSCQSYWhoKPT09AQAAUCsW7euynOEECIwMFCMHTu2yljLrm1nZ6f2GTx8+FDo6+uL2NjYJ7ZPRCSEEJzjS0SNysCBA7FlyxbVe0NDQwClo58rV67EpUuXkJeXh5KSEhQWFuLBgwcwMDCo0E5wcDCmTJmC3bt3q/5c37FjRwCl0yDOnz+PiIgIVX0hBJRKJTIzM9GlS5dKY7t37x5eeOEFKJVKFBYW4sUXX8T27duRl5eHP//8E3379lWr37dvX6SkpAAonaYwZMgQ2NnZwdPTEy+//DKGDh36TJ+Vr68vpk6dik8++QRyuRwRERH43//+B4lEorrPhIQEtRFehULxxM8NAOzs7HDw4EEUFhbiyy+/RHJyMmbMmKFWZ/PmzdixYweuX7+OgoICFBUVoUePHk+MNyUlBVevXoWRkZFaeWFhIa5du1aNT4CItA0TXyJqVAwNDWFjY6NWlpWVhZdffhlvvfUWli9fDlNTU5w8eRL+/v4oKiqqNIFbunQpJkyYgEOHDuH7779HaGgoIiMjMXr0aOTn52PatGmYOXNmhfPatm1bZWxGRkb45ZdfIJFIYGFhAX19fQBAXl7ef96Xo6MjMjMz8f333yMuLg7e3t5wd3fHN99885/nVmXkyJEQQuDQoUNwcXHBiRMnsH79etXx/Px8hIWFYcyYMRXO1dPTq7JdmUym6oNVq1ZhxIgRCAsLw7JlywAAkZGRmDNnDtauXQtXV1cYGRlhzZo1+Pnnn58Yb35+PpycnNR+4SjTUBYwElHDxsSXiBq9xMREKJVKrF27VjWaWTaf9ElsbW1ha2uL2bNn49VXX8XOnTsxevRoODo6IjU1tUKC/V8kEkml5xgbG8PS0hIJCQno37+/qjwhIQG9evVSq+fj4wMfHx+MGzcOnp6euHPnDkxNTdXaK5tPq1AonhiPnp4exowZg4iICFy9ehV2dnZwdHRUHXd0dER6errG9/m4kJAQDBo0CG+99ZbqPt3c3DB9+nRVncdHbGUyWYX4HR0dERUVhVatWsHY2PiZYiIi7cTFbUTU6NnY2KC4uBibNm1CRkYGdu/eja1bt1ZZv6CgAEFBQYiPj8dvv/2GhIQEnD17VjWFYd68eTh16hSCgoKQnJyMK1eu4Ntvv9V4cVt57777Lj744ANERUUhPT0d8+fPR3JyMt5++20AwLp16/D111/j0qVLuHz5Mvbu3Qtzc/NKH7rRqlUr6OvrIyYmBrm5ubh3716V1/X19cWhQ4ewY8cO1aK2MkuWLMEXX3yBsLAwXLx4EWlpaYiMjERISIhG9+bq6oru3btjxYoVAIBOnTrh3LlziI2NxeXLl7F48WKcPXtW7Zz27dvj/PnzSE9Px61bt1BcXAxfX1+0aNECXl5eOHHiBDIzMxEfH4+ZM2fi999/1ygmItJOTHyJqNFzcHDAunXr8MEHH6Bbt26IiIhQ2wrscVKpFLdv38brr78OW1tbeHt7Y9iwYQgLCwMAdO/eHT/88AMuX76Mfv36oWfPnliyZAksLS2rHePMmTMRHByMd955B/b29oiJicHBgwfRqVMnAKXTJFavXg1nZ2e4uLggKysL0dHRqhHs8nR1dfHRRx/h008/haWlJby8vKq87qBBg2Bqaor09HRMmDBB7ZiHhwe+++47HD58GC4uLujTpw/Wr1+Pdu3aaXx/s2fPxvbt23Hjxg1MmzYNY8aMgY+PD3r37o3bt2+rjf4CwNSpU2FnZwdnZ2e0bNkSCQkJMDAwwI8//oi2bdtizJgx6NKlC/z9/VFYWMgRYCJ6KjpCCFHfQRARERER1TaO+BIRERGRVmDiS0RERERagYkvEREREWkFJr5EREREpBWY+BIRERGRVmDiS0RERERagYkvEREREWkFJr5EREREpBWY+BIRERGRVmDiS0RERERagYkvEREREWmF/wcu+xog0od1kAAAAABJRU5ErkJggg==", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "plot_roc_curve(y_test, y_pred)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Aritificial Neural Networks" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "#### Normalized data" + ] + }, + { + "cell_type": "code", + "execution_count": 93, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "\u001b[1m8/8\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m0s\u001b[0m 11ms/step\n", + "\u001b[1m8/8\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m0s\u001b[0m 11ms/step\n", + "\u001b[1m8/8\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m0s\u001b[0m 11ms/step\n", + "\u001b[1m8/8\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m0s\u001b[0m 11ms/step\n", + "\u001b[1m8/8\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m0s\u001b[0m 11ms/step\n", + "\u001b[1m8/8\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m0s\u001b[0m 11ms/step\n", + "\u001b[1m8/8\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m0s\u001b[0m 11ms/step\n", + "\u001b[1m8/8\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m0s\u001b[0m 11ms/step\n", + "\u001b[1m8/8\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m0s\u001b[0m 11ms/step\n", + "\u001b[1m8/8\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m0s\u001b[0m 11ms/step\n", + "Time taken for training with the neural network: 144.79 seconds\n", + "\n", + "Mean Accuracy: 0.8171697786998617\n", + "Standard Deviation of Accuracy: 0.025152576721826293\n", + "Mean Precision: 0.8447036380270042\n", + "Standard Deviation of Precision: 0.049722555808341035\n", + "Mean Recall: 0.573082574199236\n", + "Standard Deviation of Recall: 0.06651505892612729\n", + "Mean F1-score: 0.6804141722616107\n", + "Standard Deviation of F1-score: 0.05216772057265371\n", + "Mean ROC AUC: 0.7586710137786473\n", + "Standard Deviation of ROC AUC: 0.033583387972268466\n", + "\n", + "Total time taken: 144.79 seconds\n" + ] + } + ], + "source": [ + "from tensorflow.keras.layers import Dense, InputLayer\n", + "from tensorflow.keras.models import Sequential\n", + "from sklearn.model_selection import StratifiedKFold\n", + "from sklearn.metrics import accuracy_score, precision_score, recall_score, f1_score, roc_auc_score, confusion_matrix\n", + "import numpy as np\n", + "import time\n", + "\n", + "def build_model():\n", + " model = Sequential()\n", + " model.add(InputLayer(input_shape=(13,)))\n", + " model.add(Dense(10, activation='elu'))\n", + " model.add(Dense(20, activation='elu'))\n", + " model.add(Dense(40, activation='elu'))\n", + " model.add(Dense(80, activation='elu'))\n", + " model.add(Dense(100, activation='elu'))\n", + " model.add(Dense(200, activation='elu'))\n", + " model.add(Dense(100, activation='elu'))\n", + " model.add(Dense(80, activation='elu'))\n", + " model.add(Dense(40, activation='elu'))\n", + " model.add(Dense(20, activation='elu'))\n", + " model.add(Dense(10, activation='elu'))\n", + " model.add(Dense(1, activation='sigmoid'))\n", + " model.compile(loss='binary_crossentropy', optimizer='adam', metrics=['accuracy'])\n", + " return model\n", + "\n", + "start_total_time = time.time()\n", + "\n", + "kf = StratifiedKFold(n_splits=10, shuffle=True, random_state=42)\n", + "\n", + "accuracy_scores = []\n", + "precision_scores = []\n", + "recall_scores = []\n", + "f1_scores = []\n", + "roc_auc_scores = []\n", + "confusion_matrices = []\n", + "\n", + "start_time = time.time()\n", + "\n", + "for train_index, test_index in kf.split(normal(x), y):\n", + " X_train, X_test = x.iloc[train_index], x.iloc[test_index]\n", + " y_train, y_test = y.iloc[train_index], y.iloc[test_index]\n", + "\n", + " model = build_model()\n", + " model.fit(X_train, y_train, epochs=100, batch_size=32, verbose=0)\n", + "\n", + " y_pred = (model.predict(X_test) > 0.5).astype(int).ravel()\n", + "\n", + " accuracy = accuracy_score(y_test, y_pred)\n", + " accuracy_scores.append(accuracy)\n", + " \n", + " precision = precision_score(y_test, y_pred)\n", + " precision_scores.append(precision)\n", + " \n", + " recall = recall_score(y_test, y_pred)\n", + " recall_scores.append(recall)\n", + " \n", + " f1 = f1_score(y_test, y_pred)\n", + " f1_scores.append(f1)\n", + " \n", + " roc_auc = roc_auc_score(y_test, y_pred)\n", + " roc_auc_scores.append(roc_auc)\n", + " \n", + " confusion = confusion_matrix(y_test, y_pred)\n", + " confusion_matrices.append(confusion)\n", + "\n", + "training_time = time.time() - start_time\n", + "print(f\"Time taken for training with the neural network: {training_time:.2f} seconds\")\n", + "print()\n", + "\n", + "mean_accuracy = np.mean(accuracy_scores)\n", + "std_accuracy = np.std(accuracy_scores)\n", + "\n", + "mean_precision = np.mean(precision_scores)\n", + "std_precision = np.std(precision_scores)\n", + "\n", + "mean_recall = np.mean(recall_scores)\n", + "std_recall = np.std(recall_scores)\n", + "\n", + "mean_f1 = np.mean(f1_scores)\n", + "std_f1 = np.std(f1_scores)\n", + "\n", + "mean_roc_auc = np.mean(roc_auc_scores)\n", + "std_roc_auc = np.std(roc_auc_scores)\n", + "\n", + "print(f\"Mean Accuracy: {mean_accuracy}\")\n", + "print(f\"Standard Deviation of Accuracy: {std_accuracy}\")\n", + "\n", + "print(f\"Mean Precision: {mean_precision}\")\n", + "print(f\"Standard Deviation of Precision: {std_precision}\")\n", + "\n", + "print(f\"Mean Recall: {mean_recall}\")\n", + "print(f\"Standard Deviation of Recall: {std_recall}\")\n", + "\n", + "print(f\"Mean F1-score: {mean_f1}\")\n", + "print(f\"Standard Deviation of F1-score: {std_f1}\")\n", + "\n", + "print(f\"Mean ROC AUC: {mean_roc_auc}\")\n", + "print(f\"Standard Deviation of ROC AUC: {std_roc_auc}\")\n", + "print()\n", + "\n", + "total_time = time.time() - start_total_time\n", + "print(f\"Total time taken: {total_time:.2f} seconds\")" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "#### Standardized data" + ] + }, + { + "cell_type": "code", + "execution_count": 94, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "\u001b[1m8/8\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m0s\u001b[0m 11ms/step\n", + "\u001b[1m8/8\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m0s\u001b[0m 12ms/step\n", + "\u001b[1m8/8\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m0s\u001b[0m 13ms/step\n", + "\u001b[1m8/8\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m0s\u001b[0m 12ms/step\n", + "\u001b[1m8/8\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m0s\u001b[0m 12ms/step\n", + "\u001b[1m8/8\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m0s\u001b[0m 12ms/step\n", + "\u001b[1m8/8\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m0s\u001b[0m 12ms/step\n", + "\u001b[1m8/8\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m0s\u001b[0m 12ms/step\n", + "\u001b[1m8/8\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m0s\u001b[0m 12ms/step\n", + "\u001b[1m8/8\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m0s\u001b[0m 12ms/step\n", + "Time taken for training with the neural network: 148.33 seconds\n", + "\n", + "Mean Accuracy: 0.8229944674965421\n", + "Standard Deviation of Accuracy: 0.029744215375800055\n", + "Mean Precision: 0.8011375104198775\n", + "Standard Deviation of Precision: 0.043153025471335704\n", + "Mean Recall: 0.6458859829562151\n", + "Standard Deviation of Recall: 0.10481774581261948\n", + "Mean F1-score: 0.7094828641130981\n", + "Standard Deviation of F1-score: 0.07098989563630892\n", + "Mean ROC AUC: 0.7805137404904433\n", + "Standard Deviation of ROC AUC: 0.04622894802713778\n", + "\n", + "Total time taken: 148.33 seconds\n" + ] + } + ], + "source": [ + "from tensorflow.keras.layers import Dense, InputLayer\n", + "from tensorflow.keras.models import Sequential\n", + "from sklearn.model_selection import StratifiedKFold\n", + "from sklearn.metrics import accuracy_score, precision_score, recall_score, f1_score, roc_auc_score, confusion_matrix\n", + "import numpy as np\n", + "import time\n", + "\n", + "def build_model():\n", + " model = Sequential()\n", + " model.add(InputLayer(input_shape=(13,)))\n", + " model.add(Dense(10, activation='elu'))\n", + " model.add(Dense(20, activation='elu'))\n", + " model.add(Dense(40, activation='elu'))\n", + " model.add(Dense(80, activation='elu'))\n", + " model.add(Dense(100, activation='elu'))\n", + " model.add(Dense(200, activation='elu'))\n", + " model.add(Dense(100, activation='elu'))\n", + " model.add(Dense(80, activation='elu'))\n", + " model.add(Dense(40, activation='elu'))\n", + " model.add(Dense(20, activation='elu'))\n", + " model.add(Dense(10, activation='elu'))\n", + " model.add(Dense(1, activation='sigmoid'))\n", + " model.compile(loss='binary_crossentropy', optimizer='adam', metrics=['accuracy'])\n", + " return model\n", + "\n", + "start_total_time = time.time()\n", + "\n", + "kf = StratifiedKFold(n_splits=10, shuffle=True, random_state=42)\n", + "\n", + "accuracy_scores = []\n", + "precision_scores = []\n", + "recall_scores = []\n", + "f1_scores = []\n", + "roc_auc_scores = []\n", + "confusion_matrices = []\n", + "\n", + "start_time = time.time()\n", + "\n", + "for train_index, test_index in kf.split(standard(x), y):\n", + " X_train, X_test = x.iloc[train_index], x.iloc[test_index]\n", + " y_train, y_test = y.iloc[train_index], y.iloc[test_index]\n", + "\n", + " model = build_model()\n", + " model.fit(X_train, y_train, epochs=100, batch_size=32, verbose=0)\n", + "\n", + " y_pred = (model.predict(X_test) > 0.5).astype(int).ravel()\n", + "\n", + " accuracy = accuracy_score(y_test, y_pred)\n", + " accuracy_scores.append(accuracy)\n", + " \n", + " precision = precision_score(y_test, y_pred)\n", + " precision_scores.append(precision)\n", + " \n", + " recall = recall_score(y_test, y_pred)\n", + " recall_scores.append(recall)\n", + " \n", + " f1 = f1_score(y_test, y_pred)\n", + " f1_scores.append(f1)\n", + " \n", + " roc_auc = roc_auc_score(y_test, y_pred)\n", + " roc_auc_scores.append(roc_auc)\n", + " \n", + " confusion = confusion_matrix(y_test, y_pred)\n", + " confusion_matrices.append(confusion)\n", + "\n", + "training_time = time.time() - start_time\n", + "print(f\"Time taken for training with the neural network: {training_time:.2f} seconds\")\n", + "print()\n", + "\n", + "mean_accuracy = np.mean(accuracy_scores)\n", + "std_accuracy = np.std(accuracy_scores)\n", + "\n", + "mean_precision = np.mean(precision_scores)\n", + "std_precision = np.std(precision_scores)\n", + "\n", + "mean_recall = np.mean(recall_scores)\n", + "std_recall = np.std(recall_scores)\n", + "\n", + "mean_f1 = np.mean(f1_scores)\n", + "std_f1 = np.std(f1_scores)\n", + "\n", + "mean_roc_auc = np.mean(roc_auc_scores)\n", + "std_roc_auc = np.std(roc_auc_scores)\n", + "\n", + "print(f\"Mean Accuracy: {mean_accuracy}\")\n", + "print(f\"Standard Deviation of Accuracy: {std_accuracy}\")\n", + "\n", + "print(f\"Mean Precision: {mean_precision}\")\n", + "print(f\"Standard Deviation of Precision: {std_precision}\")\n", + "\n", + "print(f\"Mean Recall: {mean_recall}\")\n", + "print(f\"Standard Deviation of Recall: {std_recall}\")\n", + "\n", + "print(f\"Mean F1-score: {mean_f1}\")\n", + "print(f\"Standard Deviation of F1-score: {std_f1}\")\n", + "\n", + "print(f\"Mean ROC AUC: {mean_roc_auc}\")\n", + "print(f\"Standard Deviation of ROC AUC: {std_roc_auc}\")\n", + "print()\n", + "\n", + "total_time = time.time() - start_total_time\n", + "print(f\"Total time taken: {total_time:.2f} seconds\")" + ] } ], "metadata": { From 464f550468b9a7cfa343e1cd258fee46edf6bec7 Mon Sep 17 00:00:00 2001 From: Arihant Bhandari Date: Mon, 24 Jun 2024 14:22:55 +0530 Subject: [PATCH 3/3] Added models, ANN model implementations with saved models, tabulated all metrics into METRICS.md --- Metabolic Syndrome Prediction/METRICS.md | 44 + .../metabolic_syndrome_predict.ipynb | 1025 ++++++++++++++--- .../normal_model.keras | Bin 0 -> 353109 bytes .../standard_model.keras | Bin 0 -> 353109 bytes 4 files changed, 927 insertions(+), 142 deletions(-) create mode 100644 Metabolic Syndrome Prediction/METRICS.md create mode 100644 Metabolic Syndrome Prediction/normal_model.keras create mode 100644 Metabolic Syndrome Prediction/standard_model.keras diff --git a/Metabolic Syndrome Prediction/METRICS.md b/Metabolic Syndrome Prediction/METRICS.md new file mode 100644 index 00000000..c95c8f07 --- /dev/null +++ b/Metabolic Syndrome Prediction/METRICS.md @@ -0,0 +1,44 @@ +# Performance Metrics for Evaluated Models: + +We employed GridSearchCV along with K-fold cross-validation to identify and assess the performance of various models. Using the best hyperparameters identified through GridSearchCV, we implemented the models to determine the optimal metrics. Below are the comprehensive metrics gathered during the evaluation: + +| Model | Data Type | Mean Accuracy | Std Dev Accuracy | Mean Precision | Std Dev Precision | Mean Recall | Std Dev Recall | Mean F1-score | Std Dev F1-score | Mean ROC AUC | Std Dev ROC AUC | Accuracy | Precision | Recall | F1 Score | ROC AUC Score | Confusion Matrix | +|-------------------------|--------------|-----------------|------------------|-----------------|--------------------|----------------|-----------------|-----------------|------------------|-----------------|-----------------|----------------|----------------|----------------|----------------|----------------|--------------------------| +| XGB Classifier | Normalized | 0.8929719917 | 0.0192048008 | 0.8536406786 | 0.0457545010 | 0.8334704672 | 0.0369092534 | 0.8422469002 | 0.0270992804 | 0.8787484562 | 0.0197900479 | 0.8818635607 | 0.8556149733 | 0.7843137255 | 0.8184143223 | 0.8581518249 | [[370, 27], [44, 160]] | +| | Standardized | 0.8929719917 | 0.0192048008 | 0.8536406786 | 0.0457545010 | 0.8334704672 | 0.0369092534 | 0.8422469002 | 0.0270992804 | 0.8787484562 | 0.0197900479 | 0.8818635607 | 0.8556149733 | 0.7843137255 | 0.8184143223 | 0.8581518249 | [[370, 27], [44, 160]] | +| Random Forest Classifier| Normalized | 0.8813087828 | 0.0121453899 | 0.8452559083 | 0.0342530423 | 0.8030120482 | 0.0453500693 | 0.8221130377 | 0.0200200422 | 0.8625678640 | 0.0171193742 | 0.8752079867 | 0.8486486486 | 0.7696078431 | 0.8071979434 | 0.8495394379 | [[369, 28], [47, 157]] | +| | Standardized | 0.8813087828 | 0.0121453899 | 0.8452559083 | 0.0342530423 | 0.8030120482 | 0.0453500693 | 0.8221130377 | 0.0200200422 | 0.8625678640 | 0.0171193742 | 0.8752079867 | 0.8486486486 | 0.7696078431 | 0.8071979434 | 0.8495394379 | [[369, 28], [47, 157]] | +| Decision Tree Classifier| Normalized | 0.8608869295 | 0.0165113765 | 0.7850972759 | 0.0329836768 | 0.8199970614 | 0.0243939124 | 0.8016412899 | 0.0210224940 | 0.8511014897 | 0.0157131535 | 0.8635607321 | 0.7961165049 | 0.8039215686 | 0.8000000000 | 0.8490640589 | [[355, 42], [40, 164]] | +| | Standardized | 0.8608869295 | 0.0165113765 | 0.7850972759 | 0.0329836768 | 0.8199970614 | 0.0243939124 | 0.8016412899 | 0.0210224940 | 0.8511014897 | 0.0157131535 | 0.8635607321 | 0.7961165049 | 0.8039215686 | 0.8000000000 | 0.8490640589 | [[355, 42], [40, 164]] | +| AdaBoost Classifier | Normalized | 0.8725518672 | 0.0150556447 | 0.8250753635 | 0.0348545791 | 0.7993682045 | 0.0355904361 | 0.8110587434 | 0.0216346715 | 0.8550436927 | 0.0170365789 | 0.8618968386 | 0.8134715026 | 0.7696078431 | 0.7909319899 | 0.8394638712 | [[361, 36], [47, 157]] | +| | Standardized | 0.8725518672 | 0.0150556447 | 0.8250753635 | 0.0348545791 | 0.7993682045 | 0.0355904361 | 0.8110587434 | 0.0216346715 | 0.8550436927 | 0.0170365789 | 0.8618968386 | 0.8134715026 | 0.7696078431 | 0.7909319899 | 0.8394638712 | [[361, 36], [47, 157]] | +| LGBM Classifier | Normalized | 0.8850535961 | 0.0142850569 | 0.8412698301 | 0.0299211820 | 0.8213341170 | 0.0479278391 | 0.8298603267 | 0.0235242528 | 0.8698261329 | 0.0200431423 | 0.8918469218 | 0.8638743455 | 0.8088235294 | 0.8354430380 | 0.8716661728 | [[371, 26], [39, 165]] | +| | Standardized | 0.8850535961 | 0.0142850569 | 0.8412698301 | 0.0299211820 | 0.8213341170 | 0.0479278391 | 0.8298603267 | 0.0235242528 | 0.8698261329 | 0.0200431423 | 0.8918469218 | 0.8638743455 | 0.8088235294 | 0.8354430380 | 0.8716661728 | [[371, 26], [39, 165]] | +| Logistic Regression | Normalized | 0.8384128631 | 0.0288940906 | 0.8072888487 | 0.0550171345 | 0.6959006759 | 0.0443465784 | 0.7468449823 | 0.0442479641 | 0.8042572798 | 0.0313473166 | 0.8202995008 | 0.7637362637 | 0.6813725490 | 0.7202072539 | 0.7865301032 | [[354, 43], [65, 139]] | +| | Standardized | 0.8384128631 | 0.0288940906 | 0.8072888487 | 0.0550171345 | 0.6959006759 | 0.0443465784 | 0.7468449823 | 0.0442479641 | 0.8042572798 | 0.0313473166 | 0.8202995008 | 0.7637362637 | 0.6813725490 | 0.7202072539 | 0.7865301032 | [[354, 43], [65, 139]] | +| Extra Trees Classifier | Normalized | 0.8688053250 | 0.0107353815 | 0.8494329074 | 0.0200132459 | 0.7505730238 | 0.0376898522 | 0.7962051073 | 0.0208023255 | 0.8404562289 | 0.0162864382 | 0.8535773710 | 0.8152173913 | 0.7352941176 | 0.7731958763 | 0.8248259001 | [[363, 34], [54, 150]] | +| | Standardized | 0.8688053250 | 0.0107353815 | 0.8494329074 | 0.0200132459 | 0.7505730238 | 0.0376898522 | 0.7962051073 | 0.0208023255 | 0.8404562289 | 0.0162864382 | 0.8535773710 | 0.8152173913 | 0.7352941176 | 0.7731958763 | 0.8248259001 | [[363, 34], [54, 150]] | +| HistGradBoosting Classifier | Normalized | 0.8917202628 | 0.0144775080 | 0.8445167635 | 0.0343586829 | 0.8407728475 | 0.0379181516 | 0.8416215259 | 0.0213085293 | 0.8795454982 | 0.0169850948 | 0.8951747088 | 0.8691099476 | 0.8137254902 | 0.8405063291 | 0.8753765990 | [[372, 25], [38, 166]] | +| | Standardized | 0.8917202628 | 0.0144775080 | 0.8445167635 | 0.0343586829 | 0.8407728475 | 0.0379181516 | 0.8416215259 | 0.0213085293 | 0.8795454982 | 0.0169850948 | 0.8951747088 | 0.8691099476 | 0.8137254902 | 0.8405063291 | 0.8753765990 | [[372, 25], [38, 166]] | +| Gradient Boosting Classifier | Normalized | 0.8892219917 | 0.0142510869 | 0.8494764200 | 0.0284972512 | 0.8237143697 | 0.0367301674 | 0.8356492645 | 0.0221124433 | 0.8735499205 | 0.0176714259 | 0.8818635607 | 0.8518518519 | 0.7892156863 | 0.8193384224 | 0.8593433595 | [[369, 28], [43, 161]] | +| | Standardized | 0.8892219917 | 0.0142510869 | 0.8494764200 | 0.0284972512 | 0.8237143697 | 0.0367301674 | 0.8356492645 | 0.0221124433 | 0.8735499205 | 0.0176714259 | 0.8818635607 | 0.8518518519 | 0.7892156863 | 0.8193384224 | 0.8593433595 | [[369, 28], [43, 161]] | +| K-Nearest Neighbors | Normalized | 0.8146749654 | 0.0283457368 | 0.7763764918 | 0.0493835548 | 0.6461357626 | 0.0552980301 | 0.7042253299 | 0.0472877233 | 0.7743054851 | 0.0330882711 | 0.8119800333 | 0.7791411043 | 0.6225490196 | 0.6920980926 | 0.7659344594 | [[361, 36], [77, 127]] | +| | Standardized | 0.8146749654 | 0.0283457368 | 0.7763764918 | 0.0493835548 | 0.6461357626 | 0.0552980301 | 0.7042253299 | 0.0472877233 | 0.7743054851 | 0.0330882711 | 0.8119800333 | 0.7791411043 | 0.6225490196 | 0.6920980926 | 0.7659344594 | [[361, 36], [77, 127]] | +| Stacking Classifier | Normalized | 0.81591459197787 | 0.030349300788210683 | 0.7568530963284796 | 0.0505783644964972 | 0.6837790185130767 | 0.0555930314207229 | 0.7174435978837421 | 0.04666704783684153 | 0.7842663535683984 | 0.034526039966267436 | 0.8219633943427621 | 0.7487179487179487 | 0.7156862745098039 | 0.731829573934837 | 0.7961302909072949 | [[348, 49], [58, 146]] | +| | Standardized | 0.81591459197787 | 0.030349300788210683 | 0.7568530963284796 | 0.0505783644964972 | 0.6837790185130767 | 0.0555930314207229 | 0.7174435978837421 | 0.04666704783684153 | 0.7842663535683984 | 0.034526039966267436 | 0.8219633943427621 | 0.7487179487179487 | 0.7156862745098039 | 0.731829573934837 | 0.7961302909072949 | [[348, 49], [58, 146]] | +| Voting Classifier | Normalized | 0.8758921161825727 | 0.017201464058433345 | 0.8277859055185062 | 0.03253056125722735 | 0.8066852776961504 | 0.03596903454697755 | 0.816445823644554 | 0.02551527303659126 | 0.8593351406621522 | 0.019796830876094428 | 0.8801996672212978 | 0.8473684210526315 | 0.7892156862745098 | 0.8172588832487309 | 0.8580839136662222 | [[368, 29], [43, 161]] | +| | Standardized | 0.8758921161825727 | 0.017201464058433345 | 0.8277859055185062 | 0.03253056125722735 | 0.8066852776961504 | 0.03596903454697755 | 0.816445823644554 | 0.02551527303659126 | 0.8593351406621522 | 0.019796830876094428 | 0.8801996672212978 | 0.8473684210526315 | 0.7892156862745098 | 0.8172588832487309 | 0.8580839136662222 | [[368, 29], [43, 161]] | +| Bagging Classifier | Normalized | 0.8929719917012449 | 0.016585366209661924 | 0.8524499345881044 | 0.03963276780343318 | 0.8346605935938879 | 0.04164150530913857 | 0.8421942043182058 | 0.024609787061739656 | 0.8790250480667978 | 0.019001104560078273 | 0.8885191347753744 | 0.8663101604278075 | 0.7941176470588235 | 0.8286445012787724 | 0.8655726774336938 | [[372, 25], [42, 162]] | +| | Standardized | 0.8929719917012449 | 0.016585366209661924 | 0.8524499345881044 | 0.03963276780343318 | 0.8346605935938879 | 0.04164150530913857 | 0.8421942043182058 | 0.024609787061739656 | 0.8790250480667978 | 0.019001104560078273 | 0.8885191347753744 | 0.8663101604278075 | 0.7941176470588235 | 0.8286445012787724 | 0.8655726774336938 | [[372, 25], [42, 162]] | +| CatBoost Classifier | Normalized | 0.8925570539419088 | 0.01736280999628729 | 0.8581554633489977 | 0.0462767969531329 | 0.8261533940640611 | 0.03781186410566183 | 0.8404969985160087 | 0.02465285113204594 | 0.8766661511963456 | 0.01835801213701771 | 0.8968386023294509 | 0.8585858585858586 | 0.8333333333333334 | 0.8457711442786069 | 0.8814021830394627 | [[369, 28], [34, 170]] | +| | Standardized | 0.8925570539419088 | 0.01736280999628729 | 0.8581554633489977 | 0.0462767969531329 | 0.8261533940640611 | 0.03781186410566183 | 0.8404969985160087 | 0.02465285113204594 | 0.8766661511963456 | 0.01835801213701771 | 0.8968386023294509 | 0.8585858585858586 | 0.8333333333333334 | 0.8457711442786069 | 0.8814021830394627 | [[369, 28], [34, 170]] | +| LinearSVC | Normalized | 0.6396680497925311 | 0.12724229244007448 | 0.5719002790868557 | 0.17060296499376207 | 0.7531442844548927 | 0.28991380948387724 | 0.5653112640891156 | 0.16878833530224618 | 0.6670280803069433 | 0.08612601249207863 | 0.8103161397670549 | 0.8308823529411765 | 0.553921568627451 | 0.6647058823529413 | 0.747993529905665 | [[374, 23], [91, 113]] | +| | Standardized| 0.6396680497925311 | 0.12724229244007448 | 0.5719002790868557 | 0.17060296499376207 | 0.7531442844548927 | 0.28991380948387724 | 0.5653112640891156 | 0.16878833530224618 | 0.6670280803069433 | 0.08612601249207863 | 0.8103161397670549 | 0.8308823529411765 | 0.553921568627451 | 0.6647058823529413 | 0.747993529905665 | [[374, 23], [91, 113]] | +| SVC (Linear) | Normalized | 0.6576434993084371 | 0.001416490093586219 | 0.0 | 0.0 | 0.0 | 0.0 | 0.0 | 0.0 | 0.5 | 0.0 | 0.6605657237936772 | 0.0 | 0.0 | 0.0 | 0.5 | [[397, 0], [204, 0]] | +| | Standardized | 0.6576434993084371 | 0.001416490093586219 | 0.0 | 0.0 | 0.0 | 0.0 | 0.0 | 0.0 | 0.5 | 0.0 | 0.6605657237936772 | 0.0 | 0.0 | 0.0 | 0.5 | [[397, 0], [204, 0]] | +| Perceptron | Normalized | 0.5869381051175657 | 0.1532782626832634 | 0.5424396959818047 | 0.17290092302933616 | 0.7031148986188657 | 0.31746538293787024 | 0.5166216267007258 | 0.11741940352196295 | 0.61482036957066 | 0.07747266852928748 | 0.6888519134775375 | 0.84 | 0.10294117647058823 | 0.1834061135371179 | 0.5464328048599794 | [[393, 4], [183, 21]] | +| | Standardized | 0.5869381051175657 | 0.1532782626832634 | 0.5424396959818047 | 0.17290092302933616 | 0.7031148986188657 | 0.31746538293787024 | 0.5166216267007258 | 0.11741940352196295 | 0.61482036957066 | 0.07747266852928748 | 0.6888519134775375 | 0.84 | 0.10294117647058823 | 0.1834061135371179 | 0.5464328048599794 | [[393, 4], [183, 21]] | +| Multilayer Perceptron | Normalized | 0.6584768326417704 | 0.003066947596561596 | 0.1 | 0.30000000000000004 | 0.0024390243902439024 | 0.007317073170731709 | 0.0047619047619047615 | 0.014285714285714285 | 0.501219512195122 | 0.0036585365853658573 | 0.6638935108153078 | 1.0 | 0.00980392156862745 | 0.01941747572815534 | 0.5049019607843137 | [[397, 0], [202, 2]] | +| | Standardized | 0.6584768326417704 | 0.003066947596561596 | 0.1 | 0.30000000000000004 | 0.0024390243902439024 | 0.007317073170731709 | 0.0047619047619047615 | 0.014285714285714285 | 0.501219512195122 | 0.0036585365853658573 | 0.6638935108153078 | 1.0 | 0.00980392156862745 | 0.01941747572815534 | 0.5049019607843137 | [[397, 0], [202, 2]] | +| ANN | Normalized | 0.8125916320885201 | 0.018187147044301306 | 0.7740722666721951 | 0.07639600048705199 | 0.662973846605936 | 0.09265153718002667 | 0.705410204420142 | 0.03544368787170356 | 0.7767118688806508 | 0.02711535539028044 | 0.8432732316227461 | 0.8235294117647058 | 0.6857142857142857 | 0.7483296213808464 | 0.8050420168067227 | [[440, 36], [77, 168]] | +| | Standardized | 0.8050968188105116 | 0.027681631103985953 | 0.7697294221926265 | 0.07957343064229522 | 0.6424037613870116 | 0.11746871345143681 | 0.6885453094621883 | 0.055852798365961576 | 0.766061995181936 | 0.04008998439080089 | 0.8474341192787794 | 0.7824267782426778 | 0.763265306122449 | 0.7727272727272727 | 0.8270108043217287 | [[424, 52], [58, 187]] | \ No newline at end of file diff --git a/Metabolic Syndrome Prediction/metabolic_syndrome_predict.ipynb b/Metabolic Syndrome Prediction/metabolic_syndrome_predict.ipynb index bda986a7..0db4aec9 100644 --- a/Metabolic Syndrome Prediction/metabolic_syndrome_predict.ipynb +++ b/Metabolic Syndrome Prediction/metabolic_syndrome_predict.ipynb @@ -2325,6 +2325,41 @@ "cell_type": "code", "execution_count": 2, "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "seqn 0\n", + "Age 0\n", + "Sex 0\n", + "Marital 208\n", + "Income 117\n", + "Race 0\n", + "WaistCirc 85\n", + "BMI 26\n", + "Albuminuria 0\n", + "UrAlbCr 0\n", + "UricAcid 0\n", + "BloodGlucose 0\n", + "HDL 0\n", + "Triglycerides 0\n", + "MetabolicSyndrome 0\n", + "dtype: int64" + ] + }, + "execution_count": 2, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "df.isnull().sum()" + ] + }, + { + "cell_type": "code", + "execution_count": 3, + "metadata": {}, "outputs": [], "source": [ "from sklearn.preprocessing import LabelEncoder\n", @@ -2335,8 +2370,8 @@ "\n", "encode2 = LabelEncoder()\n", "\n", - "df['Marital'] = encode2.fit_transform(df['Marital']) # Encoding Marital into 0-4\n", - "# Marital is the only feature which can be Ordinally-encoded between the three\n", + "non_nan_mask = df['Marital'].notna()\n", + "df.loc[non_nan_mask, 'Marital'] = encode2.fit_transform(df.loc[non_nan_mask, 'Marital']).astype('int64') # Marital is the only feature which can be Ordinally-encoded between the three\n", "\n", "encode3 = LabelEncoder()\n", "\n", @@ -2345,7 +2380,42 @@ }, { "cell_type": "code", - "execution_count": 3, + "execution_count": 4, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "seqn 0\n", + "Age 0\n", + "Sex 0\n", + "Marital 208\n", + "Income 117\n", + "Race 0\n", + "WaistCirc 85\n", + "BMI 26\n", + "Albuminuria 0\n", + "UrAlbCr 0\n", + "UricAcid 0\n", + "BloodGlucose 0\n", + "HDL 0\n", + "Triglycerides 0\n", + "MetabolicSyndrome 0\n", + "dtype: int64" + ] + }, + "execution_count": 4, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "df.isnull().sum()" + ] + }, + { + "cell_type": "code", + "execution_count": 5, "metadata": {}, "outputs": [], "source": [ @@ -2382,6 +2452,50 @@ "df.loc[df['Sex'] == 0, 'BMI'] = df.loc[df['Sex'] == 0, 'BMI'].fillna(female_median_bmi)" ] }, + { + "cell_type": "code", + "execution_count": 6, + "metadata": {}, + "outputs": [], + "source": [ + "df = df.astype('float64')" + ] + }, + { + "cell_type": "code", + "execution_count": 7, + "metadata": {}, + "outputs": [ + { + "data": { + "text/plain": [ + "seqn 0\n", + "Age 0\n", + "Sex 0\n", + "Marital 0\n", + "Income 0\n", + "Race 0\n", + "WaistCirc 0\n", + "BMI 0\n", + "Albuminuria 0\n", + "UrAlbCr 0\n", + "UricAcid 0\n", + "BloodGlucose 0\n", + "HDL 0\n", + "Triglycerides 0\n", + "MetabolicSyndrome 0\n", + "dtype: int64" + ] + }, + "execution_count": 7, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "df.isnull().sum()" + ] + }, { "cell_type": "markdown", "metadata": {}, @@ -2402,12 +2516,12 @@ }, { "cell_type": "code", - "execution_count": 42, + "execution_count": 8, "metadata": {}, "outputs": [ { "data": { - "image/png": "iVBORw0KGgoAAAANSUhEUgAABBcAAARaCAYAAAAXepqDAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8pXeV/AAAACXBIWXMAAA9hAAAPYQGoP6dpAAEAAElEQVR4nOzdd3xT1fsH8E+6996lu7SlUPYqeyN7T5UhyBAEBFQQWTIqioiAiMgqwx+77L33pkALFCjde6d7Jb8/UlLSpoWvSSytn/frFSU35948T865N+m5554rEIvFYhARERERERER/UNqVR0AEREREREREVVv7FwgIiIiIiIiIoWwc4GIiIiIiIiIFMLOBSIiIiIiIiJSCDsXiIiIiIiIiEgh7FwgIiIiIiIiIoWwc4GIiIiIiIiIFMLOBSIiIiIiIiJSCDsXiIiIiIiIiEgh7FwgIiKiGkMgEGDRokVK3WaHDh3QoUMHpW6TiIiopmHnAhER/Wdt27YNAoFA+tDR0YGHhwemTp2KhISEqg7vg5CXl4dff/0VLVq0gLGxscxn9OLFi6oOT2mePn2KRYsWITw8vKpDISIiqpY0qjoAIiKiqvbDDz/AxcUFeXl5uHbtGv744w+cOHECQUFB0NPTq+rwqkxycjI++ugj3L9/H71798bIkSNhYGCAkJAQ7N69Gxs3bkRBQUFVh6kUT58+xeLFi9GhQwc4OzvLvHbmzJmqCYqIiKgaYecCERH95/Xo0QNNmzYFAIwfPx7m5uZYtWoVDh8+jBEjRvwrMWRnZ0NfX/9fea/3NWbMGDx8+BD79+/HoEGDZF5bsmQJ5s2bp5T3qSh3sViMvLw86OrqKuV9/iktLa0qfX8iIqLqgJdFEBERldGpUycAQFhYmHTZzp070aRJE+jq6sLMzAzDhw9HVFSUzHpXr17FkCFD4OjoCG1tbTg4OOCrr75Cbm6uTLkxY8bAwMAAoaGh6NmzJwwNDfHxxx8DAF6+fIlBgwbBxsYGOjo6qFWrFoYPH46MjAzp+kVFRViyZAnc3Nygra0NZ2dnfPfdd8jPz5d5H2dnZ/Tu3RvXrl1D8+bNoaOjA1dXV2zfvv2dn8Ht27dx/PhxjBs3rlzHAgBoa2tj5cqVMssuXLiAtm3bQl9fHyYmJujXrx+ePXsmU2bRokUQCAR4+vQpRo4cCVNTU7Rp00Ym3tOnT6Np06bQ1dXFn3/+CQBIT0/HjBkz4ODgAG1tbbi7u2PFihUQiUSV5hEREYEvvvgCnp6e0NXVhbm5OYYMGSJz+cO2bdswZMgQAEDHjh2ll8lcunQJgPw5FxITEzFu3DhYW1tDR0cHDRo0gL+/v0yZ8PBwCAQCrFy5Ehs3bpTWV7NmzXD37t1K4yYiIqpuOHKBiIiojNDQUACAubk5AGDZsmWYP38+hg4divHjxyMpKQlr165Fu3bt8PDhQ5iYmAAA9u3bh5ycHEyePBnm5ua4c+cO1q5di+joaOzbt0/mPYqKitC9e3e0adMGK1euhJ6eHgoKCtC9e3fk5+fjyy+/hI2NDWJiYnDs2DGkp6fD2NgYgGR0hb+/PwYPHoxZs2bh9u3b8PPzw7NnzxAQECDzPq9evcLgwYMxbtw4jB49Glu2bMGYMWPQpEkT1K1bt8LP4MiRIwCATz/99L0+s3PnzqFHjx5wdXXFokWLkJubi7Vr16J169Z48OBBuUsNhgwZgtq1a2P58uUQi8XS5SEhIRgxYgQmTpyIzz//HJ6ensjJyUH79u0RExODiRMnwtHRETdu3MDcuXMRFxeH1atXVxjX3bt3cePGDQwfPhy1atVCeHg4/vjjD3To0AFPnz6Fnp4e2rVrh2nTpmHNmjX47rvvUKdOHQCQ/r+s3NxcdOjQAa9evcLUqVPh4uKCffv2YcyYMUhPT8f06dNlyv/999/IzMzExIkTIRAI8NNPP2HgwIF4/fo1NDU13+vzJSIi+uCJiYiI/qO2bt0qBiA+d+6cOCkpSRwVFSXevXu32NzcXKyrqyuOjo4Wh4eHi9XV1cXLli2TWffJkydiDQ0NmeU5OTnl3sPPz08sEAjEERER0mWjR48WAxDPmTNHpuzDhw/FAMT79u2rMObAwEAxAPH48eNlls+ePVsMQHzhwgXpMicnJzEA8ZUrV6TLEhMTxdra2uJZs2ZV+tkMGDBADECclpZWabk3GjZsKLayshKnpKRIlz169EispqYmHjVqlHTZwoULxQDEI0aMKLeNN/GeOnVKZvmSJUvE+vr64hcvXsgsnzNnjlhdXV0cGRkpXQZAvHDhQulzeXVy8+ZNMQDx9u3bpcv27dsnBiC+ePFiufLt27cXt2/fXvp89erVYgDinTt3SpcVFBSIfX19xQYGBmKhUCgWi8XisLAwMQCxubm5ODU1VVr28OHDYgDio0ePlnsvIiKi6oqXRRAR0X9ely5dYGlpCQcHBwwfPhwGBgYICAiAvb09Dh48CJFIhKFDhyI5OVn6sLGxQe3atXHx4kXpdt6eGyA7OxvJyclo1aoVxGIxHj58WO59J0+eLPP8zciE06dPIycnR26sJ06cAADMnDlTZvmsWbMAAMePH5dZ7u3tjbZt20qfW1pawtPTE69fv670MxEKhQAAQ0PDSssBQFxcHAIDAzFmzBiYmZlJl9evXx9du3aVxvy2SZMmyd2Wi4sLunfvLrNs3759aNu2LUxNTWXqoEuXLiguLsaVK1cqjO3tOiksLERKSgrc3d1hYmKCBw8evDM3eU6cOAEbGxuZ+Tg0NTUxbdo0ZGVl4fLlyzLlhw0bBlNTU+nzN/XxrjogIiKqTnhZBBER/ef9/vvv8PDwgIaGBqytreHp6Qk1NUn/+8uXLyEWi1G7dm256749rD0yMhILFizAkSNHkJaWJlPu7TkTAEBDQwO1atWSWebi4oKZM2di1apV2LVrF9q2bYu+ffvik08+kXY8REREQE1NDe7u7jLr2tjYwMTEBBERETLLHR0dy8VsampaLr6yjIyMAACZmZnSyz4q8uY9PT09y71Wp04dnD59utykjS4uLnK3JW/5y5cv8fjxY1haWspdJzExscLYcnNz4efnh61btyImJkbmEoyydfK+IiIiULt2bWkbeePNZRTvqoM3HQ3vqgMiIqLqhJ0LRET0n9e8eXPp3SLKEolEEAgEOHnyJNTV1cu9bmBgAAAoLi5G165dkZqaim+//RZeXl7Q19dHTEwMxowZU27iQW1t7XJ/nALAL7/8gjFjxuDw4cM4c+YMpk2bBj8/P9y6dUumM0IgELxXbvJiBiDzR7Y8Xl5eAIAnT57IjHxQloruACFvuUgkQteuXfHNN9/IXcfDw6PC9/nyyy+xdetWzJgxA76+vjA2NoZAIMDw4cPfORmksvzTOiAiIqpO2LlARERUCTc3N4jFYri4uFT6R+yTJ0/w4sUL+Pv7Y9SoUdLlZ8+e/Z/f08fHBz4+Pvj+++9x48YNtG7dGhs2bMDSpUvh5OQEkUiEly9fykw4mJCQgPT0dDg5Of3P7ydPnz594Ofnh507d76zc+HNe4aEhJR77fnz57CwsFDoNptubm7IyspCly5d/ud19+/fj9GjR+OXX36RLsvLy0N6erpMufftrAEk+T5+/BgikUimg+j58+fS14mIiP5rOOcCERFRJQYOHAh1dXUsXry43JlmsViMlJQUAKVnp98uIxaL8dtvv733ewmFQhQVFcks8/HxgZqamvQ2kz179gSAcndIWLVqFQCgV69e7/1+lfH19cVHH32ETZs24dChQ+VeLygowOzZswEAtra2aNiwIfz9/WX+aA8KCsKZM2ekMf9TQ4cOxc2bN3H69Olyr6Wnp5f7zN6mrq5ert7Wrl2L4uJimWVvOj/KdjrI07NnT8THx2PPnj3SZUVFRVi7di0MDAzQvn37d26DiIiopuHIBSIiokq4ublh6dKlmDt3LsLDw9G/f38YGhoiLCwMAQEBmDBhAmbPng0vLy+4ublh9uzZiImJgZGREQ4cOPA/XVd/4cIFTJ06FUOGDIGHhweKioqwY8cOqKurY9CgQQCABg0aYPTo0di4cSPS09PRvn173LlzB/7+/ujfvz86duyotNy3b9+Obt26YeDAgejTpw86d+4MfX19vHz5Ert370ZcXBxWrlwJAPj555/Ro0cP+Pr6Yty4cdJbURobG2PRokUKxfH111/jyJEj6N27t/Q2mtnZ2Xjy5An279+P8PBwWFhYyF23d+/e2LFjB4yNjeHt7Y2bN2/i3Llz0tuMvtGwYUOoq6tjxYoVyMjIgLa2Njp16gQrK6ty25wwYQL+/PNPjBkzBvfv34ezszP279+P69evY/Xq1e81CSYREVFNw84FIiKid5gzZw48PDzw66+/YvHixQAABwcHdOvWDX379gUgmdjx6NGj0jkSdHR0MGDAAEydOhUNGjR4r/dp0KABunfvjqNHjyImJgZ6enpo0KABTp48iZYtW0rLbdq0Ca6urti2bRsCAgJgY2ODuXPnYuHChUrN29LSEjdu3MD69euxZ88ezJs3DwUFBXByckLfvn0xffp0adkuXbrg1KlTWLhwIRYsWABNTU20b98eK1asqHDyxvelp6eHy5cvY/ny5di3bx+2b98OIyMjeHh4YPHixdLJLuX57bffoK6ujl27diEvLw+tW7fGuXPnyt2RwsbGBhs2bICfnx/GjRuH4uJiXLx4UW7ngq6uLi5duoQ5c+bA398fQqEQnp6e2Lp1K8aMGaNQrkRERNWVQMzZhIiIiIiIiIhIAZxzgYiIiIiIiIgUws4FIiIiIiIiIlIIOxeIiIiIiIiISCHsXCAiIiIiIiL6gF25cgV9+vSBnZ0dBAKB3NtEl3Xp0iU0btwY2tracHd3x7Zt21QaIzsXiIiIiIiIiD5g2dnZaNCgAX7//ff3Kh8WFoZevXqhY8eOCAwMxIwZMzB+/HicPn1aZTHybhFERERERERE1YRAIEBAQAD69+9fYZlvv/0Wx48fR1BQkHTZ8OHDkZ6ejlOnTqkkLo5cICIiIiIiIvoX5efnQygUyjzy8/OVtv2bN2+iS5cuMsu6d++OmzdvKu09ytJQ2ZaJKnFc07OqQ1BY7MmQqg5BKQoKqzoC5cjOEVV1CAqzMK0Z/b2FRVUdgeKKiqs6AuVQE1R1BMpRVMxBlh8Kfd3q36jSM2tGe7Ixr+oIlCOvoPq3qeLq/xMEAPB5l3eX+RBV178r7s4bgcWLF8ssW7hwIRYtWqSU7cfHx8Pa2lpmmbW1NYRCIXJzc6Grq6uU93kbOxeIiIiIiIiI/kVz587FzJkzZZZpa2tXUTTKwc4FIiIiIiIion+Rtra2SjsTbGxskJCQILMsISEBRkZGKhm1AHDOBSIiIiIiIqIaxdfXF+fPn5dZdvbsWfj6+qrsPTlygYiIiIiIiKolgWb1n7fjfWRlZeHVq1fS52FhYQgMDISZmRkcHR0xd+5cxMTEYPv27QCASZMmYd26dfjmm2/w2Wef4cKFC9i7dy+OHz+ushg5coGIiIiIiIjoA3bv3j00atQIjRo1AgDMnDkTjRo1woIFCwAAcXFxiIyMlJZ3cXHB8ePHcfbsWTRo0AC//PILNm3ahO7du6ssRo5cICIiIiIiIvqAdejQAWJxxXe72bZtm9x1Hj58qMKoZLFzgYiIiIiIiKolNY3/xmUR1QEviyAiIiIiIiIihbBzgYiIiIiIiIgUws4FIiIiIiIiIlII51wgIiIiIiKiakmgyfPlHwrWBBEREREREREphJ0LRERERERERKQQdi4QERERERERkUI45wIRERERERFVS2oagqoOgUpw5AIRERERERERKYSdC0RERERERESkEF4WQURERERERNWSQJOXRXwoOHKBiIiIiIiIiBTCzgUiIiIiIiIiUgg7F4iIiIiIiIhIIZxzgYiIiIiIiKol3oryw8GRC0RERERERESkEHYuEBEREREREZFCeFkEffDM2jSF66xxMG5cDzp2Vrg36AskHDlf+TrtmsN75RwYeNdGXlQcXvn9gejtATJlnCaPhOvMcdC2sYTw8XMEz1iCjLtPVJkKHl7ehbvnNiNbmARLey90Hjofts71Kywf8uAkrh/7DRkpMTC1cka7frPhWq+99PUXgWfw6OpuJEQFIy87HaPmHIKVQx2V5gAAYrEYt0+uQdCtfcjPFcLOpTE6DlkEE0vnStd7dHUXHlzYjJzMJFjYeaH9oPmwcSrNP+jGHoTcP4bE6GAU5mdj4vK70NYzUlkOD86tRci9fSjIzYS1UyO06rcQxhaV5/D05i48uboFuVnJMLPxgm+febB0kK3DhMiHuH/mNyRFPYZATQ1mtl74aOwmaGjqKDWHB5d24fZZSXuyquWFLsPmw66S9vT8/klcPVranjoMmA23kvZUXFyIq0dWIzToCjKSo6CtawAnr1Zo338WDE2slRp3WYFXduHe+dL9ouPgyveLFw8l+4UwNQYmls5o2282XOuW7hcvA8/g8fXdSIgMRl5OOj759hCsanG/+F/yuHVyDZ7cLM2j05BFMLV6dx73LmxGjjAJFvZe6Fgmj6LCfFw59CNePDiB4qICOHm1QcchC6FvZKGSHO6cWovgkrqwdWmMDoMXvrMuHl/bhYcXNyMnMxkWdl5oN+B7WJfkkJedjtun1yIq5Doy0+Kga2AG13qd0aLHdGjrGio9h5qSR005TonFYtw7sxbP70jqwsa5MdoOWAjjd9RF0I1deHR5M3Izk2Fu64XW/b6HlWP5/MViMU5umYCokKvoNmodXOp1UXoOdy7swo1Tm5GVkQwbBy/0GPk97F0rrovgu6dw8dBvSE+Ogbm1E7oMno3a9dvLlEmKDcW5/SsR8eIuRMXFsLRzw9Av1sDY3E7p8b9RE9pUTfk9SFQWRy7QB09dXw/CxyEImrb4vcrrOtdCsyN/IuXSbVxr2g9ha/3h8+dSWHRtIy1jO6QH6vw8Fy+X/o5rzQcg8/FztDi+GVqWZqpKA8/vn8Clg37w7TkFn84JgFUtL+xfNw7ZmSlyy8e8foBjW2ehnu9gjJp7CO71O+PQxilIin0hLVOYnwN7t8Zo12+2yuKW5/75vxB4ZQc6DlmEYV/thYaWLg5tGIeiwvwK13nx4ASuHvJDi4+mYPjsAFjYe+HwhnHIeSv/woJcONVpi2ZdJ6k8h8dXNuHpzZ1o3W8R+k7eAw0tPZze+nmlObx+fAK3T6xAo85T0G/KAZjZeuLU1s+Rm1WaQ0LkQ5zeOgH2tVuj7xd70PeLffBu+TEEAuUebp/dO4ELB/zQutcUjPlO0p72rhmHbKH89hQd+gBHtsxC/VaDMea7Q6jdoDMObpiCpBhJeyoqyEN85FO06jkZo+ceRP8J65CaEIaDf0xWatxlhdw/gcsBfmjZYwo++SYAlvZeOLhetl28Lfb1AxzfJtkvPvlWsl8c+WsKkt/eLwpyYOfaGG25X/wj987/hYdXdqDz0EUY/tVeaGrpIuAdeYQ8OIErAX5o2X0KRn4dAEs7LwT8IZvH5YDlCAu6iF5jV2PwtB3IEibi2JapKsnhwYVNeHR1BzoMWYQhMyQ5HPlzfKU5vHx4AtcO/4hm3adg2MyDMLfzxJGN46U5ZAsTkZ2RiNZ9v8HIb46iywg/RIRcxYU981SSQ03Io6YcpwDg0aVNCLq+A20HLsKALyX79/HNldfFq8ATuHn0RzTpMgWDph+Ema0njm8eL/Od8caTq/4AVHfdeNCdEziz50e07zsFExcehLWDJ3b+Or7Cuoh69QAHNs5Co7aDMXFhADwbdcHudVORGF16rE1NjMTWH0fCwtYVo7/ejkmLD6Ndny+goamtsjxqQpuqSb8HPxQCTUG1fNRE7FyoYfbv3w8fHx/o6urC3NwcXbp0QXZ2NgBg06ZNqFOnDnR0dODl5YX169fLrHvnzh00atQIOjo6aNq0KQICAiAQCBAYGAgAuHTpEgQCAc6fP4+mTZtCT08PrVq1QkhIiEpzSjp9BS8WrkbC4XPvVd5pwnDkhkXj2TcrkPX8NSLW70L8gdNwmT5GWsZlxlhEbd6LaP+DyHoWiidfLERxTh4cxgxSURbAvfNb4dNqKHx8B8HC1h1dhy+GppYOgm4ekFv+wcXtcPFui+Zdx8Pcxg1t+syAtYM3Ai/vlJap26I/WvWcCicvX5XFXZZYLEbgle1o3m0y3Hy6wMLOC90+/gnZGYl4/aTiOnp4aSvq+Q6Fd4tBMLdxR6chi6GhpYOnt0vzb9RhDJp2mQAbpwYqzyH4xnY07DgJTt6dYWbrifZDfkROZiIinlacQ9A1f3g2GwKPJgNhau2O1v0WQUNLBy/uH5SWuX38R9Rt9QkatP8cpta1YWLpAtf6PaCuoaXUHO6e34oGrYeifitJe+o+QtKenlTQnu5f3A5X77Zo0W08LGzd0K6vpD09KGlP2rqGGD59K+o06QlzG1fYuzZE12HzER8ZDGFqrFJjl41L0i7qtRwEc1t3dBkmaRcV7heXtsO5Tls06yLZL1r3ngErB28EXindL7yb94dvj6lw9OR+8U/yeHh5O1qU5GFp74Xun0jyCK0kjweXtqJeq6Go21KSR+ehkjyCb0nyyM/NRPCtA2g3YA4cPHxh7VAP3UYuR1zYQ8SFByo9h0dXtqNp10lwrdcZFnae6DJyBbKFiXgdVHEOgZe3oW7LIfBuPghmNu7oOHgxNDR18OyOJAdzWw/0HLsWLnU7wdjCEbVqt4Rvj68QFnwRouIipeZQU/KoKccpsViMJ9e2o3HnSXCu2xnmtp7oOGwFcoSJCA+uuC6eXN2GOi2GwKvZIJhau6PdQEldPL8rm39y7DM8vroVHYYuU1kOt85sQ+N2Q9CozSBY2rmj96eSunh4TX5d3D63A+712qD1R+NgaeeGTgOmw9bJG3cu7JKWuXBwNWr7tEfXIV/D1skbZlaO8GzYCfpG5irLoya0qZrye5BIHnYu1CBxcXEYMWIEPvvsMzx79gyXLl3CwIEDIRaLsWvXLixYsADLli3Ds2fPsHz5csyfPx/+/v4AgKysLPTu3Rve3t64f/8+Fi1ahNmz5fd+zps3D7/88gvu3bsHDQ0NfPbZZ/9mmu9k0rIhki/clFmWdPYaTFs2BAAINDVh3Lguks/fKC0gFiP5wg2YtGykkpiKiwqQEBUMJ69W0mUCNTU4erVC7OuHcteJDQuEU5k/jpzrtEFsWKBKYnxfwpRo5AiT4OBRmou2riGsnRogLlx+LsVFBUiMDpZZR6CmBgePVhWuo0qZadHIzUyGnVvp56ulYwjLWvWRGPlI7jrFRQVIjg2GnXvpOgI1Ndi5+SIxMhAAkJuVgqSox9DRN8fRDSOwa1kbHN/4KeLD7ys1/uKiAsRHlm9Pzl6tEFNBe4p5HVjuR4eLdxvEvA6s8H3yc7MAgQDauqoZgi/dLzxl83DyrLhdxIXL2S+8uF8oS0V52Dg1QFxYJXlElc/D8a08EqOCICoulCljZu0GQ1M7xCm57oSp0cjJlFMXjvURX0FHRkV1UcvDt8J1ACA/LxNaOgZQU1f+VabVPY+acpwCgMySurCvLVsXVg71kRAhP7biogIkxQTD3r1MXdT2lVmnsCAX5/+ejTb9F0DP0FIl8RcXFSA2IhiudWRjcfX2RXSo/PijQgPh6t1KZplb3dbS8mKRCC8fX4KZjTN2rhqHn2e0wqalQ/H8wfudCPonakKbqkm/B4nk4ZwLNUhcXByKioowcOBAODk5AQB8fHwAAAsXLsQvv/yCgQMHAgBcXFzw9OlT/Pnnnxg9ejT+/vtviEQibN68GTo6Oqhbty6io6MxeXL5YWHLli1D+/aS67zmzJmDXr16IS8vDzo6yr2e/J/StrZAfkKyzLL8hGRoGhtCTUcbmqbGUNPQQH5iSpkyKdD3dFVJTLlZaRCLiqFvKNubr29ojtT413LXyRYmQ6/Mtch6RubIFibLLf9vyclMksRSJhc9Q3PkVBBbbrYkf3nrpCXIz1+VcjMlceoayMaja2CB3Kwkuevk5aRDLCqWs445MpLCAACZqVEAgIfn16F5z29gZuuFVw8P4+TmsRg4/cg753N4Xzlv2lOZs0N6RuZIqeDzzBYml7u2Xb+S9lRUmI9LASvh3bQXtHUNlBJ3WdJ2UTYPQ3OkVpKHnqFFufI5mdwvlCG7JI+yxyo9Q3NkV/AZV5ZHaqIkj2xhMtTVNaFTZq4IyXbl73P/VI6worqwqLCdvMlBV8466Ylh8tfJSsO9s3+gru9QJURdXnXPo6Ycp4DS/bvc8b+SusiroC50DWTr4uZRP9g4NYJz3c5KjrpUTqb8utA3skBynPx2kZWRXK68gZEFskrqIjszBQX5Obh+4i90HDAdXQbPxqugq9iz/kuM/tofzp7NlZ9HDWhTNen34IeEt6L8cLBzoQZp0KABOnfuDB8fH3Tv3h3dunXD4MGDoaWlhdDQUIwbNw6ff/65tHxRURGMjY0BAM+ePUP9+vVlOgh8feUPrapfv3TCGVtbWwBAYmIiHB0d5ZbPz89Hfr7sNYmFYhE0lXwNOqnG83tHcHHvQunzPhP+rMJo/plXgUdx/dAi6fNuo/5QyfuIxWIAgFfzYfBoIunIs7DzRmzoLby4fxDNus9UyfsqW3FxIQ7/NR2AGN1GvN9cJ/81NWG/ACR5nN9Tmke/idUvj5D7R3FpX2kOvcdvUPl7FuRl4dimiTC1dkPz7sqZN6Km5PFvUeVx6uWDo7hysLQueoxVTV2EB19AzKvbGDzj4LsLf2DEIhEAwLNRJ/h2GwMAsHGsg6hXD3H/0m6VdC6oGr/7iBTHzoUaRF1dHWfPnsWNGzdw5swZrF27FvPmzcPRo0cBAH/99RdatGhRbp3/laampvTfAoGkp1BU8iUjj5+fHxYvlj1IjxCY4WN15c8QDkhGKWhby25b29oChRmZEOXloyA5DaKiImhbmZcpY478eNX0AusamEKgpl5usp7szJQKZ0rXN7Iod8YzR1hxeVVxrddJ5lrv4qICSSyZKdA3tiqNLTMFlvZecrehqy/Jv+wkfTmZKeV641XBsU4nWL11R4c3OeRmpUDPqDSH3KxkmNnKn11ZR88EAjX1chNx5WalQLfkTPqbIa0mVm4yZUwsXZGdHqd4IiX03rSnMhNYVdY+9I0syp3lyJZTXvLjagYyUmMxYoa/Ss8GSttF2TzetV+UOVOYk5lSbjSDqtWE/QKoOI9sJeWhX1Iv+kYWKC4uRF6OUGb0gqSMYkPBXep2hPVbs+8XF79VF0Zv55AMC3v5+/ebHHLL5VB+pExBXhaObBwPTW199By7DurqmlCGmpLHG9X5OOXk3RGDHeV/Z7xdF7mZyTC3q+A7o4K6yM1Kln5nxITegjA1ElsXyv4hfnbHNNi4NEHfSTuUko+eofy6yBYmw8BYfl0YGFuUK58lTIaB0ZvvO1OoqWvA0tZdpoyFrRuiXin3UsA3qnObeqM6/x4keh88dVzDCAQCtG7dGosXL8bDhw+hpaWF69evw87ODq9fv4a7u7vMw8XFBQBQp04dPH78GHl5edJt3bp1SykxzZ07FxkZGTKPoWqquytD+q1AmHdqKbPMonMrpN0KBACICwuR8SAYFp3eGpkhEMC8oy/Sb6nmOmd1DS1YO9RFZEjpXBBikQiRITdh5yp/ngc7l4aICJGtg4jnN2Dn0lAlMVZES8cAJpZO0oeZjTv0jCwR9bI0l/y8LCREPIKts/xc1DW0YFWrrsw6YpEIUS9uVriOUnPQ1oeRuZP0YWLlDl1DC8SGln6+BXlZSIp+DCtH+ZPmqWtowcKuLuJela4jFokQG3oLVo4NAQAGpvbQM7JCRrLsMNOM5AgYmCjvtlzqGlqwcayLiDLtKTzkJuwraE/2ruXbU/jzG7B3bSh9/ubHVVpiBIZP3wZdA1OlxSyPdL94UWa/qKRd2Do3ROSLMvtFCPeLf6rCPF7I5hEf8Qi2LpXk4VBXZp2yeVg51IOauqZMmdSE18hMi4WtgnVXLgdrd+gZWiL6rc+1IC8LCZGPYeMs/70qqovol7dk1inIy8LhP8dBTV0TvcatV+qs+DUlj7djqa7HKS0dAxhbOEkfpiV1EVOmLhKjHsPaqaHcbahraMHSvi5iXsnmH/PqlnSdRh0/x5CvDmPwjADpAwB8+8xBh6F+SstHXUMLdk518fqZbCyvn91CLTf58Tu4NUTYM9n5q14/vSEtr66hBTvnekiJl/2+S00IV9ltKKtzm3qjOv8eJHof7FyoQW7fvo3ly5fj3r17iIyMxMGDB5GUlIQ6depg8eLF8PPzw5o1a/DixQs8efIEW7duxapVqwAAI0eOhEAgwOeff46nT5/ixIkTWLlypVLi0tbWhpGRkczjf7kkQl1fD0YNvGDUQHLWTM+lFowaeEHHQXJJhufSmWiwdYW0fMTG3dBzcYCX39fQ93SF06SRsB3SA2G/bZOWCVu9FQ7jhsL+0/4w8HJFvd8XQUNfF1H+qhua2LTzWDy+vhdBtwKQEh+Ks7sXoTA/F/VaSobPn/D/BlcO/yIt37jjKIQ/vYq757YgJT4U14+vRXxkEBq2/0RaJjc7HYlRz5ASFwoASE0MQ2LUM2RnKPca5rcJBAI0bDcKd8/8gddB55EcG4KzO7+BvrEVXH1K78t98PfReHS1dCbjRh3GIvjmXjy7E4DU+FBc3LcIRQW58G4xUFomW5iEpOhnSE+OBAAkx71AUvQz5GWnKz2Huq1GIfDiBkQ8u4DU+Be4vG8O9Ayt4ORdmsOJTWPx9GbpzNj12oxGyL19ePngENITQ3H98GIUFeTCo/EA6XZ92n6G4Bs7EfbkNIQpEbh/9jdkJL2GR1Pl3omkWeexeHRtL57cDEByXChO/5+kPfn4Sj7PY9u+weVDpe2pScdRCAu+ijsl7enasbWIjwhC45L2VFxciEMbpyE+Mgh9PlsJkagYWRlJyMpIkp61U4UmHcfiyY29CL4t2S/O7ZXkUbdkvzi5/RtcPfLWftFBsl/cO78FqfGhuHFiLRIig9CwXZn9IvoZUuIl+0VaQhgSo58hW8j94n3yaNR+FO6c+QOhTyR5nC7Jw+2tPA6sGy1zh47GHcYi6OZePC3J4/y+RSh8Kw9tXUPUbTkIVw79iKiXt5AQFYSzf38HW+dGsK3gD2VFcmjQbhTund2AsKALkrr4+1voG1nBtV5pDof+GIPHb9VFw/Zj8PTWPjy7G4DUhFBc2i+pizrNJTkU5GXh8IZxKCrIRedhy1CQl4VsYRKyhUkQiYqVmkNNyaOmHKcEAgF82ozCgwsbEB58ASlxIbi451voGVnBuW5pXRzdOAZB10vrwqftGDy/sw8h9wKQlhCKqwGS/cKzqSR/PUNLmNl4yDwAwMDEDkZmtZSaQ8tuY/Dgyj4EXg9AUmwoju2U1EXD1pJYAjZ9i3MHSuuiRZdP8SroGm6c3oLkuNe4dHgtYsOD0bzTx9IyrT4ah6C7J3H/8l6kJkTgzvmdCHl0Ec06jlRq7G+rCW2qpvwe/JAI1AXV8lET8bKIGsTIyAhXrlzB6tWrIRQK4eTkhF9++QU9evQAAOjp6eHnn3/G119/DX19ffj4+GDGjBkAAAMDAxw9ehSTJk1Co0aN4O3tjRUrVmDQINXdmvF9GTepB9/zpUMDvVd+BwCI2n4Qj8fNhbatJXRLOhoAIDc8Gnf7ToT3L3Ph/OUo5EXH48nE75F89pq0TNy+k9CyNIPHwmnQtrGE8NEz3Ok9HgVlJnlUJq8mPZGTmYrrx9YgJzMJlvZ1MHjKJumwNmFaHARvdbrYuzZGr7Erce3oalw7ugomls7oP+F3WNp5SMuEPr6AUzvnSp8f2/IVAMC351S07vWlynJp0vlzFBXk4sKeBcjPFcLOtQn6Tdwkc/YrIzkKuVlp0ucejXsiNzsVt06uQbZQkn+/iZtkhuo+ub4bd06vkz4/sFbyI6bLCD+ZP7aUoX678SgqyMX1gIUoyBPC2qkxuo/dKJNDZmok8rJLc3Ct3xN52Wm4f26NZDisbR10H7tROsQVAOq1Ho3iogLcPvEj8nMyYGbriY8+2wwjc/lzkvxTdZr2RE5WKq4dk3yeVrXqYOiXb7WnVNn2VMutMfp8thJXj6zGlcOrYGrpjIGTfoelvaQ9ZaUn4NXjCwCArcv6ybzXiK+2w9FD9pIqZfFsIsnjxvHS/WLgF6V5ZJbZL+xcG6PnmJW4fmw1rh+T7Bd9P/8dFm/tF6+fXMDpXaX7xfFtkv2iZY+paNWT+8W7NC3J4/xbeQyYJJtHekoUct/aNzwb90RuVipunliDHGESLGrVQf9Jm2SG7bYf8B0EAjUc2zINxUUFcPJqg05DFkIVGneS7N8X90lysHVpgj4T/ipTF5EyOdRuJMnhzqm10rroM+EvaV0kRgcjoeRuMjuWd5N5v1Hfn1P6H4M1IY+acpwCgAYdxqOwIBdXDixAQZ4QNs5N0HOcbF0IU2S/M9wb9kRedirunVmLnMwkWNjVQc9xf/3rl3EBQL3mkt8glw6tRZYwCTYOdfDxV39JL4vISI2VXuoKAA7ujTHw85W4GLAaFw7+CjMrZwyfug5WtUqPtXUad0XvTxfh2omNOPV/y2Bu44KhX6yBY+0mKsujJrSpmvR7kKgsgfjNDGREZYSHh8PFxQUPHz5Ew4YNlbrt45qeSt1eVYg9GVLVIShFQWFVR6Ac2TkVz/tRXViY1ozBZIVFVR2B4oqUfyK6SqjVkBMjRcX8qfKh0Net/o0qPbNmtCcb83eXqQ7yCqp/myqu/j9BAACfd3l3mQ/RlXr/zqWEytYuqGpuO61KHLlARERERERE1ZJaDb3EoDqqGafJiIiIiIiIiKjKcOQCVcjZ2Rm8aoaIiIiIiIjehSMXiIiIiIiIiEghHLlARERERERE1ZKgpsxeXANw5AIRERERERERKYSdC0RERERERESkEHYuEBEREREREZFCOOcCERERERERVUsCdZ4v/1CwJoiIiIiIiIhIIexcICIiIiIiIiKF8LIIIiIiIiIiqpbU1Hkryg8FRy4QERERERERkULYuUBERERERERECmHnAhEREREREREphHMuEBERERERUbUkUOOcCx8KjlwgIiIiIiIiIoWwc4GIiIiIiIiIFMLLIoiIiIiIiKha4q0oPxwcuUBERERERERECmHnAhEREREREREphJ0LRERERERERKQQzrlARERERERE1ZKAcy58MDhygYiIiIiIiIgUws4FIiIiIiIiIlIIOxeIiIiIiIiISCGcc4GqROzJkKoOQWF2PTyrOgSlqAl1AQB3HiVWdQgKa+5rU9UhKIWdeXFVh6AwR5OMqg5BKcLSTKo6BKVwM0ut6hAUFpdpXNUhKIWWhqiqQ1BYYwdhVYegFK9Szas6BKXQUBdXdQgKq2OZVNUhKIl1VQfwjwjUeL78Q8GaICIiIiIiIiKFsHOBiIiIiIiIiBTCyyKIiIiIiIioWhKo8VaUHwqOXCAiIiIiIiIihbBzgYiIiIiIiIgUws4FIiIiIiIiIlII51wgIiIiIiKiaklNnXMufCg4coGIiIiIiIiIFMLOBSIiIiIiIiJSCC+LICIiIiIiomqJt6L8cHDkAhEREREREREphJ0LRERERERERKQQdi4QERERERERkUI45wIRERERERFVSwI1ni//ULAmiIiIiIiIiEgh7FwgIiIiIiIiIoWwc4GIiIiIiIiIFMI5F4iIiIiIiKhaEqgJqjoEKsGRC0RERERERESkEHYuEBEREREREZFCeFkEERERERERVUtq6rws4kPBkQtEREREREREpBB2LhARERERERGRQti5QEREREREREQK4ZwL/zE3b95EmzZt8NFHH+H48eNVHc57e3h5F+6e24xsYRIs7b3Qeeh82DrXr7B8yIOTuH7sN2SkxMDUyhnt+s2Ga7320tdfBJ7Bo6u7kRAVjLzsdIyacwhWDnVUFr9Zm6ZwnTUOxo3rQcfOCvcGfYGEI+crX6ddc3ivnAMD79rIi4rDK78/EL09QKaM0+SRcJ05Dto2lhA+fo7gGUuQcfeJyvIAqn9dvG1AJwN0aKILPR01vIwsgP9RIRJSiyss37utPpp468DWQh2FhWK8jCrE3jOZiE8pXWdMHyPUddOCiaE68grEeBVZgL1nMxGXXPF2FSEWi3H75BoE3dqH/Fwh7Fwao+OQRTCxdK50vUdXd+HBhc3IyUyChZ0X2g+aDxun0noMurEHIfePITE6GIX52Zi4/C609YxUksPNs3/j8oktyMpIhq2DJ/qOmgcHt4rb1OPbp3D2wFqkJcfA3NoJPYbNhFfD0jaVmZGMk7tX4WXQdeTlZMLFsyn6jvoOFjbOKon/jTPH9+PYwV3ISEuFo4s7Rk+cCXePunLLXjh9GFcvnERUxGsAgIu7J4aNmiQtX1RUhH07/0TgvRtIjI+Frr4B6jVoihGjv4CpuaXKcrh1bheultSFjYMXen9aeV08uXMK5w6sQXpJXXQfNgueDUrrIj8vG6f3rsKz++eRk5UOU8ta8O32CVp0Gq6yHADg9LEDOHrwb2ldjJ34Fdw9veWWPX/qCK5cOInoiDAAkroYPmqiTPl9uzbj5tVzSElKhIaGZkl9TUBtT/n1qwzXzvwfLhzdisyMZNg5emLgmO/g5O4jt2xc1Cuc2r8OUa+fIi05Fv0//Rbte34qU+bcob/w+O45JMaGQVNLB84eDdFnxFewsnNRWQ4AcPnUbpw7sg3C9GTYO3lg6Gdz4Vxbfh6xUa9wfM/viHz9DKlJsRg05mt06iWbx/G963Fi3waZZdZ2zljw2xGV5QC8aVP/h/S0VDi5uL1Hmzols3+PKNOm3vbXup9x7tRhjPp8Gnr1G6qyHGrK/n373C5cO1mSh6MXen0yD7VcK84j6M4pnD8oycPMxgndh8yCx1t5zB8j/zdH96Gz0abnOKXHDwAnjx3EkQO7pe1p3KTpqF1B+zh76iguXziNqHBJe3J198TI0Z/LlF+3ajkunT8ls17Dxs3x/ZKVKon/Q8NbUX44OHLhP2bz5s348ssvceXKFcTGxlZ1OO/l+f0TuHTQD749p+DTOQGwquWF/evGITszRW75mNcPcGzrLNTzHYxRcw/BvX5nHNo4BUmxL6RlCvNzYO/WGO36zf5XclDX14PwcQiCpi1+r/K6zrXQ7MifSLl0G9ea9kPYWn/4/LkUFl3bSMvYDumBOj/Pxculv+Na8wHIfPwcLY5vhpalmarSqBF18UbPNvro2kIP244K8cPGFOQXiDF7lCk0K+ly9XTWwvnbOViyMRU/+adBXR34erQZtDRLv9TCYwuxKSADc9cmY+X2VAgEwNejzCBQ0ffe/fN/IfDKDnQcsgjDvtoLDS1dHNowDkWF+RWu8+LBCVw95IcWH03B8NkBsLD3wuEN45DzVj0WFuTCqU5bNOs6STWBl3h06ySO/b0CXQZ8gS+X7Ietoxc2/zQBWRny21TEi4fYvf5rNG0/ENOWHEDdJp2xY/WXiI96CUDS2bJj9ZdITYrCqK/WYdrSAzCxsMWmH8ehIC9HZXncvHoOOzetwcAR47Bs9TY4utTGjwu+QkZ6qtzyT588QKt2XfH98nVY/PNGmFtY48cFM5CakggAKMjPQ1hoCAYMG4tlq7fhq7l+iIuJxMql36gsh8e3TuDE3yvQqf8UTPnhAGwcPbHt58+RJaygLl4+xN71s9G03SBM+eEg6jTujF2rv0RCdOn+feLvFXj5+BqGTPoJM348jlbdR+HY9qV49uCCyvK4ceUcdmxai8EjPoPfb1vg5OIOvwUzkZGeJrf80ycP0Lp9V8z3W4MfVv4Jc0srLF/wFVKTk6RlbO0dMHbSTPz0+3Ys+mk9LK1tsHz+VxBmyN+moh7ePIlDO35C90GTMWv5Ptg5eeLPHycis4L9orAgF+ZWtdB7xAwYmljILRP67B7adBuB6T/8jUnfbURxUSE2+E1Avgr3i/vXT+Gg/8/oOWQS5qzYg1pOnli3bFLFeeTnwdyqFvp9PB1GFeQBALYObli+8YL0MXOJv6pSAADcuHIe2zetw6ARY/Hjb5vh5OKO5ZW0qeAnD9GqfRcs8FuLJSv/hLmlNZYtmCnTpt64c+MyXoYEw9Ss4nyVoabs309un8DJ3SvQsf8UTF58ADYOnvBfWXEekS8fYt+G2WjSbhAm/3AQdRp1xt9rZPP4ZvUVmceAccsgEAjg3bSbSnK4fuU8/P/6HUNGjsFPazbB2cUdS+fPrrQ9tWnXGYv8fsPyX/6AhaUVlsyfjZQy7alhkxb4a0eA9DHjm4UqiZ+oMuxc+A/JysrCnj17MHnyZPTq1Qvbtm2Tef3IkSOoXbs2dHR00LFjR/j7+0MgECA9PV1a5tq1a2jbti10dXXh4OCAadOmITs7W6Vx3zu/FT6thsLHdxAsbN3RdfhiaGrpIOjmAbnlH1zcDhfvtmjedTzMbdzQps8MWDt4I/DyTmmZui36o1XPqXDy8lVp7G8knb6CFwtXI+Hwufcq7zRhOHLDovHsmxXIev4aEet3If7AabhMHyMt4zJjLKI270W0/0FkPQvFky8WojgnDw5jBqkoi5pRF29099XD0StZePg8H1EJRdh4MAMmhupo7KVT4Tq/7EjDtcBcxCQVISqhCJsOZsDCRB0udqU9Epfu5yIkohDJ6cWIiCvCgfNZMDdRh6WJutJzEIvFCLyyHc27TYabTxdY2Hmh28c/ITsjEa+fVNzWHl7ainq+Q+HdYhDMbdzRachiaGjp4Ont0nps1GEMmnaZABunBkqP+23XTm5D8w5D0LTdQFjbu6P/2IXQ0tbBvSsH5Za/fmYHPOq3Qfte42Bl74Zug6fBztkbN8/tAgAkx0cg8tUjDBizAA6uPrC0dUH/MQtRWJCPwFsnVJbHiUP/h47d+6JDl96o5eiCcV98A21tbVw+e0xu+amzF6Nrr0FwdvWAvYMzJnw5F2KRCEGP7gEA9PQN8N2SNWjZtgvsajmhtlc9jJk4C2GvniM5MV4lOVw/5Y+mHYagSbuBsLJ3R78xi6CprYP7l+XXxc3T21Hbpw3altRF18HTYedcBzfP/i0tE/nyIRq16QfXOs1hammP5h2HwsbRE9GvH6skBwA4fmgPOnXvgw5de6GWowvGT/kaWtrauFRBXXz59SJ06zWwpC6cMPHLOTJ1AQBtOnSDT8NmsLaxh4OTKz4dPw25OdmICAtVSQ6Xjm+Hb6fBaNFhAGxquWHIuAXQ0tLB7UsBcss7uvmg78ez0bhVT2hoaMktM3Hun2jevj9sHdxh7+SFkZOXIS05DtFhT1WSAwCcP7YdrToPgm/H/rB1cMPwCfOhpaWLmxcOyS3v5F4PA0fNQtPWPaChKT8PAFBT04CxqYX0YWBkqqIMJI4f2o3O3fugo0yb0sHFCtrUtK8XonuvgXB2rQ17BydM+vJbiEUiPHmrTQFAanIStv65Gl/OXgANDdUOJq4p+/eN0/5o2n4IGreV5NFn9CJoaungQQXfGTfPboe7Txu06TkOVnZu6DJoOmyd6uD2udI8DE0sZR7PHlyAi1cLmFk5qCSHowF70eWj3ujUtSccHJ0xYeosaOvo4MIZ+SOKZ3y9AB/1HgAXt5L2NO2bkvZ0X6acpqYmTM3MpQ8DQ0OVxE9UGXYu/Ifs3bsXXl5e8PT0xCeffIItW7ZALBYDAMLCwjB48GD0798fjx49wsSJEzFv3jyZ9UNDQ/HRRx9h0KBBePz4Mfbs2YNr165h6tSpKou5uKgACVHBcPJqJV0mUFODo1crxL5+KHed2LBAOHnK/qHqXKcNYsMCVRanspm0bIjkCzdlliWdvQbTlg0BAAJNTRg3rovk8zdKC4jFSL5wAyYtG6kkpppUF5am6jAxVEdwaIF0WW6+GK9jCuHuoPne29HVkRxCs3LFcl/X0hSgbSNdJKYWIUWo/MsihCnRyBEmwcGjtE60dQ1h7dQAceHy66S4qACJ0cEy6wjU1ODg0arCdVSlqKgAMeFP4V63pXSZmpoa3Ov6IuJVoNx1Il4Fwr2ubJvy8GmNiJePAEjyAwANTW2ZbWpoaiE85IGSM5AoKixE2KsQ1GvQTOY96zVshpchQe+1jfz8PBQVF8HAoOJLT3JysiAQCKBnoPwfjEVFBYgND5b5bNXU1ODu7YvICuoi8tUjuJWpC3efNoh6q7xj7UZ4/vAiMlITIBaL8frpbSTHh8O9Xmul5wCU1oVPQ9m68GnYFC+e/291oW8ovy6KCgtx/tRh6OkbwMnFXSlxy2y/qBDRYU/hUU92v6hdr6W0nStDbk4WAEDPwFhp23xbUWEhol4/g1d92Ty86rfA6xeK5ZEUH4HvJnTGgik9sPW3OUhNilM03AoVFRbi9asX8GnYVLrsTZt6+Tz4vbaRn58v2b/falMikQjrVi1Bn4Ej4ODkqvS431Zj9u+SPFy9ZfNwq+uLqNBAuetEvXoEN+/yeURWUD4rIxkvHl9G43aqOVFTWNKe6pdrT00Q8p7tqSA/H8Vl2hMABD8JxGcj+2LahI+x8fdfkCnMUGrsRO+Dcy78h2zevBmffPIJAOCjjz5CRkYGLl++jA4dOuDPP/+Ep6cnfv75ZwCAp6cngoKCsGzZMun6fn5++PjjjzFjxgwAQO3atbFmzRq0b98ef/zxB3R0Kj7j+0/lZqVBLCqGvqG5zHJ9Q3Okxr+Wu062MBl6RrLDC/WMzJEtTFZ6fKqibW2B/ATZePMTkqFpbAg1HW1omhpDTUMD+YkpZcqkQN9TNT9SalJdGBtIOgUyskQyy4VZxdLX3kUgAD7uYYgXEQWISSySea1TM10M62YIHW01xCYV4Wf/NBSrYMqFnEzJkEi9MnWiZ2iOnAo+49xsST3KWyctQX49qkpOZjpEomIYGMu2EQMjcyTFyo8lKz0ZBsaysRsYWyArQ5Kvpa0LTMxtcWrvrxjw2SJoaevi2qntyEiNR2ZG+SHJypAplORhbCp7SZKxiRlioyPeaxv/t209TM0sUe+tP4rfVlCQj//bth6+7bpCT09f4ZjLktaFUdnP1hxJcWFy18nKSJZbd5kZpW2vz6ff49CWBfhpRgeoqWtAIBBgwGc/wMVLfp6KEr6pC5PydRETHfle2/h72x8wNbOQ+WMSAO7fuY41Py1EQX4eTEzNMW/JahgZmygrdKlsYRpEomIYlmnnhsbmSIyVXxf/K5FIhEPbf4SLZyPYOtRWyjbLysqsOI/4mH+eh3NtH3w6ZSms7ZyRkZaEE/s2YNWCMfh+1UHo6Cp/3xAKMypsU++7f+/ath5mZdrU4f27oK6ujh59hyg1Xnlqyv5d+p1RJg8jcyT/j3lkZcj/jnx4/RC0dfTh3aSrcoIuI1PanmRH25iYmCEm6v2OUTu3boCpmQXqN2wiXdawSQu0aNUOVja2SIiLxd/+G7Fs4ddYtvIPqKsrf+Tkh0agxvPlHwp2LvxHhISE4M6dOwgIkAyp1NDQwLBhw7B582Z06NABISEhaNZM9sugefPmMs8fPXqEx48fY9euXdJlYrEYIpEIYWFhqFNH/oQ4+fn5yM+Xvf67sEAbmlracssTKZtvfR2M6VPaw79ql+LXSY/qZQR7K00s21z+Os+bj/MQHFoAE0M19GitjynDTLB0UwoKi+Rs6H/w/N4RXNxbeg1lnwl/KrbBGkhdQxOfTF+DA5u+xw+TfKGmpg73ur7wrN8WYsgfYVLVjuzbjptXz2L+8vXQknNcLCoqwpoV3wNiMT77QnVzLqjCzbM7ERX6CJ98tR6m5nYIC7mHI9uXwNDECu71Wr17A/+yw/t24MaVc1jgt65cXdSt3xgr1mxDpjAd508fxeoV87H0l7/K/ZFQHRzYuhRxUa8wbdH2qg7lf1a3UVvpv+2dPOBc2wfzJ3+EBzdOo1XngVUYmXyH9u3AjSvnsdBvrbRNvX71HCeP7MOPv22BQFUT8vwLqtv+/T4eXDmI+i17f7C/UQP27sT1K+ex6Mc1MseoNu07S//t5OwGJ2c3TBk/HMFPAmU6IYhUjZ0L/xGbN29GUVER7OzspMvEYjG0tbWxbt2699pGVlYWJk6ciGnTppV7zdHRscL1/Pz8sHix7ESGvT9diL6jFr3zPXUNTCFQUy83YWB2Zgr0jeRPfqRvZFHurG2OsOLyH6L8hGRoW8vGq21tgcKMTIjy8lGQnAZRURG0rczLlDFHfrxqRgVU57p4+DwfodGlcWuqS37MGRuoyYxeMDJQR2Rc4Tu392kvQzTw1MbyzalIE4rKvZ6bL0ZufjESUovxKjodf8y1QpM6Orj1JE+hPFzrdZKZA+HNJQA5mSnQN7aSLs/JTIGlvZfcbejqS+oxp0w95mSmlBtlomp6hiZQU1MvdwYpS5gCgwomczMwsSg32WPZM1O1XOpi+rIA5OVkoqioEAZGZvh94TDYu9RTfhIADI0keWSkyU7emJGeChNT8wrWkjh2cBeOHNiB75asgaOcIfaSjoV5SE6Mx7xl61QyagF4qy6EZT/blHJn/d54e8SItLwwBYYl5QsL8nB232qMnL4GXg07AABsHD0RF/kM105uVckfH0Zv6iJdXl1UPtnt0YN/4/D+nZi3dLXcyx10dHRhY1cLNna1UNurHmZ8PgwXzxxF/6GjlJqDvpEp1NTUy016mJmRUukkh+/rwNZlePrgMqYu9IeJuY3C26uIgaFq83hDT98IVnZOSIqPUto232ZkZFxJm6p8/5a0qV34vkybehb8GMKMNEwZWzr0XiQqxo7N63Dy8F6s27JfqTnUlP279DujTB7C/z0PeeXDQ+4hOT4MQ79YpbygyzCUtifZkxzp73GMOnzg/xCw/28sWLYKzi5ulZa1trWDkZEx4uOi2blA/yqOIfkPKCoqwvbt2/HLL78gMDBQ+nj06BHs7Ozwf//3f/D09MS9e7ITDd29e1fmeePGjfH06VO4u7uXe2hpVTzx0ty5c5GRkSHz6DF87nvFrq6hBWuHuogMKZ1/QCwSITLkJuxc5c8tYOfSEBEht2SWRTy/ATuXhu/1nh+C9FuBMO/UUmaZRedWSLsVCAAQFxYi40EwLDq9dR2hQADzjr5Iv6Wa6+arc13kFYiRmFosfcQkFSE9sxjerqXtVkdbAFd7TbyKqrxz4dNehmhSRwcrtqYiOf3d1zoISv6roa742SktHQOYWDpJH2Y27tAzskTUy9I6yc/LQkLEI9g6y68TdQ0tWNWqK7OOWCRC1IubFa6jKhoaWrB39sarp6VtRCQS4VXwLTi5N5S7jpN7Q7wKlm1TL4Nuwql2+YkndfQMYWBkhuT4cESHBcO7SSelxv+Ghqbk1oTBj0uPoSKRCMGP7qG2Z8UdGkcP7ETAnq34dtGvcK1dfuTXm46F+NhofLd0DQyNVHNtPCCpCzvnuggNlq2L0Ke34FhBXTi6N0DoU9m6CA26AYeS8sXFRSguLoRAIPtTQ01NHWJx+U45ZXhTF29PxigSiRD06D48vCquiyP7d+Hg7m2Yu/gXuMmpC3lEYhEKC9/dGfm/0tDQRC0Xb7wIul36XiIRXgbfltvO35dYLMaBrcvw5O55fPH9Fphb1VJGuBXS0NSEg2sdhDyRzSPkyW24eihvoti83Bwkx0fByFQ1naMamppwdfeQmTzvTZuq7VXxrUgP79+FA7v9MXfxSrjVlu3sbdexO35a648Va7ZKH6ZmFug7cAS++0H5f9jWmP27JI/XZb4zXj+9BQe3hnLXcXBvIFMeAEKDb8BRTvkHVw7AzrkubB3ld84rg+ab9hQo256eBD6AZyXt6dD+v3Fg93Z8/8PPcK/97vhSkhORmSmE6Ts6wGoKgZqgWj5qIo5c+A84duwY0tLSMG7cOBgby/44HTRoEDZv3oy9e/di1apV+PbbbzFu3DgEBgZK7ybxZsjet99+i5YtW2Lq1KkYP3489PX18fTpU5w9e7bS0Q/a2trQ1pYdXlbJJNDlNO08Fie3fwtrx3qwda6P+xf8UZifi3otJcMfT/h/AwMTa7TrNwsA0LjjKOz59VPcPbcFrvXa4/n9E4iPDELXkT9It5mbnY7M1DhkZUhu+5aaKLlWT9/IAvrGyr+HvLq+HvTdS0d36LnUglEDLxSkZiAvKg6eS2dCx94aj8Z+CwCI2LgbTl98DC+/rxG17QAsOraE7ZAeuNt3onQbYau3osGWFUi/H4SMu4/hPG00NPR1EeUvf8ZkZagJdfHG6Zs56NveAAkpxUhKK8bAzgZIzyzGg+elowu+GWOKB0/zce6O5FZto3oboaWPDn77vzTkFYil8zPk5IlQWCSZKLJFPR0EvcqHMEcEMyN19G6rj8IiMR69rPjWkP+UQCBAw3ajcPfMHzCxdIKRWS3cOvEb9I2t4OrTRVru4O+j4Va/Kxq0lcy50qjDWJz9+1tYO9SDtWN9BF72R1FBLrxblA4pzhYmIUeYjPRkyTWgyXEvoKWtD0NTW+jomygthzY9xmDfxrmo5VIPDq4+uHZ6Owryc9Gk3QAAwJ4Nc2BsaoWPhs0EALTu9in+XD4aV05shVfD9nh06wRiwoIw8LPS0VGPb5+CvpEZTMxtER/1Akd3+sG7SWd4+KhmkjEA6Nl/BDb8ugSu7l5w86iLk4d3Iy8vD+279AYArF+1GGbmlhg++gsAwJH9O7B/11+YOnsxLK1tkZ4mOROno6MLHV09FBUV4bcfv0NYaAi+XrASIpFIWsbAwAgamu8/8ej7av3RaBz4ay7sXeqhlqsPbpyRrYt9f34LI1NrdB8qqQvf7qOwafkoXDu5FZ4N2uPxrROICQtG/5K60NE1gItXM5za/TM0tXRgYmGH8Od38fDaYfQc+a3S43+jV/9h+OPXZXCt7QV3D2+cOLwX+Xl5aN+lFwDg91+WwMzcAiPGTAYAHN6/E/t2bsKXXy+UWxd5ebkI2OOPpi3awMTMApnCdJw5dhBpKclo2aajSnLo0GsU/v5jHhxc68LJvR4un9yJgvxctGjfHwCwa/1cGJtaofeIrwBIJoFMiJbcuaK4qBAZaQmICX8OLR09WNpIvnsObFmK+zdOYNysNdDW1YcwXXI2V0fPAFpayp8zCQA69x6F7b9/D0c3bzi7++DC8Z3Iz89Fy46SPPzXfgcTM2v0+3i6JI/CQsS9lUd6SiKiwp5DW0cPVraSPA5uXwmfJh1gZmmLjLQkHN+zHmpq6mjauodKcgCAXv2HY/2vy+BW2wtuHnVK2lQuOpS0qXW/LIGZuSVGjpHcuvfw/p3Yu3Mzpn29EFZy2pShkXG5zkINDQ0Ym5rDrlbFI0EVUVP271bdR+NgSR72rj64WZJH47aSPPZvlOTRbUhJHl1HYfOPo3D95FZ4NGiPJ7dPIDYsGP3GyI6ozcvNQtDd0/houOovPeszYCjWrfKDW21PuHvUwfHD+5Cfl4uOXXsCANb8sgzm5hb4eIzkN1/Avl3Ys3MLZnwzH5ZWNkhLLWlPurrQ1dVDbm4O9v29DS1bt4eJqRni42Kxc8sfsLG1R8MmzSuMg0gV2LnwH7B582Z06dKlXMcCIOlc+Omnn5CZmYn9+/dj1qxZ+O233+Dr64t58+Zh8uTJ0o6B+vXr4/Lly5g3bx7atm0LsVgMNzc3DBs2TKXxezXpiZzMVFw/tgY5mUmwtK+DwVM2SYfWC9PiZHrO7V0bo9fYlbh2dDWuHV0FE0tn9J/wOyztPKRlQh9fwKmdpaMnjm2R/EDz7TkVrXt9qfQcjJvUg+/5HdLn3iu/AwBEbT+Ix+PmQtvWEroOttLXc8OjcbfvRHj/MhfOX45CXnQ8nkz8Hslnr0nLxO07CS1LM3gsnAZtG0sIHz3Dnd7jUZBYfg4AZakJdfHGiWvZ0NYSYExfI+jpqOFlZAFW7kiTmRfBylQDBvqlZyY7N9cDAHz3meyZgL8OZuBaYC4Ki8TwcNJCN1896OuoISNbhJDwAiz5KwWZ2ao5k9Ok8+coKsjFhT0LkJ8rhJ1rE/SbuEnmbgkZyVHIzSodgunRuCdys1Nx6+QaZAsl9dhv4iboGZae+XtyfTfunC7tNDyw9mMAQJcRfjKdEIpq0LIHsjNTcfbAWmRmJMPO0Qufff2ndOhteopsm3LyaIThk3/Cmf1rcHrfalhYO+HTGWth89akdJnpSTj+90/IykiGoYklGrfph079JyktZnl823aBMCMN+3dtQnpaCpxca2PO4l+lkzymJCVA7a08zp08iKKiQqz+8TuZ7QwcMQ6DR45HWkoS7t++CgCYO0122P33y3+Ht09jpedQv2VPZGem4fzBNcjMSIatYx2M+XqjdPhwRtm6qN0IQyf/jHP7f8OZfb/C3NoJH89YC+tapfv3sC9+wZl9v2Lvhq+Rm5UBEws7dB08A807DVd6/G+0atcFwox07Nu5CelpqZK6+OEX6ZDj5KQEmTNGZ08EoKioEL/6fS+znUEjPsOQj8dBTU0NsdERWHX+JDKFGTA0MoJr7TpYtGK9ymb5b+TbA1nCNJzavw7C9GTYO3lh4pwNMCy5nCAtWbYuhGmJWDl3sPT5xWPbcPHYNrjVaYqpC7YBAK6f2wMA+H3JWJn3GjFpKZqXdFooW5PWHyFTmIZje9YjMz0Z9s6emDLvDxiZmJfkES+TR0ZaIn78Zqj0+fmj/jh/1B+1vZtixuItAID0lERs/e1bZGemw8DIFG5ejTF7+U4YGlc+pFwRrdp1hjAjHXtL2pSzqzvmvtWmUpISoPbWhHJnTxxCUVEhVpVpU4NHjMWQj8epLM7K1JT926dFSR4Ba5BVkseoWbJ5vH2sdazdCEMm/oxzB3/D2QOSPEZOk80DAJ7cPgFAjPote6ks9jdal7Sn3Tu3SNvTvB9Wyhyj1N6ai+PMicMoKirEyuULZLYzZOQYDPv4M6ipqSMiPBSXzp9CTnYWTM0s0KBRMwz/dBw0/5ezeURKIBC/uRchURnLli3Dhg0bEBWl/OsY/zqn9E3+6+x6eFZ1CEoRezKkqkNQimtX4qs6BIU191Xd9c//JjtzFdwa41/maFIzbuEVlmZS1SEohZtZ6rsLfeDiMlV3Wcu/SUtDNR2l/yYLXWFVh6AUr1JrxpB3UfVvUqhjqZq7Ef3bfNytqzqEf+T5kG5VHcI/4rXvTFWHoHQcuUBS69evR7NmzWBubo7r16/j559/xtSpU6s6LCIiIiIiIrlq6vwF1RE7F0jq5cuXWLp0KVJTU+Ho6IhZs2Zh7tz3m3iRiIiIiIiI/rvYuUBSv/76K3799deqDoOIiIiIiIiqGXYuEBERERERUbXEyyI+HGrvLkJEREREREREVDF2LhARERERERGRQti5QEREREREREQK4ZwLREREREREVC0J1Hi+/EPBmiAiIiIiIiIihbBzgYiIiIiIiIgUws4FIiIiIiIiIlII51wgIiIiIiKiaklNXVDVIVAJjlwgIiIiIiIiIoWwc4GIiIiIiIiIFMLLIoiIiIiIiKhaEqjxsogPBUcuEBEREREREZFC2LlARERERERERAph5wIRERERERERKYRzLhAREREREVG1JFDj+fIPBWuCiIiIiIiIiBTCzgUiIiIiIiIiUggviyAiIiIiIqJqibei/HBw5AIRERERERERKYSdC0RERERERESkEHYuEBEREREREZFCOOcCVYmCwqqOQHGxJ0OqOgSlsOvhWdUhKIXXrqdVHYLC9HWrOgLlSM9Wr+oQFKajaVjVIShFeExVR6AcwmyLqg5BYcWiqo5AOQZZXa3qEBR2Oa1VVYegFFv/qv7fewDw5VSPqg5BYXcjras6BKXwca/qCP4Zzrnw4eDIBSIiIiIiIiJSCDsXiIiIiIiIiEgh7FwgIiIiIiIiIoVwzgUiIiIiIiKqlgRqPF/+oWBNEBEREREREZFC2LlARERERERE9IH7/fff4ezsDB0dHbRo0QJ37typtPzq1avh6ekJXV1dODg44KuvvkJeXp7K4uNlEURERERERFQt/VduRblnzx7MnDkTGzZsQIsWLbB69Wp0794dISEhsLKyKlf+77//xpw5c7Blyxa0atUKL168wJgxYyAQCLBq1SqVxMiRC0REREREREQfsFWrVuHzzz/H2LFj4e3tjQ0bNkBPTw9btmyRW/7GjRto3bo1Ro4cCWdnZ3Tr1g0jRox452gHRbBzgYiIiIiIiOhflJ+fD6FQKPPIz8+XW7agoAD3799Hly5dpMvU1NTQpUsX3Lx5U+46rVq1wv3796WdCa9fv8aJEyfQs2dP5SfzJiaVbZmIiIiIiIiIyvHz84OxsbHMw8/PT27Z5ORkFBcXw9raWma5tbU14uPj5a4zcuRI/PDDD2jTpg00NTXh5uaGDh064LvvvlN6Lm9wzgUiIiIiIiKqlqrrrSjnzp2LmTNnyizT1tZW2vYvXbqE5cuXY/369WjRogVevXqF6dOnY8mSJZg/f77S3udt7FwgIiIiIiIi+hdpa2u/d2eChYUF1NXVkZCQILM8ISEBNjY2cteZP38+Pv30U4wfPx4A4OPjg+zsbEyYMAHz5s2Dmgo6ZapnNw8RERERERHRf4CWlhaaNGmC8+fPS5eJRCKcP38evr6+ctfJyckp14Ggrq4OABCLxSqJkyMXiIiIiIiIqHoS/DduRTlz5kyMHj0aTZs2RfPmzbF69WpkZ2dj7NixAIBRo0bB3t5eOm9Dnz59sGrVKjRq1Eh6WcT8+fPRp08faSeDsrFzgYiIiIiIiOgDNmzYMCQlJWHBggWIj49Hw4YNcerUKekkj5GRkTIjFb7//nsIBAJ8//33iImJgaWlJfr06YNly5apLEZ2LhARERERERF94KZOnYqpU6fKfe3SpUsyzzU0NLBw4UIsXLjwX4hMgnMuEBEREREREZFCOHKBiIiIiIiIqiWB2n9jzoXqgCMXiIiIiIiIiEgh7FwgIiIiIiIiIoWwc4GIiIiIiIiIFMI5F4iIiIiIiKhaEqjxfPmHgjVBRERERERERAph5wIRERERERERKYSXRfwHJSUlYcGCBTh+/DgSEhJgamqKBg0aYMGCBWjdunVVhyeXWCzG7ZNrEHRrH/JzhbBzaYyOQxbBxNK50vUeXd2FBxc2IyczCRZ2Xmg/aD5snOpLXw+6sQch948hMToYhfnZmLj8LrT1jFSWx8PLu3D33GZkC5Ngae+FzkPnw9a5foXlQx6cxPVjvyEjJQamVs5o1282XOu1l77+IvAMHl3djYSoYORlp2PUnEOwcqijsvjN2jSF66xxMG5cDzp2Vrg36AskHDlf+TrtmsN75RwYeNdGXlQcXvn9gejtATJlnCaPhOvMcdC2sYTw8XMEz1iCjLtPVJbHG23rCtDQVQBtTSA6BTh9X4S0rMrXaewuQAtPAQx0gMR04MxDEeJSJa8Z6wFf9FaXu17AjWI8j1Zu/Pcv7sLts5uRlZEEq1pe6DZ8PuxcKm5Pz+6fxJXDkvZkZuWMDgNnw92ntD1dPboWT+8eR2ZaPNQ1NGHjWBft+n8Fe5cGyg28bB6XduH2Gcl+YVXLC12HVZ7H8/snceXIW3kMmA23Mnk8uyfJQ60kj/b9voKdivO4evr/cOHoVmRmJMPO0RODxn4HJ3cfuWXjol7h5L51iHr9FGnJseg/6lt06PmpTJmzh/7C4zvnkBgbBk0tHTh7NESfkV/B2s5FpXmIxWLcP7cWz+/uQ0FuJqydGqFN/4UwtnCudL3gm7vw+MoW5GYlw8zGC636zoOVQ2k9Hts4CnFhd2XW8Wo+DG0HLFJ6Dg8uSfaNN22qy7D5sKvkWPv8/klcPVp6rO0wYDbcSo61xcWFuHpkNUKDriAjOQraugZw8mqF9v1nwdDEWumxv1Hdvy/e2H/qAnYdOY3U9Ay4Ozlg5mcjULe26zvXO3v9Dhas3oh2zRpixTdTpcsv3b6PgDOX8fx1BIRZ2fD/aQE8XBxVmQIA4ObZv3H5xBZkZSTD1sETfUfNg4NbxfXx+PYpnD2wFmnJMTC3dkKPYTPh1bC0PjIzknFy9yq8DLqOvJxMuHg2Rd9R38HCxlnluXzSzwrd25pCX08dz17l4PedsYhNLKiwfM8OZujZwQzW5poAgIjYfPzf0UTcD5J8YRroq+OTvlZoVNcAlmaayMgswq3ATOw4lICcXJHS45cca7dBmJ4MeydPDBo7t9Jj7Ym9vyM67ClSk2IxYNQ36NBL9lh77cweXDu7B6lJsQAA21pu6D5oErwbtVV67G/UhGPUh4S3ovxwcOTCf9CgQYPw8OFD+Pv748WLFzhy5Ag6dOiAlJSUqg6tQvfP/4XAKzvQccgiDPtqLzS0dHFowzgUFeZXuM6LBydw9ZAfWnw0BcNnB8DC3guHN4xDTmZpnoUFuXCq0xbNuk5SeQ7P75/ApYN+8O05BZ/OCYBVLS/sXzcO2ZnyP/eY1w9wbOss1PMdjFFzD8G9fmcc2jgFSbEvSuPPz4G9W2O06zdb5fEDgLq+HoSPQxA0bfF7ldd1roVmR/5EyqXbuNa0H8LW+sPnz6Ww6NpGWsZ2SA/U+XkuXi79HdeaD0Dm4+docXwztCzNVJUGAKCllwBNawtw6r4I/udFKCwChrVTg3olR8U6DgJ0biDAtWAxtpwVISFdjGHt1KCnLXldmAusOVIs87gSJEJ+oRih8cqN/+ndEzi/3w9tek3BZ/MCYF3LC3vWjEO2UH57ig59gMObZqFB68H47PtDqN2wMw78MQVJMaXtyczaGd1GLMC4BUfxydd/w9jcHntWf4aczFTlBv+WZ/dO4MJ+P7TpPQVjv5PsF3vWviOPzZI8xs4ryWODnDyGL8C4+UfxyeySPH5TbR4PbpzEoR0/4aPBkzHbbx/snTyxwW8iMjPk51FYkAtzq1roM3IGjEws5JYJfXYPbbqNwIwlf2PyvI0QFRdiw/IJyM/LUVkeAPDoyiYE39iJNv0Xod8Xe6CppYeTWz6v9Hgb+vgEbh1fgcadp2DA1AMwt/XEyS2fIzdLNn+vZkPw8XdXpI8WPZR/7Hp27wQuHPBD615TMKakTe19x75xZMss1G81GGO+O4TaDTrj4FttqqggD/GRT9Gq52SMnnsQ/SesQ2pCGA7+MVnpsb9RE74vAODc9TtY478X44b0wbYVC1DbyQFfLVuN1AxhpevFJSZj7fZ9aFindrnXcvMKUN+rNqZ8MkhVYZfz6NZJHPt7BboM+AJfLtkPW0cvbP5pArIq2L8jXjzE7vVfo2n7gZi25ADqNumMHau/RHzUSwCSDrwdq79EalIURn21DtOWHoCJhS02/TgOBSrevwd/ZIE+nc3x+85YzFweirx8EZZ85QxNjYr/OEtOK8S2A/GYviQU05eG4vHzLMyf6ghHO8mXn7mxBsxMNLB5Xzy+WPgKv26NQZO6Bpg+2l7p8T+4cQoB239G90GT8PWPe2Hn5IE/lld8rC3Iz4OFdS30GVHxsdbE3Bp9Rs7AbL89mL18N2rXa4FNP09DXNQrpccP1IxjFFFF2LnwH5Oeno6rV69ixYoV6NixI5ycnNC8eXPMnTsXffv2lZYZP348LC0tYWRkhE6dOuHRo0cAJKMebGxssHz5cuk2b9y4AS0tLZw/X/kZ7H9KLBYj8Mp2NO82GW4+XWBh54VuH/+E7IxEvH5yrsL1Hl7ainq+Q+HdYhDMbdzRachiaGjp4OntA9IyjTqMQdMuE2DjpNozmgBw7/xW+LQaCh/fQbCwdUfX4YuhqaWDoJsH5JZ/cHE7XLzbonnX8TC3cUObPjNg7eCNwMs7pWXqtuiPVj2nwsnLV+XxA0DS6St4sXA1Eg5X/Lm/zWnCcOSGRePZNyuQ9fw1ItbvQvyB03CZPkZaxmXGWERt3oto/4PIehaKJ18sRHFOHhzGqPaHY7PaAlx/JsbLWCApAzh2RwRDXcDDvuIfWM09BHj0Wown4WKkCIFT98UoKgLqu0jWEYuB7DzZh4e9AM+jxCgsUm78d85tRYM2Q1G/9SBY2Lnjo48l7fvxDfnt6d757XCt2xYtu4+Hha0b2vebARtHb9y/9FZ7at4HLnVawdTSAZZ2tdF5yFzk52UhMTpEucGXzaP1UNRvVZLHyMXQ1KwkjwuSPFp0k+TRrq/8PJzrtILJmzwGl+QRo7o8Lh3fDt9Og9GiwwDY1HLDkPELoKWlg9uXAuSWd3TzQb9PZqNxq55Q19CSW2bS3D/RokN/2Dq4w97JCyMnL0Nachyiw56qLA+xWIyg69vRqOMkOHt3hrmtJzoM/RE5mYmIeFrxfv/kqj+8mg2BZ9OBMLV2R5v+i6ChpYOQewdlymlo6kDP0FL60NIxUHoOd8+/1aZs3dF9hORY+6SCY+39i9vh6i3bpqwdvPGg5FirrWuI4dO3ok6TnjC3cYW9a0N0HTYf8ZHBEKbGKj1+oGZ8XwDA/x07i76d26J3xzZwcbDDNxM+gbaWFo5duFbhOsXFIixc8xfGD+0LOyvLcq/3aO+LcUP6oJmPtypDl3Ht5DY07zAETdsNhLW9O/qPXQgtbR3cu3JQbvnrZ3bAo34btO81Dlb2bug2eBrsnL1x89wuAEByfAQiXz3CgDEL4ODqA0tbF/QfsxCFBfkIvHVCpbn062KOPccScSswE+HR+fhlSzTMTDTg26jiUZt3HmXi3pMsxCYWIDahANsDEpGXL4KXqx4AyUiG5X9E4c6jTMQnFeDx82xsD0hAiwaGUPY8e5eOb0erzoPQsqPkWDt0/AJoaeni1kX5x1on93ro98ksNG7dAxqa8o+19Zp0QN1G7WBl6wQrO2f0Hj4N2jp6CH/5WLnBl6gJxyiiirBz4T/GwMAABgYGOHToEPLz5Z+FGjJkCBITE3Hy5Encv38fjRs3RufOnZGamgpLS0ts2bIFixYtwr1795CZmYlPP/0UU6dORefOnVUSszAlGjnCJDh4tJIu09Y1hLVTA8SFP5S7TnFRARKjg2XWEaipwcGjVYXrqFJxUQESooLh5CUbj6NXK8S+lh9PbFggnDxlfwQ612mD2LBAVYaqVCYtGyL5wk2ZZUlnr8G0ZUMAgEBTE8aN6yL5/I3SAmIxki/cgEnLRqqLSx8w0BUgPEEsXZZfCMSmAPbm8tdRUwNsTIGwt9YBgPBEMezN5XdI2JgCNqYCPAoTy339nyouKkB8ZDBc6si2J2evVoipoD3FvA6Ec5k/Kly82yDmdWCF7xF4dQ+0dQ1h5eCptNjLvkd8ZDCcy+ZRp+I8YhXJo5Zq8igqKkR02FN4+LSULlNTU4OHT0uEv3iktPfJzZEMQdYzMFbaNsvKTItGbmYy7N1LP2MtHUNYOtRHQqT8XIqLCpAcGyyzjkBNDfZuvkiMDJQp++rRMWxf4ov9q/vgzqlVKCrIVWr8b9pU2WPtu/aNsn9wV9amACA/NwsQCKCtq/zL6GrK90VhYRFCXkegWf3STgA1NTU0q18HQS9eV7jelv1HYWpkhL6dVTck/X9RVFSAmPCncK8ru3+71/VFxKtAuetEvAqEe13Z+vDwaY2Il5J9qLhIcgmChqa2zDY1NLUQHvJAyRmUsrHQhJmJJgKfZUuX5eSKEPI6F15uuu+1DTUB0K6ZMXS01PAstOJRFnp66sjJE0GkxKsiiooKEfW6gmPtS+Uca0WiYjy4fhL5+blw8VD+iaeacIwiqgznXPiP0dDQwLZt2/D5559jw4YNaNy4Mdq3b4/hw4ejfv36uHbtGu7cuYPExERoa0u+9FauXIlDhw5h//79mDBhAnr27InPP/8cH3/8MZo2bQp9fX34+fmpLOaczCQAgJ6h7F99eobmyBEmy10nNzsNYlGx3HXSEir+UaMquVmSePTLxKNvaI7UePnxZAuToWckO4RPz8gc2RXk/CHStrZAfoJsvPkJydA0NoSajjY0TY2hpqGB/MSUMmVSoO/57mty/yl9Hcn/s/Nkl2fni6WvlaWnBaipCZBTpk8uOw8wN5S/TgMXAZIzxIhR8hVHOVny27e+kTlSKmhPWcJk6JdpT/pG5sjKkK2fl48v4vCmmSgsyIWBsSWGz9gCPQPVXKLyJg99o/L7xf+Uh2H5/eLV44s4vLkkDyNLDJ+uujyyhWkQiYphaCybh6GxORJiwpTyHiKRCAH+P8LFsxFsHcoPFVeW3EzJ56hrIJuLroEFckuOxWXl5aRDLCouv46hOdKTSvN3a9gbBiZ20DeyQmpcCO6c+gUZyWHo+slapcVfUZvSMzJHSgXH/uwK9o2KjrVFhfm4FLAS3k17QVtX+SMvasr3RXpmFopFIpgZy/5xY2ZshIgY+deJPXr2EkcvXMP2nxf8GyG+l5zMdIhExTAwlv18DYzMkRRbwXEqPRkGZY4HBsYW0uOtpa0LTMxtcWrvrxjw2SJoaevi2qntyEiNR2aG/P1MGUyNJT/704SyQ+nShUUwNdasdF0ne238MtcVWppqyM0XYen6SETFyT9JZWSgjhG9LXHqinIvRavsWJsYq9ixNjbyBX79/hMUFRZAW0cP42avhk0tN4W2KU9NOEZ9iHgryg8HOxf+gwYNGoRevXrh6tWruHXrFk6ePImffvoJmzZtQnZ2NrKysmBuLnvQy83NRWhoqPT5ypUrUa9ePezbtw/379+XdkTIk5+fX26URGGhNjQ15a/z/N4RXNy7UPq8z4Q//0maRFJ1HQX4qEnp6IK915Q/wVRZGuqAt6MA158qd9SCqjl5tsBn3x9CblYaAq/txaGNMzB6zr5yP4Q+dI6eLfDZvEPIyUrDo2t7ceivGRj1bfXL4439W5YiLuoVpi/ertTtvnp4FFcPLZI+/2j0H0rd/tvqNB8q/beZjQd0jSxxYtNYCFMiYWSu+gn5lKG4uBCH/5oOQIxuI95v7hl6P9m5eVi8djPmThoFE6MKemxrCHUNTXwyfQ0ObPoeP0zyhZqaOtzr+sKzfluIobzvjA4tjDH1Uzvp80VrIv7xtmLiC/DlD6HQ11VD6ybGmPlZLXz7U1i5DgZdHTUsmuaEyNh87DqS+I/f799mZeeCb37aj7ycTATeOotdv3+PaYu2qqSDQZV4jKKqxs6F/ygdHR107doVXbt2xfz58zF+/HgsXLgQX3zxBWxtbXHp0qVy65iYmEj/HRoaitjYWIhEIoSHh8PHR/4svQDg5+eHxYtlD3A9Ri5Er08WyS3vWq+TzBwIb4YP5mSmQN/YSro8JzMFlvZecrehq28KgZq6zOSNb9Ype3bn36BrIImn7GRc2Zkp5Xqj39A3sig3MiNHWHH5D1F+QjK0rWXj1ba2QGFGJkR5+ShIToOoqAjaVuZlypgjP155Z9xexooRm1r6g+3NpI36OrKjF/S1BUhIl//DLqcAEInE0skbpevoAFl55ct71RJAUx14EqH8zgU9A/ntO1uYUu7s2hsGRhblznLIK6+lrQczKyfAygn2rg2xYX43PLq+H616TFRuEijNo+wkVpXtF3LzkFNeS1sPWlZOMC3J48/53fD4xn74fqT8PPSNTKGmpl5uQrHMjJQKJxD7X+zfsgxPH1zGl4v8YWJuo/D23ubo3QkD37qjQ3Gx5Hibm5UCPaPS421uVjLMbeXfWUBHzwQCNfVykzfmZqZAz7Di/N/cSSJDiZ0LFbWpyo6d+hXsG2XLS360z0BGaixGzPBX2RnBmvJ9YWJoAHU1tXKTN6ZmCGFuUv7Snpj4RMQlJePrH0tHsojEkuNnm2ETsPu3pahlY1VuPVXTMzSBmpp6uVFeWcIUGFSwfxuYWJSb7DErI1nmeFvLpS6mLwtAXk4miooKYWBkht8XDoO9Sz2lxX47MBMhYaUnht5M2mhqpIG0jNLRCyZGGngdVfklSkXFYsSV3FHiVUQePJx10a+LOdbtKL2mX1dbDUtmOCM3T4Slv0eiuFhpqQCo/FhraKJYx7GGhiYsbSTHIQfXuogMDcLlEzsxbMLCd6z5v6kJxyiiynAMCQEAvL29kZ2djcaNGyM+Ph4aGhpwd3eXeVhYSA5iBQUF+OSTTzBs2DAsWbIE48ePR2Jixb3Tc+fORUZGhsyj27C5FZbX0jGAiaWT9GFm4w49I0tEvSy9dj8/LwsJEY9g6yz/unx1DS1Y1aors45YJELUi5sVrqNK6hpasHaoi8gQ2XgiQ27CzlV+PHYuDRERcktmWcTzG7BzaajKUJUq/VYgzDu1lFlm0bkV0m4FAgDEhYXIeBAMi05vXUsoEMC8oy/SbylvboyCIiAtq/SRLASycsVwtiodzaClAdiZo8JLGEQiID4NcLaWnV/ByUqAmJTyHQj1XQR4GQvkVjzB/j+mrqEFG8e6CH8m254int+EfQXtyd61ISKey7an8Gc3YO/asNL3EotE0g4+ZZPm8fz987BzbYjwf5KHWISiQtXkoaGhiVou3ngZdFu6TCQS4UXQbTgrcM2uWCzG/i3L8OTueUyZvwXmVrWUEa4MLW19GFs4SR+mVu7QNbRATGjpZ1yQl4WkqMewdpSfi7qGFizs6sqsIxaJEBt6C1aODSt875TY5wAAPcPyk/b9U2/aVESZY214yDv2jTLH2vDnsm3qzY/2tMQIDJ++DboGpkqLuaya8n2hqakBT1cn3HvyTLpMJBLh3pPnqOdR/rI3J3tb7PxlMfx/Xih9tG3aAI3resL/54WwNlftHYQqoqGhBXtnb7x6Wvr5ikQivAq+BSf3hnLXcXJviFfBsvXxMugmnGqX34d09AxhYGSG5PhwRIcFw7tJJ6XFnpsvQlxigfQRGZuP1PRCNKijLy2jq6MGT1ddPA/93+Y/EQggc4cJXR01LJnpjMJiMX5YF4HCIuV3rGtoaMLB1RsvnpQ91t6Cs5zPVhFisRhFKvjuqwnHqA+RQE1QLR81ETsX/mNSUlLQqVMn7Ny5E48fP0ZYWBj27duHn376Cf369UOXLl3g6+uL/v3748yZMwgPD8eNGzcwb9483Lt3DwAwb948ZGRkYM2aNfj222/h4eGBzz77rML31NbWhpGRkcyjoksi5BEIBGjYbhTunvkDr4POIzk2BGd3fgN9Yyu4+nSRljv4+2g8ulo6M3ajDmMRfHMvnt0JQGp8KC7uW4Siglx4txgoLZMtTEJS9DOkJ0cCAJLjXiAp+hnystPfO7731bTzWDy+vhdBtwKQEh+Ks7sXoTA/F/VaSuI54f8Nrhz+RVq+ccdRCH96FXfPbUFKfCiuH1+L+MggNGz/ibRMbnY6EqOeISVOcmYiNTEMiVHPkK2iazbV9fVg1MALRg0kI0b0XGrBqIEXdBxsAQCeS2eiwdYV0vIRG3dDz8UBXn5fQ9/TFU6TRsJ2SA+E/bZNWiZs9VY4jBsK+0/7w8DLFfV+XwQNfV1E+cufhVtZ7r4Uo5W3AO52gKUx0KeFGjJzgRcxpT+IRrRXQxP30oP/nRdiNHQVwMdJAHND4KMmAmhqAI/LTNhoagA4WgKPwlR3+UXzLmMReG0vHt8MQHJcKE79vQiFBbmo30rSno5u/QaXAkrbU9POo/A6+Cpun5W0p6tH1yIuIghNOkjaU0F+Di4FrELM60BkpMQgLiIIx/3nIjM9AV5NPlJpHo+u7cWTkjxO/98iFFSWR6dRCHtHHpcPleYRHxGE49tVn0eHXqNw88J+3Ll8GPExodi3eQkK8nPRon1/AMDO3+fi6P/9Ki1fVFSI6PDniA5/juLiQmSkJiA6/DmS4iOlZfZvWYp7147h0y9XQFtXH8L0ZAjTk1FQIGeojJIIBALUaz0KDy9sQMTTC0iNf4FL++ZAz9AKTt6lx9vjm8Yi+MYu6XOftqMRcncfXtw/hLTEUFw7vBiFBbnwaDIAACBMicSD8+uRFBOMzLQYRDy9gEv75sDGpSnMbZU70WazzuXbVGF+Lnx8JW3q2LZvcPlQaZtq0lHSpu6UHGuvHVuL+IggNC451hYXF+LQxmmIjwxCn89WQiQqRlZGErIyklTW8VYTvi8AYETvrjhy/gqOX7qO8OhY/PTXTuTl56N3x9YAgMVrN2P9LskM+dpamnBztJd5GOjpQV9XB26O9tDUlAy2zcjMwouwSIRFS86YR8bG40VYJFLSMlSWR5seY3D30n7cv3oIiTGhOLRtMQryc9GknaR979kwB6f2rJKWb93tU7x4cg1XTmxFYuxrnD24DjFhQfDt8rG0zOPbpxD67A5SEqMQfP88Nq0YD+8mneHh01pleQDA4XMpGN7LCi0aGMLJXhuzxtVCanoRbj4sHWGybJYzencs7cwZPdAadWvrwcpcE0722hg90Bo+nvq4eDsdgKRjYelXztDRVsNv22Kgp6MOUyMNmBppQNl/P0mOtQckx9ro19i3qeRY26E/AGDnuu9w9O/V0vJvH2uLigqRkZZY7lh79O/VePX0HlISYxAb+aLk+V00adNLucGXqAnHKKKK8LKI/xgDAwO0aNECv/76K0JDQ1FYWAgHBwd8/vnn+O677yAQCHDixAnMmzcPY8eOld56sl27drC2tsalS5ewevVqXLx4EUZGkkmaduzYgQYNGuCPP/7A5Mmquaduk86fo6ggFxf2LEB+rhB2rk3Qb+ImmZmWM5KjkJuVJn3u0bgncrNTcevkGmQLk2BpXwf9Jm6SGab75Ppu3Dm9Tvr8wFrJF3+XEX4ynRDK4NWkJ3IyU3H92BrkZEriGTxlk3RYmzAtDgJBaX+fvWtj9Bq7EteOrsa1o6tgYumM/hN+h6Wdh7RM6OMLOLWzdBTIsS1fAQB8e05F615fKjV+ADBuUg++53dIn3uv/A4AELX9IB6PmwttW0volnQ0AEBueDTu9p0I71/mwvnLUciLjseTid8j+Wzpbcji9p2ElqUZPBZOg7aNJYSPnuFO7/EoSFTyLIhl3HouhqY60KOJGnS0gKhkYO8VEYrf6g8wMQB03+oHexYluSyibT0B9HUESEyXrFN2ksf6LgIIc4DX8ucsUwrvZj2Rk5WKq0ck7duqVh0MnfZWe0qVbU+13Bqj7/iVuHJ4NS4fWgVTK2cMmvw7LO0l7UlNTR0p8a/x5FYAcrPSoKtvAltnH3zy9S5Y2qluAsE6TSX7xdWjpXkM+/IdeYxbiStHVuPK4ZI8JsnJ42YAcrMledg4+eCT2arNo3GrHsgWpuHkvnUQpifD3skLE+dsgGHJsOm0ZNk8MlITsXLOYOnzi8e24eKxbXCr0xRfLtwGALh+dg8AYN0PY2Xea8SkpdIf0qrQoN14FBXk4mrAQhTkCWHt1Bgfjd0oc7wVpkQiL6f0eOtWvyfystJw/9wa5GRKLqHoMXaj9Hirpq6JmNCbCLq+HUWFudA3toFLva5o1FH53xl1mkr2jWvH3to33tGm+ny2ElfftClLZwx8q01lpSfg1eMLAICty/rJvNeIr7bD0aOF0nOoCd8XANCldXOkCbOwac9hpKQLUdvZAb/OmwGzkssiEpJToCb43/76vHbvEZau3yp9Pn/1RgDAuCF9MH5ov4pWU0iDlj2QnZmKswfWIjMjGXaOXvjs6z9hWHKZQ3qKbH04eTTC8Mk/4cz+NTi9bzUsrJ3w6Yy1sHlrMtbM9CQc//snZGUkw9DEEo3b9EOn/pNUEv/b9p9Kho62Gr4cZQd9PXU8fZmD+avDZUYa2Fpqwciw9E8EE0MNzBpXC2bGGsjOFSE8Og/zV4cj8KnkrhPuTrrwcpPclnKzn4fM+439NgSJKYVKi79xq4+QJUzFib2/Q5iejFrOXpg0d4P0ErS0lDiZM8IZqYn4+dsh0ucXjm7DhaPb4O7dFF8ulLSjTGEqdq2fh4y0JOjqGcLOsTYmfbcBXvVbQRVqwjGKqCICsVhcvWYboxrh95NVHYHitCqfWLnasOuhmtvz/dse73pa1SEozNZKvapDUIqa8K1iY6K8H8NVKTisZrQpM5PqP9CyWPXzyP4rBlldreoQFHY5TzV/NP7bNm189u5C1cCXUz3eXegDF5uqVdUhKMVnyrsq51+V8O2nVR3CP2K9Yse7C1UzHLlARERERERE1VJNnb+gOqr+pwKIiIiIiIiIqEqxc4GIiIiIiIiIFMLOBSIiIiIiIiJSCOdcICIiIiIioupJjefLPxSsCSIiIiIiIiJSCDsXiIiIiIiIiEghvCyCiIiIiIiIqiWBgLei/FBw5AIRERERERERKYSdC0RERERERESkEHYuEBEREREREZFCOOcCERERERERVUsC3oryg8GaICIiIiIiIiKFsHOBiIiIiIiIiBTCzgUiIiIiIiIiUgjnXCAiIiIiIqJqSaAmqOoQqARHLhARERERERGRQti5QEREREREREQK4WURREREREREVD3xVpQfDNYEERERERERESmEnQtEREREREREpBB2LhARERERERGRQjjnAhEREREREVVLvBXlh4MjF4iIiIiIiIhIIexcICIiIiIiIiKF8LIIIiIiIiIiqpYEAp4v/1Cwc4GqRHaOqKpDUNidR4lVHYJSeO16WtUhKEX9j72rOgSF7Z17uapDUIq6DayqOgSFJaaoV3UISmFkUDN+cOUXVHUEihOJqzoC5dj0snVVh6AwLc2acX12/+H1qjoEpQiJqv47R15+9f9dK1EzvjOo6rAFEREREREREZFC2LlARERERERERArhZRFERERERERUPfFWlB8MjlwgIiIiIiIiIoWwc4GIiIiIiIiIFMLOBSIiIiIiIiJSCOdcICIiIiIiompJoMbz5R8K1gQRERERERERKYSdC0RERERERESkEF4WQURERERERNWSgLei/GBw5AIRERERERERKYSdC0RERERERESkEHYuEBEREREREZFCOOcCERERERERVU8Cni//ULAmiIiIiIiIiEgh7FwgIiIiIiIiIoXwsggiIiIiIiKqlngryg8HRy4QERERERERkULYuUBERERERERECmHnAhEREREREREphHMuEBERERERUfWkxvPlHwrWBBEREREREREphJ0LRERERERERKQQdi78R23btg0mJiYfzHaIiIiIiIio+uKcCx+gMWPGwN/fHxMnTsSGDRtkXpsyZQrWr1+P0aNHY9u2bf/4PYYNG4aePXtKny9atAiHDh1CYGDgP96mKonFYjw4txYh9/ahIDcT1k6N0KrfQhhbOFe63tObu/Dk6hbkZiXDzMYLvn3mwdKhvkyZhMiHuH/mNyRFPYZATQ1mtl74aOwmaGjqqCSXAZ0M0KGJLvR01PAysgD+R4VISC2usHzvtvpo4q0DWwt1FBaK8TKqEHvPZCI+pXSdMX2MUNdNCyaG6sgrEONVZAH2ns1EXHLF21VU27oCNHQVQFsTiE4BTt8XIS2r8nUauwvQwlMAAx0gMR0481CEuFTJa8Z6wBe91eWuF3CjGM+jlRe7WZumcJ01DsaN60HHzgr3Bn2BhCPnK1+nXXN4r5wDA+/ayIuKwyu/PxC9PUCmjNPkkXCdOQ7aNpYQPn6O4BlLkHH3ifICr0B1b1Oq2r+P/zUK8WF3Zdbxaj4MrfsvUnoOgCSPh+fXIuTuPhTkZcLKqRFa9X2PPG7tQlBJHqY2XvDtXf44lRj5EPfPyh6nuo9RzXFKLBbj1sk1eHJzH/JzhbBzaYxOQxbB1KryPB5d3YV7FzYjR5gEC3svdBw0HzZOpXk8ubEHz+8fQ1JUMAryszHJ7y509IyUHn9NyeFNHrdPrkHQrdI8Og5ZBBPLd+fx4MJm5GQmwcLOC+3L5BF0Yw9C7h9DYnQwCvOzMXH5XWirsC5qyv5998xaPLstqQsb58ZoN3DhO+si6PouBF7ejJzMZJjbeqFN/+9h7Viax+X9CxD98iayhYnQ1NaDjVMjtOw1G6ZWrkrP4eHlXbh7bjOyhUmwtPdC56HzYetcv8LyIQ9O4vqx35CREgNTK2e06zcbrvXaS19/EXgGj67uRkJUMPKy0zFqziFYOdRRetxlicVi3D29Fk9L6sLW5f3q4sn1XQi8VFoXbQfI1sWlN3WRUVIXzo3gq6K6eJNHTfjO+BAIBIKqDoFKcOTCB8rBwQG7d+9Gbm6udFleXh7+/vtvODo6KrTtwsJC6OrqwsrKStEw/zWPr2zC05s70brfIvSdvAcaWno4vfVzFBXmV7jO68cncPvECjTqPAX9phyAma0nTm39HLlZKdIyCZEPcXrrBNjXbo2+X+xB3y/2wbvlxxAIVLNr9Gyjj64t9LDtqBA/bExBfoEYs0eZQrOSbj5PZy2cv52DJRtT8ZN/GtTVga9Hm0FLs/RAGh5biE0BGZi7Nhkrt6dCIAC+HmUGVR1rW3oJ0LS2AKfui+B/XoTCImBYOzWoV/Kx1XEQoHMDAa4Fi7HlrAgJ6WIMa6cGPW3J68JcYM2RYpnHlSAR8gvFCI1Xbvzq+noQPg5B0LTF71Ve17kWmh35EymXbuNa034IW+sPnz+XwqJrG2kZ2yE9UOfnuXi59Hdcaz4AmY+fo8XxzdCyNFNu8GXUhDalqv0bADybDcGIuVekj2YfzVZ+AiWeXJXk0arfIvSZvAeamno4ve3dedw5sQINO01B3ykHYGbjidPbZPNIjHyI09smwM69NfpM3oO+k/ehjgqPU/fO/4WHV3ag89BFGP7VXmhq6SJgw7hK8wh5cAJXAvzQsvsUjPw6AJZ2Xgj4YxxyMkvzKCzIhbNXWzTrOkklcde0HADg/vm/EHhlBzoOWYRhX+2FhpYuDr0jjxcPTuDqIT+0+GgKhs8OgIW9Fw5vKJ+HU51/J4+asn8HXtqEJ9d2oN3ARRj0paRNHds0vtI8XgWewPWjP6Jp1ykYPOMgzO08cWzTeOS8lYdlrbroOGw5hn99HL3Hb4IYYhz7axxEIuV25D6/fwKXDvrBt+cUfDonAFa1vLB/3ThkZ6bILR/z+gGObZ2Fer6DMWruIbjX74xDG6cgKfaFtExhfg7s3RqjXT/Vfe7yPLy4CY+v7UD7QYswaJpkvzj2V+V18TLwBK4fkdTFkBkHYWHniWN/jZfZLyxr1UWnocsx4pvj6PP5JkAsxtGNyq+LN2rKdwbR29jKPlCNGzeGg4MDDh48KF128OBBODo6olGjRtJlp06dQps2bWBiYgJzc3P07t0boaGh0tfDw8MhEAiwZ88etG/fHjo6Oti1a5fM5Qzbtm3D4sWL8ejRIwgEAggEAumoiFWrVsHHxwf6+vpwcHDAF198gaysd5yeVjKxWIzgG9vRsOMkOHl3hpmtJ9oP+RE5mYmIeHquwvWCrvnDs9kQeDQZCFNrd7TutwgaWjp4cb/0M719/EfUbfUJGrT/HKbWtWFi6QLX+j2grqGlkly6++rh6JUsPHyej6iEImw8mAETQ3U09qq4J/mXHWm4FpiLmKQiRCUUYdPBDFiYqMPFrvSvx0v3cxESUYjk9GJExBXhwPksmJuow9JE/kgARTWrLcD1Z2K8jAWSMoBjd0Qw1AU87Cv+y7O5hwCPXovxJFyMFCFw6r4YRUVAfRfJOmIxkJ0n+/CwF+B5lBiFRcqNP+n0FbxYuBoJhytuP29zmjAcuWHRePbNCmQ9f42I9bsQf+A0XKaPkZZxmTEWUZv3Itr/ILKeheLJFwtRnJMHhzGDlBt8GdW9Taly/wYADU0d6BlaSh9aOgZKjV8mj+vb0aBDSR42nmg35EfkZiYi8lkleVz3h2fTkjysSvLQLHOcOvEjvH1Lj1PGli5w9VHNcUosFuPh5e1o0W0y3Hy6wNLeC90/+QnZGYkIfVJxHg8ubUW9VkNRt+UgmNu4o/PQxdDQ0kHwrQPSMo07jEGzrhNg49xA6XHXtBze5BF4ZTual+RhYeeFbh9L8nhdSR4PL21FPd+h8G4hyaPTEEkeT2+X5tGowxg07TIBNk6qr4uasn8/vrodTTpPgku9zjC380Sn4SuQI0xEWHDFeTy6sg3eLYbAq9kgmFm7o/3AxdDU1MHzO6V14d1yGOxcm8HIrBYsa9VFi+4zkJUeh8zUGKXmcO/8Vvi0Ggof30GwsHVH1+GLoamlg6CbB+SWf3BxO1y826J51/Ewt3FDmz4zYO3gjcDLO6Vl6rboj1Y9p8LJy1epsVZGWhddJHVhYeeJzsNXIFuYiLCgSurisqQu6jQfBDMbd7QftBgamjp4frc0/7oth8HOrbQumn+kmrp4k0dN+M4gKoudCx+wzz77DFu3bpU+37JlC8aOHStTJjs7GzNnzsS9e/dw/vx5qKmpYcCAARCJRDLl5syZg+nTp+PZs2fo3r27zGvDhg3DrFmzULduXcTFxSEuLg7Dhg0DAKipqWHNmjUIDg6Gv78/Lly4gG+++UZFGcuXmRaN3Mxk2LmVfnlp6RjCslZ9JEY+krtOcVEBkmODYedeuo5ATQ12br5IjAwEAORmpSAp6jF09M1xdMMI7FrWBsc3for48PsqycPSVB0mhuoIDi2QLsvNF+N1TCHcHTTfezu6OpLdNitXLPd1LU0B2jbSRWJqEVKEyu9tN9EHDHQFCE8off/8QiA2BbA3l7+OmhpgYwqEJcjGHJ4ohr25/A4JG1PAxlSAR2Hy8/w3mbRsiOQLN2WWJZ29BtOWDQEAAk1NGDeui+TzN0oLiMVIvnADJi0bQVVqQptS1f79RmjgMexc6osDq/vg7ulVKCrIhSpkpkUjN+t/zyNFXh7uvkgqc5zSNTDHsT9H4O/lbXDiL9Udp4Qp0cgRJsHBo5V0mbauIWycGiAu7GGFeSRGBcusI1BTg6NHK8SFy19HlWpCDkDFeVg7NagwpuKiAiRGl8/DoYryqDH7d2o0cjKTUKu2bF1YOdZHQkSg3HWKiwqQFBMss45ATQ32tX0rXKewIAfP7x2EoVktGJjYKC3+4qICJEQFw8mrTPv2aoXY1/LbRWxYIJw8ZTsNnOu0QWyY/Nj/LcKSunAoUxfWjvUR/666KLNf1KrtW+E6hfk5eH73IIyUXBdv1JTvjA+Gmlr1fNRAnHPhA/bJJ59g7ty5iIiIAABcv34du3fvxqVLl6RlBg2SPSu6ZcsWWFpa4unTp6hXr550+YwZMzBw4EC576OrqwsDAwNoaGjAxkb2ADpjxgzpv52dnbF06VJMmjQJ69evVzC795ebmSyJ00D2L1ddAwvkZiXJXScvJx1iUbGcdcyRkRQGAMhMjQIAPDy/Ds17fgMzWy+8engYJzePxcDpR955zdv/ythAchDJyJLt+BFmFUtfexeBAPi4hyFeRBQgJlH2dH6nZroY1s0QOtpqiE0qws/+aShWwUg+/ZIT4tl5ssuz88XS18rS0wLU1ATIKTPSLzsP/8/efUdHVbwNHP/upvfeewip9NB7KKIooiIqFgRRUbFgFwtgxS6C/kTpKCi9SJUqvRNq6CUkIb33svv+sWQ3m2wAza4Q3udzznLIZubuPJm5c+/OnTsXNwfDeVqGKMjMU5NseMbmf8rKy52ytEy998rSMrFwckBpbYWFixNKc3PK0rNqpcnCLsI092rC7dGmTLV/AzRpeQ/2zr7YOnqSnXqKfWu/IS/jAn0en2zcIKg/DutrxFF2jThyDfRT7e56C7er/dTaGcO5/2Xj91NFBZqy2jnol8nWwY2igkxDWSgpykGtqsLWQJ7s9PNGLd+NuB1iACi+GoehMhXn//M4ctL++zhul/27ui5sav9d7d0prqdNlV6ti9px2Nq7k5t+Qe+9YzvnsWvV11SWF+PsEcKAZ2YY9SpzSaGmLLX3CTsHN7JTDbeLovxMbB3d9cvu6EZRPW3vv1JfXdjcQF3Y1m5TDu7k1K6LHfPYWbMunjVuXVS7XY4ZQtQmgwu3MA8PD+6++25mzZqFWq3m7rvvxt1dv6M/c+YMY8eOZc+ePWRmZmpnLCQmJuoNLrRt2/ZflWHDhg1MmDCBkydPkp+fT2VlJaWlpRQXF2Nra3tD2ygrK6OsTP9bZWWFBeYWVgbTn43/kx3Lxmt/vmPoT/+q7NejVmuu0ka2f5jwWM3Ai7tvNCnndnP6wBLa9XutQdvv1MKaYQN0C2R9OzenQdsDGHq3I36eFnw6ve437l1HSjl+rhxnByV3dbFj1MPOfDItq8G3FMQEKrgzVje7YMF21TVSG4e5GUQHKthx4ubPWriV3A5t6r/avwEi2z+k/b+rdzi2Dh6smT6c/KxEHN0atnbNufg/2bF8vPbnvibupyJq9FNuV/upMweW0LaB/dTJ/SvYOH+c9ueBI39u0PZuhtshBtDEsXmBLo4Bzza+OG6X/fv0wT/5e7GuLu5+aso1Ujdc09YD8G/ameKCDOL/nsFfv43m/lG/13ue9P/J6YN/smVRjboYYeK6aDMA//DOFOdfrYtfR3P/iw2vi9vlmCHE9cjgwi3uqaee4sUXXwTgxx9/rPP7AQMGEBQUxNSpU/H19UWlUtGsWTPKy8v10tnZ2f3jz7548SL33HMPzz//PJ9++imurq5s376dESNGUF5efsODCxMmTODDD/UXzuszeCx9Hx5nMH1gVC88a6x6W1WpiaWkMAtbR90ilCWFmbj6GF6V2NrWGYXSrM7iTyWFWdg4aAZobB08AHD2bKKXxtkjlKLcKzcS2jUdOlnGuSTd51uYab6gO9kr9a40O9qbkXil4rrbe+JuB1pGWPHZ9Gxy8ut+wS8pU1NSVkVadhVnk3L5aYwnsVHW7D5aamBrN+5MipqUbN2X/OpFG+2s9Wcv2FkpSMs1PBhQXA4qlVq7eKM2jzUUGihepL8CCzM4eunWGFwoS8vEykt/YM/Ky52KvAJUpWWUZ+agqqzEytOtVho3ylKNd5XndmhT/9X+bUj1atrG+PIRGNVLb3Xu+uIovUYcVteIw9b+Ov2UZyiFeQ3vp0Kb9dK77746jqKCLOycdHEUF2Th4RdpcBs2di4olGZ6C6NV57G7Rn0Yy+0QA9QfR7GR4qh9FdoUbpf9Ozg6Tu8pAto4CrKwqxFHcWEm7r71xHG1LmrHUVyYiW2tOKxsHLCyccDZIxivwJbMGNuBC8fW07T1PQ2Ko5qNvaYstRdvLCrIwq6edmHn6F5nhkxxfv3pTSU4Oo6HX7t+XZQUZuJ2nboort2mCurOztCri6CWTP/AOHVxuxwzhLie2/Nmj9vInXfeSXl5ORUVFXXWSsjKyuLUqVO8//779O7dm6ioKHJy/t2VTEtLS6pqzXc+cOAAKpWKb775ho4dOxIeHk5KSso/3vaYMWPIy8vTe8U98E79ZbGyw9EtSPty9gzDxsGdlHO7tWnKSwvJSDqCZ6DhxajMzC1x943hylldHrVKRcq53XgGtgLA3sUPW0dP8jL1p8TlZV7C3tn3H8dZW2m5mvTsKu0rOaOS3IIqokN10+usrRSE+llw9vK1vwg+cbcDsVHWfDEzm8zc689LV1z919ys4Uv7l1dCTqHulZmvuTc/2FO3bUtz8HWj3lsYVCpIzYFgL/3yBHkqSM6qO4DQIkTBmRQoqX/B5P9U7u543Hp11HvPvXdncnbHA6CuqCDv4HHce9W4P1WhwC2uE7m7jXef8+3Qpv6r/duQ7CsnAd3JV0NYGIrD3p2U8/8sDjffGL3Yq+PwqNlPOXjqTQcH4/VTltb2OHsEaV+u3mHYOnpw+bRujZGy0kJSLx3GJ8Tw+iFm5pZ4BsTo5VGrVFw+vQufYNOtOXI7xQDXiOOMfhxplw7XWyYzc0s8/WP08vyndXGb7N+W1vY4uQdpXy5eYdg6eJB0Vvd3LS8tJD3xCF5BhstkZm6Jh1+MXh61SkXy2d315tFRa798GoOZuSVeATEkntIvS+KpXfiGGm4XviGtuHRqt957l07uxDekldHKdSPqrYsz+nWRlngE7+vURXKt/SLp7O568+gYpy5ul2PGrUqhVDTK1+1IZi7c4szMzEhISND+vyYXFxfc3Nz45Zdf8PHxITExkXfeqf9L+7UEBwdz4cIF4uPj8ff3x8HBgbCwMCoqKpg8eTIDBgxgx44dTJnyz6ejWVlZYWWlf8na3OLGp9YrFApiOg8lfvMUHN2DcHDx58D6Sdg6eBIU3UebbvW04QTH9CG602MANOv6JFsXjcHdvxke/s05tmMOleUlhLe5X7vd5t2e4uCGH3D1jsTNN5IzB5eRl3Ge3o9O/Mdx3oh1u4q5t4c9aVlVZORU8UBve3ILqjh4Uncl+K1hLhw8UcaGvcUADL3HkY7Nrfn+9xxKy9Xae+mLSzWPgPRwMaNDM2uOnS0jv1iFq6MZ93Szo6JSzeEzpvl2vu+Mms7RCrIL1eQVQfdmSgpK4HSybqBgSA8lp5PVHDireW/vaTX3tFeQmg0p2WrahSuwMIcjtRZsdLGHQA9YsM10t1+Y2dliF6a7smUb4o9jy0jKs/MovXyFiE9ew9rPi8PD3wbg0i9/EPTCY0ROeJPLsxbjHtcRn8F3se/ekdptXJg4k5YzviD3wDHy9h0h+OUnMbez4fLsJXU+35gae5sy1f6dn5XIucMrCYjogZWtM9mpp9iz6nO8g9vi6hNh1Bi0cXQZyuHNU3ByC8LexZ+DGyZh4+BJYJQujjXThxMUXSOOLk+ybfEY3P00cRzfeTWO2Fr91MYfcPWJxM1H10/1GjLRJHG07jGUvX/9hLNHEE5u/uxc/T12Tp40aa6LY/EPT9KkRV9adX8cgDY9h/PX3LfxCmyGd2ALDv49m4ryEqI76Nb6KcrPoCg/k7zMRACyrpzWnHC7+GBt5ywxGIijVfeh7Lsah6OrP7uvxhFaI44lP2riaNlNE0frnsNZP+9tvAKa4RXYgvi/Z1NpII7i/Exyr8aReeU0llZ2OJigLm6X/btFt6Ec2DgFJ/dgHF392LtuEraOnoTE6OJY8fMwQpr1oXkXTV207D6MTfPfwcO/GV4BLTiyTdOmIts9cDWOy5w9vJqA8C5Y27lSlJfKwc1TMbOwIjCqh1FjaNt7OGvmaNq3T3ALDmyaTUVZCc06asqyevZb2Dt70X3g6wC0iRvK/O+eYN+GGYQ268HJA6tJTTxG30c/0m6zpCiXguwrFOalA5B9df0CO0d37JwaPshjiF5deFyti7WTsHP0JKSZri6WTxlGaLM+NO96tS56DGPTH5q68AzU1EVljbrIy7rM2fjVBER0wcbOlcK8VA5tuloXkcati+o4bodjhhC1yeBCI+Do6GjwfaVSyR9//MHLL79Ms2bNiIiIYNKkSfTs2fMff8agQYNYsmQJcXFx5ObmMnPmTIYNG8a3337LF198wZgxY+jevTsTJkxg6NChDYzon2vR/Wkqy0vYsXQc5aX5eAW1od/wX/TugSvITqS0SDdzI7RFf0qLcjiwYRIlBZm4+UTRb/gvetMqm3V5kqrKcvas/pyy4jxcfSK486npDZ5SWZ/V24uwslQw7F5HbK2VnEks5+tfc/TuYfd0McfeTnfVuXd7ze0n7z6lP+V+6pI8tseXUFGpJjzIkjs62WJnrSSvSMWpi+V8PDWLgiLTfEHffVKNhRncFavE2hIuZ8KCrSqqanycsz3Y1BhTSrisuS2iWzMFdtYK0nM1eWov8tgiREF+MZxPNUnRAXCKbUanjb9qf47++l0ALs9ZwpERY7Dy8cAmwEf7+5KLSey7dyTR34wh+KWhlCalcnTk+2Su365Nc2XhGiw9XAkf9zJW3h7kH05g7z1PU55u2hUpb4c2ZYr9W2lmQcrZXRzfMYfKihLsnLwJjulLq7jnjV7+as27XY1jmSYOz6A29BtmII7iunEc3KiJw9UnijuG/YKNva6fiunyJJWV5eyt0U/1G266fqpt72eoLC9h4/yxlJXk4xsay/3PTdOLIzfrMiU16iOiTX9KCrPZtXoSxfkZuPtHcd9z0/SmUB/Z8Qd71v6g/XnhJM3Jct9HJxDTwfCCw/+fYwCIvRrHphpxDBypH0de5mVKCnVxhLfpT0lRNrvXTKIoPwMPvygGjpymNxX/6I4/2LtOF8fiyZo4+gyZoDcIYQy3y/7dqufTVJSX8PeisZSX5uMdHMs9T0/ViyM/Sz+OsFaauti3bjLFBRm4+0Zxz9NTtXVhZm7JlQsHOLJtDmUl+djYu+Eb2pb7R/1eZ/HBhoqM7U9xQTY7Vk6iuEDTLh4cpWvf+TlXUCh0E5r9Qttw9/Cv2f7nRLb/+S3OHsHc9+yPePiGa9OcO7KJtb+N0f68csarAHTq/yJd7n7JqOWvqXWcpk1tWTSW8pJ8fEJiueeZunVRc/9u2qo/pYXZ7K2nLszrqYsHXvy9zgKpxnK7HDOEqEmhrl75Q4j/0JeLTb8ooKkdP5x+s4tgFJHNTHN14b/W4rHom12EBlsw5u+bXQSjiGnpef1Et7jb5cjoeINPDRGmp7pN2lRRceM/flta3B7Tke1sb484iut5DHJjUlrW+GMAePvBxnnMKPzfv5u5fbPZv/D5zS6C0TXOFiSEEEIIIYQQQohbhgwuCCGEEEIIIYQQokFkcEEIIYQQQgghhBANIgs6CiGEEEIIIYRonG7Txzo2RjJzQQghhBBCCCGEEA0igwtCCCGEEEIIIYRoEBlcEEIIIYQQQgghRIPImgtCCCGEEEIIIRolhUKul98qpCaEEEIIIYQQQgjRIDK4IIQQQgghhBBCiAaR2yKEEEIIIYQQQjRO8ijKW4bMXBBCCCGEEEIIIUSDyOCCEEIIIYQQQgghGkQGF4QQQgghhBBCCNEgsuaCEEIIIYQQQohGSaGU6+W3CqkJIYQQQgghhBBCNIgMLgghhBBCCCGEEKJB5LYIIYQQQgghhBCNk0IeRXmrkJkLQgghhBBCCCGEaBAZXBBCCCGEEEIIIUSDyOCCEEIIIYQQQgghGkTWXBBCCCGEEEII0TjJoyhvGVITQgghhBBCCCGEaBAZXBBCCCGEEEIIIUSDyOCCEEIIIYQQQgghGkTWXBBCCCGEEEII0TgpFDe7BOIqGVwQN4W7S+OfNNO+k/fNLoJR2Nnc7BIYx4Ixf9/sIjTYQxN63OwiGMXFFadudhEarLBIdbOLYBTZuVU3uwhGUV7e+OvDwd7sZhfBKFycGv/xOyW14mYXwSj8PG+PNlVQ1Pi/GJZXNP4+SqPx79/i5pIWJIQQQgghhBBCiAaRmQtCCCGEEEIIIRolhTyK8pYhNSGEEEIIIYQQQogGkcEFIYQQQgghhBBCNIgMLgghhBBCCCGEEKJBZM0FIYQQQgghhBCNk0Kul98qpCaEEEIIIYQQQgjRIDK4IIQQQgghhBBCiAaRwQUhhBBCCCGEEEI0iKy5IIQQQgghhBCicVIqbnYJxFUyc0EIIYQQQgghhBANIoMLQgghhBBCCCGEaBC5LUIIIYQQQgghRKOkkEdR3jKkJoQQQgghhBBCCNEgMrgghBBCCCGEEELc4n788UeCg4OxtramQ4cO7N2795rpc3NzGTVqFD4+PlhZWREeHs7q1atNVj65LUIIIYQQQgghhLiFzZ8/n9dee40pU6bQoUMHJk6cSL9+/Th16hSenp510peXl9O3b188PT1ZtGgRfn5+XLp0CWdnZ5OVUQYXhBBCCCGEEEI0Tv9PHkX57bff8swzzzB8+HAApkyZwqpVq5gxYwbvvPNOnfQzZswgOzubnTt3YmFhAUBwcLBJyyi3RQghhBBCCCGEEP+hsrIy8vPz9V5lZWUG05aXl3PgwAH69OmjfU+pVNKnTx927dplMM+KFSvo1KkTo0aNwsvLi2bNmvHZZ59RVVVlknhABheEEEIIIYQQQoj/1IQJE3ByctJ7TZgwwWDazMxMqqqq8PLy0nvfy8uL1NRUg3nOnz/PokWLqKqqYvXq1XzwwQd88803fPLJJ0aPpZrcFiGEEEIIIYQQonFqpI+iHDNmDK+99pree1ZWVkbbvkqlwtPTk19++QUzMzNiY2NJTk7mq6++Yty4cUb7nJpkcEEIIYQQQgghhPgPWVlZ3fBggru7O2ZmZqSlpem9n5aWhre3t8E8Pj4+WFhYYGZmpn0vKiqK1NRUysvLsbS0/PeFr0fjHOYRQgghhBBCCCH+H7C0tCQ2NpaNGzdq31OpVGzcuJFOnToZzNOlSxfOnj2LSqXSvnf69Gl8fHxMMrAAMrgghBBCCCGEEELc0l577TWmTp3K7NmzSUhI4Pnnn6eoqEj79IihQ4cyZswYbfrnn3+e7OxsXnnlFU6fPs2qVav47LPPGDVqlMnKKLdFCCGEEEIIIYRonBT/Px5F+fDDD5ORkcHYsWNJTU2lVatWrF27VrvIY2JiIkqlbu5AQEAA69at49VXX6VFixb4+fnxyiuv8Pbbb5usjDK4cIsYNmwYubm5LFu27GYX5ZZ0cMtc9qyfTlF+Bp7+kfR5+AN8g1vUm/7kgTVs+/N78rKScfEMpuf9b9CkWQ8Aqqoq2LZiIueObSUv8zJWNvYERXamx32v4+DsVe82jUGtVrNnzSSO7V5IWUk+viFtiBs8HmeP4GvmO7xtLgc3Tae4IAN330h6DPoA7yBd/Md2zufUgZWkJx2noqyIkZ/tw8rW0SQxHNisqYvCPE1d3PHIB/iG1F8XCQfWsHW5pi5cPYPp+cAbhDXvof39tj8nc2LfKgpyUjEzt8A7MIbu972KX0hLk5S/pvt72dMz1gZbayVnEsuZ/Wc+adn1P57nnm52xEZb4+NuRkWFmjOXK1jwVwGpWbo8wwY4EtPEEmcHM0rL1ZxNLGfB+gKuZBr3sT+uXdsS+voInNo0w9rXk/2DXiBtxcZr5+nenuiv38E+uimll69wdsJPJM1Zqpcm6PlHCX1tBFbeHuQfOcnx0R+Tt++oUcte2+2wX1THcWjjZE7tW0h5aQGeQa3pfO84nNyvHceJ3XM5tm0GJYWZuHhH0ume9/AI0N+n0hMPcWD992RcPoJCqcTVJ5J+w6ZhbmFtkli6N1PQuokCKwtIyoQ1+1XkFF47T2yYgo5RCuytIS0X/jqgIiVb93s7a+jdSkGIlwJLC8jOh+0nVJxKMkkIxLVUEttUibUlJGaoWbm7iuyC+tMHeSroEqPEx02Bo62C3zdXcvKyusHbbQi1Ws2BDZM5uW8h5SUFeAW1put9129Tx3fN5chWTZty9Y6k873v4VmjTa38ZShXLuzTyxPZ/mG63T/e6DEc+nsu+zZojt8efpH0fugDfK5x/D51cA07VuqO390HvkFoM90x43T8Xxze9gdpl49TWpTL0HeW4RkQZfRyG9KzhZI2TZVYW8DlDDWr9l6/7tuFK+kcrcTeBlJz1KzZpyIlS9euXOyhbxszAj0VmCvh7BU1a/ZVUVRq/PLv3jCX7WtmUJiXiXdAJPc8/h7+Teqvi2N717JhySRyM5Nx8wrijodeJ6Klri7KSov4a8G3JBzcSHFhLi4e/nTq+zjtez1i/MLXoFar2f/XZE7u1RwzvIPb0O3+cThd55hxbOdcDv89nZKCTNx8Iuky8H08A+vGr1arWTPjWS6f2sYdQ38gpFkfA1szjh7NlbRuotC0qUxN+8i+Tl/btqmCTpGaNpWWA2sPVNXpa/u0UhLqrelrs/Jh+3EVJ5Pq9mei8XnxxRd58cUXDf5uy5Ytdd7r1KkTu3fvNnGpdOS2CHHLS9i/mk2LJ9Dl7lEMe3cpnv6RLJg0gqL8LIPpk84dZMWM12nR+UGGvbuMpi17s2TKKDKSTwNQWV5KauIJOvd/nifHLOG+Z38gO+0CS3563uSxHNg4lfitvxI3eDwPv7oAc0sblk0ZQWWF4WfaApw+uJptyybQ4c5RPPLGUtz9Ilk+ZQTFBbr4K8pLCIrqRru+z5m0/Cf2rWbjogl0vXsUT723FC//SOZfpy6WT3udll0e5Kn3l9G0VW8W/6SrCwBXr2DuGDKWEWP/5PE35+Hk5sf8iU9RXJBtcJvG0r+rHX072DLrz3w++iWLsnI1bwx1weIaQ64RwZZs3FPMx79k8+XsHMzM4M0nXbG00I2YX0ypYNrSPMZMzuTrOdkoFPDmUFejD6qb2dmSf+QUx17+8IbS2wT7027Fz2Rt2cP2tgO5MHk2zX/+BPe+XbVpfAbfRdRXYzjzyY9sb38/BUdO0mHVdCw9XI1b+Foa+35R7ei2aZzY9RudB45nwPPzsbCwZd2sZ64Zx/kjq9m7+gta9RrFvaMW4+odwbpZz1BSqIsjPfEQ62Y9i29YFwY8P597n19IVMfHUJhodexOkQrahStYs1/FrPUqKiphSE8lZtf4uKgABX1aK9h2TM30dSrSc9U80lOJbY11qu7tqMTNQcHCbSqmrtGc6D7QWYmXs/Fj6BqjpEOUkj/3VDF1dSUVlfBEH3PMrxGDhbnmy9+qPfUPBP6b7TbE4a3TOL7zN7reN56BL8zHwtKWNTOu3abOHVnN7lVf0Kb3KO5/cTFuPhGsmaHfpgAi2w3msXe3al8d7nrD6OU/eWA1W5ZMoFP/UTzxjub4veiHERQVGD5mJJ8/yMqZr9Os04MMHbOMsBa9WfbLKDJSdMeMirJi/Jq0oftA45f3WrpEK+kQqWTVniqmra2kvBIe72V+zf0iJkjBHbFK/j5Sxc+rK0nLgcd7mWn3CwszeLy35qAzZ0MlM/6qxEwJQ3qa1b/Rf+nontWs+f0L4gaO4oUPF+MdEMGsr5+hsJ7jd+KZQyz46Q1iuw/ihY+WENWmN/O+f4m0JF1drJn3BWeObufBkV/yyoRVdL5jKCt//YSEg5uMXv6aDm+ZxrEdv9LtgfHc/5LmmLFq+tPX3C/Oxq9m15+fE9tnFINeWYKrTwSrpj9dZ78AOLptNmD6K+GdoxS0D1ewep+KGeurqKiER+PMrtmmogMV9G2tZOsxFVPXVpGWq+bRODO9vnZgRyVujgrmb63i59VVnExSMaiLEm8Xk4ckhAwu3Ip69uzJyy+/zFtvvYWrqyve3t6MHz9eL01ubi4jR47Ey8sLa2trmjVrxsqVK7W/X7x4MTExMVhZWREcHMw333yjlz84OJhPPvmEoUOHYm9vT1BQECtWrCAjI4OBAwdib29PixYt2L9/v16+7du3061bN2xsbAgICODll1+mqKjIZH8LgH0bZ9Kyy0O06DwId58w+g35EAtLa47uWmww/YHNcwiN7kaHO57G3acJ3e8djVdANAf//g0AKxsHHnllJlGx/XHzDsUvtBV9H/6A1MTj5GenmCwOtVpN/NY5tL/jeZo074O7byR3PPYlRXnpnD+6od58h7bMpFmnh4juMAg37zB6Df4Qc0trTuzRxd+65zDa9nkW7yDTXu3fu2EmLbs+RIsug3D3DePOxzRlObLTcF3s3ziH0JhudOynqYseA0fjHRjNgS2/adPEtB9ASFRnXDwC8PBtSu/BYygrLSQ96ZRJY+nXyZY/txZy6GQZl9Mq+WVJHs4OZrSJrP9K8De/5rA9voTkjEoup1UybUke7s5mhPjqRiS2HCjh1KUKMnOruHSlksUbC3FzNsPD2bgnixnrtnJ63ETSltffdmoKevYRSi4kkfDWFxSePM+l/80ldfE6Ql4Zpk0TMno4l6cvIGn2EgoTznH0hXFUFZcSMGyQUcte0+2wX1THcXzHHFr2fI6g6N64ekfQffDnlBSkk5hQfxzHdswmou1gwmMfwMUzjC4Dx2NuYc3pA0u0afas/pzoTo/TssczuHg1xckjhNDmd2FmbprFmNpHKNh+XM3pZEjPgxV7VDjYQIR//SfbHSIVxJ9Tc+SCmsx8WL1PTWUltAzV5fF3g31n1KRkQ24R7DihprQCfFyNfxLfMUrJ1iMqTl1Wk5YLS7ZX4WALkYH1f9bZFDWb4lUGZys0ZLv/llqt5tiOObSOe47g6N64+UTQ86HPKS5I59KJ+tvU0W2ziWw3mIi2D+DiFUbX+8ZjbmnNqf1L9NKZW1hj6+ChfVla2xs9hv0bZ9K880M076Q5fvd9RHP8PlbP8fvg5jmERHejfd+ncfNuQtcBmuN3/N81jhkd7qNz/xcJijS8gJmpdIhSsvWoilNJatJzYdnOq3UfUH/dd4xScvCsivjzajLzYOWeKiqqoHWY5vQ7wFOBsx0s21VFei7a7fq6KQjxNm6b2rF2Nm17DCa2+wN4+oVx77DxWFhac2DrEoPpd/41h6bNu9Kt/wg8fZvQZ9Ar+ARHsXvDPG2axLOHaN11IKFR7XHx8KNd3EN4B0SQdP6IUctek1qt5uj2ObTp/RzBMZr9Iu7hLyjOT+fi8WvtF7OI6jCYyHaDcPEKo/sDH2JuYc3JffptMTMlgSPbZtLzoU9NFkO19hFKth1XcTpZ06aW79b0tZHX6Gs7Rig5dE7N4at97ap9mgHgVjX62gB3BftOq7R97fbjmr7W2+X/x60D4uaSwYVb1OzZs7Gzs2PPnj18+eWXfPTRR6xfvx7QrAx61113sWPHDn777TdOnDjB559/rn3MyIEDB3jooYd45JFHOHr0KOPHj+eDDz5g1qxZep/x3Xff0aVLFw4dOsTdd9/NE088wdChQ3n88cc5ePAgTZo0YejQoajVmhOtc+fOceeddzJo0CCOHDnC/Pnz2b59e71Tc4yhqrKc1MTjBEV21r6nUCoJjuxM8vlDBvMkn4+vc9IREt2V5PPx9X5OWUkhKBRY2ZhuynR+VhLF+RkEhOtisbJxwCuoJVcuGo6lqrKc9KTjenkUSiUB4Z3rzWMq1XUREvXP6iL4H9RFVWU58dvmY2XjgGdAhNHKXpuHixnODmYcP1eufa+kTM355ArCAixueDs21poutLDE8JcRSwsF3VrbkJ5dSVa+cW+L+KecO7Yic9Muvfcy1m/HpWMrABQWFji1iSFz405dArWazE07ce7Y2mTlauz7RbWCnCRKCjPxbaJr75bWDnj4tyA98bDBPFWV5WSlHMc3TJdHoVTiG9aJjMR4AEoKs8i4fAQbezdW/jyEeZ91ZfXUJ0i9eMAkcTjbgb2NgotpujZdVgHJWeDnZjiPUgk+LnAhTX8/uJCmxt9NdzKblAXRAQqsr46JRAcqMDeDS+nGnarrYg8OtgrOX9Gtjl1WAckZagI8/v3Jtam2W5+CnCRKCjLxC6vVpgJakHaNNpWZclwvj0KpxK9JJ9KvtqlqZw+vZM7HnVg0cQB7135LZXmJUctfVVlO2uW6x+/AyM6k1HPMSLkQT1CE/jEjOKorKRfiDab/rzjbg4ONgvOp+nWflFl/3SuV4Ouq4PwV/fZ9/ooaf3dNnuoZL1U1Dg+VVaBWQ6Cn8dpUZWU5KReP0yRG97dVKpU0ienE5bPxBvNcPntYLz1A02Zd9dIHhrXm5KHN5GenoVarOZ+wh8y0i4Q162K0stdWkJ1EcUEGfk31jxmeAS1IuxRvME9VZTkZycfxC9Nvi/5NO+nlqSgvYeO8N+h631hsHTxMFQKg6WsdbBRcSDXQ17rX36Z8XNHLA1f72hp5LmeqiQ7U9bUxJuprbylKZeN83YZkzYVbVIsWLRg3bhwATZs25YcffmDjxo307duXDRs2sHfvXhISEggPDwcgNDRUm/fbb7+ld+/efPDBBwCEh4dz4sQJvvrqK4YNG6ZN179/f0aOHAnA2LFj+emnn2jXrh2DBw8G4O2336ZTp07a56dOmDCBxx57jNGjR2vLNWnSJHr06MFPP/2EtbXhK75lZWWUlelPVasot8LC8vrPdS0uzEGtqsLOUf+s1tbRjay08wbzFOVnYuforveenaMbRfmZBtNXVpSxZenXRLe9Gysb41+5qVZckAGArUOtWBzcKK6nbCVFmvgN5cmpJ35Tqa6L2mWxc3QjK9VwWQrrqYvCPP14zxzZzPJpr1FRXoK9kwePjJ6Brb3ppuI72Ws69LxCld77+YVV2t9dj0IBj93lwOlL5SSnV+r9rlc7Gx6+wwFrKyUpGZV8NTtH7+TxZrDycqcsTf/vXpaWiYWTA0prKyxcnFCam1OWnlUrTRZ2EaGYSmPfL7RlKtCU1cZev0zW9u6UFGYYzFNWnItaVVUnj429G7kZFwAoyL4MwKGNP9Durrdw84nk7KHlrJ0xnPtfXnHde+//Kbur3Xjt+72LStXY2xjOY2sJSqXCQB5wqzFeu2SHivs7K3n9ATOqVGoqKmHR9uuv5fBP2dtoTrILa5WnsFT3u1tpu/Wpr03Z2LtTUmC4TZXW16YcdG0KoEmre7B39sXO0ZPsK6fYu/Yb8jIv0PfxycYrf/Xxu/Yxw8GN7HqOGUX5mdjWOmbYXuP4/V+xt9bUr6E2bmdtuO5trerbL9S4O2nyJGWqKa+EPq2VbIxXoUDzf6VSgUM9+9u/UVyQi0pVhb2Tfl3YO7mReeWCwTyFeXWP3/ZObhTUOH7f88T7LJs5li9f7YnSzByFQsF9wz8iJLKd8QpfS/Uxo24bd6e4wHA7Kb16zLBxqLsv5abr4t/15wS8g1oTHNPbyKWuq7o/NdjX1jOBsrpNFZaqa+UBdwddO1y8Q3MbxJuDzLV97cJtxu9rhTBEBhduUS1a6C8w4+PjQ3p6OgDx8fH4+/trBxZqS0hIYODAgXrvdenShYkTJ1JVVaWd4VDzM6pXGW3evHmd99LT0/H29ubw4cMcOXKEuXPnatOo1WpUKhUXLlwgKsrwgkoTJkzgww/17wu/d+g4Bj45vt74/ytVVRUsn/oKoOaOITd27/qNOrl/BZsXjNP+PODZn426/dtJUEQHnnp/GSWFOcRvX8CyX0bz5DsL6wwq/VudWlgzbIDuW863c3MavM2hdzvi52nBp9Pr3q+560gpx8+V4+yg5K4udox62JlPpmVRUWlgQ//P3C77xbn4P9mxfLz2575DfzLJ51TPHIto/zDhsQ8A4OYbTcq53Zw5sIS2/V5r0PZjghT0b6s7KZ2/VXWN1A3To7nmStrczVUUl0GEn4IHOiuZs1FFRt6/327zEAUDOupuO5q76SaP5P1LZw/9ybZl47U/3/mkadoUQFT7h7T/d/UOx8bRg9XThpOflYijW6DJPrexaB6s4J4OujY1b7Np2lRxGSzcVsXd7c3oEKlErYajF9WkZKlRN4KLzLvX/0bSucM8Pvp/OLv5cvHUfv789WMcXDwJi+l8/Q3cgDMH/2TrEt0x467hU4yy3douHt9E8tk9PDja8G0iDdUsSMHd7XQXL37/23T9VM8WSqwtFPy6qYqSMjUR/goGdVEye0MV6Q3oa4W4ETK4cIuysNCfmq1QKFCpNCd9NjbGGc6u+RmKq6vNGXqv+nMLCwsZOXIkL7/8cp1tBQbWfzIyZswYXntN/wT4953Xn7UAYGvvgkJpVmfBwOL8rDoj6tXsHN3rXOUoMpBeM7AwmrzsFIaMnm30WQuhzXrp3etdVamZgl9ckIWdk6f2/eKCLDz8Ig1uw8ZOE39xrcWviguy6lzdMbXquqhdlqL8LOydDJfFvp66qJ3e0soWV88g8AzCL7QVUz64g8M7FtH5rpFGKfuhk2WcS9KV28JM07ad7JV6sxcc7c1IvFJx3e09cbcDLSOs+Gx6Njn5db+MlZSpKSmrIi27irNJufw0xpPYKGt2HzXB8t83qCwtEysv/b+7lZc7FXkFqErLKM/MQVVZiZWnW600bpSlGu+q4e2yXwRG9dJ7okN1HCWFWdg66uIoLczE1cfwwKuVrTMKpVmdBcVKCrOwtdfEUT0119mziV4aZ89QCvOuNDiOM8lqptVYub56ITE7a/0r9HbWCtJyDH/bKS4HlUqtnfWgywNFV2faO9trVs3/eXUVmfma99JzNVPK2zZVsGb/v/8mdeqymuRM3chddQz21lBYY6a/vbVmwcZ/q/r2J2Nvt1pgdC8eqNmmqgy3qZLCTNzqaVPW9bWpgixsHerfN6qfJJFnxMEFm+rjd+1jRsG1j9+1Zyxd63hvKqeS1CTVaFPmV8cZ7GrVvZ019e8XZfXtFwq9bZy/omby8kpsrECl0kyNf32QOccvGSsasHVwRqk0ozBPvy4K865x/Haqe/wuzMvC4Wr6ivJS1i+ayKMvTyKiVU8AvAMjuJKYwI41M402uBAUHceDgYb7Wrua+0VBJm6+9ewXV48ZJQW1+9pMbK7uF8nndpOfncjMce310qz/9WW8Q2K597lfGxTH6WQ1yTWeLGV+jb62vv6kuk1pZtKoa+RBO5vBxR7ahyuZsqqSjKt9bVqumgAPNW2bKlm933QDyDeViRY4Fv+c1EQj1KJFC5KSkjh9+rTB30dFRbFjxw6993bs2EF4eLh21sK/0aZNG06cOEFYWFidl6Vl/QuLWVlZ4ejoqPe6kVsiAMzMLfEOjOHSKd294mqViounduEXavg+cL/QVlw6pf/IlYsnd+IX2kr7c/XAQk76JR55ZRY29sZfQtfS2h5njyDty9U7DFtHDy6f0cVSVlpI2qXD+AQbjsXM3BJP/xi9PGqVisund9Wbx1Sq6+Jign5ZLp28Tl2crFUXCfp1YYhapdKeQBhDabma9Owq7Ss5o5LcgiqiQ3Xt1tpKQaifBWcvX3tw4Ym7HYiNsuaLmdlk5l7/yoPi6r/mZjd3IaXc3fG49eqo9557787k7I4HQF1RQd7B47j3qnGPrUKBW1wncncbbx2D22W/sLCyw9EtSPty9gzDxt6dlPO69l5eWkhG0hE8Aw0vKGlmbombbwwp53R51CoVKed24xHYCgB7Fz9sHTzJy9CfupyXeQl7Z98Gx1FeCTmFuldmvuZLdLCXrr1ammvWW0g2vKg8KhVcyUEvD2h+Tro6cGFx9dBT+5RZpW7448nLKyG7QPfKyIOCYjWhPrpTHCsL8PNQcDnj3w8C5BSaZrvVLK3scHIP0r5cPMOwcXAn+VytNnX5CF7XaFPuvjF6earblOfVNmVIVspJAKPeZ25mbolXQAyJtY7fiad24VvPMcM3pO7x+9LJnfiGtDJauW5E7f0iIw8KStSEeuvq3tIC/N3rr3uVClKy1YTWWpgx1FtBUmbdPCVlmoGFYC8FdtZwKsl4XwLNzS3xDY7h/And31alUnH+xG4CwloZzBMQ1pJzJ/Tr4uzxndr0VVWVVFVV1HlqjUJppr0oZQyW1vb6+4VXGLYOHiTX6P/LSwtJv3wEryDDsZiZW+LhF0PyWf22mHx2tzZP67hnGPzqch4cvVT7Aug04B16PjShwXHUaVP5mjZVc+FObV9roH3A1b42G4JrtakQL12bqq+vVRuhrxXiRsjgQiPUo0cPunfvzqBBg1i/fj0XLlxgzZo1rF27FoDXX3+djRs38vHHH3P69Glmz57NDz/8wBtvNOyxTW+//TY7d+7kxRdfJD4+njNnzrB8+XKTLugI0K73cA5vX8DRXUvJvHKOdb+Pp6KshOadNFOEV856i7+X6Z6GERs3lAvHt7F3wwyyUs+xfeVkUi8do02PxwHNwMKyX14mNfEYA576GpWqisK8DArzMoz6hbY2hUJBq+5D2ffXT5w/tpHMlFOs/+0t7Jw8CW2ue4bykh+f5PA23crYrXsO5/iuBSTsXUp26jk2LxxPZXkJ0R0e0KYpys8gIymB3MxEADKvnCYjKYHSolyjxtC+z3Dity/gyNW6WDtvPBXlJbTorCnLnzPfYstSXV207T2U88e3sWe9pi62/TmZK5eOEdtTUxflZcVsWfotyefjyctK5sqlY6yaPYaC3DQiY+80atlrW7ermHt72NM6wgp/T3OefcCJ3IIqDp7UXUJ4a5gLfdrban8eeo8jnVrY8NOiXErL1TjZK3GyV2ofX+nhYsY93ewI9jHH1UlJWIAFLz7sTEWlmsNn6n9E1r9hZmeLY8tIHFtqru7bhvjj2DIS6wAfACI+eY2WM7/Qpr/0yx/YhgQQOeFN7CJCCXruUXwG38WF72dp01yYOJOAEQ/h98R92EeG0uzH8Zjb2XB5tmmmicLtsV9UxxHTZSiHN08hMWET2amn2broHWwcPAmM0sWxZvpwTuzS3VrWrMuTnN6/kDMHl5Gbfo6dKz6ksryE8Nj7tdtt3u0pTuz6jQvH1pGfdYkD678nL+M84bGmeYrH3lNqusQoaOoLHk6aR0gWlGiu5lZ7NE5J26a6M9U9J9W0bqKgebACN0e4q60CC3M4cl6TJysfsgvU9G+rxNdVM5OhQ4SCUG/97RrL7gQV3ZsrifBX4OkM93cxo6AYTibqPuvJvma0j6jxZdEcvF3QPq7NxV6Btws42f2z7RqLQqGgWZehHNo0hUsnNG1qy8J3sHXwJCha16ZWTRvO8Z26NtW825Oc2reQ0weWkZN+ju3LP6SiRpvKz0rk4Mb/kZF8nIKcZC6d2MSWhe/gHdIWNx/jLqTbtvdwjuxYwLHdS8lKPcf6PzTH72YdNfvp6tlvsXW57pjRJm4oF09sY9/V4/eOVZNJTTxGq6vHb4CSolzSLyeQdeUcANnpF0i/nEBRnuF1KIxlT4KKbs2UhFfXfeerdV/j6SJP9DajXbiuTe1OUNGmqZKWoQrcHeGeDprjRfw53ZfvVqEK/NwVuNhrbvEZ3N2M3QkqsvKNW/4udz7J/r8XcnD7MtJTzrFi9oeUl5UQ203TLhb9/DZ/LfhWm77zHUM5c3Q729fMJCPlPBuX/kDKheN07PMoANY29gRHtmPt/K84n7CX7IwkDm5bSvyO5UTH9jFYBmNQKBQ07zqUg5umcPH4JrKunGLz/LexdfQkOEb3uX/+MoxjO3THjObdhnFy70JO7V9KTto5ti3VnL9EtNW0RVsHD1y9w/VeAPbOvji6+psklr2nVHSNURLup8DTCe7rpOlrT9boEx+v1dfuPqWiTRMFLUI0bap/O02bOnxBkyczH7IK1PRvZ4avq2YmQ8dIBaHeCpP0tULUJrdFNFKLFy/mjTfeYMiQIRQVFREWFsbnn38OaGYYLFiwgLFjx/Lxxx/j4+PDRx99pLeY47/RokUL/v77b9577z26deuGWq2mSZMmPPzww0aIqH5RbftTXJjN9pWTKMrPwNM/iodemqadJpmffUVv5Ny/SRsGPPU121ZMZOvyb3HxCOaB537Ew09zoCjMTePsEc0zmGd+qr82xZBX5xAY3sFkscT2fobK8hI2zR9LWUk+vqGxDBw5DXML3UyOvMzLlBTq1gQIb9OfkqJsdq/RxO/hF8XAkdP0prge3fEHe9f9oP158eTHAOgzZILel62Gim6nqYttK2rUxcvXrot7n/6arcsn8veyb3HxDGbQ87q6UCrNyEo9z9HdSykpzMHGzhmf4OY8/uZcPHybGq3chqzeXoSVpYJh9zpia63kTGI5X/+ao7cugqeLOfZ2upkMva8ONLz7lP6tA1OX5LE9voSKSjXhQZbc0ckWO2sleUUqTl0s5+OpWRQUGXcqolNsMzpt1E3TjP76XQAuz1nCkRFjsPLxwObqQANAycUk9t07kuhvxhD80lBKk1I5OvJ9Mtdv16a5snANlh6uhI97GStvD/IPJ7D3nqcpT6/nkrWRNPb9olrzbk9TWV7CjmXjKC/NxzOoDf2G/aIXR0F2IqXFujhCW/SntCiHgxsnUVKguYXijmG/YGOviyOmy5NUVpazd/XnlBXn4eoTQb/h0012b/yuk2oszDUnrdaWcDkD/vhbRVWNJuxiDzY1JqAlXNZM/+7RXKG5hSIX/tiioujqmJpKrdlGr5ZKBndXYmkOOQWwYo+acw2/u6OO7cdVWJjDgE5mWFtCYrqa3zZUUlkzBgcFtta6k21fNwXD++lOi+5sZwaYceisimU7q254u8bUsrumTW1bqmlTXkFtuHO4fpvKz9JvU01a9Ke0MIcDGyZRXKC5heKu4b9o9w2lmQXJ53ZxbMccKitKsHPyJqRZX1rHPW/08kfG9qe4IJsdKydRXKDZTx8cVeOYkaN/zPALbcPdw79m+58T2f7ntzh7BHPfsz/i4atbY+rckU2s/W2M9ueVM14FoFP/F+ly90tGj6HajhNX675DjbrfVKm3X7jWalPHL6mxtVLRs4UZ9jaa22fmbqrSW8TPzVFB79ZKbCw1jw3cdkzF7gTjN6jmHfpTlJ/DxiWTKMzLxCcwiiff+EV7W0Ru9hUUNVavD2zamoee+4oNi79n/aLvcPMK4tFXJuPlr6uLh5//hr8WfsfCKW9SUpSHs7svfR8cTftejxi9/DW17Pk0FeUlbF08lvLSfLyDY+k/Ymrd/aJIt1+EtepPaVE2+/+aTHFBBu6+UfQfMfWatwuZ2s4ENRbmau6+2tcmZqiZt6WqVl+rwNYKqucinEjUtKkezZXYW0NaDszbomtTKjX8saWKXq2UPNzDTNvXLt+t4uwVGVwQpqdQqxvDkjHidjNj080uQcOVGPdC9E1jZ8QVqW+mzZtSb3YRGuyhCT1udhGM4uKKUze7CA1WaOTBoJulsvL2OMSXlzf++nCw//e3Jd5KnBwb/6TXlNTrr63TGESH3R5t6nJa45+vX1TcOBeSre2DIY3zunPpskk3uwj/ivV9ddexa+wa/xFCCCGEEEIIIYQQN5UMLgghhBBCCCGEEKJBGufcFyGEEEIIIYQQQh5FecuQmhBCCCGEEEIIIUSDyOCCEEIIIYQQQgghGkQGF4QQQgghhBBCCNEgsuaCEEIIIYQQQojGSdH4H2d6u5CZC0IIIYQQQgghhGgQGVwQQgghhBBCCCFEg8jgghBCCCGEEEIIIRpE1lwQQgghhBBCCNE4KeV6+a1CakIIIYQQQgghhBANIoMLQgghhBBCCCGEaBC5LUIIIYQQQgghROMkj6K8ZcjMBSGEEEIIIYQQQjSIDC4IIYQQQgghhBCiQWRwQQghhBBCCCGEEA0iay4IIYQQQgghhGicFHK9/FYhNSGEEEIIIYQQQogGkcEFIYQQQgghhBBCNIjcFiGEEEIIIYQQonFSyvXyW4XUhBBCCCGEEEIIIRpEBheEEEIIIYQQQgjRIDK4IIQQQgghhBBCiAaRNReEEEIIIYQQQjROCsXNLoG4SgYXxE1RUXmzS9Bwvm5VN7sIRpFbZHazi2AUMS09b3YRGuziilM3uwhGEXxvxM0uQoPZxx+62UUwiqwi65tdBKNIzmj8pytVt8chA7PbYM6rq0vjb08AZxNVN7sIRtGsSeOPo6js9jiXEqKhboNDhBBCCCGEEEIIIW4mGVwQQgghhBBCCCFEg9we88KEEEIIIYQQQvz/o5Dr5bcKqQkhhBBCCCGEEEI0iAwuCCGEEEIIIYQQokHktgghhBBCCCGEEI2TPIryliEzF4QQQgghhBBCCNEgMrgghBBCCCGEEEKIBpHBBSGEEEIIIYQQQjSIrLkghBBCCCGEEKJxUsr18luF1IQQQgghhBBCCCEaRAYXhBBCCCGEEEII0SAyuCCEEEIIIYQQQogGkTUXhBBCCCGEEEI0SmqF4mYXQVwlMxeEEEIIIYQQQgjRIDK4IIQQQgghhBBCiAaR2yKEEEIIIYQQQjROCrlefquQmhBCCCGEEEIIIUSDyOCCEEIIIYQQQgghGkQGF4QQQgghhBBCCNEgsuaCEEIIIYQQQojGSdZcuGVITQghhBBCCCGEEKJBZHBBCCGEEEIIIYQQDSK3RQghhBBCCCGEaJTUCsXNLoK4SgYXbiPDhg1j9uzZAJibm+Pv78/gwYP56KOPsLa2vsmla5j4rXPZv3E6RfkZePhFEvfgB/gEt6g3/elDa9ix8nvys5Nx9gim28A3CI3pof39mfi/OLLjD9ISj1NanMvjby/D0z/K5HHsWj+Pv1fPoDAvE5+ACO4d+h4BTeqP48ietaxfPJmczGTcvIK46+HXiGyli6MgL5M1f3zLmWM7KC0uICSiLfcOfRd372CTxXBgy1z2/KWpC0//SPo+/AG+IfXHcPLAGrau+J68rGRcPYPpef8bNGmui2Hbn5NJ2L+KgpxUlOYWeAfG0GPgq/iGtDRZDABqtZqDGyZzav9CyksK8ApqTeeB43ByD75mvhO75nJ02wxKCjNx9Y6k04D38AjQxb9q6lBSL+zTyxPZ/mG63DfeBFFo4tizZhLHdi+krCQf35A2xA0ej7NH8DXzHd42l4ObplNckIG7byQ9Bn2Ad5AujmM753PqwErSk45TUVbEyM/2YWXraPTyu3ZtS+jrI3Bq0wxrX0/2D3qBtBUbr52ne3uiv34H++imlF6+wtkJP5E0Z6lemqDnHyX0tRFYeXuQf+Qkx0d/TN6+o0Yvf02b18znr2WzycvNwj84nCFPv01I02YG06YknmP5H/8j8VwCWRlXeGj4G/QZ8JhemjEj+5OVcaVO3p53PsSjz44xSQy71s9l69U+yjsg8rp91NE9a1m/eJK2j7rz4dfr9FFr//hG20cFR7Tl3qHvmbSPAs1+sXftZI5f3S98QtrQ88Fx190vjmyfy6HN0ykuyMTdN5Lu97+P19X9orQolz3rJnP51A4Kcq5gY+9KaLPedLjrFaxsHEwWx76/JpOwRxOHd3Abuj9w/TiO7ZhL/N+aONx8Iul63/t4Berq8e9FY0k6s4ui/HQsrGzxDmpNx7vfwMUz1OgxHNwylz3rdceMPg9/gO81jt8nD6xh25+aY4ZL9TGjmaZNVVVVsG3FRM4d20pe5mWsbOwJiuxMj/tex8HZy+hlr+l2aVMA3WIUtApVYGUBSVmw7oCKnMJr52kTpqBDhAJ7a0jPhb8OqbiSrfmdky28cI+ZwXxLd1ZxMsm45d/x1zy2rJxJQV4mPoER3P/kuwSGGW5TqUlnWbdwMkkXTpCTmcK9T7xN97uG6qU5l7CfLStnkHzhBPm5GQx7dRLN2vU2bqFr2bNxLjvXTKcwLxOvwEj6P/Y+/qH17xfH961l05Lvyc1MxtUriL6D3yC8ZQ+9NBkp51i/8GsuntqHqqoKD98mPPziJJzdfE0aixA1yW0Rt5k777yTK1eucP78eb777jt+/vlnxo0bd7OL1SCnDqzm76UT6HjXKB5/aykefpEs+d8IiguyDKZPOX+QVbNep1mnB3n87WWEtejNiqmjyEw5rU1TUV6Mb2gbug18478Kg8O717By3hf0uf8FXvp4ET6BkUz/8lkK8wzHcen0If7435u07fEAL3+8mJjY3vw68SVSL58BNCc6v058ieyMywx99Qde/mQxzu4+TPt8BOWlxSaJIWH/ajYtmkDXe0Yx/N2lePpHMn/yCIryDceQdO4gy6e/TssuDzL8vWU0bdWbxVNGkZGsqwtXr2DueGQsIz74k8ffmIeTmx/zv3+K4oJsk8RQ7cjWaZzY9RtdBo7n3ufnY25py7qZz1BZUVZvnvNHVrNn9Re07j2KgaMW4+oTwdqZz1BSqB9/RLvBDBmzVftqd6fp2tmBjVOJ3/orcYPH8/CrCzC3tGHZlBHXjOP0wdVsWzaBDneO4pE3luLuF8nyKfr7VEV5CUFR3WjX9zmTlR3AzM6W/COnOPbyhzeU3ibYn3YrfiZryx62tx3Ihcmzaf7zJ7j37apN4zP4LqK+GsOZT35ke/v7KThykg6rpmPp4WqqMNi3fR0LZ37DPQ+N5P2v5xEQHM73H71Afq7hdlxeVoqHlz/3P/Eyjs7uBtO8++VvfDV9vfY1etxPAMR27muSGI7sXs2qeV/Q+/5RvPjxYnwCI5jx5TPX6aPeoG2PQbz08RKiY3vz28SXSL2s2b81fdSLZGdc5olXf+SlT5bg4u7L9M+fMlkfVe3gpmkc3vYrPQePZ/DoBVhY2rDi56evuV+cObSa7cs/p12/UTz82hLcfCNY8cvT2v2iKD+dorx0utz7Fo++9Sd9hkzg0qltbJr/nsniiN8yjaPbf6X7A+MZ9JImjpXTrh3H2fjV7Pjzc9r2HcWDozVxrJz2NMU1+ikP/xjiHv6MR95cxT1PT0ONmpVTR6BSVRm1/An7V7Np8QS63D2KYVePGQsmXfuYsWLG67To/CDD3l1G05a9WVLjmFFZXkpq4gk693+eJ8cs4b5nfyA77QJLfnreqOU25HZpUx0jFbRtqmDtARWzN6qoqISHuysxu8Y3gqgABb1bKth+XM2M9SrSctU83F2JrZXm9/klMGlFld5r6zEVZRVqzqUat/zxu9aw4rcv6fvAC4z+dCG+gRFM/XwkBfX0U+VlJbh6BtD/kVdxqKevLS8rwTcogvuHv2/cwtbj2J7VrPvjc3oOHMXI8UvwDojg12+eprCe/SLxzEEWTXmd1t0f5LkPlxLZpg9/TH6RtCTduVR2eiLTP3sUd59Qhr89hxc+Xk6Pe1/A3MLqP4lJiGoyuHCbsbKywtvbm4CAAO677z769OnD+vXrAcjKymLIkCH4+flha2tL8+bN+f333/Xyq1QqvvzyS8LCwrCysiIwMJBPP/1U+/vLly/z0EMP4ezsjKurKwMHDuTixYsmjenA5pk06/QQzToOws0njD4Pf4i5pTXHdi02mP7gljkER3WjXZ+ncfNuQpd7RuMZEE381t+0aaLb30enu14kMKKTScte0/Y1s2jfczBtuz+Al18Y9w0fh6WVNfu3LjGYfsdfvxLeois97h6Bp18T7njwZXyDo9m1YS4AmamXSDx7mPuHjSUgtDkePiHcN2wcFeVlxO9ebZIY9m6YScsuD9Gi8yDcfcO489EPsbCw5shOw3Wxf9McQmO60eGOp3H3aUL3e0fjHRjNgS26uohpP4DgqM44ewTg4duU3g+Ooay0kPTkUyaJATRfeo7vnEOruOcIiu6Nq08EPQZ/TnFBOpdObKg337Hts4loN5jw2Adw8Qqjy8DxmFtac/qAfh2aW1hj6+ChfVla25ssjvitc2h/x/M0ad4Hd99I7njsS4ry0jl/tP44Dm3R7FPRHQbh5h1Gr8GaferEHl09tu45jLZ9nsU7yLQzSDLWbeX0uImkLa+/vDUFPfsIJReSSHjrCwpPnufS/+aSungdIa8M06YJGT2cy9MXkDR7CYUJ5zj6wjiqiksJGDbIRFHA+j9/o2vfB+jSeyC+AU14bOR7WFpZs2PTMoPpg5vG8OCTr9K+651YWFgYTOPg5IqTi7v2dXT/Njy8AwiPiTVJDNvWzKadXh81/jp91ByatuhKd20f9Qq+wVHs2jAPgMzUi1w+e5j7ho3T9lEDr/ZRh3evMkkMoNkvDm+dQ9u+zxHarDfuvhH0efQLivLTOX+s/nYW//csYjoOJrr9IFy9w4h78EPMLaxJ2KvZL9x8wuk/fDIhMb1wcg/Ev2lHOt31KheOb0ZVVWmSOI5sm0Ns7+cIadYbN98Iej3yBcX56Vw4Xn8ch7fOIrrDYCLbDcLVK4weD2j66ZN7dft3dMeH8Q1th6OrPx7+MXToN5rC3CsUZCcbNYZ9G2scM3zC6DfkQywsrTlaz/H7wOY5hEbrHzO8AqI5+LfmmGFl48Ajr8wkKrY/bt6h+IW2ou/DH5CaeJz87BSjlr2m26VNAbRrqmBHgpozKZCRByv3qnCwgXC/+qeVtw9XcPi8mqMX1WTlw9oDaioroUWIJo9aDUWl+q9wPwUnL6upMHIYf6+eTYe4B2nf8368/cMYNGIcFlbW7PvbcD8V2KQ5Ax57g9ad+2NubmkwTVSrbtz10Cs0b9fHuIWtx86/ZhHbfTCtuw3C0y+Me4Zq9otD2wzvF7vX/0pY8650vWsEHr5N6P3AK/gERbN341xtmo2LJ9K0RQ/ueOhNfIKicfUMJLJ1L+wd3f6TmISoJoMLt7Fjx46xc+dOLC01nWlpaSmxsbGsWrWKY8eO8eyzz/LEE0+wd+9ebZ4xY8bw+eef88EHH3DixAnmzZuHl5dmqmFFRQX9+vXDwcGBbdu2sWPHDuzt7bnzzjspLy83SQxVleWkXT5OUERn7XsKpZKgiM5cuXjIYJ4rF+MJqjVoEBzZlZQL8SYp442orCwn+eIJwmI6at9TKpWExXTi0lnD5bp0Np6wGP04wpt34dKZw4DmbwPojUorlUrMLSy5eOqgkSPQfF5q4nGCo/TrIjiqM8nnDddFyvl4giP1YwiJ7kry+fh6PyN+23ysbBzw9I8wWtlrK8hJoqQgE98murJZWjvg4d+C9MTD9ZYtM+U4vmG6PAqlEt8mnUhPjNdLey5+Jb990onFEwewb923VJaXmCSO/KwkivMzCAjX1YmVjQNeQS3r3T+qKstJTzqul0ehVBIQXv8+dStx7tiKzE279N7LWL8dl46tAFBYWODUJobMjTt1CdRqMjftxLlja5OUqbKigsRzCUS16KB9T6lUEtWiA+dPHTHaZ+zeupouvQaiMMG9pZWV5aRcPK7X5yiVSprEdCKxnj4q8ezhOn1U0+ZdSTyjSV9VWQH8d31UtfzsJIoLDOwXgS1IvRhvME99+4V/eKd68wCUlRZgaW2P0sz4d5kWXI3Dv6l+HJ6BLUi7ZLhMVZXlZCQf18ujUCrxa9qp3jwV5cWc3L8EB1d/7J29jVb+6mNGUGStY0Zk/ceM5PPxBP2DYwZAWUkhKBRY2Rj/tq1qt0ubcrYDexsFF9PUus+rgJQs8KvnO6hSCd4ucKFGHoCL6Wr83Az3Rd4u4O2i4PAFtcHf/1uVleUkXzhBeDP9fqpps47ac6NbXWVlOVcuHic0RtculEolodGduFxPX5t0Lp7Q6M567zVp1oXL5zTpVSoVp49swc07mDlfj+DLlzvzy8cPkXDwxgbtbwsKZeN83YZkzYXbzMqVK7G3t6eyspKysjKUSiU//PADAH5+frzxhm569ksvvcS6detYsGAB7du3p6CggO+//54ffviBJ598EoAmTZrQtatmuvH8+fNRqVRMmzZNe3I7c+ZMnJ2d2bJlC3fccYfR4ykpykGtqsK21sirrYMb2WnnDeYpys/E1sG9Tvrigkyjl+9GFRfkolJVYe+kXy57RzcyUgzHUZibib2Tftz2Tu4U5mni8PAJwdnNh7ULvuP+p8ZjaWXD9rVzyMtOpSAvw/gxFGrqwq5WXdg5uJGVWk8M+ZnYObrXSV+Ur18XZ49sZvn016goL8He0YNHXpmBrb3pprCXXG0LNvb6sdjYu1NSaPhvV1qci1pVZSCPG3kZF7Q/N2l5D/bOvtg6epKdeop9a78hL+MCfR6fbOQooLhAU1Zbh7r7R3G+4fau3acM5MmpZ5+6lVh5uVOWph9bWVomFk4OKK2tsHBxQmluTll6Vq00WdhFGP9+coDCghxUqiocnfXbrIOzG1eSLxrlM+L3bqakqIDOvQYYZXu16foo/Xbh4OhGRsoFg3k0fVStPs3JrU4fte5qH2VhZcOOtbNN1kdVK86vb79wr/c4UL1f2BjIk5tuOP6Swhz2r/+JmE4PGaHUdVXv33XKZF9/HKXVcdjXzVM7jmM757Fr1ddUlhfj7BHCgGdmYFbPld1/Vf56jhm2jm5kXeP4XeeY4Vj3mFGtsqKMLUu/Jrrt3VjZmGaGGNw+bcru6vJbRaX67xeVqbW/q83WEpRKBcW17v4oKgW3epaFaBmiIDNPTbLhWf7/WlF9/ZSTG+n19FO3muKrx4vaMwrsndzJTK2nr83LNJi+uq8tKsiivLSY7aum0uuBV+j70BucPbqN+T+8xLC3ZhMc2d40wQhhgAwu3Gbi4uL46aefKCoq4rvvvsPc3JxBgzRTgauqqvjss89YsGABycnJlJeXU1ZWhq2tLQAJCQmUlZXRu7fhRWwOHz7M2bNncXDQP5qUlpZy7ty5estUVlZGWZn+Uami3AoLS7kPrCHMzC14/JVJLJ72Ph891wml0oywmE5EtOiGGuNeLTC1wIgOPPXeMooLczi8fQHLpo5m6NsL65yU/ltn4/9kx7Lx2p/vGPqTUbZrSGR73Umhq3c4tg4erJk+nPysRBzdAhu07ZP7V7B5gW4NlQHP/tyg7YnGY/vGZTRr0wVnV8+bXZQbpumjJl/tozqiVJrRJKYT4S26GfVzTh34ky0LdfvFPU9PMer2DSkvLWTltJG4eDWhfb8XjbLN0wf/5O/Fujjufsq0cTRtPQD/pp0pLsgg/u8Z/PXbaO4f9XujuUe7qqqC5VNfAdTcMeTG1my5UbdLm4oJVHBnrG52wYLtKqNs91rMzSA6UMGOE43rPKQxU6s09RrZuhed+w0DwCcwistnD7Fvyx8yuCD+UzK4cJuxs7MjLCwMgBkzZtCyZUumT5/OiBEj+Oqrr/j++++ZOHEizZs3x87OjtGjR2tvabCxsbnmtgsLC4mNjWXu3Ll1fufh4VFvvgkTJvDhh/oH/rsfH8eAJ8ZfNx4bOxcUSjOKay1yU1yQVefqRjU7x7pXEooLsurMZvgv2To4o1SaaUeZqxXmZ2FfzwJD9s7udRZSK8zTv1LoHxLDK58upbS4gMrKCuwdXflx3MP4hRheob5BMdhr6qL2QlxF16gLe0f3OlecDKW3tLLF0jMIF88g/EJb8fMHd3Bk5yI63TnSKGUPjOqFZ40nOlTfUlJSmIWto+7LWklhJq4+hp8aYm3rjEJpVmfxxpLCLGyu0baqnyRhjMGF0Ga99NZAqI6juCALOyddHMUFWXj4RRrchnafKqi7T9nWU4+3krK0TKy89Mtp5eVORV4BqtIyyjNzUFVWYuXpViuNG2Wpppm9ZO/gglJpVmfxxoLcLJycGz5AlpWeQsKRPTz/1tcN3lZ9dH2UfrsoyM+qdxE0TR9Vq0/Ly9Lro/xCYnjZQB/lHxJjtLKHxMTpPQmhqqrGfuFYc7/IxN3P8P5dvV+U1Nkv6s6EKy8tZMUvT2NhZUf/4T9gZmZ4zYx/Kji6VhzV/VTtOAozcfetp5+qjqNWP1VcWDcOKxsHrGwccPYIxiuwJTPGduDCsfU0bX2PUeKp75hRnH/t43edY4aB9JqBhdHkZacwZPRso89auF3a1JkUNSnZui/51Ys22lnrz16ws1KQlmt4MKC4HFQqtXbxRm0eaygsrZs+0l+BhRkcvWT8wQW7+vqpvKx6F8a91dhePV7UXrxRMzuhnr7Wyd1w+qt9ra2DC0ozczx8w/TSuPs0IfHMASOWXojruz1v9hCA5h6ud999l/fff5+SkhJ27NjBwIEDefzxx2nZsiWhoaGcPq1babZp06bY2NiwcaPhx8C1adOGM2fO4OnpSVhYmN7Lycmp3nKMGTOGvLw8vdedD9/YY9TMzC3xCogh8bTuHmu1SkXi6V34BBu+f9onuBWJp3frvXfp1E58Q1rd0Geagrm5JX7B0Zw9oSuXSqXi7PHdBIUZLldQWCvOHteP48yxXQQ1rbvAnrWtA/aOrmSmXiTpwnGiY3sZtfygqQvvwBguntSvi0snd+EXargufENbcfGkfgwXE3biF9rqmp+lVquorDDeOh6WVnY4ugVpX86eYdg4uJNyTle28tJCMpKO4BloeAFDM3NL3H1juHJWl0etUpFybjeega3q/ezsKycBsHWofwDuhuOwtsfZI0j7cvUOw9bRg8tndHVSVlpI2qXD9e4fZuaWePrH6OVRq1RcvsY+dSvJ3R2PW6+Oeu+59+5Mzu54ANQVFeQdPI57rxr3bSsUuMV1Ine3adaUMLewILBJFCeP7NG+p1KpSDiyl9CI+h8tdqN2bFqBg6MrzWONe8W/JnNzS3yDYzhXq486d3w3gfX0UYFhLTlXq486e2wngU3rpq/ZRyVfOEZUrPEe81Znv/AKw9bBg6Qabby8tJC0xCN4BxuOpb79IunMbr085aWFLP95BEozC+4e8T+jXuW3tLbHyT1I+3KpjuOsfhzpiUfwCqo/Dg+/GL08apWK5LO7682jo9YOaBhD9THj0in9slw8Vf8xwy+0FZdO1TpmnNQ/ZlQPLOSkX+KRV2ZhY+9itDJXu13aVHkl5BTqXpn5UFiiJthTN5vB0hx83aj3FgaVClJzINhLf32FIE8FyVl1BxBahCg4kwIl9T9E418zN7fELySaM8drn0vtMXhudCsyN7fEJziG8yd07UKlUnEhYTcB9fS1/k1a6aUHOH98JwFNWmm36RfcrM5tFVlpF///PIZSoWicr9uQDC7c5gYPHoyZmRk//vgjTZs2Zf369ezcuZOEhARGjhxJWlqaNq21tTVvv/02b731FnPmzOHcuXPs3r2b6dOnA/DYY4/h7u7OwIED2bZtGxcuXGDLli28/PLLJCXV/xBjKysrHB0d9V7/5JaI2LjhHN25gON7lpKVeo4NC8ZTUVZCTMcHAFgz5y22rfhGm75Nz6FcPLGN/RtnkJ16jp2rJ5OWeIxW3R/XpikpyiU9KYGsVM3tHDlpF0hPSqAo33T3AXe9axj7tiziwLZlpCefY9msDykvKyG2+/0AzJ/yDmvnf6tN3+WOJzh9dDtbV88kPeU865f8QPKFY3Tq85g2zZE9azmXsJes9MscP7CRaV88TXRsb8KbdzFJDO37DOfw9gUc3bWUzCvnWPf7eMrLS2jRWVMXf858iy1LdXXRttdQLhzfxp71M8hKPce2Pydz5dIxYntq6qK8rJi/l31L8vl48rKSSb10jFVzxlCQm0Zk7J0miQFAoVAQ03ko8ZuncClhE9mpp/l74TvYOngSFK1bLXr1tOGc2KWbqdOs65Oc2r+QMweXkZt+jh3LP6SyvITwNpo6zM9K5NCm/5GZfJyCnGQuJWzi74Xv4B3cFlcf4y9QqVAoaNV9KPv++onzxzaSmXKK9b+9hZ2TJ6HNdXEs+fFJDm/TPaGjdc/hHN+1gIS9S8lOPcfmheOpLC8husMD2jRF+RlkJCWQm5kIQOaV02QkJVBalGvUGMzsbHFsGYljS81MC9sQfxxbRmId4ANAxCev0XLmF9r0l375A9uQACInvIldRChBzz2Kz+C7uPD9LG2aCxNnEjDiIfyeuA/7yFCa/TgeczsbLs82vJq4MfQd8DjbNixl5+YVXEk6z9yfP6O8rIQuvQYCMOP791ny2yRt+sqKCi5fOMXlC6eorKwgNzudyxdOkX4lUW+7KpWKnZuW0znuHsxMsMBbTd3uepJ9WxZq+6jltfqoBVPertVHDeX00e1su9pHbVjyA8kXjtOpz6PaNEf3rOV8wl6y0y9z4sBGpn8xwqR9FGj2i5bdh7J//RQuHNuk2S/mvY2doyehzXT7xbKfhnGkxn7RqscwTuxeSMK+pWSnnWPLIs1+EdVes1+UlxayfMoIKstL6P3wp5SXFlKUn0FRfobRH+FYHUeLbkM5sHEKF45vIuvKKTb+8Ta2jp6ExOjiWPHzMI7u0MXRsvswEvYs5OT+peSknWPrkvFUlJcQ2U4TR37WZQ5u+pmMpGMU5KSQevEg6359BTMLKwKjehg1hna96x4zKspKaN5JU5aVs97i72W6Y0ZsnOaYsXeD5pixfeVkUi8do00PzTGjqqqCZb+8TGriMQY89TUqVRWFeRkU5mUYdWCkttulTQHsO6Omc7SCMF/wcIIBHZQUlMDpZN1AwZAeSmLDdF989p5W0ypUQfMgBW4OcGesAgtzOFJrwUYXewj0gMMXTHf7RY/+T7Jn8yL2bV1GWvI5lsz4iPLSEtr10PRTv/9vDKv/+E6bXrOgdgLJFxOoqqwgLzud5IsJZKZe0qYpKy3SpgHIzkgi+WICOZmmeQJJ5zuGcfDvhcRvX0pGyjlWzhlPeVkJrbtq2sWSqW+zfqFuv+jY9wnOHtvOjrUzyLhyns3LJpNy8Tjte+vOB7vcNYLje9ew/+8FZKVdYs+G3zgdv5l2vR6t/fFCmJTcFnGbMzc358UXX+TLL7/k0KFDnD9/nn79+mFra8uzzz7LfffdR15enjb9Bx98gLm5OWPHjiUlJQUfHx+ee07znHtbW1u2bt3K22+/zQMPPEBBQQF+fn707t0bR0fTrdIcEduf4sJsdq6aRHFBBh5+UTzwwjTtNMmCnCsoaqy46hvahv7DvmbHyonsWPktzh7B3PvMj7j7hmvTnD+6iXVzdbMnVs16FYCOd71I5/4vmSSOlh3voqggm/WLJ1OQl4lvYCRPvfkzDlenteVm6ccRFN6aR57/kr8WTWLdwom4ewXxxOjJeAc01aYpyM1g1bwvKczLxMHZgzZdB9LrvudMUn6AqLb9KS7IZtufkyjKz8DTP4qHX9LVRX62fgz+Tdpw74iv2bpiIluXf4uLZzCDnvsRDz9NXSiVZmSlnuforqWUFOVgY+eMd1BzHn9jLh6+TQ2WwVhadH+ayvISdiwdR3lpPl5Bbeg3/Be9q0YF2YmUFuVofw5t0Z/SohwObJhESUEmbj5R9Bv+i/a2CKWZBSlnd3F8xxwqK0qwc/ImOKYvreJM9wz22N7PUFlewqb5Yykrycc3NJaBI6fpxZGXeZmSQl0c4W36U1KUze41mnr08Iti4MhpelN1j+74g73rftD+vHiy5iSmz5AJeoMQDeUU24xOG3/V/hz99bsAXJ6zhCMjxmDl44HN1YEGgJKLSey7dyTR34wh+KWhlCalcnTk+2Su365Nc2XhGiw9XAkf9zJW3h7kH05g7z1PU55u5NXFamjXtR8F+Tms+P0n8nOz8A+J4OUPfsTx6m0R2ZmpKJS6fSM3J4OPX39E+/Nfy+fw1/I5hMfE8sbH07TvJxzZQ3ZmKl1632eysldr0bE/hQU5bFg8iYK8THwCoxj+5i/X6aO+4q9F37Nu4Xe4ewXx+OjJeAfo+tr83AxWzfuCwjzN7RWtuw6k132m2x+qteml2b83L9TsFz4hsQx4dmqt/SKRkhr7d9PW/SkpzGbv2sna/WLAs1O1+0V60nHSrj5N5tfP9BcwHvr+Bhxd/Y0eR6ueT1NRXsLfi8ZSXpqPd3As9zytH0d+ln4/FdZKs3/vWzeZ4oIM3H2juOdpXRxm5pZcuXCAI9vmUFaSj429G76hbbl/1O/Y2htnnZtqUW01x+/tK3XHjIeuc8wY8NTXbKs+ZngE80CNY0Zhbhpnj2wCYOanA/U+a8ircwgM74Cp3C5tavdJNRZmcFesEmtLuJwJC7aqqKoxHuBsDzY1rgElXNbcFtGtmQI7awXpuZo8tRd5bBGiIL8YzqcavdharTrdRWF+NusW/UBBbia+QZE8/Y7uXCon6woKpW5gJD8ng+/efVD789+rZvL3qpmERrXjhQ9mAXD5/HGmfDJcm2bFb18C0Lb7QB557jOjx9CsQ3+KCrLZtGwyhXkZeAdG8cRrU7W3OeRlpeg9FSiwaRseHPk1G5dMZOPi73DzCuaRl37Ay1/X10bF9uWeoePZtuoX1sz9FHfvEB4eNYmgcNM8uliI+ijUarWsuCL+cz//dbNL0HCezqa5qvBfyy0yu9lFMIqMbNMvVGVqdra3x2Sy4HtN9xjR/4p9/K3/WM4bkVVUzxLwjUxyRuOfPlp1exwycLRv/HVRVHJ7nPoWFjX+4x5AsyaNvz6Kym6Pc6lHOjfO/bt4x+KbXYR/xbbLoJtdBKO7Pc5khRBCCCGEEEIIcdPI4IIQQgghhBBCCCEaRAYXhBBCCCGEEEII0SCyoKMQQgghhBBCiEZJfZs+1rExkpkLQgghhBBCCCGEaBAZXBBCCCGEEEIIIUSDyG0RQgghhBBCCCEaJ4VcL79VSE0IIYQQQgghhBCiQWRwQQghhBBCCCGEEA0igwtCCCGEEEIIIYRoEFlzQQghhBBCCCFEo6SWNRduGVITQgghhBBCCCGEaBAZXBBCCCGEEEIIIUSDyOCCEEIIIYQQQgghGkTWXBBCCCGEEEII0TgpFDe7BOIqmbkghBBCCCGEEEKIBpHBBSGEEEIIIYQQQjSI3BYhhBBCCCGEEKJRkkdR3jqkJoQQQgghhBBCCNEgMrgghBBCCCGEEEKIBpHBBSGEEEIIIYQQQjSIrLkghBBCCCGEEKJxkkdR3jJk5oIQQgghhBBCCCEaRAYXhBBCCCGEEEII0SByW4QQQgghhBBCiMZJHkV5y5CaEEIIIYQQQgghRIPIzAVxU1RW3ewSNFygc97NLoJRWFs43OwiGEV6ltnNLkKDFRapbnYRjMI+/tDNLkKDFbZqfbOLYBRhfX1udhGMwvqT9Te7CA2WVWhxs4tgFL28j97sIjRYttLzZhfBKF4bl3Szi2AUd44PutlFaLCIK5tudhGM5KGbXQDRyMnMBSGEEEIIIYQQQjSIzFwQQgghhBBCCNEoqeVRlLcMmbkghBBCCCGEEEKIBpHBBSGEEEIIIYQQQjSIDC4IIYQQQgghhBCiQWTNBSGEEEIIIYQQjZNCrpffKqQmhBBCCCGEEEII0SAyuCCEEEIIIYQQQogGkdsihBBCCCGEEEI0SmrkUZS3Cpm5IIQQQgghhBBCiAaRwQUhhBBCCCGEEEI0iAwuCCGEEEIIIYQQokFkzQUhhBBCCCGEEI2SWh5FecuQmhBCCCGEEEIIIUSDyOCCEEIIIYQQQgghGkRuixBCCCGEEEII0TjJbRG3DKkJIYQQQgghhBBCNIgMLgghhBBCCCGEEKJBZHBBCCGEEEIIIYQQDSJrLgghhBBCCCGEaJTUCsXNLoK4SmYuCCGEEEIIIYQQokFkcEEIIYQQQgghhBANIoMLQgghhBBCCCGEaBAZXGgEtmzZgkKhIDc31+SfpVAoWLZsmck/RwghhBBCCCEaSq1QNsrX7UgWdDSyKVOm8Oabb5KTk4O5uebPW1hYiIuLC126dGHLli3atFu2bCEuLo6zZ8/SpEmTerfZuXNnrly5gpOT03U/v3qbOTk5ODs76/0uNTWVTz/9lFWrVpGcnIynpyetWrVi9OjR9O7dG4ArV67g4uLyzwM3MbVazZ41kzi2eyFlJfn4hrQhbvB4nD2Cr5nv8La5HNw0neKCDNx9I+kx6AO8g1pof39s53xOHVhJetJxKsqKGPnZPqxsHU0Wx1+rFrFyyVzycrIJDAnjyZGvERYeYzDtpnXL2bZpDZcvnQcgJCyCh4c+p01fWVnJwt9+Jn7/TtJTU7Cxs6dZy7YMefIFXNw8TBbDtnW/s+nPmRTkZeIbGMGg4e8SFNbcYNorl8+yZuEPXD5/gpzMFO4b+jY9+z+hl2b9sqkc2buB9JQLWFhaExzeigGPvoqXb4jJYgBNmzq0cTKn9i2kvLQAz6DWdL53HE7uwdfMd2L3XI5tm0FJYSYu3pF0uuc9PAJa6KVJTzzEgfXfk3H5CAqlElefSPoNm4a5hbXEYcDmNfP5a9ls8nKz8A8OZ8jTbxPStJnBtCmJ51j+x/9IPJdAVsYVHhr+Bn0GPKaXZszI/mRlXKmTt+edD/Hos2OMWnYA165tCX19BE5tmmHt68n+QS+QtmLjtfN0b0/01+9gH92U0stXODvhJ5LmLNVLE/T8o4S+NgIrbw/yj5zk+OiPydt31Ojlr8ntnvvwGPQI5i6ulF44S/JPkyg5fbLe9O4DH8Tt7nux8PCiMj+PvO1/kzprKuqKck0CpRKvx4bhEtcXcxdXKrIzydmwlvTffzVpHNv/0u+nHhh27X5q7aIa/dQTb9OjVj+1YdlUjuyr1U8NeRVPE/ZT+zfPZde66RTmZeAVEEm/IR/gF9Ki3vQn9q/h7+Xfk5uZjKtXML0HvUFY8x4G067+dSwHt86n78Nj6NBnmIki0Fi2ag3zl6wgOyeXJiFBvDRyBFHhTQ2m3bpzN/MWLiH5SipVlVX4+fow+L4B3NFLF8cX3/3Auk1b9PK1a9OKLz5835RhsGblElYs/oPcnGyCQpow4rlXaBoRbTDt+rV/8vemdVy+qDl+h4ZF8OiTz+il/+Hbz9iyca1evlZt2vP+x1+bLoirnhzkw11xHtjbmXH8dCGTZiSSnFZWb/p7erszoI8HXh5WAFxKKuG3pVfYdzjfYPpP3wqjfUsnxn17lp0H8oxe/nUrF/Pnknnac6nhI18lrJ662Lh2BVs3rSHp0gVAcy71yNCReukXzp3Orm0byMpIx9zc4ur51rM0jTB8fmYM8zfvYfa67WTlFRIe4M3bQ+6mWYj/dfOt3XuEMVMX0rNVJN+N0h37svIL+X7RX+w6cZbCklLaNA3irSH3EOTlZrIYxM3x448/8tVXX5GamkrLli2ZPHky7du3v26+P/74gyFDhjBw4ECTXki+PYdMbqK4uDgKCwvZv3+/9r1t27bh7e3Nnj17KC0t1b6/efNmAgMDrzmwAGBpaYm3tzeKBqyEevHiRWJjY9m0aRNfffUVR48eZe3atcTFxTFq1ChtOm9vb6ysrOrdTkVFxb8uQ0Mc2DiV+K2/Ejd4PA+/ugBzSxuWTRlBZUX9B8PTB1ezbdkEOtw5ikfeWIq7XyTLp4yguCBLm6aivISgqG606/ucyWPYtW0Dv02bxANDRvDpxFkEhjTl87GvkpebbTD9iaMH6dy9L+9/9gMffvULbu5efD52NNlZ6QCUl5Vy4dwp7n94OJ9OnMWrYyZwJTmRrz95y2QxHNy5hmW/fsmdDz7PGxMW4hcUwZQJIynIyzKYvqK8BDdPfwY8OhpHZ3eDac4l7KfrHUMY/fE8nn/vF1RVFUz57FnKSotNFgfA0W3TOLHrNzoPHM+A5+djYWHLulnPXLNNnT+ymr2rv6BVr1HcO2oxrt4RrJv1DCWFuvjTEw+xbtaz+IZ1YcDz87n3+YVEdXwMhYlGqBt7HPu2r2PhzG+456GRvP/1PAKCw/n+oxfIr2e/KC8rxcPLn/ufeLneNvXul7/x1fT12tfocT8BENu5r1HLXs3Mzpb8I6c49vKHN5TeJtifdit+JmvLHra3HciFybNp/vMnuPftqk3jM/guor4aw5lPfmR7+/spOHKSDqumY+nhapIYAJy6x+HzzAukzZvFmZeeoeT8OUI+/gozJ2eD6Z179sZ7+LOkzZvNqZFPkjTxS5y7x+E97GltGo8Hh+DWfyDJP33PqZFPkjrjFzwGDcHt3gdMFsehXZp+qt+g53n9s4X4BkXw8+fX76fuGTIah+v0U698NI/n3v2FqsoKpkwwXT91fN9q1i+YQLcBo3j6g6V4+Ufy+8QRFOUbjuHy2YMsnfo6rbo+yDNjlxHRqjcLfhxFevLpOmlPHlxP8vnDODh7mqTsNW3etoOfps1m6JDB/DzxS5qEBPP22E/IyTX8hdPRwZ7HHhrED199xtTJ33Bnnzi+/P5H9h2M10vXvk0rFs2Zqn29/+Zok8axY+tGZk/9kcGPDuPLSdMIDgnjkw/eIC83x2D640cP0bV7b8ZP+J7PvvkJdw9PPv7gDbIyM/TStYrtwNRfl2pfo98aZ9I4AB6+x4v7+nny/cxLvDT2JKVlKia80xQLi/rPMTOzK5j+RzKj3ktg1PsJxB8v4MPXmhDkV3eg+YE7PUFtuvLv3LqBX6dN5sEhTzHh+xkEhYQxYexr9dbFiaMH6dKjLx9MmMRHX/+Mm4cnn419lewadeHjF8Dw517jyx/nMP7L/+Hh5c1nH7xKfp7hbTbUun1H+WbBGkYOiGPeB88T7u/NCxNnk51feM18KZk5fLdwHa2bBum9r1arefXHeSRlZjNx1KP8/sHz+Lg589y3MykpKzdJDOLmmD9/Pq+99hrjxo3j4MGDtGzZkn79+pGenn7NfBcvXuSNN96gW7duJi+jDC4YWUREBD4+PnVmKAwcOJCQkBB2796t935cXBy//vorbdu2xcHBAW9vbx599FG9RlL7tohLly4xYMAAXFxcsLOzIyYmhtWrV3Px4kXi4uIAcHFxQaFQMGzYMABeeOEFFAoFe/fuZdCgQYSHhxMTE8Nrr72mV6aat0VcvHgRhULB/Pnz6dGjB9bW1sydOxeAGTNmEBMTg5WVFT4+Prz44osm+GtqqNVq4rfOof0dz9OkeR/cfSO547EvKcpL5/zRDfXmO7RlJs06PUR0h0G4eYfRa/CHmFtac2LPYm2a1j2H0bbPs3gHtTRZ+autXvY7cf3upWefe/APDGHEC29hZWXF3+tXGkz/4hsf0vfuQQSHhuMXEMyzL41BrVJx7LBm4MrWzp53P55Ex2598PUPomlkM4aNfJ0LZ0+SmZ5qkhi2rJpDp14P0qHn/Xj7N2Hw02OxtLRmz5alBtMHNmnOwMffoE3n/piZWxpM89yYn+nQ8z58AsLwC4rk0ec/JSfzCkkXTpgkBtC0qeM75tCy53MERffG1TuC7oM/p6QgncSE+tvUsR2ziWg7mPDYB3DxDKPLwPGYW1hz+sASbZo9qz8nutPjtOzxDC5eTXHyCCG0+V31xv//PY71f/5G174P0KX3QHwDmvDYyPewtLJmx6ZlBtMHN43hwSdfpX3XO7GwsDCYxsHJFScXd+3r6P5teHgHEB4Ta9SyV8tYt5XT4yaStrz+v3lNQc8+QsmFJBLe+oLCk+e59L+5pC5eR8grw7RpQkYP5/L0BSTNXkJhwjmOvjCOquJSAoYNMkkMAB73DyZ77Spy1q+l7PIlkn/4FnVZKa539DeY3jaqGUUnjpK7ZSMV6akUHtpP7t8bsQ2P0qaxi25G/u7tFOzbTUV6Knk7/qbw0D69NMZWp58acf1+6t7HNP2UeT3te+SYn2nf47/rp/asn0nrbg/RqssgPHzD6P/4h1hYWhO/Y7HB9Ps2zqFJTDc69Xsad58m9LxvND6B0ezf9JteuvycNNb9/jH3Pf01SjPD+48xLVz2J/379eGuPr0IDgzg1ReexcrKijXrNxlM36p5M7p16kBQgD9+Pt4MuvduQoODOHoiQS+dhYUFri4u2peDvb1J4/hz6QL63HkPvfr2JyAwmGdffB0ra2s2/bXKYPrRb47lznvuJ6RJU/wCgnju5bdQq1QcPXygThwurm7al72Dg0njALj/Ti/mLktl14E8Llwu4YufLuDmbEGXWOd68+w+lMfew/kkp5WRnFrGzIUplJSqiAqz00vXJMiGB+/24utfLpqs/KuWzadXvwH07Hs3/oEhPD3qTSytrNhSz7nUS2+O5467H7h6LhXEyJfe0TuXAuja8w6at2qHl7cfAUGhPPH0y5QUF3HpwjmTxPDb+p080K0tA7u0oYmvJ+89PgBrSwuW7ThYb54qlYp3py3iuXt74e+uP8icmJbF0fOXee+xAcSE+BPs7cG7jw2grKKSNXuPmCSGW45C0Thf/9C3337LM888w/Dhw4mOjmbKlCnY2toyY8aMevNUVVXx2GOP8eGHHxIaGtqQv/INkcEFE4iLi2Pz5s3anzdv3kzPnj3p0aOH9v2SkhL27NlDXFwcFRUVfPzxxxw+fJhly5Zx8eJF7aCAIaNGjaKsrIytW7dy9OhRvvjiC+zt7QkICGDxYs2Jx6lTp7hy5Qrff/892dnZrF27llGjRmFnZ1dne7Vvn6jtnXfe4ZVXXiEhIYF+/frx008/MWrUKJ599lmOHj3KihUrCAsL++d/qBuUn5VEcX4GAeGdte9Z2TjgFdSSKxcPGcxTVVlOetJxvTwKpZKA8M715jGlyooKLpw9RbOW7bTvKZVKmrVqx5lTx25oG2VlpVRWVWJvX/9tG8XFhSgUCmztjX+CUllZQdKFE4Q376h9T6lUEt68IxdPHzba55QUa0bube2vfxvQv1WQk0RJYSa+TTpp37O0dsDDvwXpiYZjqaosJyvlOL5hujwKpRLfsE5kJMZryl6YRcblI9jYu7Hy5yHM+6wrq6c+QerFAwa3+f89jsqKChLPJRDVooP2PaVSSVSLDpw/ZZwTosqKCnZvXU2XXgMbNPvLmJw7tiJz0y699zLWb8elYysAFBYWOLWJIXPjTl0CtZrMTTtx7tjaJGVSmJtjExZBYXyNOlarKYg/gG2k4enGxQnHsA2LwCY8EgBLbx8c2nYkf59uwLroxDHsW8Vi6aeZ7msd0gTb6OYU7N9jkji0/VQz/X6qabOOXDrTOPqpqspyrlw6TkiU/vErOKozyecMH7+SzscTEt1J773QmK4knY/X/qxWqVg+/U069RuBh5/h2xKMqaKigtNnzxPbUncrh1KpJLZVc06cOnXd/Gq1moOHj5CUnEKLGP02GH/sOA88/hRDn3uZ7/73C3n5BUYvf7WKigrOnz1Ni1Ztte8plUqat4rl1MnjN7SN8rIyqqoqsXfQP34fPxrPU4/ey8vPPsYvP35DQb7xbyGoydvDEjcXCw4d193OUFyi4uS5IqKb1j0/NESpgJ4dXbC2UnLibJH2fStLBWNGhTB5ViI5eZVGLzvozqWat9I/l2reqi2nT/6zcyk7B8PnUpUVFWxcuxxbO3uCQox/bltRWUnCpRQ6ROm+5CmVSjpENeHIucv15vvlz824Othxf7e6g+TllZq/t2WNAXelUomluRnxZxKNWHpxM5WXl3PgwAH69OmjfU+pVNKnTx927dpVb76PPvoIT09PRowY8V8UU9ZcMIW4uDhGjx5NZWUlJSUlHDp0iB49elBRUcGUKVMA2LVrF2VlZcTFxREYGKjNGxoayqRJk2jXrh2FhYXYGxiNT0xMZNCgQTRv3lybp5qrq2Y009PTUztosHfvXtRqNZGRkf8qntGjR/PAA7oprJ988gmvv/46r7zyiva9du3aGcpqFMUFmqlrtg76943ZOrhRnJ9pME9JUQ5qVZXBPDlp501T0GsoyM9FparCyUV/tNnJ2ZWUpEs3tI3fZ/0PF1cPmrUy/LcuLy/j91n/o1P3vtja3thJwj9RlJ+DSlWFg5P+39TByY205AtG+QyVSsXS2Z8TEtEanwDTnfyWFGjajY29fizW9u6UFGYYykJZcS5qVVWdPDb2buRmaOIvyNacGBza+APt7noLN59Izh5aztoZw7n/5RXXXQfh/1schQWaNuXorL9fODi7cSX5olE+I37vZkqKCujca4BRtmcMVl7ulKXp911laZlYODmgtLbCwsUJpbk5ZelZtdJkYRdhmqsOZo5OKMzMqMzRvx2lMjcH64BAg3lyt2zEzNGJJl9NRqFQoDA3J2vVcjIWzNWmyVg4DzNbOyJ+ngMqFSiVpM6ZRu6WG5vl8U9dq59KTzFeP7Vsjun6qeJCzfHLzlE/BntHN7JSDR+/CvMysXPQv6XDztGNojxdO9u5dipKM3Pa9R5q9DIbkpdfgEqlwsVFfwDGxdmZxKTkevMVFhXx0LCRVFRUoFQqGf3807RtrZtd2C62FV07d8DHy5OUK2lM/3Ue74z/lB+++hQzMzOjx1GQn6c5fjvrr0fl7OxK8uUb++L228wpuLi606KV7othq9gOdOjcHU9vH9KupDBv9i98Ou5NPv36J5PEAeDqrPnymZOnf4trTl4FLs7XnskSHGDNpPGRWFooKSmt4sPvzpGYrLvV97nHAzhxuohdJlhjoVp+9bmUc91zqeSkG6uLebN+wsXVneY1BosADuzdwaQvx1FeVoqzixvvfTwRx3puCWuInMJiqlQqXB31z+/dHO25mGr4nPbQmUss236QP8a+YPD3wd4eeLs6MXnJX7z/xEBsrCz4bf1O0nLyycwz3cCbaLiysjLKyvRvY7WysjJ4i3pmZiZVVVV4eXnpve/l5cXJk4bXRtq+fTvTp08nPj7eaGW+HhlcMIGePXtSVFTEvn37yMnJITw8HA8PD3r06MHw4cMpLS1ly5YthIaGEhgYyIEDBxg/fjyHDx8mJycHlUoFaAYRoqPrXjF6+eWXef755/nrr7/o06cPgwYNokWL+hd5UqsbdvNb27a6Djg9PZ2UlBTtApA3wtCOU1FhhYWF4bUdTu5fweYFuvsOBzz78z8s8e1nxcI57Nq2ng8++x+WlnX/bpWVlUz64n1Qq3nqBdOtuWBqi2Z8wpXLZ3nlwzlG3e65+D/ZsXy89ue+Q38y6varVe9rEe0fJjxWMyDn5htNyrndnDmwhLb9XmvQ9m+XOP5L2zcuo1mbLji7mv7+8v9v7Jq3wvOhx0n530SKT53A0scP35Ev4TnkCe2CjU7d4nCO60Pil59QlngB69AwfJ99kcqsLHI2rrvJEfw7i2dq+qmXxxu3nzKlK5eOsXfjHJ7+YMktM4OnPrY2Nkz9/itKSks5ePgo/5s+Gx9vL1o11yzy2qu7bm2S0OAgQkOCePyZURw+dpw2Les/F7pZli74jR1bNzL+80l6x++uPXTnUUHBTQgKbsKopx/h+NF4vUGIhujV2ZXRI3SDg+9/dfZfbysppYzn3k3AzsaMbh2cefO5YF7/5DSJyaV0auNE6xgHnns34fobuomWL/yVnVs3MHbCD3XOpWJatOGLSbMoyM9l47o/mfjFB3zyzdQ6g0r/taLSMt6fvogPhg7ExcHwhSMLczO+eWEIH85aRo/Rn2GmVNIhKpQuzZqacvkLYQQTJkzgww/112saN24c48ePb/C2CwoKeOKJJ5g6dSru7obXEzIFGVwwgbCwMPz9/dm8eTM5OTn06KFZ5djX15eAgAB27tzJ5s2b6dWrF0VFRfTr149+/foxd+5cPDw8SExMpF+/fpSXG16E5emnn6Zfv36sWrWKv/76iwkTJvDNN9/w0ksvGUzftGlTFApFvaNa11PzVgobG5t/nN/QjnPXo+O4+/HxBtOHNuultwZCVaXm71BckIWdk+4LQnFBFh5+hmdj2Ni5oFCa6S3eWJ3H1vG/28GqOTg6o1SakVfrqmBebjbOLtdeyXflkrmsWPwr7348iUADU/Q0AwvvkZmeynuf/mCSWQsAdo4uKJVmdRZFK8jLqndhvX9i0YxPOXHwb14aPxtnN+8Gb6+mwKheek9CqG5TJYVZ2Drq2lRpYSauPobvBbeydUahNNNb9FC7DXtN/LYOmqd0OHvqL9Lq7BlKYV7dpxf8f42jmr2Dpk3VXryxIDcLJ+eGr3CdlZ5CwpE9PP+W6Vdf/yfK0jKx8tLfZ6y83KnIK0BVWkZ5Zg6qykqsPN1qpXGjrJ4rWw1VlZ+HuqoK81qzq8ydXajINry4pvcTT5G76S+y12nuOy+9eAGltQ3+L71O+h+/gVqNz4jnyFg4j7ytm7RpLD298XjoMZMMLpi6n1o8U9NPvTjO+P1UNVt7zfGr9uKNhflZ2Ndz/LJ3cqeoQL9tFOVnYeekSZ94Zj9FBVlMejtO+3u1qooNC75g74Y5vPS54TUQGsLJ0QGlUklOjv6V7JzcXFxdnOvNp1Qq8fP1ASAsNITEy8nMW7hUO7hQm6+3F06OjiSnpJpkcMHB0Ulz/K61YGBubjbOLtdeYHX54t9ZumgeYz/9luCQay/e7eXji6OjE6lXkow2uLDrYC4nz+luXbAw1wwsuThZkJ2ru3XBxcmCc5euvThpZZWalKtPlDhzsZiIUDvu7+fJ9zMSaRXtgI+nFcumttLLM3Z0E46dLOSNT+suLPpvOFafS+UaOpe6dl38uWQeyxf9xnufTDR4u4O1tQ3evv54+/rTNLIZo595mM1//cl9Dxl3po+LvS1mSmWdxRuz8gtxc6w7WzkpPZuUrFxG/6CbEaa6egGg7chxLP34FQI8XYkO8mP+uFEUFJdSUVWFq4MdT3z2M9FBvkYt/62qsT7WccyYMbz2mv4Fm/oW1nd3d8fMzIy0tDS999PS0vD2rns8OnfuHBcvXmTAAN3MzeoL2Obm5pw6deq6DxX4NxpnTTQCcXFxbNmyhS1bttCzZ0/t+927d2fNmjXs3buXuLg4Tp48SVZWFp9//jndunUjMjLyuit+AgQEBPDcc8+xZMkSXn/9daZOnQponiwBmsU7qrm6utKvXz9+/PFHioqK6myreqHIG+Hg4EBwcDAbN177MWs1jRkzhry8PL3XHQ/X/zg4S2t7nD2CtC9X7zBsHT24fEZ3P1FZaSFplw7jE2z4/mMzc0s8/WP08qhVKi6f3lVvHlMyt9A82uj4Ed0CQiqViuOH99M0wvAJE8Cfn4G8NgABAABJREFUi39j6fyZvD3+O0Kb1v2yWD2wkJqSxLufTMLB0XTrFJibW+AfEs2ZY7p7pVUqFaeP7SE4/N8viKlWq1k041OO7tvIqA9m4OZ5/Ucx/VMWVnY4ugVpX86eYdjYu5NyXndveHlpIRlJR/AMNByLmbklbr4xpJzT5VGrVKSc241HYCsA7F38sHXwJC9Df/p1XuYl7J0bfoC/XeKoZm5hQWCTKE4e0W9TCUf2EhrR8C8JOzatwMHRleaxpl8d+Z/I3R2PW6+Oeu+59+5Mzu54ANQVFeQdPI57rxr30CsUuMV1Ine3adaMUVdWUnL2FPYt2+h9pn2rWIpPGl60UGFlhVqt0n9TVaXNC6C0skKt0k+jVlWhUJrm6nl1P3W6Vj915vgegpo2rJ9aPFPTT73wvmn6qWpm5pb4BMVwIUH/+HUxYRd+TQwfv/xDW3ExYbfeexcSduIf2gqA5h0H8uy4FTwzdpn25eDsSad+I3h09DSTxGFhYUF4WCgHj+gen6pSqTh4+CjRERE3vB2VWnXNJ1VlZGaRX1CAq6tprjBbWFgQGhbO0RrrkahUKo7GHyQisv5HFS5bNI/Ff8zh/Y++Iqzp9W9LzcpMp6AgH5frXHD4J0pKVaSklWlfl5JLycqpoHWMbl0mWxslkU3sOHGm7vnhtSgUYHn1CRN//JnKyDEneO5d3Qtgym+Xjbq4Y/W5VM3FGFUqFccOHyA8sv5zqRWL5rLkj1mM+fAbmhg4lzLkeu3u37IwNycqyJc9CbpbnFQqFXsTztOiSUCd9ME+7iwc/yJ/jH1B++rRMoJ2ESH8MfYFvF31145wsLXG1cGOS2lZnLiYTM9Wpls8VzSclZUVjo6Oeq/6BhcsLS2JjY3V+w6mUqnYuHEjnTp1qpM+MjKSo0ePEh8fr33de++9xMXFER8fT0BA3fZmDDJzwUSqH/FYUVGhnbkA0KNHD1588UXKy8uJi4vD3NwcS0tLJk+ezHPPPcexY8f4+OOPr7nt0aNHc9dddxEeHk5OTg6bN28mKkrTeQQFBaFQKFi5ciX9+/fHxsYGe3t7fvzxR7p06UL79u356KOPaNGiBZWVlaxfv56ffvqJhIQbn8o2fvx4nnvuOTw9PbnrrrsoKChgx44d9c6cMHTvUD2LvBukUCho1X0o+/76CWePIBxd/dm9+nvsnDwJba5b1GTJj0/SpEVfWnZ7HIDWPYezft7beAU0wyuwBfF/z6ayvIToDrr1I4ryMyjOzyQ3U3OvXuaV01ha2eHg4oO1nfONF/IG9L9vCFO++5jQsEiahMewZvkflJaW0qPPPQD879sPcXXz4JEnNffUrVj0K4vmTuXFNz7Ew8uH3BzNVSxraxusbWyprKzk+8/f5cK5U7w59mtUKpU2jb29I+b/5I98g3rePZR5P71HQGgMgWHN+Hv1b5SXldChx30A/PbjGJxcPRkw5FVAs7haapJmteWqqgrystNIungSK2tbPLw1UzUXzfiEAztW8/Qbk7CysSM/V3P1zdrWHkvLuo+5MgaFQkFMl6Ec3jwFJ7cg7F38ObhhEjYOngRG6drUmunDCYruQ3QnzbOkm3V5km2Lx+Du1wwP/+Yc3zmHyvISwmPv1263ebenOLjxB1x9InHzieTMwWXkZZyn15CJEocBfQc8zszJYwkKiyakaTM2/DmP8rISuvQaCMCM79/H2c2TBx5/GdAstnUlSXNSVllZQW52OpcvnMLK2gZPH930X5VKxc5Ny+kcdw9mZqY91JnZ2WIXpvts2xB/HFtGUp6dR+nlK0R88hrWfl4cHv42AJd++YOgFx4jcsKbXJ61GPe4jvgMvot9947UbuPCxJm0nPEFuQeOkbfvCMEvP4m5nQ2XZy+p8/nGkrF0IQGvjaHkzCmKTyfgPvBBlFbW5KxfA0DA62OoyMokdZZmMLtg7y7c7x9MybmzFJ86gZWvH15PjCB/707N+gpA/p5deD7yBBUZ6ZReuohNkzA87n+I7L9WmyyOmv1UUFgz/l6j30/N/d8YnFw8uadGP5VW3U9VVpCXk0byxZNY1uinFs/4hAM7VzPi9f+mn+rQdzgrZryNT3Az/EJasGfDbCrKS2jZRXP8Wj79LRxcvOj1wOsAtOs9lF+/foLdf80grHkPju9bTcrFY/R/4iNAMxvC1l7/y7fSzAI7J3fcvE23evjg+wbw+Xc/EBHWhMjwMBYvX0VpaRl39tHMoJjw7STc3dx45klN3zRv4RLCw5rg6+NNRUUFe/YfZP3mrYx+/hlAsxj27N8X0r1zR1xdnElJTeXnmb/h5+NNuzatTBbHgPsf4odvJ9CkaQRh4VGsWr6QstIS4vpqnqQy6ZtPcXNz57Fhmn146cK5zP9tBqPf+gAPT29ysq8ev21ssLGxpaSkmIXzZtGxSw+cXVxJvZLCbzN+wtvHj1ax139efUMsXZvGo/f5kJxaxpWMMoY96EdWbgU7DuRq03w5pik79ueyfL1m7Z6nHvZl3+F80jPLsbFR0quzKy2jHBjzxRkAcvIqDS7imJ5ZTmqGcR+FePd9D/PTd58S2jSSsPBoVi9fQFlpKT363A3Aj998jKubO0OGPQ/A8kW/sfC3abz05jiD51KlpSUsnT+bth264uzqTkF+Ln+tXEJOViYdu8bVW46GeLxvZ8bOWEJ0sB/NQvyYt2EXJeXlDOyiGdx9f/oiPF0cefmBO7CysCDMT/8ee4ers4hrvr9+/zFcHOzwdnXiTHIaX/2xmp6to+gUY7oF18V/77XXXuPJJ5+kbdu2tG/fnokTJ1JUVMTw4cMBGDp0KH5+fkyYMAFra2uaNdMfdKtej6/2+8YkgwsmEhcXR0lJCZGRkXoLb/To0YOCggLtIysBZs2axbvvvsukSZNo06YNX3/9Nffee2+9266qqmLUqFEkJSXh6OjInXfeyXfffQeAn58fH374Ie+88w7Dhw9n6NChzJo1i9DQUA4ePMinn37K66+/zpUrV/Dw8CA2Npaffvpn920/+eSTlJaW8t133/HGG2/g7u7Ogw8++C/+SjcutvczVJaXsGn+WMpK8vENjWXgyGmY11i3IS/zMiWFummL4W36U1KUze41kyjKz8DDL4qBI6dhW2PRq6M7/mDvuh+0Py+erDnB6TNkgt4ghDF06taH/LwcFs2dRm5OFkGhTXnnw++0izxmZfwfe3cd3+TxxwH8k9Td3d2huLszGO5QYLBhg7HBGAwGbLAxZBs2YDjF3Vvc3d2hpS20pZ66Jb8/AmlDUywJpfw+79crrxd5cvfkvuTunvRyd088hMWmdR0K34aCgnzM/vNnufN07DEAnXsOREpSAi6fPwkAGDdCftrehD/+hX9QZaha5dqtkClKQfjm+RClJsLBxReDxi6S3Rs+JTEWgmIxpCW/wKyxRXXj6J6VOLpnJTz8qmL4pJUAgNMHNwIA5v/WX+69egyeihoN26s8hleC6g1EQV42Tu+YhLwcEaxdKqNFv8VydSo9OQo5WUV1yr1Ca+RkpuDK4bnITpcuPWjebzH0DIvqVECdvigoyMOFsD+Rm5UGczsftOi/DMYWijfF+3+Po1rdFkgXpWDX+oUQpSbB0c0HI375F8Yvl0UkJ8ZBICyqU6kpCZgyqrvs+YGdoTiwMxTeAVUwekrRL7B3b5xHcmIc6jRpr9LyKmJSJRC1Dq+WPfefJW2z0aHbcGPAOOjYWUHPyU72enZkDC5+OQj+f42D6/AQ5MTE4eagCUg8eEqWJnZzOLStzOE9aQR0bK0gun4XF9oMRN5rmzyqUtqJo9A0NoVNn/7QNDNHzpNHiJg4BgUvp4NrWdlAIi5awRu/fjUkEglsQwZAy8ISBWmpEF04g7hVy2Rpni+aA5s+A+AwbCQ0TcyQn5yIpPDdeLFuldriqFSrFTJEKdi35d36KVHKC8wap7if+nbiSgDA6UPSfurfKSX7qeovBy1UKaBaa2SlJ+P4Tun1y8bJDz2+WypbFpGWLB+Dk2dltB84C8d2zMbR7X/D3NoVXYf9C2sHb5WX7X00qlcHqWkirFi7ASkpqfBwd8X0X8fLlkW8SEiUu+5l5+RizsIlSEhKho62Npwc7fHzqBFoVK8OAOmSiSeRT3HgyDFkZGbBwtwMVStVRP9e3eV2yle1OvWbQJSWig1rliM1JRmu7p4Y/9ss2VT8xIR4CIvtZXEgbCcKCvIx64+Jcufp0rMfuvX6CkKhBp5GPsaxw/uQlZkBM3NLVKxUDd37DICWlupvW1zcxj3x0NURYuQAFxjqa+DWgwyMm/4Q+flFbdvORgfGRkV/Ipgaa2HMYFeYm2ohM6sQEdHZGDf9Ia7c+vibBdau3xSitFRsXrMUqSnJ0u9Sv/0l91kUnxl1MGw7Cgry8c+0CXLn6dTjK3TpNQBCoRDPY57i78PhSBelwcjYGO5efpg8fQGcXNQz8NaiWhBS0jOxcOdhJIky4ONkh3+/C5Eti4hLTpNrF+8iIS0df20KR5IoE5YmhmhTKxjftGmohtJTWerWrRsSEhIwceJExMXFITg4GPv27ZP9rRkVFQWhsGwXJggkyu72R/QB/g0v6xIor6aH4nXI5c2LTPXfV/tjuPFYPbtr0/ur6Zfz9kSfuIzgj798Sh2cmtm9PVE5EDP1YFkXQWlJGer74/djamx78+2JPnHJws9jg9cfJsWUdRFUYsZkl7IugtJ8YlW/b0lZ0K/ftayL8EESb5V+K8ZPmWVgyeUM5R33XCAiIiIiIiIipXBwgYiIiIiIiIiUwj0XiIiIiIiIqFwqr7ei/BzxkyAiIiIiIiIipXBwgYiIiIiIiIiUwsEFIiIiIiIiIlIK91wgIiIiIiKi8kkgKOsS0EucuUBERERERERESuHgAhEREREREREphcsiiIiIiIiIqFyS8PfyTwY/CSIiIiIiIiJSCgcXiIiIiIiIiEgpHFwgIiIiIiIiIqVwzwUiIiIiIiIqlyS8FeUngzMXiIiIiIiIiEgpHFwgIiIiIiIiIqVwcIGIiIiIiIiIlMI9F4iIiIiIiKhckgj4e/mngp8EERERERERESmFgwtEREREREREpBQuiyAiIiIiIqJySQLeivJTwZkLRERERERERKQUDi4QERERERERkVI4uEBERERERERESuGeC0RERERERFQu8VaUnw4OLlCZEH4G+65EpJiWdRFUIvJZWZdANYwNy/+FJTm1sKyLoBJJmbplXQSleTazK+siqET0wdiyLoJKZE3UKOsiKE0iKesSqIZIw7ysi6C0nAKdsi6CShiaGZd1EVQiLdegrIugtHzD8t8uiFSh/H8bJyIiIiIiIqIyxZkLREREREREVC5JBJ/BlOjPBGcuEBEREREREZFSOLhARERERERERErh4AIRERERERERKYV7LhAREREREVG5JAH3XPhUcOYCERERERERESmFgwtEREREREREpBQOLhARERERERGRUrjnAhEREREREZVLEgF/L/9U8JMgIiIiIiIiIqVwcIGIiIiIiIiIlMJlEURERERERFQu8VaUnw7OXCAiIiIiIiIipXBwgYiIiIiIiIiUwsEFIiIiIiIiIlIK91wgIiIiIiKicom3ovx08JMgIiIiIiIiIqVwcIGIiIiIiIiIlMJlEURERERERFQu8VaUnw7OXCAiIiIiIiIipXBwgYiIiIiIiIiUwsEFIiIiIiIiIlIK91wgIiIiIiKicom3ovx0cHDh/0y/fv2watUq2XNzc3NUq1YNM2bMQIUKFQAAAoF0U5SzZ8+iZs2asrS5ubmwt7dHcnIyjh49ioYNG8rSb9++He3bt1dbuSUSCc6Fz8XNs5uRmy2CvVtlNO4yGWbWrm/Md/3kWlw6sgxZogRYOviiUadfYOtSQfZ6QX4uTuz4Ew+uhKGwIA8uvnXRqMskGBhbqiWOc4fW4mTYcmSkJcLWyRdt+oyHk0eFUtPfvLAPh7bORWriM1jYuKBFt1HwqdhA9npuTib2b/obdy8fRlZGKsysHFGreW/UaNxdLeV/RSKR4PKhebh3cTPystNh41IJddtPgoml6xvz3T67FjdOLEd2RiLMbX1R+8vxsHYqin/P4hDERlyUy+NbvRvqdZislhjUUaduntmIe5f3ICH6NvJyMzF42kXo6hurvPzF1Q8UoJKHADpaQEwiEH5JjJSMN+ep4ilATT8BDHWB+FTgwGUxnicXvW6gCzQJFsDNRgBtLSBZBJy6I8b9GNWX/+zBtThRrF18GfKWdnF+Hw5unYuUl+2iZbdR8A0uahfpaYnYt+EvPLx1GjlZ6XD1qYovQ8bD0tZV9YUvxqJNe1h16g5NM3PkRDzCs4Vzkf3gXqnpLdt1hsUXX0LLygYFojSknTqOuJVLIMnPkyYQCmHTqx/MGjWDppk58pMTkXJoH16sX62W8pvXrQr3UQNgUjkQuvbWuNRpKOJ3HX5znvrV4T9rLAz9vZATHYtH0xYiJnS7XBqXIT3h/sMA6NhaQXTjHm6PnIK0izfVEsMr5w6txanwYn1t7/FwfEOdunVhHw5tK+prm3ct2dce2PQ37l4p1tc2643qauxrLx1di3MHliEjLQE2jr5o3uMXOLiVHsPdS+E4vnMOUpOewdzaFY07jYZnUAOFacPWTMTVExvRrOs4VG/aT00RvHyv3TuwfetGpKYkw9XNA18PGQ5vHz+FaQ/s24Ojhw8i6mkEAMDD0xu9+w6QS9++dWOFeft+9Q06dFbf53Fw72bs3b4WaSlJcHbzQsg3o+DhHaAw7dH9O3DyaBhinj4BALh5+qJrnyFy6S+eOYrD+7Yh8vE9ZKSL8Pvs1XBx91Zb+Yvr8YU5mtY2gYGeEPee5OC/jS8Qm5BfavqOzc1Qs6IhHG20kZcvxr0nOQjdmYjnL4ry2FpqoW8HS/i560JLU4Crd7OwZHMC0tILVV7+o+EbcHDnKqSlJsHR1RvdB/wEN68ghWmfRz3Crg0LEfXkDpISYtGl/2g0bdO7RLqUpHhsWzMHt6+cRl5eDqxsndB32K9w9VT8GStr84HjWLP7EJLSRPBydsDofl0R4On61nwHzlzChHkrUL9qBcwaNUh2fPGWvTh49jLik1KgpakBXzdnDOnWFoGebmopP1FpOMzzf6hly5aIjY1FbGwsDh8+DE1NTbRp00YujZOTE1asWCF3bPv27TA0NPyYRZW5dHgJrp5YjSZdJ6P795ugpa2H7YsGoCA/t9Q896+E4cT2aajZYhh6/rgdVva+2L5wALLSk2Rpjm//AxG3juKL/rPRecRqZIheYM/yb9USw41zYQhbNx2N2w/DsN+2wtbZBytnfo0MUZLC9E8fXsWmBaNRtX4nDPttG/wqN8Ha2cMRH/NAliZs3XQ8vHEKXQbPwMg/96J2ixDsCZ2Ku1eOqCWGV66fWIrbZ9agbvvJaDd0I7S09RG+/Os3fh6Pb4Th3N7pqNxkGDp8uxUWdj4IX/41sjPk4/et1gW9fj4he9RoNVotMairTuXnZcPVtx6qNRuslnK/rpavANW8BQi/JMbKg2LkFwA9Ggqh8Ybe3c9JgKaVBDh5S4Jl+8V4kSpB94ZC6OsUpfmyphAWRgJsPinGknAx7sVI0LG2EDamqi3/jXNh2LtuOpp0GIZvp2yFnbMPls/4GhlppbSLB1exYcFoVG3QCcOnbIN/lSZYM3s44qKl7UIikWD17G+RnBCNPt//i+FTt8HM0h7L/vwKeTlZqi18MSb1G8Hu66GIX7cSD4d/jewnj+E2ZSY0TEwVpjdt2AS2/b9B/LpVuD+oL2Jmz4Bp/Uaw7TdQlsaqcw9YtG6HZwvn4P6gvohbvhhWnXrA4suOaolBw0Afohv3cWvEr++UXs/VEdV2/YekY+dxqmo7RMxbhaD/psKyWV1ZGrsureA3cxweTv0Xp6p3QPqNe6ixdxm0rczVEgMA3DwfhvD109Go3TAM/XUrbJ18sHJW6X1t1MOr2LRwNKrU74ShL/vadXPk+9rwddPx8OYpdB40A99N24vazUOwZ7X6+to7F8NwaPM01GszDAMmbIe1ky82zBmAzFJiiHl8BduXjkLFup0x8Jcd8K7UBJsXDMOLZw9KpL139SCePbkOQ1NrtZS9uFPHj2L5koXo3jMEf8/7D67uHvj1l5+QmpqiMP2tG9dRr0FjTJn2N6b/NR+WllaYPGEMkhITZGlWrNki9xg+8kcIBALUqlNfbXGcO3kQa5fNQYfuAzD1n1VwdvXE9EnfIS01WWH6u7euoFb95hj/+wJMnrkU5pbWmD5pBJKTXsjS5OZmw8e/Irr1Vc93jtJ0aGqGLxqY4r8NL/DTrGjk5okxcZgDtDRL320/wFMP4SdS8dOsaEye/wwaGgJM+tYBOtrSPDraAkwaZg9IgInznmHcPzHQ1BBg/CB7CFS8if/F0/uxZeVf+KLrIIyfuR6OLt6YO2UoRGmKP4u8vBxY2jigQ+/vYGyq+IejzAwRZo7vBw0NTQyfMB+TZ29Dl74/wMBQPT8MHDx7GbNXb8PATq0R+sdYeLk4YsSf85Gclv7GfM8TkjB37XYE+3qUeM3Zzho/9uuK9dPHY/GkH2BnZYHhf8xHiujN5yRSNQ4u/B/S0dGBra0tbG1tERwcjLFjxyI6OhoJCUUX7759+2LDhg3Izs6WHVu+fDn69u370csrkUhw9XgoajQfAo+gprBy8EWL3jOQmfYCj28eKjXflWMrEFi7KwJqdoKFrSeadP0Vmtq6uH1uKwAgNzsdt89tRf0OY+HkXQs2ToFo3vMPxEZcRWzkNZXHcXrfKlRt2AVV6neEtYMn2vWbDC0dXVw+vk1h+rP7Q+EVVBf1vhgAawcPNOv8Hexd/XD24DpZmqiHV1Gpbju4+1WHmZUDqjfqCltnH8Q8uaHy8r8ikUhw63QoKjUaDFf/JrCw80HDrn8iK/0Fnt4p/fO4eXIVfKt1gU/VjjCz8UTd9pOhqa2L+5fk49fU0oW+kZXsoa2r+gEtddUpAKjcsB+qNfsGtq4VVV5uRar7CHDqtgQPngEv0oBd58Uw0gN8HEv/RlfDV4BrjyW4ESFBoggIuyhBQQFQ0b0oj6MFcPGhBM+TgdRM4PQdCXLyATtz1X5TPBm+CtUadkHV+h1h4+CJ9v0nQ1tHF5dOKG4Xpw+EwqtCXdR/2S6av2oXh6TtIjEuEtGPrqN9v0lwcg+ClZ0b2vWbhPy8XFw/t1elZS/OqkMXJO/bi5SD+5Ab/RTP5v8NSW4OzJu3Vphe3y8QmXduIvXYYeS/iEPG1UtIPX4Y+t5Fv9Aa+AdCdO4U0i+eQ/6LOKSdPo6Mqxfl0qhSwv4TeDBpNuJ3lt4GinP5pjuyI2Jwd8x0ZNx7gqcL1iJu6364fddPlsZtZH9EL9uEmFXbkHH3MW4OnYTCrBw49euklhiAl31tg6K+9st+k6GlrYvLpdSpMwde9rWtB8Da3gNNO30HO1c/nDtUrK99JN/XVmvUFbZO6utrzx9cgeC6XVGxTidY2XuidS9pX3P99FaF6S8cDoVHQD3UajEQlnYeaNhuJGyd/XHp6Bq5dKKUeBxYPwXtB86ChoaWWspe3M7tm9G8ZWs0ad4KTs6uGPLt99DR0cHhA+EK0/8wZjxat2kHdw9PODo5Y9h3oyERS3Dj+lVZGjNzc7nH+XNnEFghGLZ29mqLI3znejRq3g4NmraFg7M7+g8dCx0dXRw/tFth+qGjfkOz1p3h4u4Ne0dXfP3teIjFYty+fkmWpm6j1ujQfSACK1ZTW7kVadPIFJv3J+PCzUw8fZ6HOaHxMDfRQI2KBqXmmbLgOY6eT0d0XB4in+Vh3pp4WJtrwcNJOiLt664HKwstzF0Tj6jneYh6noe5q+Ph4ayDIG89lZb/0O7VqNu0I+o0bg97Jw/0GjQB2jq6OHN4h8L0rp6B6Nz3B1Sr2xJaWorr/P7tK2BmaYt+3/4GN68gWNo4wD+4NqxsnVRa9lfW7T2M9o1ro23DWnB3tMPYAd2hq62N3cfOlpqnUCzGxPkr8XXnL+BgXXKQpGWdaqge5AsHG0t4ONljZO+OyMzOwcOoZ2qJgag0HFz4P5eRkYE1a9bA09MTFhYWsuNVqlSBq6srtm6VfpGJiorCiRMn0KdPn49eRlFSDLJECXDyri07pqNnBFuXioiNuKowT2FBHl5E35bLIxAK4exdG7GR0jwvom9BXJgvl8bcxgNGZvaIjbim0hgKCvLwPPI2PANqyY4JhUJ4+tdC1CPF7xX16Do8iqUHAM+guogult7ZqxLuXT2KtOR4SCQSPLlzHolxkfAMrKPS8heXnhKD7PREOHgWlU1b1whWThUQH3VdYZ7CgjwkPr8tl0cgFMLBoxZeRF2TS/vo+h6ETqmFLbPb4sK+v1GQlw1VU1ed+thMDQBDPQEi4yWyY7n5wLMkwMFCcR6hELAzAyKK5QGkzx0tigYOYpIAfycBdLWlz/2dBdDUAJ6+kM+njNLahUfAm9uF52vtwiuoLqIeStMXFkin6WpqFU3DEAqF0NTSRuT9Kyore3ECTU3oefog49rlooMSCdKvXYa+r7/CPFl3b0Hf0wd63r4AAG1bOxhVrQnRxXOyNJl3bsEwuAq0HRwBALpuHtD3D0L6pfNqieN9mdYMRuIR+S/DCQdPwaxmMABAoKUFk8oBSDx8piiBRILEI2dgWrOSWsr0qk55KKhT0aXUqWgFfa1X4Gt9rae0rxW96mvvnkdivHr62sKCPMRG3Yabn3xf4+ZXGzFPFPc1zx5fg5uffAzuAXXx7ElRDBKxGLuW/4iaLQbAyt5L5eV+XX5+Ph4/eoAKwVVkx4RCISoGV8H9e3fe6Rx5ubkoLCyAoaGRwtdTU5Jx+eI5NC1lEE8VCvLzEfHoHgKCq8uOCYVCBFSshkf33m15T25uDgoLC2FopN4lcm9jY6EJcxNNXL9XNIsrK0eMh5E58HHVfefz6OtK/3zIyBIDgHTWgwTILyi6PuQVSCCRAH4eqhtcKMjPR9Tju/CrUEN2TCgUwrdCDTx58OEDfTcuHYeLhz/+mzUao/s3wtTR3XDyoOKBPGXlFxTgXkQ0qgX6yo4JhUJUC/TFzYdPSs23bGsYzIyN0K5R7VLTFH+PHUdOw1BfD97Ojiop96dOAkG5fHyOuOfC/6E9e/bIljdkZmbCzs4Oe/bsgVAoP9b01VdfYfny5ejduzdWrlyJ1q1bw8rK6qOXNzNdOqPCwEj+ryV9IwtkpicqzJOdmQKJuBD6CvIkv5B23pmiRGhoaJVYDy89bwJUKSs9FWJxIQyN5ctjaGKBhNgIhXky0hJhaCI/Om1obIH0tKKY2/aZgB3LJ2LGyIYQamhCIBCgw1e/wc1Xfb+EZL/8P9czlI9Fz9AS2aX8v+VkpUIiLiyZx8gCqQlF8XsEt4GhqT0MjK2RHHsfF/b9hbTECDTrPU+lMairTn1sBi+/C2bmyB/PzJHAsJTvc/ragFAoUJAHsCjWFLadFqNDbSFGddRAoViC/AJgy6m37+XwPmTtwkT+/9TI2AIJz0tpF6kK2oWJBTJetgsrOzeYWthh/6Z/0OGrydDS0cPpfauQlhyH9DTVtutXNIxNINDQQEGK/LTcgtQU6Do5K8yTeuwwNIxN4DFzHgQCAQSamkjauxMJm9bK0iRsXgcNfQP4/BcKiMWAUIi40KVIPfZuMwvUTcfGErnx8u0lNz4RWiZGEOrqQMvMBEJNTeS+SHotTRIMfNzVUqbS6pShiQUS39DXvr7PjqGJfF/bps8E7FgxETO+L+pr2/dXT1+blSHtawxeu14YGFkgKVZxX5MhKhmDgbEFMovFcGb/EgiFmqjWOETlZVYkXZQGsVgMUzMzueMmpmaIiY56p3OsWrEYZuYWqFipisLXjxw6AD09fdSqU0/p8pYmXSStUyam8kt5TEzNEfvs6TudY8Oqf2FmbomAjzxL4XWmxtKv/a/vg5CaXih77W0EAmBAZyvcfZyNqFjp/jAPInOQkydGSDsLrNmVBIEA6NPOEhoaApi943nfRUZ6CsTiQhiZyrcNYxMLxD2L/ODzJsTH4Pj+zWjatjdadRyIyEe3sHH5DGhqaqFWoy+VLLW8VFEGCsVimJvID5iZmxjh6fM4hXmu3XuEXcfOYs20cW8898krNzFh7nLk5OXD0tQY838eDlPjslnOTP+/OLjwf6hRo0ZYuHAhACAlJQULFixAq1atcOHCBbi4uMjS9e7dG2PHjsWTJ0+wcuVKzJ0794PeLzc3F7m58uvY8/N0oKWtozD9vUu7cHjjJNnzdoP++6D3/X9w9uAaRD++jt7fL4CZhT0i7l/CrtApMDK1hmfg20e338Wjq7txcsdk2fOWfReq5LyK+FXvKvu3ua039IytELa0P0RJUTC2UPxH2rv4XOpUgIsArasWjXRvPCFW23s1CJLOWlh7tBBZuYCPgwAdawsReliMhDS1va3SNDS10Pu7edi6dAJ+G1wTQqEGPAJqwbuC+v74+BAGQcGw7tobzxfMRtb9O9C2c4D9oOGw7tFHtmGjSb1GMG3UFFEzpiI3KgK67p6w/+ZbFCQlIeXw/jKO4P/LuYNrEPP4OnqPXABTC3tE3r+E3aunwMjMGp4Bqulr1Sn26S1cPByKARO2yTZt/tRt3bQOp44fxdTpf0NbW1thmsMHw1G/UZNSX/8U7NqyCudOHsT43xdAu5TvPepSv6oRBvco2lvj94XPlT7nN12t4GynjZ//KdrdV5RRiJnL4jC4mxW+aGAKiQQ4eTkdj6NyIJGobrabukgkYrh4+KNDrxEAAGd3XzyPfozjB7aofHDhfWVm52DSglD8/HXPtw4UVPX3xpo/xyE1PRM7jpzGuDnLsGLKjyUGMojUiYML/4cMDAzg6ekpe7506VKYmJhgyZIlmDp1quy4hYUF2rRpgwEDBiAnJwetWrVCevr7bwwzbdo0/Pqr/AZhrXtNQpvekxWmdw9sDFuXovXqhQXSkfHM9CQYmBRdJLPSk2Dl4FsiPwDoGZhBINSQ22jvVR4DI+mvOwbGligszEdOlkhu9oI0jWpnaOgbmUIo1CixoVhGWlKJX2FfMTSxlP0aK0svSoLRy/T5eTk4uHk2en43F77BDQEAts4+iI26i1PhK1Q2uODs3xgdi93RobBQ+nlkZyRB37jo88jOSISFneK14Lr6phAINUps3pidngR9o9LvzPHqThJpSg4ufKw6pW4Pn0mwNKnoi9qrTRsNdIGMYjMRDHQFiE9R/IUuKw8QiyWyWQ9FeYDMlytQTA2Bat5C/BdWiESR9NiLVAmcrASo6iVA+CXVfFmUtYvXNm9MFyXBqJSNtwxNFbSL19qRg1sARvy+HTlZ6SgoyIehsTn+ndQNjm7q2fW7UJQGSWEhNM3kf9nUNDVDfrLiTcZs+3yF1CMHkLxfug9ETmQEhLp6cBw+Ci82rAEkEtgNGIyEzeuQduKILI22tS2suvb6JAYXcuMToWMj/znp2FgiPy0d4pxc5CWmQFxQAB1ri9fSWCA3TvEMIWWVVqfe1tdmikrWKbm+dsts9BwxFz6v9bWnw1eofHBB31Da17y+eaO0vyolBuOSMWSKitJHP7yEzPQkzBvbSPa6RFyIQ5un48LhUHw7TfUbUxoZm0AoFCI1RX7zxrTUFJiZv3lDzx1bN2Lr5vX47fdZcHUruXkdANy+dQPPYqIxeuxElZVZESNjaZ16ffPGtNTkErMZXrd3+xrs2RqKsb/Nh7Ob+peivO7CzQw8iCy6OLzatNHESAMpoqLZC6ZGGoiIKX0z41e+7mKFqoEGGD87BkmpBXKvXb+XhSG/PoWRgRCFYiArW4zlf7gh/nLpd6F4X4ZGZhAKNZCeKt82RGlJMCnlmvEuTEytYOcoX8/sHNxw9ZzqZ4mZGhtCQygssXljclo6LExLLpt5Fp+A2IQkjJq5SHZM/HLAplav4dj890Q42ki/s+rp6sDJ1hpOtkCQlxs6fT8Zu46eQb/2LVQex6dGUk4GTf8fcM8FgkAggFAolNu88ZWvvvoKx44dQ0hICDQ0ND7o/OPGjUNaWprco0XX0qd2aesawtTKRfYwt/WEvrEVoh8Ure3NzclA3NPrsHNTvG5XQ1Mb1k4BcnkkYjGiH5yFnas0j7VTIIQaWnJpkuOfID3lOezcgj8o1tJoamrD3jUAj28XracWi8V4fOccnD0Vv5ezZ0U8vnNO7tjjW2fg9DJ9YWEBCgvzIXjt3r5CoQYkEtX9oq2tYwATSxfZw8zaE3pGlnj2uKhseTkZSIi+ARtnxZsYamhqw9I+QC6PRCzG88fnYO0cXOp7Jz2X3sZPX8nBno9Vp9QtrwBIySh6JIqAjGwJXG2KLqramtL9Fp4p3lQeYjEQmwK5PID0eczLgQutl0399SEEsQQq3flb1i7uvNYubr+lXdyWbxePbp2Bs1fJ9Lr6RjA0NkdiXCSeRdyCX5Umqit8MZKCAmQ/ug/DipWLDgoEMAyugqxS1pYLdHRKtlNxoSwvAAh1dCARy6eRiAshEH4aX6JSz12DReOacscsm9RGyrlrAABJfj7SrtyGZeNiewEIBLBoVAup59SzT8mrOvXktTr15M45Wd/5OicFfe2j22/vawVCDYjFqp89pKGpDTvnAETek+9rIu+ehaO74r7GwSMYEffkY4i4cwYO7sEAgMCa7fD1xF0Y+MsO2cPQ1Bo1WwxAj++WqjwGANDS0oKHpzduXC/a60QsFuPGtSvwKWUvEgDYtnkDNq1fg0lTpsPT26fUdIcOhMPD0xtu7ooHH1RFU0sLbp6+uH296DbJYrEYt29chKev4tsfAsCerauxY+NyjJk0G+5e6tmE9W1yciWIS8yXPaLj8pCcVoAKPvqyNHq6Qni56uJ+ZM4bziQdWKhR0RAT5z7Di6SCUtOlZ4qRlS1GkLceTAw1cOFmpsri0dTSgrOHH+7evCA7JhaLce/GBbh7l36b1rfx8K2I+OeRcsfiY5/C3Mrug89ZGi1NTfi6OeHirfuyY2KxGJdu30eQV8nlYi72tlg/YzzW/DlO9qhXJQhV/L2w5s9xsLEwK5Gn6LwS5BWU/lkRqQNnLvwfys3NRVycdF1XSkoK5s+fj4yMDLRt27ZE2pYtWyIhIQHGxh++CZGOjg50dOSnAmq9xwxGgUCASg1CcOHAQphaucDEwhFnwubAwMQaHkFNZem2zu8LjwrNEFxfev/iyg3748Dan2DjHAhb5wq4cnwV8vOy4V9Dehs3HT0jBNTshBM7/oSugQm0dQ1xbMtU2LlWgp1r8AfHW5o6Lfti65JxcHALhKN7EM4cCEVebjaq1O8AANj8308wNrNBi64/AABqtQjB0j9CcCp8BXwqNsCNc2F4FnEb7b+SzgLR1TOEm2817NswE1raujC1tEfkvYu4emonWvf8SeXlf0UgECCwTgiuHlkEEwsXGJk74tLBudA3soaLf9HnsXdpf7j6N0VA7V4AgKB6fXF88zhYOQTCyikIt06HIj8vG95VpPGLkqLw6NoeOPk2gK6+KZJj7+Ps3j9h61YVFnalf8H80BjUUacAIFOUgExRItISpWuKk2IfQEvHAMZmdtA1MFVpHABw4b4EdQIESE6XIDUTaBAkRHo2cD+maGigZyMhHsRIcOmh9Nj5exJ8WVOA2GTgebIE1b0F0NIEbjyRvp4kApLTJWhdVYjD18TIypMui3C3BTaeUO0U13qt+mLzYmm7cHIPwun98u1i0yJpu2jZTdou6jQPweI/QnAybAV8govaRYevimZH3Ty/DwbG5jC1sENc9APsXvMH/Ks0gXeQ+jY6Tdi+GU4/jEP2w/vIenAXlu06Q6iji5SD0l3xnUaNQ35SIuJWLgEApF84C8sOXZD9+BGy7t+Bjr0DbPoMgOjCGekIEADR+bOw7t4H+QkvkPM0EnoenrDq0BXJB8LUEoOGgT4MPItmCOm7OcK4oi/yktOQEx0Ln6k/QNfBBtf7S/uXp4s3wGVoL/hO+xHRK7fCslFN2HVphYtfFt17PWL2ClRcPh2pl28h7eINuI7oC00DPUSvUnznBlV41dfav+prX9WpetI6teVlX9v8ZV9bu3kIlk4r1teeD8PziNto37+or3X1rYZ9G2dCs1hfe+30TrTqoZ6+tkaz/ti14ifYuQTC3q0CLhyS9jUV6kj7ml3Lx8DI1AaNOo4CAFRvEoLVM/vg3IHl8AxqgDsXwxD79BZa9/kNgHQ2hL6h/B8hGhpaMDS2hIWteva/AIB2Hbpgzt9/wtPLB17evti9cytycnPQpFlLAMDsWdNgYWGJPv2/BgBs27we61avxA9jxsPa2hYpL2f+6OrpQU+vaCOZrKxMnDl5HP0Hfpxb/rZq1wP/zf4Nbp5+8PD2x75dG5Cbk4MGTaS38V70z2SYmVuhW99hAIDdW0Oxde1iDB39Gyxt7JGaIh3t1dXVg66e9A/7jPQ0JCXEIyVZuhfMq/0bTMwsYGpWyo68KrDnaCq6tDRHbEI+4pPy0fMLCySnFeL89aJBgF+HO+Dc9QyEn5CugfumqxXqVzXCtMWxyM4Rw9RIOgKdlSNGXr70mtC4pjFi4vIgyiiEj5suBnS2wu6jqXj+QnUzFwCgads+WDnvF7h6+MPVKxCH96xFXm42ajduBwBYMXcCTM2t0aG3dIlDQX4+YmMeS/9dUIDUpBeIjrgHHV19WNs5vzxnb0z/uR/Cti5F1drNEfnoFk4e3Ireg39Radlf6flFE/y6MBR+7s4I8HTFhvAjyM7NRZsG0sHaSQtWwdrMFMN6tIOOthY8nOTvhGKkL20Lr45n5+RixY59qFelAixNjZGanoktB44jISUVTWp8nB8/iF7h4ML/oX379sHOTjoaa2RkBF9fX2zevBkNGzYskVYgEMDS8uNM+X6Tqk2+RkFeNg5vnIjcbBHs3augw+ClcjvCpyZFIzuzaPqlT+XWyM5IxtmwucgSJcDS0Q/tBy+V2/SqQYefIRAIsWf5CBQW5MHFty4ad5kEdahQszUy01NweNtcpKclws7ZD/1+XCybqpuWFCv3y5iLVyV0HTITh7bMwYHN/8DCxgW9Rs6DjaO3LE23oX/hwOZ/sGnRj8jOSIOppT2adR6J6o27qyWGVyrWH4iCvGyc3D4JeTki2LhURsv+i+U+D1FSFHKyij4PjwqtkZORgsuH5iIrXbqEolX/xbJlEUINLTx7fBa3ToeiID8bBia2cAtshkqNhqglBnXVqRunN+D8vvmy55vnSgdXmvWchoBigxCqcvaeBFqaQOtqQuhqA9EJwIbjYhQW+0HVzBDQKza+dzdauiyiQZBAuoQiFdhwTIzMl7NixRLpORpXFKJLfSG0NYGUdGDXeQkex6q2/BVqtkZGegoObS1qF/1/XCybkp76ervwroTuQ2biwJY52L/5H1jauKD3yHmwdSpqF6LUBOxdN106td3UEpXqtkPj9uqpR6+knTgKTWNT2PTpD00zc+Q8eYSIiWNQkCqtP1pWNpCIiwZm4tevhkQigW3IAGhZWKIgLRWiC2cQt2qZLM3zRXNg02cAHIaNhKaJGfKTE5EUvhsv1q1SSwwmVQJR6/Bq2XP/WT8DAKJDt+HGgHHQsbOCnlPRL3nZkTG4+OUg+P81Dq7DQ5ATE4ebgyYg8eApWZrYzeHQtjKH96QR0LG1guj6XVxoMxB5L0qZWqMCQTVaI1Mk7WszXtapvqOL+trU5FgIim1g7OxVCV0Hz8ShrXNwcIu0r+353Wt97RBpX7t50Y/IzlR/X+tfrTUy05NxfNdcZIoSYOPoh+4jlsLwZV+TlizfLhw9KqP9wFk4tnM2ju34G+bWrugy9F9YO3iX9hYfRd0GjZAmSsX61SuQkpICN3cPTPptOkxfLiFKSHgh91mE792FgoJ8zPhjstx5uvUMQY/e/WTPTx4/CgkkqNew8ccIAzXrNYMoLRVb1y1GWkoSXNy9MWbybJi8HARITIiX+zwOh29DQUE+5v4pP0uzQ/eB6NRTOpBy5cJJLJ4zRfba/JkTSqRRh+2HUqCrI8CQHtYw0BPi7uMcTFnwTO5OD7aWWjA2LJqt2qq+KQBg6kj5Ow/MXR2Ho+el0/sdrLXQ+0sLGOprICE5H1v2J2PXkVSVl79anRbISEvBrg0LIUpNhKObD0ZMWADjl5s8JifGyu0rkpryAlNHF7XTg7tCcXBXKLwDqmDUb9L+1tUzEEPG/I3ta+di7+bFsLR2QNf+P6JG/S9UXn4AaFarClJE6Vi8ZQ+SUtPh7eKAOWOHyZZFxCemQPge0wSFQiEin8dj74klSE3PhImhAfw9nLF40g8lBiaI1E0gKQ87rdBnZ+G+si6B8qzM1LeZ3scU+ZncAtlAv/yv8kpOLXx7onLAz/3TmLavDM/JH+ePFnWLPqji0aAyknXyblkXQWnZueW/jwKAao7l/6KRUWBQ1kVQiT/mqecOOB/bd4PL/+0SK+WdLusiqIRJ5aZvT/QJevRY8d2APnWeHm5lXQSV+zyudERERERERERUZji4QERERERERERK4Z4LREREREREVC5J+Hv5J4OfBBEREREREREphYMLRERERERERKQUDi4QERERERERkVK45wIRERERERGVSxKU/1tgfy44c4GIiIiIiIiIlMLBBSIiIiIiIiJSCgcXiIiIiIiIiEgp3HOBiIiIiIiIyiXuufDp4MwFIiIiIiIiIlIKBxeIiIiIiIiISClcFkFERERERETlEpdFfDo4c4GIiIiIiIiIlMLBBSIiIiIiIiJSCgcXiIiIiIiIiEgp3HOBiIiIiIiIyiXuufDp4MwFIiIiIiIiIlIKBxeIiIiIiIiISCkcXCAiIiIiIiIipXDPBSIiIiIiIiqXJBLuufCp4MwFIiIiIiIiIlIKBxeIiIiIiIiISClcFkFERERERETlEm9F+engzAUiIiIiIiIiUgpnLlCZKCiUlHURlOZhnlzWRVAJUaZlWRdBJXLzyroEysvLE5d1EVTiWUL5v7ToTj1Y1kVQiayJGmVdBJXQr+dX1kVQWts9Y8q6CCpxKbd7WRdBaZrCgrIugko0buVZ1kVQifTcwrIugtKuaNcp6yKoRKOyLgCVe5y5QERERERERERKKf8/LxEREREREdH/Je658OngzAUiIiIiIiIiUgoHF4iIiIiIiIhIKVwWQUREREREROUSl0V8OjhzgYiIiIiIiIiUwsEFIiIiIiIiIlIKBxeIiIiIiIiISCncc4GIiIiIiIjKJYmEey58KjhzgYiIiIiIiIiUwsEFIiIiIiIiIlIKBxeIiIiIiIiISCncc4GIiIiIiIjKJTG458KngjMXiIiIiIiIiEgpHFwgIiIiIiIiIqVwWQQRERERERGVSxIui/hkcOYCERERERERESmFgwtEREREREREpBQOLhARERERERGRUrjnAhEREREREZVLEgn3XPhUcOYCERERERERESmFgwtEREREREREpBQuiyAiIiIiIqJyibei/HRw5sI7OHbsGAQCAVJTUwEAK1euhKmp6SdRFnWKjIyEQCDAtWvX1P5eREREREREVH5x5kIxZ8+eRd26ddGyZUvs3bu3rIujUO3atREbGwsTExO1v5eTkxNiY2NhaWmp9vd6G4lEggv75uH2uc3IzRbBzq0yGnaeBFMr1zfmu3FqLa4eXYas9ERY2vuifocJsHGpAADIyUzF+f3zEH3/NNJTYqFnaA73wCao0eo76OgZqSWO/Xu2Yve2dUhLSYazmyf6D/oenj7+CtMe3rcLJ46EI+ZpBADAzdMH3UMGyaXfvHYZzp48hKSEF9DU1IKbpw+6hXwDL58AtZQfAK4cW4vzB5chU5QAa0dfNO32C+xdK5Sa/t7lcJzcPQdpSc9gZu2Khh1GwyOwAQCgsDAfJ3fNxuNbJ5CWGA0dPUO4+NZGg/ajYGRqo7YYAGmdOhc+FzfPSuuUvVtlNO4yGWbWrm/Md/3kWlw6sgxZogRYOviiUadfYOtSFP/NMxtx7/IeJETfRl5uJgZPuwhdfWO1xtKoohBVvITQ1QaiEiTYc64Qyemlp3exFqBOgBB2FgIY6wuw/mgB7kVLlD7vh/pc2vepA+txZPcKpKclwt7ZBx37/QwXzyCFaWOjH2HflvmIfnIHKYnP0b7PT2jQuo9cmkM7luDGxUN48TwCWtq6cPUORtse38Pa3k0t5QeAc4fW4lT4cmSkJcLWyRdteo+Ho0fp7fvWhX04tG0uUhOfwcLGBc27joJPxQay13NzMnFg09+4e+UwsjJSYWbliFrNeqN64+5qi8G8blW4jxoAk8qB0LW3xqVOQxG/6/Cb89SvDv9ZY2Ho74Wc6Fg8mrYQMaHb5dK4DOkJ9x8GQMfWCqIb93B75BSkXbyptjg2nLiCVUcuIFGUCW8Ha4zt3BRBLnYK0+48fxMT14bLHdPW1MDFv0cpTD9l435sOX0dP3ZojN6Nqqq87MUdCduIfTtCkZaaBCdXb/QcOAbu3oEK0z6Leowd6xfi6eO7SEqIRfevRqFZ215yacSFhdi58T+cOx6GtNQkmJpZoU7jtmjTZSAEAvX9enlo72aE71iDtJQkOLl6ofc3o+Hhrfhae+zADpw+uhcxT58AAFw9fNG5z1C59BKJBNvXLcaxgzuQlZkBL98K6DvkJ9jaO6sthlfvW97729MH1uHYHmlfa+fsgw59f4azp+J+Ki7mEfZvnoeYCGlf+2Wfn1C/VYhcmsd3L+HYnuV4FnEHotQE9Pt+LgKrNVF5uYs7Fr4BB3atgig1CY4u3ug24Ce4eSm+XjyPfoTdGxbi6ZM7SE6IRZd+o9GkTe8S6VKS4rF9zRzcvnoaeXk5sLJ1Qt+hv8LFU33fCYlex5kLxSxbtgzDhw/HiRMn8Pz587IujkLa2tqwtbVV6wUUAPLy8qChoQFbW1toapb9GNSVI0tx/eRqNOwyGV1GboKWth52/TcQBfm5peZ5eDUMp3b+iWothqHbD9tgYe+DXYsHIis9CQCQKXqBzLQXqPPlGPQcsxtNe0zD0/sncWTjeLXEcObEIaxeOg+de3yFaXOWw8XNE9Mm/oC01BSF6e/cvII6DZrhl2lz8dus/2BhZY0/Jn6P5MQEWRo7Byf0H/wDZvwbiskzFsDKxhZ//PI9RGmKz6msu5fCcGTrNNT5Yhj6/bwd1o6+2DR3ADJFSQrTxzy+gl3LR6FC7c7o9/MOeFVsgm2LhiHh2QMAQEFeDuKi7qB26yHoO24b2n8zH8nxEdi2cIhayl/cpcNLcPXEajTpOhndv5fWqe2LBryxTt2/EoYT26ehZoth6PnjdljZ+2L7wgGyOgUA+XnZcPWth2rNBqs9BgCoGyBEDT8hdp8vxJKwAuQXAH2aakLzDb27liYQlyLB3vOFKj3vh/oc2vfVs+HYsXoGWnQaglF/bIa9iw/++3MQ0tMUt438vGxYWDuiTY+RMDJVPID7+O4l1G3eA9/9tg6Df16MwoJ8LJr2DXJzstQSw83zYQhfPx2N2g3D0F+3wtbJBytnfY2MUtp31MOr2LRwNKrU74Shv22DX+UmWDdnOOJjHsjShK+bjoc3T6HzoBn4btpe1G4egj2rp+LulSNqiQEANAz0IbpxH7dG/PpO6fVcHVFt139IOnYep6q2Q8S8VQj6byosm9WVpbHr0gp+M8fh4dR/cap6B6TfuIcae5dB28pcLTHsu3IXs7YfxaCWdbDhx77wcbDCkAWbkJSeWWoeQ11tHJ46VPbYN1lxH3T4+gPcjIyFlYmhWspe3IVT+7Fxxd/4sts3mPTXOji5euGf34ZBlJqsMH1ebg6sbBzQqc8ImJgpbhfh21fi2L4t6Pn1T5g6bys6h4xA+PZVOLx3g9riOH/yINYvn4123Qbi179D4eTmhVmTR5Qax72bl1GzXguMnboQv8xYBnNLG8yaPBzJSS9kacK2heLg3o3oN2QsJs5cDh1dPcyaPAJ5eaX3e6pQ3vvba2fDsWvNDDTrOBQjf98Me2cfLHlDX5uXmw1zaye07v59qX1tXm427F180KH/BJWXV5FLp/djy6q/0KbLIPw8Yz0cXb0xb+pQiNJKbxeWNg7o0Os7GJcSQ2aGCDMn9IOGpia+HT8fk/7Zhs4hP0DfUL0/bhC9joMLL2VkZGDjxo0YMmQIvvjiC6xcufKteXbs2AEvLy/o6uqiRYsWiI6Olr3Wr18/tG/fXi79yJEj0bBhQ9nzhg0bYvjw4Rg5ciTMzMxgY2ODJUuWIDMzE/3794eRkRE8PT0RHl70a0RpSzT2798PPz8/GBoaomXLloiNjZV7n5EjR8qVpX379ujXr5/suaurK6ZMmYKQkBAYGxvjm2++KbEsorCwEAMGDICbmxv09PTg4+ODOXPmvPX/SVkSiQTXT4SiarPBcA9sAkt7HzTtOR2Zohd4cutQqfmuHV+JgJpd4F+9E8xtPdGo86/Q1NLF3QtbAQAWdt5o3X8e3AIaw8TSGY5eNVGr1feIuH0U4sIClcexd8dGNG7RFg2bfQFHZzcMHPYjtHV0cOzgHoXph/84Gc2/6AhXd284OLlg0PCxkIjFuHX9kixN3YbNERRcDTa2DnBycUefgSOQnZWJpxGPVV5+ALh4eAUq1umKCrU7wdLOEy16/AotbV3cPLtVYfrLR0Ph7l8PNZoPhKWdB+p/ORI2Tv64cnwNAEBHzwjdv1sBvyqtYWHrDgf3YDTr9gviom5DlKy+AT6JRIKrx0NRo/kQeAQ1hZWDL1r0noHMtBd4fLP0OnXl2AoE1u6KgJqdYGHriSZdf4Wmti5unyuKv3LDfqjW7BvYulZUW/mLq+knxIkbYtyPliA+Fdh2qhBG+oCvc+kDkI+eS3DkmljhbAVlzvshPpf2fWxvKGo17owaDTvA1tEDXQZMhLa2Ls4f264wvbNHEL7sNRqVa7eGpqa2wjSDxv2H6g3aw87JEw4uvug55HekJMYiJuKOyssPAKf3rULVBl1QpX5HWDt44st+k6GlrYvLJ7YpTH/mQCi8guqiXusBsLb3QNNO38HO1Q/nDq2TpYl6dBWV6raDu191mFk5oFqjrrB18kHMkxtqiQEAEvafwINJsxG/s/T6U5zLN92RHRGDu2OmI+PeEzxdsBZxW/fD7bt+sjRuI/sjetkmxKzahoy7j3Fz6CQUZuXAqV8ntcSw+ugldKxdAe1rBsHDzhITuraArrYWdpwrfaaEQCCApbGh7GFhbFAiTXxqOv7ccgh/hLSBlob6vwIe2LUW9Zt1QN0m7WDv5I4+g8dDW0cXpw7vVJjezSsAXft9jxr1WkBTU0thmkf3riO4egNUrFoPltb2qFq7KQKCayLi4S21xbFv5zo0aN4e9Zu2hYOzO/oNGQttHV2cOLRbYfrBo6agSevOcHH3hr2jKwZ8Ox5isQR3rl8EIO339u/egLZdvkLlGg3g7OqFb0ZORmpyIq6cO662OD6H/vZ42CrUaNQZ1Rt2gK2jJzoNmAQtHV1cPK64n3L2CELbXqNR6Q19rV9wPbTq+h2CqjVVaVlLc2j3atRp2hG1G7eHvZMHen4zAVo6ujhzZIfC9K6egegU8gOq1W0JTS3F7eLAjhUwt7BF32G/wc0rCJY2DvAPrg0rWyc1RvLpkEgE5fLxOeLgwkubNm2Cr68vfHx80Lt3byxfvhwSSelfvLOysvD7778jNDQUp0+fRmpqKrp3f/9pnqtWrYKlpSUuXLiA4cOHY8iQIejSpQtq166NK1euoHnz5ujTpw+yskr/pSorKwuzZs3C6tWrceLECURFRWH06NHvXZZZs2ahYsWKuHr1Kn755ZcSr4vFYjg6OmLz5s24c+cOJk6ciJ9//hmbNm167/d6H6LkGGSlJ8DJu7bsmI6eEWycKyAu8prCPIUFeXgRc1suj0AohKN3rVLzAEBuTjq0dQ0h1FDtbI2C/HxEPLqPoOBqsmNCoRBBwVXx4N67fSHKzc1BQWEBDIwUj0IX5Ofj8L6d0DcwhIubp0rKXVxhQR7iom7DxVf+/9TVtzaePbmqMM+zJ9fg4ltL7pibf108e3Kt1PfJzc4ABALo6KlvtF2UFIMsUck6ZetSEbERimMpLMjDi+iSdcrZuzZiIxXnUTczQ8BIX4AnsWLZsdx84FmCBE5WH37RUtd5Ffks2ndBPmIi7sA7sKbsmFAohFdgTTx9eF1l75OdlQEA0DdU/bK4goI8PI+8DY+AovYqFArhEVAL0Y+uKcwT/ei6XHoA8AqsK5fe2bMS7l09ClFyPCQSCZ7cPY/E+Eh4BtZReQwfyrRmMBKPnJU7lnDwFMxqBgMABFpaMKkcgMTDZ4oSSCRIPHIGpjUrqbw8+QWFuBsdh5o+rrJjQqEANX1ccCOi9EHXrNw8tJy0CM0nLsR3i7fhUWyi3OtisQTjV+9FvybV4Wmn/uWOBfn5ePr4Lvwq1pAdEwqF8K9QA4/vf/jgkqdvRdy9cQFxz54CAKIjHuDR3WsIqqyeOlWQn4/Ix/cQUFH++h1QsRoe3X+3ZTG5uTkoLCyA4cvrd0L8c6SlJCGgYnVZGn0DQ7h7B7zzOT9Eee9vCwry8CziDrwD5fspVfe16lSQn4+oJ3fhV0G+XfgF1cATJdrF9UvH4ezhj8WzRuPHrxrh99HdcPKg4h9+iNSp7Oe7fyKWLVuG3r2l65datmyJtLQ0HD9+XG6mQXH5+fmYP38+atSQdg6rVq2Cn58fLly4gOrVqyvMo0jFihUxYYJ0Gta4cePw559/wtLSEl9//TUAYOLEiVi4cCFu3LiBmjVrKjxHfn4+Fi1aBA8PDwDAt99+i99+++2dy/BK48aNMWpU0frMyMhIude1tLTw669F00zd3Nxw9uxZbNq0CV27dn3v93tXWSLpMgB9Iwu54/pGlshKT1SUBdmZKZCIC6GnIE/qiwjFeTJScOngQgTUUn0sIlEqxOJCmJjKT6E1MTXHs5iodzrHupULYWZuiaBg+fWxly+cxtwZk5CXmwNTMwuMnzIbxiamqiq6TFaG9P/UwPi1/1NjCyTFP1GYJ1OUCANj+S+xBsYWyBQp/twK8nNxbPss+Ff9Ajp66puym5kurVMGJeqHBTLfUqdK1kMLJL9QHL+6GepJ/9DPyJE/npFT9NqndF5FPof2nSlKgVhcCCMT+fIYmVjgxXPF5XlfYrEYO0L/hJtPJdg5eanknMVlpUv7KMPXYjA0sUBirOIYMtJKtm9DEwukpxV9bm36TMCOFRMx4/uGEGpoQiAQoH3/3+DmWw2fCh0bS+TGy9e13PhEaJkYQairAy0zEwg1NZH7Ium1NEkw8HFXeXlSMrNQKJbAwkhf7riFkQEi4hVPm3a1NsevPVvBy94KGdm5WHXkIvr+swbbxg2AjZl0zfuKQ+ehIRSiZ4MqKi+zIukv65Sxifx1z9jUHLHPIj/4vK069kd2ViYmDO8IoVADYnEhOvQahpoNWitZYsXS33D9jo15+k7n2BQ6H6bmlvB/OZiQlpIkO0dxxqbmstfUobz3t5ml9FOq7GvVLSM95WW7eC0GUwvEKdEuEuNjcOLAZjRt0xstOw7E08e3sGnFDGhqaaFWwy+VLDXRu+PgAoD79+/jwoUL2L5dOn1VU1MT3bp1w7Jly0odXNDU1ES1akVfjnx9fWFqaoq7d+++1+BChQpFG9BoaGjAwsICQUFFG7rY2Eg3tXvx4kWJvK/o6+vLBhYAwM7O7o3pS1O16ts3dfr333+xfPlyREVFITs7G3l5eQgODn5jntzcXOTmyq/ly8/XhpaWjsL09y/vxrHNk2TP2wxc9PbCKykvJwN7lg6CmY0Hqrf4Vu3v9752bl6NMycOYeK0+dDWlv9/C6hQGdPnrkS6KBWH9+/G7Om/YOpfS2BialZGpf0whYX52LnkOwASNO/xbmul39W9S7tweGNRnWo36D+Vnv9jCXIToG1NDdnztUdK3zPhU8X2/WG2rpiK2OhHGDE5tKyL8l7OHVyDmMfX0XvkApha2CPy/iXsXj0FRmbW8Ayo/fYT0Dup6OaAim4ORc/dHdDh92XYfOYavv2iHu5ExWHt8cvYMCZE7Xs2qdvF0wdx7kQ4vv7+Dzg4uyMq4j42LPtLtrHjp2bPllU4f/Igxv6+sMT1W93Y3/7/kEjEcHH3R/teIwAAzu6+eB71GCcObOHgAn1UHFyAdNZCQUEB7O3tZcckEgl0dHQwf/78DzqnUCgssawiPz+/RDqt19ZOCQQCuWOvvgSIxWKURtE5ir/3u5bFwKDk+sziNmzYgNGjR+Ovv/5CrVq1YGRkhJkzZ+L8+fNvzDdt2jS5GQ8A0LLHRLTuNVlhereARrBxLhp0KSzMAwBkpSfBwNhadjwrPRGWDn4Kz6FnYAaBUAPZ6fK/AGSlJ0LfSP6XtrycDOxaPBBaOgZo3X8+NDQUr2dThrGxKYRCDaS9tvlTWmoyTM3evCHY7m3rsHPLGoyfOlvhcgddXT3Y2jvC1t4RXr6BGPl1Nxw9sBvtu4YoONuH0zeU/p++vnljliipxK+XrxgYW5aYpZCpIL10YGEk0pKfo8fIVSqfteAe2Bi2LkV7IBQWSOtUZnoSDEyK16kkWDn4KjzHqzqVVaJOJcHASP1TjAHgfrQEzxKL1q++WjJtqAtkZBelM9SVbtj4oTKyJWo5L/B5tm8DYzMIhRolNhRLT0sqdfOt97F1xe+4c+U4vp20CqYWtkqfTxF9I2kflfFaDBlpSTA0URyDoUnJ9p2RlgSjl+nz83JwcMts9BwxFz7BDQEAts4+iI26i9PhKz6ZwYXc+ETo2MjHqGNjify0dIhzcpGXmAJxQQF0rC1eS2OB3DjFv/Yqw8xAHxpCAZLS5ZdDJqVnwtLozdfpV7Q0NODraIPoBOnmvlcexyA5IxMtJxX9cVkoluCvHUex9vglhJey+aMyjF7Wqdc3qROlJsPE1KKUXG+3edVstO7YDzXqtQAAOLp4ISkhDmHbVqhlcMHoDddvE7M3xxG2fQ32bluFMb/Oh7Nr0YyjV/nSUpNhal5U90SpyXB281ZZ2T+3/taglH5KVX3tx2BoZPayXbwWQ6pyMZiYWsHOyUPumK2jG66cf7e9Z8o7Ccr3oOnn5P9+z4WCggKEhobir7/+wrVr12SP69evw97eHuvXry8136VLRRvr3b9/H6mpqfDzk3bOVlZWcpsqApBtjPixvV6WwsJC3Lr1/hsfnT59GrVr18bQoUNRqVIleHp64vHjt28cOG7cOKSlpck9mnUdV2p6bV1DmFq5yB7mNp7QN7JCzMOiNbF5ORmIj7oBW9dghefQ0NSGtWMAoovlkYjFiHl4Ti5PXk4Gdv43AEINLXwxYAE0S5lNoSxNLeltIotvxigWi3Hr+mV4+yq+JRcA7NqyFts2rMS4X/+Ch5fiC//rxBKxwsEjZWloasPWOQBP78v/n0bePwsHd8Xrjh3cg/H0/jm5Y5H3zsDBPVj2/NXAQsqLp+j+3UroGap+xkWJOmXrCX1jK0Q/KIolNycDcU+vw85NcSwamtqwdgqQyyMRixH94CzsXFW/7lqRvAIgOb3okZAGpGdJ4G5X1JXraAEOVgJEJ3z4IEBKhnrOC3ym7VtTC45u/nhwq2igVSwW4+Ht83Dx+vCNPSUSCbau+B03Lx7G0AnLYWHtqIriKqSpqQ171wA8uVPUXsViMZ7cOQcnz2CFeZw8K+LxHfn2/ej2GVn6wsICFBbmQyCQ/6ohEGq8ccD8Y0s9dw0WjeWXHVo2qY2Uc9cAAJL8fKRduQ3LxsX2lxAIYNGoFlLPqX6/FS1NDfg52eL8g6Ip92KxBOfvP0UFN/s35CxSKBbj4fMEWBpLB2rbVA/A5p/6Y+OYfrKHlYkh+japjoVDuqg8BkB63XPx8MPdGxeKxSHG3ZsX4OFT+u1N3yYvNwcCoXydEgqFkKipTmlqacHVwxd3blyUHROLxbhz4xI8fRTfOhAA9m4Lxa5NyzBq0hy4ecnfctrKxh4mZhZy58zOysCTB7ffeM739bn1t5qa2nBw88fD2/L91CMl+9qPSVNLC87ufrh3U75d3Lt5Ae5KtAsP34qIf21ZRfzzp7CwVHz7WiJ1+b+fubBnzx6kpKRgwIABMDGR3ySrU6dOWLZsGWbOnFkin5aWFoYPH465c+dCU1MT3377LWrWrClbEtG4cWPMnDkToaGhqFWrFtasWYNbt26hUqWP80dIcY0bN8YPP/yAvXv3wsPDA3///bfsbhPvw8vLC6Ghodi/fz/c3NywevVqXLx4EW5ub77nuo6ODnR05C8yWlrv/geKQCBAxfohuHRwEUwtXWFk7oDz++bCwNga7oFFO/vuWNgP7oFNUaGedO+M4Ab9cGj9WFg7BcLGuQKuH1+Fgrxs+FXvCODlhXDRABTkZ6N5r5nIy8lAXo50wzQ9Q3MIhRolC6OEL9p3w8J/foe7ly88vf0RtnMTcnNy0KDpFwCAf/+aAnMLS/ToJ70N484ta7B5zVIM/3ESrGzskPpyHaaurh509fSRk5ON7RtXoWqNujA1t0S6KBUH9mxDSlIiatZtpNKyv1KtSX/sXfUTbJ0DYedaAZeOrEJ+bjaCakn/T/esHAMjUxs0aC/du6NKoxCs/7sPLhxaDo/ABrh7KQxxT2+hZU/pniCFhfnYsXgE4qPvoPPQ/yAWFyIjTbomVM/ABBql7OysLIFAgEoNQnDhwEKYWrnAxMIRZ8LmwMDEGh5BRXVq6/y+8KjQDMH1pXWqcsP+OLD2J9g4B8LWuQKuHF+F/Lxs+NfoKMuTKUpApigRaYnSvTSSYh9AS8cAxmZ20DUwVXks5+6KUT9IiCSRBCkZEjQO1kB6FnAvqqiN9W2mgbtREly4L/3yra0JmBe79biZoQC2ZhJk5wFpme9+XlX4XNp3wy9CsG7heDi5B8DFMxDHw9cgLzcbNRq0BwCsXTAOJmbWaNPjewDSTSDjY6SDs4UF+UhLicezyHvQ1tWHla30Pvdbl0/F5TNhGDBqLnT0DCBKlf5KrqtvCG1tXZWWHwDqtOyLrUvGwd4tEI7uQTizPxR5udmoUq8DAGDLfz/B2MwGzbv+AACo3TwES6eF4FT4CvhUbIAb58PwPOI22veXzlTT1TOEq2817Ns4E5raujC1tEfkvYu4dnonWvX4SeXlf0XDQB8Gns6y5/pujjCu6Iu85DTkRMfCZ+oP0HWwwfX+0jI8XbwBLkN7wXfaj4heuRWWjWrCrksrXPxykOwcEbNXoOLy6Ui9fAtpF2/AdURfaBroIXqV4h3qldWnUVX8siYMAU62CHSxw5pjl5Cdl4/2NaR/eI5fvRfWJob47ssGAIBF4adRwdUezlZmSM/OwcrDFxCbIkLHWtI/VkwN9GBqoCf3HloaQlgaGcDV5sNnEbxN8y97YdncSXD18IebVwAO7VmH3Jxs1Gkinaa9dM4vMDO3Rqc+wwFIN7t7HiPdw6agIB8pSS8QFXEfOrp6sLGTfqYVq9XH3i3LYG5pCwdnD0Q9uYcDu9agbpN2aoujZbueWDLnV7h5+sHdKwD7d29Abk426jVtAwD4759JMLOwRteQYQCAvVtXYdu6xRg8agosre2QmvKy7erqQ1dPHwKBAC3adseuTcthY+cEKxt7bFu3CKbmlqhcs4Ha4vgc+tsGrftiw6Kf4egeAGePIJwMX428nGxUayDtp9YvGAcTc2u07v6qr82T72uTX+BZ5F3o6OrD0tYFAJCbk4nEuKL9r5ITYvAs8i70DU1gZvluA3rvo2nbPlg5/xe4ePjD1TMQR/auRV5uNmo3ktbhFXMnwNTCGh1eLnEoyM9HrCyGAqQmv0B0xD3o6OrD+mW7aNKmN2aM74fwrUtRpXZzRD66hVOHtqLXoJIbtBOp0//94MKyZcvQtGnTEgMLgHRwYcaMGbhxo+Turfr6+vjpp5/Qs2dPPHv2DPXq1cOyZctkr7do0QK//PILxowZg5ycHHz11VcICQnBzZvq2wW4NF999RWuX7+OkJAQaGpq4vvvv0ejRu//x+egQYNw9epVdOvWDQKBAD169MDQoUPlbpWpLpUbD0RBXjaObp6I3GwR7NyqoO03S+RGxtMSo5CdmSJ77lWpNbIzknFh3zxkihJg5eCHtt8skU3jexFzG/FR0t2FV//RXO79QiYcgrG5an8lrF2/KURpqdi8ZilSU5Lh4u6Fsb/9JVsWkZgQD4GwaFrXwbDtKCjIxz/T5O+73KnHV+jSawCEQiGexzzF34fDkS5Kg5GxMdy9/DB5+gI4uah+kzEA8KvaGlkZyTi1Zy4yRQmwdvRD1+FLZcscRMmxcr9SOnpURtuvZuHkrtk4sfNvmFm5ouPgf2HlIJ32mZEaj0c3pPe7X/G7/BfDHt+Hwtm7BtSlapOvUZCXjcMbpXXK3r0KOgxeKlenUpOi5eqUT2VpnTobNhdZogRYOvqh/eClcss8bpzegPP7ipZTbZ7bCwDQrOc0BBQbhFCVU7fF0NIE2tbSgK42EPVCgjWHClBQ7Ec8MyMB9HWLBgXsLQTo36Ko+29ZTQOABq4+EmPHmcJ3Pq+qfA7tu1KtVsgQpWDflvkQpSbCwcUXg8Yukt1XPSVRvm2IUl5g1rjOsudH96zE0T0r4eFXFd9OXAkAOH1oIwDg3yn95d6rx+CpqP5y0EKVgmq0RqYoBYe3zUVGWiLsnP3Qd/Ri2bKI1ORYuV+Mnb0qoevgmTi0dQ4ObvkHFjYu6PndPNg4Fk3r7jbkLxzY/A82L/oR2ZlpMLW0R7POI1G98fvfXeldmVQJRK3Dq2XP/Wf9DACIDt2GGwPGQcfOCnpORb/mZUfG4OKXg+D/1zi4Dg9BTkwcbg6agMSDp2RpYjeHQ9vKHN6TRkDH1gqi63dxoc1A5L1Qz+Z7LSv7ISUjGwvCTiFRlAkfR2ssGNJFdnvJuBQRhMX2TkjPzsFvG/YjUZQJY31d+DvZYNXIXvD4CHeFeJPqdVsgXZSCHRsWQpSSBCc3H3w/cb5sWURyQpxcu0hNScCvP/SQPd+/czX271wNn4AqGDN1CQCg59djsGPdAqxZPA3paSkwNbNCg+ad8GXXb9QWR416zSASpWDbusVIS0mCs5s3Rk+aUxRHYjyExdrGkX3bUFCQj/nTx8qdp333gejQQ1rO1h1DkJuTg5UL/kBWZga8/Cpi9KQ5at+Xobz3t8G1WiFDlIz9W+YjPTUR9i6+GDj2P9lyrJSkWLnvUqKUBPzzc1Ffe3zvChzfuwLuftUw9JeVAIDoJ7exaGpRP7trzQwAQNX67dB98B8qK/srVetI28XuDQshSk2Eo6sPho9fAGNZfZKPITXlBX7/sajPPLgrFAd3hcLLvwpG/Sb928PVMxCDf/wbO9bNxd4ti2Fp7YAu/X5EjfpfqLz8n6LP9baO5ZFA8qb7LRKpyby95b/a1fVW347OH9PV6PKxTvFtcvPKugTKi3uh+uUsZcHSovyPW3vYqfbe7GUlM0+1MzTKin69d1sW9ilrsmdMWRdBJS45qW9g6GPRFH4e7fviY/XdsvljcrUtf5sTv85Q+/O4fjcK0nt7ok/QhXtpZV2ED1Ld9/1vLf3vv/9i5syZiIuLQ8WKFTFv3rxSbyawZMkShIaGypbDV6lSBX/88cd73Xzgff3f77lARERERERE9CnbuHEjfvjhB0yaNAlXrlxBxYoV0aJFi1LvEnjs2DH06NEDR48exdmzZ+Hk5ITmzZvj2bNnaisjBxeIiIiIiIiIPmF///03vv76a/Tv3x/+/v5YtGgR9PX1sXz5coXp165di6FDhyI4OBi+vr5YunQpxGIxDh8+rLYycnCBiIiIiIiIyiVxOX28j7y8PFy+fBlNmxZtvioUCtG0aVOcPXv2DTmLZGVlIT8/H+bm5u/57u+u/C+MJSIiIiIiIipHcnNzkZubK3dM0V32ACAxMRGFhYWwsbGRO25jY4N79+690/v99NNPsLe3lxugUDXOXCAiIiIiIiL6iKZNmwYTExO5x7Rp09TyXn/++Sc2bNiA7du3Q1dX9bezfoUzF4iIiIiIiKhcKq+3ohw3bhx++OEHuWOKZi0AgKWlJTQ0NBAfHy93PD4+Hra2tm98n1mzZuHPP//EoUOHUKFCBeUK/RacuUBERERERET0Eeno6MDY2FjuUdrggra2NqpUqSK3GeOrzRlr1apV6nvMmDEDU6ZMwb59+1C1alWVx/A6zlwgIiIiIiIi+oT98MMP6Nu3L6pWrYrq1atj9uzZyMzMRP/+/QEAISEhcHBwkC2tmD59OiZOnIh169bB1dUVcXFxAABDQ0MYGhqqpYwcXCAiIiIiIiL6hHXr1g0JCQmYOHEi4uLiEBwcjH379sk2eYyKioJQWLQwYeHChcjLy0Pnzp3lzjNp0iRMnjxZLWXk4AIRERERERGVSxKUzz0XPsS3336Lb7/9VuFrx44dk3seGRmp/gK9hnsuEBEREREREZFSOLhARERERERERErh4AIRERERERERKYV7LhAREREREVG5JJH8/+y58KnjzAUiIiIiIiIiUgoHF4iIiIiIiIhIKVwWQUREREREROXS/9OtKD91nLlARERERERERErh4AIRERERERERKYWDC0RERERERESkFO65QEREREREROWSWFLWJaBXOHOBiIiIiIiIiJTCwQUiIiIiIiIiUgoHF4iIiIiIiIhIKdxzgYiIiIiIiMolCQRlXQR6iTMXiIiIiIiIiEgpnLlA9IFi003KuggqUSgu6xKoxuewU7CRoUZZF0ElCgvLugTKS8rQKusiqITkM2gXANB2z5iyLoLSDreZUdZFUAmNi33KughKyy/UKesiqISW5ufxa21Ofvn/rfNzqVNEyuLgAhEREREREZVLEsnnMdD2OSj/Q4VEREREREREVKY4uEBERERERERESuHgAhEREREREREphXsuEBERERERUbn0uWxe/DngzAUiIiIiIiIiUgoHF4iIiIiIiIhIKVwWQUREREREROWSGLwV5aeCMxeIiIiIiIiISCkcXCAiIiIiIiIipXBwgYiIiIiIiIiUwj0XiIiIiIiIqFySSLjnwqeCMxeIiIiIiIiISCkcXCAiIiIiIiIipXBwgYiIiIiIiIiUwj0XiIiIiIiIqFySSMq6BPQKZy4QERERERERkVI4uEBERERERERESuGyCCIiIiIiIiqXJOCtKD8VnLlARERERERERErh4AIRERERERERKYWDC0RERERERESkFO65QEREREREROWSmLei/GRw5sJnbuXKlTA1NZU9nzx5MoKDg8usPERERERERPT54cyFMtawYUMEBwdj9uzZcsdXrlyJkSNHIjU19a3nWL9+PXr37o3Bgwfj33//VUm5RCIRpk+fjq1btyIyMhKmpqYIDAzE0KFD0aFDBwgEH3dXVolEggv75uH2uc3IzRbBzq0yGnaeBFMr1zfmu3FqLa4eXYas9ERY2vuifocJsHGpAADIyUzF+f3zEH3/NNJTYqFnaA73wCao0eo76OgZqSWOUwfW48juFUhPS4S9sw869vsZLp5BCtPGRj/Cvi3zEf3kDlISn6N9n5/QoHUfuTSHdizBjYuH8OJ5BLS0deHqHYy2Pb6Htb2bWsoPAFePr8XFQ8uQKUqAlYMvmnT9BXauFUpNf/9KOE7vmYO0pGcws3ZF/Xaj4R7YQPb6g2sHcP3kBsRH30ZOZipCxu6AtZOf2sr/ikQiwfnwubj1sk7Zu1VGoy6T31qnrp9ciytHliErPQGW9r5o0OkX2LoUxX/rzEbcv7wHL2JuIz83E4P+uAgdfWO1xnH50Dzcu7gZednpsHGphLrtJ8HE8s1x3D67FjdOLEd2RiLMbX1R+8vxsHYqimPP4hDERlyUy+NbvRvqdZislhguHpiHu+eln4Wta2XU7/j29n3r9FpcOy5t3xZ2vqjbfgJsnItiOL5lImIenkWm6AW0dPRh61IJNb8YDTNrd5XHAACXjq7F2f3LkJGWABsnX7To8Qsc3EpvG3cuheP4zjlITXwGcxtXNOk0Gp5BDRSmDVs9EVdObESzbuNQo2k/tZQfkMZw7sDLGBx90fwtMdx9FUPSM5hbu6Lxm2JYMxFXT2xEs67jUF2NMQDAhhNXsOrIBSSKMuHtYI2xnZsiyMVOYdqd529i4tpwuWPamhq4+PcohemnbNyPLaev48cOjdG7UVWVlx0AzOtWhfuoATCpHAhde2tc6jQU8bsOvzlP/erwnzUWhv5eyImOxaNpCxETul0ujcuQnnD/YQB0bK0gunEPt0dOQdrFm2qJ4ZWT+9fjyO6VEKUmwsHFB536j3vjdS9s07+IibiD5ITn6BAyBg2/kL/unTqwEacObkRywnMAgJ2jB1p0Ggz/SvXUGsfpA+twbI/0+m3n7IMOfX+Gs6fithEX8wj7N89DTIT0+v1ln59Qv1WIXJrHdy/h2J7leBZxB6LUBPT7fi4CqzVRawzXTqzF5SNF1+9GneWvX697cDUcZ/bOgSj5GUytXFHvy9FwCyhq3xKJBGfD5uLm2aLraJOuk2Fm7arWOM4dWotT4cuRkZYIWydftOk9Ho4epcdx68I+HNo2F6mJz2Bh44LmXUfBp2JRHLk5mTiw6W/cvXIYWRmpMLNyRK1mvVG9cXe1xXD24FqcCCuK4cuQ8XB6Qww3z+/Dwa1zkfIyhpbdRsE3uCiG9LRE7NvwFx7eOo2crHS4+lTFlyHjYWnrqrYYiBThzIVyKC8vT+75smXLMGbMGKxfvx45OTlKnz81NRW1a9dGaGgoxo0bhytXruDEiRPo1q0bxowZg7S0tHcqlypdObIU10+uRsMuk9Fl5CZoaeth138DUZCfW2qeh1fDcGrnn6jWYhi6/bANFvY+2LV4ILLSkwAAmaIXyEx7gTpfjkHPMbvRtMc0PL1/Ekc2jldLDFfPhmPH6hlo0WkIRv2xGfYuPvjvz0FIT0tSmD4/LxsW1o5o02MkjEwtFaZ5fPcS6jbvge9+W4fBPy9GYUE+Fk37Brk5WWqJ4d7lMBzbNg21Wg9Dn7HbYe3oiy3zByAzXXEMz55cwZ4VoxBYqzNCxu2AZ4Um2LF4GBKePyiKMzcLDh6VUb/daLWUuTSXDy/BtROr0ajLZHT7fhM0tfWwY9GAN9apB1fCcHLHNNRoOQzdR2+HpYMvdi4aIKtTgPRzc/Grh2rNBn+MMHD9xFLcPrMGddtPRruhG6GlrY/w5V+/MY7HN8Jwbu90VG4yDB2+3QoLOx+EL/8a2Rnyn6NvtS7o9fMJ2aNGK/V8RteOLcXNU6tRv+NkdBoubd97lr65fT+6FobTu/9E1WbD0HmktH3vWToQWcVisHIMQKNuf6D7j3vRZuBSSCDBniUDIBYXqjyG2xfDcHDTNNRrOwwDf9kOG0dfrJ89AJkixW0j+tEVbF8yCsF1O+PriTvgE9wEm/4dhhfPHpRIe+/KQTx7ch1GptYqL3dxdy6G4dDmaajXZhgGTNgOaydfbJhTegwxj69g+9JRqFi3Mwb+sgPelZpg84JSYrgqjcFQzTEAwL4rdzFr+1EMalkHG37sCx8HKwxZsAlJ6Zml5jHU1cbhqUNlj32TFbffw9cf4GZkLKxMDNVVfACAhoE+RDfu49aIX98pvZ6rI6rt+g9Jx87jVNV2iJi3CkH/TYVls7qyNHZdWsFv5jg8nPovTlXvgPQb91Bj7zJoW5mrKwxcObMP20NnokWnwfjxz02wd/HGwj9Kv+7l5ebA0sYRbXuMhHEp1z1TCxu07TkSo6dtxOg/NsArsAaWzhyB2OhHaovj2tlw7FozA806DsXI3zfD3tkHS95w/c7LzYa5tRNad/++1Ot3Xm427F180KH/BLWVu7j7V8JwYvs01Gw5DL1+lF6/ti2Qv34V9/zJFYStkl6/e42RXr93LR2GxGLX70uHpNfRpl0no8cP0r5728I3X0eVdfN8GMLXT0ejdsMw9NetsHXywcpZXyOjlH4q6uFVbFo4GlXqd8LQ37bBr3ITrJszHPExRXGEr5uOhzdPofOgGfhu2l7Ubh6CPaun4u6VI2qJ4ca5MOxdNx1NOgzDt1O2ws7ZB8tnfI2MUurT0wdXsWHBaFRt0AnDp2yDf5UmWDN7OOKipTFIJBKsnv0tkhOi0ef7fzF86jaYWdpj2Z9fIU9N3wc/NRKJoFw+PkccXCgH+vXrh/bt2+P333+Hvb09fHx8ZK9FRETgzJkzGDt2LLy9vbFt27Z3Oud///0HJycn6Ovro2vXrnIDBj///DMiIyNx/vx59O3bF/7+/vD29sbXX3+Na9euwdBQ+qXK1dUVU6ZMQUhICIyNjfHNN9+oNvCXJBIJrp8IRdVmg+Ee2ASW9j5o2nM6MkUv8OTWoVLzXTu+EgE1u8C/eieY23qiUedfoamli7sXtgIALOy80br/PLgFNIaJpTMcvWqiVqvvEXH7KMSFBSqP49jeUNRq3Bk1GnaAraMHugyYCG1tXZw/tl1hemePIHzZazQq124NTU1thWkGjfsP1Ru0h52TJxxcfNFzyO9ISYxFTMQdlZcfAC4dXoGg2l0RVKsTLO080az7r9DS1sWts1sVpr9yNBRu/vVQvdlAWNh6oG7bkbBx8se142tkaQJqtEft1t/CxbeWWsqsiEQiwbUToajefAg8gprC0t4XzXvNQGbaCzy5WXqdunpsBQJrdYV/jU6wsPVE4y6/QlNbF3fOF8VfqWE/VG36DWxdKn6UOG6dDkWlRoPh6t8EFnY+aNj1T2Slv8DTO6XHcfPkKvhW6wKfqh1hZuOJuu0nQ1NbF/cvyfcfmlq60Deykj20dVX/B5VEIsGNk6Go0mQw3AKbwMLeB427T0eW6AUibpcew/UTK+Ffowt8q3WCuY0nGnT8FVpaurh3oeiz8K/ZDfbu1WBs7ggrxwDUaDESGamxSE9+pvI4zh9cgUr1uiK4TidY2XuidW9p27h2WnHbuHg4FB4B9VCrxUBY2nmgYfuRsHP2x6Uja+TSiVLisX/9FLQfOAtCDS2Vl/v1GILrdkXFVzH0ktbv66XEcOH1GNqNhK2zPy4dLRnDgZcxaKg5BgBYffQSOtaugPY1g+BhZ4kJXVtAV1sLO86V/gu9QCCApbGh7GFhbFAiTXxqOv7ccgh/hLSBloZ6vz4l7D+BB5NmI35n6W2gOJdvuiM7IgZ3x0xHxr0neLpgLeK27ofbd/1kadxG9kf0sk2IWbUNGXcf4+bQSSjMyoFTv05qikJ63avdpBNqNpJe97oOnAhtbT2cO6r4uufiGYh2vUehcp1W0NRSfN0LrNIQAZXqw9rOBdb2rmjTfQR0dPUR+fCG2uI4HrYKNRp1RvWGHWDr6IlOAyZBS0cXF48r/s7l7BGEtr1Go9Ibrt9+wfXQqut3CKrWVG3lLu7K0RUIrN0VATU7wcLOE027Stv3rXOK2/fV46Fw9auHqk2k1+/aX4yEtaM/rp2Utm+JRIIrx19eRys0hZWDL1r2kV5HH994t3r7IU7vW4WqDbqgSv2OsHbwxJf9JkNLWxeXTyj+LM4cCIVXUF3Uaz0A1vYeaNrpO9i5+uHcoXWyNFGPrqJS3XZw96sOMysHVGvUFbZOPoh5op46dTJ8Fao17IKq9TvCxsET7ftPhraOLi6VEsPpA6HwqlAX9b8YAGsHDzTv/B3sXf1w9mUMiXGRiH50He37TYKTexCs7NzQrt8k5Ofl4vq5vWqJgag0HFwoJw4fPoz79+/j4MGD2LNnj+z4ihUr8MUXX8DExAS9e/fGsmXL3nquR48eYdOmTdi9ezf27duHq1evYujQoQAAsViMDRs2oFevXrC3ty+R19DQEJqaRatpZs2ahYoVK+Lq1av45ZdfVBBpSaLkGGSlJ8DJu7bsmI6eEWycKyAu8prCPIUFeXgRc1suj0AohKN3rVLzAEBuTjq0dQ0h1FDtiqGCgnzERNyBd2BN2TGhUAivwJp4+vC6yt4nOysDAKBvaKKyc75SWJCH+OjbcPGV/z919q2N50+uKszzPOIaXHzkBw1c/eriecQ1lZfvfYiSYpAlUlCnXCoiNlJxLKXVKSfv2qXmUbf0lBhkpyfCwbPo/1hb1whWThUQH6W4XhUW5CHx+W25PAKhEA4etfAi6ppc2kfX9yB0Si1smd0WF/b9jYK8bNXH8LJ9O3rJfxbWzhUQ//SawjyFBXlIeHZbLo9AKISDV61S8+TnZeHepW0wMneEoamtKkNAYUEeYp/ehpuffHlc/Wrj2WPFdSPmyTW4+cu3DfeAuoh5ck32XCIWY+eyH1GrxQBYOXiptMyvKyzIQ2xUyRjc/GojppT2/ezxNbj5lYzh2Wsx7Fr+I2q2GAAre/XGAAD5BYW4Gx2Hmj6usmNCoQA1fVxwI+J5qfmycvPQctIiNJ+4EN8t3oZHsYlyr4vFEoxfvRf9mlSHp53iX6LLkmnNYCQeOSt3LOHgKZjVDAYACLS0YFI5AImHzxQlkEiQeOQMTGtWUkuZCgryEf3kDryD5K973kE1Eami655YXIgrp8ORm5sNN2/1DOgWFOThWcQdeAcW1XV1XL/V6dX129nnteu3T23ERihu37GR1+DsLd++XfzqIvbl9Tvt5XW0+Dl19Ixg61IRz9V0TSwoyMPzyNvwCJD/LDwCaiH60TWFeaIfXZdLDwBegXXl0jt7VsK9q0chSo6HRCLBk7vnkRgfCc/AOmqLwVNBDFGlxBD16LpcegDwCqqLqIfS9IUF+QAATS0duXNqamkj8v4V1QZA9Bbcc6GcMDAwwNKlS6GtXTQCLhaLsXLlSsybNw8A0L17d4waNQoRERFwcyt9zX1OTg5CQ0Ph4OAAAJg3bx6++OIL/PXXXxAKhUhJSYGvr+87latx48YYNUrxutRXcnNzkZsrP0UuP18bWsU6wTfJEiUAAPSNLOSO6xtZIis9UVEWZGemQCIuhJ6CPKkvIhTnyUjBpYMLEVCr6zuV631kilIgFhfCyES+PEYmFnjxXHF53pdYLMaO0D/h5lMJdk6q/xKfnSH9PzV47f/UwMgCyXFPFObJFCVC31j+i7i+sQUyRYo/t48lK720OmWBrFLK9qpOKcqTEq84fnXLfln/9Qzly6RnaInslzG+LicrVdo2Xs9jZIHUhKK66BHcBoam9jAwtkZy7H1c2PcX0hIj0Kz3PJXG8OqzKNFWDUtv3zmv2rdhyTyvt+9bZ9bh7N5ZKMjLgqmVG9p+vRwapfyS+KGyXrUNY/nyGBpbIKmUtpGRlggDI/m2YWBsgcy0opjP7FsCoYYmqjUJeT27ypUWg4GRBZJiS4lBlAgD47fEsH8JhEJNVGus/hgAICUzC4ViCSyM9OWOWxgZICI+WWEeV2tz/NqzFbzsrZCRnYtVRy6i7z9rsG3cANiYSfffWXHoPDSEQvRsUEXtMXwIHRtL5MbLt5fc+ERomRhBqKsDLTMTCDU1kfsi6bU0STDwUc8eJOq87j2PeoB/JvRGQX4edHT1MWD0bNg6eih1ztJkpqdCLC6EoRqv3+r2IdcvRddvAyMLWb9c+nez0q+jysoq5bMwNLFAYqzizyIjrWQ/ZWhigfRi/VSbPhOwY8VEzPi+IYQamhAIBGjf/ze4+Vb7aDEYGVsgoZT6lJGaCEOTkjFkvIzBys4NphZ22L/pH3T4ajK0dPRwet8qpCXHIT1N8XcBInXh4EI5ERQUJDewAAAHDx5EZmYmWrduDQCwtLREs2bNsHz5ckyZMqXUczk7O8sGFgCgVq1aEIvFuH///jsPKrxSterbN7OaNm0afv1Vft1oyx4T0brXZIXp71/ejWObJ8metxm46L3K9CHycjKwZ+kgmNl4oHqLb9X+fuqwdcVUxEY/wojJoWVdlE/OvUu7cHRTUZ1q+81/ZViaD/fo6m6c3DFZ9rxl34Vqey+/6kWDbOa23tAztkLY0v4QJUXB2ML5g8/74MpuHN9a9Fl88ZV627dXpbZw9KqNrPQEXDu+HAfWjESHYevlfuH5FMU+vYULh0Mx8JdtH30DXVWJfXoLFw+HYsCETzuGim4OqOhWdE2s6O6ADr8vw+Yz1/DtF/VwJyoOa49fxoYxIZ90HP9PrO3dMGbGFuRkpePauYNY++8EjJi8Qm0DDPR5O3dwDWIeX0fvkQtgamGPyPuXsHv1FBiZWcMzoPbbT1DGNDS10Pu7edi6dAJ+G1wTQqEGPAJqwbuCejc5/ZRIeCvKTwYHF8qYsbGxwg0SU1NTYWJSNLXdwKDk+s9ly5YhOTkZenp6smNisRg3btzAr7/+CqHw/Ve9WFlZwdTUFPfu3Xun9IrK9bpx48bhhx9+kDu29Ejpvxy6BTSS2/G9sFC6UWRWehIMjIs2A8tKT4Slg+K7CugZmEEg1ED2axsVZaUnQv+1XwvzcjKwa/FAaOkYoHX/+WpZE2xgbAahUKPE5k/paUmlblr1Prau+B13rhzHt5NWwdRCtVO+X9EzlP6fvr55Y2Z6UolfBV4xMLYs8QtGlqj09OriHthYbg+EwoJidcqkeJ1KgpWD4gG2V3Xq9c2vstKTSvy6oy7O/o3R0alk28jOSIJ+sbaRnZEICzvFbUNX31TaNl7bvDE7PalE2yju1Z0k0pQcXHD1f619v/wssl9v3xmJsLQvJYZX7fu1GLIySrZvHT0j6OgZwdTKFTbOFbF8Yg1E3DoIr0ptPjiG1+m/ahuvbSiWIUqCYSl1w9DEEpmvzczIFCXB4OWvU1EPLyEzPQlzf2oke10iLsShTdNx4VAohv+p2o3GSoshM72oTCViMLYsMQupeAzRL2OYN/a1GDZPx4XDofh2muo3SzMz0IeGUICkdPlNzJLSM2Fp9PbrFQBoaWjA19EG0QkpAIArj2OQnJGJlpOKBsIKxRL8teMo1h6/hPBSNn/8mHLjE6Fj81rdt7FEflo6xDm5yEtMgbigADrWFq+lsUBunHp+ZX7Tdc/I1KKUXO9GU1MLVrbSfsjJPQBRj2/heNgadPtm0ltyvj8DI1MIhRolNttT1fX7Y3jj9auUfl/R9TuzWHp9YyvZOQxfv446vt8PVe9Kv5TPIiMtqcQv+68YmpTspzLSkmD0Mn1+Xg4ObpmNniPmwie4IQDA1tkHsVF3cTp8hcoHF0qLIV2UVOrmn4amlrJZCsVjKB6zg1sARvy+HTlZ6SgoyIehsTn+ndQNjm4BKi0/0dtwz4Uy5uPjgytXSq6HunLlCry9vUvNl5SUhJ07d2LDhg24du2a7HH16lWkpKTgwIEDpeaNiorC8+dFa0/PnTsHoVAIHx8fCIVCdO/eHWvXrpVL80pGRgYKCt5vs0MdHR0YGxvLPd60JEJb1xCmVi6yh7mNJ/SNrBDzsGg9aV5OBuKjbsDWNVjhOTQ0tWHtGIDoYnkkYjFiHp6Ty5OXk4Gd/w2AUEMLXwxYoLZfMzU1teDo5o8Ht87LjonFYjy8fR4uXh++TlQikWDrit9x8+JhDJ2wHBbWjqoorkIamtqwcQpA1H35/9Oo+2dh7654za69WzCe3j8nd+zpvTOwdwtWWzkVKVGnbD2hb2wlVz9yczIQ//Q67FwVx1JanYp+cLbUPKqmrWMAE0sX2cPM2hN6RpZ49rjo/zgvJwMJ0Tdg46y4XmloasPSPkAuj0QsxvPH52DtHFzqeyc9lw446htZKReDrqF8DK/a9yP59v0i6gZsXBSXR0NTG1YOAXJ5JGIxnj06V2qeIhLZgIaqaGhqw84lABF35csTefcsHDwU1w1H92BE3pVvGxF3z8DRPRgAEFSzHb6ZtAtfT9whexiZWqNWiwHoOXKpSssvi8E5AJH3SsbgWEr7dvAIRsS912K4cwYOL2MIrNkOX0/chYG/7JA9DE2tUbPFAPT4TvUxAICWpgb8nGxx/sFT2TGxWILz95+iglvJfYQUKRSL8fB5AiyNpRuYtqkegM0/9cfGMf1kDysTQ/RtUh0Lh3RRSxzvK/XcNVg0ril3zLJJbaScuwYAkOTnI+3KbVg2LrZuWyCARaNaSD2nnvXxmppacHL3x4Ob8te9B7fOwVWJ654iEokEBSpu169oamrDwc0fD28X1XWxWIxHSl6/P6ZX1+/oB69dv+6fhZ2b4vZt5xqMqAfy7Tvq3hnYvbx+m1g4Sq+jxc6Zm52BuKfXYa+ma6KmpjbsXQPw5I78Z/Hkzjk4eQYrzOPkWRGP78jH8ej2GVn6wsICFBbmQyCQ/5NIINSAWCxWafmBohgevxbD49vn4FxKDM6eFfH49msx3DoDZ6+S6XX1jWBobI7EuEg8i7gFvyrqvb0p0es4c6GMDRkyBPPnz8eIESMwcOBA6OjoYO/evVi/fj12795dar7Vq1fDwsICXbt2LTFNs3Xr1li2bBlatmypMK+uri769u2LWbNmQSQSYcSIEejatStsbaW/eP/+++84duwYatSogd9//x1Vq1aFlpYWTp48iWnTpuHixYswNTVV2f/B2wgEAlSsH4JLBxfB1NIVRuYOOL9vLgyMreEeWLTL8o6F/eAe2BQV6vUGAAQ36IdD68fC2ikQNs4VcP34KhTkZcOvekcALwcWFg1AQX42mveaibycDOTlSDdE1DM0h1CoodI4Gn4RgnULx8PJPQAunoE4Hr4GebnZqNGgPQBg7YJxMDGzRpse3wOQboYVH/MYgHSznrSUeDyLvAdtXX3ZLzZbl0/F5TNhGDBqLnT0DCBKlY5s6+obQltbV6XlB4CqTfojPPQn2DgHws61Ai4fWYX83GwE1pT+n4atGgNDUxvUbyfdh6NyoxBs/KcPLh5aDvfABrh3OQxxUbfQrOdvsnNmZ6YiPTkWGWkvAADJL9fMGxhbwsBEuT9kSyMQCBBcPwQXDyyEqZULjM0dcS5sDgxMrOEeVFSntv3bFx4VmqHiyzpVqWF/HFz3E2xe1qlrL+uUf42OsjyZogRkiRKRmhgFAEiMfQBtHQMYmdlB18BU5XEE1gnB1SOLYGLhAiNzR1w6OBf6RtZw8S+KY+/S/nD1b4qA2r0AAEH1+uL45nGwcgiElVMQbp0ORX5eNryrdAAAiJKi8OjaHjj5NoCuvimSY+/j7N4/YetWFRZ2PgrLokwMFeqF4PLhRTCxdIWxuQMu7J8LfWNruAUUxbDrv35wC2yKoDrSz6Ji/X44snEsrBwDYeNUATdOrkJ+XjZ8q3V8GUM0Hl0Pg5N3HegamCMzLQ5Xji6BhpYOnP0aKCyLMmo0649dy3+CnWsgHNwq4PwhaXkq1pGWZ+eyMTAys0HjjtK2Ua1JCFbP6oNzB5bDM6gBbl8Mw/PIW2jdR9o29A3NoG9oJvceQg0tGJhYwsJWPWvkazTrj10rfoKdSyDs3SrgwssYKryMYdfyMTAytUGjlzFUbxKC1TOLYrhzMQyxT98cg4aGFgyN1RcDAPRpVBW/rAlDgJMtAl3ssObYJWTn5aN9jSAAwPjVe2FtYojvvpTWg0Xhp1HB1R7OVmZIz87BysMXEJsiQsda0hk2pgZ6MDXQk3sPLQ0hLI0M4Gqj3C/wpdEw0IeBZ9EMIX03RxhX9EVechpyomPhM/UH6DrY4Hr/nwAATxdvgMvQXvCd9iOiV26FZaOasOvSChe/HCQ7R8TsFai4fDpSL99C2sUbcB3RF5oGeohe9W53mfoQDb8IwdoF4+HsEQBnjyAcD1stve41bA8AWDP/Z5iYW6Ntz5EApNe9uJfXvYKCfKSlvEBM5D3oFLvu7V43G37BdWFmaYfcnExcPhWGR3cuYvDP6lti1aB1X2xY9DMc3aVxnAxfjbycbFRrIO0z1y8YBxNza7Tu/ur6nSd//U5+gWeRd6Gjqw9LWxcAQG5OJhLjomTvkZwQg2eRd6FvaAIzy3cbCHsflRv1x/41P8HaKRC2LhVw9Zi0fQe8vH7tWz0GhiY2qPultH1XahCCzXP74PKR5XALaID7l8MQH30LTbtL27dAIEDlBiE4v196HTWxcMSZvdLrqEcF9d0Bo07Lvti6ZBzs3QLh6B6EM/tDkZebjSr1pJ/Flv9+grGZDZp3lc6Yrd08BEunheBU+Ar4VGyAG+fD8DziNtr3ly7X1dUzhKtvNezbOBOa2rowtbRH5L2LuHZ6J1r1+EktMdRr1RebF4+Dg1sgnNyDcPpVDPWlMWxaJI2hZTdpDHWah2DxHyE4GbYCPsENcONcGJ5F3EaHr4qWHN88vw8GxuYwtbBDXPQD7F7zB/yrNIF3kOo3pSR6Ew4ulDF3d3ecOHEC48ePR9OmTZGXlwdfX19s3ry51MEBAFi+fDk6dOigcP1np06d0KdPHyQmKp7q6OnpiY4dO6J169ZITk5GmzZtsGDBAtnr5ubmOHfuHP78809MnToVT58+hZmZGYKCgjBz5ky55RofS+XGA1GQl42jmyciN1sEO7cqaPvNErmZBmmJUcjOTJE996rUGtkZybiwbx4yRQmwcvBD22+WyKb0vYi5LdtRf/UfzeXeL2TCIRibq3YWQKVarZAhSsG+LfMhSk2Eg4svBo1dJJsGl5IYKzdyLkp5gVnjOsueH92zEkf3rISHX1V8O3ElAOD0oY0AgH+n9Jd7rx6Dp6L6y0ELVfKt0hpZ6ck4vWcustKl/6edhy2VLXMQpcjH4OBeGV/0n4VTu2fj1O6/YWrlivbf/Asr+6JZOY9vHMG+NeNkz/csl345q9X6W9T5YrjKY3ilSpOvUZCXjSMbpXXK3r0K2g1a+lqdikZ2RlGd8q7cGtmZyTgXPldWp9oNWio3rfTm6Q24sH++7PnWedI/6Jv2mCY3CKEqFetL28bJ7ZOQlyOCjUtltOy/WC4OUVIUcrKK4vCo0Bo5GSm4fGgustKlSyha9V8si0OooYVnj8/i1ulQFORnw8DEFm6BzVCp0RCVlx8AghsORH5eNo5vmYi8HBFsXaugzcAlJWMo1r49g6WfxcX985CVngBLez+0GVjUvjU0tREbcRk3ToYiN1sEPUML2LtXRYdh66FvqPo/CAOqSdvG8Z3SumHj5Ice3y2VLYtIS5ZvG06eldF+4Cwc2zEbR7f/DXNrV3Qd9i+sHUqfsaZu/tVaIzM9Gcd3vYzB0Q/dR5Qeg6PHyxh2zsaxHdIYugwt2xgAoGVlP6RkZGNB2CkkijLh42iNBUO6yG4vGZcigrDYtTM9Owe/bdiPRFEmjPV14e9kg1Uje8GjDO8KYVIlELUOr5Y995/1MwAgOnQbbgwYBx07K+g52clez46MwcUvB8H/r3FwHR6CnJg43Bw0AYkHT8nSxG4Oh7aVObwnjYCOrRVE1+/iQpuByHttk0dVqly7JTJEyQjb9C9EqYlwdPXF4HGLZMsJUpJiIRAWfRZpyS8w86ei2SBHdq/Ekd0r4elfFcMnrQAApIuSsXbBeKSlJEBP3wj2zl4Y/PMi+FZQ39r44FqtkCFKxv4t85Gemgh7F18MHPufbGr963GIUhLwz89F1+/je1fg+N4VcPerhqG/rAQARD+5jUVTi67du9bMAABUrd8O3Qf/ofIYfCpLvxOdDZuLLFECrBz90GFI0fU7/bXrt717ZbTqOwtn9s7G6d1/w9TaFV8O/BeWxa7fVZt+jfy8bBzaUHQd7ThkqVr3tAmq0RqZohQc3jYXGWmJsHP2Q9/Ri2VLBFKTYyEotizY2asSug6eiUNb5+Dgln9gYeOCnt/Ng41jURzdhvyFA5v/weZFPyI7Mw2mlvZo1nkkqjfurpYYKtRsjYz0FBzaOhfpL2Po/+NiWX1KTZL/LFy8K6H7kJk4sGUO9m/+B5Y2Lug9ch5snYpiEKUmYO+66dIlH6aWqFS3HRq3V881+1MkBvfD+VQIJBJugUEf37y95b/aedi93/KQT9WzZPXfd/5jyMsv6xIoLztb9VMwy4KmZvm/yFuYlv8YgM9nk6uuOW+/zfKn7nCbGWVdBJXQuHizrIugtPzCz2NV8LPEz+M3QguT8n/t0/g8qhQ6Vi+fgey5Uj6/k7ep/Hm04eLKZw0iIiIiIiIiok/G5zdcQkRERERERP8XPpdZep8DzlwgIiIiIiIiIqVwcIGIiIiIiIiIlMLBBSIiIiIiIiJSCvdcICIiIiIionJJIvk87vD0OeDMBSIiIiIiIiJSCgcXiIiIiIiIiEgpXBZBRERERERE5ZKYt6L8ZHDmAhEREREREREphYMLRERERERERKQUDi4QERERERERkVK45wIRERERERGVSxLuufDJ4MwFIiIiIiIiIlIKBxeIiIiIiIiISCkcXCAiIiIiIiIipXDPBSIiIiIiIiqXJBCUdRHoJc5cICIiIiIiIiKlcHCBiIiIiIiIiJTCZRFERERERERULol5K8pPBmcuEBEREREREZFSOLhARERERERERErh4AIRERERERERKYV7LhAREREREVG5JOGeC58MzlwgIiIiIiIiIqVw5gKVCQM9QVkXQWnamuKyLoJKdLI+WdZFUImlD+uUdRGUZmbyeYz3anwGYTS2vVnWRVAJkYZ5WRdBJS7ldi/rIihN42Kfsi6CShRWCyrrIigt/ei9si6CSpw4GlPWRVCJkf2MyroIStPTzCnrIqiITVkXgMo5Di4QERERERFRucRlEZ+Oz+D3JSIiIiIiIiIqSxxcICIiIiIiIiKlcHCBiIiIiIiIiJTCPReIiIiIiIioXBJLyv9G8Z8LzlwgIiIiIiIiIqVwcIGIiIiIiIiIlMLBBSIiIiIiIiJSCvdcICIiIiIionJJIinrEtArnLlARERERERERErh4AIRERERERERKYXLIoiIiIiIiKhc4rKITwdnLhARERERERGRUji4QERERERERERK4eACERERERERESmFey4QERERERFRuSTmngufDM5cICIiIiIiIiKlcHCBiIiIiIiIiJTCwQUiIiIiIiIiUgr3XCAiIiIiIqJySSIRlHUR6CXOXCAiIiIiIiIipXBwgYiIiIiIiIiUwmURREREREREVC5JeCvKTwZnLpQjrq6umD179kd7v8mTJyM4OPiNafr164f27dt/lPIQERERERHRp4kzFz6yhg0bIjg4uMQgwcqVKzFy5EikpqaWmvfixYswMDB47/f09fVFREQEnj59Cltb23fON3r0aAwfPvy9308drhxbi/MHlyFTlABrR1807fYL7F0rlJr+3uVwnNw9B2lJz2Bm7YqGHUbDI7ABAKCwMB8nd83G41snkJYYDR09Q7j41kaD9qNgZGqj1jiO79uAQ7tWQpSaCAcXb3T9ahxcvYIUpn0e/Qh7N/6LqCd3kZzwHJ36/YjGX/SRS7N30wKEbV4kd8zG3hUT5+xSWwxb9h3B2l37kZyaBk8XJ/zwVQ8EeLm/Nd/B0xcwcfZi1K8WjOljvpUdP3b+MrYfOI57T55ClJGJVTMmwtvNWW3lf0UikeDKoXm4f2kz8rLTYeNSCbXbTYKJpesb8905uxY3Ty5HdkYizG19UavteFg5FdXFvUtCEBdxUS6Pb/VuqNN+sspjuHp8LS4ekrYLKwdfNOn6C+ze0C7uXwnH6T1F7aJ+u9Fwf9kuAODBtQO4fnID4qNvIyczFSFjd8DayU/l5X7d59K+d+wNx8Ztu5CckgoPNxcMHzQAft5eCtOeOHMO6zZvw7PYOBQWFMLB3g5d2rdF88ZFn8f0f+Zj/5FjcvmqVQ7G9F8nqC2GsN07sH3rRqSmJMPVzQNfDxkObx/FdeDAvj04evggop5GAAA8PL3Ru+8AufTtWzdWmLfvV9+gQ+fuqg/gpSNhG7FvRyjSUpPg5OqNngPHwN07UGHaZ1GPsWP9Qjx9fBdJCbHo/tUoNGvbSy6NuLAQOzf+h3PHw5CWmgRTMyvUadwWbboMhECgno3ETu5fjyO7X10vfNCp/zi4eCq+XsRGP0LYpn8RE3EHyQnP0SFkDBq+dr04dWAjTh3ciOSE5wAAO0cPtOg0GP6V6qml/ABgXrcq3EcNgEnlQOjaW+NSp6GI33X4zXnqV4f/rLEw9PdCTnQsHk1biJjQ7XJpXIb0hPsPA6BjawXRjXu4PXIK0i7eVFscAHDhyFqc2bcMGWmJsHXyRaueE+DgXno/dfviPhzdMQepic9gYeOCpp1Hw6tCA7k0Cc8f49CWWXj64CLEhYWwsvdA16FzYWJhr9ZYOjczRqNqBjDQE+JBZC6W70hFXFJBqem/bGiEagF6sLfWRF7+/9i77/Aoiv+B4++79N577yGhhN5BehFEFBAQKV9QsSHSBAugiIgiIqAoSkekSO+9d8HQe00IIb333P3+OLhwcAE0FyH+Pq/n2efh9maWmezM7N7szKyaSzcK+H1jOreTSuJ88oYLEYFmOvG2Hcpi9qo0g6d/6/plbFi1kPTUZHz8Q+j9xjCCQiP1ht25ZRX7dq4n9sZVAAKCwun62ts64Y8e3MmOTSu4fuUcWZkZfPHdQvwCQw2e7vttXLeCNcsXk5aagl9AEP0Hvk9IWITesFs3rWX3js3EXNfkITA4jJ59XtcJP33yl+zavkknXlSNOnwyblL5ZUIIPWTkQgVQUFAAgIuLC5aWln8r7r59+8jNzaVLly7Mmzfvb8W1trbGycnpb8UpD+f+3MCO5RNo+Pw79P1oJa7e4Syd2p/sjGS94WOvHGfN7KFUbdCFvh+tIqRaC1b89A6Jty4CUFSQR/zNszRo/xZ9Rq3gxTemk3LnGitmvFWu+Ti2fxMr5n1D+64DGTlxCd5+YUwfP5DMdP35KMzPw8nVm06vvo+tvXOpx/XwCeLLmTu025Bxf+88/x3b9h9h6ryl9O/akbkTRxPi58MH46eQkp7xyHi3E5KYNn8ZUZUe/qGVm1dA1fAQ3un1cnklW6+Te37l7MGFNOw0lhfeWoKxqSWb57xOUWF+qXGuntzA4Q0Tqd7iHTq9sxxHjzA2zXmd3CzdcxhWuys9Ru3RbrXbDjN4+s8f28CuFROo3/4dXhupqRd/TO9Pdqb+8nTr6nHWzRlK5fpd6D1qFcFVW7Bq5jskxl3UhinMz8ErqAZNOhk+vaX5r9TvnXv3M+PXefTu0ZWfp3xNUIA/H47+gtS0dL3hbW2sebXby0z/5kt+mfYtbVs24+vvf+Do8WidcHVqRPHH/F+02yfDB5dbHvbt3snsX2bQvWdvJk/7Gf/AID779EPS0lL1hj998gSNmzZn3ITJTPx2Os7OLoz9ZATJSYnaMHMW/qGzvTd4OAqFgvoNm5RbPo7s28ySOZN54ZU3GPPtInz8Q/ju83fISEvRG74gPw8XNy9efm0Qdg7629qNK+eya9Mf9Hz9Q76YtpwuvQexceU8tq9fXC55OH5gEyvnf0Oblwcy/KulePqFMuPLN0u9XhTk5+Hs5k3HHoNLvV7YO7nRsedghk1YwrAvFxNSuS6/fjOI2zGXyyUPAEZWlmScvMDpQZ89UXgLf29qr/mZ5F2H2VerE9emzaPKz1/g3KqRNoxH13ZU+mYUl774gX11OpN58jx118/C1MWxvLLB6SMb2LLkK5q+8A5vjlmBm08YC78bUGo7FXP5OMtnDqV64y68OWYlYdVbsnj6uyTElrS3KQk3mfNVT5w9AukzfD4DP1tNk45vY2xipveYhtKxqQ1tGlgze1Uqn/6QQF6hmpH/c8bkEY8bKwWYsfVQFqN/SGDCrCSMjGBkf2fMTHQ71nYczuKtL+K02+8b9bd/ZXFo71YWzZ5C51cGMG7yfHwDQvh67CDSS6nf504do37jNnz0xQzGfD0LR2c3vh77HinJCdow+Xm5hFaqxiu939V7DEPbv2c78375ga49+/L11F/xDwjmi0+HkV5KW3vm1F80atKCsRO+58tvZ+Ds4sq4T4fptLUAUTXr8suCldpt8Igx/0Z2hNAhnQvPoHtTDcaPH4+npydhYWHAw9Mi0tLSePPNN3Fzc8Pc3JzKlSuzbt06nWPNmjWLnj178tprrzF79uyH/q/Y2Fh69OiBo6MjVlZW1KpVi8OHDwMPT4soLi5myJAh2Nvb4+TkxIgRI1D/C5Ocjm6fQ7WG3aja4GWcPYJp0+MzTEzNOXVwud7wx3bOJzCiMXVbD8DZI4gmLwzGzSeC47sXAmBmYUP39+dQqWZ7nNwD8QqMotUrnxJ/8wwZKXHllo/t6+bToMXL1G/2Ih4+QXR/41NMTS04uGOV3vB+wZV5qfdQajVsh7GJaanHVSqNsXNw1m7Wtg7llAP4fd1WXmjRmA7NGhHg48mIN3phZmrKuh37So1TXKxizNRfGNDtBTxdXR76vl3T+vTv2pHaVfT32JcHtVrNmQPziWo2EL+IFjh6hNG061fkZCZw4+y2UuOd3jePsNpdCa35Eg5uwTTsNBZjU3MuHluhE87YxBxLGxftZmpubfA8/Ll9DlUadKNKfU29aNVdUy9Ol1Ivju+cT0BEY+q0GoCTexCNOmrqRfTdegEQWfdFGrR/F7/w+gZPb2n+K/V72aq1tG/TknYtm+Pv68MHb7+BmZkZG7fu0Bs+qkplGtevi5+PN14e7rz8wvME+vtx6uw5nXAmJiY4OjhoNxtrw5ele1avXEbrtu1p0bodPr7+vPXuB5iZmbF9y0a94YeM+Jj2HToRGBSMt48v77w/DLVKzckTf2nDODg66myHDx2gctUo3D3K78nsljW/0aRVZxq16ISnTyCvDfwYUzNz9m1frTd8QEgk3fp+QN3GbTA2NtEb5vL5E0TVaUq1Wo1xdvWkVoOWREbV49ql0+WSh13rNdeLes064+4dRLcBozE1teDQzpV6w/sFV6ZTr6HUeMT1onLN54is3gRXDz9cPf3p0H0QZuaWXL90slzyAJC4eQ8Xx0zhzurS29X7+b3RndxrsZwbMZGs81e58eNvxC/fTMD7fbVhAgb3I2bWUmLnrSDr3BVOvT2G4pw8fPqWXwf1oS1zqdGkK9UbvYyLZzAdXtO0U3/t099OHd62gODKjWjYtj8unkE07/w+Hn4RHNnxmzbMjhVTCKnSlFZdh+PhF4Gjqy9hUc2xsi3fhzptG1qzakcGx87mERNfyIwlKdjbGlErwqLUOBPnJLHnWA63Eoq4ebuQn5al4uJgTIC3bn3JL1STnqXSbrn5hr9H3Lh6Ec+1fpEmLTvi5RtIv7dGYmZmzp5ta/WGf3voOFq274JfYCie3v4MePdjVCo1Z0+UjDBs1Kw9nbsPILJaHYOnV5+1K5fSsm0Hmrdqj4+vP2+8OxQzc3N2bFmvN/zg4aNp26EzAUEhePn4MXDQCNQqFadOHNMJZ2JigoOjk3aztrH5N7LzTFCpK+b2XySdC8+o7du3c+HCBbZu3fpQhwGASqWiXbt27N+/n4ULF3L27Fm++uorjIyMtGEyMzNZtmwZvXr1olWrVqSnp7N3717t91lZWTRt2pRbt26xZs0aTpw4wYgRI1CpVHrT9O233zJ37lxmz57Nvn37SElJYeVK/Tc6hlJcVED8zTP4hTfQ7lMolfiHN+DW1b/0xrl1NfqhH0cBEY24dTW61P8nPzcLFArMLGwNku4HFRUWEnP1HOFV62n3KZVKwqvW5erFE2U6dmL8DT56owWj32nHnO9HkpJ4u6zJ1auwsIgLV29Qu2pJJ4BSqaR21Uqcvni11Hiz/1iLg60tL7Qov6G3f1dmaiy5mUl4BpWUE1NzG1y8q5JwU//5KC4qICnuDJ7BJXEUSiWeQfVJuBmtE/ZK9DoWflGf5VM6cnTzZIoKcg2a/uKiAu7EPFwvfMMbEFdKvYi7Fo1fmG698K/UiLhr0XrD/xv+K/W7sLCQi5evUrNayRBppVJJzagqnL1w4bHx1Wo1x0+cJPZWHFUjdTvZok+f4aVe/6P3wEF89+NM0jMyDZ5+0OThyuWLVI2qqd2nVCqpFlWTC+fPPtExCvLzKS4uwtpa/w1tWmoKx44eomXr9gZJsz5FhYXcuHKOStXqavcplUoiqtblyoV//iM6OLwa504eIf7WDQBirl3k8rloqtRoWOY0P6ioqJCYq2cJraJ7vQitUo/rl8p2vbhHpSrm+P6N5OfnEhBazSDHNAT7elEk7Tiosy9x6z4c6kUBoDAxwa5GJEnbD5QEUKtJ2nEA+3rVyyVNxUUFxN04Q2Al3XYqMKI+sVei9caJuRJNYEQDnX1BkQ214dUqFZdO7sLR3Z+Fk/vzzeAG/PpFN84ff7JOmH/K1dEIB1sjTl8uGaGXm6/mSkwBIX6lP8R4kKW5ZsRCVo7u/WLDKEt+/tSDiYPdeKWNLaYmhp0yVFRYyPUr54msVlu7T6lUElmtNpcvPNm0mPz8PIqLi7CyKZ/rweMUFhZy9fJFqkbV0u5TKpVUiarJhfNnnugY2rb2gTycORXN/3q+wKA3XmXmD9+SmWH4kSNCPI6sufCMsrKy4tdff8XUVH9jv23bNo4cOcK5c+cIDdXMCwsM1J33vnjxYkJCQoiM1Mwr6969O7NmzaJxY82PvEWLFpGYmMjRo0dxdNQMJwwODi41TVOmTGHUqFG89NJLAPz0009s3ry5bBl9jJysVNSq4od68i1tnUi+o/8HbXZGEla2usNCrWydyM5I0hu+qDCfXSsnEVHrecwsyuepYFZmKipVMTZ2uvmwsXMi/ta1f3xc/5AqvPbOF7h5+pOemsiGZT8xeXRfPpm8AnOLv78+x6OkZWZRrFLhaKd7MXO0s+XGrXi9cU6cu8TaHfuY/81og6alrHIzNWXBwlr3fFhYO5OblagvCnk5aahVxXriOJGeWHIOg6p1wNreE0tbV1LiL3B007ekJ16jZa9phkv/vXpho5sWKxsnUuJLrxeWD9QLy0fUi3/Df6V+p2dkolKpcHCw09nvYG/PzdhbpcbLys6mW983KSwsRKlUMvitAdSqXvJDr3bNKBo1qIuHmytxt+8wa8EiRo4dz/Rvxut0JBtCZkY6KpUKewfdkU929g7Extx8omPMmzMTB0cnqlWvqff7Hdu2YGFhSf2G5dfRmJmZhkpVjK2d7hB5W3tHbt+6/o+P2+6lfuTmZPPJey+hVBqhUhXT+dV3qNfU8B0l2RmlXy8S4v759QIg7uZFvvukF0WFBZiZW9J/2BTcvYPKdExDMnNzJv+Obl3Ov5OEiZ0NSnMzTBzsUBobk5+Q/ECYZKzCHr/2zz+Rk6m/nbKydSbptv7zkZWe9FB4a1tnsu62U9mZyRTk57B/wy806/w+LbsM4/LpvSz58T36DJ+Hf1j5PEG3s9a0G+lZxTr707OKtd89jkIBr3Ww58L1fGLvlKy5cCA6h6TUIlIzivH1MKF7Ozs8XEyYslD/1JF/IjNDU7/t7B+u33GxN57oGEvmT8fB0flfG6XwIE1bW4ydvW5ba2/vyK0nbGsXzvkJB0dnnc7gqJp1qdugCa7uHty5HceieTMZP2Y44yfNMPj1QohHkc6FZ1SVKlVK7VgAiI6OxtvbW9uxoM/s2bPp1auX9nOvXr1o2rQp06ZNw8bGhujoaKpXr67tWHiU9PR0bt++Td26JU+DjI2NqVWr1mOnRuTn55OfrzuPvbDADBPT8p1X+CSKiwtZ/cv7gJrWPZ5sTuizJPK+hbi8/ELxD6nCp2+15fiBzTRo8dJTTBlk5+bx2bRZjBrYG3vbpzs073L0WvavGqv93Lr3jHL7v8LrdNP+29E9FEsbFzbO6kdG8k1sncp/oUpR4lmv35YWFvzy/Tfk5uVx/MQpfpw1Dw93N6KqaBYebN6kZJ55oL8fgQF+9Hr9HU6cPkONaqUvJPc0LF+6iH27d/LFxMmlXru2b91Ik2YtHnlte1Yd3b+VQ3s28voHX+LlG8jNaxdYPOtb7cKOFYWrZwAjvv6DvJxMog9t5bcfPmHQ2DnPVAfD/wfquyNEw6o3p37rvgC4+1Yi5vJfHNu12GCdCw2jLOjfueRH7Ndzy96Z3K+TPT7uJnw2Q7cjfseRbO2/Y+4UkZqp4pPXXXB1NCIhpfjBwzwVa/+Yx6G9W/lo/AxMn4F70H9i5dKF7N+znbFfTdXJQ6OmLbT/9vMPws8/iHcGdOfMqWidToj/KnkV5bNDOhf+Zba2tqSnPzxMKS0tDTu7kqdej3srhIVF6XPjAM6ePcuhQ4c4cuQIH374oXZ/cXExixcv5vXXX3/sMQxlwoQJfPaZ7o39C73H0KnP2MfGtbR2QKE0emjRpJyM5IeeXt5jZev80FPMbD3hNT88BpOeEkePwfPK7akmgLWNA0ql0UOLcWWmJz9ysca/y9LKFldPPxLjYwx2zHvsbawxUiofWrwxJT0DJ3u7h8Lfik/gdmISw78qeWKvutv6N3rlDRZ//wXe7q4GT6c+vpWa43rfGx2KizSLpOZmJWNpW5KG3KwkHD30r4xvbmmPQmn00OKNuVnJWNiUfg7vvUnCkJ0LFvfqxQOLN2ZnPrpe5DxQLx5Vj/4N/5X6bWdrg1KpJDVVt21PTUvD0cG+1HhKpRIvTw8AggMDuBlzi0XLVmo7Fx7k6e6Gna0tt+LiDd65YGNrh1KpJC1Vd0Gx9LRUHB7TAb1q+RKWL/udz8dPwj9A/4/UM6dPcis2hmEjy3cUk42NPUqlERnpuou7ZaSlYGf/z+eyL5s3hfYv9aVu4zYAePuFkJwYz4YVcwzeuWBlW/r1wqYMeQAwNjbBxV3TDvkERnLzyml2b1jIK288Gwu/5d9JwsxNty6buTlTmJ6JKi+fgqRUVEVFmLk6PRDGifz48hmFZWmjv53KzkjC2k5/O2Vt5/xQ+KyMJKzvtlOWNg4ojYxx8dAdLersEUTMZd159GVx7Gwel2PuaD8bG2mmKdhZG5GWWTKlwc7aiBu3Cx57vL4v2FM93JzPf04kJePRHQZXbmqO5+5kbLDOBRtbTf1+cPHGjLQU7B0eXTfWr1zIuhXz+PCz6fj663+Lz79B09YaPbR4Y1paCvYOj25rVy//nZV/LGL0+MmltrX3uHl4YmtrR/zt2P8XnQvi2SFrLvzLwsLCOH78+EP7jx8//shRCA+qWrUqsbGxXLx4Ue/3s2bNokmTJpw4cYLo6GjtNmTIEGbNmqU9RnR0NCkp+lfYvZ+dnR0eHh7axR4BioqKOHbs8RfBUaNGkZ6errO17zHqifJpZGyKu28kNy6UzMFUq1Rcv3AQr0D98yu9AqO4ceGQzr7r5w/gFRil/Xzvh0dqwg26vz8XC+vyWwQRwNjEBJ/ASlw4VfL3U6lUXDh1mEADznfNy80hKT4G21JWPC8LExNjwgL9+PNUyYJzKpWKP0+dp3Low8NR/bw8WPjtZ8z7Zox2a1yrGjUiw5j3zRjcnMpvZe8HmZpZYevkp93sXYOxsHEm7kpJOSnIyyIx9iSuvvrPh5GxKc6ekdy+XBJHrVIRd+UQrr5Rpf7fKbfPA2Bp8/Bilv+UkbEpbj6R3HygXty8cBDPUuqFZ8DD9eLG+QN4BkQZLF1/13+lfpuYmBAaHMjxkyVzflUqFcdPnCLi7oK8T0KlVlFYWFjq94lJyWRkZuLoaPj8mJiYEBQcyskTJdcnlUrFyejjhIWXvtjqimWLWfr7QsaMm0hwaOl53bZlI0HBoQQElu8TcmMTE/yCKnHu5BHtPpVKxblTRwgK++cdMgX5eSiUurdMSqVS+wTakIyNTfAJjODiA9eLi6cP4R9i2PUR1Go1RUWP/1H5b0k7FI1T83o6+5xbNCD1UDQA6sJC0o+fwbn5feuuKBQ4NatP2iH967SUlZGxKZ5+kVw9p9tOXT13CO+gKL1xfIKiuHZOd+2Iq2cPaMMbGZvi6V+Z5HjdaRUpd64b9DWUeQVq7iQXa7dbCZppC5HBJU+8LcwUBPmYcunGo8tB3xfsqRVpwfhfkkhMfXxngZ+nZrHH1EzD1RFjExP8g8I5e7JkMUaVSsWZk38SHKb/Na0A61bMZ/XSWQwf8z2BIf/e4tH6mJiYEBgcyqnokvtnlUrFqejjhIXrf50mwKo/FrF88Xw++fwbgkPCH/v/JCclkJmZgcNjOl2EMDQZufAve+utt5g+fTqDBg1iwIABmJmZsX79en7//XfWrtW/0q0+TZs2pUmTJrz88stMnjyZ4OBgzp8/j0KhoEWLFixYsIDPP/+cypV1n4ANGDCAyZMnc+bMGXr06MGXX37Jiy++yIQJE/Dw8OCvv/7C09OT+vUfXi3+/fff56uvviIkJITw8HAmT55MWlraY9NqZmaGmZnu8LNHvPzgIbVb9GP9vA9x962Mh39V/twxj8L8XKrU1wz7Xzd3BDb2bjR9cSgANZv15vfJr3Fk22yCKjfl3J8biL9xmrY9Pwc0PzxWzRzEnZizdHn7Z1SqYrLSNcP7LKzsMDIunyG7LTr0Zv4Pn+AbFIF/cBV2rF9Ifn4u9Zq9CMC8aR9h7+hGp1ffBzQLF92OvaJJc1EhackJxFw7j5m5Ja4emidPK+ZPokrN53B08SA9NZH1S35EqTSiVsN25ZKHHh1aMe6H2YQH+REZHMDi9dvIy8+nQzPNomafTZuFi6M9b7/6MmamJgT5eunEt777KtX796dnZnEnKYWk1DQAbsZp1m9wsrfDyeHhERGGoFAoiGzQm+idP2Hr7IeNgzfHtk7F0sYVv4iW2nAbfu2Hf2RLIupr3nlfuVEf9vwxCmfvyrh4V+H0/vkUFeQSWqMzoBmdcOXEOnzCmmJmaU9K/AUOr/8Kd/9aOHo8+Y/MJ1GrRT82zv8Qt7v14tjdelG5nqZebJg3Amt7N5p00tSLGs16s+S71zi6bTaBlZty/tgG4m+eptXdegGQm51GZsptstI1r+hKSdDc+FrZOmNlZ7jOkfv9V+p31xc78tV30wkLDiI8NJjlq9eTl5dP25bNAJgweSrOTk683kdTlhYtW0FocBCeHu4UFhZy+M/jbN25h8FvvQ5Abm4u835fRpMG9XB0sCcuPp6f5yzEy8Od2jWiyiUPnTp35fvJXxEcEkZIaDhrVy8nLz+PFq3aAjBl0gScnJx5rZ8mjSuW/c6iBXMZMuJjXF3dSb3bUW1uYaEzMi4nJ5sDe3fTb8DAckn3g1q/8Cqzpo7BPyiCgJBItq1bRH5eLg1bvADAr99/ioOjKy+/9h6gaWvjYjVrfBQVFZKanMDNaxcwM7fA7W5bW612E9b/MQtHZ3e8fIO4efU8W9YspFGLTuWSh+ee781vP36Mb1AkvkFV2L1hAQX5udR97kUAFk7/CDtHVzr2HKxNd/zd60VRUSHpqQnEXtdcL+6NVFi7aAqVohrh4OxBfl42x/Zt4PLZowz86KdyyQNoXkVpFVwyYssywBvbauEUpKSTF3ObsC+GYO7lxol+mhGWN2Yuxu/tVwmfMJyYuctxblYPj67tOPrCm9pjXJsyh2qzJ5J27DTpR0/iP6gPxlYWxMxb8dD/byj1Wvdl1ayRePpXxiugKoe2adqpqIaadmrlrx9i4+BKy5c17VTdlq8x9+veHNg8m9Cqz3H6yHrirp+hY++S9rZB2/788dMQfENrERBel8un93LhxE76jphfbvkA2LQ/i87NbYlPKiIxpYiure1Iyyjmz7MlCw9/NMCZP8/ksuWgZqpDv072NIiy5Nv5SeTmq7Cz1nS05eSpKCzSLBTZMMqS6At5ZOao8HU34bUO9py7mk9MfOkdpv9Eu049mfn9ZwQEVyIwJJLNaxeTn5dLk5YdAPjpuzE4OLnySu93AFi3fB7LF83k7aHjcHb1IC1VM8LF3NwScwvNPUlWZjrJiXdITdFcK27fXbjVzsER+3J4WNOxczemT55AUEgYwaGVWL96Gfl5uTRrpVnDZeq343FycubVvppyv3LZbyxZOJvBIz7FxdWd1BTNqBhNW2tJbm4OyxbNpV7Dptg7OBJ/O46Fs2fg7uFFVM2ns7aE+P9LOhf+ZYGBgezZs4ePP/6Yli1bUlBQQHh4OMuWLaNt27Z/61jLly9n2LBh9OjRg+zsbIKDg/nqq69Ys2YNycnJdO7c+aE4lSpVolKlSsyaNYvJkyezZcsWhg4dSvv27SkqKiIiIoIffvhB7/83dOhQbt++TZ8+fVAqlfzvf/+jc+fOeqd5GFKlWu3JyUph37qpZGck4updiW7v/aodBp2RchuFouSJkndQDTr+bxJ710xhz+rJOLj489LAH3Dx0owMyUq7w+WTmtfDzRmve2PY44P5+IbWpTzUbNiWzIxU1i35kcy0JLz8w3jn4xnY3h3mmpoUr5OP9NQEvhpRMn9/+9p5bF87j5CIWgz+TPNa0bTkBOZ8/yHZmWlY2zoQFF6DYV8uxMaufEYFtGxYh9SMLH5dsprktAxC/H347uPBON6dFnEnKRml4u+tDr3vzxN88eMc7edPp8wEoH/XjgzoVj437gBVmwygqCCX/SvHUJCXgZtfDdr0m6nzjvHMlJvkZZcMXQys2p687FSObZtKbmYSTh6VaNNvpnZahNLIhLjLBzmzfz5FhblY2bnjH9mKqGZvGTz94TXbk5OZwv51U8nJTMTFqxJd3rmvXqTq1guvwBo8328S+9ZOYd/aydi7+PPiGz/g4lkyYurKyR1sWlgyqmjd7A8AqN/+XRo+/57B8wD/nfrdrHFD0tIzmPPbYlJT0wgK9GfiZx9rp0UkJCahvC8fuXn5fD/jFxKTUzAzNcXH25OPhg6iWWNNR51SqeTq9Rts2bGLrOwcnBwdqFW9Gv1e7Y6pif7XJZZVo6bNSM9I4/cFc0hNTSUgMIgxn0/UDtVNTEzQeXq/cf0aiooK+frLsTrHeaVnb3r06qv9vHf3TtSoafxc83JJ94PqNGpDZkYqqxbPICM1GZ+AMD4YPV07LSIlUbetTUtN5LMhPbSfN69ewObVCwiLrMmIL34BoOfrI1i16EcWzpxAZnoq9g4uNG39Mi90e6Nc8lCjQVuyMlLYsPQHMtKS8PYPZ+Con7TT6FKTb6NQlrS16SkJfPNhV+3nHWvnsmPtXIIjavHeGE37mpmRwm8/fkx6aiIWljZ4+oYw8KOfCK+q+1YDQ7KrWZn62xdoP0dM+giAmPkrONl/FGYeLlj4eGi/z70ey9EX3iTi21H4v9ebvNh4Tr35CUlbS153fHvZRkxdHAkdMwgzdxcyTpzjSIcBFCQYbuHAB1Wuo2lvd62aRlZGIu4+lXj1g1+00yLSU+JQ3Hft8wmuwUuvT2LnyinsWPEdjq7+dH93Oq7eJe1tpRqt6PDaWPZtmMmm38fj5B5At7en4htSvkPY1+7OxMxUwYCXHLA0V3Lxej5fzUmisGRtRtycjLGxKlkEsFV9zbSy0W/qTmX8aVkKe47lUFQMlYPNadvQGjNTJSnpRRw5ncuqHbrTKA2hXuNWZGaksnzRTNJTk/ENCGX4mO+19Ts56Y5OO7V90wqKigqZOnGkznE6dx/ASz009ff4kb38MrWk4+eHSR8/FMaQGjZpQUZ6GosXziYtNQX/wGA+/nyStq1NSryjcy+1ZcNqiooKmfSl7rSyrj378sqr/0OpNOLG9Svs2r6JnOwsHBydqVa9Nt1f64/J33maV4HJmgvPDoX6cavxCVEOZut/9XuF4uuc//hAFUANjjw+UAXw6yXDvxLu3+Zg99+YqWb0H8hGG+8ne63Zsy7D6N+bflSekvPtn3YSyiyroHw6hf5txbVLH35eUaTvPP+0k2AQ69aV/jaaimRw36e76LMhWBjnPe0kGESVYLennYR/pKL+rvjfv9Pn/q/6D9wCCiGEEEIIIYQQ4mmSzgUhhBBCCCGEEEKUiay5IIQQQgghhBCiQlLJJP9nhoxcEEIIIYQQQgghRJlI54IQQgghhBBCCCHKRKZFCCGEEEIIIYSokOTdh88OGbkghBBCCCGEEEKIMpHOBSGEEEIIIYQQQpSJdC4IIYQQQgghhBCiTKRzQQghhBBCCCFEhaRSVcztn/jhhx/w9/fH3NycunXrcuTIkUeGX7ZsGeHh4Zibm1OlShU2bNjwz/7jJySdC0IIIYQQQgghxDNsyZIlDBkyhDFjxnD8+HGqVatGmzZtSEhI0Bv+wIED9OjRg/79+/PXX3/x4osv8uKLL3L69OlyS6N0LgghhBBCCCGEEM+wyZMn8/rrr9OvXz8iIiL46aefsLS0ZPbs2XrDf//997Rt25bhw4dTqVIlxo0bR40aNZg+fXq5pVE6F4QQQgghhBBCVEhqdcXc/o6CggKOHTtGy5YttfuUSiUtW7bk4MGDeuMcPHhQJzxAmzZtSg1vCMbldmQhhBBCCCGEEEI8JD8/n/z8fJ19ZmZmmJmZPRQ2KSmJ4uJi3NzcdPa7ublx/vx5vcePj4/XGz4+Pr6MKS+djFwQQgghhBBCCCH+RRMmTMDOzk5nmzBhwtNOVpnIyAUhhBBCCCGEEOJfNGrUKIYMGaKzT9+oBQBnZ2eMjIy4c+eOzv47d+7g7u6uN467u/vfCm8IMnJBCCGEEEIIIUSF9LTXTvinm5mZGba2tjpbaZ0Lpqam1KxZk+3bt2v3qVQqtm/fTv369fXGqV+/vk54gK1bt5Ya3hBk5IIQQgghhBBCCPEMGzJkCH369KFWrVrUqVOHKVOmkJ2dTb9+/QDo3bs3Xl5e2qkV77//Pk2bNuXbb7/l+eefZ/Hixfz555/MnDmz3NIonQtCCCGEEEIIIcQz7JVXXiExMZHRo0cTHx9PVFQUmzZt0i7aePPmTZTKkokJDRo0YNGiRXzyySd89NFHhISEsGrVKipXrlxuaZTOBSGEEEIIIYQQ4hn37rvv8u677+r9bteuXQ/t69q1K127di3nVJWQzgUhhBBCCCGEEBWSSv20UyDukQUdhRBCCCGEEEIIUSbSuSCEEEIIIYQQQogykWkRQgghhBBCCCEqJLW6os6LUDztBBicjFwQQgghhBBCCCFEmUjnghBCCCGEEEIIIcpEpkWIpyIts6IOXypRwyfjaSfBIHanNnjaSTAIU5OKP7QsLr7waSfBIBwdKv6lJUXp+rSTYBB5RWZPOwkGYawsetpJKLPC4v/Gucjcef5pJ6HM7JqFP+0kGITF6H1POwkGYWOS9bSTUGYOhQlPOwkG4va0EyAquIp/ByiEEEIIIYQQ4v+lCrvkwn+QTIsQQgghhBBCCCFEmUjnghBCCCGEEEIIIcpEpkUIIYQQQgghhKiQVKqnnQJxj4xcEEIIIYQQQgghRJlI54IQQgghhBBCCCHKRDoXhBBCCCGEEEIIUSay5oIQQgghhBBCiApJXkX57JCRC0IIIYQQQgghhCgT6VwQQgghhBBCCCFEmUjnghBCCCGEEEIIIcpE1lwQQgghhBBCCFEhqWTNhWeGjFwQQgghhBBCCCFEmUjnghBCCCGEEEIIIcpEpkUIIYQQQgghhKiQ5FWUzw4ZuSCEEEIIIYQQQogykc4FIYQQQgghhBBClIl0LgghhBBCCCGEEKJMZM0FIYQQQgghhBAVkrrCvotS8bQTYHAyckEIIYQQQgghhBBlIp0LQgghhBBCCCGEKBOZFiGEEEIIIYQQokKqsLMi/oNk5IIQQgghhBBCCCHK5P9158L169dRKBRER0eX6/+za9cuFAoFaWlpfztu3759efHFFw2eJiGEEEIIIYQQwlD+09Mi+vbty7x587SfHR0dqV27Nl9//TVVq1Z9iikDtVrNr7/+yuzZszlz5gwqlQo/Pz9atmzJe++9R3Bw8FNN37NGrVbz55ZpnD+yjPzcDNz9a9C48xjsXPwfGe/0gd84sXsWuZlJOHmE07DTJ7j6Pnzu1Wo1G2e/QcyFvbTuPZ2Ayi3LJR+b1y1n7YrfSUtNwS8giH5vfkBwWITesNs3rWHPjk3E3LgKQEBwGD16v1lq+F+mf8O2Tavp/fognu/UrVzSD3Bw6yJ2b5hNVnoSHj5hvND7Y3yCSq9PJw9vYuvyaaQm3cLJzY92rwwhPKqp9vvM9CQ2Lp7MpdP7ycvJJCCsFi/0/ghnd/9yywNozvnRLdM4d7ikTDV5aQz2jytT+38jevcscu6WqUYvfoLbfWVq9x+jib10kOyMBEzMLHH3q06954fh4BpYbnl5rqqSGiFKzE0gJlHN+iPFpGQ+Ok7tUCUNIpRYW0B8qpqNR1XEJZeMK3SwhlY1jPB1VWCshMu31Ww8Wkx2nuHTr1arObJpGmcOac6FR0ANnuvy+HNxct9v/LVTcy6cPcNp0vkT3Pw05yIvO43Dm6cRc2E/mam3sbB2JLByC+q2ex8zCxvDZwLYuG4Fa5Yv1tbv/gPfJ6SU+rp101p279hMzHVN/Q4MDqNnn9d1wk+f/CW7tm/SiRdVow6fjJtULukH2Lp+GetX/kZ6ajK+ASH0fmMoQaGResPu3LyKvTs3EKtto8Lp9tpbOuGPHtjJ9k0ruH7lPFmZGYyfsgC/wNByS/8929YvY+OqhaSnJuPjH0KvN4aVmo9dW1axf+d6bT78g8Lp8trbOuHVajUrF81k19ZV5GRnERJelT5vfYi7p2+55WH/lkXsWjeHzPQkPHzD6NznI3yD9be18bGX2bxsGrHXzpKaFMcLr31Ik3a9dcJcOfcnu9bN5ta1s2SkJdL3g6lUrt2i3NJ/z5Edv3Fg0yyy0pNw9wmnXc9P8Aos/Zpx5ugmdq76nrS714yWXYYRUrWpTpjEuCts+2MSNy4eRVVcjItnEN3enoqdk6fB0+/YqBaBQ/tjV6My5p6u/Pny29xZs/3RcZrUIWLSSKwjQsiLuc3lCTOInb9SJ4zfWz0JHNIfM3cXMk6e58zgcaQfPWXw9OvTqaklTaqbY2mu5HJMIQs2ZpGQUlxq+PYNLagRboaHkxEFRXAltpBl27O5k1wSp0l1c+pWNsPPwxgLMyXvfp1Ebn75jFXfsHYVK5cvIS01Bf+AIF5/6z1CwyrpDbtl0zp2bt/KzRvXAAgKDqVXn/464V9s31xv3D7/e4POXbobPgPAyvWbWbxqLSmp6QT5+/L+G/2oFKr/3n/PwSMsXLaKW/HxFBUV4+3pTrdOz9OmWROdcNdjbvHzvEWcOHOW4mIVfj5ejBs5BDcX53LJgxD6/OdHLrRt25bbt29z+/Zttm/fjrGxMR06dHiqaVKr1fTs2ZNBgwbRvn17tmzZwtmzZ5k1axbm5uZ88cUXTzV9z6ITu37l9P4FNH5pLJ3fW4qxqQXrZw2gqDC/1DiXozdwcO1X1Gz5Di+/vwJHjzDWzxpAblbyQ2FP7Z1Heb8O5sCe7cz/dTov9+jHV9/Pwi8gmC9HDyE9LVVv+DOn/qJB05aMnjCNcZN+xsnFjfGjh5CSlPhQ2CMHdnPpwhkcHMv3AnLi0EbWLZpIy85v8964P/DwDWfW12+Qlf7w3xTgxsW/WPzjcGo1fYlB45YTWbMFC6a8R3zMJUBTFxZMeY+UxBh6fzCdQV8sx97Zg1+/6k9BXk655iV616+c2reAJi+N5eX3lmJiasG6Xx9fpvav/Ypard6hy+AVOHmGse7XAeTcV6ZcvCNp9sqXdB++ng4DfkWNmnW/9EelKv3GrSwaRiipG65k/eFift1UREER9GpujNEjWvdIPwWtayrZfbKYnzcUcScVejU3wtJM872JEfRqoel7nr+tiNlbijBSQo/njMolD8d3/MqJvQt4rutYug7WnIs1Pz/6XFz6awP7Vn9F7Tbv8MoQzblYM3MAOZmac5GdkUB2egINXxhBzxFradljAjcu7GXHko/LJQ/792xn3i8/0LVnX76e+iv+AcF88emwR9bvRk1aMHbC93z57QycXVwZ9+kwkh+o31E16/LLgpXabfCIMeWSfoBDe7fy26zv6dy9P198Nw9f/2Amjnmf9LQUveHPnT5O/Sat+Xj8j4z95lccnV2ZOGYQKckJ2jD5+bmERVTjlT7vllu6H3R471Z+nz2FTq8M4LPJ8/EJCGHS2EFklJKP86eOUa9xG0Z+MYNPv56Fo7Mbk8a+p5OPDSvms3X9Evq+NZLR38zGzNyCSWMHUVBQehkti+iDG1mz8GtavfQ2g8cvw9M3jF++epPMUtragvxcHF19aN/9A2zs9V8HCvJz8fQLo3O/T8olzfqcPrKBLUu+oukL7/DmmBW4+YSx8LsBZGfoz0fM5eMsnzmU6o278OaYlYRVb8ni6e+SEHtRGyYl4SZzvuqJs0cgfYbPZ+Bnq2nS8W2MTczKJQ9GVpZknLzA6UGfPVF4C39vaq/5meRdh9lXqxPXps2jys9f4NyqkTaMR9d2VPpmFJe++IF9dTqTefI8ddfPwtTFsVzycL92DSxoWceCBRuyGD87lfxCNUN62mH8iOY91NeUnUdzGT8njW9/S8NICUN72mFqUhLG1ETB6SsFrN9Xvtfufbt3MvuXGXTv2ZvJ037GPzCIzz79kLRS2trTJ0/QuGlzxk2YzMRvp+Ps7MLYT0botLVzFv6hs703eDgKhYL6DZvoPWZZ7dh7gB9mL6DPK134ZfIEggL8GDZ2Aqlp6XrD21hb0avri/wwcRyzv59IuxZNmTj1J44cP6ENc+t2PO+NGoOvtydTxo9m9vcT6dPtJUxNTPQe879Gra6Y23/Rf75zwczMDHd3d9zd3YmKimLkyJHExMSQmPjwDzSA3bt3U6dOHczMzPDw8GDkyJEUFRVpv8/Pz2fQoEG4urpibm5Oo0aNOHr0qM4xNmzYQGhoKBYWFjRr1ozr16/rfL9kyRIWL17MkiVL+PTTT6lXrx6+vr7Uq1ePiRMnMmfOnFLz4+/vz5QpU3T2RUVFMXbsWO3ntLQ03nzzTdzc3DA3N6dy5cqsW7dO+/3y5cuJjIzEzMwMf39/vv32W53j/fjjj4SEhGBubo6bmxtdunTRfqdSqZgwYQIBAQFYWFhQrVo1/vjjj1LTawhqtZpT++ZTo8VA/CNb4OQRRrNXJpKTkcD1M9tKjXdq71wq1e1KeO2XcXALpslLn2FsYs75o8t1wiXFnePk3jk81218ueZj/arFtGjTkWatnsfbN4AB7wzH1MycnVvX6Q0/aPgY2jz/Ev6BIXj5+DHwvQ9Rq1ScOvGnTriUpETm/DyF94aNxti4fAcj7ds4lzrPdaVWk5dw8wrmxX5jMDUz5889K/SG379lAaFVG9H0+f64egXRussgPP0jOLjtNwCS4m9w8/IJOvcdjU9gFVw8Anix7xgKC/KJPrSh3PKhVqs5uXc+NVsMJKByC5w8w2jeXVOmrj2iTJ3YM5eIu2XK0S2Ypi99homJOeePlJSpiHqv4BlYG1tHb1y8I6nbZjBZabfJTLlVLnmpW0nJnlMqLsSqSUiDVQeKsbGEcJ/SO8vqVVJy/LKK6KtqktJh3eFiCouherDmkuDjqsDeClYdLCYhDe1xPZ0UBLgbthNOrVZzYs98arUaSGDlFjh7htGy50SyMxK4err0cxG9ey6R9boSUedlHN2DadZFU7/P3T0XTh6htO83jYDI5tg5++IdUo/67T7g2pmdqIqLSj3uP7V25VJatu1A81bt8fH15413h2Jmbs6OLev1hh88fDRtO3QmIOhu/R404m79PqYTzsTEBAdHJ+1mbVM+oy4ANq7+nWatO9G0ZUe8fAPp9/ZIzMzM2b1trd7wbw/9nFbtu+AXGIqntz+vv/sxKpWKM/e1UY2atadz9wFUrla73NL9oE2rF9G09Ys0uZuPvm+NxNTMnD2l5GPg0HG0uC8f/d/9GJVKzdkTmmu7Wq1m89rFdOz6P2rUbYqvfwhvDB5LWkoSxw/tLpc87N4wj7rNulDnuc64ewfzcv8xmJiZc3S3/rbWN6gKHV8dRvUG7TE2NtUbplJUY9p1e58qtctnZJ4+h7bMpUaTrlRv9DIunsF0eO0zTEzN+Wvfcr3hD29bQHDlRjRs2x8XzyCad34fD78Ijuz4TRtmx4ophFRpSquuw/Hwi8DR1ZewqOZY2TqVSx4SN+/h4pgp3Fldent0P783upN7LZZzIyaSdf4qN378jfjlmwl4v682TMDgfsTMWkrsvBVknbvCqbfHUJyTh0/fl8slD/drWceCdXtziL5YQGxCMbNWZ2Jvo6RGeOmdM1N+T2f/yXziEouJvVPMrDWZONkb4e9R8sN125FcNh7I5eotw7ev91u9chmt27anRet2+Pj689a7H2BmZsb2LRv1hh8y4mPad+hEYFAw3j6+vPP+MNQqNSdP/KUN4+DoqLMdPnSAylWjcPcw/EgYgKWr19OhdXPat3wOf19vhr41AHMzUzZs26U3fPUqkTSpXwd/Hy+8PNzp0rE9gf6+nDp3Xhvm14VLqFszirf6vkpoYABeHu40rFsLB3u7csmDEKX5z3cu3C8rK4uFCxcSHByMk9PDF6Fbt27Rvn17ateuzYkTJ5gxYwazZs3SGUkwYsQIli9fzrx58zh+/DjBwcG0adOGlBTNE5GYmBheeuklOnbsSHR0NAMGDGDkyJE6/8/vv/9OWFgYL7zwgt50KhT//OZdpVLRrl079u/fz8KFCzl79ixfffUVRkaaLuljx47RrVs3unfvzqlTpxg7diyffvopc+fOBeDPP/9k0KBBfP7551y4cIFNmzbRpElJz+2ECROYP38+P/30E2fOnOGDDz6gV69e7N5dPjdYAJkpseRkJuIV0kC7z8zCBlefqty5Ea03TnFRAYm3zuAVXBJHoVTiHVJfJ05hQS7bFw2j0YujsbRxKa8sUFRYyNXLF6kSVUu7T6lUUiWqFpfOn3miY+Tn51NUXIS1ja12n0qlYvrkcXR8qQc+fuU37B6gqKiAW9fPEhxZT7tPqVQSHFmfG5ej9ca5cTma4Mj6OvtCqzTkxiVNb3txUQGAzhMnpVKJsYkp1y8cN3AOStwrU94Plinfx5ep++MolEq8HihT9yssyOH8nyuwcfTG2t7dkFkAwN4abCwUXI1XafflF0JskhofF/3tiFIJno4Krt7W7TK/eluNt7MmjvHdK0PxfYMtioo1vey+robtXMi4ey58QnXPhZtvVeKvR+uNU1xUQELsGZ04CqUS79D6pcYByM/LxNTcGqWRYTvhCu/W76oP1e+aXHjC+l2Qn0/xA/Ub4MypaP7X8wUGvfEqM3/4lswM/U+2yqqosJBrl88TGVVHu0+pVBJZrTaXzz/ZUO38/DyKi4sfysO/qaiwkOtXzhN5X2eGNh8X/k4+Ss5F4p040lOTiaxW8rextLImMDTyiY/5dxQVFXDr2llCK5e0nUqlkpDK9bRtZ0VQXFRA3I0zBFbSraeBEfWJvRKtN07MlWgCIxro7AuKbKgNr1apuHRyF47u/iyc3J9vBjfg1y+6cf74k/3w/zfY14siacdBnX2JW/fhUC8KAIWJCXY1IknafqAkgFpN0o4D2NerXq5pc7ZXYm9jxNlrBdp9uflqrt4qJMjrydtFSzPNdSA7V/WYkIZVWFjIlcsXqRpVU7tPqVRSLaomF86ffaJjaNtaa/0dtWmpKRw7eoiWrdsbJM0PKiws4uKVa9SsVkW7T6lUUrNaFc5cuPiImBpqtZpjJ04Rc+s2VSM1UztUKhUH//wLH08Pho35kk6932DgsI/Ze+joY44mhOH9p9dcAFi3bh3W1tYAZGdn4+Hhwbp161AqH+5X+fHHH/Hx8WH69OkoFArCw8OJi4vjww8/ZPTo0eTm5jJjxgzmzp1Lu3btAPjll1/YunUrs2bNYvjw4cyYMYOgoCDtaICwsDBOnTrFxIkTtf/PxYsXCQsL0/m/Bw8ezK+//gqAvb09sbGx/yi/27Zt48iRI5w7d47QUM281sDAkh+dkydPpkWLFnz66acAhIaGcvbsWb755hv69u3LzZs3sbKyokOHDtjY2ODn50f16pqLXX5+Pl9++SXbtm2jfv362mPv27ePn3/+maZNm1IecjI1o0wsrHU7hCxsnMnJTNIbJy87FbWqGAubB+JYO5OWcE37+eDaCbj7Vcc/snznnWZkpKNSFWNnrzvk0c7ekbjYG090jN/m/oijo7NOB8XqP37DyMiIdi90NWh69cnJTEOlKsbaTnfIrbWtE4lxV/XGyUpLwtpO9xxY2zmTla45by4eAdg7ebBp6Xd0/t9YTM0s2LdpPukp8WSm6x9dZAjaMvVA+bC0foIyZf1wnPvLFMDpA4s4uH4SRQU52LsE0PH12RiV8jSxLKzN797gPbAOQnYeWJnr7wSwNAOlUqEnjhpnO02c2CQ1BUXQsrqS7dEqFGj+rVQqsLEwbB5yMjTnwvLBc/GI+p1bSv22tHn4XGjjZKXy59YZRNY3/Hokmdr67aCz397ekVsxN5/oGAvn/ISDo7POTXNUzbrUbdAEV3cP7tyOY9G8mYwfM5zxk2ZoO4wNl4e0Utuo27eerI1aPO8HHByddX7Y/9semY8nbGuXzp+OvaMzEXc7E9JTk7XHuJ+tvaP2O0PK1ra1uuXbxs6JhDj95ftZlJOpqacPjiiwsnUm6bb+fGSlJz0U3trWmawMTVuQnZlMQX4O+zf8QrPO79OyyzAun97Lkh/fo8/wefiH1dF32H+VmZsz+Xd02678O0mY2NmgNDfDxMEOpbEx+QnJD4RJxiqsfB8S2Flr7n0zsnU7lzOyVdhaP9nzRgXQvbU1l24WciuxfKb7lUbT1qqwd9Bta+3sHYh9wrZ23pyZODg6Ua16Tb3f79i2BQsLS+o3bFzm9OqTnpFBsUr10IgCB3s7bsaWPsIxKzuHLv97i4LCIoyUSgYP/B+1ozRrl6SmZ5Cbl8ei5Wvo/2o33uzTkyPHT/DpV5OZ8sWnRFXWv/aPEOXhP9+50KxZM2bMmAFAamoqP/74I+3atePIkSMPhT137hz169fXGTnQsGFDsrKyiI2NJS0tjcLCQho2bKj93sTEhDp16nDu3DntMerWratz3Hs/xB/l448/5t1332XFihV8+eWX/yivANHR0Xh7e2s7Fh507tw5OnXqpLOvYcOGTJkyheLiYlq1aoWfnx+BgYG0bduWtm3b0rlzZywtLbl8+TI5OTm0atVKJ35BQYG2A0Kf/Px88vN156UWFZqWOj/y0vG17FlRMq+4Xb+fHpnnf+r6mR3cunyYLoP1DzN9lqxatoADe7YzZsI0TE01f7erl8+zcc0yvvp+dplGuzxNRsYm9Hp/Kst//YTPB9ZHqTQiOLI+YVUbo8Zwk9EuHl/L7uUlZer5/5VPmbonpHpHvEMakJOZSPTu2WxZOJjO7/xe5jnBVfwVdKhb8qNy0c7yubHLyYdle4t5vo4RdcOVqNVw6rqauGR1mecIXji2ll3LSs5FhwHley4ACvKyWPfrmzi4BVGnzb839/9JrVy6kP17tjP2q6na+g3QqGlJp6effxB+/kG8M6A7Z05F63RCPAvW/DGPQ3u38vH4H3XyUNGs+2Meh/duZeT4GRU6H/9VapXmSXlY9ebUb90XAHffSsRc/otjuxY/E50Lz5K6lc3o/XzJE/rvfy/7yKdX21nj5WrMV3PTynysf9vypYvYt3snX0ycjKmp/g7/7Vs30qRZi1K/f1osLcz5dcpEcnPzOH7yND/OXoCnmyvVq0Rq60XDujXp1ul5AEIC/Tl9/iKrN237f9G5oFL9RxcwqID+850LVlZWOm9e+PXXX7Gzs+OXX35hwIABTyVNISEhXLhwQWefi4sLLi4uuLq6PjKuUqlE/cDdfWFhofbfFhZle6xoY2PD8ePH2bVrF1u2bGH06NGMHTuWo0ePkpWVBcD69evx8vLSiWdmVvpN2IQJE/jsM92FkFq/Mpo2PcbqDe8X0Ywu962+f2/ofG5WMla2JX+f3MwknDz1rw5sbuWAQmlEbqbuk4HcrCQsbDRP3m9dOURGyk3mjNG9Gdm6YBDuATV5YeCCUvP0d9na2qFUGj20MFp6Wgr2Do+eJ7p2xSJW//Ebn3wxBb+AkrJ87sxJMtJTeadfyRxNlaqYBbOms3H1UqbPNuxaGJY29iiVRtpRB/dkZSRjXcoCYtb2zg8t9piVnqQz+sE7IJL3x68kLyeToqJCrG0d+WHMK3gFVDZY2v0jmum80UFbpjJ1y1ROVhLOjytTDywImpOVhKWNbv7NLGwws7DB3sUfN99qzB5dl2untxJSvWyLyV6IVRObVDKf9d4CXFbmkJVbEs7KHO6k6r/Q5uRrLsJW5rr7rcwVOse4elvNtNVFWJiBSqWZbjH0ZWPOPNnD31IFRD5wLoo15yLnwXORmYSzl/5zYVFK/c7JfPhcFORlsWbmAEzMrGjfbzpGRoZf3MpGW791FxRLS0vB3uHRC7StXv47K/9YxOjxk/EPCHpkWDcPT2xt7Yi/HWvwzgUbW/tS26gHn9g/aP3KhaxbPp+Rn0/HNyDEoOn6ux6Zj8e0tRtWLmT9inmM+Gw6vv4l+bgXLz0tBfv7Fs3NSEvBN8Dwb76w0ra1uuU7Mz0Z21La2meRpY2mnj64eGN2RtJDI+DusbZzfih8VkYS1rbO2mMqjYxx8dBdVd/ZI4iYy7rrlTwt+XeSMHN74Jrg5kxheiaqvHwKklJRFRVh5ur0QBgn8uP1j9b6p05cLOCzWyV1wdhY8yDC1kpBelZJOFsrJTHxj18roWdba6qFmDJxfhqpmf/ulAi419YqSUvVbWvT01JxcHx0O7Vq+RKWL/udz8dPKrWtPXP6JLdiYxg2crTB0vwgO1tbjJTKhxZvTE1Lx9HBvtR4SqUSbw/N9MqQQH9uxNzitz9WU71KpOaYRkb4+3jrxPHz8eTU2Qv6DidEufl/teYCaNYzUCqV5ObmPvRdpUqVOHjwoM6P9/3792NjY4O3tzdBQUGYmpqyf/9+7feFhYUcPXqUiIgI7TEeHBVx6NAhnc89evTgwoULrF69+m+n38XFhdu3b2s/Z2RkcO1ayfDCqlWrEhsby8WL+udtVapUSSf99/IYGhqqHWZrbGxMy5Yt+frrrzl58iTXr19nx44dREREYGZmxs2bNwkODtbZfHx8Sk3zqFGjSE9P19ladBlVanhTc2vsnP20m4NbMJY2Lty6VDKHsSAvi4SYk7j5Rek9hpGxKS5ekdy6XBJHrVJx6/IhbZzqzV6n6wer6TJ4pXYDqN9xJM91m1Bq+v4JYxMTAoNDdRZrU6lUnD5xjJBw/a9HA820h+WL5zHqs0kEhYTrfNekWRu+njaPiVPnaDcHR2deeKkHH30+2aDpBzA2NsXLP4LLZ0vKs0ql4vKZQ/gFR+mN4xccxeUzuuX/0umD+IVUeyisuaUN1raOJMVfJ/baGSJq6n811D9RWpmKvfxAmbr5+DIV+4gyVTq1tkOjLAqKIDWrZEtMh8xcNYHuJU25qQl4OyuISdTfuaBSQVyKmsAHFmYMdFcQm/RwnNx8TceCv5sCK3O4EFu2G0pTc2vsXfy0m+O9c/FA/b5z8yTu/lF6j2FkbIqrdyQxl3TPReylQzpxCvKyWP1zf5RGJjzf/8dyW03e5F79jtat36eijxP2iPq96o9FLF88n08+/4bgB+q3PslJCWRmZuDwmB/J/4SxiQkBweGcOVEyR1elUnHm5FGCw6uUGm/d8gWsWjKbEWOmEBiivzPo32RsYoJ/UDhnT+rm4+zJPwkOKz0f61fMZ83SWQwd8z0BIbpP+VzcPLFzcNI5Zm5OFlcvnnnkMf9xHoxN8QqI4NKZB9vaw3rbzmeVkbEpnn6RXD2nW0+vnjuEd1CU3jg+QVFcO6e7XsHVswe04Y2MTfH0r0xyvO60ipQ718vlNZT/RNqhaJya19PZ59yiAamHogFQFxaSfvwMzs3vG9WqUODUrD5ph/7CkPIK1CSkqrRbXGIxaZnFVAooeSpvbqog0MuEK49ZiLFnW2tqhJnyzcJ0ktL+/Y4F0LS1QcGhnDxRsiaTSqXiZPRxwsJLfzq/Ytlilv6+kDHjJhIcGlZquG1bNhIUHEpA4KM7esvCxMSY0KAAjp08rd2nUqk4fvI0kWFP3lmpUqspLCrUHjM8OJCbt+J0wsTcisfNteJ0SIr/hv/8yIX8/Hzi4+MBzbSI6dOnk5WVRceOHR8K+/bbbzNlyhTee+893n33XS5cuMCYMWMYMmQISqUSKysr3nrrLYYPH46joyO+vr58/fXX5OTk0L9/fwAGDhzIt99+y/DhwxkwYADHjh3TLpZ4T/fu3VmxYgXdu3dn1KhRtGnTBjc3N27cuMGSJUseOZe2efPmzJ07l44dO2Jvb8/o0aN1wjdt2pQmTZrw8ssvM3nyZIKDgzl//jwKhYK2bdsydOhQateuzbhx43jllVc4ePAg06dP58cffwQ0a1RcvXqVJk2a4ODgwIYNG1CpVISFhWFjY8OwYcP44IMPUKlUNGrUiPT0dPbv34+trS19+vTRm2YzM7OHRjYYmzz58CWFQkGVRr05vuMn7Jz9sXH04s8tU7G0dcU/smTV67Uz+xIQ2ZLKDXsBUKVxX3YtHYmLd2Vcfapyat88CgtyCav1EgCWNi56F3G0tvfE1tH7of1l9fyL3fnxu/EEhYQTFFqJDauXkp+Xy3MtNUPYpn87DkcnF3r2HQjA6j8WsnThLAYNH4Ormwdpd+f2mptbYG5hiY2tHTa2unP2jI2NsXNwwtO7fN693qhdX5bNHIV3QGV8Aquwb/N8CvJzqdmkMwBLfhqJnYMrbV8ZAkDD1q/x85d92LNhDuFRTTlxaAO3rp3mpf+VjGQ5eXgTVraO2Dt5EB9zkbULJxBRswWhVRrqTYMhKBQKqjbuzbHtmjJl6+jFkc2aMhVwX5la83NfAiq3pMrdMlWtSV92LNGUKTefqpzcqylT4bU1ZSojOYbLJzbgE9oQcytHstPjOb7zF4xMzPCtVD5rkhw+p6JxZSXJmWrSstQ0q2ZEZg6cjympY6+1MOJ8jJqjFzU3hIfOqXixgRFxKWpuJampV0mJiTFEXym5YYwKVJCYATl5arxdFLStZcShcyqSMwybfoVCQbUmvflz60/Y363fhzdNxcrWlcDKJedi1Yy+BFZuSdXGmnMR1bQv234fiatPZdx8q3Ji9zyKCnKpVEdzLgryslj9U3+KCnNp/eo3FORlUZCneVRnYe2IUmnYNQs6du7G9MkTCAoJIzi0EutXLyM/L5dmrTSLgk39djxOTs682vdNAFYu+40lC2czeMSnuLi6k5pyt35bWGBhYUlubg7LFs2lXsOm2Ds4En87joWzZ+Du4UVUzfIZ+t2uUw9+nvI5AcGVCAqNYNOaxeTn5dG0hWbEzU/fjcXB0YVX+rwDwNrl81n+20zeHvY5zm6eD7VRAFmZ6SQn3iE1RbO2xr31G+wcnB47auufatupJ798/xkBwZUIDIlk89rF5Ofl0rilJh8/fzcGBydXuvXW5GP98nmsWDSTgUPH4ezqQVpq0t18WGJuYYlCoaBNx+6sWTobNw8fXNw8WbHoJ+wdnalRr3zqddP2fVj800d4B0biG1SFvRsXUJCXS+2mmrb29x9HYefoSvvuHwCaRSDvxF4BoLiokPSUBG5dP4eZuSXO7n4A5OdlkxRfMi89JTGWW9fPYWlth4Nz+fwwr9e6L6tmjcTTvzJeAVU5tG0ehfm5RDXU1NOVv36IjYMrLV8eCkDdlq8x9+veHNg8m9Cqz3H6yHrirp+hY+/Ptcds0LY/f/w0BN/QWgSE1+Xy6b1cOLGTviPml0sejKwssQouuaZaBnhjWy2cgpR08mJuE/bFEMy93DjR70MAbsxcjN/brxI+YTgxc5fj3KweHl3bcfSFN7XHuDZlDtVmTyTt2GnSj57Ef1AfjK0siJlX/tM0tx3JpUMjS+6kFJOUVkzn56xIy1Rx/HzJ9NVhvew4fj6fHX9qFufp1c6aupXNmLYkg7x8FbZWms7p3Hw1hXf7JGytFNhZK3F10LSt3q7G5BWoSElXkZ1nuCHrnTp35fvJXxEcEkZIaDhrVy8nLz+PFq3aAjBl0gScnJx5rd/rAKxY9juLFsxlyIiPcXV1J/XuAuyatrZktG9OTjYH9u6m34CBBktrabp1ep4J388gPDiQ8JBg/li7gdy8fNq11LQn47/7ARcnR97o3QOAhX+sIiw4EC93NwoKizh87C+27NrLkIH9tcfs3rkjn036nmqRlaheJZIjx6M5ePQYU8aX3yiMZ8l/9bWOFdF/vnNh06ZNeHh4AJoh/+Hh4SxbtoznnnvuoVdEenl5sWHDBoYPH061atVwdHSkf//+fPJJyTuhv/rqK1QqFa+99hqZmZnUqlWLzZs343B3cRlfX1+WL1/OBx98wLRp06hTpw5ffvkl//vf/7THUCgULFmyhF9++YU5c+bw9ddfU1hYiLe3Ny1atGDy5NKfOo8aNYpr167RoUMH7OzsGDdunM7IBdC8anLYsGH06NGD7OxsgoOD+eqrrwCoUaMGS5cuZfTo0YwbNw4PDw8+//xz+vbtC2gWk1yxYgVjx44lLy+PkJAQfv/9dyIjNU/fxo0bh4uLCxMmTODq1avY29tTo0YNPvroo392gp5QtecGUFiQy57loynIy8Ddvybt+/+i8yQyI/kmedklQ+WCo9qTl53Cn1umkZOZiLNnJdr3/+WhYdP/lgZNWpCRnsbShb+SlpqCf2Awoz7/VjtsOjnxjs5Co1s3rKKoqJDJE3TfSd6lRz+6vtqfp6FavXZkZ6awdfk0MtOT8PQN53/Df8bm7hDXtOTbKBQlefALrU73t75myx9T2bxsCs5ufrw2eBruPiVDjjPTElm/6Guy0pOwsXehRqNONH+x/C/uUXfL1O4/SspUhwGPL1O52Skc3VxSpjoMKClTRsam3L52jJN755Ofm4GFtROegbXo/M7vWFqXzw+p/WdVmBhDx7pGmJvCzQQ1C3cUUXzfgyVHGwWW5iVX3jM31FiaqXiuqhHWFhCfqua3HcU6izw62SpoUV2JhSmkZcPe0yoOnSufp1U1mg+gqCCXnctGk5+bgUdATTq+oXsu0pNuknvfuQip3p7crBSObJpGdkYiLl6V6PhGyblIiD3DnZualfUXfNla5//r/ck2g3cgNrxbvxcvnK2t3x9/Pklbv5MS76C8b22ULRtWU1RUyKQvdW/8uvbsyyuv/g+l0ogb16+wa/smcrKzcHB0plr12nR/rT8mJuUzF7he41ZkpKexfNFM0lOT8QsMZcTYKdppAUmJd3Tq9/aNKygqKmTqV7oj0Tp3H8DLPTU39seP7GXm9+O0303/5pOHwhha3catyMhIZcXdfPgGhDJszPfY2WvykZKk29bu2KTJx/SJum92erH7ADr3eAOA9i/1Jj8vj7k/fklOdhYhlaoxbMz35bYuQ1T9dmRlpLD5j+lkpiXh6RfOgJElbW1q8m0UypLylJGayHcflbw2evf6OexeP4fASrV5+9O5AMRcPcNPX/TThlmz8GsAajXpRPeB/3ytp0epXKc9OZkp7Fo1jayMRNx9KvHqB79op0Wkp8TprBnkE1yDl16fxM6VU9ix4jscXf3p/u50XL1LnuhWqtGKDq+NZd+GmWz6fTxO7gF0e3sqviHlsw6JXc3K1N9eMk0yYpLmfidm/gpO9h+FmYcLFj4e2u9zr8dy9IU3ifh2FP7v9SYvNp5Tb35C0tZ92jC3l23E1MWR0DGDMHN3IePEOY50GEBBguEXCH3QxgO5mJoo6PO8DZbmCi7dLOS7RekU3beEj4uDEdaWJXWkWS3Nj/AP+9jrHGv26gz2n9R0SjxX04JOTa20343sa/9QGENo1LQZ6Rlp/L5gDqmpqQQEBjHm84natjYxMQHFffV74/o1FBUV8vWXY3WO80rP3vTo1Vf7ee/unahR0/g5w42aLE3zxg1Iy8hg9qJlpKSmERzgxzdjRuJobw9AQlISyvvqd15ePt/9NJvE5GTMTE3x9fLkkw/eoXnjkjerNKlfhyFvDeC3P1Yz9Ze5+Hp58vnIIVSNePyoOCEMSaF+cAK/EP+CyasrfrFrHmHYuZFPy7XUR89TrChuxFf8WV7pGeX7fvB/i6NDxe+3fi4s4WknwSDyiv8bixIWqyvmorX3S8y2enygCiAz17Cjfp4Gu2b/jR9cK0bve3ygCmBYz7JPG3zaHAr/G9cM9/DyfR1qeflyyb/75hJD+eiVit+ePqji340LIYQQQgghhBDiqar4j5eEEEIIIYQQQvy/JOPwnx0yckEIIYQQQgghhBBlIp0LQgghhBBCCCGEKBPpXBBCCCGEEEIIIUSZyJoLQgghhBBCCCEqJJUsuvDMkJELQgghhBBCCCGEKBPpXBBCCCGEEEIIIUSZyLQIIYQQQgghhBAVklr1tFMg7pGRC0IIIYQQQgghhCgT6VwQQgghhBBCCCFEmUjnghBCCCGEEEIIIcpE1lwQQgghhBBCCFEhqeVVlM8MGbkghBBCCCGEEEKIMpHOBSGEEEIIIYQQQpSJTIsQQgghhBBCCFEhqeRVlM8MGbkghBBCCCGEEEKIMpHOBSGEEEIIIYQQQpSJdC4IIYQQQgghhBCiTGTNBSGEEEIIIYQQFZK8ivLZISMXhBBCCCGEEEIIUSbSuSCEEEIIIYQQQogykc4FIYQQQgghhBBClImsuSCEEEIIIYQQokJSyZILzwwZuSCEEEIIIYQQQogykZEL4qlwd3raKSi7yyn/gUwAc345+7STYBAvdq/8tJNQZl6uRk87CQZx+abqaSehzIaMiX3aSTAIawfbp50Eg2jeLvhpJ6HMTIwVTzsJBrFnZ8WvGxaj9z3tJBjES583etpJMIjXj8x82kkoMyMTk6edBIPYveJpp0BUdNK5IIQQQgghhBCiQlLLvIhnhkyLEEIIIYQQQgghRJlI54IQQgghhBBCCCHKRDoXhBBCCCGEEEIIUSay5oIQQgghhBBCiApJLUsuPDNk5IIQQgghhBBCCCHKRDoXhBBCCCGEEEIIUSYyLUIIIYQQQgghRIWkkldRPjNk5IIQQgghhBBCCCHKRDoXhBBCCCGEEEIIUSbSuSCEEEIIIYQQQogykTUXhBBCCCGEEEJUSGp5F+UzQ0YuCCGEEEIIIYQQokykc0EIIYQQQgghhBBlIp0LQgghhBBCCCGEKBNZc0EIIYQQQgghRIWkVj3tFIh7ZOSCEEIIIYQQQgghykQ6F4QQQgghhBBCCFEmMi1CCCGEEEIIIUSFpJJXUT4zZOSCEEIIIYQQQgghykQ6F4QQQgghhBBCCFEm0rkghBBCCCGEEEKIMpE1F4QQQgghhBBCVEhqWXPhmSEjF4QQQgghhBBCCFEmMnLhP65v376kpaWxatUqnf27du2iWbNmpKamEh0dTbNmzQBQKBTY2NgQGBhIq1at+OCDD/Dw8NDGGzt2LKtWrSI6OvpfzAUc2fEbBzbNIis9CXefcNr1/ASvwKqlhj9zdBM7V31PWtItnNz8aNllGCFVm+qESYy7wrY/JnHj4lFUxcW4eAbR7e2p2Dl5lls+Dm37jb0bZmvz0eG1j/EJKj0fp45sYtvyqdp8tHllKGHVSvKRn5fN5qWTOXdsOzlZaTi4eFO/dS/qNu9ebnm4p1cnV9o0dsDK0ohzl3P4YWEccQkFpYZv/5wj7Z9zxM3JBIAbcfn8vjaBY6ezALC2MqLXC65Uj7TGxdGE9MwiDkVnsmDVHXJyVQZP/1+7f+PotllkZyTi4hVOi26f4uFf+rm4cHwj+9d9T3ryLRxc/WnSaRiBlUvOxcXoLZzYu5g7MWfIy06j98hVuPpUMni673do22/s23hfeer1Md6PKE+nj2xi24qS8tS628PlacvSyZw7fl95atWLOv9CeWocqSAqUIGZCcQmw+ZjKlKzHh2nRrCCumEKrM0hIQ22/KXidormOztLeLuDkd54Kw8Ucz7WsOm/p8/LHrRr5oK1lRFnLmYxdfZNbt3JLzV8hxbOdGzpgpuLGQA3YnNZuPI2R09k6A0/fkQwdarZMWbyZQ4cSy+XPAD0eN6Rlg3ssLJQcv5qHj8vSeB2YmGp4V9q7UC9atZ4u5lSUKji/NU85q9OIi6hJI67swl9OjtTKdAcE2MFf53L4ZdliaRnFhs8/Wq1miObpnHm0DLyczPwCKjBc13GYO/i/8h4J/f9xl87Z5GTmYSzZzhNOn+Cm5+mTuVlp3F48zRiLuwnM/U2FtaOBFZuQd1272NmYWPwPETv+Y1jO0raqGZdPsXdr/T6ffGvjRxY/z0ZKbewd/Gn8QvDCIgsqd9qtZqDG6Zy6qDmb+IZUIMW3cbi4Opv8LQ/qEsrW5rVtsLKQsnF6/nMXpVGfHJRqeFfeM6G2pEWeLoaU1Co5tKNAn7fmM7tpJI4n7zhQkSgmU68bYeymL0qrbyyQaemljSpbo6luZLLMYUs2JhFQkrp5bd9QwtqhJvh4WREQRFciS1k2fZs7iSXxGlS3Zy6lc3w8zDGwkzJu18nkZtv+Kewjo1qETi0P3Y1KmPu6cqfL7/NnTXbHx2nSR0iJo3EOiKEvJjbXJ4wg9j5K3XC+L3Vk8Ah/TFzdyHj5HnODB5H+tFTBk//g/q/6k/H1u7YWBlz6lwGk368ROzt3FLDv9jOgxfbeeLhZg7AtZs5zF18g0PHUrRhPN3Nefd/QVSJsMXURMnh4yl89/NlUtNKb/vK6n/dfejQyg1rSyNOnc9k8syr3LqdV2r4Tm3c6NTGHXdXTdm/HpPLvKUxHP4rDQB3FzOW/FxTb9wx31xg18Fkg+dBiPvJyAWhdeHCBeLi4jh69Cgffvgh27Zto3Llypw6Vf4XiUc5fWQDW5Z8RdMX3uHNMStw8wlj4XcDyM7Q30DGXD7O8plDqd64C2+OWUlY9ZYsnv4uCbEXtWFSEm4y56ueOHsE0mf4fAZ+tpomHd/G2MRM7zEN4eShDWxYNJHmL77DO58vx903jLnfvE5WKfm4cekvlv44jFpNXuadz1dQqUYLfpvyHnfuy8eGRRO5dHIfXQd+zeCv1tOgTW/Wzf+Cc8d3lFs+ALq0daZjCyd+WBjHkC+vkJevYtwH/pgYK0qNk5RayNzl8bw/7grvf3GFk+ez+PRdX3w9NX9zJztjHO2NmbUsnrfHXOa7ObeoGWnN+328DJ7+88c2sGvFBOq3f4fXRq7E1TucP6b3JztT/7m4dfU46+YMpXL9LvQetYrgqi1YNfMdEuNKzkVhfg5eQTVo0mmYwdOrz6nDG9j4+0SadXqHtz9bjrtPGHMnlV6ebl76i6UzhlGzycu8fbc8LfpetzxtXDSRS6f20eXNr3l/wnoatO7NugXlX57qhSuoFaJg0zEV87arKCyCV5ooMXrEFaqSj4IW1RTsO6Nm9lYVd9LUvNJEieXdKpyRC1PXFOtse06ryC9UcyW+fPLxSgc3XmzjyvdzbvDe6PPk5auYMDIEE5NH1IuUQmYtvsU7H5/jnU/OEX0mk8+GBOHnZf5Q2JfausK/MPKzc0sHnm9qz8+LE/hwUgz5BSpGv+P1yPodGWzBxj1pfDgphrHTb2FkpGDMu16YmWrimJkqGPOOJ6hh9LRbjPouFmMjBR+/6Ymi9MP+Y8d3/MqJvQt4rutYug5eiompBWt+HkBRYekdPZf+2sC+1V9Ru807vDJkBU6eYayZOYCcu+1CdkYC2ekJNHxhBD1HrKVljwncuLCXHUs+Nnj6LxzfwJ6VE6jX9h1eHb4SZ69wVvzYX5uWB8VdPc6GeZo26tURmjZqza/vkHRfG/Xntl+I3rOAlt3G0mOI5m+yYkb/R/5NDKFjUxvaNLBm9qpUPv0hgbxCNSP/54zJIx5vVQowY+uhLEb/kMCEWUkYGcHI/s6YPVCXdhzO4q0v4rTb7xvLr8OtXQMLWtaxYMGGLMbPTiW/UM2QnnYY6+/DBCDU15SdR3MZPyeNb39Lw0gJQ3vaYWpSEsbURMHpKwWs35dTbmkHMLKyJOPkBU4P+uyJwlv4e1N7zc8k7zrMvlqduDZtHlV+/gLnVo20YTy6tqPSN6O49MUP7KvTmcyT56m7fhamLo7llQ0AXn3Zhy4dvJj04yXeGPYXuXnFTP68CqaPaGsTkwr4ad41+g8+zoAPjnP8ZCoTPo4kwNcSAHMzJd99XhW1Ws37H5/krRHRGBsrmfhp5XJpowB6dPbipec9+PanKwwceYq8fBWTPo14dD6SC/h54Q1eH36SN4af5PipdMaPDMffxwKAhOR8Ov/vqM42+/eb5OQWc/iv1PLJyDNApVJXyO2/SDoXhJarqyvu7u6EhobSvXt39u/fj4uLC2+99dZTTdehLXOp0aQr1Ru9jItnMB1e+wwTU3P+2rdcb/jD2xYQXLkRDdv2x8UziOad38fDL4IjO37ThtmxYgohVZrSqutwPPwicHT1JSyqOVa2TuWWj/2b5lHrua7UbPISrl7BdOo7FhMzc47tXqE3/MHN8wmp0ojGz/fH1SuIVl3ex9O/Ege3LtKGuXnpL6o36kRgpTo4uHhRp1k33H3DiL16stzyAdCppRNL1iVwKDqT67H5fDs7Fkd7Y+pXty01zpETmfx5Kou4hALi7hQwf2UCefkqwgM1F/Ybcfl8OSOGIycyiU8s4OT5bOavvEPdajYoDdxS/bl9DlUadKNK/Zdx9gimVXdNmTp9UH+ZOr5zPgERjanTagBO7kE06jgYN58Ioncv1IaJrPsiDdq/i194fcMmthT7N82jVtOS8vRC37GYmJpzbI/+8nRgy93y1L4/rp5BtHz5fTz8K3Fo233l6bJueardrBvuPuVfnmqHKNh/Ts2lOEhMh3VHVNhYQKhX6TdYdUIVnLiq5tR1NckZsOmYmqIiqBqgiaNWQ3ae7hbqpeB8jJrC0h+Ylknntm78tiqeg8fSuRaTy8QZ13CyN6FhTftS4xz6K50jJzK4dSefW/H5zFkWR26eikrBVjrhgvws6PK8G5NmXi+fxN+nQzN7lm1O4cipbG7EFfD9/Ds42hlRt5pVqXHG/RjHzsOZxMQXcP1WAdMW3sHV0YQgH01vT3igBS5OJkxdeIebcQXcjCtg6oI7BPmaUSXUwqDpV6vVnNgzn1qtBhJYuQXOnmG07DmR7IwErp7eVmq86N1ziazXlYg6L+PoHkyzLp9hbGLOuSOadsHJI5T2/aYRENkcO2dfvEPqUb/dB1w7sxNVsWEL1fGdc6jcoBuR9V7GySOYlt0+w9jUnNOH9LdRf+2ej3+lxtRqoWmjGjw/GFfvCKL3LtT+TY7vnk+d1m8RVLUlLl7htH3ta7LTE7hysvS/iSG0bWjNqh0ZHDubR0x8ITOWpGBva0StiNLP+8Q5Sew5lsOthCJu3i7kp2WpuDgYE+BtohMuv1BNepZKu5XHE/97WtaxYN3eHKIvFhCbUMys1ZnY2yipEV76Q4kpv6ez/2Q+cYnFxN4pZtaaTJzsjfD3KMnHtiO5bDyQy9Vb5dQw3ZW4eQ8Xx0zhzuonO99+b3Qn91os50ZMJOv8VW78+BvxyzcT8H5fbZiAwf2ImbWU2HkryDp3hVNvj6E4Jw+fvi+XUy40ur7gxfylN9h3OJkr17P54rvzODma0biec6lx9h9N5tCxFGJv5xITl8vMBdfJzSsmIkxz31Ilwg53V3PGT7nA1RvZXL2RzfjvzhMebEPNqvblk48OHiz4I5b9R1O5eiOHL6dewsnRlEZ1Su+cOfBnKoePp3Hrdh6xt/P4ddFNTT5CNaOnVCpISSvU2RrXdWTn/iRy8ww/ClSIB0nngiiVhYUFAwcOZP/+/SQkJDyVNBQXFRB34wyBlRpo9ymUSgIj6hN7JVpvnJgr0QRGNNDZFxTZUBterVJx6eQuHN39WTi5P98MbsCvX3Tj/PHyu8EqKiog7voZgiNLfngqlUqCI+pz83K03jg3L58gKFL3h2pwlUbE3BfeN6Q65//aSXrKHdRqNVfPHiYp/jrBlRuWRzYAzdBmR3sTos9la/fl5Kq4cDWX8KAn+5GgVECT2naYmyo5d6X0pzWWlkbk5KlQGfB6WFxUwJ2YM/iF65Yp3/AGxF39S2+cuGvR+IXpngv/So2IuxZtuIT9DffKU9AD5Skosr5O+bhfjJ7yFFL5gfIUrClPGffK07nDJN0p3/JkbwXWFgqu3yn5UZBfCHHJ4FVKX59SCe4OcO2O7g+J6wlqvJz0d0i4O4C7g4IT18rnx4e7iylODib8daZkOkNOrorzV7KJCCn9R/n9lAp4rp4D5mZKzl4uqV9mpgpGvRPAtLk3SU0v3x8gbk7GONoZc+J8Sb3MyVNx6XoeYf4Pj6YojaW55vYiK0dTeU2MFaCGwqKSv39BkRq1Gio9YbvxpDJSYsnJTMQntKSOm1nY4OZblfjr0XrjFBcVkBB7RieOQqnEO7R+qXEA8vMyMTW3RmlkuFmm99oo37AH2qiwBty+pr+Nun09Gt9Q3frtV6kRt++2UenJseRkJOoc08zCBne/asRd139MQ3B1NMLB1ojTl0tGR+Tmq7kSU0CIn+kTH8fSXFOv75WnexpGWfLzpx5MHOzGK21sH/nEtyyc7ZXY2xhx9lrJ1L/cfDVXbxUS5PXk597STJO+7HKY6mdo9vWiSNpxUGdf4tZ9ONSLAkBhYoJdjUiSth8oCaBWk7TjAPb1qpdbujzdzHF2NONodMlT+OycYs5ezKByeOkPOO6nVEKLxi6Ymxtx5rymzTY1VqIGCgtLzk1BgQqVGqpG2Bk0DwAebmY4OZhy7ESadl92TjHnLmUSGfZk06yUSmje0EmTjwuZesOEBloREmjN+u1P5z5e/P8jay78P7Bu3Tqsra119hUXP9kc1/DwcACuX7+Oq6urwdP2ODmZqahVxQ+NKLCydSbp9jW9cbLSkx4Kb23rTFZGEgDZmckU5Oewf8MvNOv8Pi27DOPy6b0s+fE9+gyfh39YnXLIRxoqVTHWD6bLzonER+TD2k63F97a1onM9CTt546vfcKq2aP5evBzKI2MUSgUdP7f5wSE1zZ4Hu5xsNM0G6kZuj9y0jKKcLAz0RdFy8/LjG9HBWJqoiQ3X8UXP94k5rb+Ibm21kb06ODCpj0per//p3Kz7pYpmwfKlI0TKfFX9cbJzkjC0lb3XFjaOpGdkaQ3fHnTlie7h8vTo+uF80Ph7y9PHV77hFVzRvP1ByXl6cV+5VuerO7+Xs1+YIppdr5a+92DLE1BqVSQ80DRyc4Dp1LuyaoFKEhKV3OrnKabOtpryn5quu7c3NT0QhzsH10v/H3MmTo2XFMv8or57Lsr3LxV8gcZ2MuHsxezOViOayzcY2+rqd8ProOQllms/e5xFAro38WFc1dyuXlb82Ps4vU88gpU9O7kxMI1ySgU8FonZ4yMFDg84XGfVE5GIgCWD9RxSxtncjL119ncbE27YKEnTlqC/jqVm5XKn1tnEFm/mwFS/XBaHk6/E6l3nryNsrJx0ua39L+JEznl2I7ZWWvmDKRn6Zan9Kxi7XePo1DAax3suXA9n9g7JdedA9E5JKUWkZpRjK+HCd3b2eHhYsKUhYav5HbWms6yjGzdzsmMbBW21k/2nE4BdG9tzaWbhdxKNPw6I4Zm5uZM/h3dspF/JwkTOxuU5maYONihNDYmPyH5gTDJWIUFllu6HB00nVIProOQmlag/a40gX5W/PRNdUxNleTmFvPR+DNcj9F0pJ65kEFeXjFv9Q3k5wXXUAAD+wRibKTAyfHJO8KeOB/2mmOmPHjNSCt8fD58LflhQhVNPvKK+WTieW7E6l9v4vmWblyPySm180EIQ5POhf8HmjVrxowZM3T2HT58mF69ej027r1XuyjKMOEsPz+f/HzdXwGFBaaYmJbf+gaPor77GDysenPqt+4LgLtvJWIu/8WxXYvLpXOhvBzcupCYKyfo9cGPODh5cu3Cn6yZPw4be1eCKzd4/AGewHN17Xj3tZJFLsdOvfGPj3UrvoD3Pr+ClYWShjXtGPI/bz78+tpDHQwW5krGDvLjZlw+v62R3vZ/y6GtC4m9coJeg3/E3smT6xf+ZO2Ccdg4uBIcaZjyFOmroG3NkvZk6b7yf4JnbAQRvgr2nzXcqIXmDRwZ3N9X+/mTby7/42PFxuUz8KNzWFkY0biuPcMH+jP0i4vcvJVH/Rp2VI+0YeBH5wyR7Ic0qWXDwB4lHcfjZ8SV+ZhvdHPB18OUj74rWTUzI6uYb2bFM/AVF55vao9aDXuPZXLlZl6ZXyF24dhadi0bo/3cYcBPZTrekyjIy2Ldr2/i4BZEnTbvlvv/V1E0jLKgf2cH7eev55a946JfJ3t83E34bEaizv4dR0pG98TcKSI1U8Unr7vg6mj0yEUWn0Tdymb0fr6kp/L738vesfdqO2u8XI35am5amY/1/0mrpq4MfydU+3nE5/98HbCbt3Lo9/6fWFsa81xDFz7+IIz3Rp3gekwOaRmFfDrxLMPeCqFLRy9Uati2J4ELlzMNMnqyZRNnhr4ZpP08cvw/b9NvxuUyYOgJrCyNaFrfiY/eC2HQp6cf6mAwNVXSorEz85eV0wrGzxB5E+WzQzoX/h+wsrIiODhYZ19s7JM1NOfOaRo/f3//f/z/T5gwgc8+011A6KV+o3n5f2MfG9fSxgGF0uihxRuzMx5+qn+PtZ3zQ+GzMpKwvvtUx9LGAaWRMS4eun8TZ48gYi4fe2ya/glLG3uUSqOHFtvLSk9+ZD6y0nVvzLIykrG5G76wII+ty6bQ8/2phEc9B4C7bxi3b55j38Y5ButcOBydyYVrV7Sf7y3q5mBrrDNE297WmKsxpa/UDFBUrOb23TdKXL6RR6i/BZ1aOjF9QckPGgszJeMG+5Obp+KLH27yhINsnpiF9d0y9cDCaNmZyQ892b/Hytb5oad7ORmlhy9v2vKU/vfK04MjLbLSHyhPf0yh56CphD1QnvZvnGOwzoVLcWriUkruAu4t2mhlrjt6wcpMwZ00/XcLOQWaxZssH+iftDKHLD2LbId7KzAxglM3DHf3cfB4GuevlPy40dYLOxNS0krqhYOdCVduPHqhtqJiNXF33yhx6XoOYYFWdG7jyvezbxIVYYOHqxmrfonSiTN6cBCnz2cxbPxFPUd8ckdOZXHxeskf7V4+7GyMSM0oqXz2NkZci338wn+vd3WhVmUrPp4SS3Ka7uimE+dzeOuzG9hYKSlWaaaNzP4ygDvHyrYSe0BkM9x8S96iUFysaWNyMpOxsi3pOMnJTMLZS/8bXCysNO1C7gPtQk5mEpY2unWqIC+LNTMHYGJmRft+0zEyevTIlL/rXloeXLwxJzP5obTco6+Nyr4vvKWti/YY1nb3/02ScfEON1jaj53N43LMHe1nY6O75cnaiLTMkl9odtZG3Lhd+tuF7un7gj3Vw835/OdEUjIefTG4clNzPHcn4zJ3Lpy4WMBnt0pGzRnfrRe2VgrS73uLja2Vkpj4x09V6tnWmmohpkycn0Zq5rM/JQI0oxTM3HTLm5mbM4Xpmajy8ilISkVVVISZq9MDYZzIjzfcaJh9R5I5e/FP7WdTE81Fw8HehOTUkjLkYG/K5auPfsVQUZFa+yaGC1eyqBRiQ9cXvPjmh0sAHP0rlVfeOIKdrTHFxWqysotZPb8+cfFlf8ix/0gK5y6WpO/eQr+OdiakpJa0gQ72Jly+lv1Q/IfyEa/Jx8Wr2YQHW9Olgwff/qQ7sum5+k6YmyrZvEse0oh/j6y5IEqVm5vLzJkzadKkCS4uLv/4OKNGjSI9PV1ne6HXqCeKa2RsiqdfJFfPlcz7U6tUXD13CO+gKL1xfIKiuHZOd57g1bMHtOGNjE3x9K9McrzuUNeUO9fL7TWUxsamePpHcuXMIe0+lUrFlbOH8A2O0hvHN7gaV84e0tl35fQBfO6GLy4uori4EIVCtxorlUao1Ya7ecnNV3E7oUC73YzLJyWtkGqVSuaRW5grCQu04PyVR3cuPEihQGcFegtzJeOG+FNYrObz6Td05mcbipGxKW4+kdy8oFumbl44iGeg/nmingFR3Ligey5unD+AZ0CUwdP3JO6Vp6tndcvT1bOHtOXjQT56ytPlM48vTwqlESoDLnpRUASpWSVbUgZk5arxdy0pB6bG4OlEqVMYVCqITwV/N90RVX6uCm4lP1xmqgYouBQHuQZcFD83T0XcnXztduNWHsmphVSPLHnaaWmhJDzIirOXHn2j+CCFAu3c8cVr43lz1FkGflSyAfy0MMYgizvm5auJTyrUbjHxBaSkF1E1zFIbxsJcSYi/OReul/56NNB0LNStZs3oqbdIeMRrBjOzVeTkqqgSaoGdtRFHTv29v8+DTM2tsXfx026ObsFY2rgQe6mkjhfkZXHn5knc/aP0HsPI2BRX70hiLum2C7GXDunEKcjLYvXP/VEamfB8/x/L5Q1D99qomIu6aYm5cBCPAP1tlId/FDcv6tbvm+cP4HG3jbJz8sbS1kXnmPm5WcTfOIGnv+Hmx+cVqLmTXKzdbiVopi1EBpf8nSzMFAT5mHLpxqM7F/q+YE+tSAvG/5JEYurjOwv8PO9OTTLAj/e8AjUJqSrtFpdYTFpmMZUCSoarm5sqCPQy4cpjFmLs2daaGmGmfLMwnaS0itGxAJB2KBqn5vV09jm3aEDqoWgA1IWFpB8/g3Pz+9b6UChwalaftEOGW8cjN7eYW7fztNu1mzkkpeRTq1rJCBlLCyMiQm05fV7/K3xLo1CAicnDP4XSM4rIyi6mRlV7HOxM2Hek7FNtcvNU3IrP027XY3JJTi2gxn2LRVpaGFEpxOZvT2FQKhWYGD+cj/YtXNn/ZyrpGeW7Vo8Q95POBaGVkJBAfHw8ly5dYvHixTRs2JCkpKSHplTk5uYSHR2ts125cqWUo4KZmRm2trY629+ZElGvdV+O71lG9P6VJMZdYd3CsRTm5xLV8CUAVv76IduWf6sNX7fla1w+vY8Dm2eTdPsqu1ZPI+76Geo0f1UbpkHb/pw+upFju5eScucGR7Yv5MKJndRu1vOJ0/V3NWzbhz93L+P43lUk3LrCmnmfUZCfS80mnQFY9vOHbF46WRu+fpveXDq1j30b55AYd5XtK6Zz69oZ6rfSpNHcwpqA8NpsWvwNV88dISUxluN7V/LXvtVE1GxZbvkAWL0tme7Pu1K3mg1+XmYM7e9NSloRB/8qubCPH+pPh2YlKx73ecmNyBBLXJ1M8PMyo89LblQJs2Ln4TRA8wPmiw/8MTdT8v3cW1iaG+Fga4yDrTFKA6/RVatFP07uX8rpQytJjr/C1sWaMlW5nqZMbZg3gj2rS8pUjWa9uX52L0e3zSY5/gr7108j/uZpopqWTC3KzU4jIeYcybc1dSEl4RoJMefITtcdymso2vK0bxUJcfeVp8aa8vTHzx+y5b7y1KD1A+Vp5XTirp2hXsuS8uQfXptNS3TLU/T+8i9PRy+paRChINgTXOygY10lmblw8VZJR0GPpkpqBpcUhCMX1UQFKqjip8DJBtrWVGBiDCcfWLDRwRp8XeDEtfK/qV+56Q49X/Sgfg07/H3MGTEwgOS0QvYfS9OG+XpUCJ1alXTW/u8VT6qEW+PmbIq/jzn/e8WTapVs2L5f89Q0Nb2I67F5OhtAQlIB8YmPf/L7T6zbmUbXto7UrmKFr6cp77/mRkp6MYdPlHQCfPaeF+2alCxy9kY3F5rWtuG7uRXSVs4AAKrlSURBVPHk5qmwtzHC3sZIZ4G95vVsCfU3x93ZhKa1bRje34O1O9OISzDsO+QVCgXVmvTmz60/ce30DpLiLrB10YdY2boSWLmkLK+a0ZeTe0ve+BLVtC9nDy3j3NGVpNy5wq4/xlJUkEulOpp2oSAvi9U/9aeoIJcWr4ynIC+L7IxEsjMSUakMO8SqRrN+nDqwlDOHNW3U9qVjKSzIJbKuJi2bFoxg35qSNqp6097cOLeXYztmk3LnCgc3TONOzGmiGvfS/k1qNO3N4c0zuHJqO0lxF9i8cARWdq4EVS3f+r1pfxadm9tSo5I5Pm7GvNXNkbSMYv48W9IZ/dEAZ1rXL+mw7tfJnobVLZm+OJncfBV21krsrJXa11e6OhrRubkNAV4mODsYUaOSOW91c+Tc1Xxi4g1bnu7ZdiSXDo0sqRZqiperEQNetCEtU8Xx8yW9lsN62dG8VsliMb3aWVO/ihkzV2aSl6/C1kqBrZVC5zWctlYKfNyMcHXQrEHh7WqMj5sRVuaGvfAZWVliWy0c22qakSqWAd7YVgvH3McDgLAvhlBtzkRt+BszF2MZ4EP4hOFYhQXiN7AnHl3bce37udow16bMwad/N7xeexHr8EAq/zAWYysLYubpf2uRoSxbc4s+r/jSsI4TgX5WfDIknOSUfPYeKhkxMeWLqrz0fMkDozd7B1At0g53VzMC/ax4s3cA1avYs+W+p/rtW7gRGWaDp7s5rZ9zZdyHESxdHUvMrb/34OSJ87HuNr27eNOgtgOBvpZ8NCiY5JQC9h0pGTUzeWwEndu5az+//qovVSNscXcxI9DXktdf9SUq0pZte3XvNbzczakWYcv6bXcQ4t8k0yKEVlhYGAqFAmtrawIDA2ndujVDhgzB3d1dJ9zFixepXl33SUeLFi3Ytq183rZQuU57cjJT2LVqGlkZibj7VOLVD37RDv9OT4nTWRPCJ7gGL70+iZ0rp7BjxXc4uvrT/d3puHqXzNmrVKMVHV4by74NM9n0+3ic3APo9vZUfENqlkseAKrWa092ZirbV0wlMz0JD99K9B0+syQfybd1nhr7hVSn21vfsO2P79my7Duc3Px4dfA03O7Lxytvf8uWZd+x9Kfh5GalY+/sSasug6nTvHu55QPgj01JmJspea+3J1aWRpy9lMOnU67rjDTwcDHF1qakibG3MWZof28c7YzJzlVxPTaPT6dcJ/qs5gdLsJ8F4UGap6WzJoTq/H/9PrxAQrLhbhjDa2rK1P51U8nJTMTFqxJd3vlVO80hI1X3XHgF1uD5fpPYt3YK+9ZOxt7Fnxff+AEXz5J0Xjm5g00LS0bkrJv9AQD1279Lw+ffM1ja76lStz3ZGZrylHW3PPUZVlKe0lJuo7jvHZ6+IdXpNvAbti3/nq1/aMpTz/cfKE9vacrTsp+Gk5v975WnQ+fVmBhBu5pKzE0hJgmW7lFRfF9/gL01WNzXJ3kuRjMtonFlBVbmChLSNHEeXOSxaoCCjBy4Gl+uWQBgybo7mJspGdzfD2tLI05fzGLUxEsUFt5XL9zMdOuFrQkjBvrjaG9Cdk4x12JyGTXxEsdPP73Ft1ZuS8XcTMFbPVyxslBy7koe4368pVO/3Z1NsL1vQb52TewB+GKwt86xpi6IZ+dhTV68XE3o9YIT1pZGJKYU8sfmFNbsSCuXPNRoPoCiglx2LhtNfm4GHgE16fjGLzojDdKTbpKbXbLifEj19uRmpXBk0zSyMzTtQsc3ftFOLUiIPcOdmycAWPBla53/r/cn27B11M17WYTV0KTl4Iap5GQk4uJdic5vlbRRmQ+0UZ6BNWjXZxIH1k9h/9rJ2Lv688KAH3C+r42q1fJ1Cgty2bZY8zfxDKzJS2/9Wi6jL+63dncmZqYKBrzkgKW5kovX8/lqTpLOK2HdnIyxsSopT63qaxahHv2m7kLSPy1LYc+xHIqKoXKwOW0bWmNmqiQlvYgjp3NZtePvPbn+OzYeyMXUREGf522wNFdw6WYh3y1Kp+i+fiUXByOsLUvOS7NamjehfNjHXudYs1dnsP+kprF6rqYFnZqWdKyM7Gv/UBhDsKtZmfrbF2g/R0z6CICY+Ss42X8UZh4uWNztaADIvR7L0RfeJOLbUfi/15u82HhOvfkJSVv3acPcXrYRUxdHQscMwszdhYwT5zjSYQAFCYZfVPN+vy2PwdzciBHvhmJtZcyps+kMHXOKgvvaWi93C+xtS6YsOdiZ8MkH4Tg5mpKdXcSV69kMGXOKP+9764SvtyVv9gnE1tqY+IQ85i+9yZLV5bdewe8rb2FhpmTYwCBNPs5lMHzcWZ18eLqbY/dAPj4aFIyTgynZOcVcuZ7N8HFn+fOE7rog7Vu4kphcwNHotHJL/7NErZJFF54VCnVZV1IS4h9YtK/iFztTk4qfB4A5v5x92kkwiBe7V37aSSgze+uKM2T2US7frPh1Y8fq6KedBIOwdniyV7M965q3C358oGfc/VPAKrI9Oyv+4nAWVk9nQWlDe+nzRk87CQYxoe3Mp52EMjMyMezaK0/L7hWGWV/p3/b+9xXzbRjfv/9krx2tSGRahBBCCCGEEEIIIcpEpkUIIYQQQgghhKiQVDIQ/5khIxeEEEIIIYQQQghRJtK5IIQQQgghhBBCiDKRzgUhhBBCCCGEEEKUiay5IIQQQgghhBCiQpJXUT47ZOSCEEIIIYQQQgghykQ6F4QQQgghhBBCCFEm0rkghBBCCCGEEEKIMpE1F4QQQgghhBBCVEiy5sKzQ0YuCCGEEEIIIYQQokykc0EIIYQQQgghhBBlItMihBBCCCGEEEJUSDIr4tkhIxeEEEIIIYQQQghRJtK5IIQQQgghhBBCiDKRzgUhhBBCCCGEEEKUiay5IIQQQgghhBCiQpJXUT47ZOSCEEIIIYQQQgghykQ6F4QQQgghhBBCCFEm0rkghBBCCCGEEKJCUqvVFXIrTykpKbz66qvY2tpib29P//79ycrKemT49957j7CwMCwsLPD19WXQoEGkp6f/rf9XOheEEEIIIYQQQoj/iFdffZUzZ86wdetW1q1bx549e3jjjTdKDR8XF0dcXByTJk3i9OnTzJ07l02bNtG/f/+/9f/Kgo5CCCGEEEIIIcR/wLlz59i0aRNHjx6lVq1aAEybNo327dszadIkPD09H4pTuXJlli9frv0cFBTE+PHj6dWrF0VFRRgbP1m3gYxcEEIIIYQQQggh/gMOHjyIvb29tmMBoGXLliiVSg4fPvzEx0lPT8fW1vaJOxZARi4IIYQQQgghhKigVBX0VZT5+fnk5+fr7DMzM8PMzKxMx42Pj8fV1VVnn7GxMY6OjsTHxz/RMZKSkhg3btwjp1LoIyMXhBBCCCGEEEKIf9GECROws7PT2SZMmFBq+JEjR6JQKB65nT9/vszpysjI4PnnnyciIoKxY8f+rbgyckEIIYQQQgghhPgXjRo1iiFDhujse9SohaFDh9K3b99HHjMwMBB3d3cSEhJ09hcVFZGSkoK7u/sj42dmZtK2bVtsbGxYuXIlJiYmj87EA6RzQTwVeQWKp52EMjM2qphDsB703ruhTzsJBnEhpuKfj8zsil8vACoHqZ52Esqs7Vi/p50Eg0jPt3raSTCIzPzip52EMssr/G8MFh3c1+ZpJ6HMbExKfx1bRfL6kZlPOwkGMWrT3xt2/SxqdPiHp50EUQH93SkQLi4uuLi4PDZc/fr1SUtL49ixY9SsWROAHTt2oFKpqFu3bqnxMjIyaNOmDWZmZqxZswZzc/MnTts9/40rnRBCCCGEEEKI/3fUanWF3MpLpUqVaNu2La+//jpHjhxh//79vPvuu3Tv3l37pohbt24RHh7OkSNHAE3HQuvWrcnOzmbWrFlkZGQQHx9PfHw8xcVP3sEvIxeEEEIIIYQQQoj/iN9++413332XFi1aoFQqefnll5k6dar2+8LCQi5cuEBOTg4Ax48f175JIjg4WOdY165dw9/f/4n+X+lcEEIIIYQQQggh/iMcHR1ZtGhRqd/7+/vrjJ547rnnDDKaQjoXhBBCCCGEEEJUSOoK+irK/yJZc0EIIYQQQgghhBBlIp0LQgghhBBCCCGEKBPpXBBCCCGEEEIIIUSZyJoLQgghhBBCCCEqJFlz4dkhIxeEEEIIIYQQQghRJtK5IIQQQgghhBBCiDKRaRFCCCGEEEIIISoklVqmRTwrZOSCEEIIIYQQQgghykQ6F4QQQgghhBBCCFEm0rkghBBCCCGEEEKIMpE1F4QQQgghhBBCVEjyKspnh4xcEEIIIYQQQgghRJlI54IQQgghhBBCCCHKRDoXhBBCCCGEEEIIUSay5oIQQgghhBBCiApJrZY1F54VMnJBCCGEEEIIIYQQZSKdC0IIIYQQQgghhCgTmRYhhBBCCCGEEKJCUsmrKJ8ZMnJBCCGEEEIIIYQQZSKdC09o7NixREVF/a04zz33HIMHDy6X9Bg6Hf7+/kyZMuVfSY8QQgghhBBCiP+W/5fTIhQKxSO/HzNmDGPHjtXZN2zYMN57771yTFX5WbFiBSYmJk87GWVyfNdvHN46i+yMRFy9w2n5yqd4+lctNfz5YxvZu/Z70pNv4eDqz3OdhxFUuSkAxcWF7F0zhSun95CeFIOZhTV+4Q1o+uJQbOzdyjUfh7f9xr6Ns8lKT8LdN5zne32Md2Dp+Th9ZBPbV0wlLekWju5+tOk6lNBqTbXff9q3kt54bboNo1H7/gZPP8Dezb+zY+1cMtKS8PIL4+V+o/ALrqI37O2Yy2xY+gOx186SkhhH594jeO7513TC7NuyhH1bl5CSGAeAh3cQbV4eSET1xuWS/nvUajVHN0/j7OFl5Odm4BFQgyYvjcHexf+R8U7t/43oXbPIyUzCySOcxp0/wc235Bzu+mM0sZcOkp2egImZJe7+1an//DAcXAPLLR9/bpnG+SOafLj716Bx5zHYPSYfpw/8xonds8i9m4+GnT7B1ffhsqhWq9k4+w1iLuylde/pBFRuafA87N+yiF3r5pCZnoSHbxid+3yEb7D+ehEfe5nNy6YRe+0sqUlxvPDahzRp11snzJVzf7Jr3WxuXTtLRloifT+YSuXaLQye7gdtXrectSsWkZ6agm9AMP3e/IDgsAi9YbdvWsOeHRuJvXENgIDgMLr3flMn/LLfZnFw7zaSExMwNjYhIDiMV3q/QUhYZLnlYefGxWxdPY/0tGS8/UPp3v9DAkL01++4m5dZs3gGN6+eJTnxNl37DaNlh14PhUtNvsOKhd9z5vh+CgrycHH3oc87n+EfXH75+C+UqUP3Xy98wunQ62O8gx59vdh293rh5OZH625DCbvvepGfl82WpZM5d3w7OVlpOLh4U79VL+o0716u+di6fhkbVi0kPTUZH/8Qer8xjKBQ/ed+55ZV7Nu5ntgbVwEICAqn62tv64Q/enAnOzat4PqVc2RlZvDFdwvxCwwt1zwAbFi7ipXLl5CWmoJ/QBCvv/UeoWH6r8FbNq1j5/at3Lxbv4OCQ+nVp79O+BfbN9cbt8//3qBzl/I9J/1f9adja3dsrIw5dS6DST9eIvZ2bqnhX2znwYvtPPFwMwfg2s0c5i6+waFjKdownu7mvPu/IKpE2GJqouTw8RS++/kyqWmFBk27Y6NaBA7tj12Nyph7uvLny29zZ832R8dpUoeISSOxjgghL+Y2lyfMIHb+Sp0wfm/1JHBIf8zcXcg4eZ4zg8eRfvSUQdN+v2VbdrNw7TaS0/+PvbsOb+p6Azj+rVEKdS+lSgvF3V3HkA1nY8NhuPvQ/YYPG4PBGBTbsOEMd3cr7lCklLp78vujIyW0hUJb0pT38zx5tt6cm7yH5OYm7z3nPeF4OjsyvEs7inu4vne/facuMO635dSqUIpZw3qpti/ZuJP9py/iHxSCgb4eXm7O9GnfnBIebtnWByHS8lmOXPDz81Pd5s2bh6mpqdq24cOHq9oqlUoSExMxNjbGyspKg1F/uPj4eAAsLS0xMTHRcDQf79aFXRzaNI3qTfvR5cct2Bb0YsP87kSFB6XZ/tmDS2z3Hkapam3o8uNWPEvXZ/PifgQ8vwtAYnwsL31vUq1JHzqP2UyLHxYQ7P+IzYv6ZGs/rp3dxe51M6jboh99ftqEvVMRVs7qSWQ6/fC9d5l/Fg+nfK3W9PnfZoqWrc+a+QPwf3ZX1WbkvGNqt5bdp6Cjo0OxCo2ypQ+XTu1hy6pf+KJ1b0ZM30ABl8IsmtqLiLC0+xAfF4u1XUGafzsYU3PrNNuYW9nRvMNghk9bz/Cp6/AsUZmlvwzE7+n9bOnDa5cPL8XnxGpqt55E64Eb0M9jxL9/9iAxIS7dfe5d2cXJ7dOp0LAfbQdvxrpAEf79swfRESn9tylYnHrtpvLtyJ0077kUlEp2LOmOQpGULf24emQp10+upmarSbQckNyPncve3Y/7V3Zxesd0yjfoR+tBm7F0KMLOZT2IiUz9Ol47vhJ4d0I2M66c3s32v2bSsFVfBk/5hwLORfhz+rveUzFY2jrR5JshmKTznoqPi6GASxFadh2XbXG/7dSxA6xe+httvu3GtF+9cXHzYNqEoYSFhqTZ/ua1S1Sv3ZDx0+bzv1l/YGVjy9QJQwgODFC1cXB0omvvocxcuIpJM3/Hxs6eqeOHEB6W9mNm1vmTe9m4YjZN2/Vi7C9rKehSmPk/9yU8LDjN9vHxsVjbOdLy+0HpHt9RkeH8MrYLenr6DBi3gEnzNtO281DyG5tmSx8gd7ynrp3dxe61M6j7dT/6/ne+WPGe88WGRcnni77/20zRcvVZ86v6+WL3mhncu3aCNr1mMmjaTqo16sS/qydz69KhbOvHmeP7WeM9j5bte/DznFU4u3kyc9JAwkLTfk/dunaRqjW/4MfJi5g4cxmW1nbMnDSA4KBXqjZxsTEULlqa9p36Z1vcbztx9DDefy7imw6dmPPbH7i6F+Kn8aMITef4vu5zlZq16/HztDnMmL0Aa2sbJo0bSdAbx/fyvzaq3QYMHoGOjg5Vq9fK1r5819qJNs0cmfX7PX4YfpmY2CTm/K8keQzS/5wPCIxn8cpHdB98iR5DLnHJJ4RpY4vj5pwPgLyGusz9XymUSiWDxvrQZ+QV9PV1mTG+BO+5nvfB9PLnI9znDtcH/pSh9kauBam4/Q+CjpzlRIWvefTbSkr+MRnrhjVUbRzafknRX8Zwb/JCTlRqSYTPbSrvXEYeG8usDf4/+09fZN7qzfRo3YRVU0fj6VKQgdMXEBwW8c79XgQEMf/vLZTxKpTqPmcHW0Z0acfaGWNZMnEoDjZWDJi6gJDwdz9mbqFUKLXylht9lskFe3t71c3MzAwdHR3V37dv38bExITdu3dTvnx5DA0NOXHiRKppEYmJiQwcOBBzc3OsrKwYNWoUnTt3pkWLFmk+5//+9z9KlCiRanuZMmUYP3686m9vb2+KFy+OoaEhDg4O9O+fcvIMDQ2lR48e2NjYYGpqSr169bh69arq/tcxLl26FDc3N/LmTc4wvz0t4tWrVzRv3hwjIyPc3Nz4+++/U8X1vue6evUqdevWxcTEBFNTU8qXL8+FCxfe+2//Mc4fXE7p6u0oVa011g4efPHtTxjkycu105vSbH/x8Crci9WkcqMeWDsUotZXg7FzKsalo38BYGhkwjeDllO0fBOs7N1xdC9Dw/bjeel7g/DgF9nSB4BTe1dSoXZbytVsha2jB807T8IgT14uHducZvvT+1fhUbIGNZp0x7ZAIRq0HoSDS1HOHlijamNibqN2u3XpEG5elbG0dcqWPhzZuYpq9VtTpW5L7AsWol2PCeTJY8SZw1vSbO/iUYKvvx9Guepfom+QJ802JcrXoXjZWtg6uGBbwJVm3wzEMG8+Ht/zyZY+QHLS0Of4Kso36I1bifpYFyhC/W9mEBX+ikfXD6S739WjKyhWuS1FK7XG0t6D2q1/Qt8gL7fPp7wXi1dpT4FCFTG1LIhNweJUajyYyFA/IoKfZ0s/rp1YRbn6vXEtXh8rhyLUbT+D6PBXPL6Rfj+uHV9B0cpt8arYGgs7D2q1St0PgMAXt/A5vpw67aZkeeyvHd21ksp121CpTkvsC3rQuvtEDAzzcv5o2seFc6GSNP9uOGWrNUFfP+33VNEyNfmy3SBKVsz6URbp2bl1PfW+aE6dhk0p6OxGj34jyGNoyJH9/6bZfsCISTRq2gpX98I4OrnQa8BolAoF16+mfI7WqNOIkmUqYmfviJOLOx17DCQmOoonjx5kSx8O7FhNjQatqF6vBQWcCvFdr3HkMczLqYNb02zv6lGCNp2HUrFG43RHx+3dshwLa3u69P8fbp4lsbZzpFiZatjYZ89nFOSO99TJPcnni/K1ks8XX3VJPl9cTOd8cWrfKjxL1qDmm+cL16KceeN84Xv/MmVrfI170UpY2DhSsW477J2K8Oxh9n3W7t62hjqNWlCrQXMcnd3p2mc0hoZ5OXZgR5rt+w77mQZN2uDiXpgCBV3p0X8sCoWSm1fPq9rUqNuElt/0oHjpStkW99u2bfmHRo2bUL/Rlzg5u9Kn/xAMDQ05uG93mu2HjhxLk2Zf417Ig4JOzvQbNBylQonP1cuqNhaWlmq3s2dOUaJUGewdCmRrX9p+5ciqDU84cTaIB4+jmDz3NlaWhtSsknZiDeDk+SDOXAzmmV8MT1/EsGT1Y2JikyhWJDlJWLKYGfa2eZky7w4Pn0Tx8EkUU+bexsvDhPKlzLM0/oC9x7g7cR7+29I/x73J5YdviHn0jFsjZxB5+yFPfv+bl5v24jaoi6qN2+CuPF22gWcrNxN56wHX+k4kKToWpy6tszT219bsPEiLetVoXqcq7gUdGN39G/LmycOOI6fT3SdJoWDCghX0bNMUR9vUr1Xj6hWpVNILRztrCjkVYPD3rYiKieWeb9Z/9xDiXT7L5EJGjB49munTp3Pr1i1KlUo9DHHGjBn8/fffLF++nJMnTxIeHs7WrVvTfbxu3bpx69Ytzp9POUFevnwZHx8funbtCsCiRYvo168fP/zwA9euXWP79u14eHio2rdt25ZXr16xe/duLl68SLly5ahfvz7BwSlXAO7fv8+mTZvYvHkzV65cSTOWLl268PTpUw4fPszGjRv5/fffefXqlVqb9z3Xd999R8GCBTl//jwXL15k9OjR2TL1Iikxnpe+N3DxqqbapqOri6tXNZ4/vJzmPs8fXsHFq6raNrdiNXj+8Eq6zxMXEwk6OhgaZc/VtMTEeF48voF7sZS4dHV1KVS8Kk8fpB3X0/tXKVRMvR8eJWvgm077yLBA7vocpVyt7DkZJiYm8PThTQqXrKLapqurS+GSVXh87+o79sw4hSKJSyd3ExcXg1vh0lnymGkJD35GdEQATp4p7ytDIxPsnEvx8smVNPdJSown4PkNChZWfy8W9Kya7j4JcdHcPr8ZU8uCGJvbZ2UXAIj4rx+Ob/XD1qkU/u/ph6NH6n68uU9CfAwH1wynRosJ5DOxyfLYIfm4eP7oJoVLqB8XniWq8CSL3lOfQmJCAo/u36FkmYqqbbq6upQsU4G7t69n6DHi4mJJTEokv0nan0GJCQkc3LONfPmNcXHzSLNNZiQmJOD74BZFS1VWbdPV1cWrVGUe3v34H58+F47iUqgYf8wazvCudZk8vD3H96edGM4KueE99fp8Uah4GueL+1fS3Ofp/atq7QE8S9RQa+/sUZbblw8THuyPUqnk4a2zBPo/xqNE9ezoBokJCTx+cJvipdWPi+KlK3L/TsaGm8fFxZL0juPiU0hISODB/buUKlNetU1XV5fSZcpz5/bNDD1GfFwcSUmJGBunPYo0NCSYi+fP0KBRkyyJOT0F7PJibWnI+SspIy6iopO4eTecEl4Z+zfW1YX6NW3Im1ePG7fDAcijr4sSSEhQqNrFxytQKKFUMbMs7cOHMq9ShsBD6j/aA/afwKJKGQB0DAwwK1ecwIOnUhoolQQeOoV5lbJZHk9CYiK3Hz2lYgkv1TZdXV0qlvDi2r2H6e63bNMuLExN+LputXTbvPkcWw+dxDifEYWdC2ZJ3EJk1GdZcyEj/ve//9GwYcN07//tt98YM2YMLVu2BGDBggXs2rUr3fYFCxbkiy++YPny5VSsmHyiXb58ObVr18bdPXku9uTJkxk2bBiDBg1S7fe67YkTJzh37hyvXr3C0NAQgFmzZrF161Y2btzIDz/8ACRPhVi1ahU2Nmn/GLh79y67d+/m3LlzqsdetmwZRYumzAPMyHP5+voyYsQIvLySPxw9PT3T7XtmREeGoFQkkd9UfUpKPlMrgvzT/hCOCg8kv6l6Vje/qRVR4YFptk9MiOPIllkUq9AUQyPjrAn8LdERoSgUSRibqffD2NSKQL9Hae4TGRaIsZl1qvaRYWn34/LJrRjmzU+x8um/bzMjKjwEhSIJk7f6YGJmxasXafcho1743mXuuO9JTIjHMG8+ug+fh33B1MP+skp0RPLQVCMT9b4YGVsTHZH2v29sVPJ7MZ/xW/uYWBPySr3/10+u4dTOWSTGR2Nu40bzH7zRS+eKaGao+pFGTO/rR1p9D32jH6d3TMPepSyuxbNvXnlUOsdFVrynPqXw8OR+mJmrD6E1M7fk+TPfDD3GmhWLsLC0pmSZCmrbL547yfyZE4mPi8XcwoqxP8/D1Mw8q0JXiYz47/g2V38tTM2sePn88Uc/boD/M47u/YcGzb/ny1Y9eHz/Ouu9Z6Kvb0DVul9lMurUcsN7Kt3zhdm7zxdvn/eMzayIeON80azjOLYun8DMIXXQ1dNHR0eHFl3/h5tXRbJDRDrHham5JS+ePcnQY6xftQALS+tPOkrhbRHhYSgUCswtLNS2m5lb8Oxpxo7vlcuXYGFpRemy5dO8/9CBfRgZ5aNq9eytNWRpkXweersOQkhovOq+9Li75GfxL2XJk0eXmJgkfpxyg8dPowG4cSec2Ngk+nRx54/Vj9ABend2R19PByvLrD/3fQhDO2vi/NXPh3H+gRiYmaCb1xADCzN09fWJexX0Vpsg8hfJ+lpJoeGRJCkUWJqpJ5oszUx48uJlmvtcuX2f7UdO89e0Me987OOXrjFuvjex8QlYm5uy4McBmJtmz/fanEapzJ1TDLSRJBfSUaFChXTvCwsLw9/fn0qVUk52enp6lC9fHoVCke5+PXv2pFu3bsyZMwddXV3WrFnD3LlzgeSpCi9evKB+/bS/yF+9epXIyMhUdR9iYmJ48CBliKyLi0u6iQWAW7duoa+vT/nyKSc4Ly8vzM3NP+i5hg4dSo8ePVi9ejUNGjSgbdu2FCqU9o/BuLg44uLU538nxBtikMcw3Tg/laSkBLb9OQhQ0ujbjM3fy6kuHdtMqSrNcsS/64eyLeDGyJkbiY2O4MqZ/fy9cBwDJy3PsgTD3Us7OLJxourvpt0XZ8njpsezXHMKFq5GdHgAV456s2/1YFr2X4u+QeZem3uXdnBsc0o/vuyaPf14fOMQz++fpc3gtIdgi6y17Z/VnDp2gAnTFpDnreO3eKlyzJi/gojwUA7u3cG8GeOZPPtPzMwt0nm0nEWpVOBSqBgtvxsIgLO7Fy+ePuDovo3ZklwQ6Tuz/y+ePbjK94N/x9yqAI/vXGDH6p8xsbDFo/j7r4Z+ajs2ruTM8f38OGVRquNCm2zasIYTRw8zecYc8uRJ+4f2wf27qVW3frr3f6yGtW0Z0S+l2OXI/318gULf59F0HXQB43z61Kluw9ghRRgw5iqPn0YTGp7A+Bk3Gd7HkzbNHVEo4cCxV9y5H8E7vhaLDIiKiWXi76v4sWeH9yYKKhQrzF/TxxAaEcXWQycZ8+sylv88IlUiQ4jsJMmFdOTPnz/LH7N58+YYGhqyZcsW8uTJQ0JCAm3atAHAyMjonftGRkbi4ODAkSNHUt33ZmIgK+LOyHNNmjSJDh06sHPnTnbv3s3EiRNZt26daiTHm6ZNm8ZPP6n/cP+q00S+7jzpvbHkM7ZAR1cvVfHG6PCgVFdpXstvap1qlEJUGu2TEwuDCQt+wbeDV2bbqAWAfCbm6OrqEflWQbHI8KBUoxNeMzazTjVKIb32j+9cIPDlI9r1nZN1Qb8lv6kFurp6qYqiRYQFpbra+aH09Q2wsXcGwMm9OL4PrnN011+0/2Hie/bMGNdidWk/NGV6U1JicrHTmIgg8pvaqrbHRAZiVSDt6t958ye/F6PfKnoYExFIvrfeW4ZGJhgamWBu44qdS2mWja/Mo+v78SzbLFP9cClWlzbOafQj8q1+RLy/HzERb/UjMhAjk+R+PH9whvBgX5ZPVL9auH/1QOzdyvNV79WZ6sdr+dM5LiLCgtItEJgTmZom9+PtInVhocGYW7y7INiOzWvYtvEvxk6el+Z0h7x5jbAvUBD7AgXx9CrB4J7tObxvBy3adUrj0T6escl/x3eo+msRHhaEWSZeCzNzGxzeShI6OLpx+UzG5kt/qNzwnkr3fBH27vPF2+e9yLAgTP5rnxAfy/6N8+gwcD5FytQBwN65CH6+tzi5e3m2JBdM0jkuwkODMbd49zlj55a/+HfzSkb9tABn1+wZGZlRJqZm6OrqEhqiXrwxLDQEC8t3H99bN61n0z9r+d+UWbi6pZ0sv3Hdh+fPnjJ89IQsi/m1E+eCuHk3pY5LHoPk2dAW5gYEhcSrtluY5+H+w8h3PlZiopLnfrEA3HkQSVFPE9p+5cgvC+8BcP5yCO1/OIeZqT5JSUoio5LYtqoqL16+etfDZrs4/0AM7d46R9tZkxAWgSI2jvjAEBSJiRjaWr3Vxoq4l2mPAMwMc1Nj9HR1UxVvDA6LwMo89dSU5/4B+AUEMeyXlIsJiv+u0lf9bgD/zJlAQbvki4pGeQ1xsrfFyR5KerrResgkth8+RZcWX2R5P4RIj9Rc+AhmZmbY2dmp1U9ISkri0qVL79xPX1+fzp07s3z5cpYvX84333yjSiqYmJjg6urKwYNpL6dTrlw5Xr58ib6+Ph4eHmo3a+uMf2Hy8vIiMTGRixcvqrbduXOH0NDQD36uwoULM2TIEPbt20erVq1Yvnx5ms85ZswYwsLC1G5Nvn330K7X9PTzYO9cnCd3UubLKRUKHt85jaN72nPhHN3L8OTOGbVtj2+fwtG9jOrv14mFkFdP+GbQCoyMs/cqoL5+Hgq4FufhzZS4FAoFD2+ewalQmTT3cfIordYe4MGNUzin0f7SsU0UcC2Og7NXqvuyir6+AU7uxbh77axqm0Kh4O71M7h6Zm19hORVWuLf3zCD8uQ1xszaRXWzsPMgn4kNz+6lvK/iYyPx9/XB3qVMmo+hp58HG8fiPL+n/l58dv9MuvukUKoSAdnRj+dv9ePVUx/s3teP++r9eH7/jGqfsnV70nbINtoM3qK6AVRtPpo67aZluh+v6evnwdGtGPduqB8X92+cxSWL31PZSd8geZnIN4sxKhQKrl+9SGGv1IV8X9u+8W82r1vBmJ9mU8gz7WTQ2xRKBQkJWbu0GyT3wblQUW5dO5fyXAoFt33O4V44/eUP36eQV2n8XzxW2+bv9wRLG4ePfsx3yQ3vqXeeLzzKpLmPk0dpHrx1vrh/45SqfVJSIklJCejoqH/t09HVe+eIy8zQNzDAtZAXN31SvispFApu+FzAo0jay5sC/Lt5Fds2LGPExF9x90x7KddPycDAgEIehfG5mvIdT6FQ4HPlEkW80o9v8z/r2LD2Lyb+PAOPwkXSbXdg324KeRTGzT3rpwLGxCTx3C9WdXvkG01gcBwVSqd858lnpEexwqZc/69+Qkbp6ICBQeqfEWHhiURGJVGulDkWZgacOJf2CiefSuiZK1jVq6K2zbp+NULOXAFAmZBA2KUbWNd7o2aJjg5WdasSeibt2l6ZYaCvj5ebE+ev31FtUygUXLhxh5KeqadhuBSwZ+3Msfw1fYzqVrN8ScoX8+Sv6WOws0r/+6tCoSQ+MTHL+yDEu8jIhY80YMAApk2bhoeHB15eXvz222+EhISg8541d3r06KGqb3Dy5Em1+yZNmkTv3r2xtbXlyy+/JCIigpMnTzJgwAAaNGhA1apVadGiBTNnzqRw4cK8ePGCnTt30rJly3dO43hTkSJFaNy4Mb169WLRokXo6+szePBgtZET73uu4sWLM2LECNq0aYObmxvPnj3j/PnztG6ddiFBQ0NDVe2G19JZOCBNFet3ZefKUdg7l8DBtRQXDq0kIS6GklVbAfDvipGYmNtRu8UwAMrX7cTaOR05d8CbQiVqc+vCLl4+uU7jDv8DkhMLW5cMxP/pTdr0/QOFIonIsP/mruc3y5a58QDVvujM5j/H4OhWAkf3kpzet4r4uBjK1Uwe7bFxyShMLexo1HYoAFUbdmLZ9E6c3L2cwqVrc+3sLl48usHXXdRHgcTGRHL9/F4afzMyW+J+U52mnfj797E4FyqOc6GSHN21mvi4GCrXaQHAXwt+xMzSluYdBgPJRSBfPnug+v+wkFc8e3wbw7z5VCMVdqyZR9EyNbCwdiAuNoqLJ3Zx/+Z5ev+YfVMXdHR0KFWzExcPLsbMxhVTS0fO7ZlPflNb3EqkVIPftrgL7iUaULLG9wCUrt2FQ+tGY1OwBLbOpfA5vpLE+Bi8Kia/F8OCnnL/yi6cilTHKL8lkWEvuXzoT/QMDHH2qp1mLJntR8kanbh0aDFm1q6YWDpyYd988pna4lo8pR87lnTBrXgDSlRP7kfJml04suG/fjiV4tqJlSTEx1CkQnI/8pnYpFnE0di8AKaWWVscqnaTzqxb/CMF3ZPfU8d3ryY+NoaKtZOPi7W/j8HM0pYm3wwBkovd+f/3nkpKTCAs+BXPH9/CMG8+rO1dAIiLjSLwZcpc6OCAZzx/fIt8xmZYWGdPJfamLdqzaO4U3D298ChcjF3bNhAXG0vtBk0BWDj7ZyytrPm2S/KSt9s2/sU/fy1lwIiJ2Ng5EBqS/AU8b14j8hrlIzY2hi3rV1Khcg3MLa2JCA9l37+bCQkKpEqNutnShwbNO7Lit/G4FiqGq2cJDv77N/FxMVSr9zUAy+ePw9zSlpbfJ09xSExIwE91fCcSGvSKp4+Sj29bB+f/HvN7ZvzYhV2bllKhWiMe37/O8f2b+L73+LSDyAK54T1VvXFnNv05hgJuJSjoXpJTe5PPF+Vfny/++O980S75fFGtUSeWTuvEid3LKVK6Nj7/nS9adE0+X+Q1MsbVqyJ71v+Cfp68mFsX4PHt81w5uY0vvx2V5fG/9uXXHVjy60+4eRTF3bM4e3esIy42hloNkkdxLZ47EQsrW9p36gfAv5tWsmnNEvoO+xlrWwdCQ5KvHOfNm4+8RsnLHkZGhBEU4E9IcPJ52+95cv0GMwtLzC2yZ3TK1y3b8uuc6Xh4FsGzsBc7tm0iNi6W+g0bAzBv1jSsrKzp2LUnAJv/Wcua1SsYOnIstrb2hPxXDDuvkZHa963o6ChOHT9K1x69syXutPyz/Tmd2zvz9EUMfv6x9PjelaDgOI6fSblKP29yKY6dDmTzzuQVtHp1cuPMxWD8A2LJZ6RPw9q2lC1pztCJKdMsmtS348mzaELCEijhZcqgnh5s2PaMp89jsjR+vfz5yO/hrPo7n1tBTEt7ER8cRuxTP4pMHkpeRzuudk1+Xz9Zsg6Xvt/hNW0ET1dswrpuFRzafsn5r3qpHuPRvOWU9p5B6MXrhJ33wXVgZ/TzG/F0ZfZMDezQtD4/LVpFUXdninu4sm73IWLi4mhWOzkJMvH3ldhamNPv268xzGNAISf1zxiTfMnvodfbY2LjWL51DzXLl8La3JTQiCg27jtKQEgo9StnfVHKnEgp829yDEkufKRRo0bx8uVLOnXqhJ6eHj/88ANffPEFenp679zP09OTatWqERwcTOXKldXu69y5M7GxscydO5fhw4djbW2tmjaho6PDrl27GDt2LF27diUgIAB7e3tq1aqFnZ3dB8W+fPlyevToQe3atbGzs2Py5Mlqy2G+77n09PQICgqiU6dO+Pv7Y21tTatWrVJNfcgqRSs0IToymBP/zicqPADbgkVpN2CpappDeLCf2tWYgoXK0bzbLI5vn8exbXOwsHGlVe+F2DgmzzuMDPXnvk/yut7Lp3yt9lzfDlmFc2H11yWrlKzchKiIEA5umU9kWCAOzkXpNGyJaphrWJAfum/0w9mzLG17/cKBzb+yf9NcrOxc6DDwN+wKFlZ73GtndwFKSlVpmi1xv6lctcZEhgeza8NCwkMDKejqRe8xi1XDjUOC/NDRTUmwhQW/4pdRbVV/H9qxgkM7VuBRrAIDJiaPdIkID+bv38cSFhKAUT4TCjh70vvHxXiVyt45wGXr9iAxPoYjGycQHxOOg1t5mvX8U60uQniQLzFRKUNhPcs0ITYymHN7fyM6IgDrAkVp1uNP8v03nUBfPw9+jy7ic3wVcTHhGBlbUcC9Aq36ryWfSeamjqSndJ0eJMTHcGzTBOJjw7F3LU+T7qn7EftGPzzKNCE2KpgL+1L60aR7Sj8+pTJVvyQyPJi9GxcQERpIARcveoz+QzWc++33VHhIAHN/bKP6++jO5RzduRz3ohXpO34FAE8f3mDx5K6qNtv/mglAhVpf803vqdnSj2q1GhAeFso/fy0lNCQYF3dPRv9vtmpaRGCAv1o/9u/aQmJiAnOnjVN7nNbfdqPtd93R1dXlxbMnzDm4m4jwMExMTXH3LMqkGb/j5JL1RcYAKlb/gsiwELavW5R8fLsVYeC43zH9b9pTcKCfWgI9NOQVk4d/k9Kn7avYv30VhYuXZ9j/lgHJy1X2GTmHLX/PZ+c/S7C2daRd1xFUrpV9n1e54T1VsnITosJDOLg55XzReXjK+SI02A8dXfXzRbvev3Bg06/s3/jf+WKQ+vmifZ/Z7PtnLv8sHkFMVBjm1gVo2GYwlep9k+r5s0qVmg2JCA9h05olhIUE4exWmBETf8Xsv/dUUKC/Wj8O7tlMYmIC82eMVnuclt/0oNW3yYWrL507zp/z/6e6b+GssanaZLUatesSFh7K2tXLCQkJwc29EBP/N0N1fAcEvFLrx+6d20lMTGDm1Elqj9O+Qye+/b6L6u/jRw+jREnNOvWyJe60/L3pKXnz6jGyf2GM8+tz7WYYwyZeIz4hpSCeo70R5qYpK4BZmBkwbogXVpZ5iIpK5MHjKIZOvMaFN1adcC6Yj16d3TE11uflq1hWbfBl/bZnWR6/WfkSVD2YMjWv2KwfAXi6ajM+3cdg6GCDkVPKyKiYx884/1Uvis0eg+uATsQ+e8m1XuMI3H9C1cbvn93ksbGk8MSBGNrbEH71Fuea9SD+VfaMumhYtTwh4REs2fgvQaERFHZx5NfR/VTTIvwDQ9B9z8XKN+nq6vL4hT87j/1JaEQUZsb5KVbImSUTh6ZKTAiR3XSUUl4zSygUCooWLUq7du34+eef022nVCrx9PSkb9++DB069BNGmLN4H9J0BJlnbJQ7sqSmRrljyNydp1m/FOqnlpQ73lJ4FkzSdAiZVtA0VNMhZImwuKyvH6QJEXHaf3zHJuSOmagu5hHvb5TDmRi8u76Atug5+L6mQ8gSY/ZkT1LoU6pxdqGmQ8gSZuUavL9RDvTtyIyt3JLTrJ3p/P5GWkZGLnykJ0+esG/fPmrXrk1cXBwLFizg0aNHdOjQId19AgICWLduHS9fvqRr167pthNCCCGEEEIIIbSJJBc+kq6uLitWrGD48OEolUpKlCjBgQMHVPUU0mJra4u1tTVLlizBwkI7lhETQgghhBBCiJxKoZCB+DmFJBc+kpOTU6qCjO8jM1CEEEIIIYQQQuRGuWMCoBBCCCGEEEIIITRGRi4IIYQQQgghhNBKMjo855CRC0IIIYQQQgghhMgUSS4IIYQQQgghhBAiUyS5IIQQQgghhBBCiEyRmgtCCCGEEEIIIbSSUpaizDFk5IIQQgghhBBCCCEyRZILQgghhBBCCCGEyBSZFiGEEEIIIYQQQivJtIicQ0YuCCGEEEIIIYQQIlMkuSCEEEIIIYQQQohMkeSCEEIIIYQQQgghMkVqLgghhBBCCCGE0EoKpULTIYj/yMgFIYQQQgghhBBCZIokF4QQQgghhBBCCJEpklwQQgghhBBCCCFEpkjNBSGEEEIIIYQQWkmpUGo6BPEfGbkghBBCCCGEEEKITJHkghBCCCGEEEIIITJFpkUIIYQQQgghhNBKMi0i55CRC0IIIYQQQgghhMgUSS4IIYQQQgghhBAiUyS5IIQQQgghhBBCiEyRmgtCI5IUmo4g84raBGg6hCxx3tdO0yFkidg47X9TxSdofx8AouL0NB1CphXxO6TpELJEgrGlpkPIEpfyVNd0CJmWkGSo6RCyhJF+rKZDyDSLhFeaDiFL6BkYaDqELFHj7EJNh5BpJyr303QIWaJpwh1Nh/BRlEqpuZBTyMgFIYQQQgghhBBCZIokF4QQQgghhBBCCJEpklwQQgghhBBCCCFEpkjNBSGEEEIIIYQQWkmhyB01q3IDGbkghBBCCCGEEEKITJHkghBCCCGEEEIIITJFpkUIIYQQQgghhNBKSoUsRZlTyMgFIYQQQgghhBBCZIokF4QQQgghhBBCCJEpklwQQgghhBBCCCFEpkjNBSGEEEIIIYQQWkmplKUocwoZuSCEEEIIIYQQQohMkeSCEEIIIYQQQgghMkWmRQghhBBCCCGE0EqyFGXOISMXhBBCCCGEEEIIkSmSXBBCCCGEEEIIIUSmSHJBCCGEEEIIIYQQmSI1F4QQQgghhBBCaCWpuZBzyMgFIYQQQgghhBBCZIokF4QQQgghhBBCCJEpklwQQgghhBBCCCFEpkjNBSGEEEIIIYQQWkmhVGg6BPEfGbkghBBCCCGEEEKITNG65MLjx4/R0dHhypUrmXqcOnXqMHjwYNXfrq6uzJs3L1OP+Sl06dKFFi1aaDoMIYQQQgghhBBC5YOmRXTp0oWVK1fSq1cvFi9erHZfv379+P333+ncuTMrVqx472MdOXKEunXrEhISgrm5+YeEkS3Onz9P/vz5M9z+zz//ZMGCBTx48AB9fX3c3Nxo164dY8aMycYoP1+Xj/7N+QPLiAoPwMbRi/rtxuPgWird9ncu7ebkv78SFvQcC1tXan09HPcStVX3372yj6vH1+H/9AaxUaF0Gr0VW6ei2d6P3f9uZvumdYSGBOPiVojuvQfhWaRYmm3379nB0UN7efr4IQDuHkXo0LmnWvsFc6Zy5OAetf3KlKvEuJ9nZVsfLh35m7P7k18L24JeNGg/ngLveC1uX9zN8R0pr0WdlsMp9N9rkZSUwPHt83hw/RhhgU8xNDLGxasatVsMw8TcLtv6AKBUKrl88DfunP+H+NgIbF3KUu2riZhZu75zv5tn/ub6cW9iIgOxsPeiarOx2Dip9/+V72Uu7v+VgKc+6OjqYungxRddlqJvkDdb+lK7pC5lC+mQ1wCeBirZfV5BcOS796ngqUNVL12MjcA/BPZcTOJFcMr9+fNCgzK6uNvrkMcAgsLhxA0Ft59l/XJPZw/+zandy4gMC8TO2Ysm342joHv676kb5/dwaPOvhAY+x9LOhYZth1O4dG21NgEvHrD/n1k8vnMeRVISNgUK0b7/fMytCmR5/K+tP3yWlXtPEBQWSWEne0Z925QSbgXfu9+ecz6M+fMf6pTxYm6/71Tbg8Ij+XXjPk7fvE9kTCzlPF0Y+W0zXOyssq0P/+w7yl87DhAUFo6nsyPDu7SjuIfre/fbd+oC435bTq0KpZg1rJdq+5KNO9l/+iL+QSEY6Ovh5eZMn/bNKeHhlm19ADiyex37tq8kPDSIgi6Fad99FG6eJdNs++LpfXasW8SThzcJDvCjbZfh1G/2fap2IUH+bPnrV25cPkl8fCw29k507vsTLh7Fs6UPp/f/zbFd3kSGBWLv5MVXncbiVCj94+La2T3s3zSfkMDnWNm50Lj9MLzKpBwXEWGB7Fk3m3vXTxIbHYFrkQp81Wks1vau2RL/a7nhvAewZede1m3dQXBIGIVcnRn0Q1eKFvZIs+2x0+f465+tPH/5ksTEJAoWsKfd1035om4ttXaPnz7nj5VruHrjJklJClycHPl59FDsbKyztS/dvnGiWUM7jPPpce12BHOWPOS5X2y67b/+wo6vv7DH3tbwv7hjWLnhKWcvhwJgb2PI+j/Kp7nvxF/ucOR0UJbGr+2fU5Y1KuA+rDtm5UqQt4AtF1r3xX/7wXfvU6sSxWaNxriYJ7FP/bg/bRHPVm1Ra+PSpwPuQ7tjaG9DuM9tbgz+mbDz17KlDzmNLEWZc3zwyAUnJyfWrVtHTEyMaltsbCxr1qzB2dk5S4P7lGxsbMiXL1+G2np7ezN48GAGDhzIlStXOHnyJCNHjiQy8j3f5j+B+Ph4TYeQ5W5f3MWRzdOo2qQfHUdvwbagFxsXdCcqIu2T1fOHl/h3+TBKVG1DpzFb8ShVn61L+hHw4q6qTUJcNI6FylHr6+GfqhucPHaQlX8upG2HLsycvxRXNw8mjx9OWGhImu1vXLtMjVr1mTTtV6bOXoS1jS0/jx9OUGCAWrsy5Svz5+otqtvgkROzrQ+3Luzi0KZpVG/ajy4/Jr8WG+Z3Jyo87dfi2YNLbPceRqlqbejy41Y8S9dn8+J+BDxPfi0S42N56XuTak360HnMZlr8sIBg/0dsXtQn2/rw2rXjS7l5+i+qfT2J5n3WY2CQj70repKYEJfuPg99dnFu1wzK1OvHV/02YWlfhL0rehITmdL/V76X2bviBwp4VKd5n/V81ecfilb5Dh2d7BkoVq2oDpUK67DrvALv/UkkJEKHunrovePpijnr0LCsLseuK/hzTxL+oUo61NUjn2FKm6+r6GJlqsP6Y0n8sSuJ288UtK6ui71F1sZ//ewu9q6bTp2v+9Fr0mbsnYqwenYPItN5T/neu8TGxcMoW6sNvX/agle5Bqz7rT/+z1KO7+BXviyb2gFrB3e6jlpF35+3UfurvugbGKb5mFlh7/lrzN6wm17N67JmfB8KF7Sn77yVBIe/+7zwIjCEuf/spayni9p2pVLJkIVreBYYzLx+HVg7vg8OVub0nrOcmLjs+Zzff/oi81ZvpkfrJqyaOhpPl4IMnL6A4LCId/chIIj5f2+hjFehVPc5O9gyoks71s4Yy5KJQ3GwsWLA1AWEhL/7MTPjwsm9bFw5m2Zte/HjzLUUdC3Mb5P7Eh4WnGb7+LhYrO0cafndIEzN0/5RFxUZzi/juqCnr0//sQuYOHczbToNJZ+xabb0wefMLnaumUH9lv3o//MmHJyL4D2zJ5FhaR8XT+5eZt3vw6lQuzUDft5MsfL1+WveAF4+TT4ulEolq+f1JzjgKR2HLGTA5M1YWBdg2fRuxMdGZ0sfIHec9wAOHT/FQu/VdG7fhj/nTKOQmwvDJ00jJDQszfYmxvn5vm0LFs74Ge9fZ/Bl/drMmL+Yc5euqto893vJgDETcS5YgHlTJuD96ww6t2tFHgODbO3Lty0dadXUgdmLH9B79DVi4xTMGl+MPAY66e4TEBTPH389oecIH34Y4cOla2FMGe2Fq5MRAK+C4mjZ7bzazXutL9ExSZy9nPZr/bFyw+eUXv58hPvc4frAnzLU3si1IBW3/0HQkbOcqPA1j35bSck/JmPdsIaqjUPbLyn6yxjuTV7IiUotifC5TeWdy8hjY5ktfRAiPR/8bbdcuXI4OTmxefNm1bbNmzfj7OxM2bJlVdsUCgXTpk3Dzc0NIyMjSpcuzcaNG4HkqQ1169YFwMLCAh0dHbp06QLAnj17qFGjBubm5lhZWdGsWTMePHiQKo7bt29TrVo18ubNS4kSJTh69Kja/UePHqVSpUoYGhri4ODA6NGjSUxMTLdfb0+LCA0NpVevXtjZ2ame499//wVg+/bttGvXju7du+Ph4UHx4sX59ttvmTJlCgDHjh3DwMCAly9fqj3H4MGDqVmzJgArVqzA3NycvXv3UrRoUYyNjWncuDF+fn6q9klJSQwdOlT1bzFy5EiUSvXMXJ06dejfvz+DBw/G2tqaL774IkP9r1OnDgMGDGDw4MFYWFhgZ2fHn3/+SVRUFF27dsXExAQPDw92796t9nzXr1/nyy+/xNjYGDs7Ozp27EhgYGC6/65Z4cLB5ZSs1o6SVVtj7eBBw29+wiBPXq6f3pRm+0uHV+FWrCaVGvbAyr4QNZoPxs6pGFeO/qVqU7xyC6o16Y+LV9Vsjf1NO7ZsoEHjZtRr2AQnZ1d+6D8Mw7x5ObRvZ5rtB4+YQONmLXEr5Imjkwu9B45EqVBw7epFtXYGBgZYWFqpbsYmJtnWh/MHl1O6ejtKVUt+Lb74Nvm1uJbOa3Hx8Crci9WkcqMeWDsUotZXya/Fpf9eC0MjE74ZtJyi5ZtgZe+Oo3sZGrYfz0vfG4QHv8i2fiiVSm6cXEXpOr1xKVYfS/si1Go7nZiIV/jeOpDuftdPrqRIhbYULt8KC1sPqn89CX2DvNy9mPJ5eHbXdIpV/Z7StXtiYeeJmY0b7iW/RE8/T7b0pVIRXY7fUHD3uZJXobDtjAITI/AqmP4XxSpFdLn8QMnVR0oCw2HneQUJiVDGPWUfJ2sdzt9V8CIYQqPgxA0lsQlgb5H+436MU/tWUL5WW8rWbI2towfNOiW/py4fT/s9dWb/ajxK1qDGl92xKVCI+q0G4eBSjHMH/1a1ObhpHp6latOo3QgcXIphaeuMV9l6GJtm3xX/v/afolXNCnxdvRyFCtgy9vvm5M1jwNaTl9LdJ0mh4MelG+n9VT0KWqt/AfT1D+Law6eM/a45xd0K4mpvw4/fNScuIZHd53yypQ9rdh6kRb1qNK9TFfeCDozu/g158+Rhx5HT7+zDhAUr6NmmKY62qX+YN65ekUolvXC0s6aQUwEGf9+KqJhY7vk+z5Y+ABzYsZrqDVpRrV4LCjgVosMP4zAwzMupQ1vTbO/qUYLWnYZSsUZj9NP5Ybdv63Isrezp3O9/uHmWxNrOkWJlqmFj75QtfTi+eyUV67SlQq1W2Dl60KLrJPIY5uXCsc1ptj+5bxWepWpQq2l3bB0L0ajNIAq4FuX0gTUABL58zNP7V2nRZSJO7iWxcXDj6y4TSYiP4+qZtM9BWSE3nPcANmzbSbNG9WjSoA6uzgUZ1qcHeQ3zsOvAkTTbly1ZnFpVK+Hq5Iijgz1tmjfB3dWZa7duq9os/Ws9lcuXoU+X7yjs7oajgz3VK1fAwtwsW/vStpkDqzc+4+T5EB4+iWbq/HtYWeahRqX0f4SeuhDC2UuhPPeL5ZlfLEvX+BITm0Sxwsn/7goFBIcmqN1qVrbk8MlAYmKzttBebvicCth7jLsT5+G/Lf3vG29y+eEbYh4949bIGUTefsiT3//m5aa9uA3qomrjNrgrT5dt4NnKzUTeesC1vhNJio7FqUvrbOmDEOn5qEtp3bp1Y/ny5aq/vb296dq1q1qbadOmsWrVKhYvXsyNGzcYMmQI33//PUePHsXJyYlNm5K/ON65cwc/Pz9+/fVXAKKiohg6dCgXLlzg4MGD6Orq0rJlSxQK9Q+nESNGMGzYMC5fvkzVqlVp3rw5QUHJGf3nz5/TpEkTKlasyNWrV1m0aBHLli1j8uTJGeqfQqHgyy+/5OTJk/z111/cvHmT6dOno6enB4C9vT1nzpzhyZMnae5fq1Yt3N3dWb16tWpbQkICf//9N926dVNti46OZtasWaxevZpjx47h6+vL8OEpV9Jnz57NihUr8Pb25sSJEwQHB7Nli/oQKICVK1eSJ08eTp48yeLFizPc/5UrV2Jtbc25c+cYMGAAffr0oW3btlSrVo1Lly7RqFEjOnbsSHR08lWN0NBQ6tWrR9myZblw4QJ79uzB39+fdu3aZejf9WMkJcbj//QGLl7VVNt0dHVx9qrGi4eX09znxaMruBRRTxq4Fq3Bi0dXsi3O90lISODh/buUKlNBtU1XV5eSZcpz5/aNDD1GfFwcSUmJGJuoXym7ce0K3Tp8xcAfvmPJwtlEhKd9JSWzkhLjeemb+rVw9arG83Rei+cPr6RK4LgVq8Hzh1fSfZ64mEjQ0cHQKHuuCAJEhDwjJjKQAoVSYsuT1wSbgqV45Xs1zX2SEuMJenGDAh4p++jo6lLAoyoBvlcAiIkMIuCpD0bGVvz7x7esmVqDXX925OXji2k+ZmaZ5wcTIx0evUxJOsYlwPMgcLROOwmgqwsOlqjtA/DIX0nBN/Z5GqikmLMOef/LiRR31kFfD568yrqhh4mJ8fg9voF78ZT3lK6uLu7FqvL0/pU093n24AruxaqpbStUojpPHyS3VygU3PU5gpW9K6tmdWfmwGos+bkdty5l7Evcx0hITOTWkxdULuqu2qarq0vlooXwefA03f2W7DiMpUl+WtZMPZw4/r9k8JtXMXV1dcmjr8eVe75ZGH2yhMREbj96SsUSXmrPV7GEF9fuPUx3v2WbdmFhasLXdaul2+bN59h66CTG+Ywo7Pz+6SIfIzEhAd+HtyhaqrJqm66uLkVLVubhnY9Pyly9cBTnQsVYMms4I7rVZcrw9hzfn3YCLLMSE+N58fgGHsVTPmt0dXUpVLwqvukcF773r6q1B/AsWQPfe8ntkxITANRG7+jq6qJvkIfHd9JPgGVGbjjvASQkJHL3wSPKl06ZVqOrq0v50iW5cefuO/ZMplQquXj1Gk+f+1GqePL0S4VCwekLl3Eq4MDwiVP5utMP9B4+luNnzmdbPwAc7AyxssjDxauhqm1R0UncuhdB8SIZS9Do6kK96lbkzavHjTtpX9kv7J4fT3djdh58lRVhq+SWz6kPZV6lDIGH1JMnAftPYFGlDAA6BgaYlStO4MFTKQ2USgIPncK8SlmE+JQ+ainK77//njFjxqh+XJ88eZJ169Zx5MgRAOLi4pg6dSoHDhygatXkk527uzsnTpzgjz/+oHbt2lhaJmdIbW1t1WoutG6tnmHz9vbGxsaGmzdvUqJECdX2/v37q9ouWrSIPXv2sGzZMkaOHMnvv/+Ok5MTCxYsQEdHBy8vL168eMGoUaOYMGECurrvzqkcOHCAc+fOcevWLQoXLqyK/7WJEyfSqlUrXF1dKVy4MFWrVqVJkya0adNG9djdu3dn+fLljBgxAoAdO3YQGxur9kM8ISGBxYsXU6hQIVWf/ve//6nunzdvHmPGjKFVq1YALF68mL1796aK19PTk5kzZ6r+Hjt2bIb6X7p0acaNGwfAmDFjmD59OtbW1vTs2ROACRMmsGjRInx8fKhSpQoLFiygbNmyTJ06Ve31cXJy4u7du6p/q7fFxcURF6c+1Dwh3hCDPO8fohwTGYJSkUR+E/UrjvlNrAh+mfaJJCo8kHym6pnpfKZWRIVn7wiLd4kID0OhSMLMXH1Mubm5Jc+fZuyHwl/LF2NhaU2pMik/RMqUr0zlarWwtXfA3+8Fa1YuYcrEEUyZtUiVDMsq0a9fi7eu/uYztSLIP/3XIv9br0X+d7wWiQlxHNkyi2IVmmJoZJw1gachJiL5+Y2M1fuS19iamMiAtHYhLjoUpSIp1T5GxlaEBjwCICI4+Yfk5YMLqPjlSKwcvLh/eRt7vLvScuD299Zz+FDGySNSiXprqmxUrBLjdMo75DMEXV0dImOVb+0D1iYpyYVNJ5OnQYxorU+SQklCIvxzXEFIFs7+io4IQaFISjWiwNjMmsCXj9LcJzIsMM32kWHJr2lURBDxsdGc2Pkn9VoNomG74dy/dpz1CwbQZeRKXL0qZV0H/hMSGU2SQoGlqfp71srUmMcv036vX773hK0nLrFuQt8073e1t8He0ozfNu9jXMevMTI04K/9p/APCSfwPcN/P0ZoeGRyH8zUf2BYmpnw5MXLNPe5cvs+24+c5q9p7641dPzSNcbN9yY2PgFrc1MW/DgAc9PsOb4j/3tPmZqpv0dMzK14+fzxRz9uoP8zju37hwbNvqdxqx48eXCdDctnom9gQNU6X2UyanXREaHJx8XbfTC1IuBFOsdFaCDGZuqftcZmVqrjwsbBDXMrB/ZumEvLbpMwMDTi5J6VhAW/JCIs7c+8zMoN5z2AsPBwkhSKVCMKLMzN8H2W/pXtyKho2nTrQ3xCInq6ugzu3Y2KZZJrZoSEhRMTG8uaTdvp/l07enXuwLlLVxk/fQ7zJo+nTIm0a1JklqV5crY4OCxBbXtIaAKWFu8eXefunI+F00qSJ48uMbFJjJtxmyfPYtJs27SBHY+fRqebfPhYueVz6kMZ2lkT569+LonzD8TAzATdvIYYWJihq69P3Kugt9oEkb+IO58DpUKWoswpPiq5YGNjQ9OmTVmxYgVKpZKmTZtibZ1yUrt//z7R0dE0bNhQbb/4+Hi1qRNpuXfvHhMmTODs2bMEBgaqRiz4+vqqJRdeJy0A9PX1qVChArdu3QLg1q1bVK1aFR2dlC/K1atXJzIykmfPnr23NsSVK1coWLBguj+WHRwcOH36NNevX+fYsWOcOnWKzp07s3TpUvbs2YOuri5dunRh3LhxnDlzhipVqrBixQratWunVjQyX758qsTC68d99So5yxsWFoafnx+VK6dcfXndz7enRpQvr37VK6P9L1UqpTCUnp4eVlZWlCyZkpm3s0suqPc6pqtXr3L48GGMjVN/2D548CDdf69p06bx00/q88qadZzIV50mpdlepLZlw1+cPHaQSdPnk+eNpEyN2vVV/+/iWggX10L06/ENN65dUfsypg2SkhLY9ucgQEmjbzM2DzGjHlzZwcltk1R/N+y0KEsf/7XXx2aRSu0pXD45KWhVoBgvHpzh3sXNVPhiaKYev4SLDk0rpiRH1x5NytTjvUudUrrkNdBh9aEkYuKUFCmoQ+vquqw8kMSr7LtImGmvv2B4la1HtS+6AODgXJSn9y9z/si6bEkufKio2DjGLdvI+E5fY2GSdiFhA309Zvf9lp9WbKX24Kno6epSuag71Ut4khPKVkXFxDLx91X82LPDe7+AVyhWmL+mjyE0Ioqth04y5tdlLP95RKofCDmZUqnAxb0YLb4bCICzuxcvfB9wbN/GLE8uZAc9fQO+H/Qbm5aO43+9q6Crq0eh4lUpXKqmpkNLl7af9/IZ5WXpvBnExMRyyec6v3uvpoCdLWVLFld9TlWvXJ52XzcFwNPdleu377Jtz4EsSy40qGXNsF4p3zNHT7n10Y/l+yKGHsOukj+fHrWrWvHjAE8Gjr+eKsGQJ48u9Wtas+qfZx/9XFnlc/ucEiIn+KjkAiRPjejfvz8ACxcuVLvvdWHDnTt34ujoqHafoeG7r1Y3b94cFxcX/vzzTwoUKIBCoaBEiRKftFChkZFRhtqVKFGCEiVK0LdvX3r37k3NmjU5evQodevWxdbWlubNm7N8+XLc3NzYvXu3amTHawZvze3U0dFJlTjIiA9Z5eJ9z//mttfJidcJnsjISJo3b86MGTNSPZaDg0O6zzNmzBiGDlX/UfXXiYwVVjMytkBHVy9V8caoiKBUV8Rfy29qTfRbV8ajw9Nv/ymYmJqhq6uXqohVaGgw5hbvLrazbdNatmxcw4Qpc3B1S12I6E12DgUwNTXjpd+zLP+Sle/1a/FWob13/dvmN7VONUohKo32yYmFwYQFv+DbwSuzfNSCc9F6ais6JCUmf57ERAaRz9RWtT02MhBLh7RXDTHMZ46Orp5a8UbVYxgn9yefiQ0A5rbqr5O5rTuRYX5k1t3nSp4HpSQU9P/LM+TPC5FvjF7In1eHlyFpf5ZEx4FCocQ4rw688TM1+TGS/7YwhkqFdVm8M5GA8OT7/UOVONkoqeCpy64LWXOFIJ+JBbq6eqmKNyaPTkj7PWVsZp12e7PXr4EFunr62BRQr+Ju7VAI33vZMz3Fwjgferq6qYo3BoVHYpXGF9pnr4J5ERTK4AUpdSIU/332V+g1kS0/D8LJ1pJiLo6sn9iPiOhYEpKSsDTJT8epf1DMJetXvDA3NU7uw1ujIoLDIrAyTz1F6bl/AH4BQQz7JWXlqNd9qPrdAP6ZM4GCdsnHg1FeQ5zsbXGyh5KebrQeMonth0/RpcUXWd4P4//eU+FvFT6MCA1Kt1hjRpiZ2+DgpH5c2xd049LZrJ9uk8/EPPm4eLsP4UGYpNMHY/OU0TuvRYYFqY1mcHQrzsApW4iNjiAxMQFjU0sWTmxPQbfsWe0iN5z3AMxMTdHT1U1VvDEkNAxLC/N099PV1aWggz2QnDh48vQ5f2/cRtmSxZMfU08PVyf1YfcuTgW4dvNOlsV+8lwwt+6mfC4Z/Fe00dLMgOCQlNELFuYG3H8U9c7HSkxU8vxl8onm7sMovDyMadPMgdmL1Ucu1qlqRd48uuw9krVTIiD3fE59qDj/QAzt1I99QztrEsIiUMTGER8YgiIxEUNbq7faWBGXzug5IbLLR5cvb9y4MfHx8SQkJKiKCL5WrFgxDA0N8fX1xcPDQ+3m5JRc/ChPnuThV0lJKV+Ug4KCuHPnDuPGjaN+/foULVqUkJC0q8yeOXNG9f+JiYlcvHiRokWTfxQULVqU06dPq/1QP3nyJCYmJhQs+P75U6VKleLZs2fcvfv+uXRv9hmSa0a81qNHD9avX8+SJUsoVKgQ1atXz/DjmZmZ4eDgwNmzZ1XbXvfzfTLb//SUK1eOGzdu4Orqmup1fVeCw9DQEFNTU7VbRqZEAOjp58HOqTi+d1LmmikVCnzvnKaAe9qjYAq4leHJnTNq257cPkUBtzIZes7sYGBggLtHYa5dSXn9FAoF165coohX+l/stm5cw6Z1qxj3v1/w8PRKt91rQYGviIgIx8Ii6wvX6ennwd65OE/eei0e3zmNYzqvhaN76tfi8e1TOLqXUf39OrEQ8uoJ3wxagZFxFi9HABgY5sfUykV1M7f1wMjYmhcPU2KLj40k4JkPts6l03wMPf08WBUozosHKfsoFQpePDiDjXNyf4wtHMlnYktYgPrQ5bDAJxibZ/4HYXwihESm3ALCISJGiZt9yiilPPrgaAXPA9NOLigU4BcMrvbqNRnc7HR49t8+Bv+NLH77EZRK0MnCeo76+nlwcC3Ow5sp7ymFQsGjW2dw8iiT5j4FC5VRaw/w8MYpnAqVUT2mo2uJVNMqgvwfZ9sylAb6+hR1KcDZWylfshUKBeduPaRUodQF/1wdrPlnUn/WTeirutUuXYSKRdxYN6Ev9pbqX5JN8uXF0iQ/T/yDuPn4OXXKZP2yuQb6+ni5OXH+esoPG4VCwYUbdyjpmXpYrUsBe9bOHMtf08eobjXLl6R8MU/+mj4GO6v0j2OFQqmqKZHV9A0McHYvyu1r59T6cfvaOdyLpL+M4/sU8iqN/1vTKvxfPMHKOv3E+sfS189DAdfiPLiZ8lmjUCh4cOMMzukcF84epXlwQ/2z9v71Uzh7pm6fN58JxqaWBL58zPNH1ylavn6qNlkhN5z3AAwM9ClcyI2LPtdV2xQKBZd8rlO8SNojNtOiUCpJ+K/2hYGBPl4e7vg+Vy9c/PT5S+zSKDj4sWJiFTx/Gau6PX4aQ1BIPOVKmava5DPSo6inyQdPYdDV1cFAP/XPiCb1bTl5IYSw8Kw/xnPL59SHCj1zBat6VdS2WdevRsiZKwAoExIIu3QD63pv1F3R0cGqblVCz6RdEyu3USqUWnnLjT46uaCnp8etW7e4efNmqjluJiYmDB8+nCFDhrBy5UoePHjApUuX+O2331i5ciUALi4u6Ojo8O+//xIQEEBkZCQWFhZYWVmxZMkS7t+/z6FDh1Jd8X5t4cKFbNmyhdu3b9OvXz9CQkJUxRL79u3L06dPGTBgALdv32bbtm1MnDiRoUOHvrfeAkDt2rWpVasWrVu3Zv/+/Tx69Ijdu3ezZ0/yusp9+vTh559/5uTJkzx58oQzZ87QqVMnbGxs1KZrfPHFF5iamjJ58uRUBS8zYtCgQUyfPp2tW7dy+/Zt+vbtS2ho6Hv3y2z/09OvXz+Cg4P59ttvOX/+PA8ePGDv3r107dpVLUmU1SrU74rPyQ1cP7OFoJcP2L9uEglxMZSokjzsfNfKkRzbNlvVvlzdTjy+eZzzB7wJevmAkzt/46XvdcrUTlm3PCYqlFdPbxHkl7wSSfCrR7x6eouobJp7CtC8ZTsO7P2XIwd288z3MX8unE1cbAx1GzYBYP7sKfy94g9V+y3//M261cvoO3gUNrb2hAQHERIcRExMcoHNmJhoVi37nbu3b/DK3w+fKxeZ8b8fsXdwpEz57Bn6XbF+V66e2MC101sI9HvA3rXJr0XJqsmvxb8rRnJ0a8prUb5uJx7dOM65/16LE//+xssn1yn332uRlJTA1iUDeel7nebdZqFQJBEZFkBkWIBqdEF20NHRoXj1Tlw9vBjfW4cIfnmXYxtHY2Rii3PRBqp2u5d15ebplKvLJap35u6Ff7h3aSuhrx5wavtPJMbHULh8S9XjlqzZjZun/+LR9b2EBz3h4v5fCQt4SOHy2VOx+dwdBTWK61LYUQdbM2hRVZeIGLj9LOWk9X1dXSp4pmQFztxRUK6QDqXcdLA2hSYVdTHQh6uPkvcJDIegCCVNKupRwDJ5JEMVLx3c7XW48yxrT4bVGnXh0tF/uHJiCwEvHvDvqknEx8VQtkbye2rzn6PY/0/Ke6pKw47cv36Ck3u8CfB7yOGtv/Hi8Q0q1f9O1ab6l925cW43F45uIMj/CWcP/MXdK4epWK9Dlsb+pu8bVmPL8YtsP3WZh36vmPr3DmLi4/m6ejkAxi3byPzN+wAwNDDAw9FO7WZiZES+vHnwcLTDQD95UOH+C9e5cOcRzwKCOXzlFn3mrqBO2aJULe6RbhyZ0aFpfbYdPsm/R8/w6PlLZnivIyYujma1k7/UTvx9JQvXbkvuQx4DCjkVULuZ5DMin1FeCjkVwEBfn5jYOH5ft41r9x7hFxDErYe+/Lx4NQEhodSvnH1Fxho078iJA5s5fWQ7fs8esvbPKcTHxVCt7tcALJ8/ji1/z1e1T0xI4Omj2zx9dJukxERCg1/x9NFtXvml1AWo3+x7Ht67xu5NS3nl58u547s4cWATtRu3z5Y+1PyyM+eP/MPF41t59fwB21b8RHxcDOVrJX/WbFg8ij3r56jaV2/UibvXTnB813JevXjIgc0LeP7oBlUbpLznr53dw8Nb5wh+9ZSbFw+ybEZ3ipWvT+GSGb/w8aFyw3kPoN3XTdm57xB7Dh3l8dPnzFm8jJjYOL5sUBuAKXMXsmTVWlX7vzZu5fwVH1689Ofx0+es3/ov+44cp2HtlGko37RszuETp9mx7yDP/F6yeeceTp+/SIsvG2VbPwD++dePTm0KUq2iBe7O+fhxoAdBwfGcOJeyVOucScVo+aW96u+e3zlTqpgp9jaGuDvno+d3zpQpbsqB4+rfmRzt81K6mCk7D/hnW/y54XNKL38+TEt7YVo6OXmWz60gpqW9yOuUnKwsMnkopZenjBJ+smQd+dyc8Jo2gvxF3HHp3QGHtl/y6NcVqjaP5i3HqXs7HDu2wNjLnRILJ6Gf34inK9NeYUaI7PLR0yIATE3Tr+b+888/Y2Njw7Rp03j48CHm5uaUK1eOH3/8EQBHR0d++uknRo8eTdeuXenUqRMrVqxg3bp1DBw4kBIlSlCkSBHmz59PnTp1Uj3+9OnTmT59OleuXMHDw4Pt27er6j44Ojqya9cuRowYQenSpbG0tKR79+6q4oUZsWnTJoYPH863335LVFQUHh4eTJ8+HYAGDRrg7e3NokWLCAoKwtramqpVq3Lw4EGsrFIy569rL0ydOpVOnTpl+LlfGzZsGH5+fnTu3BldXV26detGy5YtCQt794TnrOh/WgoUKMDJkycZNWoUjRo1Ii4uDhcXFxo3bpyppMX7eJVvQnREMCf/nU90RAA2jkVp02+pamh9eIgfOjopz+/oXo6mXWdxYsc8TuyYg7mNKy1+WIhNgZQrDA98DrHnr5TiPv96DwGgapP+VG86IFv6Ub1WfcLDQln3lzehIcG4unsw9n+zVMNDAwP80X3jsvC+XdtITExg1tQJao/TtkMX2n/XDV1dPZ48fsCRg3uIjorEwtKa0mUr8k3H7hgYZM+yh0UrNCE6MpgT/84nKjwA24JFaTfgjdciWP21KFioHM27zeL49nkc2zYHCxtXWvVeiI1j8msRGerPfZ9DACyf8rXac307ZBXOhSuTXUrW7EFifAwnt04kPjYcW5dyfNFliVo19YhgX2KjU0ZPuZdqQmxUCJcOzicmInkKRaMuSzAyTrnSVLx6ZxIT4zm3azpx0WFYOhThi67LMLV6d62Xj3XqlhIDfSVNK+qSNw/4BihZcySJpDdmLlgY65DPEF6PRbjpqySfoYLaJXUxzgv+IbDmSJKqMKRCCeuOJFGvjC7ta+uRRx9CIpKXubzvl7XJhRKVmxAVEcyhrb8RGRaAvXNROg79UzWcOyzohVr9GGfPcrTpNYuDm+dxcNNcrOxc+WbAAuwKphzfRcs3pFmnSRzfuYTdf0/B2t6N9v3m41I4++Zjf1GxJCERUSzadpCg8EiKODmwcFAn1bSIl8Fh6Op82OdkQFgEszfsJig8CmszY5pVLcMPzepkQ/TJGlYtT0h4BEs2/ktQaASFXRz5dXQ/1XBj/8AQtc+o99HV1eXxC392HvuT0IgozIzzU6yQM0smDqWQU/aMIgGoUP0LIsJD2LFuEeGhgRR0LcKAsb9jap58fg4O9ENHN6UfoSGvmDLiG9Xf+7evYv/2VXgWK8+w/y0Dkper7D1iDlvXzGfnxiVY2zrStssIKtdqmi19KFWlCZERIRzYNJ+IsEAcnIvSdcQSTP47LkKD1D9rXQqX5Zs+v7Bv46/s/Wcu1nYufD/4N+ydUo6L8NAAdq6ZQWRY8vSKsjW+pl6LPtkS/2u54bwHUK9mNULDw/Fe8w/BIaF4uLnwy8TRWP5XkPxVYCC6b7ynYmPjmLvYm4CgIAzz5MHZsQDjhvSjXs2U1QpqVa3E0D49+HvjNub/uQJnxwL8b/RQShV7/2iNzFi75TlGhroM710I4/z6XLsVzoifbxKfkPLZXsA+L2amKdNkLcwM+HGgB1YWeYiKTuLB4yhG/HyTC1fVv482qW9LQFA856+EZlv8ueFzyqx8CaoeTFlRrtis5N9GT1dtxqf7GAwdbDByShkVFfP4Gee/6kWx2WNwHdCJ2GcvudZrHIH7T6ja+P2zmzw2lhSeOBBDexvCr97iXLMexL9V5FGI7Kaj/JhJ/iLDunfvTkBAANu3b9d0KDnKn9m3KtwnU8U1+zLzn9J5XztNh5AlAoK1v1JwfIL29wHA0yXrK7Z/al8l/qPpELJEgvG757Zri0sG2Xd1/VMJicnYdMCcztMy+0b4fSo2iS/e30gLtP8x7dUatM32cdGaDiHTTlTup+kQskTThKyr+fEpNfj2gqZD+CgH1lZ4fyMtk6mRCyJ9YWFhXLt2jTVr1khiQQghhBBCCCGygVKZOy7O5AaSXMgmX3/9NefOnaN3796pluQUQgghhBBCCCFyE0kuZJO3l50UQgghhBBCCCFyq+yrwieEEEIIIYQQQojPgoxcEEIIIYQQQgihlRQKWZ8gp5CRC0IIIYQQQgghhMgUSS4IIYQQQgghhBAiU2RahBBCCCGEEEIIraRUyFKUOYWMXBBCCCGEEEIIIUSmSHJBCCGEEEIIIYQQmSLJBSGEEEIIIYQQQmSK1FwQQgghhBBCCKGVlLIUZY4hIxeEEEIIIYQQQgiRKZJcEEIIIYQQQgghRKbItAghhBBCCCGEEFpJqZSlKHMKGbkghBBCCCGEEEKITJHkghBCCCGEEEIIITJFkgtCCCGEEEIIIYTIFKm5IIQQQgghhBBCK8lSlDmHjFwQQgghhBBCCCFEpkhyQQghhBBCCCGEEJkiyQUhhBBCCCGEEEJkitRcEEIIIYQQQgihlZQKhaZDEP+RkQtCCCGEEEIIIYTIFEkuCCGEEEIIIYQQInOUQuRCsbGxyokTJypjY2M1HcpHyw19UCpzRz9yQx+USulHTpIb+qBU5o5+5IY+KJXSj5wkN/RBqcwd/cgNfVAqc08/RO6no1QqZWFQkeuEh4djZmZGWFgYpqammg7no+SGPkDu6Edu6ANIP3KS3NAHyB39yA19AOlHTpIb+gC5ox+5oQ+Qe/ohcj+ZFiGEEEIIIYQQQohMkeSCEEIIIYQQQgghMkWSC0IIIYQQQgghhMgUSS6IXMnQ0JCJEydiaGio6VA+Wm7oA+SOfuSGPoD0IyfJDX2A3NGP3NAHkH7kJLmhD5A7+pEb+gC5px8i95OCjkIIIYQQQgghhMgUGbkghBBCCCGEEEKITJHkghBCCCGEEEIIITJFkgtCCCGEEEIIIYTIFEkuCCGEEEIIIYQQIlMkuSCEEEIIIYTQepcuXeLatWuqv7dt20aLFi348ccfiY+P12BkQnweJLkgcpX4+HiePXuGr6+v2k2bxMfHc+fOHRITEzUdykc7fPhwuvf98ccfnzASIYQQQnwuevXqxd27dwF4+PAh33zzDfny5eOff/5h5MiRGo5OiNxPkgsiV7h37x41a9bEyMgIFxcX3NzccHNzw9XVFTc3N02HlyHR0dF0796dfPnyUbx4cVVSZMCAAUyfPl3D0X2Yxo0bM2LECBISElTbAgMDad68OaNHj9ZgZJ+v3JC0SkxM5MCBA/zxxx9EREQA8OLFCyIjIzUcWcYMHDiQ+fPnp9q+YMECBg8e/OkD+oxt3LiRdu3aUaVKFcqVK6d20xYJCQl069aNR48eaToU8Rl4+PAhjRo10nQY73X37l3KlCkDwD///EOtWrVYs2YNK1asYNOmTZoN7iPdv3+fvXv3EhMTA4BSqdRwREKkT1/TAQiRFbp06YK+vj7//vsvDg4O6OjoaDqkDzZmzBiuXr3KkSNHaNy4sWp7gwYNmDRpklb9KD98+DCdOnVi//79rFmzhkePHtG9e3eKFCnClStXNB3eO1lYWGT4/RMcHJzN0WRedHQ0AwYMYOXKlUDyFy93d3cGDBiAo6Oj1ryvnjx5QuPGjfH19SUuLo6GDRtiYmLCjBkziIuLY/HixZoO8b02bdrE9u3bU22vVq0a06dPZ968eZ8+qA+QVuxp+eqrr7I5ksyZP38+Y8eOpUuXLmzbto2uXbvy4MEDzp8/T79+/TQdXoYZGBiwadMmxo8fr+lQPkqrVq0y3Hbz5s3ZGEnWOX78OH/88QcPHjxg48aNODo6snr1atzc3KhRo4amw8uUiIgIDh48qOkw3kupVKJQKAA4cOAAzZo1A8DJyYnAwEBNhvbBgoKCaN++PYcOHUJHR4d79+7h7u5O9+7dsbCwYPbs2ZoOUYhUJLkgcoUrV65w8eJFvLy8NB3KR9u6dSvr16+nSpUqaj9uixcvzoMHDzQY2YerVq0aV65coXfv3pQrVw6FQsHPP//MyJEjc3ziJ6f/wPtQuSVpNWjQICpUqMDVq1exsrJSbW/ZsiU9e/bUYGQZFxQUhJmZWartpqamWvGlt0WLFu9to6OjQ1JSUvYHkwm///47S5Ys4dtvv2XFihWMHDkSd3d3JkyYoBUJwze1aNGCrVu3MmTIEE2H8sHePBaUSiVbtmzBzMyMChUqAHDx4kVCQ0M/KAmhSZs2baJjx4589913XL58mbi4OADCwsKYOnUqu3bt0nCEn4cKFSowefJkGjRowNGjR1m0aBEAjx49ws7OTsPRfZghQ4agr6+Pr68vRYsWVW1v3749Q4cOleSCyJEkuSByhWLFimnFl/N3CQgIwNbWNtX2qKioHP+DPC13797lwoULFCxYkBcvXnDnzh2io6PJnz+/pkN7p86dO2s6hCyVW5JWx48f59SpU+TJk0dtu6urK8+fP9dQVB/Gw8ODPXv20L9/f7Xtu3fvxt3dXUNRZdzrq4HaztfXl2rVqgFgZGSkmmLTsWNHqlSpwoIFCzQZ3gfx9PTkf//7HydPnqR8+fKpPl8HDhyoocjeb/ny5ar/HzVqFO3atWPx4sXo6ekBkJSURN++fTE1NdVUiB9k8uTJLF68mE6dOrFu3TrV9urVqzN58mQNRvZ5mTdvHt999x1bt25l7NixeHh4AMlToV4f99pi37597N27l4IFC6pt9/T05MmTJxqKSoh3k+SCyBVmzJjByJEjmTp1KiVLlsTAwEDtfm34clKhQgV27tzJgAEDAFQ/BJcuXUrVqlU1GdoHmz59OhMnTuSHH37gl19+4f79+3Ts2JFSpUrx119/aV1/AGJjY1NVmtaG91VuSVopFIo0r4g/e/YMExMTDUT04YYOHUr//v0JCAigXr16ABw8eJDZs2fnuhEzOZm9vT3BwcG4uLjg7OzMmTNnKF26NI8ePdK6uczLli3D3NycixcvcvHiRbX7dHR0cnRy4U3e3t6cOHFClVgA0NPTY+jQoVSrVo1ffvlFg9FlzJ07d6hVq1aq7WZmZoSGhn76gD5TpUqVUlst4rVffvlF7f2lDaKiosiXL1+q7cHBwRgaGmogIiHeT5ILIldo0KABAPXr11fbrlQqtWKYLsDUqVP58ssvuXnzJomJifz666/cvHmTU6dOcfToUU2H90F+/fVXtm7dypdffglAiRIlOHfuHD/++CN16tRRDRfN6aKiohg1ahQbNmwgKCgo1f3a8L7KLUmrRo0aMW/ePJYsWQIk9yMyMpKJEyfSpEkTDUeXMd26dSMuLo4pU6bw888/A8kjLxYtWkSnTp00HN37HTt2LEPt0vqBlZPUq1eP7du3U7ZsWbp27cqQIUPYuHEjFy5c0Joh+K/llmKOiYmJ3L59myJFiqhtv337ttaMmLG3t+f+/fu4urqqbT9x4oRWjEwqW7bsOxPO0dHRnzCazAkNDWXjxo08ePCAESNGYGlpyc2bN7Gzs8PR0VHT4WVYzZo1WbVqlep8oaOjg0KhYObMmdStW1fD0QmRNkkuiFzhXUsfaosaNWpw5coVpk+fTsmSJdm3bx/lypXj9OnTlCxZUtPhfZBr165hbW2tts3AwIBffvlFVVxJG4wcOZLDhw+zaNEiOnbsyMKFC3n+/Dl//PGH1qzgkVuSVrNnz+aLL76gWLFixMbG0qFDB+7du4e1tTVr167VdHjvlZiYyJo1a2jVqhV9+vQhICAAIyMjjI2NNR1ahtWpU0f14yO9K/zakMxdsmSJ6gdrv379sLKy4tSpU3z11Vf06tVLw9FlXHh4OMbGxujqqi/8pVAoiIyM1IqRVa917dqV7t278+DBAypVqgTA2bNnmT59Ol27dtVwdBnTs2dPBg0ahLe3Nzo6Orx48YLTp08zfPhwrSi6mZGaKtrAx8eH+vXrY25uzuPHj+nZsyeWlpZs3rwZX19fVq1apekQM2zmzJnUr1+fCxcuEB8fz8iRI7lx4wbBwcGcPHlS0+EJkSYdpbaNARRCaIW0rhxcunRJq64cODs7s2rVKurUqYOpqSmXLl3Cw8OD1atXs3btWq0p0PXgwQOmT5/O1atXiYyMpFy5cowaNUrrklaJiYmsX79erR/fffcdRkZGmg4tQ/Lly8etW7dwcXHRdCgfxcrKChMTE7p06ULHjh1TJRBfS6topchaW7ZsYdSoUVy5ciXVsOmoqCjKlSvHrFmzaN68uYYi/DAKhYJZs2bx66+/4ufnB4CDgwODBg1i2LBhWjGcXalUMnXqVKZNm6a6ym9oaMjw4cNVV55F9mvQoAHlypVj5syZmJiYcPXqVdzd3Tl16hQdOnTg8ePHmg7xg4SFhbFgwQK1816/fv1wcHDQdGhCpEmSCyJX8PHxyXDbUqVKZWMkHy88PDzN7To6OhgaGqYqZJeT+fj40KBBA8zMzHj8+DF37tzB3d2dcePGadWVA2NjY27evImzszMFCxZk8+bNVKpUiUePHlGyZEkiIyM1HaLQInXq1GHw4MFae4UwPj6eLVu24O3tzfHjx2nSpAndu3encePGOb5+h4+PDyVKlEBXV/e954uceo54U6NGjWjXrh09evRI835vb2/Wr1/P3r17P3Fkmff6XKhNIy/eFB8fz/3794mMjKRYsWJaNTrptcDAQB4/foyOjg6urq5qK/TkdGZmZly6dIlChQqpJReePHlCkSJFiI2N1XSIQuRqMi1C5AplypR575fbnF5/wdzc/J19KFiwIF26dGHixImphsHmNEOGDKFLly6qKwevNWnShA4dOmgwsg/j7u7Oo0ePcHZ2xsvLiw0bNlCpUiV27NiBubm5psP7IK9eveLVq1ep5i9rww8pgGnTpmFnZ0e3bt3Utnt7exMQEMCoUaM0FFnG9e3bl2HDhvHs2bM0K/vn9NciT548tG/fnvbt2+Pr68uKFSvo378/cXFxdO7cmZ9++gl9/Zz5taJMmTK8fPkSW1tb1fkirWsrOfkc8abr16/z+++/p3t/rVq1GDdu3CeMKOtoa1LhtTx58lCsWDHCw8M5cOAARYoUUVtGMCe7ceMGffr0STXkvnbt2ixatChVTYycyNDQMM2LNXfv3sXGxkYDEWVObGwsPj4+aZ6/v/rqKw1FJUT6ZOSCyBW2bt3K8OHDGTFihKpI3enTp5k9ezYzZ86kbNmyqrY5dUjyqlWrGDt2LF26dFHNOT137hwrV65k3LhxBAQEMGvWLEaMGMGPP/6o4WjfLbdcOZg7dy56enoMHDiQAwcO0Lx5c5RKJQkJCcyZM4dBgwZpOsT3unjxIp07d+bWrVupfkxpyw8pSC58uGbNmlRLiZ09e5ZvvvlGKwrbpZUUfP0jV5teizc9evSI7t27c/ToUQICArC0tNR0SGl68uQJzs7O6OjovHcJt5x6jniTkZERly9fxsvLK837b926Rbly5YiJifnEkWVcuXLlOHjwIBYWFu8tJnjp0qVPGNnHadeuHbVq1aJ///7ExMRQpkwZ1Qok69ato3Xr1poO8Z1evnxJiRIlsLGxoXfv3nh5eaFUKrl58yZ//vknQUFBXL9+Pc3Vh3KSHj16EBQUxIYNG7C0tMTHxwc9PT1atGhBrVq1tGplnj179tCpU6c0l1rX1nOGyP1y5iUGIT7Q1KlTmT9/vlrV+FKlSuHk5MT48eNTLdGVE61cuZLZs2fTrl071bbmzZtTsmRJ/vjjDw4ePIizszNTpkzJ8cmF3HLlYMiQIar/b9CgAbdv3+bixYt4eHjk+KvMr3Xr1o3ChQuzbNky7Ozscvzw9fS8fPkyzTmmNjY2qjnaOZ02JEAyIi4ujk2bNuHt7c3p06dp2rQpO3fuzLGJBUhJGCQkJPDTTz8xfvx43NzcNBzVx3N1deXChQvpJhcuXLiQ45MkX3/9tWo5PW2dKvSmY8eOMXbsWCC5JoZCoSA0NJSVK1cyefLkHJ9cmDt3Li4uLpw8eZK8efOqtjdu3Jg+ffpQo0YN5s6dy7Rp0zQY5fvNnj2bNm3aYGtrS0xMDLVr1+bly5dUrVqVKVOmaDq8DzJgwADatm3LhAkTsLOz03Q4QmSMUohcIG/evMqbN2+m2n7z5k1l3rx5NRDRh8ubN6/y7t27qbbfvXtXaWRkpFQqlcqHDx+q/j8n6969u7JFixbK+Ph4pbGxsfLhw4fKJ0+eKMuWLascNGiQpsPLsJUrVypjY2NTbY+Li1OuXLlSAxF9OGNjY+W9e/c0HUameXh4KFevXp1q+6pVq5Rubm4aiOjzc/bsWWXv3r2V5ubmyjJlyih//fVXZVBQkKbD+mCmpqbKhw8fajqMTPnxxx+Vzs7OypcvX6a6z8/PT+ns7Kz88ccfNRDZ5ytv3rxKX19fpVKpVHbs2FE5atQopVKpVD558kSZP39+TYaWIWXLllWuX78+3fvXrl2rLFu27CeMKHOOHz+uXLhwoXLGjBnK/fv3azqcj2JiYqK8f/++psMQ4oPIyAWRKxQtWpRp06axdOlSVeHD+Ph4pk2bpjVzHZ2cnFi2bFmqJQ6XLVuGk5MTAEFBQVhYWGgivA+S1pUDPz8/rbty0LVrVxo3bpxqGGhERARdu3alU6dOGoos4+rXr8/Vq1fx8PDQdCiZ0rNnTwYPHkxCQgL16tUD4ODBg4wcOZJhw4ZpOLr0bd++nS+//BIDAwO2b9/+zrY5ff5slSpVcHZ2ZuDAgZQvXx6AEydOpGqX0/vRokULtm7dqjYySduMHj2abdu24enpyffff6+aC3/79m3+/vtvnJycGD16tIajzLjz58+jUCioXLmy2vazZ8+ip6dHhQoVNBRZxjk5OXH69GksLS3Zs2cP69atAyAkJERtJEBO9fDhQ8qVK5fu/RUqVODhw4efMKLMqVGjBjVq1NB0GJnSpk0bjhw5QqFChTQdihAZJjUXRK5w7tw51Xz418PVfXx80NHRYceOHaoaBjnZ9u3badu2LV5eXlSsWBFIHtp669YtNm3aRLNmzVi0aBH37t1jzpw5Go42Y06cOIGPjw+RkZGUL1+e+vXrazqkD6Krq4u/v3+qqRxXr16lbt26BAcHayiyjAsMDKRz585UqlSJEiVKYGBgoHZ/Tv8h+JpSqWT06NHMnz+f+Ph4APLmzcuoUaOYMGGChqNLn66urqqQ4LsKsWrD/NmMFJLVhn5MnjyZ2bNnU79+/TQLaw4cOFBDkX2YsLAwxowZw/r16wkJCQGSCwN/8803TJkyRSsS0a9VqlSJkSNH0qZNG7XtmzdvZsaMGZw9e1ZDkWXc77//zqBBgzA2NsbFxYVLly6hq6vLb7/9xubNmzl8+LCmQ3wnPT09/Pz80q2p4O/vj6OjI4mJiZ84svebP39+httqy/ENEB0dTdu2bbGxsaFkyZKpzt/a1Bfx+ZDkgsg1oqKi+Pvvv7l9+zaQPJqhQ4cOqb445mSPHz9m8eLF3L17F4AiRYrQq1cvIiMjKVGihIaje7/Tp08TFBREs2bNVNtWrlzJxIkTiY6OpkWLFvz222+qebY51eviYlevXqV48eJqFfCTkpJ49OgRjRs3ZsOGDRqMMmN27NhBx44d06yBoQ0/BN8WGRnJrVu3MDIywtPTM8e/l0TO865aCzo6Olp1dRaSE2+BgYEolUpsbGy0sq6KsbExPj4+uLu7q21/9OgRpUqVIiIiQkORfZgLFy7w9OlTGjZsqFqCcufOnZibm1O9enUNR/duenp676yL5O/vj5eXV448Z7x9TAcEBBAdHa1a1Sk0NJR8+fJha2urVcf3smXL6N27N3nz5sXKykrt2NbGzyrxeZDkghA5VHh4OGvXrsXb25sLFy7kyBP627788kvq1KmjWhbw2rVrlC9fns6dO1O0aFF++eUXevXqxaRJkzQb6Hv89NNPqv8OGzZMbZ3yPHny4OrqSuvWrVVTcHIyV1dXmjVrxvjx46UglMgSQUFBqnXvnz59yp9//klsbCzNmzenZs2aGo7u8/Tq1Svu3LkDJCelc3pF/7dZWVnx77//qlZ7eu3UqVM0bdpUNTJDW7z+aq1NiR5dXd13xqvUklVt1qxZw++//86yZctU04Xu3LlDz5496dWrF999952GI8w4e3t7Bg4cyOjRo3P8EuRCvCbJBZFrrF69mj/++IOHDx9y+vRpXFxcmDt3Lu7u7nz99deaDi/Djh07xrJly9i0aRMFChSgVatWtG7dWjVVIidzcHBgx44dqvmxY8eO5ejRo6p52f/88w8TJ07k5s2bmgwzw1auXEn79u21Yr5sekxMTLhy5UqumLN54cIFNmzYgK+vr2pqxGubN2/WUFTvd+jQIfr378+ZM2cwNTVVuy8sLIxq1aqxaNEiatWqpaEIM+batWs0b96cp0+f4unpybp162jcuDFRUVHo6uoSFRXFxo0bc0Xlf20RHh5Ov379WLdunepHn56eHu3bt2fhwoWYmZlpOMKM+fbbb/Hz82Pbtm2qmENDQ2nRogW2trZaMUoMkpeU/uWXX7h37x4AhQsXZsSIEXTs2FHDkb3f0aNHM9Sudu3a2RxJ5hQqVIiNGzeqLUEOycsyt2nTRqtW7bG0tOT8+fO54vwtPh9S0FHkCosWLWLChAkMHjyYyZMnq75kWVhYMG/evByfXHj58iUrVqxg2bJlhIeH065dO+Li4ti6dSvFihXTdHgZFhISonZ1/OjRo3z55ZeqvytWrMjTp081EdpH6dy5s6ZDyLRWrVpx+PBhrf9ysm7dOjp16sQXX3zBvn37aNSoEXfv3sXf35+WLVtqOrx3mjdvHj179kyVWAAwMzOjV69ezJ07N8cnF0aOHEnJkiX5+++/Wb16Nc2aNaNp06b8+eefQPKyadOnT8/xyYVu3bq9835vb+9PFEnm9ezZk8uXL6td9T99+jSDBg2iV69eqqKCOd2sWbOoVasWLi4uqh+FV65cwc7OjtWrV2s4uoyZM2cO48ePp3///qopECdOnKB3794EBgbm+AKib/8Y11Z+fn5p1oVISkrC399fAxF9vM6dO7N+/focv/y4EG+SkQsiVyhWrBhTp06lRYsWmJiYcPXqVdzd3bl+/Tp16tQhMDBQ0yGmq3nz5hw7doymTZvy3Xff0bhxY/T09DAwMODq1atalVxwcXFh9erV1KpVi/j4eMzNzdmxY4eqkOO1a9eoXbt2ji6EaGlpyd27d7G2tsbCwuKdw0Rzcj9emzJlCvPmzaNp06ZaXRCqVKlS9OrVi379+qmOcTc3N3r16oWDg4NqKktO5OLiwp49e9Jdueb27ds0atQIX1/fTxzZh7G2tubQoUOUKlWKyMhITE1NOX/+vGrliNu3b1OlShVCQ0M1G+h7vJ2MSkhI4Pr164SGhlKvXr0cPQrmbfnz52fv3r2pquIfP35cNapEW7yum3T16lWMjIwoVaoU3377barPrJzKzc2Nn376KdUqQitXrmTSpEk5/or5+6ZFvJbTp0U0b96c58+fs3TpUtXqFxcvXuSHH37A0dHxvav25CQDBw5k1apVlC5dmlKlSqU6FrSluLf4vMjIBZErPHr0KM2su6GhYY7/crV7924GDhxInz598PT01HQ4mdKkSRNGjx7NjBkz2Lp1K/ny5VObg+3j45Pjr6DPnTsXExMTIPmKs7ZbunQpxsbGHD16NNWwVx0dHa1JLjx48ICmTZsCyXUvoqKi0NHRYciQIdSrVy9HJxf8/f3f+QNJX1+fgICATxjRxwkODsbe3h5ILsCXP39+tRUJLCwstKLw3pYtW1JtUygU9OnTJ8d/Pr3NysoqzakPZmZmWrVaBCQnSn744Qe1bbdu3WLZsmXMmjVLQ1FlnJ+fH9WqVUu1vVq1avj5+Wkgog/z5moWSqWSJk2asHTpUhwdHTUY1Yfz9vamc+fOVKhQQfW5m5iYyBdffMHSpUs1HN2HuXbtmuq77fXr19Xu06Z6HuLzIskFkSu4ublx5coVXFxc1La/62phTnHixAmWLVtG+fLlKVq0KB07duSbb77RdFgf5eeff6ZVq1bUrl0bY2NjVq5cqVb00Nvbm0aNGmkwwvd7PRUiMTERHR0dvvjiC60uhJjTr5Zl1Js/XB0dHbl+/TolS5YkNDSU6OhoDUf3bq/j9fDwSPN+Hx8fHBwcPnFUH+ftL7S55Quurq4uQ4cOpU6dOowcOVLT4WTYuHHjGDp0KKtXr1Ylfl6+fMmIESMYP368hqP7OFFRUaxbt45ly5Zx5swZihUrphXJBQ8PDzZs2JBqCPv69eu14sLB27UU9PT0qFKlSqoVPHI6Gxsbdu3axd27d1Wrh3l5eVG4cGENR/bhcvrypUKkRZILIlcYOnQo/fr1IzY2FqVSyblz51i7di3Tpk3L8ZnqKlWqUKVKFebNm8f69evx9vZm6NChKBQK9u/fj5OTk+pKek5nbW3NsWPHCAsLw9jYGD09PbX7//nnH7WVF3IyfX19evfuza1btzQdSpbRxgrmr9WqVYv9+/dTsmRJ2rZty6BBgzh06BD79++nXr16mg7vnZo0acL48eNp3LhxquKgMTExTJw4UW351pysS5cuquU/Y2Nj6d27t2q537i4OE2GlmkPHjxIc652TvN6qdzX7t27h7OzM87OzgD4+vpiaGhIQEAAvXr10lSYH+zkyZMsW7aMDRs2EBMTw5AhQ/D29sbLy0vToWXITz/9RPv27Tl27Jiq5sLJkyc5ePCg1hSkzE0KFy6slQmF9Dx79gyAggULajgSId5Nai6IXOPvv/9m0qRJPHjwAEi+Wjhp0iS6d++u4cg+3J07d1i2bBmrV68mNDSUhg0batU8wdyiTp06DB48OMcXqHsfba5g/lpwcDCxsbEUKFAAhULBzJkzOXXqFJ6engwfPjxHX/n39/enXLly6Onp0b9/f9XyaLdv32bhwoUkJSVx6dKlHD9CpmvXrhlqt3z58myOJHOGDh2q9rdSqcTPz4+dO3fSuXNnFixYoKHIMuZDpgBNnDgxGyPJvFevXrFixQq8vb0JCwvj22+/pUOHDlStWlXrag5B8tz+uXPnqpLSRYsWZdiwYVpZLPHN+lU53dChQ/n555/Jnz9/quP7bdpUp0ChUDB58mRmz55NZGQkkPy6DBs2jLFjx8rylCJHkuSCyBViYmJQKpXky5eP6Ohorl+/zsmTJylWrBhffPGFpsP7aElJSezYsQNvb29JLmjAhg0bGDNmDEOGDKF8+fKqK7SvlSpVSkORZVx6FcwXLlzI5MmTc3wF83eJjY1l4cKF/PLLL7x8+VLT4bzTkydP6NOnD3v37lUbQfLFF1+wcOFC3NzcNBzh56Nu3bpqf+vq6mJjY0O9evXo1q0b+voyqPNTMTIyok2bNnz//fc0bNhQ9WNJGwsa5zYmJib4+PhoxWdT3bp12bJlC+bm5tSpUyfd0Xk6OjocOnToE0f38caMGcOyZcv46aef1M7fkyZNomfPnkyZMkXDEQqRmiQXRK7QqFEjWrVqRe/evQkNDcXLywsDAwMCAwOZM2cOffr00XSIQguldVVAR0cHpVKJjo5Ojq+aDdpfwTwuLo5Jkyaxf/9+8uTJw8iRI2nRogXLly9n3Lhx6Onp0a9fP0aNGqXpUDMkJCSE+/fvo1Qq8fT01Lqie0JkJS8vL+Li4ujQoQMdO3ZUTYHQxuTCrl270NPTS3VBY+/evSgUCrVlmXOiVq1aqf29Y8cO6tWrlyqprk2rqWi7AgUKsHjxYr766iu17du2baNv3748f/5cQ5EJkT5Jz4tc4dKlS8ydOxeAjRs3Ymdnx+XLl9m0aRMTJkyQ5IL4KDn9h3dGaHsF8wkTJvDHH3/QoEEDTp06Rdu2benatStnzpxh9uzZtG3bNlVtj5yqW7du/Prrr1SsWFFte1RUFAMGDMDb21tDkQlt8r4lct+U05fLvX37tqrWQsWKFSlcuDDff/89oH21YUaPHs306dNTbVcqlYwePTrHJxfeXnXk9eugTRISEjAyMuLKlSuUKFFC0+FkWnBwcJo1R7y8vHL8sS0+XzJyQeQK+fLl4/bt2zg7O9OuXTuKFy/OxIkTefr0KUWKFMnx1eSFyC4lSpSgQ4cOqSqYT548mfXr13Pt2jUNRZYx7u7uzJs3j6+++orr169TqlQpunTpwrJly7Tux4eenh5+fn7Y2tqqbQ8MDMTe3l4rignmBv7+/gwfPpyDBw/y6tUr3v4alNNHJK1cuTLDbV+vfqMNIiMjWbt2LcuXL+fMmTPUrl2bDh060KJFC2xsbDQd3nsZGRlx69YtXF1d1bY/fvyY4sWL5/hlsXMLd3d3tmzZQunSpTUdSqZVrlyZypUrM3/+fLXtAwYM4Pz585w5c0ZDkQmRPhm5IHIFDw8Ptm7dSsuWLdm7d69qHvmrV68wNTXVcHRC2928eRNfX1/i4+PVtr89VDEn0vYK5s+ePaN8+fJAcqLE0NCQIUOGaFViITw8HKVSiVKpJCIiQm3FiKSkJHbt2pUq4SCyT5cuXfD19WX8+PE4ODho1XsJMp4w0LYrm8bGxvTs2ZOePXty69Ytli1bxrhx4+jbty8JCQmaDu+9zMzMePjwYarkwv3791NNLRDZZ+zYsfz444+sXr0aS0tLTYeTKTNnzqRp06YcOHCAqlWrAnD69GmePn3Krl27NBydEGmTkQsiV9i4cSMdOnQgKSmJ+vXrs2/fPgCmTZvGsWPH2L17t4YjFNro4cOHtGzZkmvXrqlqLUDKcN2cfoXzNW2uYK6np8fLly9VVy61qcjYa7q6uu/8Aaujo8NPP/3E2LFjP2FUny8TExOOHz9OmTJlNB1Ktti3bx9Lly5lx44dxMTEaDqcTElMTGT79u2p6gHkRL169eL06dNs2bKFQoUKAcmJhdatW1OxYsUcvyx2blG2bFnu379PQkICLi4uqRI7ly5d0lBkH+fFixcsXLiQ27dvA8nn7759+1KgQAENRyZE2mTkgsgV2rRpQ40aNfDz81MbCle/fn1atmypwciENhs0aBBubm4cPHgQNzc3zp07R1BQEMOGDWPWrFmaDi/Dypcvz19//aXpMD6KUqmkS5cuGBoaAskrRPTu3VuriowdPnwYpVJJvXr12LRpk9rVtDx58uDi4iJfFD8hJyenVFMhtN2TJ0/w9vZm5cqVhISE8OWXX7Jq1SpNh5Vh6RVDPHToEEZGRhqK6sPMnDmTxo0b4+XlRcGCBYHkkVc1a9bUqvOFttP2paNfS0hIoHHjxixevFhWhRBaRUYuCCFEOqytrTl06BClSpXCzMyMc+fOUaRIEQ4dOsSwYcO4fPmypkN8L22vYN61a9cMtVu+fHk2R5J5T548wdnZWeuG4ec2+/btY/bs2fzxxx+phrBrk/j4eDZv3szSpUs5efIkDRo0YPfu3Vy+fJmSJUtqOrwPUqpUKaZPn06TJk3Utu/Zs4dRo0Zx9epVDUX2YZRKJfv37+fq1asYGRlRqlQpatWqpemwhJaysbHh1KlTeHp6ajoUITJMkgtCCJEOCwsLLl26hJubG4UKFWLp0qXUrVuXBw8eULJkSa0oFJpbvrTnBnv27MHY2JgaNWoAsHDhQv7880+KFSvGwoULZVnKT8TCwoLo6GgSExPJly8fBgYGavdrQ62CAQMGsHbtWjw9Pfn+++/55ptvsLKy0solHEGKIYqsFRoaysaNG3nw4AEjRozA0tKSS5cuYWdnh6Ojo6bDy7AhQ4ZgaGiY5iokQuRUMi1CCCHSUaJECa5evYqbmxuVK1dm5syZ5MmThyVLluDu7q7p8DLk3r17af7Q8PLy4v79+xqI6PM1YsQIZsyYAcC1a9cYOnQow4YN4/DhwwwdOlQrRl/kBvPmzdN0CJm2aNEiRo0axejRozExMdF0OJmWG4oh/u9//3vn/RMmTPhEkXzefHx8aNCgAWZmZjx+/JiePXtiaWnJ5s2b8fX11arpQomJiXh7e3PgwAHKly+f6liYM2eOhiITIn2SXBBCiHSMGzdOdcXsp59+onnz5tSsWRMrKyvWrVun4egyJjd8ac8tHj16pEr0bNq0iebNmzN16lQuXbqUamSJyD7atDxjelavXo23tzcODg40bdqUjh075vgpTu/y9ddfM3jw4FTFEIcNG6YVq/IAbNmyRe3vhIQEHj16hL6+PoUKFZLkwicydOhQunTpwsyZM9USb02aNKFDhw4ajOzDXb9+nXLlygFw9+5dtftkep3IqWRahBBCfIDg4GAsLCy05sQuFcxzDktLS06cOEGxYsWoUaMGnTp14ocffuDx48cUK1ZMK6bZaKvw8HDVssTh4eHvbKtNyxc/evSIFStWsGLFCqKjowkODmb9+vW0adNG06F9kLCwMBo3bsyFCxdSFUPcvHkz5ubmmg3wI4WHh9OlSxdatmxJx44dNR3OZ8HMzIxLly5RqFAhTExMuHr1Ku7u7jx58oQiRYoQGxur6RCFyNUkuSCEEG/p1q1bhtp5e3tncySZl1u/tGujr776ivj4eKpXr87PP//Mo0ePcHR0ZN++ffTv3z/VlSmRdfT09PDz88PW1jbdpUGVSiU6Ojpas8Tsm5RKJfv27WPZsmVs374da2trWrVqxfz58zUdWobl1mKI165do3nz5jx+/FjToXwWbG1t2bt3L2XLllVLLuzfv59u3brx9OlTTYcoRK4myQUhhHiLrq4uLi4ulC1b9p1L1r09DDanyq1f2rWNr68vffv25enTpwwcOJDu3bsDyUW7kpKStOqHoLY5evQo1atXR19fn6NHj76zbe3atT9RVNkjODiYVatWsXz5cinYmgOcOHGC5s2bExISoulQPgs9evQgKCiIDRs2YGlpiY+PD3p6erRo0YJatWrl+JorrVq1ynDbnLwEs/h8SXJBCCHe0q9fP9auXYuLiwtdu3bl+++/x9LSUtNhCSGESkJCAl5eXvz7778ULVpU0+F8sPnz5/PDDz+QN2/e9ybWBg4c+Imi+nhv90GpVOLn58fq1aupXbs2a9as0VBkn5ewsDDatGnDhQsXiIiIoECBArx8+ZKqVauya9euHF9r6M3ll5VKJVu2bMHMzIwKFSoAcPHiRUJDQ2nVqpUUARY5kiQXhBAiDXFxcWzevBlvb29OnTpF06ZN6d69O40aNdKaeguvHTx4kIMHD/Lq1SsUCoXafdowtUOb5da5/touNjYWHx+fNI8JbSkgCODo6MiBAwe0Mrng5ubGhQsXsLKyws3NLd12Ojo6PHz48BNG9nHe7oOuri42NjbUq1ePMWPG5IpVPbTJyZMnuXr1KpGRkZQrV44GDRpoOqQPNmrUKIKDg1m8eDF6enoAJCUl0bdvX0xNTfnll180HKEQqUlyQQgh3uPJkyesWLGCVatWkZiYyI0bNzA2NtZ0WBny008/8b///Y8KFSrg4OCQKjGiLVM7tFVun+uvjfbs2UOnTp0IDAxMdZ+2vQ5Tp07l7t27LF26FH19WQBMiNzExsaGEydOUKRIEbXtd+7coVq1agQFBWkoMiHSJ2ciIYR4j9c/CpVKpVb98ABYvHgxK1askErlGnLo0CHVlJrDhw9rOBoBMGDAANq2bcuECROws7PTdDiZcv78eQ4ePMi+ffsoWbJkqiHf2jAnW9und4icZeDAgXh4eKSaSrNgwQLu37+f42suvCkxMZHbt2+nSi7cvn071YgrIXIKSS4IIUQa3pwWceLECZo1a8aCBQto3Lgxurq6mg4vw+Lj46lWrZqmw/hsvVkcUNsLBeYW/v7+DB06VOsTCwDm5ua0bt1a02FkioGBgdYuDyjF93KeTZs2sX379lTbq1WrxvTp07UqudC1a1e6d+/OgwcPqFSpEgBnz55l+vTparUZhMhJJLkghBBv6du3L+vWrcPJyYlu3bqxdu1arK2tNR3WR+nRowdr1qxh/Pjxmg5F/Cc6OhpfX1/i4+PVtpcqVUpDEX1e2rRpw5EjRyhUqJCmQ8m03FLQrV+/fsyYMUPrpneYmZlpOgTxlqCgoDRfF1NT0zSnQuVks2bNwt7entmzZ+Pn5weAg4MDI0aMYNiwYRqOToi0Sc0FIYR4i66uLs7OzpQtW/adxRu14UrUoEGDWLVqFaVKlaJUqVIYGBio3T9nzhwNRfb5CQgIoGvXruzevTvN+7Vtyo22io6Opm3bttjY2FCyZMlUx4Q2rExgYWGR5meTmZkZhQsXZvjw4TRs2FADkX2cli1bcvDgQYyNjbV2eofIGUqUKEHv3r3p37+/2vbffvuNRYsWcfPmTQ1FljmvCwJL4V+R02lPelgIIT6RTp06ad2KEOnx8fGhTJkyAFy/fl2zwXzmBg8eTGhoKGfPnqVOnTps2bIFf39/Jk+ezOzZszUd3mdj7dq17Nu3j7x583LkyBG1Y11HR0crkgvpDe0ODQ3l4sWLNGvWjI0bN9K8efNPG9hHyg3TO0TOMHToUPr3709AQAD16tUDkldMmj17tlZNiXibJBWEtpCRC0IIIcQn4ODgwLZt26hUqRKmpqZcuHCBwoULs337dmbOnMmJEyc0HeJnwd7enoEDBzJ69Gitqp/yIebMmcPGjRs5deqUpkPJ9R48eMCUKVNUy/o6OzsTGRmpul9PTy/Niv8i+yxatIgpU6bw4sULAFxdXZk0aRKdOnXScGQfxt/fn+HDh6uWkn77J5uMdhM5kSQXhBAiF8pIoTEdHR02bdr0CaIRkHzlycfHB1dXV1xcXFizZg3Vq1fn0aNHFC9enOjoaE2H+FmwtLTk/PnzuaLmQnru3r1LlSpVCA4O1nQo75QbpncMHjwYIyMjpk2bBoCJiQkTJkzA1tYWgPXr1+Ps7MzixYs1GeZnKSAgACMjI61ZOvptX375Jb6+vvTv3z/NpaS//vprDUUmRPpkWoQQQuRCUmgs5ylSpAh37tzB1dWV0qVL88cff+Dq6srixYtxcHDQdHifjc6dO7N+/Xp+/PFHTYeSbeLi4siTJ4+mw3iv3DC94+DBgyxbtkxtW+vWrXF3dweSr5r36NFDE6F9liZOnEi3bt1wcXHBxsZG0+FkyokTJzh+/LhqaqMQ2kCSC0IIkQvlliryucGjR49wc3Nj0KBBqorfEydOpHHjxvz999/kyZOHFStWaDbIz0hSUhIzZ85k7969ubbI6bJly7TiB0nnzp3feX+ZMmWYNm1ajk4uPH78mAIFCqj+7tGjh1py19XVlWfPnmkitM/Stm3bmDJlCrVr16Z79+60bt0aQ0NDTYf1UZycnFJNhRAip5NpEUIIIUQ20tXVxcXFhbp166puBQsWJDo6mtu3b+Ps7Ky1S51qo7p166Z7n46ODocOHfqE0XycoUOHprk9LCyMS5cucffuXY4dO0b58uU/cWRZSxumd5iZmbF//34qVaqU5v3nzp2jQYMGqmr/IvtdvnyZ5cuXs3btWhITE/nmm2/o1q0bFStW1HRoH2Tfvn3Mnj1bNcpNCG0gIxeEEEKIbHTo0CGOHDnCkSNHWLt2LfHx8bi7u1OvXj3q1q2Lo6OjpkP8rBw+fFjTIWTa5cuX09xuampKw4YN2bx5M25ubp84qqynDdM7ihcvzoEDB9JNLuzdu5cSJUp84qg+b2XLlqVs2bLMnj2bHTt2sHz5cqpXr46Xlxfdu3enS5cuWjF1sH379kRHR1OoUCHy5cuXapRVTk66ic+XJBeEEEKIbFSnTh3q1KkDQGxsLKdOnVIlG1auXElCQgJeXl7cuHFDs4EKrZEbEiQZoQ3TO7p27crgwYMpXbo0TZs2Vbtvx44dTJ8+XauXQNRmSqWShIQE4uPjUSqVWFhYsGDBAsaPH8+ff/5J+/btNR3iO82dOzfXLIstPh8yLUIIIYT4xOLj4zl58iS7d+/mjz/+IDIyUpYV+0Tq1q37zi/s2jAtIrfILdM7vv32W9avX4+Xl5dqyck7d+5w584dWrduzYYNGzQc4efl4sWLqmkRhoaGdOrUiR49euDh4QHAb7/9xuTJk/H399dwpELkPpJcEEIIIbJZfHw8Z86c4fDhwxw5coSzZ8/i5ORErVq1qFWrFrVr18bZ2VnTYX4WhgwZovZ3QkICV65c4fr163Tu3Jlff/1VQ5F9ftKrf2FqakqRIkXo06eP1kzvWLduHevWrePu3bsAeHp68u233/LNN99oOLLPS8mSJbl9+zaNGjWiZ8+eNG/eHD09PbU2gYGB2NraolAoNBRlxrwuStm2bVuMjIw0HY4QGSLJBSGEECIb1atXj7Nnz+Lm5kbt2rWpWbMmtWvXluUnc5hJkyYRGRnJrFmzNB2KEOIj/fzzz3Tr1i1X1LIZPHgwa9asIS4ujnbt2tG9e3eqVKmi6bCEeCdJLgghhBDZyMDAAAcHB1q0aEGdOnWoXbs2VlZWmg5LvOX+/ftUqlRJiqSJDPuQFSBMTU2zMRKRWyUmJrJ9+3ZWrlzJ7t278fDwoFu3bnTs2BE7OztNhydEKpJcEEIIIbJRVFQUx48f58iRIxw+fJgrV65QuHBhateurUo22NjYaDrMz97q1asZNWoUL1680HQoQkvo6upmuOCe1FTJPunV7kjLnDlzsjGS7PXq1SuWLFnClClTSEpKokmTJgwcOJB69eppOjQhVGS1CCGEECIb5c+fn8aNG9O4cWMAIiIiOHHiBIcPH2bmzJl89913eHp6cv36dQ1H+nlo1aqV2t9KpRI/Pz8uXLjA+PHjNRSV0EZvrtrx+PHj/7d370FV1/kfx1/nkAqaHrxmlJ4Ub2gBXmYKHah0Qgov3dt2SwG1lEmptHSnZiovG9s62ji46+aimVPSRc11hmlrtGAPaoYakgFGWoCUjdERPSotB35/+OvsnriIkn7O5fmYccbzOd8/Xs74z3l9P5/3R4sWLVJKSori4uIkSbt379aGDRv08ssvm4oYFFq6mvXX/Pnmhb1792r9+vXKyclRnz59lJKSomPHjmnSpElKT0/nOBd8BjsXAAC4ghoaGvTZZ5/p448/1scffyyHw6Fz587xZvMKSU1N9fpstVrVu3dvjR8/XomJiYZSwd9NmDBBM2fO1MMPP+y1/tZbb+m1117TJ598YiYY/NYPP/ygjRs3av369frqq680efJkzZw5UxMnTvQUJQ6HQ0lJSTp9+rThtMB5lAsAAFxGDQ0NKiws9ByLKCgokMvl0nXXXafbb7/d88dut5uOCuASde7cWUVFRRo8eLDX+uHDhxUbG6szZ84YSgZ/1bFjR0VGRiotLU0pKSnNHp+rra3V1KlTvXbRACZRLgAAcBl169ZNLpdLffv29RQJt912myIjI01HC2qFhYUqKSmRJA0fPlyjR482nAj+bOjQoZo6dapeeeUVr/Vnn31W27ZtU1lZmaFkweWee+5p9viDxWJRaGioBg0apN///vcaOnSogXQX59///rfi4+NNxwAuCuUCAACX0d///nfdfvvtGjJkiOkokFRVVaWHH35YBQUFCg8PlyQ5nU6NHTtWOTk5uv76680GhF/Kzc3Vfffdp0GDBunmm2+WdP6c/FdffaXNmzfrrrvuMpwwOKSkpOj9999XeHi4pzDcv3+/nE6nEhMTVVRUpG+++UY7duzQuHHjDKe9OHl5eXK5XIqLi1P37t1NxwGaRbkAAACCRlJSkpxOpzZs2OB5e1lWVqbU1FR169ZNH3zwgeGE8FdVVVX661//qtLSUklSVFSUZs+erX79+hlOFjwWLVqk2tpaZWVlyWq1Sjp/NC0jI0Ndu3bVsmXLNHv2bB06dEgOh8Nw2ub9+c9/1unTp7VkyRJJ54fO3nnnnfrwww8lSX369NGOHTs0YsQIkzGBZlEuAACAoBEWFqZdu3Zp5MiRXuv79u1TfHw8Z+MBP9a7d28VFBQ02Sl2+PBhjR07VidOnFBxcbHi4+PldDrNhLyAUaNGaeHChXrooYckSe+++66mT5+ujz76SFFRUZo2bZo6d+6sd955x3BSoCmuogQAAEGjX79++s9//tNk3e12KyIiwkAiBAqn06ns7GzPLI8RI0YoLS1NNpvNcLLgUV9fr9LS0iblQmlpqedGntDQUJ++lvLo0aOKjo72fM7NzdX999/vOcbx/PPP64EHHjAVD2iV1XQAAACAK+Uvf/mL5s6dq8LCQs9aYWGhMjIyuCsel6ywsFCRkZFauXKlampqVFNToxUrVigyMlL79+83HS9oPProo5oxY4ZWrlwph8Mhh8OhlStXasaMGZo2bZqk87MLfPlIQX19vTp16uT5vHv3bo0dO9bzOSIiQidOnDARDbggjkUAAICA1r17d683lS6XS/X19brqqvMbOH/5e5cuXVRTU2MqJvxYfHy8Bg0apLVr13r9v5o5c6aOHDmi/Px8wwmDg9vtVmZmprKysnT8+HFJ0jXXXKO5c+dq4cKFCgkJUUVFhaxWq88Ob42NjdWTTz6plJQUVVRU6IYbbtAXX3yh4cOHS5J27dqlBx98UFVVVYaTAk1RLgAAgIC2YcOGNj87ffr0y5gEgSosLEwHDhzQsGHDvNa//PJLjRkzhlkeBtTW1ko6fx2wP1m7dq2eeuopPfTQQ9qzZ4/Cw8NVUFDg+X7p0qX69NNPtX37doMpgeYxcwEAAAQ0CgNcbt26dVNFRUWTcqGyslJdu3Y1lCq4+Vup8ItZs2YpJCRE27dvV0JCgl544QWv76urq5WammooHdA6di4AAICA9ssbzLbw1x8kMGvevHnaunWrli9f7jkfX1BQoGeeeUb33XefXn31VbMBA9ioUaO0Y8cOde/eXSNHjmx1WCPzL4DLi50LAAAgoIWHh19wOnxjY6MsFotnojxwMZYvXy6LxaJp06apvr5ektShQwfNmTNHmZmZhtMFtqlTp3oGIN59991mw/yGcnNzFRISookTJ3qtf/jhh3K73brzzjsNJQNaxs4FAAAQ0PLy8tr0XHFxsZ544onLnAaB7MyZM/r6668lSZGRkercubPhRMHD7XaroKBA0dHRCg8PNx2n3aKjo5WZmam77rrLa/2DDz7QwoULVVRUZCgZ0DLKBQAAELROnTqlTZs26R//+If27dvHzgW02y9T/H31NoJAFhoaqpKSEg0YMMB0lHYLCwtTSUmJbrjhBq/1b775RiNGjJDL5TITDGiF1XQAAACAKy0/P1/Tp0/Xtddeq+XLl2v8+PHas2eP6VjwUw0NDVq8eLFsNpvsdrvsdrvCw8O1ZMkSNTQ0mI4XNG688UYdOXLEdIzfhM1ma/bfUl5eri5duhhIBFwYMxcAAEBQ+P777/X6668rOztbtbW1evDBB1VXV6f333/fc4c8cCmee+45ZWdnKzMzU+PGjZMkORwOvfjiizp37pyWLVtmOGFwWLp0qRYsWKAlS5Zo9OjRTX6E+9PA1qlTp+rJJ5/U1q1bFRkZKel8sTB//nxNmTLFcDqgeRyLAAAAAW/y5MnKz89XcnKy/vCHPygpKUkhISHq0KGDioqKKBfQLhEREVqzZk2TH33btm1Tenq6jh07ZihZcFi8eLHmz5/vde3n/w5x9ceBrSdPnlRSUpIKCws9R2yqqqoUHx+vLVu2BMRcCQQeygUAABDwrrrqKs2bN09z5szR4MGDPeuUC/gthIaG6uDBgxoyZIjXellZmWJjY3X27FlDyYJDSEiIvvvuO5WUlLT63K233nqFEv02Ghsb9dFHH6moqEhhYWGKjo5WQkKC6VhAizgWAQAAAp7D4VB2drZGjx6tqKgoPfroo/rd735nOhYCRExMjLKysrRq1Sqv9aysLMXExBhKFTx+eVfqb+XBhVgsFiUmJioxMdF0FKBN2LkAAACChsvl0ttvv61169Zp7969crvdWrFihdLS0ry2VAMXIy8vT8nJyerfv7/i4uIkSbt371ZlZaVyc3MVHx9vOGFgs1qtOn78uHr37m06SrusWrVKjz32mEJDQ5sUVb82b968K5QKaDvKBQAAEJTKysqUnZ2tjRs3yul06o477tA///lP07Hgp6qrq7V69WqVlpZKkqKiopSenq6IiAjDyQKf1WqVzWbzmrPQnJqamiuU6NIMGDBAhYWF6tmzZ6vXaVosloC5FQOBhXIBAAAENbfbre3bt2vdunWUC4AfslqtevXVV2Wz2Vp9bvr06VcoERCcKBcAAACAi3Tw4ME2PxsdHX0Zk8Bqter7779Xnz59TEcBghoDHQEAAICLFBsbK4vFogu9p/O3KxD90YWOQ/iLp59+us3Prlix4jImAS4N5QIAAABwkY4ePWo6Av5foGzEPnDgQJueC5QyBYGHYxEAAABAO/z444/q2bOnJKmyslJr167V2bNnNWXKFG6KABA0KBcAAACAS1BcXKzJkyersrJSgwcPVk5OjpKSkuRyuWS1WuVyufTee+/p7rvvNh0VfqyqqkqSdP311xtOArTOajoAAAAA4I+effZZ3XTTTcrPz9dtt92mSZMmKTk5WSdPntRPP/2kxx9/XJmZmaZjwg81NDRo8eLFstlsstvtstvtCg8P15IlS9TQ0GA6HtAsdi4AAAAAl6BXr17auXOnoqOjdfr0aXXr1k2fffaZRo8eLUkqLS3VLbfcIqfTaTYo/M4f//hHZWdn66WXXtK4ceMkSQ6HQy+++KJmzZqlZcuWGU4INEW5AAAAAFyCX1+B2LVrVxUVFWngwIGSpOPHjysiIoLbInDRIiIitGbNGk2ZMsVrfdu2bUpPT9exY8cMJQNaxrEIAAAA4BL9enI/k/zxW6ipqdGwYcOarA8bNkw1NTUGEgEXxlWUAAAAwCVKSUlRp06dJEnnzp3T7Nmz1aVLF0lSXV2dyWjwYzExMcrKytKqVau81rOyshQTE2MoFdA6jkUAAAAAlyA1NbVNz61fv/4yJ0GgycvLU3Jysvr376+4uDhJ0u7du1VZWanc3FyuOIVPolwAAAAAAB9TXV2t1atXq7S0VJIUFRWl9PR0RUREGE4GNI9yAQAAAAAAtAszFwAAAADAx/z000/Kzs5WSUmJJGn48OFKTU1Vjx49DCcDmsfOBQAAAADwIfn5+Zo8ebJsNpvGjBkjSdq3b5+cTqe2b9+uhIQEwwmBpigXAAAAAMCH3HTTTYqLi9Pf/vY3hYSESJLcbrfS09O1a9cuFRcXG04INEW5AAAAAAA+JCwsTJ9//rmGDh3qtV5WVqbY2FidPXvWUDKgZVbTAQAAAAAA/zVq1CjPrIX/VVJSopiYGAOJgAtjoCMAAAAAGHbw4EHP3+fNm6eMjAyVl5frlltukSTt2bNHq1evVmZmpqmIQKs4FgEAAAAAhlmtVlksFl3o55nFYpHb7b5CqYC2Y+cCAAAAABh29OhR0xGAdmHnAgAAAAAAaBd2LgAAAACAD/ryyy9VUVGhn3/+2Wt9ypQphhIBLaNcAAAAAAAfcuTIEd1zzz0qLi72msNgsVgkiZkL8ElcRQkAAAAAPiQjI0MDBgzQDz/8oM6dO+vQoUPKz8/XmDFj9Mknn5iOBzSLmQsAAAAA4EN69eqlnTt3Kjo6WjabTXv37tXQoUO1c+dOzZ8/XwcOHDAdEWiCnQsAAAAA4EPcbre6du0q6XzRUF1dLUmy2+0qKyszGQ1oETMXAAAAAMCH3HjjjSoqKtKAAQN0880365VXXlHHjh312muvaeDAgabjAc3iWAQAAAAA+JB//etfcrlcuvfee1VeXq5Jkybp8OHD6tmzp3JycjRhwgTTEYEmKBcAAAAAwMfV1NSoe/funhsjAF/DzAUAAAAA8CFpaWk6deqU11qPHj105swZpaWlGUoFtI6dCwAAAADgQ0JCQvTdd9+pT58+XusnTpxQ3759VV9fbygZ0DIGOgIAAACAD6itrVVjY6MaGxt16tQphYaGer5zu93Kzc1tUjgAvoJyAQAAAAB8QHh4uCwWiywWi4YMGdLke4vFopdeeslAMuDCOBYBAAAAAD4gLy9PjY2NGj9+vDZv3qwePXp4vuvYsaPsdrsiIiIMJgRaRrkAAAAAAD7k22+/Vf/+/bkZAn6F2yIAAAAAwIfY7XY5HA498sgjGjt2rI4dOyZJ2rhxoxwOh+F0QPMoFwAAAADAh2zevFkTJ05UWFiY9u/fr7q6OknSyZMn9ac//clwOqB5lAsAAAAA4EOWLl2qNWvWaO3aterQoYNnfdy4cdq/f7/BZEDLKBcAAAAAwIeUlZUpISGhybrNZpPT6bzygYA2oFwAAAAAAB/St29flZeXN1l3OBwaOHCggUTAhVEuAAAAAIAPmTVrljIyMvTpp5/KYrGourpab775phYsWKA5c+aYjgc06yrTAQAAAAAA/7Vo0SI1NDRowoQJOnPmjBISEtSpUyctWLBAc+fONR0PaJalsbGx0XQIAAAAAIC3n3/+WeXl5Tp9+rSGDx+uq6++2nQkoEXsXAAAAAAAH5CWltam59atW3eZkwAXj50LAAAAAOADrFar7Ha7Ro4cqdZ+pm3duvUKpgLahp0LAAAAAOAD5syZo02bNuno0aNKTU3VI488oh49epiOBbQJOxcAAAAAwEfU1dVpy5YtWrdunXbt2qXk5GTNmDFDiYmJslgspuMBLaJcAAAAAAAf9O233+r111/XG2+8ofr6eh06dIihjvBZVtMBAAAAAABNWa1WWSwWNTY2yu12m44DtIpyAQAAAAB8RF1dnTZt2qQ77rhDQ4YMUXFxsbKyslRRUcGuBfg0BjoCAAAAgA9IT09XTk6O+vXrp7S0NG3atEm9evUyHQtoE2YuAAAAAIAPsFqt6t+/v0aOHNnq8MYtW7ZcwVRA27BzAQAAAAB8wLRp07gRAn6LnQsAAAAAAKBdGOgIAAAAAADahXIBAAAAAAC0C+UCAAAAAABoF8oFAAAAAADQLpQLAAAAAACgXSgXAAAAAABAu1AuAAAAAACAdqFcAAAAAAAA7fJ//gMjr+wo3z8AAAAASUVORK5CYII=", + "image/png": "iVBORw0KGgoAAAANSUhEUgAABBcAAARaCAYAAAAXepqDAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8pXeV/AAAACXBIWXMAAA9hAAAPYQGoP6dpAAEAAElEQVR4nOzddXgUV9sG8Hs37u4uEIHgFhyCFHctRRqKFAoUaAulWCmktJRSoC20uH24uwR3CxAkQAjE3V12vz82bLLJJvB2dxuS3r/r2gt2cmb2eXLOzGzOnDkjEIvFYhARERERERER/UPCqg6AiIiIiIiIiKo3di4QERERERERkULYuUBERERERERECmHnAhEREREREREphJ0LRERERERERKQQdi4QERERERERkULYuUBERERERERECmHnAhEREREREREphJ0LRERERERERKQQdi4QERFRjSEQCLBgwQKlbrN9+/Zo3769UrdJRERU07BzgYiI/rM2bdoEgUAgfWlra6N27dqYPHky4uLiqjq8D0Jubi5+/fVXNG/eHEZGRjK/o+fPn1d1eErz5MkTLFiwAK9fv67qUIiIiKol9aoOgIiIqKp9//33cHFxQW5uLq5cuYI///wTx48fR3BwMHR1das6vCqTmJiIjz76CHfv3kXPnj0xfPhw6OvrIyQkBDt37sRff/2F/Pz8qg5TKZ48eYKFCxeiffv2cHZ2lvnZ6dOnqyYoIiKiaoSdC0RE9J/XrVs3NGnSBAAwduxYmJmZYfny5Th06BCGDRv2r8SQlZUFPT29f+Wz3tfo0aNx//597N27FwMGDJD52aJFizBnzhylfE5FuYvFYuTm5kJHR0cpn/NPaWpqVunnExERVQe8LYKIiKiMjh07AgDCwsKky7Zt24bGjRtDR0cHpqamGDp0KCIiImTWu3z5MgYNGgRHR0doaWnBwcEBX375JXJycmTKjR49Gvr6+ggNDUX37t1hYGCAjz/+GADw4sULDBgwANbW1tDW1oa9vT2GDh2KtLQ06fqFhYVYtGgR3NzcoKWlBWdnZ3z77bfIy8uT+RxnZ2f07NkTV65cQbNmzaCtrQ1XV1ds2bLlnb+Dmzdv4tixY/D39y/XsQAAWlpaWLZsmcyywMBAtGnTBnp6ejA2NkafPn3w9OlTmTILFiyAQCDAkydPMHz4cJiYmKB169Yy8Z46dQpNmjSBjo4O1q5dCwBITU3FtGnT4ODgAC0tLbi7u2Pp0qUQiUSV5vHmzRt8/vnn8PDwgI6ODszMzDBo0CCZ2x82bdqEQYMGAQA6dOggvU3mwoULAOTPuRAfHw9/f39YWVlBW1sb9evXx+bNm2XKvH79GgKBAMuWLcNff/0lra+mTZvi9u3blcZNRERU3XDkAhERURmhoaEAADMzMwDA4sWLMXfuXAwePBhjx45FQkICVq1ahbZt2+L+/fswNjYGAOzZswfZ2dmYOHEizMzMcOvWLaxatQqRkZHYs2ePzGcUFhaia9euaN26NZYtWwZdXV3k5+eja9euyMvLwxdffAFra2tERUXh6NGjSE1NhZGREQDJ6IrNmzdj4MCBmDFjBm7evImAgAA8ffoUBw4ckPmcly9fYuDAgfD398eoUaOwYcMGjB49Go0bN0adOnUq/B0cPnwYAPDJJ5+81+/s7Nmz6NatG1xdXbFgwQLk5ORg1apVaNWqFe7du1fuVoNBgwahVq1aWLJkCcRisXR5SEgIhg0bhvHjx+Ozzz6Dh4cHsrOz0a5dO0RFRWH8+PFwdHTEtWvXMHv2bMTExGDFihUVxnX79m1cu3YNQ4cOhb29PV6/fo0///wT7du3x5MnT6Crq4u2bdtiypQpWLlyJb799lt4eXkBgPTfsnJyctC+fXu8fPkSkydPhouLC/bs2YPRo0cjNTUVU6dOlSm/Y8cOZGRkYPz48RAIBPjpp5/Qv39/vHr1ChoaGu/1+yUiIvrgiYmIiP6jNm7cKAYgPnv2rDghIUEcEREh3rlzp9jMzEyso6MjjoyMFL9+/VqspqYmXrx4scy6jx49Equrq8ssz87OLvcZAQEBYoFAIH7z5o102ahRo8QAxLNmzZIpe//+fTEA8Z49eyqMOSgoSAxAPHbsWJnlM2fOFAMQBwYGSpc5OTmJAYgvXbokXRYfHy/W0tISz5gxo9LfTb9+/cQAxCkpKZWWe6tBgwZiS0tLcVJSknTZgwcPxEKhUDxy5Ejpsvnz54sBiIcNG1ZuG2/jPXnypMzyRYsWifX09MTPnz+XWT5r1iyxmpqaODw8XLoMgHj+/PnS9/Lq5Pr162IA4i1btkiX7dmzRwxAfP78+XLl27VrJ27Xrp30/YoVK8QAxNu2bZMuy8/PF/v6+or19fXF6enpYrFYLA4LCxMDEJuZmYmTk5OlZQ8dOiQGID5y5Ei5zyIiIqqueFsEERH953Xq1AkWFhZwcHDA0KFDoa+vjwMHDsDOzg779++HSCTC4MGDkZiYKH1ZW1ujVq1aOH/+vHQ7pecGyMrKQmJiIlq2bAmxWIz79++X+9yJEyfKvH87MuHUqVPIzs6WG+vx48cBANOnT5dZPmPGDADAsWPHZJZ7e3ujTZs20vcWFhbw8PDAq1evKv2dpKenAwAMDAwqLQcAMTExCAoKwujRo2FqaipdXq9ePXTu3Fkac2kTJkyQuy0XFxd07dpVZtmePXvQpk0bmJiYyNRBp06dUFRUhEuXLlUYW+k6KSgoQFJSEtzd3WFsbIx79+69Mzd5jh8/Dmtra5n5ODQ0NDBlyhRkZmbi4sWLMuWHDBkCExMT6fu39fGuOiAiIqpOeFsEERH95/3++++oXbs21NXVYWVlBQ8PDwiFkv73Fy9eQCwWo1atWnLXLT2sPTw8HPPmzcPhw4eRkpIiU670nAkAoK6uDnt7e5llLi4umD59OpYvX47t27ejTZs26N27N0aMGCHteHjz5g2EQiHc3d1l1rW2toaxsTHevHkjs9zR0bFczCYmJuXiK8vQ0BAAkJGRIb3toyJvP9PDw6Pcz7y8vHDq1Klykza6uLjI3Za85S9evMDDhw9hYWEhd534+PgKY8vJyUFAQAA2btyIqKgomVswytbJ+3rz5g1q1aolbSNvvb2N4l118Laj4V11QEREVJ2wc4GIiP7zmjVrJn1aRFkikQgCgQAnTpyAmppauZ/r6+sDAIqKitC5c2ckJyfjm2++gaenJ/T09BAVFYXRo0eXm3hQS0ur3B+nAPDLL79g9OjROHToEE6fPo0pU6YgICAAN27ckOmMEAgE75WbvJgByPyRLY+npycA4NGjRzIjH5SloidAyFsuEonQuXNnfP3113LXqV27doWf88UXX2Djxo2YNm0afH19YWRkBIFAgKFDh75zMkhl+ad1QEREVJ2wc4GIiKgSbm5uEIvFcHFxqfSP2EePHuH58+fYvHkzRo4cKV1+5syZ//kzfXx84OPjg++++w7Xrl1Dq1atsGbNGvzwww9wcnKCSCTCixcvZCYcjIuLQ2pqKpycnP7nz5OnV69eCAgIwLZt297ZufD2M0NCQsr97NmzZzA3N1foMZtubm7IzMxEp06d/ud19+7di1GjRuGXX36RLsvNzUVqaqpMufftrAEk+T58+BAikUimg+jZs2fSnxMREf3XcM4FIiKiSvTv3x9qampYuHBhuSvNYrEYSUlJAEquTpcuIxaL8dtvv733Z6Wnp6OwsFBmmY+PD4RCofQxk927dweAck9IWL58OQCgR48e7/15lfH19cVHH32EdevW4eDBg+V+np+fj5kzZwIAbGxs0KBBA2zevFnmj/bg4GCcPn1aGvM/NXjwYFy/fh2nTp0q97PU1NRyv7PS1NTUytXbqlWrUFRUJLPsbedH2U4Hebp3747Y2Fjs2rVLuqywsBCrVq2Cvr4+2rVr985tEBER1TQcuUBERFQJNzc3/PDDD5g9ezZev36Nvn37wsDAAGFhYThw4ADGjRuHmTNnwtPTE25ubpg5cyaioqJgaGiIffv2/U/31QcGBmLy5MkYNGgQateujcLCQmzduhVqamoYMGAAAKB+/foYNWoU/vrrL6SmpqJdu3a4desWNm/ejL59+6JDhw5Ky33Lli3o0qUL+vfvj169esHPzw96enp48eIFdu7ciZiYGCxbtgwA8PPPP6Nbt27w9fWFv7+/9FGURkZGWLBggUJxfPXVVzh8+DB69uwpfYxmVlYWHj16hL179+L169cwNzeXu27Pnj2xdetWGBkZwdvbG9evX8fZs2eljxl9q0GDBlBTU8PSpUuRlpYGLS0tdOzYEZaWluW2OW7cOKxduxajR4/G3bt34ezsjL179+Lq1atYsWLFe02CSUREVNOwc4GIiOgdZs2ahdq1a+PXX3/FwoULAQAODg7o0qULevfuDUAyseORI0ekcyRoa2ujX79+mDx5MurXr/9en1O/fn107doVR44cQVRUFHR1dVG/fn2cOHECLVq0kJZbt24dXF1dsWnTJhw4cADW1taYPXs25s+fr9S8LSwscO3aNfzxxx/YtWsX5syZg/z8fDg5OaF3796YOnWqtGynTp1w8uRJzJ8/H/PmzYOGhgbatWuHpUuXVjh54/vS1dXFxYsXsWTJEuzZswdbtmyBoaEhateujYULF0onu5Tnt99+g5qaGrZv347c3Fy0atUKZ8+eLfdECmtra6xZswYBAQHw9/dHUVERzp8/L7dzQUdHBxcuXMCsWbOwefNmpKenw8PDAxs3bsTo0aMVypWIiKi6Eog5mxARERERERERKYBzLhARERERERGRQti5QEREREREREQKYecCERERERERESmEnQtEREREREREH7BLly6hV69esLW1hUAgkPuY6LIuXLiARo0aQUtLC+7u7ti0aZNKY2TnAhEREREREdEHLCsrC/Xr18fvv//+XuXDwsLQo0cPdOjQAUFBQZg2bRrGjh2LU6dOqSxGPi2CiIiIiIiIqJoQCAQ4cOAA+vbtW2GZb775BseOHUNwcLB02dChQ5GamoqTJ0+qJC6OXCAiIiIiIiL6F+Xl5SE9PV3mlZeXp7TtX79+HZ06dZJZ1rVrV1y/fl1pn1GWusq2TFSJYxoeVR2CwqJPhFR1CEqRX1DVEShHQUH1H4RlqC+o6hCUoqCwqiNQXGFRVUegHMKa0aRQWFT99++aQk+n+jeq1Iya0Z6szao6AuXIza/+bapIVNURKMdnnd5d5kNUXf+uuD1nGBYuXCizbP78+ViwYIFSth8bGwsrKyuZZVZWVkhPT0dOTg50dHSU8jmlsXOBiIiIiIiI6F80e/ZsTJ8+XWaZlpZWFUWjHOxcICIiIiIiIvoXaWlpqbQzwdraGnFxcTLL4uLiYGhoqJJRCwDnXCAiIiIiIiKqUXx9fXHu3DmZZWfOnIGvr6/KPpMjF4iIiIiIiKhaEmhU/3k73kdmZiZevnwpfR8WFoagoCCYmprC0dERs2fPRlRUFLZs2QIAmDBhAlavXo2vv/4an376KQIDA7F7924cO3ZMZTFy5AIRERERERHRB+zOnTto2LAhGjZsCACYPn06GjZsiHnz5gEAYmJiEB4eLi3v4uKCY8eO4cyZM6hfvz5++eUXrFu3Dl27dlVZjBy5QERERERERPQBa9++PcTiip92s2nTJrnr3L9/X4VRyWLnAhEREREREVVLQvX/xm0R1QFviyAiIiIiIiIihbBzgYiIiIiIiIgUws4FIiIiIiIiIlII51wgIiIiIiKiakmgwevlHwrWBBEREREREREphJ0LRERERERERKQQdi4QERERERERkUI45wIRERERERFVS0J1QVWHQMU4coGIiIiIiIiIFMLOBSIiIiIiIiJSCG+LICIiIiIiompJoMHbIj4UHLlARERERERERAph5wIRERERERERKYSdC0RERERERESkEM65QERERERERNUSH0X54eDIBSIiIiIiIiJSCDsXiIiIiIiIiEghvC2CPnimrZvAdYY/jBrVhbatJe4M+Bxxh89Vvk7bZvBeNgv63rWQGxGDlwF/InLLAZkyThOHw3W6P7SsLZD+8BkeT1uEtNuPVJkK7l/cjttn1yMrPQEWdp7wGzwXNs71Kiwfcu8Erh79DWlJUTCxdEbbPjPhWred9OfPg07jweWdiIt4jNysVIycdRCWDl4qzQEAxGIxbp5YieAbe5CXkw5bl0boMGgBjC2cK13vweXtuBe4HtkZCTC39US7AXNh7VSSf/C1XQi5exTxkY9RkJeF8UtuQ0vXUGU53D69Ck9vSnKwdm6Etv3nvzOH4KvbEXRxPbIzEmFm44nWfb+DlWNJDhf3zkPki+vISo+HhpYurJ0aokWPmTCxdFV6DvcubMfNM5L2ZGnviU5D5sK2kvb07O4JXD5S0p7a95sJt+L2VFRUgMuHVyA0+BLSEiOgpaMPJ8+WaNd3BgyMrZQee2lBl7bjzrmS/aLDwMr3i+f3JftFenIUjC2c0abPTLjWKdkvXgSdxsOrOxEX/hi52akY8c1BWNpzv/hf8rhxYiUeXS/Jo+OgBTCxfHcedwLXIzs9AeZ2nuhQJo/CgjxcOvgjnt87jqLCfDh5tkaHQfOhZ2iukhxunVyFx8V1YePSCO0Hvnv/fnhlO+6fl+zf5raeaNvvO1gV55CblYqbp1YhIuQqMlJioKNvCte6fmjebSq0dAyUnkNNyaOmHKfEYjHunF6FZ7dKzhlt+s2H0bvOGde248HF9cgpPme06vMdLB3L5y8Wi3FiwzhEhFxGl5Gr4VK3k9JzuBW4HddOrkdmWiKsHTzRbfh3sHOtuC4e3z6J8wd/Q2piFMysnNBp4EzUqtdOpkxCdCjO7l2GN89vQ1RUBAtbNwz+fCWMzGyVHv9bNaFN1ZTvg0RlceQCffDU9HSR/jAEwVMWvld5HWd7ND28FkkXbuJKkz4IW7UZPmt/gHnn1tIyNoO6wevn2Xjxw++40qwfMh4+Q/Nj66FpYaqqNPDs7nFc2B8A3+6T8MmsA7C098Te1f7IykiSWz7q1T0c3TgDdX0HYuTsg3Cv54eDf01CQvRzaZmCvGzYuTVC2z4zVRa3PHfP/Y2gS1vRYdACDPlyN9Q1dXBwjT8KC/IqXOf5veO4fDAAzT+ahKEzD8DczhOH1vgju1T+Bfk5cPJqg6adJ6g8h6AL6/Doyla07b8AA77YDQ1NHRxdN7bSHF4GHcfVIz+iSedJGDhtP8xsPXB03VhkZ5bkYGFfBx2GLMHQr46h59h1EEOMo3/7QyQqUmr8T+8cR+C+ALTqMQmjv5W0p90r/ZGVLr89RYbew+ENM1Cv5UCM/vYgatX3w/41k5AQJWlPhfm5iA1/gpbdJ2LU7P3oO241kuPCsP/PiUqNu6yQu8dx8UAAWnSbhBFfH4CFnSf2/yHbLkqLfnUPxzZJ9osR30j2i8N/T0Ji6f0iPxu2ro3QhvvFP3Ln3N+4f2kr/AYvwNAvJfvGgXfkEXLvOC4dCECLrpMw/KsDsLD1xIE/ZfO4eGAJwoLPo8eYFRg4ZSsy0+NxdMNkleRwL3AdHlzeivaDFmDQNEkOh9dWvn+/uH8cVw79iKZdJ2HIdMn+ffivsdIcstLjkZUWj1a9v8bwr4+g07AAvAm5jMBdc1SSQ03Io6YcpwDgwYV1CL66FW36L0C/LyT797H17z5nXD/yIxp3moQBU/fD1MYDx9aPRU5m+fwfXd4MQHX3jQffOo7Tu35Eu96TMH7+flg5eGDbr2MrrIuIl/ew768ZaNhmIMbPPwCPhp2wc/VkxEeWHGuT48Ox8cfhMLdxxaivtmDCwkNo2+tzqGtoqSyPmtCmatL3wQ+FQENQLV81ETsXapi9e/fCx8cHOjo6MDMzQ6dOnZCVlQUAWLduHby8vKCtrQ1PT0/88ccfMuveunULDRs2hLa2Npo0aYIDBw5AIBAgKCgIAHDhwgUIBAKcO3cOTZo0ga6uLlq2bImQkBCV5pRw6hKez1+BuENn36u807ihyAmLxNOvlyLz2Su8+WM7YvedgsvU0dIyLtPGIGL9bkRu3o/Mp6F49Pl8FGXnwmH0ABVlAdw5txE+LQfDx3cAzG3c0XnoQmhoaiP4+j655e+d3wIX7zZo1nkszKzd0LrXNFg5eCPo4jZpmTrN+6Jl98lw8vRVWdxlicViBF3agmZdJsLNpxPMbT3R5eOfkJUWj1ePKq6j+xc2oq7vYHg3HwAza3d0HLQQ6praeHKzJP+G7UejSadxsHaqr/IcHl7egsZ+E+BS1w9mth7oOHQpstPjEfa44hweXNoE7+aD4Nl0AEyt3NGu/0JoaGjj2a2SHLxbDIGta1MYmtrDwr4OmnedhszUGGQkRyk1h9vnNqJ+q8Go11LSnroOk7SnRxW0p7vnt8DVuw2adxkLcxs3tO0taU/3ituTlo4Bhk7dCK/G3WFm7Qo71wboPGQuYsMfIz05Wqmxy8YlaRd1WwyAmY07Og2RtIsK94sLW+Ds1QZNO0n2i1Y9p8HSwRtBl0r2C+9mfeHbbTIcPbhf/JM87l/cgubFeVjYeaLrCEkeoZXkce/CRtRtORh1Wkjy8BssyePxDUkeeTkZeHxjH9r2mwWH2r6wcqiLLsOXICbsPmJeByk9hweXtqBJ5wlwresHc1sPdBq+FFnp8XgVXHEOQRc3oU6LQfBuNgCm1u7oMHAh1DW08bR4/zazqY3uY1bBpU5HGJk7wr5WC/h2+xJhj89DVFSo1BxqSh415TglFovx6MoWNPKbAOc6fjCz8UCHIZJzxutKzhmPLm+CV/E5w8TKHW37S+ri2W3Z/BOjn+Lh5Y1oP3ixynK4cXoTGrUdhIatB8DC1h09P5HUxf0r8uvi5tmtcK/bGq0+8oeFrRs69psKGydv3ArcLi0TuH8Favm0Q+dBX8HGyRumlo7waNAReoZmKsujJrSpmvJ9kEgedi7UIDExMRg2bBg+/fRTPH36FBcuXED//v0hFouxfft2zJs3D4sXL8bTp0+xZMkSzJ07F5s3bwYAZGZmomfPnvD29sbdu3exYMECzJwpv/dzzpw5+OWXX3Dnzh2oq6vj008//TfTfCfjFg2QGHhdZlnCmSswadEAACDQ0IBRozpIPHetpIBYjMTAazBu0VAlMRUV5iMu4jGcPFtKlwmEQjh6tkT0q/ty14kOC4JTmT+OnL1aIzosSCUxvq/0pEhkpyfAoXZJLlo6BrByqo+Y1/JzKSrMR3zkY5l1BEIhHGq3rHAdVcpIjkR2RgLsa8nmYOlYD3FvguSuU1SYj4SoxzLrCIRC2NXyrXCdgvxsPLuzHwam9tA3tlZa/EWF+YgNL9+enD1bIqqC9hT1Kqjclw4X79aIeiU/dgDIy8kEBAJo6ahmCL50v/CQzcPJo+J2EfNazn7hyf1CWSrKw9qpPmLCKskjonwejqXyiI8IhqioQKaMqZUbDExsEaPkuksv3r/L1YVjPcRW0JFRUV3Y1/atcB0AyMvNgKa2PoRqyr/LtLrnUVOOU0DJOcOu7DnD4d3nDDv3MnVR5pxRkJ+DcztmonXfedA1sFBJ/EWF+Yh+8xiuXrKxuHr7IjJUfvwRoUFw9W4ps8ytTitpebFIhBcPL8DU2hnblvvj52ktse6HwXh27/0uBP0TNaFN1aTvg0TycM6FGiQmJgaFhYXo378/nJycAAA+Pj4AgPnz5+OXX35B//79AQAuLi548uQJ1q5di1GjRmHHjh0QiURYv349tLW1UadOHURGRmLixPLDwhYvXox27ST3ec2aNQs9evRAbm4utLW1/6VMK6dlZY68uESZZXlxidAwMoBQWwsaJkYQqqsjLz6pTJkk6Hko/754AMjJTIFYVAQ9A9nefD0DMyTHvpK7TlZ6InTL3Iusa2iGrPREueX/LdkZCZJYyuSia2CG7Apiy8mS5C9vnZQ4+fmr0tscdMrGo2+O7Az5OeQW56CjX36d1PgwmWXB13bg+rFlKMzPhrGFC3p9tgFq6prKi/9teypzdUjX0AxJFfw+s9ITy93brldJeyosyMOFA8vg3aQHtHT0lRN4GdJ2UTYPAzMkV5KHroF5ufIV1du/pSbsFwCQVZxH2WOVroEZsir4HVeWR3K8JI+s9ESoqWlAu8xcEZLtJigrfABAdnpFdVHx/v02h3LHBIPy+7d0ncwU3DnzJ+r4DlZC1OVV9zxqynEKKHXOKHP816mkLnIrqAudMueM60cCYO3UEM51/JQcdYnsDPl1oWdojsQY+e0iMy2xXHl9Q3NkFtdFVkYS8vOycfX43+jQbyo6DZyJl8GXseuPLzDqq81w9mim/DxqQJuqSd8HPyR8FOWHg50LNUj9+vXh5+cHHx8fdO3aFV26dMHAgQOhqamJ0NBQ+Pv747PPPpOWLywshJGREQDg6dOnqFevnkwHga+v/KFV9eqVTDhjY2MDAIiPj4ejo6Pc8nl5ecjLk70nsUAsgoaAA2eqg2d3DuP87vnS973Gra3CaP6Z5/eO4OK+khx6fLpGpZ9Xq2Ev2NdqieyMBARd3IDT26ah36T/U+l9qMpUVFSAQ39PBSBGl2HvN9fJf01N2C8ASR7ndpXk0Wd89csj5O4RXNhTkkPPsardvwEgPzcTR9eNh4mVG5p1Vc68ETUlj3+LKo9TL+4dwaX9JXXRbYxq6uL140BEvbyJgdP2q2T7qiQWiQAAHg07wrfLaACAtaMXIl7ex90LO1XSuaBqPPcRKY6dCzWImpoazpw5g2vXruH06dNYtWoV5syZgyNHjgAA/v77bzRv3rzcOv8rDQ0N6f8FAklPoaj4JCNPQEAAFi6UPUgPE5jiYzXlzxAOSEYpaFnJblvLyhwFaRkQ5eYhPzEFosJCaFmalSljhrxY1fQC6+ibQCBUKzdZT1ZGUoUzpesZmpe74pmdXnF5VXGt21HmXu+iwnxJLBlJ0DOyLIktIwkWdp5yt6GjJ8m/7CR92RlJ5XrjVcHZu4PMEx3e5pCTkQQ9w1I5ZCbC3Fb+7MraxTmUnYgrO7P8lXQtHQNo6RjA2MIZVo71sWFec4QFn0Gthj2Vko/u2/ZUZgKrytqHnqF5uascWXLKS75cTUNacjSGTdus0quB0nZRNo937RdlrhRmZySVqwNVqwn7BVBxHllKykOvuF70DM1RVFSA3Ox0mdELkjKKDQV3qVNm/y4qVRel9++MRJjbyd+/3+aQUy6H8vt3fm4mDv81Fhpaeug+ZjXU1DSgDDUlj7eq83HKybsDBso7Z2TK1kVORiLM3nXOKFMXOZmJ0Cmui6jQG0hPDsfG+bJ/iJ/ZOgXWLo3Re8JWpeSjayC/LrLSE6FvJL8u9I3My5XPTE+EfnFd6BqYQKimDgsbd5ky5jZuiHh5Vylxl1Wd29Rb1fn7INH74KXjGkYgEKBVq1ZYuHAh7t+/D01NTVy9ehW2trZ49eoV3N3dZV4uLi4AAC8vLzx8+BC5ubnSbd24cUMpMc2ePRtpaWkyr8FC1T2VIfVGEMw6tpBZZu7XEik3ggAA4oICpN17DPOOpUZmCAQw6+CL1Buquc9ZTV0TVg51EB5SMheEWCRCeMh12LrKn+fB1qUB3oTI1sGbZ9dg69JAJTFWRFNbH8YWTtKXqbU7dA0tEPGiJJe83EzEvXkAG2f5uaipa8LSvo7MOmKRCBHPr1e4jrJzMDJ3kr5MrNyha2CByJcl8eTnZiI+/CGsnBrI3YaauiYs7OrIrCMWiRD18kaF65QQS7+cKoOauiasHevgTZn29DrkOuwqaE92ruXb0+tn12Dn2kD6/u2Xq5T4Nxg6dRN09E2UFrM80v3ieZn9opJ2YePcAOHPy+wXIdwv/qkK83gum0fsmwewcakkD4c6MuuUzcPSoS6EahoyZZLjXiEjJRo2CtZduRze7t8vZPfvuPCHsHaW/1kV1UXkixsy6+TnZuLQWn8I1TTQw/8PpY5Gqil5lI6luh6nKjpnRJWpi/iId58zoio5ZzTs8BkGfXkIA6cdkL4AwLfXLLQfHKC0fNTUNWHrVAevnsrG8urpDdi7yY/fwa0Bwp7Kzl/16sk1aXk1dU3YOtdFUqzsbRXJca9V9hjK6tym3qrO3weJ3gc7F2qQmzdvYsmSJbhz5w7Cw8Oxf/9+JCQkwMvLCwsXLkRAQABWrlyJ58+f49GjR9i4cSOWL18OABg+fDgEAgE+++wzPHnyBMePH8eyZcuUEpeWlhYMDQ1lXv/LLRFqerowrO8Jw/qSq2a6LvYwrO8JbQfJLRkeP0xH/Y1LpeXf/LUTui4O8Az4CnoernCaMBw2g7oh7LdN0jJhKzbCwX8w7D7pC31PV9T9fQHU9XQQsVl1QxOb+I3Bw6u7EXzjAJJiQ3Fm5wIU5OWgbgvJPBjHN3+NS4d+kZZv1GEkXj+5jNtnNyApNhRXj61CbHgwGrQbIS2Tk5WK+IinSIoJBQAkx4chPuIpstKUew9zaQKBAA3ajsTt03/iVfA5JEaH4My2r6FnZAlXn5Lncu//fRQeXC6Zybhh+zF4fH03nt46gOTYUJzfswCF+Tnwbt5fWiYrPQEJkU+RmhgOAEiMeY6EyKfIzUpVeg712ozE3XNrEPY4EEkxITi38xvoGlrCpU5JDofXjsajqyU51G87Gk9v7sGzOweQEheKS/sXoCA/B55NJTmkJ0XgXuBaJEQGIyMlGrGv7+HU1qlQ09CCo1e7cnEooqnfGDy4shuPrh9AYkwoTv2fpD35+EpiObrpa1w8WNKeGncYibDHl3GruD1dOboKsW+C0ai4PRUVFeDgX1MQGx6MXp8ug0hUhMy0BGSmJSi1Y6Ssxh3G4NG13Xh8U7JfnN0tyaNO8X5xYsvXuHy41H7RXrJf3Dm3Acmxobh2fBXiwoPRoG2Z/SLyKZJiJftFSlwY4iOfIiud+8X75NGw3UjcOv0nQh9J8jhVnIdbqTz2rR4l84SORu3HIPj6bjwpzuPcHsm+8TYPLR0D1GkxAJcO/oiIFzcQFxGMMzu+hY1zQ9hU8IeyIjnUbzsSd86sQVhwoKQudnwDPUNLuNYtyeHgn6PxsFRdNGg3Gk9u7MHT2weQHBeKC3sldeHVTJJDfm4mDq3xR2F+DvyGLEZ+biay0hOQlZ6g9EfN1pQ8aspxSiAQwKf1SNwLXIPXxeeM87sk5wznUueMI3+NRnCpc4ZPm9F4dmsPQorPGZcPSPYLjyaS/HUNLGBqXVvmBQD6xrYwNLVXag4tuozGvUt7EHT1ABKiQ3F0m6QuGrSSxHJg3Tc4u6+kLpp3+gQvg6/g2qkNSIx5hQuHViH69WM06/ixtEzLj/wRfPsE7l7cjeS4N7h1bhtCHpxH0w7DlRp7aTWhTdWU74MfEoGaoFq+aiLeFlGDGBoa4tKlS1ixYgXS09Ph5OSEX375Bd26dQMA6Orq4ueff8ZXX30FPT09+Pj4YNq0aQAAfX19HDlyBBMmTEDDhg3h7e2NpUuXYsAA1T2a8X0ZNa4L33MlQwO9l30LAIjYsh8P/WdDy8YCOsUdDQCQ8zoSt3uPh/cvs+H8xUjkRsbi0fjvkHjmirRMzJ4T0LQwRe35U6BlbYH0B09xq+dY5JeZ5FGZPBt3R3ZGMq4eXYnsjARY2Hlh4KR10mFt6SkxEJTqdLFzbYQeY5bhypEVuHJkOYwtnNF33O+wsK0tLRP6MBAnt82Wvj+64UsAgG/3yWjV4wuV5dLY7zMU5ucgcNc85OWkw9a1MfqMXydz9SstMQI5mSnS97UbdUdOVjJunFiJrHRJ/n3Gr5MZqvvo6k7cOrVa+n7fKsmXmE7DAmT+2FKGBu3HoiA/Bxf3zkN+bjqsnRuj59i/ZXJITwpHblZJDu4NJDncPrUK2RkJMLf1Qs+xf0tzUFPXREzYXTy8vAV5OenQ0TeDrWsT9Jv0f9DVV+6jubyadEd2ZjKuHJX8Pi3tvTD4i1LtKVm2Pdm7NUKvT5fh8uEVuHRoOUwsnNF/wu+wsJO0p8zUOLx8GAgA2Li4j8xnDftyCxxry95SpSwejSV5XDtWsl/0/7wkj4wy+4WtayN0H70MV4+uwNWjkv2i92e/w7zUfvHqUSBObS/ZL45tkuwXLbpNRsvu3C/epUlxHudK5dFvgmweqUkRyCm1b3g06o6czGRcP74S2ekJMLf3Qt8J62SG7bbr9y0EAiGObpiCosJ8OHm2RsdB86EKjTqORWF+Ds7vkeRg49IYvcb9XaYuwmVyqNVQksOtk6ukddFrXMn+HR/5GHHhDwAAW5d0kfm8kd+dVfofgzUhj5pynAKA+sXnjEv7Ss4Z3f3ffc7IzUrGndMl54zu/n//67dxAUDdZpLvIBcOrkJmegKsHbzw8Zd/S2+LSEuOlt7qCgAO7o3Q/7NlOH9gBQL3/wpTS2cMnbwalvYlx1qvRp3R85MFuHL8L5z8v8Uws3bB4M9XwrFWY5XlURPaVE36PkhUlkAsFourOgj6ML1+/RouLi64f/8+GjRooNRtH9PwUOr2qkL0iZCqDkEp8guqOgLlKCio/ocyQ/2a0YtdUFjVESiuUPkXoquEsGY0KRQWVf/9u6bQ06n+jSo1o2a0J2vl9llXmdz86t+miiqeeqxa+azTu8t8iC7V/XduJVS2tsFV89hpVeLIBSIiIiIiIqqWhDX0FoPqiHMuEBEREREREZFCOHKBKuTs7AzeNUNERERERETvwpELRERERERERKQQjlwgIiIiIiKiaklQU2YvrgE4coGIiIiIiIiIFMLOBSIiIiIiIiJSCDsXiIiIiIiIiEghnHOBiIiIiIiIqiWBGq+XfyhYE0RERERERESkEHYuEBEREREREZFCeFsEERERERERVUtCNT6K8kPBkQtEREREREREpBB2LhARERERERGRQti5QEREREREREQK4ZwLREREREREVC0JhJxz4UPBkQtEREREREREpBB2LhARERERERGRQnhbBBEREREREVVLfBTlh4MjF4iIiIiIiIhIIexcICIiIiIiIiKFsHOBiIiIiIiIiBTCOReIiIiIiIioWhJwzoUPBkcuEBEREREREZFC2LlARERERERERAph5wIRERERERERKYRzLlCViD4RUtUhKMy2m0dVh6AUNaEuACAxqbCqQ1CYhoZGVYegFLZmRVUdgsIcjdOqOgSlCEsxruoQlMLNNLmqQ1BYTIZRVYegFJrqoqoOQWGNHNKrOgSleJlsVtUhKIW6mriqQ1CYl0VCVYegJFZVHcA/IhDyevmHgjVBRERERERERAph5wIRERERERERKYS3RRAREREREVG1JBDyUZQfCo5cICIiIiIiIiKFsHOBiIiIiIiIiBTCzgUiIiIiIiIiUgjnXCAiIiIiIqJqSajGORc+FBy5QEREREREREQKYecCERERERERESmEt0UQERERERFRtcRHUX44OHKBiIiIiIiIiBTCzgUiIiIiIiIiUgg7F4iIiIiIiIhIIZxzgYiIiIiIiKolgZDXyz8UrAkiIiIiIiIiUgg7F4iIiIiIiIhIIexcICIiIiIiIiKFcM4FIiIiIiIiqpYEQkFVh0DFOHKBiIiIiIiIiBTCzgUiIiIiIiIiUghviyAiIiIiIqJqSajG2yI+FBy5QEREREREREQKYecCERERERERESmEnQtEREREREREpBDOufAfc/36dbRu3RofffQRjh07VtXhvLf7F7fj9tn1yEpPgIWdJ/wGz4WNc70Ky4fcO4GrR39DWlIUTCyd0bbPTLjWbSf9+fOg03hweSfiIh4jNysVI2cdhKWDl8riN23dBK4z/GHUqC60bS1xZ8DniDt8rvJ12jaD97JZ0PeuhdyIGLwM+BORWw7IlHGaOByu0/2hZW2B9IfP8HjaIqTdfqSyPIDqXxelta8nRKNaQmhrABEJYhy7VYTkjMrXaVpbiJbeQujrALEpYpy4LUJ0klj6cxN9oHMjNThaCqAuBF7GiHHidhGyclWTg1gsxs0TKxF8Yw/yctJh69IIHQYtgLGFc6XrPbi8HfcC1yM7IwHmtp5oN2AurJ1K6jH42i6E3D2K+MjHKMjLwvglt6Gla6iSHK6f2YGLxzcgMy0RNg4e6D1yDhzcKm5TD2+exJl9q5CSGAUzKyd0GzIdng1K2lRGWiJO7FyOF8FXkZudARePJug98luYWzurJP63Th/bi6P7tyMtJRmOLu4YNX463GvXkVs28NQhXA48gYg3rwAALu4eGDJygrR8YWEh9mxbi6A71xAfGw0dPX3Urd8Ew0Z9DhMzC5XlcOPsdlwurgtrB0/0/KTyunh06yTO7luJ1OK66DpkBjzql9RFXm4WTu1ejqd3zyE7MxUmFvbw7TICzTsOVVkOAHDq6D4c2b9DWhdjxn8Jdw9vuWXPnTyMS4EnEPkmDICkLoaOHC9Tfs/29bh++SySEuKhrq5RXF/jUMtDfv0qw5XT/4fAIxuRkZYIW0cP9B/9LZzcfeSWjYl4iZN7VyPi1ROkJEaj7yffoF33T2TKnD34Nx7ePov46DBoaGrDuXYD9Br2JSxtXVSWAwBcPLkTZw9vQnpqIuycamPwp7PhXEt+HtERL3Fs1+8If/UUyQnRGDD6K3TsIZvHsd1/4PieNTLLrGydMe+3wyrLAXjbpv4PqSnJcHJxe482dVJm/x5Wpk2V9vfqn3H25CGM/GwKevQZrLIcasr+ffPsdlw5UZyHoyd6jJgDe9eK8wi+dRLn9kvyMLV2QtdBM1C7VB5zR8v/ztF18Ey07u6v9PgB4MTR/Ti8b6e0PflPmIpaFbSPMyeP4GLgKUS8lrQnV3cPDB/1mUz51cuX4MK5kzLrNWjUDN8tWqaS+D80fBTlh4MjF/5j1q9fjy+++AKXLl1CdHR0VYfzXp7dPY4L+wPg230SPpl1AJb2nti72h9ZGUlyy0e9uoejG2egru9AjJx9EO71/HDwr0lIiH4uLVOQlw07t0Zo22fmv5KDmp4u0h+GIHjKwvcqr+Nsj6aH1yLpwk1cadIHYas2w2ftDzDv3FpaxmZQN3j9PBsvfvgdV5r1Q8bDZ2h+bD00LUxVlUaNqIu3WnkL0dxTiGM3i7DuZCHyC4ERHdWhVslRsY6TAF0aC3HxYRHWHi9EXAowoqMadLUkP9dQA0b4Sfpst5wtxIbThVATAsPaq6ksj7vn/kbQpa3oMGgBhny5G+qaOji4xh+FBXkVrvP83nFcPhiA5h9NwtCZB2Bu54lDa/yRXaoeC/Jz4OTVBk07T1BZ7ADw4MYJHN2xFJ36fY4vFu2FjaMn1v80Dplp8tvUm+f3sfOPr9CkXX9MWbQPdRr7YeuKLxAb8QKApLNl64ovkJwQgZFfrsaUH/bB2NwG6370R35utsryuH75LLatW4n+w/yxeMUmOLrUwo/zvkRaarLc8k8e3UPLtp3x3ZLVWPjzXzAzt8KP86YhOSkeAJCfl4uw0BD0GzIGi1dswpezAxATFY5lP3ytshwe3jiO4zuWomPfSZj0/T5YO3pg08+fITO9grp4cR+7/5iJJm0HYNL3++HVyA/bV3yBuMiS/fv4jqV48fAKBk34CdN+PIaWXUfi6JYf8PReoMryuHbpLLauW4WBwz5FwG8b4OTijoB505GWmiK3/JNH99CqXWfMDViJ75ethZmFJZbM+xLJiQnSMjZ2DhgzYTp++n0LFvz0ByysrLFk7pdIT5O/TUXdv34CB7f+hK4DJmLGkj2wdfLA2h/HI6OC/aIgPwdmlvboOWwaDIzN5ZYJfXoHrbsMw9Tvd2DCt3+hqLAAawLGIU+F+8Xdqyexf/PP6D5oAmYt3QV7Jw+sXjyh4jzycmFmaY8+H0+FYQV5AICNgxuW/BUofU1ftFlVKQAArl06hy3rVmPAsDH48bf1cHJxx5JK2tTjR/fRsl0nzAtYhUXL1sLMwgqL502XaVNv3bp2ES9CHsPEtOJ8laGm7N+Pbh7HiZ1L0aHvJExcuA/WDh7YvKziPMJf3MeeNTPRuO0ATPx+P7wa+mHHStk8vl5xSebVz38xBAIBvJt0UUkOVy+dw+a/f8eg4aPx08p1cHZxxw9zZ1banlq39cOCgN+w5Jc/YW5hiUVzZyKpTHtq0Lg5/t56QPqa9vV8lcRPVBl2LvyHZGZmYteuXZg4cSJ69OiBTZs2yfz88OHDqFWrFrS1tdGhQwds3rwZAoEAqamp0jJXrlxBmzZtoKOjAwcHB0yZMgVZWVkqjfvOuY3waTkYPr4DYG7jjs5DF0JDUxvB1/fJLX/v/Ba4eLdBs85jYWbthta9psHKwRtBF7dJy9Rp3hctu0+Gk6evSmN/K+HUJTyfvwJxh86+V3mncUORExaJp18vReazV3jzx3bE7jsFl6mjpWVcpo1BxPrdiNy8H5lPQ/Ho8/koys6Fw+gBKsqiZtTFW829hLj0SISQSDHiU4GD14pgoAt4OlTc+93CS4h7L0UIeiVGYhpw9GYRCoqAhu6SQ6mDpQDGesDB60WIT4V0u7ZmArhYK79XXSwWI+jSFjTrMhFuPp1gbuuJLh//hKy0eLx6VHFbu39hI+r6DoZ38wEws3ZHx0ELoa6pjSc3S+qxYfvRaNJpHKyd6is97tKunNiEZu0HoUnb/rCyc0ffMfOhqaWNO5f2yy1/9fRW1K7XGu16+MPSzg1dBk6BrbM3rp/dDgBIjH2D8JcP0G/0PDi4+sDCxgV9R89HQX4egm4cV1kexw/+Hzp07Y32nXrC3tEF/p9/DS0tLVw8c1Ru+ckzF6JzjwFwdq0NOwdnjPtiNsQiEYIf3AEA6Orp49tFK9GiTSfY2juhlmddjB4/A2EvnyExPlYlOVw9uRlN2g9C47b9YWnnjj6jF0BDSxt3L8qvi+untqCWT2u0Ka6LzgOnwtbZC9fP7JCWCX9xHw1b94GrVzOYWNihWYfBsHb0QOSrhyrJAQCOHdyFjl17oX3nHrB3dMHYSV9BU0sLFyqoiy++WoAuPfoX14UTxn8xS6YuAKB1+y7wadAUVtZ2cHByxSdjpyAnOwtvwkJVksOFY1vg23EgmrfvB2t7NwzynwdNTW3cvHBAbnlHNx/0/ngmGrXsDnV1Tbllxs9ei2bt+sLGwR12Tp4YPnExUhJjEBn2RCU5AMC5o1vQ0m8AfDv0hY2DG4aOmwtNTR1cDzwot7yTe130HzkDTVp1g7qG/DwAQChUh5GJufSlb2iiogwkjh3cCb+uvdBBpk1p43wFbWrKV/PRtUd/OLvWgp2DEyZ88Q3EIhEelWpTAJCcmICNa1fgi5nzoK6u2sHENWX/vnZqM5q0G4RGbSR59Bq1ABqa2rhXwTnj+pktcPdpjdbd/WFp64ZOA6bCxskLN8+W5GFgbCHzenovEC6ezWFq6aCSHI4c2I1OH/VEx87d4eDojHGTZ0BLWxuBp+WPKJ721Tx81LMfXNyK29OUr4vb012ZchoaGjAxNZO+9A0MVBI/UWXYufAfsnv3bnh6esLDwwMjRozAhg0bIBZLhnOHhYVh4MCB6Nu3Lx48eIDx48djzpw5MuuHhobio48+woABA/Dw4UPs2rULV65cweTJk1UWc1FhPuIiHsPJs6V0mUAohKNnS0S/ui93neiwIDh5yP6h6uzVGtFhQSqLU9mMWzRAYuB1mWUJZ67ApEUDAIBAQwNGjeog8dy1kgJiMRIDr8G4RUOVxFST6sJYHzDQEeBVrEi6LK8AiEwUw8FCfieAUAjYmgrwKkYss/xVjBj25pJ11IuPqEVFJT8vLALEYsDRUvmdC+lJkchOT4BD7ZI60dIxgJVTfcS8ll8nRYX5iI98LLOOQCiEQ+2WFa6jKoWF+Yh6/QTudVpIlwmFQrjX8cWbl0Fy13nzMgjudWTbVG2fVnjz4gEASX4AoK6hJbNNdQ1NvA65p+QMJAoLChD2MgR16zeV+cy6DZriRUjwe20jLy8XhUWF0Nev+NaT7OxMCAQC6Oor/wtjYWE+ol8/lvndCoVCuHv7IryCugh/+QBuZerC3ac1IkqVd6zVEM/un0dachzEYjFePbmJxNjXcK/bSuk5ACV14dNAti58GjTB82f/W13oGcivi8KCApw7eQi6evpwcnFXStwy2y8sQGTYE9SuK7tf1KrbQtrOlSEnOxMAoKtvpLRtllZYUICIV0/hWU82D896zfHquWJ5JMS+wbfj/DBvUjds/G0WkhNiFA23QoUFBXj18jl8GjSRLnvbpl48e/xe28jLy5Ps36XalEgkwurli9Cr/zA4OLkqPe7Sasz+XZyHq7dsHm51fBERGiR3nYiXD+DmXT6P8ArKZ6Yl4vnDi2jUVjUXagqK21O9cu2pMULesz3l5+WhqEx7AoDHj4Lw6fDemDLuY/z1+y/ISE9TauxE74NzLvyHrF+/HiNGjAAAfPTRR0hLS8PFixfRvn17rF27Fh4eHvj5558BAB4eHggODsbixYul6wcEBODjjz/GtGnTAAC1atXCypUr0a5dO/z555/Q1tZWesw5mSkQi4qgZ2Ams1zPwAzJsa/krpOVnghdQ9nhhbqGZshKT1R6fKqiZWWOvDjZePPiEqFhZAChthY0TIwgVFdHXnxSmTJJ0PNQzZeUmlQX+tqSP/TLzoOQlQvoacvvBNDVAoRCgZx1xDA3kqwTmShGfiHQqaEQ54JEEEDyf6FQAAMdZWcBZGdIhkTqlqkTXQMzZFfwO87JktSjvHVS4uTXo6pkZ6RCJCqCvpFsG9E3NENCtPxYMlMToW8kG7u+kTky0yT5Wti4wNjMBid3/4p+ny6AppYOrpzcgrTkWGSklR+SrAwZ6ZI8jExkb0kyMjZFdOSb99rG/236AyamFqhb6o/i0vLz8/B/m/6Ab9vO0NXVUzjmsqR1YVj2d2uGhJgwuetkpiXKrbuMtJK21+uT73Bwwzz8NK09hGrqEAgE6Pfp93DxlJ+notLf1oVx+bqIigx/r23s2PQnTEzNZf6YBIC7t65i5U/zkZ+XC2MTM8xZtAKGRsbKCl0qKz0FIlERDMq0cwMjM8RHy6+L/5VIJMLBLT/CxaMhbBxqKWWbZWVmVJxHbNQ/z8O5lg8+mfQDrGydkZaSgON71mD5vNH4bvl+aOsof99IT0+rsE297/69fdMfMC3Tpg7t3Q41NTV06z1IqfHKU1P275JzRpk8DM2Q+D/mkZkm/xx5/+pBaGnrwbtxZ+UEXUaGtD3JjrYxNjZFVMT7HaO2bVwDE1Nz1GvQWLqsQePmaN6yLSytbRAXE40dm//C4vlfYfGyP6GmprpbMz8UAiGvl38o2LnwHxESEoJbt27hwAHJkEp1dXUMGTIE69evR/v27RESEoKmTWVPBs2aNZN5/+DBAzx8+BDbt2+XLhOLxRCJRAgLC4OXl/wJcfLy8pCXJ3v/d0G+FjQ0teSWJ1I2H2cBejYvObnuOF9USel/LjsP2HO5CD2aqaG5pxBiMfDotRjRSWKIxe9e/12e3TmM87tL7qHsNW6t4hutYdTUNTBi6krsW/cdvp/gC6FQDe51fOFRrw3EUEIlqMDhPVtw/fIZzF3yBzTlHBcLCwuxcul3gFiMTz9X3ZwLqnD9zDZEhD7AiC//gImZLcJC7uDwlkUwMLaEe92W797Av+zQnq24duks5gWsLlcXdeo1wtKVm5CRnopzp45gxdK5+OGXv8v9kVAd7Nv4A2IiXmLKgi1VHcr/rE7DNtL/2znVhnMtH8yd+BHuXTuFln79qzAy+Q7u2Yprl85hfsAqaZt69fIZThzegx9/2wCBoPpORFfd9u/3ce/SftRr0fOD/Y56YPc2XL10Dgt+XClzjGrdzk/6fydnNzg5u2HS2KF4/ChIphOCSNXYufAfsX79ehQWFsLW1la6TCwWQ0tLC6tXr36vbWRmZmL8+PGYMmVKuZ85OjpWuF5AQAAWLpSdyLDnJ/PRe+SCd36mjr4JBEK1chMGZmUkQc9Q/uRHeobm5a7aZqdXXP5DlBeXCC0r2Xi1rMxRkJYBUW4e8hNTICoshJalWZkyZsiLVc2ogOpcFyGRYkQmFkrfqxf3M+hpA5k5JeX0tIG4FPl/gGbnASKRGHplBujoaQtktvEqRoxVhwqhowWIRJLbLWYMUMfj97vAVSnXuh1l5kB4ewtAdkYS9IwsS2LNSIKFnafcbejoSeoxu0w9ZmcklRtlomq6BsYQCtXKXUHKTE+CfgWTuekbm5eb7LHslSl7lzqYuvgAcrMzUFhYAH1DU/w+fwjsXOoqPwkABoaSPNJSZCdvTEtNhrGJWQVrSRzdvx2H923Ft4tWwlHOEHtJx8IcJMbHYs7i1SoZtQCUqov0sr/bpHJX/d4qPWJEWj49CQbF5Qvyc3FmzwoMn7oSng3aAwCsHT0QE/4UV05sVMkfH4Zv6yJVXl1UPtntkf07cGjvNsz5YYXc2x20tXVgbWsPa1t71PKsi2mfDcH500fQd/BIpeagZ2gCoVCt3KSHGWlJlU5y+L72bVyMJ/cuYvL8zTA2s1Z4exXRN1BtHm/p6hnC0tYJCbERSttmaYaGRpW0qcr3b0mb2o7vyrSpp48fIj0tBZPGlAy9F4mKsHX9apw4tBurN+xVag41Zf8uOWeUySP9f89DXvnXIXeQGBuGwZ8vV17QZRhI25Ps5I2p73GMOrTv/3Bg7w7MW7wczi5ulZa1srGFoaERYmMi2blA/yqOIfkPKCwsxJYtW/DLL78gKChI+nrw4AFsbW3xf//3f/Dw8MCdO7ITDd2+fVvmfaNGjfDkyRO4u7uXe2lqVjzx0uzZs5GWlibz6jZ09nvFrqauCSuHOggPKZl/QCwSITzkOmxd5c8tYOvSAG9Cbsgse/PsGmxdGrzXZ34IUm8EwaxjC5ll5n4tkXIjCAAgLihA2r3HMO9Y6j5CgQBmHXyRekM1981X57rILwRSMkteCWlARo4YrtYlh0BNDcDeXICIBPmdCyIREJ0shmuZiRldrQWITCy/Tk6epGPB2UoAPW0gJFJUrsz/SlNbH8YWTtKXqbU7dA0tEPGipE7ycjMR9+YBbJzl14mauiYs7evIrCMWiRDx/HqF66iKurom7Jy98fJJSRsRiUR4+fgGnNwbyF3Hyb0BXj6WbVMvgq/DqVb5iSe1dQ2gb2iKxNjXiAx7DO/GHZUa/1vqGpJHEz5+WHIMFYlEePzgDmp5VNyhcWTfNhzYtRHfLPgVrrXKj/x627EQGx2Jb39YCQND1dwbD0jqwta5DkIfy9ZF6JMbcKygLhzd6yP0iWxdhAZfg0Nx+aKiQhQVFUAgkP2qIRSqQSxWfH+Q521dlJ6MUSQSIfjBXdT2rLguDu/djv07N2H2wl/gJqcu5BGJRSgoKFA45rLU1TVg7+KN58E3Sz5LJMKLxzfltvP3JRaLsW/jYjy6fQ6ff7cBZpb2ygi3QuoaGnBw9ULII9k8Qh7dhGtt5U0Um5uTjcTYCBiaqKZzVF1DA67utWUmz3vbpmp5Vvwo0kN7t2Pfzs2YvXAZ3GrJdva27dAVP63ajKUrN0pfJqbm6N1/GL79Xvl/2NaY/bs4j1dlzhmvntyAg1sDues4uNeXKQ8AoY+vwVFO+XuX9sHWuQ5sHOV3ziuDxtv2FCTbnh4F3YNHJe3p4N4d2LdzC777/me413p3fEmJ8cjISIfJOzrAagqBUFAtXzURRy78Bxw9ehQpKSnw9/eHkZHsl9MBAwZg/fr12L17N5YvX45vvvkG/v7+CAoKkj5N4u2QvW+++QYtWrTA5MmTMXbsWOjp6eHJkyc4c+ZMpaMftLS0oKUlO7yskkmgy2niNwYntnwDK8e6sHGuh7uBm1GQl4O6LSTDH49v/hr6xlZo22cGAKBRh5HY9esnuH12A1zrtsOzu8cRGx6MzsO/l24zJysVGckxyEyTPPYtOV5yr56eoTn0jJT/DHk1PV3ouZeM7tB1sYdhfU/kJ6chNyIGHj9Mh7adFR6M+QYA8OavnXD6/GN4BnyFiE37YN6hBWwGdcPt3uOl2whbsRH1NyxF6t1gpN1+COcpo6Cup4OIzfJnTFaGmlAXb918KkKbukIkZYiRmilGh/pqyMgGnkWUdBR84qeGZxFi3H4u+aJ046kIfVuqITpZjKhEMVp4CaGhDgSFlnyRauAqQEI6kJ0rhr2FAB81UcONpyIkpSs/B4FAgAZtR+L26T9hbOEEQ1N73Dj+G/SMLOHq00labv/vo+BWrzPqt5HMudKw/Ric2fENrBzqwsqxHoIubkZhfg68m5cMKc5KT0B2eiJSEyX3gCbGPIemlh4MTGygrWestBxadxuNPX/Nhr1LXTi4+uDKqS3Iz8tB47b9AAC71syCkYklPhoyHQDQqssnWLtkFC4d3wjPBu3w4MZxRIUFo/+nJaOjHt48CT1DUxib2SA24jmObAuAd2M/1PZRzSRjANC97zCs+XURXN094Va7Dk4c2onc3Fy069QTAPDH8oUwNbPA0FGfAwAO792Kvdv/xuSZC2FhZYPUFMmVOG1tHWjr6KKwsBC//fgtwkJD8NW8ZRCJRNIy+vqGUNfQUHoOrT4ahX1/z4adS13Yu/rg2mnZutiz9hsYmlih62BJXfh2HYl1S0biyomN8KjfDg9vHEdU2GP0La4LbR19uHg2xcmdP0NDUxvG5rZ4/ew27l85hO7Dv1F6/G/16DsEf/66GK61POFe2xvHD+1GXm4u2nXqAQD4/ZdFMDUzx7DREwEAh/Zuw55t6/DFV/Pl1kVubg4O7NqMJs1bw9jUHBnpqTh9dD9SkhLRonUHleTQvsdI7PhzDhxc68DJvS4untiG/LwcNG/XFwCw/Y/ZMDKxRM9hXwKQTAIZFyl5ckVRYQHSUuIQ9foZNLV1YWEtOffs2/AD7l47Dv8ZK6Glo4f0VMnVXG1dfWhqKn/OJADw6zkSW37/Do5u3nB290HgsW3Iy8tBiw6SPDav+hbGplbo8/FUSR4FBYgplUdqUjwiwp5BS1sXljaSPPZvWQafxu1hamGDtJQEHNv1B4RCNTRp1U0lOQBAj75D8cevi+FWyxNutb2K21QO2he3qdW/LIKpmQWGj5Y8uvfQ3m3YvW09pnw1H5Zy2pSBoVG5zkJ1dXUYmZjB1r7ikaCKqCn7d8uuo7C/OA87Vx9cL86jURtJHnv/kuTRZVBxHp1HYv2PI3H1xEbUrt8Oj24eR3TYY/QZLTuiNjcnE8G3T+Gjoaq/9axXv8FYvTwAbrU84F7bC8cO7UFebg46dO4OAFj5y2KYmZnj49GS73wH9mzHrm0bMO3rubCwtEZKcnF70tGBjo4ucnKysWfHJrRo1Q7GJqaIjYnGtg1/wtrGDg0aN6swDiJVYOfCf8D69evRqVOnch0LgKRz4aeffkJGRgb27t2LGTNm4LfffoOvry/mzJmDiRMnSjsG6tWrh4sXL2LOnDlo06YNxGIx3NzcMGTIEJXG79m4O7IzknH16EpkZyTAws4LAyetkw6tT0+Jkek5t3NthB5jluHKkRW4cmQ5jC2c0Xfc77CwrS0tE/owECe3lYyeOLpB8gXNt/tktOrxhdJzMGpcF77ntkrfey/7FgAQsWU/HvrPhpaNBXQcbKQ/z3kdidu9x8P7l9lw/mIkciNj8Wj8d0g8c0VaJmbPCWhamKL2/CnQsrZA+oOnuNVzLPLLTPKoTDWhLt66+kQEDXWgV3M1aGsC4fFibAssRFGpCy6mBgLoapd0Njx+I4aulgjt66lBXweITRFje2CRzCSPZoYC+DUUQkcTSM0CLgeLcOOpaq7iAEBjv89QmJ+DwF3zkJeTDlvXxugzfp3M0xLSEiOQk1kyBLN2o+7IyUrGjRMrkZUuqcc+49dB16Dkyt+jqztx61RJp+G+VR8DADoNC5DphFBU/RbdkJWRjDP7ViEjLRG2jp749Ku10qG3qUmybcqpdkMMnfgTTu9diVN7VsDcygmfTFsF61KT0mWkJuDYjp+QmZYIA2MLNGrdBx37TlBazPL4tumE9LQU7N2+DqkpSXByrYVZC3+VTvKYlBAHYak8zp7Yj8LCAqz48VuZ7fQf5o+Bw8ciJSkBd29eBgDMniI77P67Jb/D26eR0nOo16I7sjJScG7/SmSkJcLG0Qujv/pLOnw4rWxd1GqIwRN/xtm9v+H0nl9hZuWEj6etgpV9yf495PNfcHrPr9i95ivkZKbB2NwWnQdOQ7OOQ5Ue/1st23ZCeloq9mxbh9SUZEldfP+LdMhxYkKczBWjM8cPoLCwAL8GfCeznQHDPsWgj/0hFAoRHfkGy8+dQEZ6GgwMDeFaywsLlv6hsln+G/p2Q2Z6Ck7uXY301ETYOXli/Kw1MCi+nSAlUbYu0lPisWz2QOn780c34fzRTXDzaoLJ8zYBAK6e3QUA+H3RGJnPGjbhBzQr7rRQtsatPkJGegqO7voDGamJsHP2wKQ5f8LQ2Kw4j1iZPNJS4vHj14Ol788d2YxzRzajlncTTFu4AQCQmhSPjb99g6yMVOgbmsDNsxFmLtkGA6PKh5QromVbP6SnpWJ3cZtydnXH7FJtKikhDsJSE8qdOX4QhYUFWF6mTQ0cNgaDPvZXWZyVqSn7t0/z4jwOrERmcR4jZ8jmUfpY61irIQaN/xln9/+GM/skeQyfIpsHADy6eRyAGPVa9FBZ7G+1Km5PO7dtkLanOd8vkzlGCUvNxXH6+CEUFhZg2ZJ5MtsZNHw0hnz8KYRCNbx5HYoL504iOysTJqbmqN+wKYZ+4g+N/+VqHpESCMRiZUwzRjXR4sWLsWbNGkREKP8+xr/PKn2T/zrbbh5VHYJSRJ8IqeoQlCI6VvnDk/9t5mbKvxpdFWzNVDNh5r/J0bhmPMIrLMW4qkNQCjfT5HcX+sDFZKjutpZ/k6a66jpL/y3mOioYSlYFXibXjCHvourfpOBloZqnEf3bfNytqjqEf+TZoC5VHcI/4rnndFWHoHQcuUBSf/zxB5o2bQozMzNcvXoVP//8MyZPnlzVYREREREREclVU+cvqI7YuUBSL168wA8//IDk5GQ4OjpixowZmD37/SZeJCIiIiIiov8udi6Q1K+//opff/21qsMgIiIiIiKiaoadC0RERERERFQt8baID4fw3UWIiIiIiIiIiCrGzgUiIiIiIiIiUgg7F4iIiIiIiIhIIZxzgYiIiIiIiKolgZDXyz8UrAkiIiIiIiIiUgg7F4iIiIiIiIhIIexcICIiIiIiIiKFcM4FIiIiIiIiqpaEaoKqDoGKceQCERERERERESmEnQtEREREREREpBDeFkFERERERETVkkDI2yI+FBy5QEREREREREQKYecCERERERERESmEnQtEREREREREpBDOuUBERERERETVkkDI6+UfCtYEERERERERESmEnQtEREREREREpBDeFkFERERERETVEh9F+eHgyAUiIiIiIiIiUgg7F4iIiIiIiIhIIexcICIiIiIiIiKFcM4FqhL5BVUdgeKiT4RUdQhKYdvNo6pDUIo3fz+q6hAUpqdT1REoR2qWWlWHoDBtDYOqDkEpXkdVdQTKkZ5lXtUhKKxIVNURKMcAy8tVHYLCLqa0rOoQlGLj30+qOgSl+GJy7aoOQWG3w62qOgSl8HGv6gj+Gc658OHgyAUiIiIiIiIiUgg7F4iIiIiIiIhIIexcICIiIiIiIiKFcM4FIiIiIiIiqpYEQl4v/1CwJoiIiIiIiIhIIexcICIiIiIiIvrA/f7773B2doa2tjaaN2+OW7duVVp+xYoV8PDwgI6ODhwcHPDll18iNzdXZfHxtggiIiIiIiKqlv4rj6LctWsXpk+fjjVr1qB58+ZYsWIFunbtipCQEFhaWpYrv2PHDsyaNQsbNmxAy5Yt8fz5c4wePRoCgQDLly9XSYwcuUBERERERET0AVu+fDk+++wzjBkzBt7e3lizZg10dXWxYcMGueWvXbuGVq1aYfjw4XB2dkaXLl0wbNiwd452UAQ7F4iIiIiIiIj+RXl5eUhPT5d55eXlyS2bn5+Pu3fvolOnTtJlQqEQnTp1wvXr1+Wu07JlS9y9e1famfDq1SscP34c3bt3V34yb2NS2ZaJiIiIiIiIqJyAgAAYGRnJvAICAuSWTUxMRFFREaysrGSWW1lZITY2Vu46w4cPx/fff4/WrVtDQ0MDbm5uaN++Pb799lul5/IW51wgIiIiIiKiaqm6Popy9uzZmD59uswyLS0tpW3/woULWLJkCf744w80b94cL1++xNSpU7Fo0SLMnTtXaZ9TGjsXiIiIiIiIiP5FWlpa792ZYG5uDjU1NcTFxcksj4uLg7W1tdx15s6di08++QRjx44FAPj4+CArKwvjxo3DnDlzIFRBp0z17OYhIiIiIiIi+g/Q1NRE48aNce7cOekykUiEc+fOwdfXV+462dnZ5ToQ1NTUAABisVglcXLkAhEREREREVVPgv/GoyinT5+OUaNGoUmTJmjWrBlWrFiBrKwsjBkzBgAwcuRI2NnZSedt6NWrF5YvX46GDRtKb4uYO3cuevXqJe1kUDZ2LhARERERERF9wIYMGYKEhATMmzcPsbGxaNCgAU6ePCmd5DE8PFxmpMJ3330HgUCA7777DlFRUbCwsECvXr2wePFilcXIzgUiIiIiIiKiD9zkyZMxefJkuT+7cOGCzHt1dXXMnz8f8+fP/xcik+CcC0RERERERESkEI5cICIiIiIiompJIPxvzLlQHXDkAhEREREREREphJ0LRERERERERKQQdi4QERERERERkUI45wIRERERERFVSwIhr5d/KFgTRERERERERKQQdi4QERERERERkUJ4W8R/UEJCAubNm4djx44hLi4OJiYmqF+/PubNm4dWrVpVdXhyicVi3DyxEsE39iAvJx22Lo3QYdACGFs4V7reg8vbcS9wPbIzEmBu64l2A+bC2qme9OfB13Yh5O5RxEc+RkFeFsYvuQ0tXUOV5XH/4nbcPrseWekJsLDzhN/gubBxrldh+ZB7J3D16G9IS4qCiaUz2vaZCde67aQ/fx50Gg8u70RcxGPkZqVi5KyDsHTwUln8pq2bwHWGP4wa1YW2rSXuDPgccYfPVb5O22bwXjYL+t61kBsRg5cBfyJyywGZMk4Th8N1uj+0rC2Q/vAZHk9bhLTbj1SWx1t+DdTQpLYQ2ppAeLwYh68XIimj4vLOVgK0rqsGWzMBDHUF2B5YgKfhYpky3o4CNPOQlNHVFmD14QLEJosr2KJi7p7fjptn1iMzLQGW9p7oMnQubF0qbk9P757ApUOS9mRq6Yz2/WfC3aekPV0+sgpPbh9DRkos1NQ1YO1YB237fgk7l/oqiV+ax4XtuHlasl9Y2nui85DK83h29wQuHS6VR7+ZcCuTx9M7kjyExXm06/MlbFWcx+VT/4fAIxuRkZYIW0cPDBjzLZzcfeSWjYl4iRN7ViPi1ROkJEaj78hv0L77JzJlzhz8Gw9vnUV8dBg0NLXhXLsBeg3/Ela2LirNQywW4+7ZVXh2ew/yczJg5dQQrfvOh5G5c6XrPb6+HQ8vbUBOZiJMrT3RsvccWDqU1OPRv0YiJuy2zDqezYagTb8FSs/h3gXJvvG2TXUaMhe2lRxrn909gctHSo617fvNhFvxsbaoqACXD69AaPAlpCVGQEtHH06eLdGu7wwYGFspPfa3qvv54q29JwOx/fApJKemwd3JAdM/HYY6tVzfud6Zq7cwb8VfaNu0AZZ+PVm6/MLNuzhw+iKevXqD9MwsbP5pHmq7OKoyBQDA9TM7cPH4BmSmJcLGwQO9R86Bg1vF9fHw5kmc2bcKKYlRMLNyQrch0+HZoKQ+MtIScWLncrwIvorc7Ay4eDRB75HfwtzaWeW5jOhjia5tTKCnq4anL7Px+7ZoRMfnV1i+e3tTdG9vCiszDQDAm+g8/N+ReNwNzgQA6OupYURvSzSsow8LUw2kZRTiRlAGth6MQ3aOSOnxS461m5Cemgg7Jw8MGDO70mPt8d2/IzLsCZITotFv5Ndo30P2WHvl9C5cObMLyQnRAAAbezd0HTAB3g3bKD32t2rCMepDwkdRfjg4cuE/aMCAAbh//z42b96M58+f4/Dhw2jfvj2SkpKqOrQK3T33N4IubUWHQQsw5MvdUNfUwcE1/igsyKtwnef3juPywQA0/2gShs48AHM7Txxa44/sjJI8C/Jz4OTVBk07T1B5Ds/uHseF/QHw7T4Jn8w6AEt7T+xd7Y+sDPm/96hX93B04wzU9R2IkbMPwr2eHw7+NQkJ0c9L4s/Lhp1bI7TtM1Pl8QOAmp4u0h+GIHjKwvcqr+Nsj6aH1yLpwk1cadIHYas2w2ftDzDv3FpaxmZQN3j9PBsvfvgdV5r1Q8bDZ2h+bD00LUxVlQYAoE1dIVp4C3HoeiHWHCtEfiEwqosG1NUqXkdDHYhNFuPIjcIKy2iqC/AmXoRTd4tUEHWJJ7eP49zeALTuMQmfzjkAK3tP7Frpj6x0+e0pMvQeDq2bgfqtBuLT7w6iVgM/7PtzEhKiStqTqZUzugybB/95RzDiqx0wMrPDrhWfIjsjWWV5PL1zHIF7A9C65ySM+VayX+xa9Y481kvyGDOnOI81cvIYOg/+c49gxMziPH5TbR73rp3Awa0/4aOBEzEzYA/snDywJmA8MtLk51GQnwMzS3v0Gj4NhsbmcsuEPr2D1l2GYdqiHZg45y+IigqwZsk45OVmqywPAHhwaR0eX9uG1n0XoM/nu6ChqYsTGz6r9Hgb+vA4bhxbikZ+k9Bv8j6Y2XjgxIbPkJMpm79n00H4+NtL0lfzbso/dj29cxyB+wLQqsckjC5uU7vfsW8c3jAD9VoOxOhvD6JWfT/sL9WmCvNzERv+BC27T8So2fvRd9xqJMeFYf+fE5Ue+1s14XwBAGev3sLKzbvhP6gXNi2dh1pODvhy8Qokp6VXul5MfCJWbdmDBl61yv0sJzcf9TxrYdKIAaoKu5wHN07g6I6l6NTvc3yxaC9sHD2x/qdxyKxg/37z/D52/vEVmrTrjymL9qFOYz9sXfEFYiNeAJB04G1d8QWSEyIw8svVmPLDPhib22Ddj/7IV/H+PfAjc/TyM8Pv26IxfUkocvNEWPSlMzTUK/7jLDGlAJv2xWLqolBM/SEUD59lYu5kRzjaagEAzIzUYWqsjvV7YvH5/Jf4dWMUGtfRx9RRdkqP/961kziw5Wd0HTABX/24G7ZOtfHnkoqPtfl5uTC3skevYRUfa43NrNBr+DTMDNiFmUt2olbd5lj38xTERLxUevxAzThGEVWEnQv/Mampqbh8+TKWLl2KDh06wMnJCc2aNcPs2bPRu3dvaZmxY8fCwsIChoaG6NixIx48eABAMurB2toaS5YskW7z2rVr0NTUxLlzlV/B/qfEYjGCLm1Bsy4T4ebTCea2nujy8U/ISovHq0dnK1zv/oWNqOs7GN7NB8DM2h0dBy2EuqY2ntzcJy3TsP1oNOk0DtZOqr2iCQB3zm2ET8vB8PEdAHMbd3QeuhAamtoIvr5Pbvl757fAxbsNmnUeCzNrN7TuNQ1WDt4IurhNWqZO875o2X0ynDx9VR4/ACScuoTn81cg7lDFv/fSnMYNRU5YJJ5+vRSZz17hzR/bEbvvFFymjpaWcZk2BhHrdyNy835kPg3Fo8/noyg7Fw6jVfvFsaW3Gi48KMKzCDHiUsTYe7kQBrqAl2PFh8UXUWKcvV9UbrRCaUGvRDj/QITQGOVfrSnt1tmNqN96MOq1GgBzW3d89LGkfT+8Jr893Tm3Ba512qBF17Ewt3FDuz7TYO3ojbsXSrWnZr3g4tUSJhYOsLCtBb9Bs5GXm4n4yBDV5tFqMOq1LM5j+EJoaFSSR6Akj+ZdJHm07S0/D2evljB+m8fA4jyiVJfHhWNb4NtxIJq37wdrezcMGjsPmprauHnhgNzyjm4+6DNiJhq17A41dU25ZSbMXovm7fvCxsEddk6eGD5xMVISYxAZ9kRleYjFYgRf3YKGHSbA2dsPZjYeaD/4R2RnxOPNk4r3+0eXN8Oz6SB4NOkPEyt3tO67AOqa2gi5s1+mnLqGNnQNLKQvTW19pedw+1ypNmXjjq7DJMfaRxUca++e3wJXb9k2ZeXgjXvFx1otHQMMnboRXo27w8zaFXauDdB5yFzEhj9GenK00uMHasb5AgD+7+gZ9PZrg54dWsPFwRZfjxsBLU1NHA28UuE6RUUizF/5N8YO7g1bS4tyP+/Wzhf+g3qhqY+3KkOXceXEJjRrPwhN2vaHlZ07+o6ZD00tbdy5tF9u+aunt6J2vdZo18MflnZu6DJwCmydvXH97HYAQGLsG4S/fIB+o+fBwdUHFjYu6Dt6Pgry8xB047hKc+nTyQy7jsbjRlAGXkfm4ZcNkTA1Vodvw4pHbd56kIE7jzIRHZ+P6Lh8bDkQj9w8ETxddQFIRjIs+TMCtx5kIDYhHw+fZWHLgTg0r28AZc+zd+HYFrT0G4AWHSTH2sFj50FTUwc3zss/1jq510WfETPQqFU3qGvIP9bWbdwedRq2haWNEyxtndFz6BRoaevi9YuHyg2+WE04RhFVhJ0L/zH6+vrQ19fHwYMHkZcn/yrUoEGDEB8fjxMnTuDu3bto1KgR/Pz8kJycDAsLC2zYsAELFizAnTt3kJGRgU8++QSTJ0+Gn5+fSmJOT4pEdnoCHGq3lC7T0jGAlVN9xLy+L3edosJ8xEc+lllHIBTCoXbLCtdRpaLCfMRFPIaTp2w8jp4tEf1KfjzRYUFw8pD9Eujs1RrRYUGqDFWpjFs0QGLgdZllCWeuwKRFAwCAQEMDRo3qIPHctZICYjESA6/BuEVDlcVlog8Y6AoQGlPSSZBXAEQmiOFg8eEPrSsqzEds+GO4eMm2J2fPloiqoD1FvQqCc5k/Kly8WyPqVVCFnxF0eRe0dAxg6eChtNjLfkZs+GM4l83Dq+I8ohXJw141eRQWFiAy7Alq+7SQLhMKhajt0wKvnz9Q2ufkZEuGIOvqGyltm2VlpEQiJyMRdu4lv2NNbQNYONRDXLj8XIoK85EY/VhmHYFQCDs3X8SHB8mUffngKLYs8sXeFb1w6+RyFObnKDX+t22q7LH2XftG2T+4K2tTAJCXkwkIBNDSUf5tdDXlfFFQUIiQV2/QtF5JJ4BQKETTel4Ifv6qwvU27D0CE0ND9PZT3ZD0/0VhYT6iXj+Bex3Z/du9ji/evAySu86bl0FwryNbH7V9WuHNC8k+VFQouQVBXUNLZpvqGpp4HXJPyRmUsDbXgKmxBoKeZkmXZeeIEPIqB55uOu+1DaEAaNvUCNqaQjwNrXiUha6uGrJzRRApsZ+9sLAAEa8qONa+UM6xViQqwr2rJ5CXlwOX2sq/8FQTjlFEleGcC/8x6urq2LRpEz777DOsWbMGjRo1Qrt27TB06FDUq1cPV65cwa1btxAfHw8tLclJb9myZTh48CD27t2LcePGoXv37vjss8/w8ccfo0mTJtDT00NAQIDKYs7OSAAA6BqYySzXNTBDdnqi3HVyslIgFhXJXSclruIvNaqSkymJR69MPHoGZkiOlR9PVnoidA1lh/DpGpohq4KcP0RaVubIi5ONNy8uERpGBhBqa0HDxAhCdXXkxSeVKZMEPY9335P7T+nrSDoQMnNkRyBk5ohh8H7fr6pUdqb89q1naIakCtpTZnoi9Mq0Jz1DM2SmydbPi4fncWjddBTk50DfyAJDp22Arr5qblF5m4eeYfn94n/Kw6D8fvHy4XkcWl+ch6EFhk5VXR5Z6SkQiYpgYCSbh4GRGeKiwpTyGSKRCAc2/wgXj4awcSg/VFxZcjIkv0cdfdlcdPTNkVN8LC4rNzsVYlFR+XUMzJCaUJK/W4Oe0De2hZ6hJZJjQnDr5C9ISwxD5xGrlBZ/RW1K19AMSRUc+7Mq2DcqOtYWFuThwoFl8G7SA1o6yh95UVPOF6kZmSgSiWBqJPvHjamRId5Excpd58HTFzgSeAVbfp73b4T4XrIzUiESFUHfSPb3q29ohoToCo5TqYnQL3M80Dcylx5vLWxcYGxmg5O7f0W/TxdAU0sHV05uQVpyLDLS5O9nymBiJPnan5Iue2tfanohTIw0Kl3XyU4Lv8x2haaGEDl5IvzwRzgiYuRfpDLUV8OwnhY4eUm5t6JVdqyNj1bsWBsd/hy/fjcChQX50NLWhf/MFbC2d1Nom/LUhGPUh4iPovxwsHPhP2jAgAHo0aMHLl++jBs3buDEiRP46aefsG7dOmRlZSEzMxNmZrIHvZycHISGhkrfL1u2DHXr1sWePXtw9+5daUeEPHl5eeVGSRQUaEFDQ/46z+4cxvnd86Xve41b+0/SJJKq7ypEb9+SyRS2nq14zoT/OieP5vj0u4PIyUxB0JXdOPjXNIyatafcF6EPnaNHc3w65yCyM1Pw4MpuHPx7GkZ+U/3yeGvvhh8QE/ESUxduUep2X94/gssHF0jffzTqT6VuvzSvZoOl/ze1rg0dQwscXzcG6UnhMDRT/YR8ylBUVIBDf08FIEaXYe839wy9n6ycXCxctR6zJ4yEsaFBVYejUmrqGhgxdSX2rfsO30/whVCoBvc6vvCo1wZiKG8C4PbNjTD5E1vp+wUr3/zjbUXF5uOL70OhpyNEq8ZGmP6pPb75KaxcB4OOthALpjghPDoP2w/H/+PP+7dZ2rrg65/2Ijc7A0E3zmD7799hyoKNKulgUCUeo6iqsXPhP0pbWxudO3dG586dMXfuXIwdOxbz58/H559/DhsbG1y4cKHcOsbGxtL/h4aGIjo6GiKRCK9fv4aPj/xZegEgICAACxfKHuC6DZ+PHiMWyC3vWrejzBwIb4cPZmckQc/IUro8OyMJFnaecreho2cCgVBNZvLGt+uUvbrzb9DRl8RTdjKurIykcr3Rb+kZmpcbmZGdXnH5D1FeXCK0rGTj1bIyR0FaBkS5echPTIGosBBalmZlypghL1Z5V9yehosQkVAyNlNdTTJyQV9HIDN6QV9HgBgVPdlBmXT15bfvrPSkclfX3tI3NC93lUNeeU0tXZhaOgGWTrBzbYA1c7vgwdW9aNltvHKTQEkeZSexqmy/kJuHnPKaWrrQtHSCSXEea+d2wcNre+H7kfLz0DM0gVCoVm5CsYy0pAonEPtf7N2wGE/uXcQXCzbD2Mxa4e2V5ujdEf1LPdGhqEhyvM3JTIKuYcnxNiczEWY28p8soK1rDIFQrdzkjTkZSdA1qDj/t0+SSFNi50JFbaqyY6deBftG2fKSL+3TkJYcjWHTNqvsimBNOV8YG+hDTSgsN3ljclo6zIzL39oTFRuPmIREfPVjyUgWkVhyPG49ZBx2/vYD7K0ty62naroGxhAK1cqN8spMT4J+Bfu3vrF5uckeM9MSZY639i51MHXxAeRmZ6CwsAD6hqb4ff4Q2LnUVVrsN4MyEBJWcmHo7aSNJobqSEkr6WQ3NlTHq4jKb1EqLBIjpviJEi/f5KK2sw76dDLD6q0l9/TraAmxaJozcnJF+OH3cBQpeV7jyo61BsaKdRyrq2vAwlpyHHJwrYPw0GBcPL4NQ8bNf8ea/5uacIwiqgzHkBAAwNvbG1lZWWjUqBFiY2Ohrq4Od3d3mZe5ueQglp+fjxEjRmDIkCFYtGgRxo4di/j4inunZ8+ejbS0NJlXlyGzKyyvqa0PYwsn6cvU2h26hhaIeFFy735ebibi3jyAjbP8+/LV1DVhaV9HZh2xSISI59crXEeV1NQ1YeVQB+EhsvGEh1yHrav8eGxdGuBNyA2ZZW+eXYOtSwNVhqpUqTeCYNaxhcwyc7+WSLkRBAAQFxQg7d5jmHcsdS+hQACzDr5IvaG8uTHyC4HkjJJXfKoYGdliuNmUzK+gpQHYWwgQkfDhdy6oqWvC2rEOXj+VbU9vnl2HXQXtyc61Ad48k21Pr59eg51rg0o/SywSSTv4lE2ax7P3z8PWtQFe/5M8xCIUFqgmD3V1Ddi7eONF8E3pMpFIhOfBN+GswD27YrEYezcsxqPb5zBp7gaYWdorI1wZmlp6MDJ3kr5MLN2hY2COqNCS33F+biYSIh7CylF+LmrqmjC3rSOzjlgkQnToDVg6Nqjws5OinwEAdA3KT9r3T71tU2/KHGtfh7xj3yhzrH39TLZNvf3SnhL/BkOnboKOvonSYi6rppwvNDTU4eHqhDuPnkqXiUQi3Hn0DHVrl7/tzcnOBtt+WYjNP8+Xvto0qY9GdTyw+ef5sDJT7ROEKqKurgk7Z2+8fFLy+xWJRHj5+Aac3BvIXcfJvQFePpatjxfB1+FUq/w+pK1rAH1DUyTGvkZk2GN4N+6otNhz8kSIic+XvsKj85CcWoD6XnrSMjraQni46uBZ6P82/4lAAJknTOhoC7FoujMKisT4fvUbFBQq/1yqrq4BB1dvPH9U9lh7A85yfreKEIvFKFTBua8mHKM+RAKhoFq+aiJ2LvzHJCUloWPHjti2bRsePnyIsLAw7NmzBz/99BP69OmDTp06wdfXF3379sXp06fx+vVrXLt2DXPmzMGdO3cAAHPmzEFaWhpWrlyJb775BrVr18ann35a4WdqaWnB0NBQ5lXRLRHyCAQCNGg7ErdP/4lXweeQGB2CM9u+hp6RJVx9OknL7f99FB5cLpkZu2H7MXh8fTee3jqA5NhQnN+zAIX5OfBu3l9aJis9AQmRT5GaGA4ASIx5joTIp8jNSn3v+N5XE78xeHh1N4JvHEBSbCjO7FyAgrwc1G0hief45q9x6dAv0vKNOozE6yeXcfvsBiTFhuLqsVWIDQ9Gg3YjpGVyslIRH/EUSTGSKxPJ8WGIj3iKLBXds6mmpwvD+p4wrC8ZMaLrYg/D+p7QdrABAHj8MB31Ny6Vln/z107oujjAM+Ar6Hm4wmnCcNgM6oaw3zZJy4St2AgH/8Gw+6Qv9D1dUff3BVDX00HEZvmzcCvLtSdFaF9PDZ4OAlgZCzCgjToysiWjHN4a00UdzT1LDpOa6oC1qQDWpsVXf/Ql/zcq+Z4GHU1JGUsjSRlzQ0kZfSXP5dCs0xgEXdmNh9cPIDEmFCd3LEBBfg7qtZS0pyMbv8aFAyXtqYnfSLx6fBk3z0ja0+UjqxDzJhiN20vaU35eNi4cWI6oV0FIS4pCzJtgHNs8GxmpcfBs/JFygy+Tx4Mru/GoOI9T/7cA+ZXl0XEkwt6Rx8WDJXnEvgnGsS2qz6N9j5G4HrgXty4eQmxUKPasX4T8vBw0b9cXALDt99k48n+/SssXFhYg8vUzRL5+hqKiAqQlxyHy9TMkxIZLy+zd8APuXDmKT75YCi0dPaSnJiI9NRH5+bkqy0MgEKBuq5G4H7gGb54EIjn2OS7smQVdA0s4eZccb4+tG4PH17ZL3/u0GYWQ23vw/O5BpMSH4sqhhSjIz0Htxv0AAOlJ4bh37g8kRD1GRkoU3jwJxIU9s2Dt0gRmNsqdaLOpX/k2VZCXAx9fSZs6uulrXDxY0qYad5C0qVvFx9orR1ch9k0wGhUfa4uKCnDwrymIDQ9Gr0+XQSQqQmZaAjLTElTW8VYTzhcAMKxnZxw+dwnHLlzF68ho/PT3NuTm5aFnh1YAgIWr1uOP7ZIZ8rU0NeDmaCfz0tfVhZ6ONtwc7aChIRlsm5aRiedh4QiLlFwxD4+OxfOwcCSlpKksj9bdRuP2hb24e/kg4qNCcXDTQuTn5aBxW0n73rVmFk7uWi4t36rLJ3j+6AouHd+I+OhXOLN/NaLCguHb6WNpmYc3TyL06S0kxUfg8d1zWLd0LLwb+6G2TyuV5QEAh84mYWgPSzSvbwAnOy3M8LdHcmohrt8vGWGyeIYzenYo6cwZ1d8KdWrpwtJMA052WhjV3wo+Hno4fzMVgKRj4YcvnaGtJcRvm6Kgq60GE0N1mBiqQ9l/P0mOtfskx9rIV9izrvhY274vAGDb6m9xZMcKafnSx9rCwgKkpcSXO9Ye2bECL5/cQVJ8FKLDnxe/v43GrXsoN/hiNeEYRVQR3hbxH6Ovr4/mzZvj119/RWhoKAoKCuDg4IDPPvsM3377LQQCAY4fP445c+ZgzJgx0kdPtm3bFlZWVrhw4QJWrFiB8+fPw9BQMknT1q1bUb9+ffz555+YOFE1z9Rt7PcZCvNzELhrHvJy0mHr2hh9xq+TmWk5LTECOZkp0ve1G3VHTlYybpxYiaz0BFjYeaHP+HUyw3QfXd2JW6dWS9/vWyU58XcaFiDTCaEMno27IzsjGVePrkR2hiSegZPWSYe1pafEQCAo+UPWzrUReoxZhitHVuDKkeUwtnBG33G/w8K2trRM6MNAnNxWMgrk6IYvAQC+3SejVY8vlBo/ABg1rgvfc1ul772XfQsAiNiyHw/9Z0PLxgI6xR0NAJDzOhK3e4+H9y+z4fzFSORGxuLR+O+QeKbkMWQxe05A08IUtedPgZa1BdIfPMWtnmORX2aSR2W7HCyCproAfVqqQ1sTCI8TY/OZAhSWGsZpaiiAnnbJNyM7cwH8PyqZ9Kp7M8kh9N7LIuy/IlnR01GIAa1LDq1D20v+HxhUhMAg5Y0R9W7aHdmZybh8WNK+Le29MHhKqfaULNue7N0aoffYZbh0aAUuHlwOE0tnDJj4OyzsJO1JKFRDUuwrPLpxADmZKdDRM4aNsw9GfLUdFraqm0DQq4lkv7h8pCSPIV+8Iw//Zbh0eAUuHSrOY4KcPK4fQE6WJA9rJx+MmKnaPBq17Ias9BSc2LMa6amJsHPyxPhZa2BQPGw6JVE2j7TkeCybNVD6/vzRTTh/dBPcvJrgi/mbAABXz+wCAKz+fozMZw2b8IP0i7Qq1G87FoX5Obh8YD7yc9Nh5dQIH435S+Z4m54UjtzskuOtW73uyM1Mwd2zK5GdIbmFotuYv6THW6GaBqJCryP46hYUFuRAz8gaLnU7o2EH5Z8zvJpI9o0rR0vtG+9oU70+XYbLb9uUhTP6l2pTmalxePkwEACwcXEfmc8a9uUWONZurvQcasL5AgA6tWqGlPRMrNt1CEmp6ajl7IBf50yDafFtEXGJSRAK/re/Pq/ceYAf/tgofT93xV8AAP9BvTB2cJ+KVlNI/RbdkJWRjDP7ViEjLRG2jp749Ku1MCi+zSE1SbY+nGo3xNCJP+H03pU4tWcFzK2c8Mm0VbAuNRlrRmoCju34CZlpiTAwtkCj1n3Qse8ElcRf2t6TidDWEuKLkbbQ01XDkxfZmLvitcxIAxsLTRgalJzHjA3UMcPfHqZG6sjKEeF1ZC7mrniNoCeSp064O+nA003yWMr1AbVlPm/MNyGITypQWvyNWn6EzPRkHN/9O9JTE2Hv7IkJs9dIb0FLSYqRuSKclhyPn78ZJH0feGQTAo9sgrt3E3wxX9KOMtKTsf2POUhLSYCOrgFsHWthwrdr4FmvJVShJhyjiCoiEIvFH/4YYKpxfj9R1REoTrPyiZWrDdtuqnk837/t+t+PqjoEhbk7y38Gd3VTE84q1sbK+zJclR6Hqb27UDVgalz9B1oWKfGRfFVpgOXlqg5BYRdzVfNH479t3V9P312oGvhicu13F/rARSfXjPP3p8q7K+dfFffNJ1Udwj9itXTruwtVMxy5QERERERERNVSTZ2/oDqq/pcCiIiIiIiIiKhKsXOBiIiIiIiIiBTCzgUiIiIiIiIiUgjnXCAiIiIiIqLqScjr5R8K1gQRERERERERKYSdC0RERERERESkEN4WQURERERERNWSQMBHUX4oOHKBiIiIiIiIiBTCzgUiIiIiIiIiUgg7F4iIiIiIiIhIIZxzgYiIiIiIiKolAR9F+cFgTRARERERERGRQti5QEREREREREQKYecCERERERERESmEcy4QERERERFRtSQQCqo6BCrGkQtEREREREREpBB2LhARERERERGRQnhbBBEREREREVVPfBTlB4M1QUREREREREQKYecCERERERERESmEnQtEREREREREpBDOuUBERERERETVEh9F+eHgyAUiIiIiIiIiUgg7F4iIiIiIiIhIIbwtgoiIiIiIiKolgYDXyz8U7FygKlFQIK7qEBSWmFRY1SEoxZu/H1V1CErh+5lPVYegsJM/367qEJTCxES7qkNQWHxSzTg96urUjPtQNWpAdYgKqjoC5dj6pnVVh6AwNbWqjkA5Ro/1ruoQlOLus+r/nVBLU1TVISgJ/0gnxbAFEREREREREZFC2LlARERERERERAqpAQMNiYiIiIiI6D+Jj6L8YHDkAhEREREREREphJ0LRERERERERKQQdi4QERERERERkUI45wIRERERERFVSwIhr5d/KFgTRERERERERKQQdi4QERERERERkUJ4WwQRERERERFVSwI+ivKDwZELRERERERERKQQdi4QERERERERkULYuUBERERERERECuGcC0RERERERFQ9CXi9/EPBmiAiIiIiIiIihbBzgYiIiIiIiIgUwtsiiIiIiIiIqFrioyg/HBy5QEREREREREQKYecCERERERERESmEnQtEREREREREpBDOuUBERERERETVk5DXyz8UrAkiIiIiIiIiUgg7F4iIiIiIiIhIIexc+I/atGkTjI2NP5jtEBERERERUfXFORc+QKNHj8bmzZsxfvx4rFmzRuZnkyZNwh9//IFRo0Zh06ZN//gzhgwZgu7du0vfL1iwAAcPHkRQUNA/3qYqicVi3D69Ck9v7kFeTjqsnRuhbf/5MLZwrnS94KvbEXRxPbIzEmFm44nWfb+DlWM96c8v7p2HyBfXkZUeDw0tXVg7NUSLHjNhYumqslza1xOiUS0htDWAiAQxjt0qQnJG5es0rS1ES28h9HWA2BQxTtwWITpJLP25iT7QuZEaHC0FUBcCL2PEOHG7CFm5qsnBr4EamtQWQlsTCI8X4/D1QiRVkoOzlQCt66rB1kwAQ10BtgcW4Gm4WKaMt6MAzTwkZXS1BVh9uACxyeIKtqgY09ZN4DrDH0aN6kLb1hJ3BnyOuMPnKl+nbTN4L5sFfe9ayI2IwcuAPxG55YBMGaeJw+E63R9a1hZIf/gMj6ctQtrtRyrJobTuLbTQ0kcDOloChEUXYVdgLhJSRRWWd7NTg19jTThaqsFIX4i/j2TjYWihTJlV0wzlrnvwci7O3c1XavwA0LGBGhrXKmlTR24UVrpfOFkJ0LqOGmyK29SOwAI8iyjfXv7X7SpCLBbj/rlVCLm9B/m5GbB0aoiWvefDyNy50vWe3NiO4MsbkJOZCBNrT/j2nAMLh3oyZeLD7+Pumd+QEPEQAqEQpjae6Dp6HdQ1tFWSx62Tq/D4huR4a+PSCO0Hvvt4+/DKdtw/Lznemtt6om2/72DlJMkjNysVN0+tQkTIVWSkxEBH3xSudf3QvNtUaOkYKD2HO+e34/qp9chMS4CVgye6DpsLO5d6FZZ/cucELh76DamJUTC1cobfgJlw92knt+zxrfNw79IudB4yG807jVZ67G/du7gdt8+sR1Z6AiztPeE3eC5snCvOIeTeCVw58hvSkqJgYumMdn1nwrWuJIeiogJcObwCrx5fQlpiBDR19OHk0RLt+s6AvrGVynIAis/fp1bhyc2S9vQ+5+9HV7cj6ELJ+btNP9nz94W35++04vO3c0P4qvD8LRaLcfPkKjy+vgd5uemwcW6EDoPeb7+4F1hqv+j/HaxL7xcnVyE85CoyUmOgo2cKVx8/tFDRfnHj7HZcObEBmWmJsHbwRM8Rc2DvVnGbCr51Emf3r0RqYhTMrJzQZfAMeNQv2S++G+Uld72uQ2aiTXd/pcdfWtu6AjR0E0BLA4hMBE7cESEls/J1GrsL0MJLAH1tIC4VOH1XhOjkkp/raQN+DQRwsRJAUwNITgeuPBEhJFI1OYjFYtw9uwrPbu9Bfk4GrJwaonXfd58zHl/fjoeXJOcMU2tPtOw9B5alzhlH/xqJmLDbMut4NhuCNv0WqCCLD4NAIKjqEKgYRy58oBwcHLBz507k5ORIl+Xm5mLHjh1wdHRUaNsFBQXQ0dGBpaWlomH+a4IurMOjK1vRtv8CDPhiNzQ0dXB03VgUFuRVuM7LoOO4euRHNOk8CQOn7YeZrQeOrhuL7MwkaRkL+zroMGQJhn51DD3HroMYYhz92x8iUZFK8mjlLURzTyGO3SzCupOFyC8ERnRUh1ole2IdJwG6NBbi4sMirD1eiLgUYERHNehqSX6uoQaM8JP0E245W4gNpwuhJgSGtVdTSQ5t6grRwluIQ9cLseaYJIdRXTSgXsnHaagDscmSP+wqoqkuwJt4EU7dVc3vvjQ1PV2kPwxB8JSF71Vex9keTQ+vRdKFm7jSpA/CVm2Gz9ofYN65tbSMzaBu8Pp5Nl788DuuNOuHjIfP0PzYemhamKoqDQBApyaaaNdQE7vO5eKXnVnIKxDj8366ldaHloYAUQki7D5fce/Tt39lyLy2nc6BSCxG0IsCpefQuq4Qzb2EOHKjEH8dl7SpkZ01oF7JfqGpLuloO3az4jb1T7ariEeX1+HJ9W1o2WcBek3cBQ0NXZza9Fmlx6lXD4/j1vGlaNBxEnpP2gdTaw+c2vQZckodp+LD7+PUpnGwdW+FXhN3offEPfBq8TEEAtUkci9wHR5c3or2gxZg0DTJ8fbw2sqPty/uH8eVQz+iaddJGDJdcrw9/NdYZGdI8shKj0dWWjxa9f4aw78+gk7DAvAm5DICd81RevyPbx/Hmd0BaNNrEsbOPQAre0/83wp/ZKUnyS0f8fIeDvw9Aw1aD8Rn8w7Co4Efdv8+CfFRz8uVfXbvDKJePYCBsWrPn8/uHMeFfQFo2WMSRs4+AAs7T+xZ5Y+sDPk5RIXew5ENM+DTciBGzT6IWvX9cGDtJCRES3IozM9FXMQT+HabiJGz96PvuNVIiQ/D/jUTVZoHANw/vw4Pr2xFuwELMGDKbqhr6uDo3+9oT0HHcfWw5Pw9aNp+mNt64OjfJe0JkJy/Ow5egmFfH0Ovz9YBYjGO/KW68/e9wHV4cGkrOgxagMHTdkNDSweH1lSex/P7x3H54I9o1nUShs6Q5HF4bZn9Ij0erXt/jY+/PoJOwwMQ/uwyzu1U/n7x6OZxnPi/pejQZxI+X7gP1g4e2LTsM2RWsF+Ev7iP3X/OROO2A/D59/vh1cgPO377AnGRJfvFN79dknn1818MgUCAOk26KD3+0nw9BWhaW4ATd0TYdEaEgkJgWHthpd+lvBwE6NRQgMvBYqw/JUJ8qhhD2wul36UAoHcLIcwMBNhzWYS/T4jwLFKM/i2FsDJWTR4PLq3D42vb0LrvAvT5fBc0NHVxYkPl54zQh8dx49hSNPKbhH6T98HMxgMnNsieMwDAs+kgfPztJemrebeZqkmCqAx2LnygGjVqBAcHB+zfv1+6bP/+/XB0dETDhg2ly06ePInWrVvD2NgYZmZm6NmzJ0JDQ6U/f/36NQQCAXbt2oV27dpBW1sb27dvl7mdYdOmTVi4cCEePHgAgUAAgUAgHRWxfPly+Pj4QE9PDw4ODvj888+RmfmOrmElE4vFeHh5Cxr7TYBLXT+Y2Xqg49ClyE6PR9jjsxWu9+DSJng3HwTPpgNgauWOdv0XQkNDG89u7ZOW8W4xBLauTWFoag8L+zpo3nUaMlNjkJEcpZJcmnsJcemRCCGRYsSnAgevFcFAF/B0qLjHtYWXEPdeihD0SozENODozSIUFAEN3SW7r4OlAMZ6wMHrRYhPhXS7tmYCuFgrvye3pbcaLjwowrMIMeJSxNh7uRAGuoCXY8WHkxdRYpy9X1RutEJpQa9EOP9AhNCYiq+4K0vCqUt4Pn8F4g5V3H5Kcxo3FDlhkXj69VJkPnuFN39sR+y+U3CZOlpaxmXaGESs343IzfuR+TQUjz6fj6LsXDiMHqCiLCTaN9TEqZt5ePSqENGJImw9lQMjPQHquVU8MO3J60Icu55XbrRCaRnZYplXPTd1vIgoQlK68keT+Hqp4dLDkja1/4qkTXm+o02de0eb+ifb/afEYjEeX92C+u0nwMnbD6bWHmg76EfkZMQj/GnF7Sz46mZ4NBmE2o37w8TSHa36LIC6hjae3y059t88/iO8fUegfrvPYGJVC0YWLnD16QY1dU2V5PHg0hY06TwBrnX9YG7rgU7DlyIrPR6vgivOI+jiJtRpMQjezQbA1NodHQYuhLqGNp4WH2/NbGqj+5hVcKnTEUbmjrCv1QK+3b5E2OPzEBVV3A7/iZtnNqJhm8Fo0GoALGzd0X3EQmhoaiPo6j655W+f2wK3Om3g23UszG3c0L7vNNg4euNO4DaZcukpcTj1f4vQd+wyCNU0lBpzWXcCN6Jeq8Hw8R0Acxt3dBkmySH4mvwc7p7fAhfvNmjWeSzMbNzQutc0WDl44/4FSQ5aOgYYPGUjPBt3h6mVK2xdGsBv8FzEhT9GenK0yvKQnr87Sc7f5rYe8BsqaU9hlbSnBxcl52+v4vbUboCkPT27XZJ/nRZDYOtWcv5u9pHqzt9isRhBF7egaZcJcPWR5NH57X7xqJL94sIm1PEdBO/mxfvFoIVQ19TGk5tl9ou6kv3CoVYLtOiumv3i6snNaNJuEBq37Q9LO3f0Hr0AGprauHtpv9zy105vQS2f1mjT3R+Wtm7oNGAqbJy9cOPsDmkZA2MLmdez+4Fw8WoOU0sHpcZeVjMPAa48FuN5FBCfBhy+KYKBDuBhX/F3nuaeAgSFivEwTIzEdOD4bTEKC4H6riXr2JsBt1+IEZ0MpGYBV5+IkVsA2Jgq/7uUWCxG8NUtaNhhApy9/WBm44H2g39EdkY83jypuE09urwZnk0HwaNJf5hYuaN13wVQ19RGyB3ZelTX0IaugYX0pamtr/QciORh58IH7NNPP8XGjRul7zds2IAxY8bIlMnKysL06dNx584dnDt3DkKhEP369YNIJPsH2qxZszB16lQ8ffoUXbt2lfnZkCFDMGPGDNSpUwcxMTGIiYnBkCFDAABCoRArV67E48ePsXnzZgQGBuLrr79WUcbyZSRHIjsjAfa1WkqXaekYwNKxHuLeBMldp6gwHwlRj2XWEQiFsKvlW+E6BfnZeHZnPwxM7aFvbK3MFAAAxvqAgY4Ar2JL6iavAIhMFMPBQv6JSygEbE0FeBUj+wfUqxgx7M0l67y9CltU6mJNYREgFgOOlso9IZroAwa6AoSWiievAIhMqDiHmsC4RQMkBl6XWZZw5gpMWjQAAAg0NGDUqA4Sz10rKSAWIzHwGoxbNISqmBkKYKQnREhEyZfQ3HzgdWwRXP6fvfuOjqp4Gzj+3U3vvfcQUkiA0HsHURRRsGFBEBQVC3bxp4AVewELiqKgoPQiVar0TqihlzTSey+77x9LdrPJLqDZFcL7fM7Zc5LNzN2Z3Cl3587M9TPdzBUnewWxoZbsPGb65RDaMpWmX6ZSG1mmzHVcY4ryUigrzsa/WRfte9a2TngFtiIz6ZDBODXVleSkHcM/QhdHoVTiH9GFrKQEAMqKc8hKPoydowcrvh/O3A+6s2rGI6Rf2G/yPAAUXm5vgyL121uf4FakX0gwmo/MlGN6cRRKJYGRXYzGAagoL8La1hGlhelWaNZUV3Lp4jHCYvTTEhrTldSzBw3GSTmXQFiLLnrvhcd2J+VcgvZ3tUrFsp9eocvA0XgFNDdZeg2pqa4kPekYIVH6eQiJ7kraecN5SDufQEi0fh5CW3Qn7XyC0c+pKC8GhQIbO8NLoExBW56aGyhPV+u/65en5l2MxqmqKOXE3sU4m6n/LswxUi9C/nm9CLpCPgAqzVAvqqsrSbtwjGaxujKiVCppFtuF5DOG05J85pBeeIDmcd2Nhi8uyObkob9p19O8A+quDuBop+BCRr22PQcCPAzHUSrBzw3OZ+hfS53PUBPooesPUnKgRZAC28vjti2CFVhawMVM0w+qF+WlUFaUTUBEvT4jqBUZV+gzstOO6cVRKJUENOtC5uU+o9aZQyuY/W4XFn45mD1rPqe6soybmlLZNF83Idlz4Qb28MMPM2HCBC5evAjA9u3b+eOPP9i8ebM2zLBh+o34zJkz8fLy4vjx48TFxWnfHz9+PEOHDjX4OXZ2djg6OmJpaYmvr36nPH78eO3PoaGhvPfeezz55JN8++23jczdtSstytKk00m/17B39KS0KNtgnPKSPNSqGuwcG8bJzzyv997RHXPZufJTqitLcfUKY/DjM81yR9DRVtOB1d8HoaQcHGwNf9mxtwGlUmEgjhpPF02clGw1ldXQv42SDQkqFGh+VioVONmZOA92ms8sLtPvaIvL1Cb/rBuJjY8nFRn6Za0iIxsrFyeUtjZYubmgtLSkIjOnXpgcHKLMt3+Hs4OmYyoq0T8fRaVq7d9MoWOMFeVVcOiMae+kQZ0yVV6vTJWrcWxEmTLXcY0pu9wW1W9zbB09KSvOMhinojTfYDtl5+hBfpamnSrKTQbg4Iav6XDbq3j4RXPm4DLWzBzF3c8tv+ra3H+qtFCTVvv67a2T8fa2rLa9NRCnfnurjVOcx7513xHb5T4TpFqntFiTFgdn/bQ4OnuQk37OYJzigmwcnDz13nNw9qCkQJffHWtmoLSwpEO/ESZNryFll/Ng71z//+lBbobhPJQUGsiDkwclhYbPWXVVBVuWfEpM+9uxsTPfHU1j/bfdNfTf9vXrhZMnefX77+1z2VG3/37CPP13bT7qp8ne0ZOSq9QLQ3Wpfj60cYrz2PvXd8SZul4U5aNS1eDoUq9euHiQfclwWooLsnFw9mwQvqjAcH4PbluKja0DLdoNME2ijXC4vM2MoesiY227vbWxaynwqDO2tni7iru7KnlpqAU1KjVV1bBw29X3cvg3jPUZdo6elBUZ7jPKjfUZTro+A6BZ/B04uvrj4OxN7qWT7FnzGQXZ5xnw8DQT50KIhmRw4Qbm5eXF7bffzi+//IJareb222/H01O/oT99+jQTJ05k9+7dZGdna2csJCUl6Q0utG/f/l+lYf369UyZMoUTJ05QWFhIdXU15eXllJaWYm9vf03HqKiooKJCf/1YdZU1llY2BsOfOvAnfy+apP399semGwxnKs3bDCaweVdKi7JI+Hsmf/02nrvH/W40fdeqZaiCOzrp7h7P3WSedaClFbBgaw23d7SgU7QStRqOXFCTlqNG3cjB9tbhSu7sosvDr+tN/+VSXLv2UZY80E939TR9Wel/8rldYq3Yd6KKahMU4VZhSgbXKVNzNjTNMnU24U+2L5us/X3AiO/M8jnqy5U4quP9RLbTDBB7+Lcg7ewuTu9fTPuBLzbq+Cf3/8nmBbr29o4x5m1vASrLi1nx41jcfJrRceAzZv+8xrp08Sh7NsxmzFuLb4pNw2pqqlj+4/OoUTPggWvbd+ZanTrwJ5sX1um/R5u5/247mMDIrpQWXu6/fx3P3c80vv8+uf9PNs3X5WPw4/9NvfhzxuV6ceuNXy/q2791Ma273IGVdeP+9/XFhigY1F5X7+ZtMd/SyV4tNbMW5myqobQCogIUDO2qZPYGFVkFjTv2mYN/snXpZO3vtz5qnj4DIKajbnDK3TcSO2cvVv04isKcJJw9GrdvmxBXI4MLN7jHHnuMZ57RdDLffPNNg78PHjyYkJAQZsyYgb+/PyqViri4OCor9acvOzg4/OPPvnDhAnfccQdPPfUU77//Pu7u7mzbto3Ro0dTWVl5zYMLU6ZM4e239S9gBj4wkVuHTzYYPrRFH70doWuqNXkpK8rBwVm3iVZpcTae/oZ3KrZ1cEOhtGiwwU1pcTb29e7u2Ng5YWPnhKtXKD7BrZk5sRPnj66jeZs7ril/xpxMUZOSrfviVLvBnoMtFNeZneZgCxl5hkcBSitApVJrR+p1cRR6xzh3Sc20ZdXY2YBKpZki+NIwS45dbFQWSExSkZyl68gtLTQdvKOdQm/2gqOdgktmerLDjaAiIxsbn3rlxseTqoIiVOUVVGbnoaquxsbbo14YDyrSDd/l+TeOnKvmQrruFkrt+XByUFBYqvv/O9krSM0yzWBWM38LfNwt+HmVaaZUnkhWkZKtK1MWtWXKtl6Zsm1cmao9lqmPWys4pq/eEx207VRxDvZ12qny4mzc/Qy3Uzb2rgbbqbLiHOwdNeXN3skLAFfvZnphXL3DKS641Oh8hMXWa29rNPkord/eFmXjGWA4H3a17W29zQZLixq2t5XlxSz/YQxWNg4MGvU1Fibeu8DeUZOW+ps3Fhfm4FjvLmwtR5eGd59LCnNwcNGETzq9j5KiHKa+1kf7d7WqhvXzP2LP+tk8++FGk+bB7nIeSgvr/z9zGtxJruXgbCAPBsJrBhbGU5ibxv3PzzL5rIXQFn24/8Wr999lxdl4XKX/Lq1fL4qysXe+Qv8d0pqf3jJN/x0W2weflxvmo7Q4BwcX/esQLyP5qK0XpYbqhXPDerHse029uP0xM9QLJ1eUSguKC+rVi4IcHF2uUC/qzXwpLsjByUD4Cyf3kX3pPPc//bnpEn3Z6VQ1P9Z5Olbtpo0OtlBcZyaCg63C+LVUpbFrKSi53LW5OmqezPX9qhqyCzXvZeZrltG1b65g9b7G9RvBLfoyNKhhW1u/zygrzsbDSJ9ha6zPKMpp0NbWVfskiQIZXBD/gZtzscdN5NZbb6WyspKqqqoGeyXk5ORw8uRJ3nzzTfr160dMTAx5eXn/6nOsra2pqdH/MrJ//35UKhWfffYZnTt3JjIykrS0f77x04QJEygoKNB79b9ngvG02Dri4hmifbn5RGDv5EXKGd2a98ryYjKTDuMTEm/wGBaW1ngFxOrFUatUpJ7ZZTSOjlp7IdEYldWQV6x7ZRVAUZmacF9dtbO2gkBPBclZhjstlQrSctWE19uYMdxXQUp2wzhlFZqBhVAfBQ62cDKlcSP8ldWQW6R7ZeZrNvdr5qdLj40VBHoZz8PNIH9XAh59O+u959mvK3m7EgBQV1VRcOAYnn3rrE9VKPDo04X8XYbXSP8bFVWQXaDWvtJzVRSUqIgK0o0T21pDqK8F5y+ZZnChS5wVSRk1pGab5m5R/TKVdblMhdcrUwGNLFN5xZjluLWsbBxw9gjRvly9I7Bz9CTt3C5tmMryYrJSDuMd3NrgMSwsrfHwjyXtrC6OWqUi7ewuvILjAXB0C8DeyZuCLP2pywXZF3F09W90PqxtHXH1CtG+3Gvb29P67W1G0mF8Q+ON5sM7MJbk0/rtbcrpXXpxNF+gRqO0sOL20d82+u6ysbT4hcRyPlE/LRcSdxLQzPD+J4Hh8VxI3KX33vnEHQSGa9LesvMQnpi0nMcnLtW+nFy96TJwNA+O/9EsefANjuXiSf08XDy5E/8ww3nwD4sn6YR+Hi4m7sA/LF77e+3AQn7mRe577hfsHN1Mnnaj/beh8nSV/ju1fnk6s8toHB3T9N8N6oWvJh/Jp+rl4+LV60XKKf18JJ/Wz0dleTHLpo/GwsKKO8aYp15YWlrjHxrLueO6MqJSqTh3fBdBEYbTHxTRmrPH9cvUmWM7DIbfv2UR/qGx+AVHmzLZQMNrqexCzeBxqI+ubbe21Oy3kGr4wReoVHApD704oPk95fLAhdXlG0D1eweVGkwxYcnaxkG/bnhHYOfkSerZen1G8mF8rtBnePrH6sWp7TO8L/cZhuSknQB0g9U3I4VS0SRfNyOZuXCDs7CwIDExUftzXW5ubnh4ePDDDz/g5+dHUlISr7/++r/6nNDQUM6fP09CQgKBgYE4OTkRERFBVVUV06ZNY/DgwWzfvp3p0//51EAbGxtsbPQ7S0ura7+4VygUtOoxgv0bpuPiGYqzewB71k7F3tmbsNj+2nDLvx9JWFx/WnZ7GIDWPUeycd7reAXG4RPUisNbZ1FVWUZ0B83U4sKcZM4cWkVQZDdsHdwpKUjnwKYZWFjZEBxj+PnmjbU7UUWPOCU5RWryi9X0aW1BUSmcSNb9Px7pZ8GJZDV7T2m+zO1KVHFXVwvSctWkZqvpHKPEyhISzuq+7MWHK8gqhNJyNYFeCm5tb8GuRBU5habPw47jNfRuZUFOoZq8IujXVpOHxCRdekbdYsnxJBW7T2jes7YEd2ddI+rmqMDXHcoq1BSUaN6zswYXRwXOl2f9ezrr9ncoNvE+RBYO9jhE6Ebv7cMCcW4dTWVuAeXJl4h670VsA3w4NOo1AC7+8AchTz9E9JRXSP5lEZ59OuN3723svXOs9hjnv/yZ1jM/In//UQr2Hib0uUexdLAjeZbhnbhNZfPBSgZ2tCEzX0VOgYo7utpQUKLWexLEM0PtOXy2ii2HNI+RtLYCL1fdIJeHs5IALyWl5WryinRl0dYa4ptbsWSL8UdWmsLOxBp6tbIgp+hymWpzuV7UKVMjL5epPXXLlFOdMuWkwNcNyip1ZepajmsqCoWC2G4jOLRpOi4eITi6BXJg/VTsnLwJjtG1U6t/GkVIi/606PIQAHHdHmXrogl4BsThFdiSYztmU11ZRmS7u7XHbdnjMQ5s+Bp3v2g8/KI5fWApBVnn6Dv8S7Pko3XPEexbNx1Xz1Cc3APYvWYqDs7ehMfp8rH0u5GEx/WnVQ9NexvfayTrf38d76A4fIJbcejvWVRXlhHTUdPe1n6Bqq4q45aHPqGyvJjKcs0sHDtHd5RK021A2mnAKJbPfA2/0DgCwlqxe72m7W/dTZOWZT+9ipObD32HvgRAh34j+PXTR9j110wiWvbi2N5VpF04yqBH3gE0syHs630RV1pY4eDiiYevefZUad93FKtmv4ZvSBx+Ia3Yt2kWVRVlxHXR5GHlL6/i5OpDz7s0eWjXZwR/fPEIe9fPJDyuFyf2rSI96Si3PKTJQ01NFctnPEdG0nGGPv09KlUNxQWX90NwcDHLPgVQr//2utx/Xy5PYXXK07LpmvLUsvvl/rvXSDb+oem/vYM1/Xd1nf67ICeZMwmrCIrqhp2DO8UF6RzceLn/jjZ9/61QKIjvdbleXM7HrtWX60VLXT6WfDuS8Jb9aV1bL3qPZP3cy/UipBUJl+tFi066erF0+miqK8u45WHz1otutz7KohkT8A+LIzC8JTvWzqayoox2PTRtzcLvX8PZzYdb7tMstep6ywh+nDKCbat/Jqp1Lw7vXkXa+WPcNUp/Jmp5WTFH96zltuH/3Wbfe06q6RarILdITX4J9GqppKhMM2O01oN9lJxKUbPvtOa93SfU3NlZwaVczU2bjpEKrCzh8DnN33MKIbdIzaD2mv2rSis1yyLCfWHeFtPfPFEoFMR1G8HBjZo+w8k9kH3rpmLv5E1IC12ZWvnjKEJb9Ce2q6bPaNnjUf5eMAGvgDi8glpydPtsqur0GYU5SZxJWEFQdC9s7V3JvXSSnSs/xDesPR5+USbPhxD1yeBCE+DsbHgnZ6VSyR9//MFzzz1HXFwcUVFRTJ06ld69e//jzxg2bBiLFy+mT58+5Ofn8/PPPzNy5Eg+//xzPvroIyZMmEDPnj2ZMmUKI0aYf0Or+uJ7j6Gqsoy/F06ksrwQ39B23DFmht4If2FOEuUlupkbEfGDKCvJZe/aaZQWZeHpH8MdY2Zop45ZWFpz6fx+Dm+dTUVZIXaOHviHt+fucb832LTJVLYfV2FlCYM7WWBrDUmZan7bWE1Nne867k4K7G11Hdmxi2rsbVT0bmWBox2k56mZs7FGb2MiD2cF/doosbPWPD5p61EVuxLNsy5x61EV1pYKhnS11OQhQ82sdfrr8d2dFXqbVAZ4Khh9q26a56COmqbnwJkaFm/TRIwOVjKsu65JeqC35ueNCTVsTDDtfhUu7eLosuFX7e8tPn0DgOTZizk8egI2fl7YBflp/152IYW9d46lxWcTCH12BOUp6RwZ+ybZ67Zpw1xasBprL3ciJz2Hja8XhYcS2XPHGCozjdxKMZH1+yqxtlQwvJ8tdjYKzqXV8O2SUr3z4emqxMFON5gQ7GPB8/folkoN7aWZK7r7eCW//aUrWG0jrVAA+09WmTUP2y6XqTu76MrUr+urqK5ThN2cFDjY6MqUv4eCx+qUqds6aMrLwTM1LNlec83HNaWWPcZQXVnG9qWTqCwvxDukLQNH/qDXThXlJlFeqmunwlsNorwkjwMbplJWpFlCccvIH7Bz1E1xje32KNXVlexZ9SEVpQW4+0UxcNRPZpve2ravJh+bFkykoqwQv7B2DH5Cv70tyE6irE5727zNIMqKc9mzZholhVl4BcQw+Alde5uZcky7A/qvH9yi93kj3lyPs3ugydIf22EQpUW5/L1sKiWFWfgExTD8+R+1yyIKci+hUOjqQ1BEW+4a8ymbl37JpiWf4+4dyn3jvsE7INJkafqnotsPorQ4l+0rNHnwDozhnmd+1C5zKMq7hKLOTuMBzdpyx2OfsnX5l2xd/jluXqHcPfYbvPw1eSjOz+DMYc3yjVkfDNH7rPvHzyY4spPZ8tKmj6Y8bV44kcrL5emOxxv233rlKX4Q5cW57DHSf1sa6b+HPvN7gw0UTaVtX811yKb5unpx59iG9aLudUjk5Xqxu069uHNsvXpxUVMvZr+vXy8efcu09aJlp0GUFOaxYfFUiguy8QuO4dGXf9Aui8jP1S9Twc3bcN+Tn7B+0VesW/gFHj4hPPj8NHwC9evFkV2rADWtOt9usrRezc4TaqwsYVAHJbbWkJwFf/yt0ruWcnMEuzr3tRKTNcsierXUXJ9k5MMfm1WUXN4STKXWHKNvayX39lRibQl5RbB8t5qzjV+BZlDrnpq6sXWJps/wCWnLraN+aHhtW6fPaNZqEOXFeexfP5XSIs0SittG/aAtU0oLK1LP7uTo9tlUV5Xh4OJLWNwA2vR5yjyZEKIehVrd2C3fhPjnvlze9ItdQWHT3Iiuvqrqpn8uALo83vJ6J6HR1nyy93onwSTc3GyvHugG5+Bwc4y929vdHNMuXZ2afj4qzDtG958pKW36fYaF6SYEXFc+7k3/XACcutD082Fj3fTbKICXhzbNFfPF3/67mdvXm+PTH17vJJhc0yxBQgghhBBCCCGEuGHI4IIQQgghhBBCCCEaRQYXhBBCCCGEEEII0Sg3x6JSIYQQQgghhBD//9ykj3VsimTmghBCCCGEEEIIIRpFBheEEEIIIYQQQgjRKDK4IIQQQgghhBBCiEaRPReEEEIIIYQQQjRJCoXcL79RyJkQQgghhBBCCCFEo8jgghBCCCGEEEIIIRpFlkUIIYQQQgghhGia5FGUNwyZuSCEEEIIIYQQQohGkcEFIYQQQgghhBBCNIoMLgghhBBCCCGEEKJRZM8FIYQQQgghhBBNkkIp98tvFHImhBBCCCGEEEII0SgyuCCEEEIIIYQQQohGkWURQgghhBBCCCGaJoU8ivJGITMXhBBCCCGEEEII0SgyuCCEEEIIIYQQQohGkcEFIYQQQgghhBBCNIrsuSCEEEIIIYQQommSR1HeMORMCCGEEEIIIYQQolFkcEEIIYQQQgghhBCNIoMLQgghhBBCCCGEaBTZc0EIIYQQQgghRNOkUFzvFIjLZHBBXBfOjk2/EbCysrreSTAJB7vrnQLTWPPJ3uudhEa79ZUO1zsJJnFh+cnrnYRGKy5RXe8kmERh0c2Rj+ycpp8PJ0eL650Ek3BxbvqTXtPSq653EkzCx/3mKFN2dk2/TJWU1lzvJJhI0z8X4vqSEiSEEEIIIYQQQohGkZkLQgghhBBCCCGaJIU8ivKGIWdCCCGEEEIIIYQQjSKDC0IIIYQQQgghhGgUGVwQQgghhBBCCCFEo8ieC0IIIYQQQgghmiaF3C+/UciZEEIIIYQQQgghRKPI4IIQQgghhBBCCCEaRQYXhBBCCCGEEEII0Siy54IQQgghhBBCiKZJqbjeKRCXycwFIYQQQgghhBBCNIoMLgghhBBCCCGEEKJRZFmEEEIIIYQQQogmSSGPorxhyJkQQgghhBBCCCFEo8jgghBCCCGEEEIIcYP75ptvCA0NxdbWlk6dOrFnz54rhs/Pz2fcuHH4+flhY2NDZGQkq1atMlv6ZFmEEEIIIYQQQghxA5s3bx4vvvgi06dPp1OnTnz55ZcMHDiQkydP4u3t3SB8ZWUlAwYMwNvbm4ULFxIQEMDFixdxdXU1WxplcEEIIYQQQgghRNP0/+RRlJ9//jmPP/44o0aNAmD69OmsXLmSmTNn8vrrrzcIP3PmTHJzc9mxYwdWVlYAhIaGmjWNsixCCCGEEEIIIYT4D1VUVFBYWKj3qqioMBi2srKS/fv3079/f+17SqWS/v37s3PnToNxli9fTpcuXRg3bhw+Pj7ExcXxwQcfUFNTY5b8gAwuCCGEEEIIIYQQ/6kpU6bg4uKi95oyZYrBsNnZ2dTU1ODj46P3vo+PD+np6QbjnDt3joULF1JTU8OqVat46623+Oyzz3jvvfdMnpdasixCCCGEEEIIIUTT1EQfRTlhwgRefPFFvfdsbGxMdnyVSoW3tzc//PADFhYWtGvXjtTUVD755BMmTZpkss+pSwYXhBBCCCGEEEKI/5CNjc01DyZ4enpiYWFBRkaG3vsZGRn4+voajOPn54eVlRUWFhba92JiYkhPT6eyshJra+t/n3gjmuYwjxBCCCGEEEII8f+AtbU17dq1Y8OGDdr3VCoVGzZsoEuXLgbjdOvWjTNnzqBSqbTvnTp1Cj8/P7MMLIAMLgghhBBCCCGEEDe0F198kRkzZjBr1iwSExN56qmnKCkp0T49YsSIEUyYMEEb/qmnniI3N5fnn3+eU6dOsXLlSj744APGjRtntjTKsgghhBBCCCGEEE2T4v/Hoyjvv/9+srKymDhxIunp6cTHx7NmzRrtJo9JSUkolbq5A0FBQaxdu5YXXniBVq1aERAQwPPPP89rr71mtjTK4MINYuTIkeTn57N06dLrnZQb0oHNc9i97idKCrPwDoym//1v4R/aymj4E/tXs/XPryjIScXNO5Ted79Ms7heANTUVLF1+ZecPbqFguxkbOwcCYnuSq+7XsLJ1cfoMU1BrVaze/VUju5aQEVZIf5hbelz72RcvUKvGO/Q1jkc2PgTpUVZePpH02vYW/iG6PJ/dMc8Tu5fQWbKMaoqShj7wV5s7J3Nkof9mzTnorhAcy5ueeAt/MOMn4vE/avZskxzLty9Q+k99GUiWvbS/n3rn9M4vnclRXnpWFha4RscS8+7XiAgrLVZ0l/XoM42dG1phZ2NgvNpNczbWE5Wvspo+GYBFvRrZ02wtwUujkpm/FnK4bPVemGmjTf8f1+6tZwN+ytNlnb37u0Jf2k0Lm3jsPX3Zt+wp8lYvuHKcXp2pMWnr+PYojnlyZc4M+U7UmYv0QsT8tSDhL84GhtfLwoPn+DY+Hcp2HvEZOk25GaoF7X5OLhhGif3LqCyvAjvkDZ0vXMSLp5XzsfxXXM4unUmZcXZuPlG0+WO/+EVpF+nMpMOsn/dV2QlH0ahVOLuF83AkT9iaWVrlrz0jFPQppkCGytIyYbV+1TkFV85TrsIBZ1jFDjaQkY+/LVfRVqu7u8OttAvXkGYjwJrK8gthG3HVZxMMUsW6NNaSbvmSmytISlLzYpdNeQWGQ8f4q2gW6wSPw8FzvYKft9UzYlkdaOP2xhqtZr966dxYu8CKsuK8AlpQ/e7rl6mju2cw+EtmjLl7htN1zv/h3edMrXihxFcOr9XL050x/vpcfdkk+fh4N9z2Lte0397BUTT77638LtC/33ywGq2r9D13z2HvEx4nK7POJXwF4e2/kFG8jHKS/IZ8fpSvINiTJ5uQ3q3UtK2uRJbK0jOUrNyz9XPfYdIJV1bKHG0g/Q8Nav3qkjL0ZUrN0cY0NaCYG8Flko4c0nN6r01lJSbPv271s9h2+qZFBdk4xsUzR0P/4/AZsbPxdE9a1i/eCr52al4+IRwy30vEdVady4qykv4a/7nJB7YQGlxPm5egXQZ8DAd+z5g+sTXoVar2ffXNE7s0fQZvqFt6XH3JFyu0mcc3TGHQ3//RFlRNh5+0XQb8ibewQ3zr1arWT3zCZJPbuWWEV8TFtffwNFMo1dLJW2aKTRlKltTPnKv0ta2b66gS7SmTGXkwZr9NQ3a2v7xSsJ9NW1tTiFsO6biRErD9kw0Pc888wzPPPOMwb9t3ry5wXtdunRh165dZk6VjiyLEDe8xH2r2LhoCt1uH8fIN5bgHRjN/KmjKSnMMRg+5ewBls98iVZd72HkG0tp3rofi6ePIyv1FADVleWkJx2n66CneHTCYu564mtyM86z+LunzJ6X/RtmkLDlV/rcO5n7X5iPpbUdS6ePprrK8DNtAU4dWMXWpVPodOs4Hnh5CZ4B0SybPprSIl3+qyrLCInpQYcBT5o1/cf3rmLDwil0v30cj/1vCT6B0cy7yrlY9uNLtO52D4+9uZTm8f1Y9J3uXAC4+4Ryy/CJjJ74Jw+/MhcXjwDmffkYpUW5Bo9pKv3bW9OrjTXzNpTz2R8lVFSpefpueywtjMexsVKQmqVi/ibjV31v/FCk9/rtrzJUajUJp6tMmn4LB3sKD5/k6HNvX1N4u9BAOiz/npzNu9nWfgjnp82i5ffv4TmguzaM3723EfPJBE6/9w3bOt5N0eETdFr5E9Ze7iZNe31NvV7UOrL1R47v/I2uQyYz+Kl5WFnZs/aXx6+Yj3OHV7Fn1UfE9x3HneMW4e4bxdpfHqesWJePzKSDrP3lCfwjujH4qXnc+dQCYjo/hMJMu2N3iVbQIVLB6n0qflmnoqoahvdWYnGFj4sJUtC/jYKtR9X8tFZFZr6aB3orsa+zT9WdnZV4OClYsFXFjNWaC92hXZX4uJo+D91jlXSKUfLn7hpmrKqmqhoe6W+J5RXyYGWp+fK3crfx53//m+M2xqEtP3Jsx290v2syQ56eh5W1PatnXrlMnT28il0rP6Jtv3Hc/cwiPPyiWD1Tv0wBRHe4l4fe2KJ9dbrtZZOn/8T+VWxePIUug8bxyOua/nvh16MpKTLcZ6SeO8CKn18irss9jJiwlIhW/Vj6wziy0nR9RlVFKQHN2tJziOnTeyXdWijpFK1k5e4aflxTTWU1PNzX8or1IjZEwS3tlPx9uIbvV1WTkQcP97XQ1gsrC3i4n+Y+3+z11cz8qxoLJQzvfYWO6F86snsVq3//iD5DxvH024vwDYril08fp9hI/510+iDzv3uZdj2H8fQ7i4lp24+5Xz1LRoruXKye+xGnj2zjnrEf8/yUlXS9ZQQrfn2PxAMbTZ7+ug5t/pGj23+lx9DJ3P2sps9Y+dOYK9aLMwmr2Pnnh7TrP45hzy/G3S+KlT+NaVAvAI5snQWY/0541xgFHSMVrNqrYua6Gqqq4cE+FlcsUy2CFQxoo2TLURUz1tSQka/mwT4Wem3tkM5KPJwVzNtSw/erajiRomJYNyW+bmbPkhAyuHAj6t27N8899xyvvvoq7u7u+Pr6MnnyZL0w+fn5jB07Fh8fH2xtbYmLi2PFihXavy9atIjY2FhsbGwIDQ3ls88+04sfGhrKe++9x4gRI3B0dCQkJITly5eTlZXFkCFDcHR0pFWrVuzbt08v3rZt2+jRowd2dnYEBQXx3HPPUVJSYrb/BcDeDT/Tutt9tOo6DE+/CAYOfxsra1uO7FxkMPz+TbMJb9GDTreMwdOvGT3vHI9PUAsO/P0bADZ2Tjzw/M/EtBuEh284AeHxDLj/LdKTjlGYm2a2fKjVahK2zKbjLU/RrGV/PP2jueWhjykpyOTckfVG4x3c/DNxXe6jRadhePhG0Pfet7G0tuX4bl3+2/QeSfv+T+AbYt67/XvW/0zr7vfRqtswPP0juPUhTVoO7zB8LvZtmE14bA86D9Sci15DxuMb3IL9m3/ThontOJiwmK64eQXh5d+cfvdOoKK8mMyUk2bNS+821qzdXcGRc9WkZav4dW0ZLg4KWjUzPqHr+IVqVu6saDBboa6iUrXeq1UzS04n15BTaNo7Bllrt3Bq0pdkLDNeduoKeeIBys6nkPjqRxSfOMfFb+eQvmgtYc+P1IYJGz+K5J/mkzJrMcWJZzny9CRqSssJGjnMpGmv62aoF7X5OLZ9Nq17P0lIi364+0bR894PKSvKJCnReD6Obp9FVPt7iWw3FDfvCLoNmYyllS2n9i/Whtm96kNadHmY1r0ex82nOS5eYYS3vA0LS/NsxtQxSsG2Y2pOpUJmASzfrcLJDqICjV9sd4pWkHBWzeHzarILYdVeNdXV0DpcFyfQA/aeVpOWC/klsP24mvIq8HM3/UV85xglWw6rOJmsJiMfFm+rwckeooONf9aZNDUbE1QGZys05rj/llqt5uj22bTp8yShLfrh4RdF7/s+pLQok4vHjZepI1tnEd3hXqLaD8XNJ4Lud03G0tqWk/sW64WztLLF3slL+7K2dTR5HvZt+JmWXe+jZRdN/z3gAU3/fdRI/31g02zCWvSg44AxePg2o/tgTf+d8HedPqPTXXQd9Awh0YY3MDOXTjFKthxRcTJFTWY+LN1x+dwHGT/3nWOUHDijIuGcmuwCWLG7hqoaaBOhufwO8lbg6gBLd9aQmY/2uP4eCsJ8TVumtq+ZRfte99Ku51C8AyK4c+RkrKxt2b9lscHwO/6aTfOW3ekxaDTe/s3oP+x5/EJj2LV+rjZM0pmDtOk+hPCYjrh5BdChz334BkWRcu6wSdNel1qt5si22bTt9yShsZp60ef+jygtzOTCsSvVi1+I6XQv0R2G4eYTQc+hb2NpZcuJvfplMTstkcNbf6b3fe+bLQ+1OkYp2XpMxalUTZlatkvT1kZfoa3tHKXk4Fk1hy63tSv3agaA4+u0tUGeCvaeUmnb2m3HNG2tr9v/j6UD4vqSwYUb1KxZs3BwcGD37t18/PHHvPPOO6xbtw7Q7Ax62223sX37dn777TeOHz/Ohx9+qH3MyP79+7nvvvt44IEHOHLkCJMnT+att97il19+0fuML774gm7dunHw4EFuv/12HnnkEUaMGMHDDz/MgQMHaNasGSNGjECt1lxonT17lltvvZVhw4Zx+PBh5s2bx7Zt24xOzTGFmupK0pOOERLdVfueQqkkNLorqecOGoyTei6hwUVHWIvupJ5LMPo5FWXFoFBgY2e+KdOFOSmUFmYRFKnLi42dEz4hrbl0wXBeaqoryUw5phdHoVQSFNnVaBxzqT0XYTH/7FyE/oNzUVNdScLWedjYOeEdFGWytNfn4azAxUHJyWTdIEF5JVxIryHMz3R3jJzsFcSGWrLzmOmWQ/xbrp3jyd64U++9rHXbcOscD4DCygqXtrFkb9ihC6BWk71xB66d25gtXU29XtQqykuhrDgb/2a68m5t64RXYCsykw4ZjFNTXUlO2jH8I3RxFEol/hFdyEpKAKCsOIes5MPYOXqw4vvhzP2gO6tmPEL6hf1myYerAzjaKbiQofuCXVEFqTkQ4GE4jlIJfm5wPkP/S/n5DDWBHrqL2ZQcaBGkwPbymEiLYAWWFnAx07QDb26Omrp37pJuiVNFFaRmqQny+vcX1+Y6rjFFeSmUFWUTEFGvTAW1IuMKZSo77ZheHIVSSUCzLmReLlO1zhxawex3u7Dwy8HsWfM51ZVlJk1/TXUlGckN++/g6K6kGekz0s4nEBKl32eExnQn7XyCwfD/FVdHcLJTcC5d/9ynZBs/90ol+LsrOHdJv3yfu6Qm0FMTp3bGS02dyTLVNaBWQ7C36cpUdXUlaReO0SxW979VKpU0i+1C8pkEg3GSzxzSCw/QPK67XvjgiDacOLiJwtwM1Go15xJ3k51xgYi4biZLe31FuSmUFmUR0Fy/z/AOakXGxQSDcWqqK8lKPUZAhH5ZDGzeRS9OVWUZG+a+TPe7JmLv5GWuLACattbJTsH5dANtrafxMuXnjl4cuNzW1omTnK2mRbCurY01U1t7Q1Eqm+brJiR7LtygWrVqxaRJkwBo3rw5X3/9NRs2bGDAgAGsX7+ePXv2kJiYSGRkJADh4eHauJ9//jn9+vXjrbfeAiAyMpLjx4/zySefMHLkSG24QYMGMXbsWAAmTpzId999R4cOHbj33nsBeO211+jSpYv2+alTpkzhoYceYvz48dp0TZ06lV69evHdd99ha2t47W9FRQUVFfpT1aoqbbCyvvpzXUuL81CranBw1r+qtXf2ICfjnME4JYXZODh76r3n4OxBSWG2wfDVVRVsXvIpLdrfjo2d6e/c1CotygLA3qleXpw8KDWStrISTf4Nxckzkn9zqT0X9dPi4OxBTrrhtBQbORfFBfr5PX14E8t+fJGqyjIcXbx4YPxM7B3NNxXf2UHToBeV6He0RaVq7d9MoWOMFeVVcOiM8ZkO/xUbH08qMvT/7xUZ2Vi5OKG0tcHKzQWlpSUVmTn1wuTgEBWOuTT1eqFNU5EmrXaO+mmydfSkrDjLYJyK0nzUqpoGcewcPcjPOg9AUW4yAAc3fE2H217Fwy+aMweXsWbmKO5+bvlV197/Uw6Xm/H6671LytU42hmOY28NSqXCQBzwqDNeu3i7iru7KnlpqAU1KjVV1bBw29X3cvinHO00F9nF9dJTXK772410XGOMlSk7R0/KigyXqXJjZcpJV6YAmsXfgaOrPw7O3uReOsmeNZ9RkH2eAQ9PM136a/vv+n2Gkwe5RvqMksJs7Ov1GfZX6L//K462mvNrqIw72Bo+9/Y2xuqFGk8XTZyUbDWV1dC/jZINCSoUaH5WKhU4Galv/0ZpUT4qVQ2OLvrnwtHFg+xL5w3GKS5o2H87unhQVKf/vuORN1n680Q+fqE3SgtLFAoFd416h7DoDqZLfD21fUbDMu5JaZHhclJ+uc+wc2pYl/Izdfnf+ecUfEPaEBrbz8Spbqi2PTXY1hrZSqe2TBWXq+vFAU8nXTlctF2zDOKVYZbatnbBVtO3tUIYIoMLN6hWrfQ3mPHz8yMzMxOAhIQEAgMDtQML9SUmJjJkyBC997p168aXX35JTU2NdoZD3c+o3WW0ZcuWDd7LzMzE19eXQ4cOcfjwYebMmaMNo1arUalUnD9/npgYwxsqTZkyhbff1l8XfueISQx5dLLR/P9XamqqWDbjeUDNLcOvbe36tTqxbzmb5k/S/j74ie9NevybSUhUJx57cyllxXkkbJvP0h/G8+jrCxoMKv1b7aMseaCf7kpt+rJSkxz3arrEWrHvRBXVxpdw/79zs9SLswl/sn3ZZO3vA0Z8Z5bPqZ05FtXxfiLbDQXAw78FaWd3cXr/YtoPfLFRx48NUTCove6idN4W4xuaNlavlpo7aXM21VBaAVEBCoZ2VTJ7g4qsgn9/3JZhCgZ31s04mrOxaVa4Mwf/ZOvSydrfb33UPGUKIKbjfdqf3X0jsXP2YtWPoyjMScLZI9hsn9tUtAxVcEcnXZmau8k8Zaq0AhZsreH2jhZ0ilaiVsORC2rSctSom8BN5l3rfiPl7CEeHv8trh7+XDi5jz9/fRcnN28iYrte/QDX4PSBP9myWNdn3DZqukmOW9+FYxtJPbObe8YbXibSWHEhCm7voLt58fvf5munerdSYmul4NeNNZRVqIkKVDCsm5JZ62vIbERbK8S1kMGFG5SVlZXe7wqFApVKc9FnZ2ea4ey6n6G4/AgXQ+/Vfm5xcTFjx47lueeea3Cs4GDjFyMTJkzgxRf1L4B/33H1WQsA9o5uKJQWDTYMLC3MaTCiXsvB2bPBXY4SA+E1AwvjKchNY/j4WSaftRAe11dvrXdNtWZqfGlRDg4u3tr3S4ty8AqINngMOwdN/kvrbX5VWpTT4O6OudWei/ppKSnMwdHFcFocjZyL+uGtbexx9w4B7xACwuOZ/tYtHNq+kK63jTVJ2o+cq+ZCum7I3tJCU7adHBQUluqu4JzsFaRmmabDb+ZvgY+7BT+vMu1U43+rIiMbGx/9/7uNjydVBUWoyiuozM5DVV2NjbdHvTAeVKSb7q7hzVIvgmP66j3RoTYfZcU52Dvr8lFenI27n+GBVxt7VxRKiwYbipUV52DvqMlH7dRcV+9memFcvcMpLrjU6HycTlXzY52d62s3EnOw1b9D72CrICPP8Led0kpQqdTaWQ+6OFByufi7Omp2zf9+VQ3ZhZr3MvM1U8rbN1ewet+//yZ1MllNarZudlBtHhxtobhO9XO01WzY+G8Vl6nNctxawS36MrRumaoxXKbKirPxMFKmbI2VqaIc7J2M143aJ0kUmHBwwa62/67fZxRduf+uP2PpSv29uZxMUZNSp0zVbvTrUO/cO9hivF5UGKsXCr1jnLukZtqyauxsQKXSTI1/aZglxy6aKjdg7+SKUmlBcYH+uSguuEL/7dKw/y4uyMHpcviqynLWLfySB5+bSlR8bwB8g6O4lJTI9tU/m2xwIaRFH+4JNtzWOtStF0XZePgbqReX+4yyovptbTZ2l+tF6tldFOYm8fOkjnph1v36HL5h7bjzyV8blY9TqWpSc3TXF5ZXaGuNtSe1ZUozk0ZdJw7a2QxujtAxUsn0ldVkXW5rM/LVBHmpad9cyap95htAvq7MtMGx+OfkTDRBrVq1IiUlhVOnThn8e0xMDNu3b9d7b/v27URGRmpnLfwbbdu25fjx40RERDR4WVsb31jMxsYGZ2dnvde1LIkAsLC0xjc4losndWvF1SoVF07uJCDc8DrwgPB4Lp7Uf+TKhRM7CAiP1/5eO7CQl3mRB57/BTtH02+ha23riKtXiPbl7huBvbMXyad1eakoLybj4iH8Qg3nxcLSGu/AWL04apWK5FM7jcYxl9pzcSFRPy0XT1zlXJyody4S9c+FIWqVSnsBYQoVVZBdoNa+0nNVFJSoiArSja/aWkOorwXnL5lmcKFLnBVJGTWkZt8YHXn+rgQ8+nbWe8+zX1fydiUAoK6qouDAMTz71lljq1Dg0acL+btMt4/BzVIvrGwccPYI0b5cvSOwc/Qk7ZyuvFeWF5OVchjvYMMbSlpYWuPhH0vaWV0ctUpF2tldeAXHA+DoFoC9kzcFWfpTlwuyL+Lo6t/ofFRWQ16x7pVdqPkSHeqjm81gbanZbyHV8KbyqFRwKQ+9OKD5PeXywIXV5a6n/iWzSt34x5NXVkNuke6VVaBZ4hTup7vEsbGCAC8FyVn/fhAgr9g8x61lbeOAi2eI9uXmHYGdkyepZ+uVqeTD+FyhTHn6x+rFqS1T3pfLlCE5aScATLrO3MLSGp+gWJLq9d9JJ3fib6TP8A9r2H9fPLED/7B4k6XrWtSvF1kFUFSmJtxXd+6trSDQ0/i5V6kgLVdNeL2NGcN9FaRkN4xTVqHpq0J9FDjYwskU0/UdlpbW+IfGcu647n+rUqk4d3wXQRHxBuMERbTm7HH9c3Hm2A5t+Jqaampqqho8tUahtNDelDIFa1tH/XrhE4G9kxepddr/yvJiMpMP4xNiOC8WltZ4BcSSeka/LKae2aWN06bP49z7wjLuGb9E+wLoMvh1et83pdH5aFCmCjVlqu7Gndq21kD5gMttbS6E1itTYT66MmWsrVWboK0V4lrI4EIT1KtXL3r27MmwYcNYt24d58+fZ/Xq1axZswaAl156iQ0bNvDuu+9y6tQpZs2axddff83LLzfusU2vvfYaO3bs4JlnniEhIYHTp0+zbNkys27oCNCh3ygObZvPkZ1LyL50lrW/T6aqooyWXTRThFf88ip/L9U9DaNdnxGcP7aVPetnkpN+lm0rppF+8Shtez0MaAYWlv7wHOlJRxn82KeoVDUUF2RRXJBl0i+09SkUCuJ7jmDvX99x7ugGstNOsu63V3Fw8Sa8pe4Zyou/eZRDW3U7Y7fpPYpjO+eTuGcJueln2bRgMtWVZbToNFQbpqQwi6yURPKzkwDIvnSKrJREykvyTZqHjv1HkbBtPocvn4s1cydTVVlGq66atPz586tsXqI7F+37jeDcsa3sXqc5F1v/nMali0dp11tzLiorStm85HNSzyVQkJPKpYtHWTlrAkX5GUS3u9Wkaa9v88FKBna0IS7cEj8PJY8MtKOgRK33JIhnhtrTs7VuNo+1FQR4KQnw0jSdHs6an92c9HtsW2uIb27FjqPmK08WDvY4t47GubXm7r59WCDOraOxDfIDIOq9F2n980fa8Bd/+AP7sCCip7yCQ1Q4IU8+iN+9t3H+q1+0Yc5/+TNBo+8j4JG7cIwOJ+6byVg62JE8yzzTROHmqBe1+YjtNoJDm6aTlLiR3PRTbFn4OnZO3gTH6PKx+qdRHN+pW1oW1+1RTu1bwOkDS8nPPMuO5W9TXVlGZLu7tcdt2eMxju/8jfNH11KYc5H9676iIOscke3M8xSPPSfVdItV0NwfvFw0j5AsKtPcza31YB8l7Zvryv3uE2raNFPQMlSBhzPc1l6BlSUcPqeJk1MIuUVqBrVX4u+umcnQKUpBuK/+cU1lV6KKni2VRAUq8HaFu7tZUFQKJ5J0n/XoAAs6RtX5smgJvm5oH9fm5qjA1w1cHP7ZcU1FoVAQ120EBzdO5+JxTZnavOB17J28CWmhK1MrfxzFsR26MtWyx6Oc3LuAU/uXkpd5lm3L3qaqTpkqzEniwIZvyUo9RlFeKhePb2TzgtfxDWuPh59pN9Jt328Uh7fP5+iuJeSkn2XdH5r+O66zpp6umvUqW5bp+oy2fUZw4fhW9l7uv7evnEZ60lHiL/ffAGUl+WQmJ5Jz6SwAuZnnyUxOpKTA8D4UprI7UUWPOCWRtee+6+VzX+fpIo/0s6BDpK5M7UpU0ba5ktbhCjyd4Y5OSqwsIeGs7st3fLiCAE8Fbo6aJT739rRgV6KKnELTpr/brY+y7+8FHNi2lMy0syyf9TaVFWW066EpFwu/f42/5n+uDd/1lhGcPrKNbat/JivtHBuWfE3a+WN07v8gALZ2joRGd2DNvE84l7iH3KwUDmxdQsL2ZbRo199gGkxBoVDQsvsIDmyczoVjG8m5dJJN817D3tmb0Fjd5/75w0iObtf1GS17jOTEngWc3LeEvIyzbF2iuX6Jaq8pi/ZOXrj7Ruq9ABxd/XF2DzRLXvacVNE9VklkgAJvF7iri6atPVGnTXy4Xlu766SKts0UtArTlKlBHTRl6tB5TZzsQsgpUjOogwX+7pqZDJ2jFYT7KszS1gpRnyyLaKIWLVrEyy+/zPDhwykpKSEiIoIPP/wQ0MwwmD9/PhMnTuTdd9/Fz8+Pd955R28zx3+jVatW/P333/zvf/+jR48eqNVqmjVrxv3332+CHBkX034QpcW5bFsxlZLCLLwDY7jv2R+10yQLcy/pjZwHNmvL4Mc+ZevyL9my7HPcvEIZ+uQ3eAVoOori/AzOHNY8g/nn9/X3phj+wmyCIzuZLS/t+j1OdWUZG+dNpKKsEP/wdgwZ+yOWVrqZHAXZyZQV52l/j2w7iLKSXHat1uTfKyCGIWN/1JviemT7H+xZ+7X290XTHgKg//Apel+2GqtFB8252Lq8zrl47srn4s4xn7Jl2Zf8vfRz3LxDGfaU7lwolRbkpJ/jyK4llBXnYefgil9oSx5+ZQ5e/s1Nlm5D1u+rxNpSwfB+ttjZKDiXVsO3S0r19kfwdFXiYKfLT7CPBc/fo/umMbSXZr7r7uOV/PaXbl5j20grFMD+k1VmS79Luzi6bNBN02zx6RsAJM9ezOHRE7Dx88Lu8kADQNmFFPbeOZYWn00g9NkRlKekc2Tsm2Sv26YNc2nBaqy93Imc9Bw2vl4UHkpkzx1jqMw0csvaRJp6vajVsscYqivL2L50EpXlhXiHtGXgyB/08lGUm0R5qS4f4a0GUV6Sx4ENUykr0iyhuGXkD9g56vIR2+1Rqqsr2bPqQypKC3D3i2LgqJ/MtjZ+5wk1Vpaai1Zba0jOgj/+VlFT52akmyPY1ZmAlpismf7dq6VCs4QiH/7YrKLk8l6+KrXmGH1bK7m3pxJrS8grguW71Zxt/OqOBrYdU2FlCYO7WGBrDUmZan5bX0113Tw4KbC31V1s+3soGDVQd1l0awcLwIKDZ1Qs3VFzzcc1pdY9NWVq6xJNmfIJacuto/TLVGGOfplq1moQ5cV57F8/ldIizRKK20b9oK0bSgsrUs/u5Oj22VRXleHg4ktY3ADa9HnK5OmPbjeI0qJctq+YSmmRpp7eM65On5Gn32cEhLfl9lGfsu3PL9n25+e4eoVy1xPf4OWv22Pq7OGNrPltgvb3FTNfAKDLoGfodvuzJs9Dre3HL5/7TnXO/cZqvXrhXq9MHbuoxt5GRe9WFjjaaZbPzNlYo7eJn4ezgn5tlNhZax4buPWoil2Jpi9QLTsNoqQwjw2Lp1JckI1fcAyPvvyDdllEfu4lFHV2rw9u3ob7nvyE9Yu+Yt3CL/DwCeHB56fhE6g7F/c/9Rl/LfiCBdNfoaykAFdPfwbcM56OfR8wefrrat17DFWVZWxZNJHK8kJ8Q9sxaPSMhvWiRFcvIuIHUV6Sy76/plFalIWnfwyDRs+44nIhc9uRqMbKUs3tl9vapCw1czfX1GtrFdjbQO1chONJmjLVq6USR1vIyIO5m3VlSqWGPzbX0Ddeyf29LLRt7bJdKs5cksEFYX4KtbopbBkjbjYzN17vFDReWcXVwzQFDibckfp62p9g4ts818Gtr5hvh+3/0oXlJ693EhqtuOTGWM7SWNXVN0cXX1nZ9M+Hk6PpHnN7Pbk4N/1Jr2np5hv4/S+1iLg5ylRyRtOfr19S2jQ3kq3vreFN875z+dKp1zsJ/4rtXQ33sWvqmn4PIYQQQgghhBBCiOtKBheEEEIIIYQQQgjRKE1z7osQQgghhBBCCCGPorxhyJkQQgghhBBCCCFEo8jgghBCCCGEEEIIIRpFBheEEEIIIYQQQgjRKLLnghBCCCGEEEKIpknR9B9nerOQmQtCCCGEEEIIIYRoFBlcEEIIIYQQQgghRKPI4IIQQgghhBBCCCEaRfZcEEIIIYQQQgjRNCnlfvmNQs6EEEIIIYQQQgghGkUGF4QQQgghhBBCCNEosixCCCGEEEIIIUTTJI+ivGHIzAUhhBBCCCGEEEI0igwuCCGEEEIIIYQQolFkcEEIIYQQQgghhBCNInsuCCGEEEIIIYRomhRyv/xGIWdCCCGEEEIIIYQQjSKDC0IIIYQQQgghhGgUWRYhhBBCCCGEEKJpUsr98huFnAkhhBBCCCGEEEI0igwuCCGEEEIIIYQQolFkcEEIIYQQQgghhBCNInsuCCGEEEIIIYRomhSK650CcZkMLojroqr6eqeg8fw9aq53Ekwiv8TieifBJNzcbK93EhrtwvKT1zsJJhF6Z9T1TkKjOSYcvN5JMImckqZfLwBSs5r+5UrNzdFlYHETzHl1d2v65QngTJLqeifBJOKaNf18lFTcHNdSQjTWTdBFCCGEEEIIIYQQ4nqSwQUhhBBCCCGEEEI0ys0xL0wIIYQQQgghxP8/CrlffqOQMyGEEEIIIYQQQohGkcEFIYQQQgghhBBCNIosixBCCCGEEEII0TTJoyhvGDJzQQghhBBCCCGEEI0igwtCCCGEEEIIIYRoFBlcEEIIIYQQQgghRKPIngtCCCGEEEIIIZompdwvv1HImRBCCCGEEEIIIUSjyOCCEEIIIYQQQgghGkUGF4QQQgghhBBCCNEosueCEEIIIYQQQogmSa1QXO8kiMtk5oIQQgghhBBCCCEaRQYXhBBCCCGEEEII0SiyLEIIIYQQQgghRNOkkPvlNwo5E0IIIYQQQgghhGgUGVwQQgghhBBCCCFEo8jgghBCCCGEEEIIIRpF9lwQQgghhBBCCNE0yZ4LNww5E0IIIYQQQgghhGgUGVwQQgghhBBCCCFEo8iyCCGEEEIIIYQQTZJaobjeSRCXyeDCTWTkyJHMmjULAEtLSwIDA7n33nt55513sLW1vc6pa5yELXPYt+EnSgqz8AqIps89b+EX2spo+FMHV7N9xVcU5qbi6hVKjyEvEx7bS/v30wl/cXj7H2QkHaO8NJ+HX1uKd2CM2fOxc91c/l41k+KCbPyCorhzxP8IamY8H4d3r2HdomnkZafi4RPCbfe/SHS8Lh9FBdms/uNzTh/dTnlpEWFR7blzxBt4+oaaLQ/7N89h91+ac+EdGM2A+9/CP8x4Hk7sX82W5V9RkJOKu3cove9+mWYtdXnY+uc0EvetpCgvHaWlFb7BsfQa8gL+Ya3NlodafeMtaNdcia01JGWq+XNXNblFxsOH+CjoHmuBn4cCZ3sFczdWcSJZ3ejjNoZarWb36qkc3bWAirJC/MPa0ufeybh6hV4x3qGtcziw8SdKi7Lw9I+m17C38A3RncejO+Zxcv8KMlOOUVVRwtgP9mJj72zy9Lt3b0/4S6NxaRuHrb83+4Y9TcbyDVeO07MjLT59HccWzSlPvsSZKd+RMnuJXpiQpx4k/MXR2Ph6UXj4BMfGv0vB3iMmT39dm1bP46+lsyjIzyEwNJLhY14jrHmcwbBpSWdZ9se3JJ1NJCfrEveNepn+gx/SCzNh7CBysi41iNv71vt48IkJZsnDznVz2HK5jfINir5qG3Vk9xrWLZqqbaNuvf+lBm3Umj8+07ZRoVHtuXPE/8zaRoGmXuxZM41jl+uFX1hbet8z6ar14vC2ORzc9BOlRdl4+kfT8+438blcL8pL8tm9dhrJJ7dTlHcJO0d3wuP60em257GxczJbPvb+NY3E3Zp8+Ia2pefQq+fj6PY5JPytyYeHXzTd73oTn2Ddefx74URSTu+kpDATKxt7fEPa0Pn2l3HzDjd5Hg5snsPudbo+o//9b+F/hf77xP7VbP1T02e41fYZcZoyVVNTxdblX3L26BYKspOxsXMkJLorve56CSdXH5Onva6bpUwB9IhVEB+uwMYKUnJg7X4VecVXjtM2QkGnKAWOtpCZD38dVHEpV/M3F3t4+g4Lg/GW7KjhRIpp07/9r7lsXvEzRQXZ+AVHcfejbxAcYbhMpaecYe2CaaScP05edhp3PvIaPW8boRfmbOI+Nq+YSer54xTmZzHyhanEdehn2kTXs3vDHHas/onigmx8gqMZ9NCbBIYbrxfH9q5h4+KvyM9Oxd0nhAH3vkxk6156YbLSzrJuwadcOLkXVU0NXv7NuP+Zqbh6+Js1L0LUJcsibjK33norly5d4ty5c3zxxRd8//33TJo06Xonq1FO7l/F30um0Pm2cTz86hK8AqJZ/O1oSotyDIZPO3eAlb+8RFyXe3j4taVEtOrH8hnjyE47pQ1TVVmKf3hbegx5+b/KBod2rWbF3I/of/fTPPvuQvyCo/np4ycoLjCcj4unDvLHt6/QvtdQnnt3EbHt+vHrl8+Snnwa0Fzo/Prls+RmJTPiha957r1FuHr68eOHo6ksLzVLHhL3rWLjwil0v2Mco95YgndgNPOmjaak0HAeUs4eYNlPL9G62z2M+t9Smsf3Y9H0cWSl6s6Fu08otzwwkdFv/cnDL8/FxSOAeV89RmlRrlnyUKt7nJJOMUr+3FXND6uqqayGEQOssLxCq2htCel5alburjbpcRtj/4YZJGz5lT73Tub+F+ZjaW3H0umjqa6qMBrn1IFVbF06hU63juOBl5fgGRDNsun6daqqsoyQmB50GPCkeRJ+mYWDPYWHT3L0ubevKbxdaCAdln9PzubdbGs/hPPTZtHy+/fwHNBdG8bv3tuI+WQCp9/7hm0d76bo8Ak6rfwJay93c2WDvdvWsuDnz7jjvrG8+elcgkIj+eqdpynMN1yOKyvK8fIJ5O5HnsPZ1dNgmDc+/o1PflqnfY2f9B0A7boOMEseDu9axcq5H9Hv7nE88+4i/IKjmPnx41dpo16mfa9hPPvuYlq068dvXz5LerKmfmvaqGfIzUrmkRe+4dn3FuPm6c9PHz5mtjaq1oGNP3Jo66/0vncy946fj5W1Hcu/H3PFenH64Cq2LfuQDgPHcf+Li/Hwj2L5D2O09aKkMJOSgky63fkqD776J/2HT+Hiya1snPc/s+UjYfOPHNn2Kz2HTmbYs5p8rPjxyvk4k7CK7X9+SPsB47hnvCYfK34cQ2mx7jx6BcbS5/4PeOCVldwx5kfUqFkxYzQqVY1J05+4bxUbF02h2+3jGHm5z5g/9cp9xvKZL9Gq6z2MfGMpzVv3Y3GdPqO6spz0pON0HfQUj05YzF1PfE1uxnkWf/eUSdNtyM1SpjpHK2jfXMGa/SpmbVBRVQ3391RicYU+KiZIQb/WCrYdUzNznYqMfDX391Rib6P5e2EZTF1eo/faclRFRZWas+mmTX/CztUs/+1jBgx9mvHvL8A/OIoZH46lyEg7VVlRhrt3EIMeeAEnI21tZUUZ/iFR3D3qTdMm1oiju1ex9o8P6T1kHGMnL8Y3KIpfPxtDsZF6kXT6AAunv0Sbnvfw5NtLiG7bnz+mPUNGiu5aKjcziZ8+eBBPv3BGvTabp99dRq87n8bSyuY/yZMQtWRw4SZjY2ODr68vQUFB3HXXXfTv359169YBkJOTw/DhwwkICMDe3p6WLVvy+++/68VXqVR8/PHHREREYGNjQ3BwMO+//77278nJydx33324urri7u7OkCFDuHDhglnztH/Tz8R1uY+4zsPw8Iug//1vY2lty9GdiwyGP7B5NqExPejQfwwevs3odsd4vINakLDlN22YFh3vosttzxAc1cWsaa9r2+pf6Nj7Xtr3HIpPQAR3jZqEtY0t+7YsNhh++1+/EtmqO71uH413QDNuuec5/ENbsHP9HACy0y+SdOYQd4+cSFB4S7z8wrhr5CSqKitI2LXKLHnYs/5nWne7j1Zdh+HpH8GtD76NlZUth3cYPhf7Ns4mPLYHnW4Zg6dfM3reOR7f4Bbs36w7F7EdBxMa0xVXryC8/JvT754JVJQXk5l60ix5qNUlxoIth2s4kawmI0/N4m3VONlDdLDxZvF0qpoNB2tITGo4W6Exx/231Go1CVtm0/GWp2jWsj+e/tHc8tDHlBRkcu7IeqPxDm7W1KkWnYbh4RtB33s1der4bt15bNN7JO37P4FviHlnkGSt3cKpSV+Sscx4eusKeeIBys6nkPjqRxSfOMfFb+eQvmgtYc+P1IYJGz+K5J/mkzJrMcWJZzny9CRqSssJGjnMTLmAdX/+RvcBQ+nWbwj+Qc14aOz/sLaxZfvGpQbDhzaP5Z5HX6Bj91uxsrIyGMbJxR0XN0/t68i+rXj5BhEZ284sedi6ehYd9NqoyVdpo2bTvFV3emrbqOfxD41h5/q5AGSnXyD5zCHuGjlJ20YNudxGHdq10ix5AE29OLRlNu0HPEl4XD88/aPo/+BHlBRmcu6o8XKW8PcvxHa+lxYdh+HuG0Gfe97G0sqWxD2aeuHhF8mgUdMIi+2Li2cwgc070+W2Fzh/bBOqGuMDjo3Jx+Gts2nX70nC4vrh4R9F3wc+orQwk/PHjOfj0JZfaNHpXqI7DMPdJ4JeQzXt9Ik9uvrdovP9+Id3wNk9EK/AWDoNHE9x/iWKclNNmoe9G+r0GX4RDBz+NlbWthwx0n/v3zSb8Bb6fYZPUAsO/K3pM2zsnHjg+Z+JaTcID99wAsLjGXD/W6QnHaMwN82kaa/rZilTAB2aK9ieqOZ0GmQVwIo9KpzsIDLA+LTyjpEKDp1Tc+SCmpxCWLNfTXU1tArTxFGroaRc/xUZoOBEspoqE2fj71Wz6NTnHjr2vhvfwAiGjZ6ElY0te/823E4FN2vJ4Idepk3XQVhaWhsMExPfg9vue56WHfqbNrFG7PjrF9r1vJc2PYbhHRDBHSM09eLgVsP1Yte6X4lo2Z3ut43Gy78Z/YY+j19IC/ZsmKMNs2HRlzRv1Ytb7nsFv5AWuHsHE92mL47OHv9JnoSoJYMLN7GjR4+yY8cOrK01jWl5eTnt2rVj5cqVHD16lCeeeIJHHnmEPXv2aONMmDCBDz/8kLfeeovjx48zd+5cfHw0Uw2rqqoYOHAgTk5ObN26le3bt+Po6Mitt95KZWWlWfJQU11JRvIxQqK6at9TKJWERHXl0oWDBuNcupBASL1Bg9Do7qSdTzBLGq9FdXUlqReOExHbWfueUqkkIrYLF88YTtfFMwlExOrnI7JlNy6ePgRo/jeA3qi0UqnE0sqaCycPmDgHms9LTzpGaIz+uQiN6UrqOcPnIu1cAqHR+nkIa9Gd1HMJRj8jYes8bOyc8A6MMlna63NzBCd7BWfTdIMEFVWQmqUmyOvfr9sz13GNKcxJobQwi6BI3TmxsXPCJ6S10fpRU11JZsoxvTgKpZKgSON16kbi2jme7I079d7LWrcNt87xACisrHBpG0v2hh26AGo12Rt34Nq5jVnSVF1VRdLZRGJaddK+p1QqiWnViXMnD5vsM3ZtWUW3vkNQmGFtaXV1JWkXjum1OUqlkmaxXUgy0kYlnTnUoI1q3rI7Sac14Wuqq4D/ro2qVZibQmmRgXoR3Ir0CwkG4xirF4GRXYzGAagoL8La1hGlhelXmRZdzkdgc/18eAe3IuOi4TTVVFeSlXpML45CqSSgeRejcaoqSzmxbzFO7oE4uvqaLP21fUZIdL0+I9p4n5F6LoGQf9BnAFSUFYNCgY2d6Zdt1bpZypSrAzjaKbiQod9HpeVAgJHvoEol+LrB+Qz9QfULmWoCPAy3Rb5u4Oum4NB54wPx/0Z1dSWp548TGaffTjWP66y9NrrRVVdXcunCMcJjdeVCqVQS3qILyUba2pSzCYS36Kr3XrO4biSf1YRXqVScOrwZD99QZn86mo+f68oP795H4oFrG7S/KSiUTfN1E5I9F24yK1aswNHRkerqaioqKlAqlXz99dcABAQE8PLLumUAzz77LGvXrmX+/Pl07NiRoqIivvrqK77++mseffRRAJo1a0b37prpxvPmzUOlUvHjjz9qL25//vlnXF1d2bx5M7fccovJ81NWkodaVYN9vZFXeycPcjPOGYxTUpiNvZNng/ClRdkmT9+1Ki3KR6WqwdFFP12Ozh5kpRnOR3F+No4u+vl2dPGkuECTDy+/MFw9/Fgz/wvufmwy1jZ2bFszm4LcdIoKskyfh2LNuXCody4cnDzISTeSh8JsHJw9G4QvKdQ/F2cOb2LZTy9SVVmGo7MXDzw/E3tH801hd7TTlN/icv0Ln+JyNY52N95xjSkt0pxne6eG9aO00HB519YpA3HyjNSpG4mNjycVGfp5q8jIxsrFCaWtDVZuLigtLanIzKkXJgeHKNOvJwcoLspDparB2VW/zDq5enAp9YJJPiNhzybKSoro2newSY5Xn66N0i8XTs4eZKWdNxhH00bVa9NcPBq0UWsvt1FWNnZsXzPLbG1UrdJCY/XC02g/UFsv7AzEyc80nP+y4jz2rfuO2C73mSDVDdXW7wZpcjSej/LafDg2jFM/H0d3zGXnyk+prizF1SuMwY/PxMLInd1/lX4jfYa9swc5V+i/G/QZzg37jFrVVRVsXvIpLdrfjo2do2kSbsDNUqYcLm+/VVKu/35JhVr7t/rsrUGpVFBab/VHSTl4GNkWonWYguwCNamGZ/n/ayXG2ikXDzKNtFM3mtLL/UX9GQWOLp5kpxtpawuyDYavbWtLinKoLC9l28oZ9B36PAPue5kzR7Yy7+tnGfnqLEKjO5onM0IYIIMLN5k+ffrw3XffUVJSwhdffIGlpSXDhmmmAtfU1PDBBx8wf/58UlNTqayspKKiAnt7ewASExOpqKigXz/Dm9gcOnSIM2fO4OSk35uUl5dz9uxZo2mqqKigokK/V6qqtMHKWtaBNYaFpRUPPz+VRT++yTtPdkGptCAitgtRrXqgxrR3C8wtOKoTj/1vKaXFeRzaNp+lM8Yz4rUFDS5K/61WYUoGd9FtNjVng3mmm5rbiX3L2TRft4fK4Ce+v46pEf+lbRuWEte2G67u3tc7KddM00ZNu9xGdUaptKBZbBciW/Uw6eec3P8nmxfo6sUdY6ab9PiGVJYXs+LHsbj5NKPjwGdMcsxTB/7k70W6fNz+mHnz0bzNYAKbd6W0KIuEv2fy12/juXvc701mjXZNTRXLZjwPqLll+LXt2XKtbpYyFRus4NZ2utkF87epTHLcK7G0gBbBCrYfb1rXIU2ZWqU5r9Ft+tJ14EgA/IJjSD5zkL2b/5DBBfGfksGFm4yDgwMREREAzJw5k9atW/PTTz8xevRoPvnkE7766iu+/PJLWrZsiYODA+PHj9cuabCzu/Kt1eLiYtq1a8ecOXMa/M3Ly8tovClTpvD22/od/+0PT2LwI5Ovmh87BzcUSgtK621yU1qU0+DuRi0H54Z3EkqLchrMZvgv2Tu5olRaaEeZaxUX5uBoZIMhR1fPBhupFRfo3ykMDIvl+feXUF5aRHV1FY7O7nwz6X4CwgzvUN+oPDhqzkX9jbhKrnAuHJ09G9xxMhTe2sYea+8Q3LxDCAiP5/u3buHwjoV0uXWsSdJ+IllFSrbuosrCQnOx5WiroLhMdwHkaKvgUu6/vyCqPZapj1srPK6v3h4ItUtjSotycHDRfeksLcrBKyDa4DG0daqoYZ2yN3IebyQVGdnY+Oin08bHk6qCIlTlFVRm56GqrsbG26NeGA8q0s0ze8nRyQ2l0qLB5o1F+Tm4uDZ+gCwnM43Ew7t56tVPG30sY3RtlH65KCrMMboJmqaNqtemFeTotVEBYbE8Z6CNCgyLNVnaw2L76D0JoaamTr1wrlsvsvEMMPxUoNp6UdagXjScCVdZXszyH8ZgZePAoFFfY2FheM+Mfyq0Rb18XK7fZfXzUZyNp7/hfNjW5qO4Xj6KG+bDxs4JGzsnXL1C8QluzcyJnTh/dB3N29xhkvwY6zNKC6/cfzfoMwyE1wwsjKcgN43h42eZfNbCzVKmTqepSavT99Ru2uhgqz97wcFGQUa+4T6qtBJUKrV280ZtHFsoLm8YPjpQgZUFHLlo+sEFB2PtVEGO0Y1xbzT2l/uL+ps3amYnGGlrXTwNh7/c1to7uaG0sMTLP0IvjKdfM5JO7zdh6oW4uptzsYcANGu43njjDd58803KysrYvn07Q4YM4eGHH6Z169aEh4dz6pRup9nmzZtjZ2fHhg2GHwPXtm1bTp8+jbe3NxEREXovFxcXo+mYMGECBQUFeq9b77+2x6hZWFrjExRL0indGmu1SkXSqZ34hRpeP+0XGk/SqV167108uQP/sPhr+kxzsLS0JiC0BWeO69KlUqk4c2wXIRGG0xUSEc+ZY/r5OH10JyHNG26wZ2vvhKOzO9npF0g5f4wW7fqaNP2gORe+wbFcOKF/Li6e2ElAuOFz4R8ez4UT+nm4kLiDgPD4K36WWq2iusp0+3hUVkNuke6Vla+mqFRNuJ/ujo6NFQR4KUjO+vcXRHnFmOW4taxtHXH1CtG+3H0jsHf2Ivm07pxUlBeTcfGQ0fphYWmNd2CsXhy1SkXyFerUjSR/VwIefTvrvefZryt5uxIAUFdVUXDgGJ5966zbVijw6NOF/F3m2VPC0sqK4GYxnDi8W/ueSqUi8fAewqOMP1rsWm3fuBwnZ3datjPtHf+6LC2t8Q+N5Wy9NurssV0EG2mjgiNac7ZeG3Xm6A6CmzcMX7eNSj1/lJh2pnvMW4N64ROBvZMXKXXKeGV5MRlJh/ENNZwXY/Ui5fQuvTiV5cUs+340Sgsrbh/9rUnv8lvbOuLiGaJ9udXm44x+PjKTDuMTYjwfXgGxenHUKhWpZ3YZjaOj1g5omEJtn3HxpH5aLpw03mcEhMdz8WS9PuOEfp9RO7CQl3mRB57/BTtHN5OludbNUqYqqzX9Uu0ru1AzCB7qreujrC3B3wOjSxhUKkjPg1Af/f0VQrwVpOY07NdahSk4nQZlxh+i8a9ZWloTENaC08fqX0vtNnhtdCOytLTGLzSWc8d15UKlUnE+cRdBRtrawGbxeuEBzh3bQVCzeO0xA0LjGiyryMm48P/nMZQKRdN83YRkcOEmd++992JhYcE333xD8+bNWbduHTt27CAxMZGxY8eSkZGhDWtra8trr73Gq6++yuzZszl79iy7du3ip59+AuChhx7C09OTIUOGsHXrVs6fP8/mzZt57rnnSEkx/hBjGxsbnJ2d9V7/ZElEuz6jOLJjPsd2LyEn/Szr50+mqqKM2M5DAVg9+1W2Lv9MG75t7xFcOL6VfRtmkpt+lh2rppGRdJT4ng9rw5SV5JOZkkhOumY5R17GeTJTEikpNN864O63jWTv5oXs37qUzNSzLP3lbSorymjX824A5k1/nTXzPteG73bLI5w6so0tq34mM+0c6xZ/Ter5o3Tp/5A2zOHdazibuIeczGSO7d/Ajx+NoUW7fkS27GaWPHTsP4pD2+ZzZOcSsi+dZe3vk6msLKNVV825+PPnV9m8RHcu2vcdwfljW9m9biY56WfZ+uc0Ll08SrvemnNRWVHK30s/J/VcAgU5qaRfPMrK2RMoys8gut2tZslDrZ2JNfRqZUFUkAJvVwVDu1tSVAonknQzHEbeYknHaF0zaW2p2aTK103TIbg5aX52cfhnxzUVhUJBfM8R7P3rO84d3UB22knW/fYqDi7ehLfU7Xq9+JtHObRV94SONr1HcWznfBL3LCE3/SybFkymurKMFp2GasOUFGaRlZJIfnYSANmXTpGVkkh5Sb5J82DhYI9z62icW2tmWtiHBeLcOhrbID8Aot57kdY/f6QNf/GHP7APCyJ6yis4RIUT8uSD+N17G+e/+kUb5vyXPxM0+j4CHrkLx+hw4r6ZjKWDHcmzDO8mbgoDBj/M1vVL2LFpOZdSzjHn+w+orCijW98hAMz86k0W/zZVG766qork8ydJPn+S6uoq8nMzST5/ksxLSXrHValU7Ni4jK597sDCDBu81dXjtkfZu3mBto1aVq+Nmj/9tXpt1AhOHdnG1stt1PrFX5N6/hhd+j+oDXNk9xrOJe4hNzOZ4/s38NNHo83aRoGmXrTuOYJ966Zz/uhGTb2Y+xoOzt6Ex+nqxdLvRnK4Tr2I7zWS47sWkLh3CbkZZ9m8UFMvYjpq6kVleTHLpo+murKMfve/T2V5MSWFWZQUZpn8EY61+WjVYwT7N0zn/LGN5Fw6yYY/XsPe2ZuwWF0+ln8/kiPbdflo3XMkibsXcGLfEvIyzrJl8WSqKsuI7qDJR2FOMgc2fk9WylGK8tJIv3CAtb8+j4WVDcExvUyahw79GvYZVRVltOyiScuKX17l76W6PqNdH02fsWe9ps/YtmIa6ReP0raXps+oqali6Q/PkZ50lMGPfYpKVUNxQRbFBVkmHRip72YpUwB7T6vp2kJBhD94ucDgTkqKyuBUqm6gYHgvJe0idF989pxSEx+uoGWIAg8nuLWdAitLOFxvw0Y3Rwj2gkPnzbf8otegR9m9aSF7tywlI/Usi2e+Q2V5GR16adqp37+dwKo/vtCG12yonUjqhURqqqsoyM0k9UIi2ekXtWEqyku0YQBys1JIvZBIXrZ5nkDS9ZaRHPh7AQnblpCVdpYVsydTWVFGm+6acrF4xmusW6CrF50HPMKZo9vYvmYmWZfOsWnpNNIuHKNjP931YLfbRnNsz2r2/T2fnIyL7F7/G6cSNtGh74P1P14Is5JlETc5S0tLnnnmGT7++GMOHjzIuXPnGDhwIPb29jzxxBPcddddFBQUaMO/9dZbWFpaMnHiRNLS0vDz8+PJJzXPube3t2fLli289tprDB06lKKiIgICAujXrx/OzubbpTmq3SBKi3PZsXIqpUVZeAXEMPTpH7XTJIvyLqGos+Oqf3hbBo38lO0rvmT7is9x9Qrlzse/wdM/Uhvm3JGNrJ2jmz2x8pcXAOh82zN0HfSsWfLRuvNtlBTlsm7RNIoKsvEPjuaxV77H6fK0tvwc/XyERLbhgac+5q+FU1m74Es8fUJ4ZPw0fIOaa8MU5Wexcu7HFBdk4+TqRdvuQ+h715NmST9ATPtBlBblsvXPqZQUZuEdGMP9z+rORWGufh4Cm7XlztGfsmX5l2xZ9jlu3qEMe/IbvAI050KptCAn/RxHdi6hrCQPOwdXfENa8vDLc/Dyb24wDaay7agKa0sFd3axxNYakjLU/Lq+iuo610RuTgocbHQXWP4eCh67VTdd9bYOmib04JkalmyvuebjmlK7fo9TXVnGxnkTqSgrxD+8HUPG/qh396sgO5my4jzt75FtB1FWksuu1Zrz6BUQw5CxP+pN1T2y/Q/2rP1a+/uiaZqLmP7Dp+gNQjSWS7s4umz4Vft7i0/fACB59mIOj56AjZ8XdpcHGgDKLqSw986xtPhsAqHPjqA8JZ0jY98ke902bZhLC1Zj7eVO5KTnsPH1ovBQInvuGENlpol3F6ujQ/eBFBXmsfz37yjMzyEwLIrn3voG58vLInKz01EodXUjPy+Ld196QPv7X8tm89ey2UTGtuPld3/Uvp94eDe52el063eX2dJeq1XnQRQX5bF+0VSKCrLxC45h1Cs/XKWN+oS/Fn7F2gVf4OkTwsPjp+EbpGtrC/OzWDn3I4oLNMsr2nQfQt+7njJ7Xtr2HUN1ZRmbFmjqhV9YOwY/MaNevUiirERXL5q3GURZcS571kzT1ovBT8zQ1ovMlGNkJGl2pP/1A/0NjEe8uR5n90CT5yO+9xiqKsv4e+FEKssL8Q1txx1j9PNRmJNEeZ18RMRr6vfetdMoLcrC0z+GO8bo8mFhac2l8/s5vHU2FWWF2Dl64B/enrvH/Y69o2n2uakV017Tf29boesz7rtKnzH4sU/ZWttneIUytE6fUZyfwZnDGwH4+f0hep81/IXZBEd2wlxuljK164QaKwu4rZ0SW2tIzob5W1TU1OmjXB3Brs49oMRkzbKIHnEKHGwVZOZr4tTf5LFVmILCUjiXbvJka8V3uY3iwlzWLvyaovxs/EOiGfO67loqL+cSCqWu3y7My+KLN+7R/v73yp/5e+XPhMd04Om3fgEg+dwxpr83Shtm+W8fA9C+5xAeePIDk+chrtMgSopy2bh0GsUFWfgGx/DIizO0yxwKctL0ngoU3Lwt94z9lA2Lv2TDoi/w8AnlgWe/xidQ19bGtBvAHSMms3XlD6ye8z6evmHcP24qIZHmeXSxEMYo1Gq17Lgi/nPf/3W9U9B43q7muavwX8svsbh6oCbgfJL57lr9V3y8TbdT+/UUeqf5HiP6X3FMuPEfy3ktckqMbAHfxKRmNf3pozU3R5eBs2PTPxclZTfHpW9xifk3aPwvxDVr+uejpOLmuJZ6oGvTrN+l2xdd7yT8K/bdhl3vJJicLIsQQgghhBBCCCFEo8jgghBCCCGEEEIIIRpFBheEEEIIIYQQQgjRKLKhoxBCCCGEEEKIJkl9kz7WsSmSmQtCCCGEEEIIIYRoFBlcEEIIIYQQQgghRKPIsgghhBBCCCGEEE2TQu6X3yjkTAghhBBCCCGEEKJRZHBBCCGEEEIIIYQQjSKDC0IIIYQQQgghhGgU2XNBCCGEEEIIIUSTpJY9F24YciaEEEIIIYQQQgjRKDK4IIQQQgghhBBCiEaRwQUhhBBCCCGEEEI0iuy5IIQQQgghhBCiaVIorncKxGUyc0EIIYQQQgghhBCNIoMLQgghhBBCCCGEaBRZFiGEEEIIIYQQokmSR1HeOORMCCGEEEIIIYQQolFkcEEIIYQQQgghhBCNIoMLQgghhBBCCCGEaBTZc0EIIYQQQgghRNMkj6K8YcjMBSGEEEIIIYQQQjSKDC4IIYQQQgghhBCiUWRZhBBCCCGEEEKIpkkeRXnDkDMhhBBCCCGEEEKIRpGZC+K6qK653ilovGDXguudBJOwtXK63kkwicycpt+cFZeorncSTMIx4eD1TkKjFce3ud5JMImIAX7XOwkmYfveuuudhEbLKba63kkwib6+R653EhotV+l9vZNgEi9OSrneSTCJWyeHXO8kNFrUpY3XOwkmct/1ToBo4mTmghBCCCGEEEIIIRql6d/qE0IIIYQQQgjx/5JaHkV5w5CZC0IIIYQQQgghhGgUGVwQQgghhBBCCCFEo8jgghBCCCGEEEIIIRpF9lwQQgghhBBCCNE0KeR++Y1CzoQQQgghhBBCCCEaRQYXhBBCCCGEEEII0SiyLEIIIYQQQgghRJOkRh5FeaOQmQtCCCGEEEIIIYRoFBlcEEIIIYQQQgghRKPI4IIQQgghhBBCCCEaRfZcEEIIIYQQQgjRJKnlUZQ3DDkTQgghhBBCCCGEaBQZXBBCCCGEEEIIIUSjyLIIIYQQQgghhBBNkyyLuGHImRBCCCGEEEIIIUSjyOCCEEIIIYQQQgghGkUGF4QQQgghhBBCCNEosueCEEIIIYQQQogmSa1QXO8kiMtk5oIQQgghhBBCCCEaRQYXhBBCCCGEEEII0SgyuCCEEEIIIYQQQohGkcGFJmDz5s0oFAry8/PN/lkKhYKlS5ea/XOEEEIIIYQQorHUCmWTfN2MZENHE5s+fTqvvPIKeXl5WFpq/r3FxcW4ubnRrVs3Nm/erA27efNm+vTpw5kzZ2jWrJnRY3bt2pVLly7h4uJy1c+vPWZeXh6urq56f0tPT+f9999n5cqVpKam4u3tTXx8POPHj6dfv34AXLp0CTc3t3+ecTNTq9XsXj2Vo7sWUFFWiH9YW/rcOxlXr9Arxju0dQ4HNv5EaVEWnv7R9Br2Fr4hrbR/P7pjHif3ryAz5RhVFSWM/WAvNvbOZsvHXysXsmLxHArycgkOi+DRsS8SERlrMOzGtcvYunE1yRfPARAWEcX9I57Uhq+urmbBb9+TsG8Hmelp2Dk4Ete6PcMffRo3Dy+z5WHr2t/Z+OfPFBVk4x8cxbBRbxAS0dJg2EvJZ1i94GuSzx0nLzuNu0a8Ru9Bj+iFWbd0Bof3rCcz7TxW1raERsYz+MEX8PEPM1seQFOmDm6Yxsm9C6gsL8I7pA1d75yEi2foFeMd3zWHo1tnUlacjZtvNF3u+B9eQa30wmQmHWT/uq/ISj6MQqnE3S+agSN/xNLKVvJhwKbV8/hr6SwK8nMIDI1k+JjXCGseZzBsWtJZlv3xLUlnE8nJusR9o16m/+CH9MJMGDuInKxLDeL2vvU+HnxigknTDuDevT3hL43GpW0ctv7e7Bv2NBnLN1w5Ts+OtPj0dRxbNKc8+RJnpnxHyuwlemFCnnqQ8BdHY+PrReHhExwb/y4Fe4+YPP11edxxF17DHsDSzZ3y82dI/W4qZadOGA3vOeQePG6/EysvH6oLCyjY9jfpv8xAXVWpCaBU4vPQSNz6DMDSzZ2q3Gzy1q8h8/dfzZqPbX/pt1NDR165nVqzsE479chr9KrXTq1fOoPDe+u1U8NfwNuM7dS+TXPYufYniguy8AmKZuDwtwgIa2U0/PF9q/l72VfkZ6fi7hNKv2EvE9Gyl8Gwq36dyIEt8xhw/wQ69R9pphxoLF25mnmLl5Obl0+zsBCeHTuamMjmBsNu2bGLuQsWk3opnZrqGgL8/bj3rsHc0leXj4+++Jq1GzfrxevQNp6P3n7TnNlg9YrFLF/0B/l5uYSENWP0k8/TPKqFwbDr1vzJ3xvXknxB03+HR0Tx4KOP64X/+vMP2LxhjV68+LYdefPdT82XicseHebHbX28cHSw4NipYqbOTCI1o8Jo+Dv6eTK4vxc+XjYAXEwp47cll9h7qNBg+PdfjaBjaxcmfX6GHfsLTJ7+tSsW8efiudprqVFjXyDCyLnYsGY5WzauJuXieUBzLfXAiLF64RfM+YmdW9eTk5WJpaXV5eutJ2geZfj6zBTmbdrNrLXbyCkoJjLIl9eG305cWOBV463Zc5gJMxbQOz6aL8bp+r6cwmK+WvgXO4+fobisnLbNQ3h1+B2E+HiYLQ/i+vjmm2/45JNPSE9Pp3Xr1kybNo2OHTteNd4ff/zB8OHDGTJkiFlvJN+cQybXUZ8+fSguLmbfvn3a97Zu3Yqvry+7d++mvLxc+/6mTZsIDg6+4sACgLW1Nb6+vigasRPqhQsXaNeuHRs3buSTTz7hyJEjrFmzhj59+jBu3DhtOF9fX2xsbIwep6qq6l+noTH2b5hBwpZf6XPvZO5/YT6W1nYsnT6a6irjneGpA6vYunQKnW4dxwMvL8EzIJpl00dTWpSjDVNVWUZITA86DHjS7HnYuXU9v/04laHDR/P+l78QHNacDye+QEF+rsHwx48coGvPAbz5wde8/ckPeHj68OHE8eTmZAJQWVHO+bMnufv+Ubz/5S+8MGEKl1KT+PS9V82WhwM7VrP014+59Z6neHnKAgJCopg+ZSxFBTkGw1dVluHhHcjgB8fj7OppMMzZxH10v2U449+dy1P/+wFVTRXTP3iCivJSs+UD4MjWHzm+8ze6DpnM4KfmYWVlz9pfHr9imTp3eBV7Vn1EfN9x3DluEe6+Uaz95XHKinX5z0w6yNpfnsA/ohuDn5rHnU8tIKbzQyjMNELd1POxd9taFvz8GXfcN5Y3P51LUGgkX73zNIVG6kVlRTlePoHc/chzRsvUGx//xic/rdO+xk/6DoB2XQeYNO21LBzsKTx8kqPPvX1N4e1CA+mw/HtyNu9mW/shnJ82i5bfv4fngO7aMH733kbMJxM4/d43bOt4N0WHT9Bp5U9Ye7mbJQ8ALj374Pf402TM/YXTzz5O2bmzhL37CRYurgbDu/buh++oJ8iYO4uTYx8l5cuPce3ZB9+RY7RhvO4ZjsegIaR+9xUnxz5K+swf8Bo2HI87h5otHwd3atqpgcOe4qUPFuAfEsX3H169nbpj+HicrtJOPf/OXJ584wdqqquYPsV87dSxvatYN38KPQaPY8xbS/AJjOb3L0dTUmg4D8lnDrBkxkvEd7+HxycuJSq+H/O/GUdm6qkGYU8cWEfquUM4uXqbJe11bdq6ne9+nMWI4ffy/Zcf0ywslNcmvkdevuEvnM5Ojjx03zC+/uQDZkz7jFv79+Hjr75h74EEvXAd28azcPYM7evNV8abNR/bt2xg1oxvuPfBkXw89UdCwyJ4762XKcjPMxj+2JGDdO/Zj8lTvuKDz77D08ubd996mZzsLL1w8e06MePXJdrX+FcnmTUfAPff4cNdA7356ueLPDvxBOUVKqa83hwrK+PXmNm5Vfz0Ryrj/pfIuDcTSThWxNsvNiMkoOFA89BbvUFtvvTv2LKeX3+cxj3DH2PKVzMJCYtgysQXjZ6L40cO0K3XAN6aMpV3Pv0eDy9vPpj4Arl1zoVfQBCjnnyRj7+ZzeSPv8XLx5cP3nqBwgLDx2ystXuP8Nn81Ywd3Ie5bz1FZKAvT385i9zC4ivGS8vO44sFa2nTPETvfbVazQvfzCUlO5cvxz3I7289hZ+HK09+/jNlFZVmyYO4PubNm8eLL77IpEmTOHDgAK1bt2bgwIFkZmZeMd6FCxd4+eWX6dGjh9nTKIMLJhYVFYWfn1+DGQpDhgwhLCyMXbt26b3fp08ffv31V9q3b4+TkxO+vr48+OCDeoWk/rKIixcvMnjwYNzc3HBwcCA2NpZVq1Zx4cIF+vTpA4CbmxsKhYKRI0cC8PTTT6NQKNizZw/Dhg0jMjKS2NhYXnzxRb001V0WceHCBRQKBfPmzaNXr17Y2toyZ84cAGbOnElsbCw2Njb4+fnxzDPPmOG/qaFWq0nYMpuOtzxFs5b98fSP5paHPqakIJNzR9YbjXdw88/EdbmPFp2G4eEbQd9738bS2pbjuxdpw7TpPZL2/Z/AN6S12dJfa9XS3+kz8E5697+DwOAwRj/9KjY2Nvy9boXB8M+8/DYDbh9GaHgkAUGhPPHsBNQqFUcPaQau7B0ceePdqXTu0R//wBCaR8cxcuxLnD9zguzMdLPkYfPK2XTpew+det+Nb2Az7h0zEWtrW3ZvXmIwfHCzlgx5+GXadh2EhaW1wTBPTvieTr3vwi8ogoCQaB586n3ysi+Rcv64WfIAmjJ1bPtsWvd+kpAW/XD3jaLnvR9SVpRJUqLxMnV0+yyi2t9LZLuhuHlH0G3IZCytbDm1f7E2zO5VH9Kiy8O07vU4bj7NcfEKI7zlbUbz//89H+v+/I3uA4bSrd8Q/IOa8dDY/2FtY8v2jUsNhg9tHss9j75Ax+63YmVlZTCMk4s7Lm6e2teRfVvx8g0iMradSdNeK2vtFk5N+pKMZcb/53WFPPEAZedTSHz1I4pPnOPit3NIX7SWsOdHasOEjR9F8k/zSZm1mOLEsxx5ehI1peUEjRxmljwAeN19L7lrVpK3bg0VyRdJ/fpz1BXluN8yyGB4+5g4So4fIX/zBqoy0yk+uI/8vzdgHxmjDePQIo7CXdso2ruLqsx0Crb/TfHBvXphTK1BOzX66u3UnQ9p2ilLI+V77ITv6djrv2undq/7mTY97iO+2zC8/CMY9PDbWFnbkrB9kcHwezfMpllsD7oMHIOnXzN63zUev+AW7Nv4m164wrwM1v7+LneN+RSlheH6Y0oLlv7JoIH9ua1/X0KDg3jh6SewsbFh9bqNBsPHt4yjR5dOhAQFEuDny7A7byc8NIQjxxP1wllZWeHu5qZ9OTk6mjUffy6ZT/9b76DvgEEEBYfyxDMvYWNry8a/VhoMP/6Vidx6x92ENWtOQFAITz73KmqViiOH9jfIh5u7h/bl6ORk1nwA3H2rD3OWprNzfwHnk8v46LvzeLha0a2dq9E4uw4WsOdQIakZFaSmV/DzgjTKylXERDjohWsWYsc9t/vw6Q8XzJb+lUvn0XfgYHoPuJ3A4DDGjHsFaxsbNhu5lnr2lcnccvvQy9dSIYx99nW9aymA7r1voWV8B3x8AwgKCeeRMc9RVlrCxfNnzZKH39btYGiP9gzp1pZm/t787+HB2FpbsXT7AaNxalQq3vhxIU/e2ZdAT/1B5qSMHI6cS+Z/Dw0mNiyQUF8v3nhoMBVV1azec9gsebjhKBRN8/UPff755zz++OOMGjWKFi1aMH36dOzt7Zk5c6bRODU1NTz00EO8/fbbhIeHN+a/fE1kcMEM+vTpw6ZNm7S/b9q0id69e9OrVy/t+2VlZezevZs+ffpQVVXFu+++y6FDh1i6dCkXLlzQDgoYMm7cOCoqKtiyZQtHjhzho48+wtHRkaCgIBYt0lx4nDx5kkuXLvHVV1+Rm5vLmjVrGDduHA4ODg2OV3/5RH2vv/46zz//PImJiQwcOJDvvvuOcePG8cQTT3DkyBGWL19ORETEP/9HXaPCnBRKC7MIiuyqfc/GzgmfkNZcunDQYJya6koyU47pxVEolQRFdjUax5yqq6o4f+Ykca07aN9TKpXExXfg9Mmj13SMiopyqmuqcXQ0vmyjtLQYhUKBvaPpL1Cqq6tIOX+cyJadte8plUoiW3bmwqlDJvucslLNyL2949WXAf1bRXkplBVn49+si/Y9a1snvAJbkZlkOC811ZXkpB3DP0IXR6FU4h/RhaykBE3ai3PISj6MnaMHK74fztwPurNqxiOkX9hv8Jj/3/NRXVVF0tlEYlp10r6nVCqJadWJcydNc0FUXVXFri2r6NZ3SKNmf5mSa+d4sjfu1Hsva9023DrHA6CwssKlbSzZG3boAqjVZG/cgWvnNmZJk8LSEruIKIoT6pxjtZqihP3YRxueblyaeBT7iCjsIqMBsPb1w6l9Zwr36gasS44fxTG+HdYBmum+tmHNsG/RkqJ9u82SD207FaffTjWP68zF002jnaqpruTSxWOExej3X6ExXUk9a7j/SjmXQFiLLnrvhcd2J+VcgvZ3tUrFsp9eocvA0XgFGF6WYEpVVVWcOnOOdq11SzmUSiXt4lty/OTJq8ZXq9UcOHSYlNQ0WsXql8GEo8cY+vBjjHjyOb749gcKCotMnv5aVVVVnDtzilbx7bXvKZVKWsa34+SJY9d0jMqKCmpqqnF00u+/jx1J4LEH7+S5Jx7ih28+o6jQ9EsI6vL1ssbDzYqDx3TLGUrLVJw4W0KL5g2vDw1RKqB3ZzdsbZQcP1Oifd/GWsGEcWFM+yWJvIJqk6cddNdSLeP1r6Vaxrfn1Il/di3l4GT4Wqq6qooNa5Zh7+BISJjpr22rqqtJvJhGpxjdlzylUkmnmGYcPptsNN4Pf27C3cmBu3s0HCSvrNb8v63rDLgrlUqsLS1IOJ1kwtSL66myspL9+/fTv39/7XtKpZL+/fuzc+dOo/HeeecdvL29GT169H+RTNlzwRz69OnD+PHjqa6upqysjIMHD9KrVy+qqqqYPn06ADt37qSiooI+ffoQHBysjRseHs7UqVPp0KEDxcXFOBoYjU9KSmLYsGG0bNlSG6eWu7tmNNPb21s7aLBnzx7UajXR0dH/Kj/jx49n6FDdFNb33nuPl156ieeff177XocOHQxFNYnSIs3UNXsn/XVj9k4elBZmG4xTVpKHWlVjME5exjnzJPQKigrzUalqcHHTH212cXUnLeXiNR3j91++xc3di7h4w//rysoKfv/lW7r0HIC9/bVdJPwTJYV5qFQ1OLno/0+dXDzISD1vks9QqVQsmfUhYVFt8Asy38VvWZGm3Ng56ufF1tGTsuIsQ1GoKM1HrappEMfO0YP8LE3+i3I1FwYHN3xNh9texcMvmjMHl7Fm5ijufm75VfdB+P+Wj+IiTZlydtWvF06uHlxKvWCSz0jYs4mykiK69h1skuOZgo2PJxUZ+m1XRUY2Vi5OKG1tsHJzQWlpSUVmTr0wOThEmeeug4WzCwoLC6rz9JejVOfnYRsUbDBO/uYNWDi70OyTaSgUChSWluSsXEbW/DnaMFkL5mJh70DU97NBpQKlkvTZP5K/+dpmefxTV2qnMtNM104tnW2+dqq0WNN/OTjr58HR2YOcdMP9V3FBNg5O+ks6HJw9KCnQlbMda2agtLCkQ78RJk+zIQWFRahUKtzc9Adg3FxdSUpJNRqvuKSE+0aOpaqqCqVSyfinxtC+jW52YYd28XTv2gk/H2/SLmXw069zeX3y+3z9yftYWFiYPB9FhQWa/ttVfz8qV1d3UpOv7Yvbbz9Px83dk1bxui+G8e060alrT7x9/ci4lMbcWT/w/qRXeP/T78ySDwB3V82Xz7wC/SWueQVVuLleeSZLaJAtUydHY22lpKy8hre/OEtSqm6p75MPB3H8VAk7zbDHQq3C2msp14bXUqkp13Yu5v7yHW7unrSsM1gEsH/PdqZ+PInKinJc3Tz437tf4mxkSVhj5BWXUqNS4e6sf33v4ezIhXTD17QHT19k6bYD/DHxaYN/D/X1wtfdhWmL/+LNR4ZgZ2PFb+t2kJFXSHaB+QbeRONVVFRQUaG/jNXGxsbgEvXs7Gxqamrw8fHRe9/Hx4cTJwzvjbRt2zZ++uknEhISTJbmq5HBBTPo3bs3JSUl7N27l7y8PCIjI/Hy8qJXr16MGjWK8vJyNm/eTHh4OMHBwezfv5/Jkydz6NAh8vLyUKlUgGYQoUWLhneMnnvuOZ566in++usv+vfvz7Bhw2jVyvgmT2p14xa/tW+va4AzMzNJS0vTbgB5LQxVnKoqG6ysDO/tcGLfcjbN1607HPzE9/8wxTef5Qtms3PrOt764FusrRv+36qrq5n60ZugVvPY0+bbc8HcFs58j0vJZ3j+7dkmPe7ZhD/Zvmyy9vcBI74z6fFr1da1qI73E9lOMyDn4d+CtLO7OL1/Me0Hvtio498s+fgvbduwlLi23XB1N//68v9vHFrG433fAehILgABAABJREFUw6R9+yWlJ49j7ReA/9hn8R7+iHbDRpcefXDt05+kj9+jIuk8tuER+D/xDNU5OeRtWHudc/DvLPpZ0049N9m07ZQ5Xbp4lD0bZjPmrcU3zAweY+zt7Jjx1SeUlZdz4NARvv1pFn6+PsS31Gzy2renbm+S8NAQwsNCePjxcRw6eoy2rY1fC10vS+b/xvYtG5j84VS9/rt7L911VEhoM0JCmzFuzAMcO5KgNwjRGH27ujN+tG5w8M1PzvzrY6WkVfDkG4k42FnQo5MrrzwZykvvnSIptZwubV1oE+vEk28kXv1A19GyBb+yY8t6Jk75usG1VGyrtnw09ReKCvPZsPZPvvzoLd77bEaDQaX/Wkl5BW/+tJC3RgzBzcnwjSMrSws+e3o4b/+ylF7jP8BCqaRTTDjd4pqbc/sLYQJTpkzh7bf192uaNGkSkydPbvSxi4qKeOSRR5gxYwaenob3EzIHGVwwg4iICAIDA9m0aRN5eXn06qXZ5djf35+goCB27NjBpk2b6Nu3LyUlJQwcOJCBAwcyZ84cvLy8SEpKYuDAgVRWGt6EZcyYMQwcOJCVK1fy119/MWXKFD777DOeffZZg+GbN2+OQqEwOqp1NXWXUtjZ2f3j+IYqzm0PTuL2hycbDB8e11dvD4Saas3/obQoBwcX3ReE0qIcvAIMz8awc3BDobTQ27yxNo69839XwWo5ObuiVFpQUO+uYEF+Lq5uV97Jd8XiOSxf9CtvvDuVYANT9DQDC/8jOzOd/73/tVlmLQA4OLuhVFo02BStqCDH6MZ6/8TCme9z/MDfPDt5Fq4evo0+Xl3BMX31noRQW6bKinOwd9aVqfLibNz9DK8Ft7F3RaG00Nv0UHsMR03+7Z00T+lw9dbfpNXVO5zigoZPL/j/mo9ajk6aMlV/88ai/BxcXBu/w3VOZhqJh3fz1Kvm3339n6jIyMbGR7/O2Ph4UlVQhKq8gsrsPFTV1dh4e9QL40GFkTtbjVVTWIC6pgbLerOrLF3dqMo1vLmm7yOPkb/xL3LXatadl184j9LWjsBnXyLzj99ArcZv9JNkLZhLwZaN2jDW3r543feQWQYXzN1OLfpZ0049M8n07VQte0dN/1V/88biwhwcjfRfji6elBTpl42SwhwcXDThk07vo6Qoh6mv9dH+Xa2qYf38j9izfjbPfmh4D4TGcHF2QqlUkpenfyc7Lz8fdzdXo/GUSiUB/n4ARISHkZScytwFS7SDC/X5+/rg4uxMalq6WQYXnJxdNP13vQ0D8/NzcXW78garyxb9zpKFc5n4/ueEhl15824fP3+cnV1Iv5RissGFnQfyOXFWt3TBylIzsOTmYkVuvm7pgpuLFWcvXnlz0uoaNWmXnyhx+kIpUeEO3D3Qm69mJhHfwgk/bxuWzojXizNxfDOOnijm5fcbbiz6bzjXXkvlG7qWuvK5+HPxXJYt/I3/vfelweUOtrZ2+PoH4usfSPPoOMY/fj+b/vqTu+4z7UwfN0d7LJTKBps35hQW4+HccLZySmYuaTn5jP9aNyNMdfkGQPuxk1jy7vMEebvTIiSAeZPGUVRaTlVNDe5ODjzywfe0CPE3afpvVE31sY4TJkzgxRf1b9gY21jf09MTCwsLMjIy9N7PyMjA17dhf3T27FkuXLjA4MG6mZu1N7AtLS05efLkVR8q8G80zTPRBPTp04fNmzezefNmevfurX2/Z8+erF69mj179tCnTx9OnDhBTk4OH374IT169CA6OvqqO34CBAUF8eSTT7J48WJeeuklZsyYAWieLAGazTtqubu7M3DgQL755htKSkoaHKt2o8hr4eTkRGhoKBs2XPkxa3VNmDCBgoICvdct9xt/HJy1rSOuXiHal7tvBPbOXiSf1q0nqigvJuPiIfxCDa8/trC0xjswVi+OWqUi+dROo3HMydJK82ijY4d1GwipVCqOHdpH8yjDF0wAfy76jSXzfua1yV8Q3rzhl8XagYX0tBTeeG8qTs7m26fA0tKKwLAWnD6qWyutUqk4dXQ3oZH/fkNMtVrNwpnvc2TvBsa9NRMP76s/iumfsrJxwNkjRPty9Y7AztGTtHO6teGV5cVkpRzGO9hwXiwsrfHwjyXtrC6OWqUi7ewuvILjAXB0C8DeyZuCLP3p1wXZF3F0bXwHf7Pko5allRXBzWI4cVi/TCUe3kN4VOO/JGzfuBwnZ3datjP/7sj/RP6uBDz6dtZ7z7NfV/J2JQCgrqqi4MAxPPvWWUOvUODRpwv5u8yzZ4y6upqyMydxbN1W7zMd49tResLwpoUKGxvUapX+m6oabVwApY0NapV+GLWqBoXSPHfPa9upU/XaqdPHdhPSvHHt1KKfNe3U02+ap52qZWFpjV9ILOcT9fuvC4k7CWhmuP8KDI/nQuIuvffOJ+4gMDwegJadh/DEpOU8PnGp9uXk6k2XgaN5cPyPZsmHlZUVkRHhHDise3yqSqXiwKEjtIiKuubjqNSqKz6pKis7h8KiItzdzXOH2crKivCISI7U2Y9EpVJxJOEAUdHGH1W4dOFcFv0xmzff+YSI5ldflpqTnUlRUSFuV7nh8E+UlatIy6jQvi6mlpOTV0WbWN2+TPZ2SqKbOXD8dMPrwytRKMD68hMm/vgznbETjvPkG7oXwPTfkk26uWPttVTdzRhVKhVHD+0nMtr4tdTyhXNY/McvTHj7M5oZuJYy5Grl7t+ysrQkJsSf3Ym6JU4qlYo9iedo1SyoQfhQP08WTH6GPyY+rX31ah1Fh6gw/pj4NL7u+ntHONnb4u7kwMWMHI5fSKV3vPk2zxWNZ2Njg7Ozs97L2OCCtbU17dq10/sOplKp2LBhA126dGkQPjo6miNHjpCQkKB93XnnnfTp04eEhASCghqWN1OQmQtmUvuIx6qqKu3MBYBevXrxzDPPUFlZSZ8+fbC0tMTa2ppp06bx5JNPcvToUd59990rHnv8+PHcdtttREZGkpeXx6ZNm4iJ0TQeISEhKBQKVqxYwaBBg7Czs8PR0ZFvvvmGbt260bFjR9555x1atWpFdXU169at47vvviMx8dqnsk2ePJknn3wSb29vbrvtNoqKiti+fbvRmROG1g4Z2eTdIIVCQXzPEez96ztcvUJwdg9k16qvcHDxJrylblOTxd88SrNWA2jd42EA2vQexbq5r+ETFIdPcCsS/p5FdWUZLTrp9o8oKcyitDCb/GzNWr3sS6ewtnHAyc0PWwfXa0/kNRh013Cmf/Eu4RHRNIuMZfWyPygvL6dX/zsA+Pbzt3H38OKBRzVr6pYv/JWFc2bwzMtv4+XjR36e5i6Wra0dtnb2VFdX89WHb3D+7ElemfgpKpVKG8bR0RnLf/JPvka9bx/B3O/+R1B4LMERcfy96jcqK8ro1OsuAH77ZgIu7t4MHv4CoNlcLT1Fs9tyTU0VBbkZpFw4gY2tPV6+mqmaC2e+x/7tqxjz8lRs7BwozNfcfbO1d8TauuFjrkxBoVAQ220EhzZNx8UjBEe3QA6sn4qdkzfBMboytfqnUYS06E+LLppnScd1e5StiybgGRD3f+zdd3hT1RvA8W/Tvffegw5a9t57iCh7KRQQHIAgCqI4ACeiqAgqiswyRPbeey/ZUzYtFOhO90p+fwRSAimiTWT83s/z5HnI7bk35yX3nJucnPNe3P0qcGpPHEUFuYRX66A9boUGr3B484+4eEfi6h3J+cPLyEi6RNMeEyQOPVq80JMZk0YRGFae4HIxbFo5j4L8XOo1bQfA9B8+wsnVg449hwCaZFuJCZoPZUVFhaSn3ib+8jksrazx8C6Z/qtSqdizZTl1m7TF1NS4lzpTWxtsw0pe2ybYD4dKkRSkZpAXn0jE5+9g5evJsb7vAXB1ynwCB75M5Nh3iZ+5GLcmtfHu8hwHX3xde4zLE2ZQafo40v88ScbB4wQN6Y2ZrTXxs5Y88PqGkrR0If7vjCT3/Dly/jqDW7vOKCytSNu4FgD/YSMpTEnm5kzNYHbmgb24dehC7sUL5Jw7jaWPL569+qE8sEeTXwFQ7t+LR/deFCbdJu/qFaxDw3Dv0JXUDWuMFse9/VRgWAzb1+r2U3N/Homjswdt7+mnbt3tp4oKyUi7xfUrZ7G4p59aPP1z/tyzhn7D/pt+qlaLvqyY/h7eQTH4Bldk/6ZZFBbkUqme5vq1fNoI7J09adpxGAA1msUye3wv9m2YTliFRpw6uIYbV07SptengGY2hI2d7pdvhak5to5uuHoZL3t4l/Yv8NX3PxIRFkpkeBiLl68mLy+f1s01MyjGfjcRN1dXXu2t6ZvmLVxCeFgoPt5eFBYWsv/QYTZu3cHQAa8CmmTYs35fSMO6tXFxduLGzZv8OmMOvt5e1Kha2WhxvNChKz9+N5bQchGEhUexevlC8vNyadJCcyeVid9+gaurGy/30bThpQvn8sec6Qwd8THuHl6kpd65fltbY21tQ25uDgvnzaR2vUY4ObtwM/EGc6ZPxsvbl8rV/v5+9WWxdN0tXmrvzfWb+SQm5dOnsy8p6YXs/jNdW+brkeXYfSid5Rs1uXte6ebDwWNKbicXYG2toGldFypF2TNy3HkA0jKK9CZxvJ1cwM0kw94K8fn23Zj8/ReElIskLLw8a5YvID8vj0bNnwfgp28/w8XVjR59BgCwfNEcFs6ZyuB3R+v9LJWXl8vSP2ZRvVZ9nFzcyFSms2HVEtJSkqldv0mp9SiLni3qMmr6EsoH+RIT7Mu8TXvJLSigXT3N4O5H0xbh4ezAkI4tsTQ3J8xXd429/Z1ZxPdu33joJM72tni5OHL++i2+mb+GxlWiqBNtvITr4r/3zjvv0Lt3b6pXr07NmjWZMGEC2dnZ9O3bF4DY2Fh8fX0ZO3YsVlZWxMToDrrdzcd3/3ZDksEFI2nSpAm5ublERkbqJN5o1KgRmZmZ2ltWAsycOZMPPviAiRMnUrVqVcaPH8+LL75Y6rGLi4sZNGgQCQkJODg40Lp1a77//nsAfH19+eSTT3j//ffp27cvsbGxzJw5k5CQEA4fPswXX3zBsGHDSExMxN3dnWrVqjF58j9bt927d2/y8vL4/vvvGT58OG5ubnTu3Plf/C89umrNXqWoIJctf4wiP1eJT0g12r0+FbN78jZkJMeTm1UybTG8ahtys1PZt3Yi2cok3H2jaPf6VGzuSXp1Yvd8Dqz/Uft88STNB5zmPcbqDEIYQp0GzVFmpLFo7lTS01IIDCnH+598r03ymJJ0C8U907o2rV1CUVEhE776QOc4HXv0o/NL/UlLSeLP/TsBGDlEd9reR1/+RPkKVTG0qnWfI1uZxtqFP6JMT8Y3MJLX3/9Fe2/4tORETO6JISP1NuPfLzk3tq6aydZVMwmNqs7g0TMB2L3xDwB+/LSvzmv1eONzajVub/AY7qrQoD9FBbnsXjaagjwlHoFVadVnis45lZl6jbycknMqpGIb8rLTOLx5IrmZmqUHLftMwdqu5JyKrteboqICDqz5ivycDFy8I2jVdxoOrvqT4v2/x1GjfisylWms+H0yyvQU/IIjGPLxTzjcWRaRmnwTE0XJOZWelsRnw7prn29YHseG5XGER1dj+Gclv8CeOb6f1OSb1GvW3qD11cexWgx1Ns/WPi8/XtNm4+OWcLzfSCy93bH299b+PfdKAgdffJ3y344kaHAseQk3OfH6RyRv3KUtk7hwLRbuLoSPHoKllzvKY2c40LY/BfcleTSkjB1bMXNwwrNXX8ycXci7dIHLo0ZQdGc6uLm7J2pVyQreW7/PRq1W4xXbD3NXN4oy0lEe2MPNWdO0ZW788gOevfrhO2goZo7OFKYmk7J2JbfnzTJaHFXqPEeWMo11ix6tn1Km3Wb8SP391JujZgKwe5Omn/rpswf7qZp3Bi0MKbpGG3IyU9m+XHP98vSPosdbU7XLIjJSdWPwD6tK+/7j2bZsAluXfoeLRxBdB/2Eh2+4wev2TzRpUI/0DCUz5s4nLS2d0JAgxn3yoXZZxO2kZJ3rXm5ePj9M/o2klFQsLSzw9/Phg2FDaNKgHqBZMnHpylU2bNlGVnYOri7OVK9Sib4vd9fJlG9o9Ro2Q5mRzvw500lPSyUoJIwPPx2vnYqfnHQLxT25LDasWU5RUSHjvxylc5wuL/Wh28uvoFCYcvXKRbZtXkdOdhbOLm5UqlKD7r36YW5u+NsW3+uPVbewslQwtF8gdjamnPwri5HjzlNYWNK2vT0tcbAv+Yrg5GDOiDeCcHEyJzunmMvxuYwcd57DJ//7ZIF1GzZHmZHOwjlTSU9L1XyW+vRbnffi3plRG9cspaiokO/HfqRznE49XqHLy/1QKBTcSLjKd5vXkqnMwN7BgZByUYwZ9zP+gcYZeGtVowJpmdlMXr6ZFGUWEf7e/PRWrHZZxM3UDJ128SiSMjL5dsFaUpTZuDna0bZOZV5r29gItRePU7du3UhKSmLUqFHcvHmTypUrs27dOu13zWvXrqFQPN6FCSbqsmb7E+Jf+Gnt465B2dUO1b8O+WlzO9v499X+Lxy/aJzs2uKfqx2V9/eFnnBZlf/75VPG4N/C++8LPQUSPt/4uKtQZilZxvvy+19q6nXi7ws94VIVz0aC13dGJzzuKhjE12MCH3cVyiwi0fB5Sx4Hm4ZdH3cV/pXkk6XfivFJ5hbz4HKGp53kXBBCCCGEEEIIIUSZyOCCEEIIIYQQQgghykRyLgghhBBCCCGEeCo9rbeifBbJOyGEEEIIIYQQQogykcEFIYQQQgghhBBClIkMLgghhBBCCCGEEKJMJOeCEEIIIYQQQoink4nJ466BuENmLgghhBBCCCGEEKJMZHBBCCGEEEIIIYQQZSLLIoQQQgghhBBCPJXU8nv5E0PeCSGEEEIIIYQQQpSJDC4IIYQQQgghhBCiTGRwQQghhBBCCCGEEGUiOReEEEIIIYQQQjyV1HIryieGzFwQQgghhBBCCCFEmcjgghBCCCGEEEIIIcpEBheEEEIIIYQQQghRJpJzQQghhBBCCCHEU0ltIr+XPynknRBCCCGEEEIIIUSZyOCCEEIIIYQQQgghykSWRQghhBBCCCGEeCqpkVtRPilk5oIQQgghhBBCCCHKRAYXhBBCCCGEEEIIUSYyuCCEEEIIIYQQQogykZwLQgghhBBCCCGeSnIryieHDC6Ix0LxDORduZzm9LirYBBXrj/uGhiGjfXTf1IpM1WPuwoGkZJt9birUGZhLbwfdxUMIn5j4uOugkHkjDJ93FUoM7X6cdfAMJSmLo+7CmWWV2T5uKtgEHbODo+7CgaRkW/7uKtQZoV2T3+7EMIQZJhHCCGEEEIIIYQQZSIzF4QQQgghhBBCPJXUJk//7NVnhcxcEEIIIYQQQgghRJnI4IIQQgghhBBCCCHKRAYXhBBCCCGEEEIIUSaSc0EIIYQQQgghxFNJjeRceFLIzAUhhBBCCCGEEEKUiQwuCCGEEEIIIYQQokxkcEEIIYQQQgghhBBlIjkXhBBCCCGEEEI8ldQm8nv5k0LeCSGEEEIIIYQQQpSJDC4IIYQQQgghhBCiTGRZhBBCCCGEEEKIp5LcivLJITMXhBBCCCGEEEIIUSYyuCCEEEIIIYQQQogykcEFIYQQQgghhBBClInkXBBCCCGEEEII8VSSW1E+OeSdEEIIIYQQQgghRJnI4IIQQgghhBBCCCHKRJZFCCGEEEIIIYR4KsmtKJ8cMnNBCCGEEEIIIYQQZSKDC0IIIYQQQgghhCgTGVwQQgghhBBCCCFEmUjOBSGEEEIIIYQQTyW5FeWTQwYX/s/06dOHWbNmaZ+7uLhQo0YNvv76aypWrAiAiYkmKcrevXupXbu2tmx+fj4+Pj6kpqaydetWGjdurC2/dOlS2rdvb7R6q9Vq9q2dyIm9C8nPVeITXJWmXcbg7BH00P2O7ZzLoS3TyFEm4eYbSZNOH+MVWFH796LCfHYs+4q/Dq+huKiAwMj6NOkyGlsHN6PEsW/TXHaumU5WRjJe/pG07fUh/qEVSy1/4sA6Ni2eSHrydVw9A2nVbRgRlRpp/56fl836Bd9x5s/N5GSl4+zuR52WPanVtLtR6n+XWq3mz02TOHtwIQW5mXgGVqF++9E4ugU9dL9Te+dyfMd0crOScfGKpO6LH+LhXxL/qimxJF4+qLNPZM1uNOgwxigxHFg3iVP7NOeUd3BVGncejZP7w2M4vmsuR7ZOIyczGTefSBp2+AjPO+dUXnY6+9dPIv7cbjLTErG2cyEkphm1nnsLS2t7g8dwV8MYE6qEmmBpDgnJsPaQirSsh+9TLcyE2lEm2FnBrXTY8KeKG6klf7e1gmaVTQj2NMHCHFKVsOu0inMJhq//3o1z2XFPu3gx9m/axf51bFw8kbQ77aJ1t2FEVi5pF5kZyayb/y3nT+4mLyeToIjqvBj7IW5eQYav/D1c27bHvVN3zJxdyLt8geuTJ5L719lSy7u164zr8y9i7u5JkTKDjF3buTnzN9SFBZoCCgWeL/fBuUkLzJxdKExNJm3TOm7/Ptso9XepX52QYf1wrBqDlY8HhzoN5NaKzQ/fp2FNyo9/H7vy5ciLT+TC2MkkxC3VKRM44CVC3umHpZc7yuNnOTX0MzIOnjBKDHft2zSXXWvv6Wt7fojfQ86pkwfWsWlJSV/bsuuDfe2GBd9x5vA9fW2LntQ0Yl97aOtc9m2YRlZGEp5+kbTs8TG+waXHcObQWrYv/4H0lOu4eATRtNNwwio00lt2zZxRHNnxBy26jqRm8z5GiuDOa61cxtLFf5CelkpQcCivDhhMeESU3rIb1q1i6+aNXLt6GYDQsHB69u6nU759m6Z69+39ymt06Gy892Pj6oWsXjqXjLQUAoLLEfvaMELDo/WW3bp+GTu3riHh6iUAgsMi6dprgE75g3u2snndEq5cPEtWppIvJswmMCTcaPW/V4/nXWhe1xFbawVnL+Xx6x+3SUwqLLV8x5bO1K5kh5+nBQWFKs5eyiNueTI3bpfs4+VmTu8ObkSFWGFuZsKRMzn8tjCJjMxig9d/69r5bFw+i4z0FPyCwune7z2Cy1XQW/bGtQusmD+Za5dOk5KUSJe+w2netucD5dJSbrFkzg+cOrybgoI83L386T3oE4LC9L/HZbVww3bmrNxESoaScgG+DO/TleiwoL/db8OeQ3w0aQYNq1dk/LDXtdunLFrNxr1/cislDXMzUyKDAxjQ7QViwoKNUn8hSiPDPP+HWrduTWJiIomJiWzevBkzMzPatm2rU8bf358ZM2bobFu6dCl2dnb/ZVW1Dm3+jSM7ZtOs6xi6v70Acwtrlv7Sj6LC/FL3OXd4DTuWjqV2q0G89O5S3H0iWTq5HzmZKdoy25d+yeWTW3m+7wQ6D5lNlvI2q6a/aZQYju9bw5p542jafhCDPl2MV0AEM795lSxlit7yV88fYcHPw6nesBODPl1CVNVmzJ0wmFsJf2nLrJk3jvPHd9Hlja8Z+tVq6raKZVXc55w5vMUoMdx1bMdUTu2ZQ/32Y2g38A/MLWxYO/3Vh74fF4+vYd/qcVRtNogOby7G1TuCtdNfJTdLN/7IGl14+YMd2ket54YbJYbDW6ZybOdsGncZQ5ehmnNqxa/9HxrD+SNr2LX8K2q0GkS3d5bg6hPBiin9tedUtvI22Rm3qffiCF4asZLmPcZy9dxOtvzxoVFiAKgTaUKNcBPWHlIxc6OKwiLo0ViB6UN69yh/E5pXMWHnSTXT1qu4na6me2MFNpYlZV6srcDV3oSFO1X8tlbF2QQ1Hesq8HQybP2P71vD6nnjaNZhEG9+thjvgAimf/0qWRmltIu/jjD/5+FUb9SJwZ8toXy1ZsyZMJib8Zp2oVarmT3hTVKT4un19k8M/nwJzm4+TPvqFQrycgxb+Xs4NmyC96sDuTVvJucHv0rupYsEf/YNpo5Oess7NW6GV9/XuDVvFude703ChK9xatgErz79tWXcO/fAtU07rk/+gXOv9+bm9Cm4d+qB64sdjRKDqa0NyuPnODnkk0cqbx3kR40Vv5KybT+7qrfj8qRZVPj1c9xa1NeW8e7yHFHfjOT85z+xq2YHMo+fpdbqaVi4uxglBoAT+9ew9vdxNGk3iIGfLMbLP4KZ40vva6+dP8KCycOp1rATA+/0tfN+0O1r184bx/kTu+j8+te8NXY1dVvGsmq28fra0wfXsGnhWBq0HUS/j5bi4R/J/B/6kV1KDAkXD7N06jAq1e9M/4+XEV6lGQt/HsTt6389UPbskY1cv3QMOycPo9T9Xru2b2X6b5Pp/lIs3036laCQUD75+D3S09P0lj95/BgNGjXls7HfMe7bH3Fzc2fMRyNISU7SlpkxZ5HOY/DQdzExMaFOvYZGi2Pfzo3MnfYDHbr34/PvZxEQFMa40W+RkZ6qt/yZk4ep07AlH37xM2O+mYqLmwfjRg8hNeW2tkx+fi4R5SvRrbdxPnOUpkNzZ55v5MSv82/z3vh48gtUjBrki7lZ6dn2o8OsWbsjnffGxzPmx+uYmpow+k1fLC00+1hamDB6kA+oYdSk64z8PgEzUxM+fN0HEwMn8T+4ez2LZn7L811f58NvfscvMJyJnw1EmaH/vSgoyMPN05cOPd/CwUn/D0fZWUq++bAPpqZmDP7oR8ZMWEKX3u9ga+dg2MrfsXHvn0yYvYT+ndoQ9+X7lAv0Y8hXP5KakfnQ/W4kpTBx7lIqR4Y+8LcAbw/e7dOV38d9yJTR7+Dt7srgL38kTfnwYwphaDK48H/I0tISLy8vvLy8qFy5Mu+//z7x8fEkJZVcvHv37s38+fPJzc3Vbps+fTq9e/f+z+urVqs5sj2OWi0HEFqhOe6+kbTq+TXZGbe5eGJTqfsd3jaDmLpdia7dCVevMJp1/QQzCytO7VsMQH5uJqf2LaZhh/fxD6+Dp38MLV/6ksTLR0i8ctTgcexeN4vqjbtQrWFHPHzDaNdnDOaWVvy5fYne8nvXx1GuQn0aPN8PD99QWnR+C5+gKPZunKctc+38EarUb0dIVE2c3X2p2aQrXgERJFw6bvD636VWqzm5O44qTd4gqHwzXL0jaNz1K3Iyb3P1dOnvx4mds4is0YWI6h1x9gyjfvsxmFlYce6Qbvxm5lbY2LtrHxZWhh/QUqvVHNsRR/UWbxAS0ww3nwiavzSObOVtLp0sPYaj22cSXbsL5Wt2wsUrjCadP8HM3IozBzTnlKt3OG36TiI4uimObgH4latNnefe5vKpraiKiwweB0DNCBN2nVLz13W4nQEr9quwt4YIv9I/0dWKNOHoRTXHL6tJVsKag2qKiqBSSMk+fq5w8LyaG6mQng27T6vJKwRvF8N+Uty5dhY1GnehesOOePqG0b7vGCwsrTi0Q3+72L0hjnIV69PwTrtoebddbNK0i+SbV4i/cIz2fUbjH1IBd+9g2vUZTWFBPsf2rTZo3e/l3qELqetWk7ZxHfnxV7n+43eo8/NwadlGb3mbqBiyT58gfdtmCm/fJOvIIdK3b8YmvOQXWtvyMSj37SLz4D4Kb98kY/d2so4c1CljSEnrd/DX6AncWl56G7hX4Gvdyb2cwJkR48g6e4mrP8/l5uL1BL/VR1smeGhf4qctIGHWErLOXOTEwNEU5+Th36eTUWKAO31to5K+9sU+YzC3sOLPUs6pPRvu9LVt+uHhE0rzTm/hHRTFvk339LUXdPvaGk264uVvvL52/8YZVK7flUr1OuHuE0ablzXXr2O7F+stf2BzHKHRDajTqj9u3qE0bjcUr4DyHNo6R6ecMu0WG37/jPb9x2Nqam6Uut9r+dKFtGzdhmYtn8M/IIgBb76NpaUlmzes1Vv+nREf0qZtO0JCw/DzD2DQW8NRq9QcP3ZEW8bZxUXnsX/fHmIqVsbL28docaxd/jtNWrajUfMX8A0Ioe/A97G0tGL7ppV6yw8c9ikt2nQmMCQcH78gXn3zQ1QqFaeOHdKWqd+kDR269yemUg2j1Vuftk2cWLg+lQMnsrl6o4Af4m7h4mhKrUq2pe7z2c832Lo/k/ibBVy5XsCkObfwcDEn1F8zIh0ZYo27qzkT59zi2o0Crt0oYOLsW4QGWFIh3Nqg9d+0cjb1m3ekXtP2+PiH8vLrH2FhacWezcv0lg8Ki6Fz73eoUb815ub6z/n1S2fg7OZFnzc/JbhcBdw8fSlfuS7uXv4Grftd81Zvpn3TurzQuA4hft683687VhYWrNy2t9R9ilUqRv04k1c7P4+vx4ODJK3r1aBmhUh8Pd0I9fdhaM+OZOfmcf7adaPEIERpZHDh/1xWVhZz5swhLCwMV1dX7fZq1aoRFBTE4sWaDzLXrl1jx44d9OrV6z+vozIlgRxlEv7hdbXbLK3t8QqsROLlI3r3KS4q4Hb8KZ19TBQKAsLrknhFs8/t+JOoigt1yrh4hmLv7EPi5aMGjaGoqIAbV04RFl1Hu02hUBBWvg7XLuh/rWsXjhF6T3mAsAr1ib+nfEC5Kpw9spWM1Fuo1Wound5P8s0rhMXUM2j975WZlkBuZjK+YSV1s7Cyx92/IreuHdO7T3FRAck3TunsY6JQ4Btah9vXjuqUvXBsFXGf1WHRhBc4sO47igpyMTRlagI5mQ+eU54BFblZysBScVEBtxMePKf8wuuUug9Afl4mFlZ2KEwNvwrNyRbsrE24cktd8nqFcD0FfF3176NQgLczXL5nH9A893MtGThISIHy/iZYWWielw8wwcwUrt7W3a8sSmsXodEPbxdh97WLchXqc+28pnxxkWaarpl5yTQMhUKBmbkFV84dNljd72ViZoZ1WARZR/8s2ahWk3n0T2wiy+vdJ+fMSWzCIrAOjwTAwssb++q1UR7cpy2TffokdpWrYeHrB4BVcCg25SuQeWi/UeL4p5xqVyZ5i+6H4aSNu3CuXRkAE3NzHKtGk7x5T0kBtZrkLXtwql3FKHW6e06F6jmn4ks5p+L19LXlYu7ra8M0fa3ybl97Zj/Jt4zT1xYXFZB47RTBUbp9TXBUXRIu6b/mXb94lOAo3RhCoutz/VJJDGqVihXT36V2q364+5QzeL3vV1hYyMULf1GxcjXtNoVCQaXK1Th39vQjHaMgP5/i4iLs7PQvK0tPS+XPg/toXsogniEUFRZy+cJZoivX1G5TKBREV6rBhbOPtrwnPz+P4uJi7OyN80v4o/J0NcPF0YxjZ0tmceXkqTh/JY+IIKtHPo6NlebrQ1aOCkAz60ENhUUl14eCIjVqNUSFGm5woaiwkGsXzxBVsZZ2m0KhILJiLS799e8H+o4f2k5gaHl+HT+c4X2b8PnwbuzcqH8gr6wKi4o4ezmeGjGR2m0KhYIaMZGcOH+p1P2mLV6Ds4M97ZrULbXMva+xbMtu7GysCQ/wM0i9n3RqTJ7Kx7NIci78H1q1apV2eUN2djbe3t6sWrUKhUJ3rOmVV15h+vTp9OzZk5kzZ9KmTRvc3d3/8/pmZ2pmVNja635bsrF3JTszWe8+udlpqFXF2OjZJ/W2pvPOViZjamqOlY3DA2Xuvqah5GSmo1IVY+egWx87R1eSEi/r3ScrIxk7R93RaTsHVzIzSmJ+oddHLJs+iq+HNkZhaoaJiQkdXvmU4Ejj/RKSe+f/3NpONxZrOzdyS/l/y8tJR60qfnAfe1fSk0riD63cFjsnH2wdPEhNPMeBdd+SkXyZFj0nGTSGHKWmng+eH27k/M05Za1nn/Tb+t/D3Kw0Dm2cTHSdrgao9YNs73wWzM7T3Z6dp8aulM9zNhagUJjo2Qdc72kKS3ar6FBXwbCOphSr1BQWwaJdf5/L4Z/QtgtH3f9TewdXkm6U0i7S9bQLR1ey7rQLd+9gnFy9Wb/gezq8MgZzS2t2r5tFRupNMjMM267vMnVwxMTUlKI03Wm5RelpWPkH6N0nfdtmTB0cCf1mEiYmJpiYmZGyejlJC+ZqyyQtnIepjS0Rv8aBSgUKBTfjppK+7dFmFhibpacb+bd020v+rWTMHe1RWFli7uyIwsyM/Nsp95VJwTYixCh1Ku2csnN0Jfkhfe39eXbsHHX72ra9PmLZjFF8/XZJX9u+r3H62pwsTV9je9/1wtbelZRE/V8+spQPxmDr4Er2PTHsWf8bCoUZNZrGGrzO+mQqM1CpVDg5O+tsd3RyJiH+2iMdY9aMKTi7uFKpSjW9f9+yaQPW1jbUqdegzPUtTaZSc045Ouku5XF0ciHx+tVHOsb8WT/h7OJG9H88S+F+Tg6aj/3350FIzyzW/u3vmJhAv87unLmYy7VETX6Yv67kkVegIradK3NWpGBiAr3auWFqaoLzIx73UWRlpqFSFWPvpNs2HBxduXn9yr8+btKtBLavX0jzF3ryXMf+XLlwkj+mf42ZmTl1mrxYxlrrSldmUaxS4eKoO2Dm4mjP1Rs39e5z9OwFVmzby5yxIx967J2HT/DRxOnkFRTi5uTAjx8Mxsnh8SxnFv+/ZHDh/1CTJk2YPHkyAGlpafz8888899xzHDhwgMDAQG25nj178v7773Pp0iVmzpzJxIkT/9Xr5efnk5+vu469sMAScwtLveXPHlrB5j9Ga5+3e/3Xf/W6/w/2bpxD/MVj9Hz7Z5xdfbh87hAr4j7D3smDsJi/H91+FBeOrGTnsjHa5617TzbIcfWJqlnyJdzFKxxrB3fWTO2LMuUaDq76v6Q9inN/rmTbwpJzqm3/X8pUz0dRkJfFqqmv4+wZSs1WhllTGx1oQpvqJSPdf+xQGeS4+jSqoJm1MHdrMTn5EOFrQse6CuI2q0jKMNrLlpmpmTk935rE4qkf8ekbtVEoTAmNrkN4ReN9+fg3bCtUxqNrT278PIGcc6ex8PbF5/XBePTopU3Y6NigCU5NmnPt68/Jv3YZq5AwfF57k6KUFNI2r3/MEfx/2bdxDgkXj9Fz6M84ufpw5dwhVs7+DHtnD8KiDdPXGlPi1ZMc3BxHv4+WaJM2P+kWL5jHru1b+Xzcd1hYWOgts3njWho2aVbq358EKxbNYt/OjXz4xc9YlPK5x1gaVrfnjR4luTW+mHyjzMd8ras7Ad4WfPB9SXZfZVYx30y7yRvd3Hm+kRNqNez8M5OL1/JQqw03281Y1GoVgaHl6fDyEAACQiK5EX+R7RsWGXxw4Z/Kzs1j9M9xfPDqS387UFC9fDhzvhpJemY2y7bsZuQP05jx2bsPDGQIYUwyuPB/yNbWlrCwMO3zqVOn4ujoyG+//cbnn3+u3e7q6krbtm3p168feXl5PPfcc2Rm/vPEMGPHjuWTT3QThLV5eTRte47RWz4kpilegZW0z4uLNCPj2Zkp2DqWXCRzMlNw9418YH8Aa1tnTBSmOskb7+5ja6/5dcfWwY3i4kLycpQ6sxc0ZQw7Q8PG3gmFwvSBhGJZGSkP/Ap7l52jm/bXWG15ZQr2d8oXFuSxceEEXnprIpGVGwPgFRBB4rUz7Fo7w2CDCwHlm9Lxnjs6FBdr3o/crBRsHErej9ysZFy99a8Ft7JxwkRh+kDyxtzMFGzsS78zx907SWSUcXAhOLoJngEPxpCTmYKtw73nVDJuvvpjuHtO5T5wTiU/EENBXhYrpvTH3NKWNn1/NNja5vPX1UxNKfmgdjdpo60VZN0zE8HWyoRbafo/0OUUgEql1s56KNkHsu+sQHGygxrhCn5dU0yyUrPtdroaf3cTqpczYe0hw3xY1LaL+5I3ZipTsC8l8Zadk552cV878g2OZsgXS8nLyaSoqBA7Bxd+Gt0Nv2DjZP0uVmagLi7GzFn3l00zJ2cKU/UnGfPq9QrpWzaQul6TByLvymUUVtb4DR7G7flzQK3Gu98bJC2cR8aOLdoyFh5euHd9+YkYXMi/lYylp+77ZOnpRmFGJqq8fAqS01AVFWHp4XpfGVfyb+qfIVRWpZ1Tf9fXZisfPKd0+tpFE3hpyEQi7utrd6+dYfDBBRs7TV9zf/JGzTWwlBgcHowhW1lSPv78IbIzU5j0fhPt39WqYjYtHMeBzXG8OdbwiSntHRxRKBSkp+kmb8xIT8PZ5eEJPZct/oPFC3/n0y/GExT8YPI6gFMnj3M9IZ7h748yWJ31sXfQnFP3J2/MSE99YDbD/VYvncOqxXG8/+mPBAQbfynK/Q6cyOKvKyUXh7tJGx3tTUlTlsxecLI35XJC6cmM73q1izvVY2z5cEICKem6eYSOnc1hwCdXsbdVUKyCnFwV078M5tafpd+F4p+ys3dGoTAlM123bSgzUnAs5ZrxKByd3PH20z3PvH2DObLP8LPEnBzsMFUoHkjemJqRiavTg8tmrt9KIjEphWHflPwoorozYFPn5cEs/G4Ufp6az6zWVpb4e3ng7wUVygXT6e0xrNi6hz7tWxk8jieN+ikZNP1/IDkXBCYmJigUCp3kjXe98sorbNu2jdjYWExNTf/V8UeOHElGRobOo1XX0qd2WVjZ4eQeqH24eIVh4+BO/F8la3vz87K4efUY3sH61+2amlng4R+ts49apSL+r714B2n28fCPQWFqrlMm9dYlMtNu4B1c+V/FWhozMwt8gqK5eKpkPbVKpeLi6X0EhOl/rYCwSlw8vU9n28WTe/C/U764uIji4kJM7ru3r0JhilptuF+0LSxtcXQL1D6cPcKwtnfj+sWSuhXkZZEUfxzPgEp6j2FqZoGbT7TOPmqVihsX9+ERULnU1065obmNn00ZB3seOKc8w7CxdyfhfMl7X5CXxa1rx/EK0l8fUzMLPPyiiT+ve04lnN+ns09BXhbLf+2HwtSc5/v9rLP2v6wKiiAtq+SRrISsXDVBniUXVQszTb6F6/qTyqNSQWIaOvuA5nnCnYEL8ztN/f4hBJUag2b+1raL0/e1i1N/0y5O6baLCyf3EFDuwfJWNvbYObiQfPMK1y+fJKpaM8NV/h7qoiJyL5zDrlLVko0mJthVrkZOKWvLTSwtH2ynqmLtvgAKS0vUKt0yalUxJoon40NU+r6juDatrbPNrVld0vYdBUBdWEjG4VO4Nb0nF4CJCa5N6pC+T3/ugLK6e05duu+cunR6n7bvvJ+/nr72wqm/72tNFKaoVIafPWRqZoF3QDRXzur2NVfO7MUvRP81zze0MpfP6sZw+fQefEMqAxBTux2vjlpB/4+XaR92Th7UbtWPHm9NNXgMAObm5oSGhXP8WEmuE5VKxfGjh4koJRcJwJKF81nw+xxGfzaOsPCIUstt2rCW0LBwgkP0Dz4Yipm5OcFhkZw6VnKbZJVKxanjBwmL1H/7Q4BVi2ez7I/pjBg9gZByxknC+nfy8tXcTC7UPuJvFpCaUUTFCBttGWsrBeWCrDh3Je8hR9IMLNSqZMeoide5nVJ6guLMbBU5uSoqhFvjaGfKgRPZBovHzNycgNAozpw4oN2mUqk4e/wAIeGl36b174RGVuLWjSs6224lXsXF3ftfH7M05mZmRAb7c/DkOe02lUrFoVPnqFDuweVigT5e/P71h8z5aqT20aBaBaqVL8ecr0bi6er8wD4lx1VTUGScZNJClEZmLvwfys/P5+ZNzbqutLQ0fvzxR7KysnjhhRceKNu6dWuSkpJwcPj3SYgsLS2xtNT9gmX+D2YwmpiYUKVRLAc2TMbJPRBHVz/2rPkBW0cPQis015Zb/GNvQiu2oHJDzf2Lqzbuy4a57+EZEINXQEUOb59FYUEu5WtpbuNmaW1PdO1O7Fj2FVa2jlhY2bFt0ed4B1XBu5QvmGVRr3VvFv82Et/gGPxCKrBnQxwF+blUa9gBgIW/voeDsyetur4DQJ1WsUz9MpZda2cQUakRx/et4frlU7R/RTMLxMrajuDIGqyb/w3mFlY4uflw5exBjuxaTpuX3jN4/e8yMTEhpl4sR7b8gqNrIPYufhzaOBEbew8Cy5e8H6un9iWofHOi674MQIUGvdm+cCTuvjG4+1fg5O44CgtyCa+miV+Zco0LR1fhH9kIKxsnUhPPsXf1V3gFV8fVu/QPmP82hkoNYzm08Rec3IKwd/Fl/7qJ2Dp4EBJTEsOyyX0IiWlOxQaac6pyoz5s+v19PPxj8AyoyLHtsygqyCWqpuacKsjLYvkv/SgqzKXly99QkJdFQZ4mSYG1nQsKxb8boHuYA+fU1Is2ITVTTXo2NKqgIDMXziWUDA281ETBXwlqDp3XbNt/Vs2LtU1ITIUbqWpqhptgbgbHL2n+nqKE1Ew1baor2HxURU6BZllEiBf8scOwU1wbPNebhVM07cI/pAK71+u2iwW/aNpF626adlGvZSxTvoxl55oZRFQuaRcdXimZHXVi/zpsHVxwcvXmZvxfrJzzJeWrNSO8gvESnSYtXYj/OyPJPX+OnL/O4NauMwpLK9I2arLi+w8bSWFKMjdn/gZA5oG9uHXoQu7FC+ScO42ljy+evfqhPLBHMwIEKPfvxaN7LwqTbpN39QrWoWG4d+hK6oY1RonB1NYG27CSGUI2wX44VIqkIDWDvPhEIj5/BytfT4711fQvV6fMJ3Dgy0SOfZf4mYtxa1Ib7y7PcfDFknuvX54wg0rTx5H+50kyDh4naEhvzGytiZ+l/84NhnC3r/W529fePacaaM6pRXf62pZ3+tq6LWOZOvaevnb/Gm5cPkX7viV9bVBkDdb98Q1m9/S1R3cv57kexulra7Xoy4oZ7+EdGINPcEUObNJcvyrW0/Q1K6aPwN7JkyYdhwFQs1kss7/pxb4N0wmr0IjTB9eQePUkbXp9CmhmQ9jY6X4JMTU1x87BDVcv4+S/AGjXoQs/fPcVYeUiKBceycrli8nLz6NZi9YATBg/FldXN3r1fRWAJQt/Z97smbwz4kM8PLxIuzPzx8raGmvrkkQyOTnZ7Nm5nb793zBa3e/1XLse/DrhU4LDoggNL8+6FfPJz8ujUTPNbbx/+X4Mzi7udOs9CICVi+NYPHcKA4d/ipunD+lpmtFeKytrrKw1X+yzMjNISbpFWqomF8zd/A2Ozq44OZeSkdcAVm1Np0trFxKTCrmVUshLz7uSmlHM/mMlgwCfDPZl37Es1u7QrIF7ras7DavbM3ZKIrl5KpzsNdeynDwVBYWaa0LT2g4k3CxAmVVMRLAV/Tq7s3JrOjduG27mAkDzF3oxc9LHBIWWJ6hcDJtXzaUgP5e6TdsBMGPiRzi5eNChp2aJQ1FhIYkJFzX/LioiPeU28ZfPYmllg4d3wJ1j9mTcB31Ys3gq1eu25MqFk+zcuJieb3xs0Lrf9dLzzfhkchxRIQFEhwUxf+0WcvPzadtIM1g7+udZeDg7MahHOywtzAn1170Tir2Npi3c3Z6bl8+MZetoUK0ibk4OpGdms2jDdpLS0mlWyzjJc4UojQwu/B9at24d3t6a0Vh7e3siIyNZuHAhjRs3fqCsiYkJbm7/fqqZoVRv9ipFBbls/mMU+blKfEKq0eGNqTq/CqenxJObXTL9MqJqG3KzUtm7ZiI5yiTc/KJo/8ZUnaRXjTp8gImJglXTh1BcVEBgZH2adhmNMVSs3YbszDQ2L5lIZkYy3gFR9Hl3inaqbkZKos4vY4HlqtB1wDdsWvQDGxZ+j6tnIC8PnYSnX7i2TLeB37Jh4fcs+OVdcrMycHLzoUXnodRs2t0oMdxVqWF/igpy2bl0NAV5SjwDq9K67xSd90OZco28nJL3I7RiG/Ky0vhz00RyMjVLKJ7rO0W7pEBhas71i3s5uTuOosJcbB29CI5pQZUmA4wSQ9Wmmhi2LtScU97B1Xjhtd90YshIvqZzTpWrojmnDqybRLYyCXffKF547TdtDLcTTmnvmDH7y5Y6rxf70SYcXAyftXnvWTXmZtCmhgIrC4hPgvnbVRTf84Oqsx1Y3zO+dyZesyyiUQUTzRKKdJi/TUX2nVmxKrXmGE0rKejSUIGFGaRlwor9ai4mGrb+FWu3ISszjU2LS9pF33enaKekp9/fLsKr0H3AN2xY9APrF36Pm2cgPYdOwsu/pF0o05NYPW+cZmq7kxtV6rejaXvjnEd3ZezYipmDE569+mLm7ELepQtcHjWConTN+WPu7olaVTIwc+v32ajVarxi+2Hu6kZRRjrKA3u4OWuatsyNX37As1c/fAcNxczRmcLUZFLWruT2vFlGicGxWgx1Ns/WPi8//gMA4uOWcLzfSCy93bH2L/klL/dKAgdffJ3y344kaHAseQk3OfH6RyRv3KUtk7hwLRbuLoSPHoKllzvKY2c40LY/BbdLmVpjABVqtSFbqelrs+6cU72Hl/S16amJmNyTwDigXBW6vvENmxb/wMZFmr72pbfu62sHaPrahb+8S2628fva8jXakJ2ZyvYVE8lWJuHpF0X3IVOxu3P9ykjVbRd+oVVp338825ZPYNuy73DxCKLLwJ/w8A0v7SX+E/UbNSFDmc7vs2eQlpZGcEgooz8dh9OdJURJSbd13ou1q1dQVFTI11+O0TlOt5di6dGzj/b5zu1bUaOmQeOm/0UY1G7QAmVGOovnTSEjLYXAkHBGjJmA451BgOSkWzrvx+a1SygqKmTiV7qzNDt070+nlzQDKYcP7GTKD59p//bjNx89UMYYlm5Kw8rShAE9PLC1VnDmYh6f/Xxd504PXm7mONiVDIY/19AJgM+H6l7DJs6+ydb9mun9vh7m9HzRFTsbU5JSC1m0PpUVW9INXv8a9VqRlZHGivmTUaYn4xccwZCPfsbhTpLH1OREnbwi6Wm3+Xx4STvduCKOjSviCI+uxrBPNf1tUFgMA0Z8x9K5E1m9cApuHr507fsutRo+b/D6A7SoU400ZSZTFq0iJT2T8EBffnh/kHZZxK3kNBT/YJqgQqHgyo1brN7xG+mZ2Tja2VI+NIApo995YGBCCGMzUT8NmVbEM2fyusddg7JzdzZeMr3/0pVn5BbIlpZPxlTxslBmPhvnVFTI0/9ehI35b760GFv8RgOPBj0mOTvPPO4qlFlu/rOxErWG39N/0cgqsn3cVTCILycZ5w44/7W33nj6b5dYpWD3466CQThWbf73hZ5AFy7qvxvQky4sNPhxV8Hgno0rnRBCCCGEEEIIIR4bGVwQQgghhBBCCCFEmUjOBSGEEEIIIYQQTyW1/F7+xJB3QgghhBBCCCGEEGUigwtCCCGEEEIIIYQoExlcEEIIIYQQQgghRJlIzgUhhBBCCCGEEE8lNU//LbCfFTJzQQghhBBCCCGEEGUigwtCCCGEEEIIIYQoExlcEEIIIYQQQgghRJlIzgUhhBBCCCGEEE8lybnw5JCZC0IIIYQQQgghhCgTGVwQQgghhBBCCCFEmciyCCGEEEIIIYQQTyVZFvHkkJkLQgghhBBCCCGEKBMZXBBCCCGEEEIIIUSZyOCCEEIIIYQQQgghykRyLgghhBBCCCGEeCpJzoUnh8xcEEIIIYQQQgghRJnI4IIQQgghhBBCCCHKRAYXhBBCCCGEEEIIUSaSc0EIIYQQQgghxFNJrZacC08KmbkghBBCCCGEEEKIMpHBBSGEEEIIIYQQQpSJLIsQQgghhBBCCPFUkltRPjlk5oIQQgghhBBCCCHKRGYuiMeiqFj9uKtQZqEuqY+7CgahzHZ73FUwCPNnoDdLTlE97ioYxPWkp//NsPp84+OugkHkjDJ93FUwCJsGUY+7CmX2wqoRj7sKBnEov/vjrkKZmSmKHncVDKLpc2GPuwoGkZlf/LirUGaHLeo97ioYRJPHXQHx1JOZC0IIIYQQQgghhCiTp//nJSGEEEIIIYQQ/5ck58KTQ2YuCCGEEEIIIYQQokxkcEEIIYQQQgghhBBlIssihBBCCCGEEEI8lWRZxJNDZi4IIYQQQgghhBCiTGRwQQghhBBCCCGEEGUigwtCCCGEEEIIIYQoE8m5IIQQQgghhBDiqaRWS86FJ4XMXBBCCCGEEEIIIUSZyOCCEEIIIYQQQgghykQGF4QQQgghhBBCCFEmknNBCCGEEEIIIcRTSYXkXHhSyMwFIYQQQgghhBBClIkMLgghhBBCCCGEEKJMZFmEEEIIIYQQQoinklqWRTwxZOaCEEIIIYQQQgghykQGF4QQQgghhBBCCFEmMrgghBBCCCGEEEKIMpGcC0IIIYQQQgghnkpqteRceFLIzAUhhBBCCCGEEEKUiQwuCCGEEEIIIYQQokxkWYQQQgghhBBCiKeS3IryySEzFx7Btm3bMDExIT09HYCZM2fi5OT0RNTFmK5cuYKJiQlHjx41+msJIYQQQgghhHh6ycyFe+zdu5f69evTunVrVq9e/biro1fdunVJTEzE0dHR6K/l7+9PYmIibm5uRn+tv6NWqzmwbhKn9i0kP1eJd3BVGncejZN70EP3O75rLke2TiMnMxk3n0gadvgIz8CKAORlp7N//STiz+0mMy0RazsXQmKaUeu5t7C0tjdKHOtXLWblknlkpKUSEBxG39ffJiyivN6ym9etYMeWtSRcvQxAcFgE3WNf1ym/cO409u7cRErSbczMzAkOi6Bb7GuUi4g2Sv0BDm+by/6N08hWJuHhF0nzbh/jE1Sx1PJn/1zLzpU/kJFyHWePIBp3GE5oTCMAiosL2bliAhdP7iAjOR5LazsCI+vSqP0w7J08jRYDwKGtc9m7fhpZGUl4+kfSqsfH+AaXHsfpQ2vZvvwH0pOv4+IZRLNOwwmr0Ehv2TWzR3F4xx+06DaSWs37GCmCEk0qKahWToGVBVxLUrNqXzGpmaWXD/QwoV60Am9XExxsTPh9axFn49VlPu6/9ay0710bfmfLyhlkZiTjExBBxz4fEBhWQW/ZxPgLrFv0I/GXTpOWfIP2vd6jUZteOmU2LfuN4wc3cfvGZcwtrAgKr8wLPd7GwyfYKPUH2LdpLrvWTicrIxkv/0ja9vwQv9DS28XJA+vYtGQi6cnXcfUMpGXXYURUKmkX+XnZbFjwHWcObyYnKx1ndz/qtOhJzabdjRaDS/3qhAzrh2PVGKx8PDjUaSC3Vmx++D4Na1J+/PvYlS9HXnwiF8ZOJiFuqU6ZwAEvEfJOPyy93FEeP8upoZ+RcfCE0eKYv+Mws7YcIFmZTbivB+93bk6FQG+9ZZfvP8GouWt1tlmYmXLwu2F6y3/2x3oW7T7Gux2a0rNJdYPX/V5b1vzBumVxZKSn4B8Uzkv9RxASHqO37PVrF1n2+2SuXjxDSlIi3V8ZRosXXtYpoyouZvkfv7Jv+xoy0lNwcnanXtMXaNulPyYmxvv1ctPqhaxdNoeMtBT8g8rR87XhhIbrv9Zu27CM3VtXk3D1EgBBoZF07jVQp7xarWbpvCls27iMnOwsykVWpPeA9/DyCTBaDHdf92nvb3dvmMe2VZq+1jsggg69PyAgTH8/dTPhAusXTiLhsqavfbHXezR8LlanzMUzh9i2ajrXL59GmZ5En7cnElOjmcHrfa9ta+ezYcUslOkp+AWG063fewSX03+9uBF/gZXzJ3P10mlSkxLp0mc4zdr2fKBcWsotls75gVNHdlNQkIe7lz+9B35CYJjxPhMKcT+ZuXCPadOmMXjwYHbs2MGNGzced3X0srCwwMvLy6gXUICCggJMTU3x8vLCzOzxj0Ed3jKVYztn07jLGLoMXYC5hTUrfu1PUWF+qfucP7KGXcu/okarQXR7ZwmuPhGsmNKfnMwUALKVt8nOuE29F0fw0oiVNO8xlqvndrLljw+NEsOeHZuYPXUSnXu8wtgfphMYHMbYUe+QkZ6mt/zpE4ep16gFH4+dyKfjf8XV3YMvR71NanKStoy3rz9933iHr3+KY8zXP+Pu6cWXH7+NMkP/McvqzKE1bFk8lnrPD6LPB0vx8ItkwcR+ZCtT9JZPuHiYFdOHUbFuZ/p8sIxylZqx5JdBJF3/C4CigjxuXjtN3TYD6D1yCe1f+5HUW5dZMnmAUep/16mDa9i4YCwNXhhE/4+X4ukXye8TSo8j/sJhlv42jMr1O/PqqGVEVG7Ggp8GcftOHPc6e3gj1y8dw97Jw6gx3FU/WkGtKAUr9xfz25oiCougV3MzzB7Su5ubwc00Nav3Fxv0uP/Ws9C+j+xdy7LZX9Oq0wCGfbkQn8AIfv3qdTIz9J9ThQW5uHr40bbHUOyd9A/gXjxziPote/DWp/N444MpFBcV8svY18jPyzFKDCf2r2Ht7+No0m4QAz9ZjJd/BDPHv0pWKe3i2vkjLJg8nGoNOzHw0yVEVW3GvB8GcyuhpF2snTeO8yd20fn1r3lr7Grqtoxl1ezPOXN4i1FiADC1tUF5/Bwnh3zySOWtg/yoseJXUrbtZ1f1dlyeNIsKv36OW4v62jLeXZ4j6puRnP/8J3bV7EDm8bPUWj0NC3cXo8Sw7vAZxi/dyuut6zH/3d5E+Loz4OcFpGRml7qPnZUFmz8fqH2sG/OG3nKbj/3FiSuJuDvaGaXu9zqwaz1/zPiOF7u9xuhv5+EfVI7vPx2EMj1Vb/mC/DzcPX3p1GsIjs7628XapTPZtm4RL736Hp9PWkzn2CGsXTqLzavnGy2O/Ts38vv0CbTr1p9PvovDP7gc48cMKTWOsyf+pHaDVrz/+WQ+/noaLm6ejB8zmNSU29oya5bEsXH1H/QZ8D6jvpmOpZU148cMoaCg9H7PEJ72/vbo3rWsmPM1LToOZOgXC/EJiOC3h/S1Bfm5uHj406b726X2tQX5ufgERtCh70cGr68+h3avZ9Gsb2nb5XU++Pp3/ILCmfT5QJQZpbcLN09fOrz8Fg6lxJCdpeSbj/pgambGmx/+yOjvl9A59h1s7ByMGYoQD5DBhTuysrL4448/GDBgAM8//zwzZ878232WLVtGuXLlsLKyolWrVsTHx2v/1qdPH9q3b69TfujQoTRu3Fj7vHHjxgwePJihQ4fi7OyMp6cnv/32G9nZ2fTt2xd7e3vCwsJYu7bk14jSlmisX7+eqKgo7OzsaN26NYmJiTqvM3ToUJ26tG/fnj59+mifBwUF8dlnnxEbG4uDgwOvvfbaA8siiouL6devH8HBwVhbWxMREcEPP/zwt/9PZaVWqzm2I47qLd4gJKYZbj4RNH9pHNnK21w6uanU/Y5un0l07S6Ur9kJF68wmnT+BDNzK84cWAyAq3c4bfpOIji6KY5uAfiVq02d597m8qmtqIqLDB7H6mV/0LTVCzRu8Tx+AcH0H/QuFpaWbNu4Sm/5we+OoeXzHQkKCcfXP5DXB7+PWqXi5LFD2jL1G7ekQuUaeHr54h8YQq/+Q8jNyebq5YsGrz/Awc0zqFSvKxXrdsLNO4xWPT7B3MKKE3sX6y3/59Y4Qso3oFbL/rh5h9LwxaF4+pfn8PY5AFha29P9rRlEVWuDq1cIviGVadHtY25eO4Uy1XgDfPs3zqBKg65UrtcJd58w2vTUxHF0t/44Dm6OIzS6AXVaaeJo3H4o3gHlObRljk45Zdot1v/+Ge37j0dham60+t+rdpSCHcdVnItXcysdluwqxt4GIgNKH4C8cEPNlqMqvbMVynLcf+NZad/bVsdRp2lnajXugJdfKF36jcLCwor925bqLR8QWoEXXx5O1bptMDOz0Fvm9ZG/UrNRe7z9w/ANjOSlAV+QlpxIwuXTBq8/wO51s6jeqAvVGnbEwzeMF/uMwdzCij93LNFbfs+GOMpVqE+DNv3w8Amleae38A6KYt+medoy1y4coUr9doRE1cTZ3ZcaTbri5R9BwqXjRokBIGn9Dv4aPYFby0s/f+4V+Fp3ci8ncGbEOLLOXuLqz3O5uXg9wW/10ZYJHtqX+GkLSJi1hKwzFzkxcDTFOXn49+lklBhmbz1Ex7oVaV+7AqHebnzUtRVWFuYs21f6TAkTExPcHOy0D1cH2wfK3ErP5KtFm/gyti3mpsb/CLhhxVwatuhA/Wbt8PEPodcbH2JhacWuzcv1lg8uF03XPm9Tq0ErzMz096EXzh6jcs1GVKreADcPH6rXbU505dpcPn/SaHGsWz6PRi3b07D5C/gGhNBnwPtYWFqxY9NKveXfGPYZzdp0JjAkHB+/IPq9+SEqlZrTxw4Cmn5v/cr5vNDlFarWakRAUDleGzqG9NRkDu/bbrQ4noX+dvuaWdRq0pmajTvg5RdGp36jMbe04uB2/f1UQGgFXnh5OFUe0tdGVW7Ac13fokKN5gata2k2rZxNveYdqdu0PT7+obz02keYW1qxZ8syveWDwmLoFPsONeq3xsxcf7vYsGwGLq5e9B70KcHlKuDm6Uv5ynVx9/I3YiRPDrXa5Kl8PItkcOGOBQsWEBkZSUREBD179mT69Omo1aV/8M7JyeGLL74gLi6O3bt3k56eTvfu/3ya56xZs3Bzc+PAgQMMHjyYAQMG0KVLF+rWrcvhw4dp2bIlvXr1Iien9F+qcnJyGD9+PLNnz2bHjh1cu3aN4cOH/+O6jB8/nkqVKnHkyBE+/vjjB/6uUqnw8/Nj4cKFnD59mlGjRvHBBx+wYMGCf/xa/4QyNYGczCT8w+tqt1la2+MZUJGbV47q3ae4qIDbCad09jFRKPALr1PqPgD5eZlYWNmhMDXsbI2iwkIuXzhHhco1tNsUCgUVKlfnr7OP9oEoPz+PouIibO31j0IXFRayed1ybGztCAwOM0i971VcVMDNa6cIjNT9Pw2KrMv1S0f07nP90lECI+vobAsuX5/rl46W+jr5uVlgYoKltXFG24uLCki8eorgqPviiKrL9Yv640i4dJTg8rpxhETXJ+GeONQqFcunvUudVv1w9y1nlLrfz9kO7G1MuJSo0m7LL4TrSWr83f/9RctYx9XnmWjfRYUkXD5NeExt7TaFQkG5mNpcPX/MYK+Tm5MFgI2d4ZfFFRUVcOPKKUKjS85zhUJBaHQd4i8c1btP/IVjOuUBysXU1ykfEFaFs0e2oky9hVqt5tKZ/STfukJYTD2Dx/BvOdWuTPKWvTrbkjbuwrl2ZQBMzM1xrBpN8uY9JQXUapK37MGpdhWD16ewqJgz8TepHRGk3aZQmFA7IpDjl0sfdM3JL6D16F9oOWoyb01ZwoXEZJ2/q1RqPpy9mj7NahLmbfzljkWFhVy9eIaoSrW02xQKBeUr1uLiuX8/uBQWWYkzxw9w8/pVAOIv/8WFM0epUNU451RRYSFXLp4lupLu9Tu6Ug0unHu0ZTH5+XkUFxdhd+f6nXTrBhlpKURXqqktY2NrR0h49CMf89942vvboqICrl8+TXiMbj9l6L7WmIoKC7l26QxRFXXbRVSFWlwqQ7s4dmg7AaHlmTJ+OO++0oQvhndj50b9P5gIYUyPf777E2LatGn07KlZv9S6dWsyMjLYvn27zkyDexUWFvLjjz9Sq5amc5g1axZRUVEcOHCAmjVr6t1Hn0qVKvHRR5ppWCNHjuSrr77Czc2NV199FYBRo0YxefJkjh8/Tu3atfUeo7CwkF9++YXQ0FAA3nzzTT799NNHrsNdTZs2ZdiwkvWZV65c0fm7ubk5n3xSMs00ODiYvXv3smDBArp27fqPX+9R5Sg1ywBs7F11ttvYu5GTmaxvF3Kz01CrirHWs0/67cv698lK49DGyUTXMXwsSmU6KlUxjk66U2gdnVy4nnDtkY4xb+ZknF3cqFBZd33snwd2M/Hr0RTk5+Hk7MqHn03AwdHJUFXXysnS/J/aOtz3f+rgSsqtS3r3yVYmY+ug+yHW1sGVbKX+962oMJ9tS8dTvvrzWFobZ8puaXHYObiSclN/HFkZydja64kjoySOPet+Q2FqRo1msffvbjR21pov+ll5utuz8kr+9iQdV59noX1nK9NQqYqxd9Stj72jK7dv6K/PP6VSqVgW9xXBEVXw9jf84FVOpqaPsrsvBjtHV5IT9ceQlfFg+7ZzdCXznnbRttdHLJsxiq/fbozC1AwTExPa9/2U4MgaPCksPd3Iv6V7ruXfSsbc0R6FlSXmzo4ozMzIv51yX5kUbCNCDF6ftOwcilVqXO1tdLa72tty+Zb+adNBHi588tJzlPNxJys3n1lbDtL7+zksGdkPT2fNmvcZm/ZjqlDwUqNqBq+zPpl3zikHR93rnoOTC4nXr/zr4z7XsS+5Odl8NLgjCoUpKlUxHV4eRO1GbcpYY/0yH3L9Tky4+kjHWBD3I04ubpS/M5iQkZaiPca9HJxctH8zhqe9v80upZ8yZF9rbFmZaXfaxX0xOLlyswztIvlWAjs2LKR525607tifqxdPsmDG15iZm1On8YtlrLUQj04GF4Bz585x4MABli7VTF81MzOjW7duTJs2rdTBBTMzM2rUKPlwFBkZiZOTE2fOnPlHgwsVK5YkoDE1NcXV1ZUKFUoSunh6apLa3b59+4F977KxsdEOLAB4e3s/tHxpqlf/+6ROP/30E9OnT+fatWvk5uZSUFBA5cqVH7pPfn4++fm6a/kKCy0wN7fUW/7cnyvZtnC09nnb/r/8feXLqCAvi1VTX8fZM5Sard40+uv9U8sXzmbPjk2MGvsjFha6/2/RFasybuJMMpXpbF6/kgnjPubzb3/D0cn5MdX23ykuLmT5b28Balr2eLS10k+KxKsnObA5jv4fLzFqPpQKwSa8UNtU+3zultJzJjyppH3/O4tnfE5i/AWGjIl73FX5R/ZtnEPCxWP0HPozTq4+XDl3iJWzP8Pe2YOw6Lp/fwDxSCoF+1Ip2LfkeYgvHb6YxsI9R3nz+QacvnaTudv/ZP6IWKPnbDK2g7s3sm/HWl59+0t8A0K4dvkc86d9q03s+KRZtWgW+3du5P0vJj9w/TY26W//f6jVKgJDytP+5SEABIREcuPaRXZsWCSDC+I/JYMLaGYtFBUV4ePjo92mVquxtLTkxx9//FfHVCgUDyyrKCwsfKCc+X1rp0xMTHS23f0QoFKpKI2+Y9z72o9aF1vbB9dn3mv+/PkMHz6cb7/9ljp16mBvb88333zD/v37H7rf2LFjdWY8ALTuMYo2L4/RWz44ugmeASWDLsXFBQDkZKZg61CSJC8nMxk33yi9x7C2dcZEYUpupu4vADmZydjc9wt0QV4WK6b0x9zSljZ9f8TUCGvlHRycUChMybgv+VNGeipOzg9PCLZyyTyWL5rDh59P0LvcwcrKGi8fP7x8/CgXGcPQV7uxdcNK2nc17C/oNnaa/9P7kx7mKFMe+PXyLlsHtwdmKWTrKa8ZWBhKRuoNegydZbRZC1B6HFnKFOxKicPO0Y3sTD1xOGrKXzt/iOzMFCa+10T7d7WqmE0LxnFgUxyDvzJM8rpz8WquJ5esX727ZNrOCrJy76mvlSZh47+Vlas2ynHh2Wzftg7OKBSmDyQUy8xIKTX51j+xeMYXnD68nTdHz8LJ1avMx9PHxl7TR2XdF0NWRgp2jg9pF/e176yMFOzvlC8syGPjogm8NGQiEZUbA+AVEEHitTPsXjvjiRlcyL+VjKWnboyWnm4UZmSiysunIDkNVVERlh6u95VxJf+m/l97y8LZ1gZThQkpmbrLIVMys3Gzf/h1+i5zU1Mi/TyJT9Ik9z18MYHUrGxajy75clmsUvPtsq3M3X6ItaUkfywL+zvn1P1J6pTpqTg6uZay199bOGsCbTr2oVaDVgD4BZYjJekma5bMMMrggv1Drt+Ozg+PY83SOaxeMosRn/xIQFDJjKO7+2Wkp+LkUnLuKdNTCQgON1jdn7X+1raUfspQfe1/wc7e+U67uC+G9LLF4Ojkjrd/qM42L79gDu9/tNwzTzs1T/eg6bPk/z7nQlFREXFxcXz77bccPXpU+zh27Bg+Pj78/vvvpe536FBJYr1z586Rnp5OVJSmc3Z3d9dJqghoEyP+1+6vS3FxMSdP/vPER7t376Zu3boMHDiQKlWqEBYWxsWLf584cOTIkWRkZOg8WnQdWWp5Cys7nNwDtQ8XzzBs7N1JOF+yJrYgL4tb147jFVRZ7zFMzSzw8Ism/p591CoVCef36exTkJfF8l/7oTA15/l+P2NWymyKsjIz19wm8t5kjCqVipPH/iQ8Uv8tuQBWLJrLkvkzGfnJt4SW03/hv59KrdI7eFRWpmYWeAVEc/Wc7v/plXN78Q3Rv+7YN6QyV8/t09l25ewefEMqa5/fHVhIu32V7m/NxNrOuDMuTM0s8A6M5vKZ++I4sxffUP1x+IVU5soZ3Tgun9mD3504KtRux2ujV/DqqGXah72TB3Va9eOloVMNVveCIkjNLHkkZUBmjpoQ75Ku3NIcfN1NiE/694MAaVnGOS48o+3bzBy/4PL8dbJkoFWlUnH+1H4Cy1X618dVq9UsnvEFJw5uZuBH03H18DNEdfUyM7PAJyiaS6dLznOVSsWl0/vwD6usdx//sEpcPK3bLi6c2qMtX1xcRHFxISYmuh81TBSmDx0w/6+l7zuKa1PdZYduzeqStu8oAOrCQjIOn8Kt6T35JUxMcG1Sh/R9+vO0lIW5mSlR/l7s/6tkyr1KpWb/uatUDPZ5yJ4lilUqzt9Iws1BM1DbtmY0C9/ryx8j+mgf7o529G5Wk8kDuhg8BtBc9wJDozhz/MA9cag4c+IAoRGl39707xTk52Gi0D2nFAoFaiOdU2bm5gSFRnL6+EHtNpVKxenjhwiL0H/rQIDVS+JYsWAaw0b/QHA53VtOu3v64OjsqnPM3JwsLv116qHH/Keetf7WzMwC3+DynD+l209dKGNf+18yMzcnICSKsyd028XZEwcIKUO7CI2sxK37llXcunEVVzf9t68Vwlj+72curFq1irS0NPr164ejo26SrE6dOjFt2jS++eabB/YzNzdn8ODBTJw4ETMzM958801q166tXRLRtGlTvvnmG+Li4qhTpw5z5szh5MmTVKli+ORPf6dp06a88847rF69mtDQUL777jvt3Sb+iXLlyhEXF8f69esJDg5m9uzZHDx4kODgh99z3dLSEktL3YuMufmjf0ExMTGhUsNYDm38BSe3IOxdfNm/biK2Dh6ExJRk9l02uQ8hMc2p2ECTO6Nyoz5s+v19PPxj8AyoyLHtsygqyCWqZkfgzoXwl34UFebS8uVvKMjLoiBPkzDN2s4FhcL0wcqUwfPtuzH5+y8IKRdJWHh51ixfQH5eHo2aPw/AT99+hourGz36aG7DuHzRHBbOmcrgd0fj7ulN+p11mFZW1lhZ25CXl8vSP2ZRvVZ9nFzcyFSms2HVEtJSkqldv0mp9SiLGs36snrWe3gFxOAdVJFDW2ZRmJ9LhTqa/9NVM0dg7+RJo/aa3B3VmsTy+3e9OLBpOqExjThzaA03r56k9UuanCDFxYUsmzKEW/Gn6TzwV1SqYrIyNGtCrW0dMS0ls3NZ1WrRlxXT38M7KAbf4Irs3zSLwoJcKtXTxLF82gjsnT1p2nHYnbhjmT2+F/s2TCesQiNOHVzDjSsnadNLE4eNnTM29w2KKEzNsXV0w9XL8Guy77XvjIqGFRSkKNWkZalpWtmUzBw4e62kjfVuYcqZa2oOnNN8+LYwA5d7bj3ubGeCl7Oa3ALIyH704xrCs9K+Gz8fy7zJH+IfEk1gWAzb186hID+XWo3aAzD355E4OnvQtsfbgCYJ5K0EzeBscVEhGWm3uH7lLBZWNrh7ae5zv3j65/y5Zw39hk3E0toWZbrmV3IrGzssLKwMWn+Aeq17s/i3kfgEx+AXUoE96+MoyM+lWoMOACz69T0cnD1p2fUdAOq2jGXq2Fh2rZ1BRKVGHN+/hhuXT9G+r2ammpW1HUGRNVj3xzeYWVjh5ObDlbMHObp7Oc/1eM/g9b/L1NYG27AA7XObYD8cKkVSkJpBXnwiEZ+/g5WvJ8f6aupwdcp8Age+TOTYd4mfuRi3JrXx7vIcB198XXuMyxNmUGn6ONL/PEnGweMEDemNma018bP0Z6gvq15NqvPxnDVE+3sRE+jNnG2HyC0opH0tzRfPD2evxsPRjrdebATAL2t3UzHIhwB3ZzJz85i5+QCJaUo61tF8WXGytcbJ1lrnNcxNFbjZ2xLk+e9nEfydli++zLSJowkKLU9wuWg2rZpHfl4u9ZpppmlP/eFjnF086NRrMKBJdncjQZP7pqiokLSU21y7fA5LK2s8vTXvaaUaDVm9aBoubl74BoRy7dJZNqyYQ/1m7YwWR+t2L/HbD58QHBZFSLlo1q+cT35eLg2atwXg1+9H4+zqQdfYQQCsXjyLJfOm8Mawz3Dz8CY97U7btbLBytoGExMTWr3QnRULpuPp7Y+7pw9L5v2Ck4sbVWs3Mlocz0J/26hNb+b/8gF+IdEEhFZg59rZFOTlUqORpp/6/eeROLp40Kb73b62QLevTb3N9StnsLSywc0rEID8vGySb5bkv0pNSuD6lTPY2Dni7PZoA3r/RPMXejHzx48JDC1PUFgMW1bPpSA/l7pNNOfwjIkf4eTqQYc7SxyKCgtJ1MZQRHrqbeIvn8XSygaPO+2iWduefP1hH9Yunkq1ui25cuEkuzYt5uXXH0zQLoQx/d8PLkybNo3mzZs/MLAAmsGFr7/+muPHH8zeamNjw3vvvcdLL73E9evXadCgAdOmTdP+vVWrVnz88ceMGDGCvLw8XnnlFWJjYzlxwnhZgEvzyiuvcOzYMWJjYzEzM+Ptt9+mSZN//uXz9ddf58iRI3Tr1g0TExN69OjBwIEDdW6VaSxVm/anqCCXrQtHkZ+rxDu4Gi+89pvOyHhG8jVys9O0z8tVaUNuVioH1k0iW5mEu28UL7z2m3Ya3+2EU9y6pskuPPvLljqvF/vRJhxcDPsrYd2GzVFmpLNwzlTS01IJDCnH+59+q10WkZx0CxNFybSujWuWUlRUyPdjde+73KnHK3R5uR8KhYIbCVf5bvNaMpUZ2Ds4EFIuijHjfsY/0DhfaKOqtyEnK5VdqyaSrUzCwy+KroOnapc5KFMTdX6l9AutyguvjGfnignsWP4dzu5BdHzjJ9x9NdM+s9JvceG4ZsnAjC90Pxj2eDuOgPBaGEN0jTbkZKayfbkmDk//KHq8NVW7LCLjvjj8w6rSvv94ti2bwNal3+HiEUTXQT/h4Wu46av/1q5TKszN4IU6plhZwLXbauZsKqLonh/xnO1NsLEqGRTwcTWhb6uS7r91DVPAlCMXVCzbU/zIxzWUZ6F9V6nzHFnKNNYt+hFlejK+gZG8/v4v2vuqpyXrnlPKtNuMH9lZ+3zrqplsXTWT0KjqvDlqJgC7N/0BwE+f9dV5rR5vfE7NO4MWhlShVhuylWlsXjKRrIxkvAOi6D18inZZRHpqos4vxgHlqtD1jW/YtPgHNi76HlfPQF56axKefiXtotuAb9mw8HsW/vIuudkZOLn50KLzUGo2/ed3V3pUjtViqLN5tvZ5+fEfABAft4Tj/UZi6e2OtX/Jr3m5VxI4+OLrlP92JEGDY8lLuMmJ1z8ieeMubZnEhWuxcHchfPQQLL3cUR47w4G2/Sm4bZzke62rRpGWlcvPa3aRrMwmws+Dnwd00d5e8maaEsU9uRMyc/P4dP56kpXZONhYUd7fk1lDXyb0P7grxMPUrN+KTGUay+ZPRpmWgn9wBG+P+lG7LCI16aZOu0hPS+KTd3pon69fPpv1y2cTEV2NEZ//BsBLr45g2byfmTNlLJkZaTg5u9OoZSde7Pqa0eKo1aAFSmUaS+ZNISMthYDgcIaP/qEkjuRbKO5pG1vWLaGoqJAfx72vc5z23fvToYemnm06xpKfl8fMn78kJzuLclGVGD76B6PnZXja+9vKdZ4jS5nK+kU/kpmejE9gJP3f/1W7HCstJVHns5QyLYnvPyjpa7evnsH21TMIiarBwI9nAhB/6RS/fF7Sz66Y8zUA1Ru2o/sbXxqs7ndVr6dpFyvnT0aZnoxfUASDP/wZB+35pBtDetptvni3pM/cuCKOjSviKFe+GsM+1Xz3CAqL4Y13v2PZvImsXjQFNw9fuvR5l1oNnzd4/Z9Ez+ptHZ9GJuqH3W9RCCOZtPrpP+3qhxsvo/N/6Uj807FO8e+YPwNDpReuGH45y+Pg5vr0vxmh3oa9N/vjkl1g2Bkaj4tNg0dbFvYka7ZqxOOugkEc8jfewNB/xUzxbLTvgxeNc8vm/1qQ19OXnPh+dhbPxvW7SQXrvy/0BDpwNuNxV+FfqRn5z28t/dNPP/HNN99w8+ZNKlWqxKRJk0q9mcBvv/1GXFycdjl8tWrV+PLLL//RzQf+qf/7nAtCCCGEEEIIIcST7I8//uCdd95h9OjRHD58mEqVKtGqVatS7xK4bds2evTowdatW9m7dy/+/v60bNmS69evG62OMrgghBBCCCGEEEI8wb777jteffVV+vbtS/ny5fnll1+wsbFh+vTpesvPnTuXgQMHUrlyZSIjI5k6dSoqlYrNmzcbrY4yuCCEEEIIIYQQ4qmkekof/0RBQQF//vknzZuXJF9VKBQ0b96cvXv3PmTPEjk5ORQWFuLi4vIPX/3RPf0LY4UQQgghhBBCiKdIfn4++fn5Otv03WUPIDk5meLiYjw9PXW2e3p6cvbs2Ud6vffeew8fHx+dAQpDk5kLQgghhBBCCCHEf2js2LE4OjrqPMaOHWuU1/rqq6+YP38+S5cuxcrK8LezvktmLgghhBBCCCGEeCo9rbeiHDlyJO+8847ONn2zFgDc3NwwNTXl1q1bOttv3bqFl5fXQ19n/PjxfPXVV2zatImKFSuWrdJ/Q2YuCCGEEEIIIYQQ/yFLS0scHBx0HqUNLlhYWFCtWjWdZIx3kzPWqVOn1Nf4+uuv+eyzz1i3bh3Vq1c3eAz3k5kLQgghhBBCCCHEE+ydd96hd+/eVK9enZo1azJhwgSys7Pp27cvALGxsfj6+mqXVowbN45Ro0Yxb948goKCuHnzJgB2dnbY2dkZpY4yuCCEEEIIIYQQQjzBunXrRlJSEqNGjeLmzZtUrlyZdevWaZM8Xrt2DYWiZGHC5MmTKSgooHPnzjrHGT16NGPGjDFKHWVwQQghhBBCCCHEU0nN05lz4d948803efPNN/X+bdu2bTrPr1y5YvwK3UdyLgghhBBCCCGEEKJMZHBBCCGEEEIIIYQQZSKDC0IIIYQQQgghhCgTybkghBBCCCGEEOKppFb//+RceNLJzAUhhBBCCCGEEEKUiQwuCCGEEEIIIYQQokxkWYQQQgghhBBCiKfS/9OtKJ90MnNBCCGEEEIIIYQQZSKDC0IIIYQQQgghhCgTGVwQQgghhBBCCCFEmUjOBSGEEEIIIYQQTyWV+nHXQNwlMxeEEEIIIYQQQghRJjK4IIQQQgghhBBCiDKRwQUhhBBCCCGEEEKUieRcEEIIIYQQQgjxVFJj8rirIO6QmQtCCCGEEEIIIYQoE5m5IMS/lJjp+LirYBDFqsddA8NQFT7uGpSdvZ3p466CQRQXP+4alF1KlvnjroJBqJ+RDNovrBrxuKtQZpvbfv24q2AQpgd7Pe4qlFlhseXjroJBmJs9G7/W5hU+/b91PivnlBBlJYMLQgghhBBCCCGeSmr1szHQ9ix4+ocKhRBCCCGEEEII8VjJ4IIQQgghhBBCCCHKRAYXhBBCCCGEEEIIUSaSc0EIIYQQQgghxFPpWUle/CyQmQtCCCGEEEIIIYQoExlcEEIIIYQQQgghRJnIsgghhBBCCCGEEE8lFXIryieFzFwQQgghhBBCCCFEmcjgghBCCCGEEEIIIcpEBheEEEIIIYQQQghRJpJzQQghhBBCCCHEU0mtlpwLTwqZuSCEEEIIIYQQQogykcEFIYQQQgghhBBClIkMLgghhBBCCCGEEKJMJOeCEEIIIYQQQoinklr9uGsg7pKZC0IIIYQQQgghhCgTGVwQQgghhBBCCCFEmciyCCGEEEIIIYQQTyU1civKJ4XMXBBCCCGEEEIIIUSZyOCCEEIIIYQQQgghykQGF4QQQgghhBBCCFEmknNBCCGEEEIIIcRTSSW3onxiyMyFZ9zMmTNxcnLSPh8zZgyVK1d+bPURQgghhBBCCPHskZkLj1njxo2pXLkyEyZM0Nk+c+ZMhg4dSnp6+t8e4/fff6dnz5688cYb/PTTTwapl1KpZNy4cSxevJgrV67g5ORETEwMAwcOpEOHDpiY/LdZWdVqNQfWTeLUvoXk5yrxDq5K486jcXIPeuh+x3fN5cjWaeRkJuPmE0nDDh/hGVgRgLzsdPavn0T8ud1kpiVibedCSEwzaj33FpbW9kaJY9eG39mycgaZGcn4BETQsc8HBIZV0Fs2Mf4C6xb9SPyl06Ql36B9r/do1KaXTplNy37j+MFN3L5xGXMLK4LCK/NCj7fx8Ak2Sv0Bjmyfy8FN08hWJuHuG0mzrh/jHVSx1PLnDq9l96ofyEi5jrNHEA3bDSckppH2738d3cCxnfO5FX+KvOx0Yt9fhod/lNHqf9fh7XM5uFETh4ffo8Wxa2VJHI3al8RRXFzIrhUTuHRqBxnJ8VhY2xEYUZdG7Ydh5+Rp1DjUajV/bprE2YMLKcjNxDOwCvXbj8bRLeih+53aO5fjO6aTm5WMi1ckdV/8EA//kvhXTYkl8fJBnX0ia3ajQYcxRonh4IZJnNmvad9eQVVp2PHv2/fJ3XM5ul3Tvl29I6nf/iM8A0pi2L5oFAnn95KtvI25pQ1egVWo/fxwnD1CDB4DwKGtc9m7fhpZGUl4+kfSqsfH+AaXfk6dPrSW7ct/ID35Oi6eQTTrNJywCo30ll0zexSHd/xBi24jqdW8j1HqD5oY9m24E4NfJC3/JoYzd2NIuY6LRxBNHxbDnFEc2fEHLbqOpKYRYwCYv+Mws7YcIFmZTbivB+93bk6FQG+9ZZfvP8GouWt1tlmYmXLwu2F6y3/2x3oW7T7Gux2a0rNJdYPXHcClfnVChvXDsWoMVj4eHOo0kFsrNj98n4Y1KT/+fezKlyMvPpELYyeTELdUp0zggJcIeacfll7uKI+f5dTQz8g4eMIoMdy1c/3vbFk5E2V6Mr6BEXTqO/Kh1701C34i4fJpUpNu0CF2BI2f173u7drwB7s2/kFq0g0AvP1CadXpDcpXaWDUOHZvmMe2VZrrt3dABB16f0BAmP62cTPhAusXTiLhsub6/WKv92j4XKxOmYtnDrFt1XSuXz6NMj2JPm9PJKZGM6PGcHTHXP7cUnL9btL5Y7wCS2/ffx1Zy57VP6BMvY6TexANXhxOcHRJ+1ar1exdM5ETezV9t09wVZp1HYOzR5BR49i3aS671k4nKyMZL/9I2vb8EL/Q0uM4eWAdm5ZMJD35Oq6egbTsOoyISiVx5Odls2HBd5w5vJmcrHSc3f2o06InNZt2N1oMezfOZceakhhejP0Q/4fEcGL/OjYunkjanRhadxtGZOWSGDIzklk3/1vOn9xNXk4mQRHVeTH2Q9y8gowWgxD6yMyFp1BBQYHO82nTpjFixAh+//138vLyynz89PR06tatS1xcHCNHjuTw4cPs2LGDbt26MWLECDIyMh6pXoZ0eMtUju2cTeMuY+gydAHmFtas+LU/RYX5pe5z/sgadi3/ihqtBtHtnSW4+kSwYkp/cjJTAMhW3iY74zb1XhzBSyNW0rzHWK6e28mWPz40SgxH9q5l2eyvadVpAMO+XIhPYAS/fvU6mRkpessXFuTi6uFH2x5DsXdy01vm4plD1G/Zg7c+nccbH0yhuKiQX8a+Rn5ejlFiOPvnGrYtGUudNoPo9f5SPPwiWfRjP7Iz9cdw/dJhVs0YRkydzsSOXEZYxWYsmzKIpBt/lcSZn4NvaFUathtulDrrc/bQGrYtHkvd5wcRO3Ip7r6RLJz0kDguHmbl9GFUqNuZ3iOXUa5SM5b+WhJHUUEet+JPU+e5AcSOXEL7134k7fZllvwywOixHNsxlVN75lC//RjaDfwDcwsb1k5/9aFt4+LxNexbPY6qzQbR4c3FuHpHsHb6q+Rm6cYfWaMLL3+wQ/uo9Zxx3qOj26ZyYtdsGnYcQ6fBmva9aurD2/eFo2vYvfIrqrcYROehmva9amp/cu6Jwd0vmibdvqT7u6tp238qatSs+q0fKlWxwWM4dXANGxeMpcELg+j/8VI8/SL5fUI/spX6z6n4C4dZ+tswKtfvzKujlhFRuRkLfhrE7et/PVD27OGNXL90DHsnD4PX+16nD65h08KxNGg7iH4fLcXDP5L5P5QeQ8LFwyydOoxK9TvT/+NlhFdpxsKfS4nhiCYGOyPHALDu8BnGL93K663rMf/d3kT4ujPg5wWkZGaXuo+dlQWbPx+ofawb84becpuP/cWJK4m4O9oZq/oAmNraoDx+jpNDPnmk8tZBftRY8Ssp2/azq3o7Lk+aRYVfP8etRX1tGe8uzxH1zUjOf/4Tu2p2IPP4WWqtnoaFu4uxwuDwnnUsjfuGVp3e4N2vFuATGM7kL0u/7hXk5+Hm6ccLPYbiUMp1z8nVkxdeGsrwsX8w/Mv5lIupxdRvhpAYf8FocRzdu5YVc76mRceBDP1iIT4BEfz2kOt3QX4uLh7+tOn+dqnX74L8XHwCI+jQ9yOj1fte5w6vYcfSsdRuPYiX312Km28kS37up/1MdL8blw6zZpbm+v3yCM31e8XUQSTfc/0+tOk3ju6YTfOuY+jxjqbvXjK530P77rI6sX8Na38fR5N2gxj4yWK8/COYOf5Vskrpp66dP8KCycOp1rATAz9dQlTVZsz7YTC3EkriWDtvHOdP7KLz61/z1tjV1G0Zy6rZn3Pm8BajxHB83xpWzxtHsw6DePOzxXgHRDD961fJKuV8uvrXEeb/PJzqjTox+LMllK/WjDkTBnMzXhODWq1m9oQ3SU2Kp9fbPzH48yU4u/kw7atXKDDS58EnjVpt8lQ+nkUyuPAU6NOnD+3bt+eLL77Ax8eHiIgI7d8uX77Mnj17eP/99wkPD2fJkiWPdMxff/0Vf39/bGxs6Nq1q86AwQcffMCVK1fYv38/vXv3pnz58oSHh/Pqq69y9OhR7Ow0H6qCgoL47LPPiI2NxcHBgddee82wgd+hVqs5tiOO6i3eICSmGW4+ETR/aRzZyttcOrmp1P2Obp9JdO0ulK/ZCRevMJp0/gQzcyvOHFgMgKt3OG36TiI4uimObgH4latNnefe5vKpraiKiwwex7bVcdRp2plajTvg5RdKl36jsLCwYv+2pXrLB4RW4MWXh1O1bhvMzCz0lnl95K/UbNQeb/8wfAMjeWnAF6QlJ5Jw+bTB6w9waPMMKtTtSoU6nXDzDqNF908wt7Di5N7Fessf3hpHcPkG1GzRH1evUOq/MBRP//Ic3T5HWya6VnvqtnmTwMg6RqmzPoe2zKBivZI4Wva4E8ce/XH8eW8c3iVxHNmmicPS2p6uQ2YQWa0NLp4h+ARXplnXj7l17RTK1BtGi0OtVnNydxxVmrxBUPlmuHpH0LjrV+Rk3ubq6dLbxomds4is0YWI6h1x9gyjfvsxmFlYce6Qbv9hZm6Fjb279mFhZfgvVGq1muM746jW7A2CY5rh6hNB0+7jyFHe5vKp0mM4tmMm5Wt1IbJGJ1w8w2jU8RPMza04e6DkPSxfuxs+ITVwcPHD3S+aWq2GkpWeSGbqdYPHsX/jDKo06Erlep1w9wmjTU/NOXV0t/5z6uDmOEKjG1CnVX/cvENp3H4o3gHlObRljk45Zdot1v/+Ge37j0dham7wet8fQ+X6Xal0N4aXP8HMwopjpcRw4P4Y2g3FK6A8h7Y+GMOGOzGYGjkGgNlbD9GxbkXa165AqLcbH3VthZWFOcv2lf4LvYmJCW4OdtqHq4PtA2VupWfy1aJNfBnbFnNT4358Slq/g79GT+DW8tLbwL0CX+tO7uUEzowYR9bZS1z9eS43F68n+K0+2jLBQ/sSP20BCbOWkHXmIicGjqY4Jw//Pp2MFIXmule3WSdqN9Fc97r2H4WFhTX7tuq/7gWGxdCu5zCq1nsOM3P9172Yao2JrtIQD+9APHyCaNt9CJZWNlw5f9xocWxfM4taTTpTs3EHvPzC6NRvNOaWVhzcrv8zV0BoBV54eThVHnL9jqrcgOe6vkWFGs2NVu97Hd46g5i6XYmu3QlX7zCad9W075P79LfvI9vjCIpqQPVmmut33eeH4uFXnqM7Ne1brVZzeHscNVsOILRic9x9I2nd62uyM25z8fijnbf/xu51s6jeqAvVGnbEwzeMF/uMwdzCij936H8v9myIo1yF+jRo0w8Pn1Cad3oL76Ao9m2apy1z7cIRqtRvR0hUTZzdfanRpCte/hEkXDLOObVz7SxqNO5C9YYd8fQNo33fMVhYWnGolBh2b4ijXMX6NHy+Hx6+obTs/BY+QVHsvRND8s0rxF84Rvs+o/EPqYC7dzDt+oymsCCfY/tWGyUGIUojgwtPic2bN3Pu3Dk2btzIqlWrtNtnzJjB888/j6OjIz179mTatGl/e6wLFy6wYMECVq5cybp16zhy5AgDBw4EQKVSMX/+fF5++WV8fHwe2NfOzg4zs5LVNOPHj6dSpUocOXKEjz/+2ACRPkiZmkBOZhL+4XW12yyt7fEMqMjNK0f17lNcVMDthFM6+5goFPiF1yl1H4D8vEwsrOxQmBp2xVBRUSEJl08THlNbu02hUFAupjZXzx8z2Ovk5mQBYGPnaLBj3lVcVMCt+FMERur+nwZE1uXGpSN697lx+SiBEbqDBkFR9blx+ajB6/eoiosKuHntFIERunEERtblxuWHxHHf4EdQ+YfHkZ+XBSYmWFo7GKTe+mSmJZCbmYxvWEndLKzscfevyK1r+s+r4qICkm+c0tnHRKHAN7QOt68d1Sl74dgq4j6rw6IJL3Bg3XcUFeQaPoY77duvnG779gioyK2rR/XuU1xUQNL1Uzr7mCgU+JarU+o+hQU5nD20BHsXP+ycvAwZAsVFBSRePUVwlG59gqLqcv2i/nMq4dJRgsvrnlMh0fVJuHRU+1ytUrF82rvUadUPd99yBq3z/YqLCki89mAMwVF1SSilfV+/eJTgqAdjuH5fDCumv0vtVv1w9zFuDACFRcWcib9J7Ygg7TaFwoTaEYEcv1z6QF9OfgGtR/9Cy1GTeWvKEi4kJuv8XaVS8+Hs1fRpVpMwb/2/RD9OTrUrk7xlr862pI27cK5dGQATc3Mcq0aTvHlPSQG1muQte3CqXcUodSoqKiT+0mnCK+he98Ir1OaKga57KlUxh3evJT8/l+DwSgY55v2Kigq4fvk04TEl57oxrt/GdPf6HXDfdS8goi6JpVz3Eq8cJSBct30HRtUn8c51LyMlgRxlks4xLa3t8QqsxI0r+o9ZVkVFBdy4corQaN33IjS6DvEXjurdJ/7CMZ3yAOVi6uuUDwirwtkjW1Gm3kKtVnPpzH6Sb10hLKae0WII0xPDtVJiuHbhmE55gHIV6nPtvKZ8cVEhAGbmljrHNDO34Mq5w4YNQIi/ITkXnhK2trZMnToVC4uSEXCVSsXMmTOZNGkSAN27d2fYsGFcvnyZ4ODS19zn5eURFxeHr68vAJMmTeL555/n22+/RaFQkJaWRmRk5CPVq2nTpgwbpn9d6l35+fnk5+tOkSsstMD8nk7wYXKUSQDY2LvqbLexdyMnM1nfLuRmp6FWFWOtZ5/025f175OVxqGNk4mu0/WR6vVPZCvTUKmKsXfUrY+9oyu3b+ivzz+lUqlYFvcVwRFV8PY3/If43CzN/6ntff+ntvaupN68pHefbGUyNg66H8RtHFzJVup/3/4Ld+Owcbj/3HAl9Vbpcdja68Zha196HEWF+exYOp6o6s9jaW286dO5d85/azvdWKzt3MjNTNK7T15OuqZt3L+PvSvpSSXnYmjlttg5+WDr4EFq4jkOrPuWjOTLtOg5yaAx5Nyp5wNt1a709p13t33bPbjP/e375J557F09nqKCHJzcg3nh1emYlvJL4r+Vc7dt3HdO2Tm4klJK28jK0HNOObiSnVES8551v6EwNaNGs9j7dze40mKwtXclJbGUGJTJ2Dr8TQzrf0OhMKNGU+PHAJCWnUOxSo2rvY3Odld7Wy7fStW7T5CHC5+89BzlfNzJys1n1paD9P5+DktG9sPTWZN/Z8am/ZgqFLzUqJrRY/g3LD3dyL+l217ybyVj7miPwsoSc2dHFGZm5N9Oua9MCrYRxslBYszr3o1rf/H9Rz0pKizA0sqGfsMn4OUXWqZjliY7Mx2Vqhg7I16/je3uZ6IHP0e5kvaQ6979129be1dtv1z6ZzNXcox0jc8p5b2wc3QlOVH/e5GV8WA/ZefoSuY9/VTbXh+xbMYovn67MQpTM0xMTGjf91OCI2v8ZzHYO7iSVMr5lJWejJ3jgzFk3YnB3TsYJ1dv1i/4ng6vjMHc0prd62aRkXqTzAz9nwWEMBYZXHhKVKhQQWdgAWDjxo1kZ2fTpk0bANzc3GjRogXTp0/ns88+K/VYAQEB2oEFgDp16qBSqTh37twjDyrcVb363yezGjt2LJ98ortutHWPUbR5eYze8uf+XMm2haO1z9v2/+Uf1enfKMjLYtXU13H2DKVmqzeN/nrGsHjG5yTGX2DImLjHXZX/a8XFhayY+hZq1LTo/mjrpR/VhSMr2blsjPZ5696TDXr8e0XVLBlkc/EKx9rBnTVT+6JMuYaDa8C/Pu5fh1eyfXFJ+37+FeO273JVXsCvXF1yMpM4un06G+YMpcOg33V+4XkSJV49yYHNcfT/eMl/nkDXUBKvnuTg5jj6ffRkx1Ap2JdKwSXXxEohvnT4YhoL9xzlzecbcPraTeZu/5P5I2Kf6Dj+n3j4BDPi60Xk5WRydN9G5v70EUPGzDDaAIN4tu3bOIeEi8foOfRnnFx9uHLuECtnf4a9swdh0XX//gCPmamZOT3fmsTiqR/x6Ru1UShMCY2uQ3hF4yY5fZKo5VaUTwwZXHjMHBwc9CZITE9Px9GxZGq7re2D6z+nTZtGamoq1tbW2m0qlYrjx4/zySefoFD881Uv7u7uODk5cfbs2Ucqr69e9xs5ciTvvPOOzrapW0r/5TA4uolOxvfiYk2iyJzMFGwdSpKB5WQm4+ar/64C1rbOmChMyb0vUVFOZjI29/1aWJCXxYop/TG3tKVN3x+NsibY1sEZhcL0geRPmRkppSat+icWz/iC04e38+boWTi5GnbK913Wdpr/0/uTHmZnpjzwq8Bdtg5uD/yCkaMsvfx/4W4cOcr7z42Hx5F936/o+uLWDCwMRZl6g25vzTL4rIWA8k3p6P9g28jNSsHmnraRm5WMq7f+tmFl46RpG/clb8zNTHmgbdzr7p0kMso4uBBU/r72XVSgfX2d9p2VjJtPKTHcbd/3xZCT9WD7trS2x9LaHif3IDwDKjF9VC0un9xIuSpt/3UM97O52zbuO6eylCnYlXJO2TnqOaeUKdje+XXq2vlDZGemMPG9Jtq/q1XFbFowjgOb4hj8lWETjZUWQ3ZmSZ0eiMHB7YHZO/fGEH8nhknv3xfDwnEc2BzHm2MNnyzN2dYGU4UJKZm6ScxSMrNxs//76xWAuakpkX6exCelAXD4YgKpWdm0Hl0yEFasUvPtsq3M3X6ItaUkf/wv5d9KxtLzvnPf043CjExUefkUJKehKirC0sP1vjKu5N80zq/MD7vu2Tu5lrLXozEzM8fdS9MP+YdEc+3iSbavmUO310b/zZ7/nK29EwqF6QPJ9gx1/f4v3P1MdH/yxpyH9Pv6rt/Z95S3cXDXHsPO8d7PZim4+/2zH6oelU0p70VWRsoDv+zfZef4YD+VlZGC/Z3yhQV5bFw0gZeGTCSicmMAvAIiSLx2ht1rZxh8cKG0GDKVKaUm/7RzctPOUrg3hntj9g2OZsgXS8nLyaSoqBA7Bxd+Gt0Nv+Bog9ZfiL8jORces4iICA4ffnA91OHDhwkPDy91v5SUFJYvX878+fM5evSo9nHkyBHS0tLYsGFDqfteu3aNGzdK1p7u27cPhUJBREQECoWC7t27M3fuXJ0yd2VlZVFU9M+SHVpaWuLg4KDzeNiSCAsrO5zcA7UPF88wbOzdSThfsp60IC+LW9eO4xVUWe8xTM0s8PCLJv6efdQqFQnn9+nsU5CXxfJf+6EwNef5fj8b7ddMMzNz/ILL89fJ/dptKpWK86f2E1ju368TVavVLJ7xBScObmbgR9Nx9fAzRHX1MjWzwNM/mmvndP9Pr53bi0+I/jW7PsGVuXpun862q2f34BNc2Wj1/DumZhZ4BURz9b44rp7bi09w6XFcO3tfHGd047g7sJB++ypdh8zE2s7Z4HW3sLTF0S1Q+3D2CMPa3o3rF0vqVpCXRVL8cTwD9J9XpmYWuPlE6+yjVqm4cXEfHgGV9e4DkHJDM+BoY+9ethis7HRjuNu+L+i279vXjuMZqL8+pmYWuPtG6+yjVqm4fmFfqfuUUGsHNAzF1MwC78BoLp/Rrc+VM3vxDdV/TvmFVObKGd1z6vKZPfiFVAagQu12vDZ6Ba+OWqZ92Dt5UKdVP14aOtWg9dfGEBDNlbMPxuBXSvv2Da3M5fvaxeXTe/C9E0NM7Xa8OmoF/T9epn3YOXlQu1U/erxl+BgAzM1MifL3Yv9fV7XbVCo1+89dpWLwg3mE9ClWqTh/Iwk3B83gYNua0Sx8ry9/jOijfbg72tG7WU0mD+hilDj+qfR9R3FtWltnm1uzuqTtOwqAurCQjMOncGt6z7ptExNcm9QhfZ9x1sebmZnjH1Kev07oXvf+OrmPoDJc9/RRq9UUGbhd32VmZoFvcHnOnyo511UqFRfKeP3+L929fsf/pdu+48/txbuU6553UGWu/aXbvq+d3YP3neueo6sfNg7uOsfMz83i5tVj+AQZJ4+HmZkFPkHRXDqt+15cOr0P/7DKevfxD6vExdO6cVw4tUdbvri4iOLiQkxMdL8SmShMUalUBq0/lMRw8b4YLp7aR0ApMQSEVeLiqftiOLmHgHIPlreyscfOwYXkm1e4fvkkUdWMe3tTIe4nMxceswEDBvDjjz8yZMgQ+vfvj6WlJatXr+b3339n5cqVpe43e/ZsXF1d6dq16wPTNNu0acO0adNo3bq13n2trKzo3bs348ePR6lUMmTIELp27YqXl+YX7y+++IJt27ZRq1YtvvjiC6pXr465uTk7d+5k7NixHDx4ECcnJ4P9H/wdExMTKjWM5dDGX3ByC8LexZf96yZi6+BBSExJluVlk/sQEtOcig16AlC5UR82/f4+Hv4xeAZU5Nj2WRQV5BJVsyNwZ2Dhl34UFebS8uVvKMjLoiBPkxDR2s4FhcLUoHE0fj6WeZM/xD8kmsCwGLavnUNBfi61GrUHYO7PI3F09qBtj7cBTTKsWwkXAU2ynoy0W1y/chYLKxvtLzaLp3/On3vW0G/YRCytbVGma0a2rWzssLCwMmj9Aao368vauPfwDIjBO6gif26ZRWF+LjG1Nf+na2aNwM7Jk4btNHk4qjaJ5Y/ve3Fw03RCYhpx9s813Lx2khYvfao9Zm52OpmpiWRl3AYg9c6aeVsHN2wdy/ZFttQ4mvZlTdx7eAXG4B1YkUNb78RRRxPH6pkjsHfypGF7TRzVmsQy/944DmniaPmyJo7i4kJW/DaEW9dO03Hgr6hUxWTdWedobeto8DX+d5mYmBBTL5YjW37B0TUQexc/Dm2ciI29B4HlS9rG6ql9CSrfnOi6LwNQoUFvti8cibtvDO7+FTi5O47CglzCq3UAQJlyjQtHV+Ef2QgrGydSE8+xd/VXeAVXx9U7Qm9dyhJDxQax/Ln5FxzdgnBw8eXA+onYOHgQHF0Sw4pf+xAc05wK9TTtu1LDPmz5433c/WLw9K/I8Z2zKCzIJbJGxzsxxHPh2Br8w+thZetCdsZNDm/9DVNzSwKiGumtS1nUatGXFdPfwzsoBt/giuzfpKlPpXqa+iyfNgJ7Z0+adtScUzWaxTJ7fC/2bZhOWIVGnDq4hhtXTtKml+acsrFzxua+ASqFqTm2jm64ehlnjXytFn1ZMeM9vANj8AmuyIE7MVS8E8OK6Zp20eRODDWbxTL7m5IYTh9cQ+LVh8dgamqOnYPxYgDo1aQ6H89ZQ7S/FzGB3szZdojcgkLa16oAwIezV+PhaMdbL2rOg1/W7qZikA8B7s5k5uYxc/MBEtOUdKyjmWHjZGuNk621zmuYmypws7clyLNsv8CXxtTWBtuwkhlCNsF+OFSKpCA1g7z4RCI+fwcrX0+O9X0PgKtT5hM48GUix75L/MzFuDWpjXeX5zj44uvaY1yeMINK08eR/udJMg4eJ2hIb8xsrYmf9Wh3mfo3Gj8fy9yfPyQgNJqA0ApsXzNbc91r3B6AOT9+gKOLBy+8NBTQXPdu3rnuFRUVkpF2m4QrZ7G857q3ct4EoirXx9nNm/y8bP7ctYYLpw/yxgfGW2LVqE1v5v/yAX4hmjh2rp1NQV4uNRpp+szffx6Jo4sHbbrfvX4X6F6/U29z/coZLK1scPMKBCA/L5vkm9e0r5GalMD1K2ewsXPE2e3RBsL+iapN+rJ+znt4+MfgFViRI9s07Tu6lqZ9r5s9AjtHT+q/qGnfVRrFsnBiL/7cMp3g6Eac+3MNt+JP0ry7pn2bmJhQtVEs+9dPxsk9EEdXP/as/gFbRw9CKxrvDhj1Wvdm8W8j8QmOwS+kAnvWx1GQn0u1Bpr3YtGv7+Hg7EnLrpoZs3VbxjJ1bCy71s4golIjju9fw43Lp2jfV7Ns0crajqDIGqz74xvMLKxwcvPhytmDHN29nOd6vGeUGBo815uFU0biGxyDf0gFdt+NoaEmhgW/aGJo3U0TQ72WsUz5Mpada2YQUbkRx/et4frlU3R4pWTp5Yn967B1cMHJ1Zub8X+xcs6XlK/WjPAKhk9KKcTDyODCYxYSEsKOHTv48MMPad68OQUFBURGRrJw4cJSBwcApk+fTocOHfSu/+zUqRO9evUiOVn/VMewsDA6duxImzZtSE1NpW3btvz888/av7u4uLBv3z6++uorPv/8c65evYqzszMVKlTgm2++0Vmu8V+p2rQ/RQW5bF04ivxcJd7B1Xjhtd90ZhpkJF8jNztN+7xclTbkZqVyYN0kspVJuPtG8cJrv2mn9N1OOKXNqD/7y5Y6rxf70SYcXAw7C6BKnefIUqaxbtGPKNOT8Q2M5PX3f9FOg0tLTtQZOVem3Wb8yM7a51tXzWTrqpmERlXnzVEzAdi96Q8Afvqsr85r9Xjjc2reGbQwpMhqbcjJTGX3qonkZGr+TzsPmqpdHqBM043BN6Qqz/cdz66VE9i18juc3INo/9pPuPuUzMq5eHwL6+aM1D5fNV3z4axOmzep9/xgg8cAEFm9DTlZmjiylUl4+EXR+c2SODLTEjG5Z1mRb2hV2r4ynp0rJrBzxXc4uwfR4fWSOLLSb3HhuGaK96wv2+m8VrehcQSE1zJKHACVGmraxs6loynIU+IZWJXWfafotA1lyjXyckraRmjFNuRlpfHnponkZGqWUDzXd4q2bShMzbl+cS8nd8dRVJiLraMXwTEtqNJkgFFiqNy4P4UFuWxfNIqCPCVeQdVo2/+3B2O4p32HVW5DbnYqB9dPIiczCTefKNr2L2nfpmYWJF7+k+M748jPVWJt54pPSHU6DPodGzvDfyGMrqFpG9uXa84pT/8oerw1VbssIiNVt234h1Wlff/xbFs2ga1Lv8PFI4iug37Cw7f0GWvGVr5GG7IzU9m+4k4MflF0H1J6DH6hd2JYPoFtyzQxdBn4eGMAaF01irSsXH5es4tkZTYRfh78PKCL9vaSN9OUKO65dmbm5vHp/PUkK7NxsLGivL8ns4a+TOhjvCuEY7UY6myerX1efvwHAMTHLeF4v5FYertj7e+t/XvulQQOvvg65b8dSdDgWPISbnLi9Y9I3rhLWyZx4Vos3F0IHz0ESy93lMfOcKBtfwruS/JoSFXrtiZLmcqaBT+hTE/GLyiSN0b+ol1OkJaSiImi5L3ISL3NN++VzAbZsnImW1bOJKx8dQaPngFApjKVuT9/SEZaEtY29vgElOOND34hsqLx1sZXrvMcWcpU1i/6kcz0ZHwCI+n//q/aqfX3x6FMS+L7D0qu39tXz2D76hmERNVg4MczAYi/dIpfPi+5dq+Y8zUA1Ru2o/sbXxo8hoiqms9Ee9dMJEeZhLtfFB0G3Hfdu6d9+4RU5bne49mzegK7V36Hk0cQL/b/Cbd7rt/Vm79KYUEum+ZrPpv5hFSj44CpRs1pU6FWG7KVaWxeMpGsjGS8A6LoPXyKdolAeqru9TugXBW6vvENmxb/wMZF3+PqGchLb03C068kjm4DvmXDwu9Z+Mu75GZn4OTmQ4vOQ6nZtLtRYqhYuw1ZmWlsWjyRzDsx9H13ivZ8Sk/RfS8Cw6vQfcA3bFj0A+sXfo+bZyA9h07Cy78kBmV6EqvnjdMs+XByo0r9djRtb5xr9pNIheTDeVKYqNWSAkP89yatfvpPu1Dvf7Y85El1PdX4953/LzwLedbSMww/BfNxMDN7+t8MV6enPwZ4dpJcdc37+9ssP+k2t/36cVfBIEwPnnjcVSizwuJnY1Xw9eRn4zdCV8en/9pn+mycUnSs+XQGsurw0/mZvG3VZ6MN3+vpPIOEEEIIIYQQQgjxxHj2hkuEEEIIIYQQQvxfeFZm6T0LZOaCEEIIIYQQQgghykQGF4QQQoj/sXff4VEUbwDHv3fpvXfSK4QSegepAoKIAgIioKBiQ6QJFkAREUVEQUGQjkiRXqX3Khh6rymE9N5z9/vj4MJBAmjuDOH3fp5nn4dsZpaZ7M7s3bszs0IIIYQQokwkuCCEEEIIIYQQQogykTUXhBBCCCGEEEJUSGr10/GGp6eBjFwQQgghhBBCCCFEmUhwQQghhBBCCCGEEGUi0yKEEEIIIYQQQlRIKnkV5RNDRi4IIYQQQgghhBCiTCS4IIQQQgghhBBCiDKR4IIQQgghhBBCCCHKRNZcEEIIIYQQQghRIallzYUnhoxcEEIIIYQQQgghRJlIcEEIIYQQQgghhBBlIsEFIYQQQgghhBBClImsuSCEEEIIIYQQokJSoyjvIog7ZOSCEEIIIYQQQgghykSCC0IIIYQQQgghhCgTmRYhhBBCCCGEEKJCUsmrKJ8YMnJBCCGEEEIIIYQQZSLBBSGEEEIIIYQQQpSJBBeEEEIIIYQQQghRJrLmghBCCCGEEEKICkktay48MWTkghBCCCGEEEIIIcpERi6IcmFloSjvIpSZqbGqvIugFy+57i3vIujFwhtNyrsIZWZn+3TEe42egmq0dD9V3kXQi3Qjx/Iugl78ldejvItQZkZHXy3vIuhFUd1q5V2EMsvYeb68i6AXe3ZGl3cR9GJwP5vyLkKZWRjnlncR9MStvAsgKjgJLgghhBBCCCGEqJBkWsST4yl4viSEEEIIIYQQQojyJMEFIYQQQgghhBBClIkEF4QQQgghhBBCCFEmsuaCEEIIIYQQQogKSaWu+AvFPy1k5IIQQgghhBBCCCHKRIILQgghhBBCCCGEKBMJLgghhBBCCCGEEKJMZM0FIYQQQgghhBAVklpd3iUQd8nIBSGEEEIIIYQQQpSJBBeEEEIIIYQQQghRJjItQgghhBBCCCFEhSTTIp4cMnJBCCGEEEIIIYQQZSLBBSGEEEIIIYQQQpSJBBeEEEIIIYQQQghRJrLmghBCCCGEEEKICkklay48MWTkghBCCCGEEEIIIcpEggtCCCGEEEIIIYQoEwkuCCGEEEIIIYQQokxkzQUhhBBCCCGEEBWSWq0o7yKIO2TkghBCCCGEEEIIIcpEggtCCCGEEEIIIYQoE5kWIYQQQgghhBCiQlLLqyifGDJyoQLx8/NjypQp/9n/N3bsWCIiIh6apl+/frzwwgv/SXmEEEIIIYQQQjyZZOTCf+yZZ54hIiLigSDBvHnzGDx4MKmpqaXmPXr0KFZWVv/4/wwLC+PatWvcuHEDd3f3x843bNgw3n///X/8/xnC8V2/cXjrbLLSE3CtFEbrlz/D0696qenPH9vE3nU/kJYUg4OrH890GUZg1eYAFBUVsHftFK6c3kNaYhRmFtb4hjWi+QtDsbF3M2g9dm9ewra180hPTcTLN4Tur4/CL7haiWljoy6zYelP3Lx6juSEWF7qN5yWz72qk2bDsp/ZuHyGzj43Tz9G/7DWYHX4Y/MOflv7J8mpaQT5ejPk9Z6EBwc8Mt/W/UcYPWUmzepGMHHEe9r9uw4fY9WW3Zy/eoP0zCzmfzOaEH8fg5X/LrVazdE/p3L28HLyctLx8K9FsxfHYO/i99B8p/b/RuSu2WRnJOLkEUbTLp/i5lN8Le76YzTRlw6SlRaPiZkl7n41afjcMBxcH/03+qf+3v0bR7dp2oWLVxitun+Gx0PaxYXjm9i/vrhdNOs8jIA77QLgYuQWTuxdwu2oM+RmpdJn5GpcvSvrvdz3e1ra9+oNm1i6ci3JKakE+vvy/lv9qRwSXGLaPQcOsXj5SmJuxVFUWISXpwfdXuhE25bF52Pi99P4c8cunXx1a0Uw8fNPDVaHjetWs2rFUlJTkvHzD+SNt98nJLTka2DL5vXs3L6VmzeuARAYFELvvv110r/QoWWJefu+/iZduvbQfwXu2LFxKZtXLyAtNQlvvxB6DRhBQEjVEtPG3LzC6t+nc+PKOZISbtHj9aG06fSKThpVURFrlv7Cod0bSUtNwt7BhcYtO9Gx2wAUCsMsJLb3z9/Zse7u/SKUl14bhW9QyfeLW1GX2bjsJ6KvnSU5IZYufUbwzH33i31blrJv61KSE2IB8KgUyLMvDaRKzaYGKT+AY5M6BAztj12tqph7uvLXS+9we+32h+dpVo8qk0ZiXSWY3KhbXJ4wnegFq3TS+L7di4Ah/TFzdyH95HnODB5H2tFTBqsHwJEdv3Fg82wy0xJx9w6jfa9P8QoovZ86c3QzO1f/QGpiDE5uvrTuOozg6s110iTEXmHbH5O4cfEoqqIiXDwD6f7Oj9g5eRq0Ll3b2NKirhVWFkouXs9jzupU4pIKS03//DM21A23wNPVmPwCNZdu5PP7pjRuJRbn+fRNF6oEmOnk23YokzmrU/Ve/q0blrNx9SLSUpLw9gumz5vDCAwJLzHtzi2r2bdzA9E3rgLgHxhGt1ff0Ul/9OBOdmxeyfUr58jMSOfL7xfhGxCi93Lfa9P6laxdsYTUlGR8/QPpP/ADgkOrlJh26+Z17N7xJ1HXNXUICAqlV983dNJPm/wVu7Zv1skXUasen46bZLhKCFECGblQAeTn5wPg4uKCpaXlP8q7b98+cnJy6Nq1K/Pnz/9Hea2trXFycvpHeQzh3F8b2bFiAo2fe5d+H6/CtVIYy37sT1Z6Uonpo68cZ+2coVRv1JV+H68muEYrVs54l4SYiwAU5ucSd/MsjTq8Td9RK3nhzWkk377GyulvG7Qex/ZvZuX8b+nQbSAjJy6lkm8o08YPJCOt5HoU5OXi5FqJzq98gK29c6nH9fAO5KuZO7TbkHH/7Dz/E9v2H+HH+cvo360T8yaOJtjXmw/HTyE5Lf2h+W7FJzJ1wXIiKj/4RSsnN5/qYcG82/slQxW7RH/v/JWT+xbS/KWxvDRoGcamFqyfNYDCgrxS81yK3Mj+tV9Tp827dBu8EmfPUNbPGkB2RvE5dKkUTsvuX9FzxAY6vfErqNWsm9kflapIr+U/f2wju1ZOoGGHd3l1pKZd/DGtP1kZJV9PMVePs37uUKo27EqfUasJqt6K1TPfJSH2ojZNQV42XoG1aNZ5mF7L+jBPS/veuXc/03+dT5+e3fhlyjcE+vvx0egvSUlNKzG9rY01r3R/iWnffsWsqd/RrnULvvnhJ44ej9RJV69WBH8smKXdPh0+2GB12Ld7J3NmTadHrz5MnvoLfgGBfP7ZR6SmppSY/vTJEzRt3pJxEyYz8btpODu7MPbTESQlJmjTzF30h872/uDhKBQKGjZuZrB6HNn3J0vnTub5l99kzHeL8fYL5vsv3iU9NbnE9Pl5ubi4efHSq4Owcyi5r920ah67Nv9Brzc+4supK+jaZxCbVs1n+4YlBqnD8QObWbXgW559aSDDv16Gp28I0796q9T7RX5eLs5ulejUc3Cp9wt7Jzc69RrMsAlLGfbVEoKr1ufXbwdxK+qyQeoAYGRlSfrJC5we9Pljpbfwq0Tdtb+QtOsw++p05trU+VT75Uuc2zTRpvHo1p7K347i0pc/sa9eFzJOnqf+htmYujgaqhqcPrKRLUu/pvnz7/LWmJW4eYey6PsBpfZTUZePs2LmUGo27cpbY1YRWrM1S6a9R3x0cX+bHH+TuV/3wtkjgL7DFzDw8zU06/QOxiZmJR5TXzo1t+HZRtbMWZ3CZz/Fk1ugZuTrzpg85HFjZX8zth7KZPRP8UyYnYiREYzs74yZiW5gbcfhTN7+Mla7/b6p5P6vLA7t3criOVPo8vIAxk1egI9/MN+MHURaKe373KljNGz6LB9/OZ0x38zG0dmNb8a+T3JSvDZNXm4OIZVr8HKf90o8hr7t37Od+bN+oluvfnzz46/4+Qfx5WfDSCulrz1z6m+aNGvF2Ak/8NV303F2cWXcZ8N0+lqAiNr1mbVwlXYbPGLMf1EdIXRIcOEJdHeqwfjx4/H09CQ0NBR4cFpEamoqb731Fm5ubpibm1O1alXWr1+vc6zZs2fTq1cvXn31VebMmfPA/xUdHU3Pnj1xdHTEysqKOnXqcPjwYeDBaRFFRUUMGTIEe3t7nJycGDFiBOr/YJLT0e1zqdG4O9UbvYSzRxDP9vwcE1NzTh1cUWL6YzsXEFClKfXbDsDZI5Bmzw/GzbsKx3cvAsDMwoYeH8ylcu0OOLkH4BUQQZuXPyPu5hnSk2MNVo/t6xfQqNVLNGzxAh7egfR48zNMTS04uGN1iel9g6ryYp+h1GncHmMT01KPq1QaY+fgrN2sbR0MVAP4ff1Wnm/VlI4tmuDv7cmIN3tjZmrK+h37Ss1TVKRizI+zGND9eTxdXR74ffvmDenfrRN1q5UcsTcEtVrNyb0LqN16IP5VW+HsGUqrHhPJSo/n2ultpeY7sXseVep3o3K9l3B0D6L5S59jbGLO+aPF12J4g5fxDKyLrWMlXCqFU6/dYDJTb5GRHKPXOvy1fS7VGnWnWkNNu2jTQ9MuTpfSLo7vXIB/labUazMAJ/dAmnTStIvIO+0CILz+CzTq8B6+YQ31WtaHeVra9/LV6+jwbGvat26Jn483H77zJmZmZmzauqPE9BHVqtK0YX18vSvh5eHOS88/R4CfL6fOntNJZ2JigqODg3azsbY2WB3WrFpO23YdaNW2Pd4+frz93oeYmZmxfcumEtMPGfEJHTp2JiAwiErePrz7wTDUKjUnT/ytTePg6KizHT50gKrVI3D3MNyT2S1rf6NZmy40adUZT+8AXh34CaZm5uzbvqbE9P7B4XTv9yH1mz6LsbFJiWkunz9BRL3m1KjTFGdXT+o0ak14RAOuXTptkDrs2qC5XzRo0QX3SoF0HzAaU1MLDu1cVWJ636CqdO49lFoPuV9Urf0M4TWb4erhi6unHx17DMLM3JLrl04apA4ACX/u4eKYKdxeU3q/ei/fN3uQcy2acyMmknn+Kjd+/o24FX/i/0E/bRr/wa8RNXsZ0fNXknnuCqfeGUNRdi7e/QwXoD60ZR61mnWjZpOXcPEMouOrmn7q730l91OHty0kqGoTGrfrj4tnIC27fICHbxWO7PhNm2bHyikEV2tOm27D8fCtgqOrD6ERLbGyNexDnXaNrVm9I51jZ3OJiitg+tJk7G2NqFPFotQ8E+cmsudYNjHxhdy8VcCM5Sm4OBjjX0m3veQVqEnLVGm3nDz9f0bctGYxz7R9gWatO+HlE8Brb4/EzMycPdvWlZj+naHjaN2hK74BIXhW8mPAe5+gUqk5e+KoNk2TFh3o0mMA4TXq6b28JVm3ahmt23WkZZsOePv48eZ7QzEzN2fHlg0lph88fDTtOnbBPzAYL29fBg4agVql4tSJYzrpTExMcHB00m7WNjb/RXWeCCp1xdyeRhJceEJt376dCxcusHXr1gcCBgAqlYr27duzf/9+Fi1axNmzZ/n6668xMjLSpsnIyGD58uX07t2bNm3akJaWxt69e7W/z8zMpHnz5sTExLB27VpOnDjBiBEjUKlUJZbpu+++Y968ecyZM4d9+/aRnJzMqlUlf9DRl6LCfOJunsE3rJF2n0KpxC+sETFX/y4xT8zVyAe+HPlXaULM1chS/5+8nExQKDCzsNVLue9XWFBA1NVzhFVvoN2nVCoJq16fqxdPlOnYCXE3+PjNVox+tz1zfxhJcsKtsha3RAUFhVy4eoO61YuDAEqlkrrVK3P64tVS8835Yx0OtrY838pwQ2//qfTkaLIzEvAOLr6uzCxscPOpTtyNyBLzFBXmkxBzhkohutdipeCGpeYpyMvm/NGV2DpWwtr+8ackPUpRYT63ox5sFz5hjYgtpV3EXovEN1S3XfhVbkLstZLL/l94Wtp3QUEBFy9fpXaN4iHSSqWS2hHVOHvhwiPzq9Vqjp84SXRMLNXDdYNskafP8GLv1+kzcBDf/zyTtPQMvZcfNHW4cvki1SNqa/cplUpqRNTmwvmzj3WM/Lw8iooKsbYu+QNtakoyx44eonXbDnopc0kKCwq4ceUclWvU1+5TKpVUqV6fKxf+/ZfooLAanDt5hLiYGwBEXbvI5XORVKvVuMxlvl9hYQFRV88SUk33fhFSrQHXL5XtfnGXSlXE8f2byMvLwT+khl6OqQ/2DSJI3HFQZ1/C1n04NIgAQGFigl2tcBK3HyhOoFaTuOMA9g1qGqRMRYX5xN44Q0Bl3X4qoEpDoq9Elpgn6kokAVUa6ewLDG+sTa9Wqbh0cheO7n4smtyfbwc34tcvu3P++OMFYf4tV0cjHGyNOH25eIReTp6aK1H5BPuW/hDjfpbmmhELmdm6nxcbR1jyy2ceTBzsxsvP2mJqot8pQ4UFBVy/cp7wGnW1+5RKJeE16nL5wuNNi8nLy6WoqBArG8PcDx6loKCAq5cvUj2ijnafUqmkWkRtLpw/81jH0Pa199XhzKlIXu/1PIPefIWZP31HRrr+R44I8Siy5sITysrKil9//RVT05I7+23btnHkyBHOnTtHSIhmXlhAgO6c7iVLlhAcHEx4uGZeWY8ePZg9ezZNm2q+5C1evJiEhASOHj2Ko6NmOGFQUFCpZZoyZQqjRo3ixRdfBGDGjBn8+eefZavoI2RnpqBWFT0Qybe0dSLpdslfaLPSE7Gy1R0WamXrRFZ6YonpCwvy2LVqElXqPIeZhWGeCmZmpKBSFWFjp1sPGzsn4mKu/evj+gVX49V3v8TN04+0lAQ2Lp/B5NH9+HTySswt/vn6HA+TmpFJkUqFo53uzczRzpYbMXEl5jlx7hLrduxjwbej9VqWssrO0AwltLDRPR8W1s5kZ5R8neRmaa5FS+v78tg4kxKvew5P71/MgQ2TKMzPxt7Fn05vzsHI+PE/uD1Kzt12cV/5rWycSI4rvV1Y3tcuLB/SLv4LT0v7TkvPQKVS4eBgp7Pfwd6em9Glj1jJzMqie7+3KCgoQKlUMvjtAdSpWfxFr27tCJo0qo+Hmyuxt24ze+FiRo4dz7Rvx+sEkvUhIz0NlUqFvYPuyCc7eweio24+1jHmz52Jg6MTNWrWLvH3O7ZtwcLCkoaNDRdozMhIRaUqwtZOd4i8rb0jt2Ku/+vjtn/xNXKys/j0/RdRKo1QqYro8sq7NGiu/0BJVnrp94v42H9/vwCIvXmR7z/tTWFBPmbmlvQfNgX3SoFlOqY+mbk5k3dbty3n3U7ExM4GpbkZJg52KI2NyYtPui9NElah+l/XBiA7o+R+ysrWmcRbJZ+PzLTEB9Jb2zqTeaefyspIIj8vm/0bZ9Giywe07jqMy6f3svTn9+k7fD5+oYZ5gm5nrek30jJ1p+mlZRZpf/coCgW82tGeC9fziL5dvObCgchsElMKSUkvwsfDhB7t7fBwMWHKopKnjvwbGema9m1n/2D7jo2+8VjHWLpgGg6Ozv/ZKIX7afraIuzsdftae3tHYh6zr100dwYOjs46weCI2vWp36gZru4e3L4Vy+L5Mxk/ZjjjJ03X+/1CiIeR4MITqlq1aqUGFgAiIyOpVKmSNrBQkjlz5tC7d2/tz71796Z58+ZMnToVGxsbIiMjqVmzpjaw8DBpaWncunWL+vWLnwYZGxtTp06dR06NyMvLIy9Pdx57Qb4ZJqaGnVf4OIqKClgz6wNATduejzcn9EkSfs9CXF6+IfgFV+Ozt9tx/MCfNGr1YjmWDLJycvl86mxGDeyDvW35Ds27eHwdu/4onnv4XP8ZD0lddsG1OlEppBHZ6QlE7p7DloWD6fLe7wafSyt0Pent29LCglk/fEtObi7HT5zi59nz8XB3I6KaZuHBls2K55kH+PkS4O9L7zfe5cTpM9SqUfpCcuVhxbLF7Nu9ky8nTi713rV96yaatWj10Hvbk+ro/q0c2rOJNz78Ci+fAG5eu8CS2d9pF3asKFw9/RnxzR/kZmcQeWgrv/30KYPGzn2iAgz/D9R3RoiG1mxJw7b9AHD3qUzU5b85tmuJ3oILjSMs6N+l+EvsN/PKHkx+rbM93u4mfD5dd77/jiNZ2n9H3S4kJUPFp2+44OpoRHyyftcc+rfW/TGfQ3u38vH46Zg+AZ9B/41Vyxaxf892xn79o04dmjRvpf23r18gvn6BvDugB2dOReoEIZ5W8irKJ4cEF/5jtra2pKU9OEwpNTUVO7vip16PeiuEhUXpc+MAzp49y6FDhzhy5AgfffSRdn9RURFLlizhjTfeeOQx9GXChAl8/rnuB/vn+4yhc9+xj8xrae2AQmn0wKJJ2elJDzy9vMvK1vmBp5hZJaTXfPEYTFpyLD0HzzfYU00AaxsHlEqjBxbjykhLeuhijf+UpZUtrp6+JMRF6e2Yd9nbWGOkVD6weGNyWjpO9nYPpI+Ji+dWQiLDv56q3ae60/s3eflNlvzwJZXcXfVezpL4VWnBy0OKv4wVFWoWSc3JSMLKtrgMOZmJOHmWvDK+uZXmWszO1D2HORkPjggws7DBzMIGexc/3HxrMPuz+lw7vZXgmh31Uh+Lu+3ivsUbszIe3i6y72sXD2tH/4WnpX3b2dqgVCpJSdHt21NSU3F0sC81n1KpxMvTA4CgAH9uRsWwePkqbXDhfp7ubtjZ2hITG6f34IKNrR1KpZLUFN0FxdJSU3B4RAB69YqlrFj+O1+Mn4Sff8lfUs+cPklMdBTDRhp2FJONjT1KpRHpabqLu6WnJmNn/+/nsi+fP4UOL/ajftNnAajkG0xSQhwbV87Ve3DByrb0+4VNGeoAYGxsgou75m083gHh3Lxymt0bF/Hym0/Gwm95txMxc7uvP3VzpiAtA1VuHvmJKagKCzFzdbovjRN5cYYZhWVpU3I/lZWeiLVdyf2UtZ3zA+kz0xOxvtNPWdo4oDQyxsVDd7Sos0cgUZd159GXxbGzuVyOuq392dhIM03BztqI1IziKQ121kbcuJX/yOP1e96emmHmfPFLAsnpDw8YXLmpOZ67k7Heggs2tpr2ff/ijempydg7PLxtbFi1iPUr5/PR59Pw8Sv5LT7/BU1fa/TA4o2pqcnYOzy8r12z4ndW/bGY0eMnl9rX3uXm4YmtrR1xt6L/L4IL4skhay78x0JDQzl+/PgD+48fP/7QUQj3q169OtHR0Vy8eLHE38+ePZtmzZpx4sQJIiMjtduQIUOYPXu29hiRkZEkJ5e8wu697Ozs8PDw0C72CFBYWMixY4++CY4aNYq0tDSdrUPPUY9VTyNjU9x9wrlxoXgOplql4vqFg3gFlDy/0isgghsXDunsu37+AF4BEdqf737xSIm/QY8P5mFhbbhFEAGMTUzwDqjMhVPFfz+VSsWFU4cJ0ON819ycbBLjorAtZcXzsjAxMSY0wJe/ThUvOKdSqfjr1Hmqhjw4HNXXy4NF333O/G/HaLemdWpQKzyU+d+Owc3JcCt738/U3Bo7Z1/t5uAWhKWNC9GXiq+r/NxMbt88ibtvRInHMDI2xcUrnJhLutdi9OVDpeYpptYGNPTByNgUN+9wbt7XLm5eOIhnKe3C0//BdnHj/AE8/SP0Vq5/6mlp3yYmJoQEBXD8ZPGcX5VKxfETp6hyZ0Hex6FSqygoKCj19wmJSaRnZODoqP/6mJiYEBgUwskTxfcnlUrFycjjhIaVvtjqyuVLWPb7IsaMm0hQSOl13bZlE4FBIfgHGPYJubGJCb6BlTl38oh2n0ql4typIwSG/vuATH5eLgql7kcmpVKpfQKtT8bGJngHVOHiffeLi6cP4Res3/UR1Go1hXrsm8oq9VAkTi0b6OxzbtWIlEORAKgLCkg7fgbnlvesu6JQ4NSiIamHSl6npayMjE3x9A3n6jndfurquUNUCowoMY93YATXzumuHXH17AFteiNjUzz9qpIUpzutIvn2db2+hjI3X83tpCLtFhOvmbYQHlT8xNvCTEGgtymXbjz8Ouj3vD11wi0YPyuRhJRHBwt8PTWLPaZk6K+NGJuY4BcYxtmTxYsxqlQqzpz8i6DQkl/TCrB+5QLWLJvN8DE/EBD83y0eXRITExMCgkI4FVn8+VmlUnEq8jihYSW/ThNg9R+LWbFkAZ9+8S1BwWGP/H+SEuPJyEjH4RFBFyH0TUYu/Mfefvttpk2bxqBBgxgwYABmZmZs2LCB33//nXXrSl7ptiTNmzenWbNmvPTSS0yePJmgoCDOnz+PQqGgVatWLFy4kC+++IKqVXWfgA0YMIDJkydz5swZevbsyVdffcULL7zAhAkT8PDw4O+//8bT05OGDR9cLf6DDz7g66+/Jjg4mLCwMCZPnkxqauojy2pmZoaZme7ws4e8/OABdVu9xob5H+HuUxUPv+r8tWM+BXk5VGuoGfa/ft4IbOzdaP7CUABqt+jD75Nf5ci2OQRWbc65vzYSd+M07Xp9AWi+eKyeOYjbUWfp+s4vqFRFZKbdmYNvZafXufH3atWxDwt++hSfwCr4BVVjx4ZF5OXl0KDFCwDMn/ox9o5udH7lA0CzcNGt6CuaMhcWkJoUT9S185iZW+LqoXnytHLBJKrVfgZHFw/SUhLYsPRnlEoj6jRub5A69OzYhnE/zSEs0JfwIH+WbNhGbl4eHVtoFjX7fOpsXBzteeeVlzAzNSHQx0snv/WdV6neuz8tI5PbickkpqQCcDNWs36Dk70dTg4PjojQB4VCQfWmfTi2fQZ2Ln7YOnpxZPOPWNm64l+1tTbdmhn9CKjammpNNNOLajTvx44lI3GpVBVXn+qc3DufwvwcwupqrsW0pCguR27EO7QxFlaOZKbF8feOWRiZmOET1rzEsvxbdVq9xqYFH+F2p10cu9MuqjbQlGXj/BFY27vRrLOmXdRq0Yel37/K0W1zCKjanPPHNhJ38zRt7rQLgJysVDKSb5GZpnlFV/KdtSSsbJ2xsnvwTR/68LS0724vdOLr76cRGhRIWEgQK9ZsIDc3j3atWwAwYfKPODs58UbfVwBYvHwlIUGBeHq4U1BQwOG/jrN15x4Gv/0GADk5Ocz/fTnNGjXA0cGe2Lg4fpm7CC8Pd+rWijBIHTp36cYPk78mKDiU4JAw1q1ZQW5eLq3atANgyqQJODk58+prmjKuXP47ixfOY8iIT3B1dSflTqDa3MJCZ2RcdnYWB/bu5rUBAw1S7vu1ff4VZv84Br/AKvgHh7Nt/WLycnNo3Op5AH794TMcHF156dX3AU1fGxutWeOjsLCAlKR4bl67gJm5BW53+toadZux4Y/ZODq74+UTyM2r59mydhFNWnU2SB2eea4Pv/38CT6B4fgEVmP3xoXk5+VQ/5kXAFg07WPsHF3p1Guwttxxd+4XhYUFpKXEE31dc7+4O1Jh3eIpVI5ogoOzB3m5WRzbt5HLZ48y8GPDTRMzsrLEKshH+7OlfyVsa4SRn5xGbtQtQr8cgrmXGyde04ywvDFzCb7vvELYhOFEzVuBc4sGeHRrz9Hn39Ie49qUudSYM5HUY6dJO3oSv0F9MbayIGr+SoPVo0HbfqyePRJPv6p4+Vfn0DZNPxXRWNNPrfr1I2wcXGn9kqafqt/6VeZ904cDf84hpPoznD6ygdjrZ+jUp7i/bdSuP3/MGIJPSB38w+pz+fReLpzYSb8RCwxWD4DN+zPp0tKWuMRCEpIL6dbWjtT0Iv46m6NN8/EAZ/46k8OWg5qpDq91tqdRhCXfLUgkJ0+FnbUm0Jadq6KgULNQZOMISyIv5JKRrcLH3YRXO9pz7moeUXGlB0z/jfadezHzh8/xD6pMQHA4f65bQl5uDs1aa0YGzvh+DA5Orrzc510A1q+Yz4rFM3ln6DicXT1ITdGMcDE3t8TcQvOZJDMjjaSE26Qka+4Vt+4s3Grn4Ii9AR7WdOrSnWmTJxAYHEpQSGU2rFlOXm4OLdpo1nD58bvxODk580o/zXW/avlvLF00h8EjPsPF1Z2UZM2oGE1fa0lOTjbLF8+jQePm2Ds4EncrlkVzpuPu4UVE7fJZW0L8/5Lgwn8sICCAPXv28Mknn9C6dWvy8/MJCwtj+fLltGvX7h8da8WKFQwbNoyePXuSlZVFUFAQX3/9NWvXriUpKYkuXbo8kKdy5cpUrlyZ2bNnM3nyZLZs2cLQoUPp0KEDhYWFVKlShZ9++qnE/2/o0KHcunWLvn37olQqef311+nSpUuJ0zz0qXKdDmRnJrNv/Y9kpSfgWqky3d//VTsMOj35FgpF8ROlSoG16PT6JPauncKeNZNxcPHjxYE/4eKlGRmSmXqbyyc1r4ebO173g2HPDxfgE1IfQ6jduB0Z6SmsX/ozGamJePmF8u4n07G9M8w1JTFOpx5pKfF8PaK79uft6+azfd18gqvUYfDnmteKpibFM/eHj8jKSMXa1oHAsFoM+2oRNnaGGRXQunE9UtIz+XXpGpJS0wn28+b7TwbjeGdaxO3EJJSKf7Y69L6/TvDlz3O1P382ZSYA/bt1YkB3w3xwB6jZYgCF+Tns+mM0+TnpePjXpuMbs3TWRUhPuklOVvHQxeCIDuRmJnPkz6lkZyTg7FmZjgNmYWmjuRaNjU25de0YJ/cuIC8nHQtrJzwD6vDie79jaaPfpwdhtTuQnZHM/vU/kp2RgItXZbq+e0+7SNFtF14BtXjutUnsWzeFfesmY+/ixwtv/oSLZ/GIqSsnd7B5UfGoovVzPgSgYYf3aPzc+3ot/11PS/tu0bQxqWnpzP1tCSkpqQQG+DHx80+00yLiExJR3lOPnNw8fpg+i4SkZMxMTfGu5MnHQwfRoqkmUKdUKrl6/QZbduwiMysbJ0cH6tSswWuv9MDUpOTXJZZVk+YtSEtP5feFc0lJScE/IJAxX0zUDtVNSIjXeXq/acNaCgsL+OarsTrHeblXH3r27qf9ee/unahR0/SZlgYp9/3qNXmWjPQUVi+ZTnpKEt7+oXw4epp2WkRygm5fm5qSwOdDemp//nPNQv5cs5DQ8NqM+HIWAL3eGMHqxT+zaOYEMtJSsHdwoXnbl3i++5sGqUOtRu3ITE9m47KfSE9NpJJfGANHzdBOo0tJuoVCWdzXpiXH8+1H3bQ/71g3jx3r5hFUpQ7vj9H0rxnpyfz28yekpSRgYWmDp08wAz+eQVh13bca6JNd7ao03L5Q+3OVSR8DELVgJSf7j8LMwwULbw/t73OuR3P0+beo8t0o/N7vQ250HKfe+pTErcWvO761fBOmLo6EjBmEmbsL6SfOcaTjAPLj9bdw4P2q1tP0t7tWTyUzPQF378q88uEs7bSItORYFPfc+7yDavHiG5PYuWoKO1Z+j6OrHz3em4ZrpeL+tnKtNnR8dSz7Ns5k8+/jcXL3p/s7P+ITbNgh7Ot2Z2BmqmDAiw5Ymiu5eD2Pr+cmUlC8NiNuTsbYWBUvAtimoWZa2ei3dKcyzliezJ5j2RQWQdUgc9o1tsbMVElyWiFHTueweofuNEp9aNC0DRnpKaxYPJO0lCR8/EMYPuYHbftOSryt009t37ySwsICfpw4Uuc4XXoM4MWemvZ7/MheZv1YHPj5adInD6TRp8bNWpGelsqSRXNITUnGLyCIT76YpO1rExNu63yW2rJxDYWFBUz6SndaWbde/Xj5lddRKo24cf0Ku7ZvJjsrEwdHZ2rUrEuPV/tj8k+e5lVgsubCk0OhftRqfEIYwJySX/1eofg45z06UQVQiyOPTlQBLLzR5NGJnnCWFvp9bVd5MXoKJtw9W+nxXmv2pEs3+u+mHxlSUp59eRehzDLzDRMU+q8V1S19+HlFkbbzfHkXQS/Wry/9bTQVyeB+5bvosz5YGOeWdxH0olqQW3kX4V+pqN8rXv9vYu7/qafgI6AQQgghhBBCCCHKkwQXhBBCCCGEEEIIUSay5oIQQgghhBBCiApJJZP8nxgyckEIIYQQQgghhBBlIsEFIYQQQgghhBBClIlMixBCCCGEEEIIUSHJuw+fHDJyQQghhBBCCCGEEGUiwQUhhBBCCCGEEEKUiQQXhBBCCCGEEEIIUSYSXBBCCCGEEEIIUSGpVBVz+zd++ukn/Pz8MDc3p379+hw5cuSh6ZcvX05YWBjm5uZUq1aNjRs3/rv/+DFJcEEIIYQQQgghhHiCLV26lCFDhjBmzBiOHz9OjRo1ePbZZ4mPjy8x/YEDB+jZsyf9+/fn77//5oUXXuCFF17g9OnTBiujBBeEEEIIIYQQQogn2OTJk3njjTd47bXXqFKlCjNmzMDS0pI5c+aUmP6HH36gXbt2DB8+nMqVKzNu3Dhq1arFtGnTDFZGCS4IIYQQQgghhKiQ1OqKuf0T+fn5HDt2jNatW2v3KZVKWrduzcGDB0vMc/DgQZ30AM8++2yp6fXB2GBHFkIIIYQQQgghxAPy8vLIy8vT2WdmZoaZmdkDaRMTEykqKsLNzU1nv5ubG+fPny/x+HFxcSWmj4uLK2PJSycjF4QQQgghhBBCiP/QhAkTsLOz09kmTJhQ3sUqExm5IIQQQgghhBBC/IdGjRrFkCFDdPaVNGoBwNnZGSMjI27fvq2z//bt27i7u5eYx93d/R+l1wcZuSCEEEIIIYQQokIq77UT/u1mZmaGra2tzlZacMHU1JTatWuzfft27T6VSsX27dtp2LBhiXkaNmyokx5g69atpabXBxm5IIQQQgghhBBCPMGGDBlC3759qVOnDvXq1WPKlClkZWXx2muvAdCnTx+8vLy0Uys++OADmjdvznfffcdzzz3HkiVL+Ouvv5g5c6bByijBBSGEEEIIIYQQ4gn28ssvk5CQwOjRo4mLiyMiIoLNmzdrF228efMmSmXxxIRGjRqxePFiPv30Uz7++GOCg4NZvXo1VatWNVgZJbgghBBCCCGEEEI84d577z3ee++9En+3a9euB/Z169aNbt26GbhUxSS4IIQQQgghhBCiQlKpy7sE4i5Z0FEIIYQQQgghhBBlIsEFIYQQQgghhBBClIlMixBCCCGEEEIIUSGp1RV1XoSivAugdzJyQQghhBBCCCGEEGUiwQUhhBBCCCGEEEKUiUyLEOUiNaOiDl8qVss7vbyLoBe7UxqVdxH0wsiovEtQdrFxBeVdBL1wdKj4t5ZkpWt5F0EvcgvNyrsIemGsLCzvIpRZQdHTcS4ydp4v7yKUmV2LsPIugl5YjN5X3kXQCxuTzPIuQpk5FMSXdxH0xK28CyAquIr/CVAIIYQQQgghxP+lCrvkwlNIpkUIIYQQQgghhBCiTCS4IIQQQgghhBBCiDKRaRFCCCGEEEIIISoklaq8SyDukpELQgghhBBCCCGEKBMJLgghhBBCCCGEEKJMJLgghBBCCCGEEEKIMpE1F4QQQgghhBBCVEjyKsonh4xcEEIIIYQQQgghRJlIcEEIIYQQQgghhBBlIsEFIYQQQgghhBBClImsuSCEEEIIIYQQokJSyZoLTwwZuSCEEEIIIYQQQogykeCCEEIIIYQQQgghykSmRQghhBBCCCGEqJDkVZRPDhm5IIQQQgghhBBCiDKR4IIQQgghhBBCCCHKRIILQgghhBBCCCGEKBNZc0EIIYQQQgghRIWkrrDvolSUdwH0TkYuCCGEEEIIIYQQokwkuCCEEEIIIYQQQogykWkRQgghhBBCCCEqpAo7K+IpJCMXhBBCCCGEEEIIUSb/18GF69evo1AoiIyMNOj/s2vXLhQKBampqf84b79+/XjhhRf0XiYhhBBCCCGEEEJfnuppEf369WP+/Pnanx0dHalbty7ffPMN1atXL8eSgVqt5tdff2XOnDmcOXMGlUqFr68vrVu35v333ycoKKhcy/ekUavV/LVlKuePLCcvJx13v1o07TIGOxe/h+Y7feA3TuyeTU5GIk4eYTTu/CmuPg+ee7VazaY5bxJ1YS9t+0zDv2prg9Tjz/UrWLfyd1JTkvH1D+S1tz4kKLRKiWm3b17Lnh2bibpxFQD/oFB69nmr1PSzpn3Lts1r6PPGIJ7r3N0g5Qc4uHUxuzfOITMtEQ/vUJ7v8wnegaW3p5OHN7N1xVRSEmNwcvOl/ctDCItorv19Rloim5ZM5tLp/eRmZ+AfWofn+3yMs7ufweoAmnN+ePNUzhxcTl5uOh5+tWjRbQz2j7imTu77jeM7ZpOdkYizZxjNXvwUd19N/XOzUjm8eSo3L+wnI/UWFlaOBFRrRYP2H2BmYWOwujxTXUmtYCXmJhCVoGbDkSKSMx6ep26IkkZVlFhbQFyKmk1HVcQmFY8rdLCGNrWM8HFVYKyEy7fUbDpaRFau/suvVqs5snkqZw5p2reHfy2e6fp45+Lvnfeciy6f4nbvufhzKlEX9pORcgsLa0cCqraivgHPxab1K1m7Yom2ffcf+AHBpbTXrZvXsXvHn0Rd17TvgKBQevV9Qyf9tMlfsWv7Zp18EbXq8em4SQYpP8DWDcvZsOo30lKS8PEPps+bQwkMCS8x7c4/V7N350aitX1UGN1ffVsn/dEDO9m+eSXXr5wnMyOd8VMW4hsQYrDy37Vtw3I2rV5EWkoS3n7B9H5zWKn12LVlNft3btDWwy8wjK6vvqOTXq1Ws2rxTHZtXU12VibBYdXp+/ZHuHv6GKwO+7csZtf6uWSkJeLhE0qXvh/jE1RyXxsXfZk/l08l+tpZUhJjef7Vj2jWvo9Omivn/mLX+jnEXDtLemoC/T78kap1Wxms/Hcd2fEbBzbPJjMtEXfvMNr3+hSvgNLvGWeObmbn6h9IvXPPaN11GMHVm+ukSYi9wrY/JnHj4lFURUW4eAbS/Z0fsXPy1Hv5HZvUIWBof+xqVcXc05W/XnqH22u3PzxPs3pUmTQS6yrB5Ebd4vKE6UQvWKWTxvftXgQM6Y+ZuwvpJ89zZvA40o6e0nv5S9K5uSXNappjaa7kclQBCzdlEp9cVGr6Do0tqBVmhoeTEfmFcCW6gOXbs7idVJynWU1z6lc1w9fDGAszJe99k0hOnmHGqm9ct5pVK5aSmpKMn38gb7z9PiGhlUtMu2XzenZu38rNG9cACAwKoXff/jrpX+jQssS8fV9/ky5de+i/AsCqDX+yZPU6klPSCPTz4YM3X6NySMmf/fccPMKi5auJiYujsLCISp7udO/8HM+2aKaT7npUDL/MX8yJM2cpKlLh6+3FuJFDcHNxNkgdhCjJUz9yoV27dty6dYtbt26xfft2jI2N6dixY7mWSa1W06tXLwYNGkSHDh3YsmULZ8+eZfbs2Zibm/Pll1+Wa/meRCd2/crp/Qtp+uJYury/DGNTCzbMHkBhQV6peS5HbuTguq+p3fpdXvpgJY4eoWyYPYCczKQH0p7aOx9Dvw7mwJ7tLPh1Gi/1fI2vf5iNr38QX40eQlpqSonpz5z6m0bNWzN6wlTGTfoFJxc3xo8eQnJiwgNpjxzYzaULZ3BwNOwN5MShTaxfPJHWXd7h/XF/4OETxuxv3iQz7cG/KcCNi3+z5Ofh1Gn+IoPGrSC8disWTnmfuKhLgKYtLJzyPskJUfT5cBqDvlyBvbMHv37dn/zcbIPW5fiOXzmxZyEtuo2l++BlmJhZsGbGw6+pi39vZO/qr6n37Lv0GLoSZ89Q1v4ygOwMTf2z0uPJSo+nyfMjeGXEOlr3msDN83vZvuQTg9WjcRUl9cOUbDhcxK+bC8kvhN4tjTF6SO8e7qugbW0lu08W8cvGQm6nQO+WRliaaX5vYgS9W2lizwu2FTJnSyFGSuj5jJFB6nB8x6+c2LuQZ7qNpdvgZZiYWrD2l4efi0t/b2Tfmq+p++y7vDxkJU6eoayded+5SIun8fMj6DViHa17TuDGhb3sWGqYc7F/z3bmz/qJbr368c2Pv+LnH8SXnw17aPtu0qwVYyf8wFffTcfZxZVxnw0j6b72HVG7PrMWrtJug0eMMUj5AQ7t3cpvs3+gS4/+fPn9fHz8gpg45gPSUpNLTH/u9HEaNmvLJ+N/Zuy3v+Lo7MrEMYNITorXpsnLyyG0Sg1e7vuewcp9v8N7t/L7nCl0fnkAn09egLd/MJPGDiK9lHqcP3WMBk2fZeSX0/nsm9k4Orsxaez7OvXYuHIBWzcspd/bIxn97RzMzC2YNHYQ+fmlX6NlEXlwE2sXfUObF99h8PjlePqEMuvrt8gopa/Nz8vB0dWbDj0+xMa+5PtAfl4Onr6hdHntU4OUuSSnj2xky9Kvaf78u7w1ZiVu3qEs+n4AWekl1yPq8nFWzBxKzaZdeWvMKkJrtmbJtPeIj76oTZMcf5O5X/fC2SOAvsMXMPDzNTTr9A7GJmYGqYORlSXpJy9wetDnj5Xewq8Sddf+QtKuw+yr05lrU+dT7ZcvcW7TRJvGo1t7Kn87iktf/sS+el3IOHme+htmY+riaJA63Kt9Iwta17Ng4cZMxs9JIa9AzZBedhg/pHsP8TFl59Ecxs9N5bvfUjFSwtBedpiaFKcxNVFw+ko+G/YZ9t69b/dO5syaTo9efZg89Rf8AgL5/LOPSC2lrz198gRNm7dk3ITJTPxuGs7OLoz9dIROXzt30R862/uDh6NQKGjYuFmJxyyrHXsP8NOchfR9uSuzJk8g0N+XYWMnkJKaVmJ6G2srend7gZ8mjmPODxNp36o5E3+cwZHjJ7RpYm7F8f6oMfhU8mTK+NHM+WEifbu/iKmJSYnHfNqo1RVzexo99cEFMzMz3N3dcXd3JyIigpEjRxIVFUVCwoNf0AB2795NvXr1MDMzw8PDg5EjR1JYWKj9fV5eHoMGDcLV1RVzc3OaNGnC0aNHdY6xceNGQkJCsLCwoEWLFly/fl3n90uXLmXJkiUsXbqUzz77jAYNGuDj40ODBg2YOHEic+fOLbU+fn5+TJkyRWdfREQEY8eO1f6cmprKW2+9hZubG+bm5lStWpX169drf79ixQrCw8MxMzPDz8+P7777Tud4P//8M8HBwZibm+Pm5kbXrl21v1OpVEyYMAF/f38sLCyoUaMGf/zxR6nl1Qe1Ws2pfQuo1WogfuGtcPIIpcXLE8lOj+f6mW2l5ju1dx6V63cjrO5LOLgF0ezFzzE2Mef80RU66RJjz3Fy71ye6T7eoPXYsHoJrZ7tRIs2z1HJx58B7w7H1MycnVvXl5h+0PAxPPvci/gFBOPl7cvA9z9CrVJx6sRfOumSExOY+8sU3h82GmNjww5G2rdpHvWe6UadZi/i5hXEC6+NwdTMnL/2rCwx/f4tCwmp3oTmz/XH1SuQtl0H4elXhYPbfgMgMe4GNy+foEu/0XgHVMPFw58X+o2hID+PyEMbDVYPtVpN5O4F1G07kIBqrXD2DKVNr4lkpcdz9VTp11TkrnmEN+xGlfov4egeRItun2Nsas7Zw5pryskjhA6vTcW/akvsnH3wDm5Agw4fcu3MTlRFhaUetyzqV1ay55SKC9Fq4lNh9YEibCwhzLv0YFmDykqOX1YReVVNYhqsP1xEQRHUDNLcErxdFdhbweqDRcSnoj2up5MCf3f9BuHUajUn9iygTpuBBFTVnIvWd8/F6Yeci93zCG/QjSr17pyLrpr2fe7IfeciXHMuKgU3oGF7w52LdauW0bpdR1q26YC3jx9vvjcUM3NzdmzZUGL6wcNH065jF/wD77TvQSPutO9jOulMTExwcHTSbtY2hhsBs2nN77Ro25nmrTvh5RPAa++MxMzMnN3b1pWY/p2hX9CmQ1d8A0LwrOTHG+99gkql4sw9fVSTFh3o0mMAVWvUNVi577d5zWKat32BZnfq0e/tkZiambOnlHoMHDqOVvfUo/97n6BSqTl7QnNvV6vV/LluCZ26vU6t+s3x8QvmzcFjSU1O5Pih3Qapw+6N86nfoiv1numCe6UgXuo/BhMzc47uLrmv9QmsRqdXhlGzUQeMjU1LTFM5ointu39AtbqGGZlXkkNb5lGrWTdqNnkJF88gOr76OSam5vy9b0WJ6Q9vW0hQ1SY0btcfF89AWnb5AA/fKhzZ8Zs2zY6VUwiu1pw23Ybj4VsFR1cfQiNaYmXrZJA6JPy5h4tjpnB7Ten90b183+xBzrVozo2YSOb5q9z4+TfiVvyJ/wf9tGn8B79G1OxlRM9fSea5K5x6ZwxF2bl493vJIHW4V+t6Fqzfm03kxXyi44uYvSYDexsltcJKD85M+T2N/SfziE0oIvp2EbPXZuBkb4SfR/EX121Hcth0IIerMYa51921ZtVy2rbrQKu27fH28ePt9z7EzMyM7Vs2lZh+yIhP6NCxMwGBQVTy9uHdD4ahVqk5eeJvbRoHR0ed7fChA1StHoG7h/5HwgAsW7OBjm1b0qH1M/j5VGLo2wMwNzNl47ZdJaavWS2cZg3r4efthZeHO107dSDAz4dT585r0/y6aCn1a0fwdr9XCAnwx8vDncb16+Bgb2eQOghRmqc+uHCvzMxMFi1aRFBQEE5OD96EYmJi6NChA3Xr1uXEiRNMnz6d2bNn64wkGDFiBCtWrGD+/PkcP36coKAgnn32WZKTNU9EoqKiePHFF+nUqRORkZEMGDCAkSNH6vw/v//+O6GhoTz//PMlllOh+Pcf3lUqFe3bt2f//v0sWrSIs2fP8vXXX2NkpAlJHzt2jO7du9OjRw9OnTrF2LFj+eyzz5g3bx4Af/31F4MGDeKLL77gwoULbN68mWbNiiO3EyZMYMGCBcyYMYMzZ87w4Ycf0rt3b3bvNswHLICM5GiyMxLwCm6k3WdmYYOrd3Vu34gsMU9RYT4JMWfwCirOo1AqqRTcUCdPQX4O2xcPo8kLo7G0cTFUFSgsKODq5YtUi6ij3adUKqkWUYdL58881jHy8vIoLCrE2sZWu0+lUjFt8jg6vdgTb98AvZf7XoWF+cRcP0tQeAPtPqVSSVB4Q25cjiwxz43LkQSFN9TZF1KtMTcuaaLtRYX5ADpPnJRKJcYmply/cFzPNSiWnqS5prxDdK8pN9/qxF2PLDFPUWE+8dFndPIolEq8gxsSV8p1CJCfm4GpuTVKI/0HfuytwcZCwdU4lXZfXgFEJ6rxdim5H1EqwdNRwdVbuiHzq7fUVHLW5DG+c2coumeUbGGRJsru46rf4EJ6cinnwuefn4tKIQ1LzQOQZ6BzUXCnfVd/oH3X5sJjtu/8vDyK7mvfAGdORfJ6r+cZ9OYrzPzpOzLSS36yVVaFBQVcu3ye8Ih62n1KpZLwGnW5fP7xhmrn5eVSVFT0QB3+S4UFBVy/cp7we4IZ2npc+Cf1KD4XCbdjSUtJIrxG8d/G0sqagJDwxz7mP1FYmE/MtbOEVC3uO5VKJcFVG2j7zoqgqDCf2BtnCKis204DqjQk+kpkiXmirkQSUKWRzr7A8Mba9GqViksnd+Ho7seiyf35dnAjfv2yO+ePP94X//+CfYMIEncc1NmXsHUfDg0iAFCYmGBXK5zE7QeKE6jVJO44gH2DmgYtm7O9EnsbI85ey9fuy8lTczWmgECvx+8XLc0094GsHNUjUupXQUEBVy5fpHpEbe0+pVJJjYjaXDh/9rGOoe1rrUsO1KamJHPs6CFat+2glzLfr6CgkItXrlG7RjXtPqVSSe0a1Thz4eJDcmqo1WqOnThFVMwtqodrpnaoVCoO/vU33p4eDBvzFZ37vMnAYZ+w99DRRxxNCP17qtdcAFi/fj3W1tYAZGVl4eHhwfr161EqH4yr/Pzzz3h7ezNt2jQUCgVhYWHExsby0UcfMXr0aHJycpg+fTrz5s2jffv2AMyaNYutW7cye/Zshg8fzvTp0wkMDNSOBggNDeXUqVNMnDhR+/9cvHiR0NBQnf978ODB/PrrrwDY29sTHR39r+q7bds2jhw5wrlz5wgJ0cxrDQgo/tI5efJkWrVqxWeffQZASEgIZ8+e5dtvv6Vfv37cvHkTKysrOnbsiI2NDb6+vtSsqbnZ5eXl8dVXX7Ft2zYaNmyoPfa+ffv45ZdfaN68OYaQnaEZZWJhrRsQsrBxJjsjscQ8uVkpqFVFWNjcl8famdT4a9qfD66bgLtvTfzCDTvvND09DZWqCDt73SGPdvaOxEbfeKxj/DbvZxwdnXUCFGv++A0jIyPaP99Nr+UtSXZGKipVEdZ2ukNurW2dSIi9WmKezNRErO10z4G1nTOZaZrz5uLhj72TB5uXfU+X18diambBvs0LSEuOIyOt5NFF+nD3mrK875qytHYmq5RrKufONWV53zVlaeNMyj3XlE6ezBSObplO1YaGWQPD2vzOB7z71kHIygUr85KDAJZmoFQqSsijxtlOkyc6UU1+IbSuqWR7pAoFmn8rlQpsLPRbh+z0O+eihL9rae07p5T2bWmj27518mSm8NfW6YQb4FxkaNu3g85+e3tHYqJuPtYxFs2dgYOjs86H5oja9anfqBmu7h7cvhXL4vkzGT9mOOMnTdcGjPVXh9RS+6hbMY/XRy2Z/xMOjs46X+z/aw+tx2P2tcsWTMPe0Zkqd4IJaSlJ2mPcy9beUfs7fcrS9rW617eNnRPxsSVf30+i7AxNO71/RIGVrTOJt0quR2Za4gPprW2dyUzX9AVZGUnk52Wzf+MsWnT5gNZdh3H59F6W/vw+fYfPxy+0XkmH/U+ZuTmTd1u378q7nYiJnQ1KczNMHOxQGhuTF590X5okrEIN+5DAzlrz2Tc9Sze4nJ6lwtb68Z43KoAeba25dLOAmITS12kwBE1fq8LeQbevtbN3IPox+9r5c2fi4OhEjZq1S/z9jm1bsLCwpGHjpmUub0nS0tMpUqkeGFHgYG/HzeiYUvNlZmXT9fW3yS8oxEipZPDA16kboVm7JCUtnZzcXBavWEv/V7rzVt9eHDl+gs++nsyULz8jomrJa/8IYQhPfXChRYsWTJ8+HYCUlBR+/vln2rdvz5EjRx5Ie+7cORo2bKgzcqBx48ZkZmYSHR1NamoqBQUFNG7cWPt7ExMT6tWrx7lz57THqF+/vs5x734Rf5hPPvmE9957j5UrV/LVV1/9q7oCREZGUqlSJW1g4X7nzp2jc+fOOvsaN27MlClTKCoqok2bNvj6+hIQEEC7du1o164dXbp0wdLSksuXL5OdnU2bNm108ufn52sDECXJy8sjL093XmphgWmp8yMvHV/HnpXF84rbvzbjoXX+t66f2UHM5cN0HVzyMNMnyerlCzmwZztjJkzF1FTzd7t6+Tyb1i7n6x/mlGm0S3kyMjah9wc/suLXT/liYEOUSiOCwhsSWr0pavQ3Ge3CsXXsXFZ8TXV6wzDX1L3yczNZN+stHNwCqddOP/PNq/kp6Fi/+Evl4p2G+WCXnQfL9xbxXD0j6ocpUavh1HU1sUnqMs8RvHBsHbuWF5+LjgP+m3Ox/tc75+LZ/27u/+NatWwR+/dsZ+zXP2rbN0CT5sVBT1+/QHz9Anl3QA/OnIrUCUI8Cdb+MZ9De7fyyfifdepQ0az/Yz6H925l5PjpFboeTyu1SvOkPLRmSxq27QeAu09loi7/zbFdS56I4MKTpH5VM/o8V/yE/offyz7y6ZX21ni5GvP1vNQyH+u/tmLZYvbt3smXEydjalry9KHtWzfRrEWrUn9fXiwtzPl1ykRycnI5fvI0P89ZiKebKzWrhWvbReP6tene+TkAggP8OH3+Ims2b/u/CC6oVE/pAgYV0FMfXLCystJ588Kvv/6KnZ0ds2bNYsCAAeVSpuDgYC5cuKCzz8XFBRcXF1xdXR+aV6lUor7v031BQYH23xYWZXusaGNjw/Hjx9m1axdbtmxh9OjRjB07lqNHj5KZmQnAhg0b8PLy0slnZlb6h7AJEybw+ee6CyG1fXk0z/YcW2J63yot6HrPGx3uDp3PyUzCyrb475OTkYiTZ8mrA5tbOaBQGpGToftkICczEQsbzZP3mCuHSE++ydwxuh9Gti4chLt/bZ4fuLDUOv1TtrZ2KJVGDyyMlpaajL3Dw+eJrlu5mDV//ManX07B17/4Wj535iTpaSm8+1rxHE2VqoiFs6exac0yps3R71oYljb2KJVG2lEHd2WmJ2FdygJi1vbODyz2mJmWqDP6oZJ/OB+MX0VudgaFhQVY2zry05iX8fKvqrey+4e3wG3Yg9dUdmYSVnbF11R2ZiIupVxTFneuqez7rqnsjEQsbXXrn5+byZpfBmBiZsVzr0/DyEg/CypdiFYTnVg8n/XuAlxW5pCZU5zOyhxup5R8o83O09yErcx191uZK3SOcfWWmqlrCrEwA5VKM91i6EvGnHm8h7+l8g9vgdu97bvozrnI0G3f2RmJOHs9/Fzc376zMxKxtHnwXKydqTkXHV7T37m4l422fesuKJaamoy9w8MXaFuz4ndW/bGY0eMn4+cf+NC0bh6e2NraEXcrWu/BBRtb+1L7qPuf2N9vw6pFrF+xgJFfTMPHP1iv5fqnHlqPR/S1G1ctYsPK+Yz4fBo+fsX1uJsvLTUZ+3sWzU1PTcbHX/9vvrDS9rW613dGWhK2pfS1TyJLG007vX/xxqz0xAdGwN1lbef8QPrM9ESs7/SxljYOKI2McfHQXVXf2SOQqMu665WUl7zbiZi56dbPzM2ZgrQMVLl55CemoCosxMzV6b40TuTFlTxa6986cTGfz2OK24KxseZBhK2VgrTM4nS2Vkqi4h69VkKvdtbUCDZl4oJUUjL+2ykRcLevVZKaotvXpqWm4OD48H5q9YqlrFj+O1+Mn1RqX3vm9ElioqMYNnK03sp8PztbW4yUygcWb0xJTcPRwb7UfEqlkkoe7oAmcHAjKobf/lhDzWrhmmMaGeHnXUknj6+3J6fOXijpcEIYzP/VmgugWc9AqVSSk5PzwO8qV67MwYMHdb6879+/HxsbGypVqkRgYCCmpqbs379f+/uCggKOHj1KlSpVtMe4f1TEoUOHdH7u2bMnFy5cYM2aNf+4/C4uLty6dUv7c3p6OteuFQ8vrF69OtHR0Vy8WPK8rcqVK+uU/24dQ0JCtMNsjY2Nad26Nd988w0nT57k+vXr7NixgypVqmBmZsbNmzcJCgrS2by9vUst86hRo0hLS9PZWnUdVWp6U3Nr7Jx9tZuDWxCWNi7EXCqew5ifm0l81EncfCNKPIaRsSkuXuHEXC7Oo1apiLl8SJunZos36PbhGroOXqXdABp2Gskz3SeUWr5/w9jEhICgEJ3F2lQqFadPHCM4rOTXo4Fm2sOKJfMZ9fkkAoPDdH7XrMWzfDN1PhN/nKvdHBydef7Fnnz8xWS9lh/A2NgUL78qXD5bfD2rVCounzmEb1BEiXl8gyK4fEb3+r90+iC+wTUeSGtuaYO1rSOJcdeJvnaGKrVLfjXUv2Fqbo29i692c3TXXFNRF3Wvqds3TuLuV3JdjIxNca0UTvRF3Wsq6tIh3O+5DvNzM1kzoz9GRiZ0HPCzXlcwzy+ElMziLSENMnLUBLgXd+WmJlDJWUFUQsnBBZUKYpPVBNy3MGOAu4LoxAfz5ORpAgt+bgqszOFCdNk+UD5wLu607+j72vftm48+F1GXdM9F9KVDOnk0QZ7+KI1MeK6/fs/FvUzutu9I3fZ9KvI4oQ9p36v/WMyKJQv49ItvCbqvfZckKTGejIx0HB7xJfnfMDYxwT8ojDMniufoqlQqzpw8SlBYtVLzrV+xkNVL5zBizBQCgksOBv2XjE1M8AsM4+xJ3XqcPfkXQaGl12PDygWsXTaboWN+wD9Y9ymfi5sndg5OOsfMyc7k6sUzDz3mv66DsSle/lW4dOb+vvZwiX3nk8rI2BRP33CuntNtp1fPHaJSYESJebwDI7h2Tne9gqtnD2jTGxmb4ulXlaQ43WkVybevG+Q1lP9G6qFInFo20Nnn3KoRKYciAVAXFJB2/AzOLe8Z1apQ4NSiIamH/kafcvPVxKeotFtsQhGpGUVU9i9+Km9uqiDAy4Qrj1iIsVc7a2qFmvLtojQSU//7wAJo+trAoBBOnihek0mlUnEy8jihYaU/nV+5fAnLfl/EmHETCQoJLTXdti2bCAwKwT/g4YHesjAxMSYk0J9jJ09r96lUKo6fPE146OMHK1VqNQWFBdpjhgUFcDMmVidNVEwcbq4VJyApng5P/ciFvLw84uLiAM20iGnTppGZmUmnTp0eSPvOO+8wZcoU3n//fd577z0uXLjAmDFjGDJkCEqlEisrK95++22GDx+Oo6MjPj4+fPPNN2RnZ9O/f38ABg4cyHfffcfw4cMZMGAAx44d0y6WeFePHj1YuXIlPXr0YNSoUTz77LO4ublx48YNli5d+tC5tC1btmTevHl06tQJe3t7Ro8erZO+efPmNGvWjJdeeonJkycTFBTE+fPnUSgUtGvXjqFDh1K3bl3GjRvHyy+/zMGDB5k2bRo///wzoFmj4urVqzRr1gwHBwc2btyISqUiNDQUGxsbhg0bxocffohKpaJJkyakpaWxf/9+bG1t6du3b4llNjMze2Bkg7HJ4w9fUigUVGvSh+M7ZmDn7IeNoxd/bfkRS1tX/MKLV71eN7Mf/uGtqdq4NwDVmvZj17KRuFSqiqt3dU7tm09Bfg6hdV4EwNLGpcRFHK3tPbF1rPTA/rJ67oUe/Pz9eAKDwwgMqczGNcvIy83hmdaaIWzTvhuHo5MLvfoNBGDNH4tYtmg2g4aPwdXNg9Q7c3vNzS0wt7DExtYOG1vdOXvGxsbYOTjhWckw715v0r4fy2eOopJ/VbwDqrHvzwXk5+VQu1kXAJbOGImdgyvtXh4CQOO2r/LLV33Zs3EuYRHNOXFoIzHXTvPi68UjWU4e3oyVrSP2Th7ERV1k3aIJVKndipBqjUssgz4oFAoimvfhr60zsHfxw9bRi0ObfsTK1pWAasXX1Kqf+xFQrTU1mmquqYhn+rFt8Uhcvavi5ludyN3zKczPoUp9zTWVn5vJ6hn9KczPoW3vb8nPzSQ/V/N4yMLaEaVS/69yPHxORdOqSpIy1KRmqmlRw4iMbDgfVdzGXm1lxPkoNUcvaj4QHjqn4oVGRsQmq4lJVNOgshITY4i8UvyBMSJAQUI6ZOeqqeSioF0dIw6dU5GUrt/yKxQKajS7cy7utO/Dm++ci6rF52L19H4EVG1N9bvnonk/tv1+51z4VOfEnXNRuV7xuVgzoz+FBTm0fcXw56JTl+5MmzyBwOBQgkIqs2HNcvJyc2jRRrMo2I/fjcfJyZlX+r0FwKrlv7F00RwGj/gMF1d3UpLvtG8LCywsLMnJyWb54nk0aNwcewdH4m7FsmjOdNw9vIiobZih3+079+SXKV/gH1SZwJAqbF67hLzcXJq30ry+ecb3Y3FwdOHlvu8CsG7FAlb8NpN3hn2Bs5vnA30UQGZGGkkJt0lJ1qytcXf9BjsHp0eO2vq32nXuxawfPsc/qDIBweH8uW4Jebk5NG2tqccv34/BwcmV7n009diwYj4rF89k4NBxOLt6kJqSeKcelphbWKJQKHi2Uw/WLpuDm4c3Lm6erFw8A3tHZ2o1MMxaQ8079GXJjI+pFBCOT2A19m5aSH5uDnWba/ra338ehZ2jKx16fAhoFoG8HX0FgKLCAtKS44m5fg4zc0uc3X0ByMvNIjGueF56ckI0MdfPYWlth4OzYb6YN2jbj9WzR+LpVxUv/+oc2jafgrwcIhpr2umqXz/CxsGV1i8NBaB+61eZ900fDvw5h5Dqz3D6yAZir5+hU58vtMds1K4/f8wYgk9IHfzD6nP59F4unNhJvxELDFIHIytLrIKK76mW/pWwrRFGfnIauVG3CP1yCOZebpx47SMAbsxcgu87rxA2YThR81bg3KIBHt3ac/T5t7THuDZlLjXmTCT12GnSjp7Eb1BfjK0siJpv+Gma247k0LGJJbeTi0hMLaLLM1akZqg4fr54+uqw3nYcP5/Hjr80i/P0bm9N/apmTF2aTm6eClsrTXA6J09NwZ2YhK2VAjtrJa4Omr61kqsxufkqktNUZOXqb8h65y7d+GHy1wQFhxIcEsa6NSvIzculVZt2AEyZNAEnJ2defe0NAFYu/53FC+cxZMQnuLq6k3JnAXZNX1s82jc7O4sDe3fz2oCBeitrabp3fo4JP0wnLCiAsOAg/li3kZzcPNq31vQn47//CRcnR97s0xOARX+sJjQoAC93N/ILCjl87G+27NrLkIH9tcfs0aUTn0/6gRrhlalZLZwjxyM5ePQYU8YbbhTGk+Rpfa1jRfTUBxc2b96Mh4cHoBnyHxYWxvLly3nmmWceeEWkl5cXGzduZPjw4dSoUQNHR0f69+/Pp58WvxP666+/RqVS8eqrr5KRkUGdOnX4888/cbizuIyPjw8rVqzgww8/ZOrUqdSrV4+vvvqK119/XXsMhULB0qVLmTVrFnPnzuWbb76hoKCASpUq0apVKyZPLv2p86hRo7h27RodO3bEzs6OcePG6YxcAM2rJocNG0bPnj3JysoiKCiIr7/+GoBatWqxbNkyRo8ezbhx4/Dw8OCLL76gX79+gGYxyZUrVzJ27Fhyc3MJDg7m999/Jzxc8/Rt3LhxuLi4MGHCBK5evYq9vT21atXi448//ncn6DHVeGYABfk57FkxmvzcdNz9atOh/yydJ5HpSTfJzSoeKhcU0YHcrGT+2jKV7IwEnD0r06H/rAeGTf9XGjVrRXpaKssW/UpqSjJ+AUGM+uI77bDppITbOguNbt24msLCAiZP0H0nedeer9Htlf6UhxoN2pOVkczWFVPJSEvE0yeM14f/gs2dIa6pSbdQKIrr4BtSkx5vf8OWP37kz+VTcHbz5dXBU3H3Lh5ynJGawIbF35CZloiNvQu1mnSm5QuGv7nXaqm5pnYuG01eTjoe/rV5/i3dayotUfeaCqnZgZzMZA5vnkpWegIuXpV5/q3iayo++gy3b2hWc18wvq3O/9f3s20GCVrtP6vCxBg61TfC3BRuxqtZtKOQonseLDnaKLA0L77znrmhxtJMxTPVjbC2gLgUNb/tKNJZ5NHJVkGrmkosTCE1C/aeVnHonGGeVtVqOYDC/Bx2Li8+F53efPBc5NxzLoLvnIsj95yLTm/edy5uas7Fwq90z0WfT/V/Lhrfad9LFs3Rtu9Pvpikbd+JCbdR3rM2ypaNaygsLGDSV7of/Lr16sfLr7yOUmnEjetX2LV9M9lZmTg4OlOjZl16vNofExPDzAVu0LQN6WmprFg8k7SUJHwDQhgxdop2WkBiwm2d9r1900oKCwv48WvdkWhdegzgpV6aD/bHj+xl5g/jtL+b9u2nD6TRt/pN25CensLKO/Xw8Q9h2JgfsLPX1CM5Ubev3bFZU49pE3Xf7PRCjwF06fkmAB1e7ENebi7zfv6K7KxMgivXYNiYHwy2LkNEw/Zkpifz5x/TyEhNxNM3jAEji/valKRbKJTF11N6SgLff1z82ujdG+aye8NcAirX5Z3P5gEQdfUMM758TZtm7aJvAKjTrDM9Bv77tZ4epmq9DmRnJLNr9VQy0xNw967MKx/O0k6LSEuO1VkzyDuoFi++MYmdq6awY+X3OLr60eO9abhWKn6iW7lWGzq+OpZ9G2ey+ffxOLn70/2dH/EJNsw6JHa1q9Jwe/E0ySqTNJ93ohas5GT/UZh5uGDh7aH9fc71aI4+/xZVvhuF3/t9yI2O49Rbn5K4dZ82za3lmzB1cSRkzCDM3F1IP3GOIx0HkB+v/wVC77fpQA6mJgr6PmeDpbmCSzcL+H5xGoX3LOHj4mCEtWVxG2lRR/Ml/KO+9jrHmrMmnf0nNUGJZ2pb0Lm5lfZ3I/vZP5BGH5o0b0Faeiq/L5xLSkoK/gGBjPlioravTUiIR3FP+960YS2FhQV889VYneO83KsPPXv30/68d/dO1Khp+oz+Rk2WpmXTRqSmpzNn8XKSU1IJ8vfl2zEjcbS3ByA+MRHlPe07NzeP72fMISEpCTNTU3y8PPn0w3dp2bT4zSrNGtZjyNsD+O2PNfw4ax4+Xp58MXII1as8elScEPqkUN8/gV+I/8DkNRX/smtZRb9zI8vLtZSHz1OsKGISK/4sr6Rkw74f/L/i6FDx49bPhMaXdxH0Irfo6ViUsEhdMRetvVdCltWjE1UAGTn6H4H1X7Nr8XR84Vo5et+jE1UAw3rlPzrRE86h4Om4Z7iHGfZ1qIby1dL/9s0l+vLxyxW/P71fxf80LoQQQgghhBBCiHJV8R8vCSGEEEIIIYT4vyTj8J8cMnJBCCGEEEIIIYQQZSLBBSGEEEIIIYQQQpSJBBeEEEIIIYQQQghRJrLmghBCCCGEEEKICkkliy48MWTkghBCCCGEEEIIIcpEggtCCCGEEEIIIYQoE5kWIYQQQgghhBCiQlKryrsE4i4ZuSCEEEIIIYQQQogykeCCEEIIIYQQQgghykSCC0IIIYQQQgghhCgTWXNBCCGEEEIIIUSFpJZXUT4xZOSCEEIIIYQQQgghykSCC0IIIYQQQgghhCgTmRYhhBBCCCGEEKJCUsmrKJ8YMnJBCCGEEEIIIYQQZSLBBSGEEEIIIYQQQpSJBBeEEEIIIYQQQghRJrLmghBCCCGEEEKICkleRfnkkJELQgghhBBCCCGEKBMJLgghhBBCCCGEEKJMJLgghBBCCCGEEEKIMpE1F4QQQgghhBBCVEgqWXLhiSEjF4QQQgghhBBCCFEmMnJBlAt3p/IuQdldTn4KKgHMnXW2vIugF/0GVCnvIpSZm6NReRdBLy7fVJV3EcpsyJjo8i6CXlg72JZ3EfSiZfug8i5CmZkYK8q7CHqxZ2fFbxsWo/eVdxH04sUvmpR3EfTijSMzy7sIZWZkYlLeRdCL3SvLuwSiopPgghBCCCGEEEKICkkt8yKeGDItQgghhBBCCCGEEGUiwQUhhBBCCCGEEEKUiQQXhBBCCCGEEEIIUSay5oIQQgghhBBCiApJLUsuPDFk5IIQQgghhBBCCCHKRIILQgghhBBCCCGEKBOZFiGEEEIIIYQQokJSyasonxgyckEIIYQQQgghhBBlIsEFIYQQQgghhBBClIkEF4QQQgghhBBCCFEmsuaCEEIIIYQQQogKSS3vonxiyMgFIYQQQgghhBBClIkEF4QQQgghhBBCCFEmElwQQgghhBBCCCFEmciaC0IIIYQQQgghKiS1qrxLIO6SkQtCCCGEEEIIIYQoEwkuCCGEEEIIIYQQokxkWoQQQgghhBBCiApJJa+ifGLIyAUhhBBCCCGEEEKUiQQXhBBCCCGEEEIIUSYSXBBCCCGEEEIIIUSZyJoLQgghhBBCCCEqJLWsufDEkJELQgghhBBCCCGEKBMZufCU69evH6mpqaxevVpn/65du2jRogUpKSlERkbSokULABQKBTY2NgQEBNCmTRs+/PBDPDw8tPnGjh3L6tWriYyM/A9rAUd2/MaBzbPJTEvE3TuM9r0+xSugeqnpzxzdzM7VP5CaGIOTmy+tuw4juHpznTQJsVfY9sckblw8iqqoCBfPQLq/8yN2Tp4Gq8ehbb+xd+McbT06vvoJ3oGl1+PUkc1sW/Gjth7PvjyU0BrF9cjLzeLPZZM5d2w72ZmpOLhUomHb3tRv2cNgdbird2dXnm3qgJWlEecuZ/PTolhi4/NLTd/hGUc6POOIm5MJADdi8/h9XTzHTmcCYG1lRO/nXakZbo2LowlpGYUcisxg4erbZOeo9F7+Q9t+Y9+me85F70+o9JBzcfrIZratLD4XbbvrnotP+1YuMd+zLw+jaYf+ei8/6L8OeblZbFk2mXPH77me2vSm3n9wPTUNVxARoMDMBKKT4M9jKlIyH56nVpCC+qEKrM0hPhW2/K3iVrLmd3aW8E5HoxLzrTpQxPlo/Zb/rr4vedC+hQvWVkacuZjJj3NuEnM7r9T0HVs506m1C24uZgDciM5h0apbHD2RXmL68SOCqFfDjjGTL3PgWJpB6gDQ8zlHWjeyw8pCyfmrufyyNJ5bCQWlpn+xrQMNalhTyc2U/AIV56/msmBNIrHxxXncnU3o28WZygHmmBgr+PtcNrOWJ5CWUaT38qvVao5snsqZQ8vJy0nHw78Wz3Qdg72L30Pzndz3G3/vnE12RiLOnmE06/Ipbr6aNpWblcrhP6cSdWE/GSm3sLB2JKBqK+q3/wAzCxu91yFyz28c2zGbrPQEXLzCaNH1M9x9S2/fF//exIENP5CeHIO9ix9Nnx+Gf3hx+1ar1Rzc+COnDmr+Jp7+tWjVfSwOrn56L/v9uraxpUVdK6wslFy8nsec1anEJRWWmv75Z2yoG26Bp6sx+QVqLt3I5/dNadxKLM7z6ZsuVAkw08m37VAmc1anGqoadG5uSbOa5liaK7kcVcDCTZnEJ5d+/XZobEGtMDM8nIzIL4Qr0QUs357F7aTiPM1qmlO/qhm+HsZYmCl575tEcvL0/xTWsUkdAob2x65WVcw9XfnrpXe4vXb7w/M0q0eVSSOxrhJMbtQtLk+YTvSCVTppfN/uRcCQ/pi5u5B+8jxnBo8j7egpvZf/fv1f8aNTW3dsrIw5dS6dST9fIvpWTqnpX2jvwQvtPfFwMwfg2s1s5i25waFjydo0nu7mvPd6INWq2GJqouTw8WS+/+UyKaml931l9XoPbzq2ccPa0ohT5zOYPPMqMbdyS03f+Vk3Oj/rjrur5tq/HpXD/GVRHP47FQB3FzOW/lK7xLxjvr3AroNJeq+DEPeSkQtC68KFC8TGxnL06FE++ugjtm3bRtWqVTl1yvA3iYc5fWQjW5Z+TfPn3+WtMStx8w5l0fcDyEovuYOMunycFTOHUrNpV94as4rQmq1ZMu094qMvatMkx99k7te9cPYIoO/wBQz8fA3NOr2DsYlZicfUh5OHNrJx8URavvAu736xAnefUOZ9+waZpdTjxqW/WfbzMOo0e4l3v1hJ5Vqt+G3K+9y+px4bF0/k0sl9dBv4DYO/3kCjZ/uwfsGXnDu+w2D1AOjazplOrZz4aVEsQ766Qm6einEf+mFirCg1T2JKAfNWxPHBuCt88OUVTp7P5LP3fPDx1PzNneyMcbQ3ZvbyON4Zc5nv58ZQO9yaD/p66b38pw5vZNPvE2nR+V3e+XwF7t6hzJtU+rm4eelvlk0fRu1mL/HOnXOx+Afdc/HRD3t0ti79x6NQKAiv01bv5TdUHTYtnsilU/vo+tY3fDBhA43a9mH9QsNfTw3CFNQJVrD5mIr521UUFMLLzZQYPeQOVdlbQasaCvadUTNnq4rbqWpebqbE8k4TTs+BH9cW6Wx7TqvIK1BzJc4w9Xi5oxsvPOvKD3Nv8P7o8+TmqZgwMhgTk4e0i+QCZi+J4d1PzvHup+eIPJPB50MC8fUyfyDti+1c4T8Y+dmltQPPNbfnlyXxfDQpirx8FaPf9Xpo+w4PsmDTnlQ+mhTF2GkxGBkpGPOeF2ammjxmpgrGvOsJahg9NYZR30djbKTgk7c8UZR+2H/t+I5fObF3Ic90G0u3wcswMbVg7S8DKCwoPdBz6e+N7FvzNXWffZeXh6zEyTOUtTMHkJ2haVNZ6fFkpcXT+PkR9BqxjtY9J3Djwl52LP1E7+W/cHwje1ZNoEG7d3ll+CqcvcJY+XN/bVnuF3v1OBvnD6Vqw668MmI1QdVbsfbXd0mMLW7ff22bReSehbTuPpaeQzR/k5XT+z/0b6IPnZrb8Gwja+asTuGzn+LJLVAz8nVnTB7yeKuyvxlbD2Uy+qd4JsxOxMgIRvZ3xuy+trTjcCZvfxmr3X7fZLiAW/tGFrSuZ8HCjZmMn5NCXoGaIb3sMC45hglAiI8pO4/mMH5uKt/9loqREob2ssPUpDiNqYmC01fy2bAv22BlBzCysiT95AVOD/r8sdJb+FWi7tpfSNp1mH11OnNt6nyq/fIlzm2aaNN4dGtP5W9HcenLn9hXrwsZJ89Tf8NsTF0cDVUNAF55yZuuHb2Y9PMl3hz2Nzm5RUz+ohqmD+lrExLzmTH/Gv0HH2fAh8c5fjKFCZ+E4+9jCYC5mZLvv6iOWq3mg09O8vaISIyNlUz8rKpB+iiAnl28ePE5D76bcYWBI0+Rm6di0mdVHl6PpHx+WXSDN4af5M3hJzl+Ko3xI8Pw87YAID4pjy6vH9XZ5vx+k+ycIg7/nWKYijwBVCp1hdyeRhJcEFqurq64u7sTEhJCjx492L9/Py4uLrz99tvlWq5DW+ZRq1k3ajZ5CRfPIDq++jkmpub8vW9FiekPb1tIUNUmNG7XHxfPQFp2+QAP3yoc2fGbNs2OlVMIrtacNt2G4+FbBUdXH0IjWmJl62SweuzfPJ86z3SjdrMXcfUKonO/sZiYmXNs98oS0x/8cwHB1ZrQ9Ln+uHoF0qbrB3j6Vebg1sXaNDcv/U3NJp0JqFwPBxcv6rXojrtPKNFXTxqsHgCdWzuxdH08hyIzuB6dx3dzonG0N6ZhTdtS8xw5kcFfpzKJjc8n9nY+C1bFk5unIixAc2O/EZvHV9OjOHIig7iEfE6ez2LBqtvUr2GDUs891f7N86nTvPhcPN9vLCam5hzbU/K5OLDlzrno0B9Xz0Bav/QBHn6VObSt+FzY2LvobOf/3oF/5fo4unrrt/AGrMPNy7rXU90W3XH3Nvz1VDdYwf5zai7FQkIarD+iwsYCQrxK/4BVL0TBiatqTl1Xk5QOm4+pKSyE6v6aPGo1ZOXqbiFeCs5HqSko/YFpmXRp58Zvq+M4eCyNa1E5TJx+DSd7ExrXti81z6G/0zhyIp2Y23nExOUxd3ksObkqKgdZ6aQL9LWg63NuTJp53TCFv0fHFvYs/zOZI6eyuBGbzw8LbuNoZ0T9Glal5hn3cyw7D2cQFZfP9Zh8pi66jaujCYHemmhPWIAFLk4m/LjoNjdj87kZm8+PC28T6GNGtRALvZZfrVZzYs8C6rQZSEDVVjh7htK610Sy0uO5enpbqfkid88jvEE3qtR7CUf3IFp0/RxjE3POHdHca5w8Qujw2lT8w1ti5+xDpeAGNGz/IdfO7ERVpN+L6vjOuVRt1J3wBi/h5BFE6+6fY2xqzulDJd/3/t69AL/KTanTagBO7oE0em4wrpWqELl3kfZvcnz3Auq1fZvA6q1x8Qqj3avfkJUWz5WTpf9N9KFdY2tW70jn2NlcouIKmL40GXtbI+pUKf28T5ybyJ5j2cTEF3LzVgEzlqfg4mCMfyUTnXR5BWrSMlXazRBP/O9qXc+C9XuzibyYT3R8EbPXZGBvo6RWWOkPJab8nsb+k3nEJhQRfbuI2WszcLI3ws+juB7bjuSw6UAOV2MM1DHdkfDnHi6OmcLtNY93vn3f7EHOtWjOjZhI5vmr3Pj5N+JW/In/B/20afwHv0bU7GVEz19J5rkrnHpnDEXZuXj3e8lAtdDo9rwXC5bdYN/hJK5cz+LL78/j5GhG0wbOpebZfzSJQ8eSib6VQ1RsDjMXXicnt4gqoZrPLdWq2OHuas74KRe4eiOLqzeyGP/9ecKCbKhd3d4w9ejowcI/otl/NIWrN7L56sdLODma0qRe6cGZA3+lcPh4KjG3com+lcuvi29q6hGiGT2lUkFyaoHO1rS+Izv3J5KTq/9RoELcT4ILolQWFhYMHDiQ/fv3Ex8fXy5lKCrMJ/bGGQIqN9LuUyiVBFRpSPSVyBLzRF2JJKBKI519geGNtenVKhWXTu7C0d2PRZP78+3gRvz6ZXfOHzfcB6zCwnxir58hKLyhdp9SqSSoSkNuXo4sMc/NyycIvCc9QFC1JkTdk94nuCbn/95JWvJt1Go1V88eJjHuOkFVGxuiGoBmaLOjvQmR57K0+7JzVFy4mkNY4ON9SVAqoFldO8xNlZy7UvrTGktLI7JzVaj0eD+8ey4C7zsXgeENdf6294oq4VwEV21SavrMtEQunNhN7WaG+YBlqDr4BGmup/S719O5wyTeNuz1ZG8F1hYKrt8u/lKQVwCxSeBVSqxPqQR3B7h2W/eLxPV4NV5OJQck3B3A3UHBiWuG+fLh7mKKk4MJf58pns6QnaPi/JUsqgSX/qX8XkoFPNPAAXMzJWcvF7cvM1MFo971Z+q8m6SkGfYLiJuTMY52xpw4X9wus3NVXLqeS6jfg6MpSmNprvl4kZmtabwmxgpQQ0Fh8d8/v1CNWg2VH7PfeFzpydFkZyTgHVJ8HzCzsMHNpzpx1yNLzFNUmE989BmdPAqlkkohDUvNA5CXm4GpuTVKI/3NMi0qzOd21Bl8QnXL4hPaiFvX/i4xz63rkfiE6LZv38pNuHUtEoC0pGiy0xN0jmlmYYO7bw1ir5d8TH1wdTTCwdaI05eLR0fk5Km5EpVPsK/pYx/H0lzTru9eT3c1jrDkl888mDjYjZeftX3oE9+ycLZXYm9jxNlrxVP/cvLUXI0pINDr8c+9pZmmfFkGmOqnb/YNIkjccVBnX8LWfTg0iABAYWKCXa1wErcfKE6gVpO44wD2DWoarFyebuY4O5pxNLL4KXxWdhFnL6ZTNaz0Bxz3UiqhVVMXzM2NOHNe02ebGitRAwUFxecmP1+FSg3Vq9jptQ4AHm5mODmYcuxEqnZfVnYR5y5lEB76eNOslEpo2dhJU48LGSWmCQmwIjjAmg3by+dzvPj/I2su/B9Yv3491tbWOvuKih5vjmtYWBgA169fx9XVVe9le5TsjBTUqqIHRhRY2TqTeOtaiXky0xIfSG9t60xmeiIAWRlJ5Odls3/jLFp0+YDWXYdx+fRelv78Pn2Hz8cvtJ4B6pGKSlWE9f3lsnMi4SH1sLbTjcJb2zqRkZao/bnTq5+yes5ovhn8DEojYxQKBV1e/wL/sLp6r8NdDnaabiMlXfdLTmp6IQ52JiVl0fL1MuO7UQGYmijJyVPx5c83ibpV8pBcW2sjenZ0YfOe5BJ//29pz4Xdg+fi4deU8wPp7z0X9/p732rMzK2oUruNfgp9H0PVoeOrn7J67mi++bD4enrhNcNeT1Z3vq9m3TfFNCtPrf3d/SxNQalUkH3fpZOVC06lfCar4a8gMU1NjIGmmzraa679lDTdubkpaQU42D+8Xfh5m/Pj2DBNu8gt4vPvr3AzpvgPMrC3N2cvZnHQgGss3GVvq2nf96+DkJpRpP3doygU0L+rC+eu5HDzlubL2MXrueTmq+jT2YlFa5NQKODVzs4YGSlweMzjPq7s9AQALG1024eljTPZGSW32Zwszb3GooQ8qfElt6mczBT+2jqd8Ibd9VDqB8vyYPmdSLl9tcQ8WemJWN7Xvq1snLT1Lf1v4kR2esl/E32ws9bMGUjL1L2e0jKLtL97FIUCXu1oz4XreUTfLr7vHIjMJjGlkJT0Inw8TOjR3g4PFxOmLNJ/I7ez1gTL0rN0g5PpWSpsrR/vOZ0C6NHWmks3C4hJ0P86I/pm5uZM3m3dayPvdiImdjYozc0wcbBDaWxMXnzSfWmSsAoNMFi5HB00Qan710FISc3X/q40Ab5WzPi2JqamSnJyivh4/BmuR2kCqWcupJObW8Tb/QL4ZeE1FMDAvgEYGylwcnz8QNhj18Nec8zk++8ZqQWProePJT9NqKapR24Rn048z43oktebeK61G9ejsksNPgihbxJc+D/QokULpk+frrPv8OHD9O7d+5F5777aRVGGCWd5eXnk5el+CyjIN8XE1HDrGzyM+s5j8NCaLWnYth8A7j6Vibr8N8d2LTFIcMFQDm5dRNSVE/T+8GccnDy5duEv1i4Yh429K0FVGz36AI/hmfp2vPdq8SKXY3+88a+PFROXz/tfXMHKQknj2nYMeb0SH31z7YEAg4W5krGDfLkZm8dvaytetP3Y3pXUaNix3K7xf+vQ1kVEXzlB78E/Y+/kyfULf7Fu4ThsHFwJCtfP9RTuo6Bd7eL+ZNk+wz/BMzaCKj4K9p/V36iFlo0cGdzfR/vzp99e/tfHio7NY+DH57CyMKJpfXuGD/Rj6JcXuRmTS8NadtQMt2Hgx+f0UewHNKtjw8CexYHj8dNjy3zMN7u74ONhysffF6+amZ5ZxLez4xj4sgvPNbdHrYa9xzK4cjO3zK8Qu3BsHbuWj9H+3HHAjDId73Hk52ay/te3cHALpN6z7xn8/6soGkdY0L+Lg/bnb+aVPXDxWmd7vN1N+Hx6gs7+HUeKR/dE3S4kJUPFp2+44Opo9NBFFh9H/apm9HmuOFL5w+9lD+y90t4aL1djvp6XWuZj/T9p09yV4e+GaH8e8cW/XwfsZkw2r33wF9aWxjzT2IVPPgzl/VEnuB6VTWp6AZ9NPMuwt4Pp2skLlRq27YnnwuUMvYyebN3MmaFvBWp/Hjn+3/fpN2NzGDD0BFaWRjRv6MTH7wcz6LPTDwQYTE2VtGrqzILlBlrB+Akib6J8ckhw4f+AlZUVQUFBOvuiox+vozl3TtP5+fn5/ev/f8KECXz+ue4CQi++NpqXXh/7yLyWNg4olEYPLN6Ylf7gU/27rO2cH0ifmZ6I9Z2nOpY2DiiNjHHx0P2bOHsEEnX52CPL9G9Y2tijVBo9sNheZlrSQ+uRed+T8cz0JGzupC/Iz2Xr8in0+uBHwiKeAcDdJ5RbN8+xb9NcvQUXDkdmcOHaFe3Pdxd1c7A11hmibW9rzNWo0ldqBigsUnPrzhslLt/IJcTPgs6tnZi2sPgLjYWZknGD/cjJVfHlTzd5zEE2j017LtL+2bnIuu/pXmZa8bm41/ULf5F46xovvzNZf4W+jyHqUJCfy9Y/ptBr0I+E3nc97d80V2/BhUuxamKTiz8F3F200cpcd/SClZmC26klf1rIztcs3mR5X+zGyhwyS1hkO6ySAhMjOHVDf58+Dh5P5fyV4i832nZhZ0JyanG7cLAz4cqNhy/UVlikJvbOGyUuXc8mNMCKLs+68sOcm0RUscHD1YzVsyJ08oweHMjp85kMG3+xhCM+viOnMrl4vfiPdrcedjZGpKQXNz57GyOuRT964b83urlQp6oVn0yJJilVd3TTifPZvP35DWyslBSpNNNG5nzlz+1jZVuJ3T+8BW4+xW9RKCrS9DHZGUlY2RYHTrIzEnH2KvmtLhZWmntNznOb2wYAALGZSURBVH0LJmZnJGJpo9um8nMzWTtzACZmVnR4bRpGRg8fmfJP3S3L/Ys3ZmckPVCWu6xsnR8YgZB1T3pLWxftMazt7v2bJOFSKUxvZT92NpfLUbe1Pxsb3bmerI1IzSj+hmZnbcSNW6W/Xeiufs/bUzPMnC9+SSA5/eE3gys3NcdzdzIuc3DhxMV8Po8pHjVnfKdd2FopSLvnLTa2Vkqi4h49ValXO2tqBJsycUEqKRlP/pQI0IxSMHPTvd7M3JwpSMtAlZtHfmIKqsJCzFyd7kvjRF6c/kbD7DuSxNmLf2l/NjXR3DQc7E1ISim+hhzsTbl89eGvGCosVGvfxHDhSiaVg23o9rwX3/50CYCjf6fw8ptHsLM1pqhITWZWEWsWNCQ2ruwPOfYfSebcxeLy3V3o19HOhOSU4j7Qwd6Ey9eyHsj/QD3iNPW4eDWLsCBrunb04LsZuiObnmnohLmpkj93VbyHNKLikjUXRKlycnKYOXMmzZo1w8XF5V8fZ9SoUaSlpelsz/ce9Vh5jYxN8fQN5+q54nl/apWKq+cOUSkwosQ83oERXDunO0/w6tkD2vRGxqZ4+lUlKU53qGvy7esGew2lsbEpnn7hXDlzSLtPpVJx5ewhfIIiSszjE1SDK2cP6ey7cvoA3nfSFxUVUlRUgEKh24yVSiPUav19eMnJU3ErPl+73YzNIzm1gBqVi+eRW5grCQ2w4PyVhwcX7qdQoLMCvYW5knFD/CgoUvPFtBs687P15e65uHpW91xcPXtI+7e9n3cJ5+LymQMlpj+2ZwWefuF4+OjvA/v9DFGH0q4nhdIIlR4XvcgvhJTM4i0xHTJz1Pi5Fl8Hpsbg6USpUxhUKohLAT833RFVvq4KYpIevGaq+yu4FAs5elwUPydXReztPO12IyaXpJQCaoYXP+20tFASFmjF2UsP/6B4P4UC7dzxJevieGvUWQZ+XLwBzFgUpZfFHXPz1MQlFmi3qLh8ktMKqR5qqU1jYa4k2M+cC9dLfz0aaAIL9WtYM/rHGOIf8prBjCwV2TkqqoVYYGdtxJFT/+zvcz9Tc2vsXXy1m6NbEJY2LkRfKr4P5OdmcvvmSdz9Iko8hpGxKa6Vwom6pHuvib50SCdPfm4ma37pj9LIhOf6/2yQNwwZGZvi5h1O1EXdskRdOIiHf8lz2T38Irh5Ubd93zx/AA9/TdntnCphaeuic8y8nEzibpzA009/8+Nz89XcTirSbjHxmmkL4UHFfycLMwWB3qZcuvHw4EK/5+2pE27B+FmJJKQ8Oljg63lnapIevrzn5quJT1Fpt9iEIlIziqjsXzxc3dxUQYCXCVcesRBjr3bW1Ao15dtFaSSmVozAAkDqoUicWjbQ2efcqhEphyIBUBcUkHb8DM4t71nrQ6HAqUVDUg/pbx2PnJwiYm7lardrN7NJTM6jTo3iETKWFkZUCbHl9PmSX+FbGoUCTEwe/CqUll5IZlYRtarb42Bnwr4jZZ9qk5OrIiYuV7tdj8ohKSWfWvcsFmlpYUTlYJt/PIVBqVRgYvxgPTq0cmX/XymkpRt2rR4h7iXBBaEVHx9PXFwcly5dYsmSJTRu3JjExMQHplTk5OQQGRmps125cqWUo4KZmRm2trY62z8ZLt6gbT+O71lO5P5VJMReYf2isRTk5RDR+EUAVv36EdtWfKdNX7/1q1w+vY8Df84h8dZVdq2ZSuz1M9Rr+Yo2TaN2/Tl9dBPHdi8j+fYNjmxfxIUTO6nbotdjl+ufatyuL3/tXs7xvauJj7nC2vmfk5+XQ+1mXQBY/stH/Lms+Gl3w2f7cOnUPvZtmktC7FW2r5xGzLUzNGyjKaO5hTX+YXXZvORbrp47QnJCNMf3ruLvfWuoUru1weoBsGZbEj2ec6V+DRt8vcwY2r8SyamFHPy7+MY+fqgfHVsUr3jc90U3woMtcXUywdfLjL4vulEt1Iqdh1MBzReYLz/0w9xMyQ/zYrA0N8LB1hgHW2OUel6jS3su9q0mPvaec9FUcy7++OUjttxzLhq1ve9crJpG7LUzNGite73k5mRy+sif1GneVb8F/g/qYG5hjV9YXTYv1b2eIvcb/no6eklNoyoKgjzBxQ461VeSkQMXY4oDBT2bK6kdVHwhHLmoJiJAQTVfBU420K62AhNjOHnfgo0O1uDjAieuGf5D/arNt+n1ggcNa9nh523OiIH+JKUWsP9YqjbNN6OC6dymOFj7+sueVAuzxs3ZFD9vc15/2ZMalW3Yvl/z1DQlrZDr0bk6G0B8Yj5xCY9+8vtvrN+ZSrd2jtStZoWPpykfvOpGcloRh08UBwE+f9+L9s2KFzl7s7sLzeva8P28OHJyVdjbGGFvY6SzwF7LBraE+Jnj7mxC87o2DO/vwbqdqcTG6/cd8gqFghrN+vDX1hlcO72DxNgLbF38EVa2rgRULb6WV0/vx8k7b1MAiGjej7OHlnPu6CqSb19h1x9jKczPoXI9zb0mPzeTNTP6U5ifQ6uXx5Ofm0lWegJZ6QmoVPodYlWrxWucOrCMM4dXkRR3he3LxlKQn0N4fU1ZNi8cwb61xfe9ms37cOPcXo7tmEPy7Ssc3DiV21GniWjaW/s3qdW8D4f/nM6VU9tJjL3An4tGYGXnSmB1w7bvzfsz6dLSllqVzfF2M+bt7o6kphfx19niYPTHA5xp27A4YP1aZ3sa17Rk2pIkcvJU2FkrsbNWal9f6epoRJeWNvh7meDsYEStyua83d2Rc1fziIrT7/V017YjOXRsYkmNEFO8XI0Y8IINqRkqjp8vjloO621HyzrFi8X0bm9Nw2pmzFyVQW6eClsrBbZWCp3XcNpaKfB2M8LVQbMGRSVXY7zdjLAy1++Nz8jKEtsaYdjW0AS+Lf0rYVsjDHNvDwBCvxxCjbkTtelvzFyCpb83YROGYxUagO/AXnh0a8+1H+Zp01ybMhfv/t3xevUFrMMCqPrTWIytLIiaX/Jbi/Rl+doY+r7sQ+N6TgT4WvHpkDCSkvPYe6h4xMSUL6vz4nPFD4ze6uNPjXA73F3NCPC14q0+/tSsZs+We57qd2jlRnioDZ7u5rR9xpVxH1Vh2ZpoomL+2YOTx67H+lv06VqJRnUdCPCx5ONBQSQl57PvSPGomcljq9Clvbv25zde8aF6FVvcXcwI8LHkjVd8iAi3Zdte3WlDXu7m1Khiy4ZttxHivyTTIoRWaGgoCoUCa2trAgICaNu2LUOGDMHd3V0n3cWLF6lZU/dJR6tWrdi2zTBvW6harwPZGcnsWj2VzPQE3L0r88qHs7TDv9OSY3XWhPAOqsWLb0xi56op7Fj5PY6ufvR4bxqulYrn7FWu1YaOr45l38aZbP59PE7u/nR/50d8gmsbpA4A1Rt0ICsjhe0rfyQjLREPn8r0Gz6zuB5Jt3SeGvsG16T729+y7Y8f2LL8e5zcfHll8FTc7qnHy+98x5bl37NsxnByMtOwd/akTdfB1GvZw2D1APhjcyLmZkre7+OJlaURZy9l89mU6zojDTxcTLG1Ke5i7G2MGdq/Eo52xmTlqLgenctnU64TeVbzhSXI14KwQM3T0tkTQnT+v9c+ukB8kv4+MFar34GsdM25yLxzLvoOKz4Xqcm3UNzz/kuf4Jp0H/gt21b8wNY/NOei1we65wLg1KGNgJrqDZ7TW1n/yzq8/Lbmelo+Yzg5Wf/d9XTovBoTI2hfW4m5KUQlwrI9KoruiQfYW4PFPTHJc1GaaRFNqyqwMlcQn6rJc/8ij9X9FaRnw9U4g1YBgKXrb2NupmRwf1+sLY04fTGTURMvUVBwT7twM9NtF7YmjBjoh6O9CVnZRVyLymHUxEscP11+i2+t2paCuZmCt3u6YmWh5NyVXMb9HKPTvt2dTbC9Z0G+9s3sAfhycCWdY/24MI6dhzV18XI1offzTlhbGpGQXMAffyazdkeqQepQq+UACvNz2Ll8NHk56Xj416bTm7N0RhqkJd4kJ6t4xfngmh3IyUzmyOapZKUn4OJVmU5vztJOLYiPPsPtmycAWPhVW53/r8+n27B11K17WYTW0pTl4MYfyU5PwKVSZbq8/at2UdaMFN37hWdALdr3ncSBDVPYv24y9q5+PD/gJ5w9i9t3ndZvUJCfw7Ylmr+JZ0BtXnz7V4OMvrjXut0ZmJkqGPCiA5bmSi5ez+PruYk6r4R1czLGxqr4emrTULMI9ei3dBeSnrE8mT3HsiksgqpB5rRrbI2ZqZLktEKOnM5h9Y5/9uT6n9h0IAdTEwV9n7PB0lzBpZsFfL84jcJ74kouDkZYWxaflxZ1NG9C+aivvc6x5qxJZ/9JTWf1TG0LOjcvDqyM7Gf/QBp9sKtdlYbbF2p/rjLpYwCiFqzkZP9RmHm4YHEn0ACQcz2ao8+/RZXvRuH3fh9yo+M49danJG7dp01za/kmTF0cCRkzCDN3F9JPnONIxwHkxxto5dw7flsRhbm5ESPeC8HayphTZ9MYOuYU+ff0tV7uFtjbFk9ZcrAz4dMPw3ByNCUrq5Ar17MYMuYUf93z1gmfSpa81TcAW2tj4uJzWbDsJkvXGG69gt9XxWBhpmTYwEBNPc6lM3zcWZ16eLqbY3dfPT4eFISTgylZ2UVcuZ7F8HFn+euE7rogHVq5kpCUz9HIVIOV/0miVsmiC08KhbqsKykJ8S8s3lfxLztTk4pfB4C5s86WdxH0ot+AKuVdBHHH5ZsVv23sWBNZ3kXQC2uHx3s125OuZfugRyd6wt07Bawi27Oz4i8OZ2FVsRbbLc2LXzQp7yLoxYR2M8u7CGVmZKLftVfKy+6V+llf6b/2wQ8V820YP3zweK8drUhkWoQQQgghhBBCCCHKRKZFCCGEEEIIIYSokFQyEP+JISMXhBBCCCGEEEIIUSYSXBBCCCGEEEIIIUSZSHBBCCGEEEIIIYQQZSJrLgghhBBCCCGEqJDkVZRPDhm5IIQQQgghhBBCiDKR4IIQQgghhBBCCCHKRIILQgghhBBCCCGEKBNZc0EIIYQQQgghRIUkay48OWTkghBCCCGEEEIIIcpEggtCCCGEEEIIIYQoE5kWIYQQQgghhBCiQpJZEU8OGbkghBBCCCGEEEKIMpHgghBCCCGEEEIIIcpEggtCCCGEEEIIIYQoE1lzQQghhBBCCCFEhSSvonxyyMgFIYQQQgghhBBClIkEF4QQQgghhBBCCFEmElwQQgghhBBCCFEhqdXqCrkZUnJyMq+88gq2trbY29vTv39/MjMzH5r+/fffJzQ0FAsLC3x8fBg0aBBpaWn/6P+V4IIQQgghhBBCCPGUeOWVVzhz5gxbt25l/fr17NmzhzfffLPU9LGxscTGxjJp0iROnz7NvHnz2Lx5M/379/9H/68s6CiEEEIIIYQQQjwFzp07x+bNmzl69Ch16tQBYOrUqXTo0IFJkybh6en5QJ6qVauyYsUK7c+BgYGMHz+e3r17U1hYiLHx44UNZOSCEEIIIYQQQgjxFDh48CD29vbawAJA69atUSqVHD58+LGPk5aWhq2t7WMHFkBGLgghhBBCCCGEqKBUFfRVlHl5eeTl5ensMzMzw8zMrEzHjYuLw9XVVWefsbExjo6OxMXFPdYxEhMTGTdu3EOnUpRERi4IIYQQQgghhBD/oQkTJmBnZ6ezTZgwodT0I0eORKFQPHQ7f/58mcuVnp7Oc889R5UqVRg7duw/yisjF4QQQgghhBBCiP/QqFGjGDJkiM6+h41aGDp0KP369XvoMQMCAnB3dyc+Pl5nf2FhIcnJybi7uz80f0ZGBu3atcPGxoZVq1ZhYmLy8ErcR4ILolzk5ivKuwhlZmxUMYdg3e/990LKuwh6cex8xT8fFhZPx2CyqoGq8i5CmbUb61veRdCLtDyr8i6CXmTkFZV3Ecost+DpaN+D+9mUdxHKzMak9NexVSRvHJlZ3kXQi1Gb/9mw6ydRk8M/lXcRRAX0T6dAuLi44OLi8sh0DRs2JDU1lWPHjlG7dm0AduzYgUqlon79+qXmS09P59lnn8XMzIy1a9dibm7+2GW76+m40wkhhBBCCCGE+L+jVqsr5GYolStXpl27drzxxhscOXKE/fv3895779GjRw/tmyJiYmIICwvjyJEjgCaw0LZtW7Kyspg9ezbp6f9j777Dm6reAI5/m27oHrSldLdQyl6yNyIyFJChKBtk7y0g+BNlCIoIgghlyd4ge++N7D3LKKV77+T3RyUltIVCW9LU9/M8ebQ35ybvIbm5yXvPeU8Uz54949mzZ6SmZj/BLyMXhBBCCCGEEEKIAmL58uX079+fhg0bolAo+Oyzz5g1a5b6/uTkZG7evElcXBwA58+fV68k4e3trfFY9+/fx93dPVvPK8kFIYQQQgghhBCigLCxsWHFihVZ3u/u7q4xeqJevXq5MppCkgtCCCGEEEIIIXSSSkeXoiyIpOaCEEIIIYQQQgghckSSC0IIIYQQQgghhMgRSS4IIYQQQgghhBAiR6TmghBCCCGEEEIInSQ1F/IPGbkghBBCCCGEEEKIHJHkghBCCCGEEEIIIXJEpkUIIYQQQgghhNBJSpVMi8gvZOSCEEIIIYQQQgghckSSC0IIIYQQQgghhMgRSS4IIYQQQgghhBAiR6TmghBCCCGEEEIInSRLUeYfMnJBCCGEEEIIIYQQOSLJBSGEEEIIIYQQQuSIJBeEEEIIIYQQQgiRI1JzQQghhBBCCCGETlKppOZCfiEjF4QQQgghhBBCCJEjklwQQgghhBBCCCFEjsi0CCGEEEIIIYQQOkkpS1HmGzJyQQghhBBCCCGEEDkiyYVsmjhxIuXLl3+rferVq8fgwYPzJJ7cjsPd3Z2ZM2e+l3iEEEIIIYQQQhQs/8lpEXp6eq+9f8KECUycOFFj2/DhwxkwYEAeRpV3NmzYgKGhobbDyJHzB5dzas9CYqOCKVLMl0btx1PUvWyW7W+c28GRrb8SGfoE6yLu1Gs1HK/SdQFITU3myJaZ3L1ymMiQRxibmuHmW4O6LYdhbuWQp/04tXc5R3f4ExMZgqOrL82+Gksxz6z7ceX0TvZtmEVEyBNsHN34qO0wiperq75/fJeSme73Ubvh1GraPdfjBziyayX7ty4mKiIEZ7cSfNZ1DG7eZTJtG/joDtvXzOHx/WuEBT+lVaeR1GvWUaPN0d2rObpnNWHBTwFwKubFR5/1xq9C7TyJ/2V1SutRwUsPY0N4HAI7zioJj3n9PpW89ahWUg8zEwiKgN3nlDwNS7+/sAk0LK+Hh4MeRoYQFgVHrym5+Thv+qBSqTi7+zdunF5LYnwUju4Vqd1qApb27q/d78rx5Vw8tJD46BBsnXyp+ek4irhmfC+qVCp2+H/No5tHaNxpNh6lG+V6H47tXsHBvxcRHRmCk2sJWnX+BlfvzI+LZ4/vsGvtbzy+f43wkKd80nEUdT7upNHm7vWzHPzbnyf3rxEVEUyXIbMoXaVhrsf9ql1/r2frhhVEhofh6uFN115D8C7hl2nbfTu3cHj/Dh4/vA+Ah3cJPu/US6P92uULOXFkL6HBzzEwMMTDuwTtO32NT4lSedaHAztWsWfzEiIjQinmXpzPu4/Cwyfz4/tpwB22rJpLwL1rhAYH0rbrcBo1/ypDu/DQIDb89StXzx8jKSkBe0cXOvf7DnfvvOtHQXhPnXz5fOHiS/OvxlLM6/Xni73/ni9sHdxo3G4YJV46XyQmxLJ7zc9cP7+PuJgIrO2LUf3Dr/igwed52o8929ayfdNfRIaH4uLuQ6evh+NVPPPX/sDuTRw9sI3HD+8B4OHlS9uOfTXanzlxgP07N/Dg7nVioqOY9MtfuHkWz9M+AGzfuomN61cTER6Gu4cXPfsMoHiJzM/Bu3f+zYF9ewj49/j28i7OV527a7Rv2bRBpvt27vY1rdrk7WvS/Ut3WjR2xLywAZevRzH999s8DozPsn3Lj51o+XFRnBxMALgfEMfiVQ85eS795FfU0YT+3bwo42eBkaGCU+fD+OWPO4RHJOdq7Da1KuM5rDuWFUtjUrQIZz/rS9CWfa/fp84H+E0fjZmfDwmPArkzeS6Pl27UaOPWpwOeQ7tj7GhP1KUbXB38PZFnLudq7C9bu/sQf23dS2hkFD6uzgzv0o5S3u5v3G/38bOM+20RdSqXZfqwXurt89dtY8+JcwSFhmNooI+vhyt92regtLdHnvVBiMz8J0cuBAYGqm8zZ87EwsJCY9vw4cPVbVUqFSkpKZiZmWFra6vFqN9eUlISADY2Npibm2s5mnd3/ex29q+fTM1m/ejyzUaKFPNlzazuxEaFZtr+8d3zbPEfRtkabejyzSZ8yjVkw7x+BD+5BUBKUgLPAq5Ro2kfOo/ZQMuvZxMWdJ8Nc/vkaT8un9rOjlVTqd+yH32+W4+jSwmWTO9JTBb9CLj9D2vnDadSnc/o878NlKzQkBWzBhD0+Ja6zciZhzVurbr/gJ6eHn6VG+dJH84f38nGpT/x0We9GTFlDUXdijP3x15ER2beh6TEBOwcitHii8FYWNll2sbK1oEWHQYzfPJqhv+4Cp/SVVnw00ACH93Jkz68UN1XjyrF9dhxVsniPUqSU+CLegr0X/OpWNJFj0YV9DhyRcXCXUqeR6j4vJ6CQsbpbT6ppsDWXI+1R5T8uUPJjccqWtdQ4GCVN/24eHABV44to3bribQasAYDI1O2LexBSnJilvvcubCdE1unUKlRPz4btAEbpxJsW9iD+JiMr+PlI0uA1ydkc+LCiR1s+WsaH7buy+Af1lLUtQR/TnndeyoemyIuNP18COZZvKeSEuMp6laCVl3H5Vncrzp+eC/LFvxGmy+6MflXf9w8vJn87VAiI8IzbX/t8nlq1v2Q8ZNn8b/pf2BrX4Qfvx1CWEiwuo2Tswtdew9l2pylTJz2O/YOjvw4fghRkZk/Zk6dObaLdYtn0KxdL8b+tJJibsWZ9X1foiLDMm2flJSAnYMzrb4alOXxHRsTxU9ju6Cvb8CAcbOZOHMDbTsPpbCZRZ70AQrGe+ryqe3sWDmV+p/2o++/54vFbzhfrJmbdr7o+78NlKzYkBW/ap4vdqyYyu3LR2nTaxqDJm+jRuNO/L1sEtfP78+zfpw8socV/jNp1b4H3/+8FFcPH6ZNHEhkRObvqeuXz1G99kd8M2kuE6YtxMbOgWkTBxAW+lzdJjEhnuIly9G+U/88i/tVRw8dwP/PuXzeoRM///YH7p5efDd+FBFZHN9XLl2kdt0GfD/5Z6bOmI2dnT0Tx40k9KXje9Ff6zRuAwaPQE9Pj+o16+RpX778zIU2zZ2Z/vttvh7+D/EJqfz8vzIYGWb9OR8cksS8JffpPvg8PYac5/ylcCaPLYWHayEATIwV/PK/sqhUKgaNvUSfkRcwMFAwdXxp3nA9763pFy5E1KWbXBn4Xbbam7oXo8qWPwg9eIqjlT/l/m9LKPPHJOw+rKVu49T2Y0r+NIbbk+Zw9INWRF+6QdVtCzGyt8nd4P+158Q5Zi7bQI/PmrL0x9H4uBVj4JTZhEVGv3a/p8GhzFq+kfK+Xhnuc3Uqwogu7Vg5dSzzJwzFyd6WAT/OJjzq9Y9ZUKiUKp28FUT/yeSCo6Oj+mZpaYmenp767xs3bmBubs6OHTuoVKkSxsbGHD16NMO0iJSUFAYOHIiVlRW2traMGjWKzp0707Jly0yf83//+x+lS5fOsL18+fKMHz9e/be/vz+lSpXC2NgYJycn+vdPP3lGRETQo0cP7O3tsbCwoEGDBly8eFF9/4sYFyxYgIeHByYmaRnmV6dFPH/+nBYtWmBqaoqHhwfLly/PENebnuvixYvUr18fc3NzLCwsqFSpEmfPnn3jv/27OLNvEeVqtqNsjc+wc/Lmoy++w9DIhMsn1mfa/tyBpXj61aZq4x7YOXlR55PBOLj4cf7QXwAYm5rz+aBFlKzUFFtHT5w9y/Nh+/E8C7hKVNjTPOkDwPFdS6hcty0Va7emiLM3LTpPxNDIhPOHN2Ta/sSepXiXqUWtpt0pUtSLRp8NwsmtJKf2rlC3Mbey17hdP78fD9+q2BRxyZM+HNy2lBoNP6Na/VY4FvOiXY9vMTIy5eSBjZm2d/MuzadfDaNizY8xMDTKtE3pSvUoVaEORZzcKFLUneafD8TYpBAPbl/Kkz688EEJPY5eVXHrCTyPhC2nlJibQoliWX8Tquqrx4W7Ki7dVxESBdvPqEhJgXKe6fsUs4Uzt1U8DYOIWDh2TUVCMjjZ5P4PdJVKxeWjS6nYsDfupRpi61SC+u2nEhf1nAdX92a53+UjiylZtS2+VT7D2sGbOq2/w8DQhBtnNI+pkKfXuXRkEfXa/ZDrsb9waPsSqtZvwwf1WuFYzJvPuk/A0NiEM4cyPy5cvcrQ4svhVKjRFAODzN9TJcvX5uN2gyhTJfdHWWRl26bVNPioBfU+bEYxVw969BuBkbExB/f8nWn7ASMm0rhZa9w9i+Ps4kavAaNRKZVcuZj+OVqrXmPKlK+Cg6MzLm6edOwxkPi4WB7ev5snfdi7dRm1GrWmZoOWFHXx4ste4zAyNuH4vk2Ztnf3Lk2bzkOpUqtJlqPjdm1chLWdI136/w8PnzLYOTjjV74G9o558xkFBeM9dWxn2vmiUp2088UnXdLOF+eyOF8c370UnzK1qP3y+cK9JCdfOl8E3PmHCrU+xbPkB1jbO1OlfjscXUrw+F7efdbu2LyCeo1bUqdRC5xdPenaZzTGxiYc3rs10/Z9h31Po6ZtcPMsTtFi7vToPxalUsW1i2fUbWrVb0qrz3tQqtwHeRb3qzZvXEvjJk1p2PhjXFzd6dN/CMbGxuzbvSPT9kNHjqVp80/x9PKmmIsr/QYNR6VUceniP+o21jY2GrdTJ49Tumx5HJ2K5mlf2n7izNI1Dzl6KpS7D2KZ9MsNbG2MqV0t88QawLEzoZw8F8bjwHgePY1n/rIHxCek4lciLUlYxs8SxyIm/DDzJvcexnLvYSw//HIDX29zKpW1ytX4g3cd5taEmQRtzvoc9zK3rz8n/v5jro+cSsyNezz8fTnP1u/CY1AXdRuPwV15tHANj5dsIOb6XS73nUBqXAIuXT7L1dhfWLFtHy0b1KBFvep4FnNidPfPMTEyYuvBE1nuk6pU8u3sxfRs0wznIhlfqyY1q/BBGV+cHezwcinK4K9aExufwO2AJ3nSByGy8p9MLmTH6NGjmTJlCtevX6ds2YzDEKdOncry5ctZtGgRx44dIyoqik2bNmX5eN26deP69eucOZN+gvznn3+4dOkSXbt2BWDu3Ln069ePr7/+msuXL7Nlyxa8vb3V7du2bcvz58/ZsWMH586do2LFijRs2JCwsPQrAHfu3GH9+vVs2LCBCxcuZBpLly5dePToEQcOHGDdunX8/vvvPH/+XKPNm57ryy+/pFixYpw5c4Zz584xevToPJl6kZqSxLOAq7j51lBv01MocPetwZN7/2S6z5N7F3Dzra6xzcOvFk/uXcjyeRLjY0BPD2PTvLmalpKSxNMHV/H0S49LoVDgVao6j+5mHtejOxfx8tPsh3eZWgRk0T4mMoRblw5RsU7enAxTUpJ5dO8axctUU29TKBQUL1ONB7cvvmbP7FMqUzl/bAeJifF4FC+XK4+ZGavCYGaqx4Og9KxxYjI8CQXnLAYoKRTgZA33gzQzzfeDVBSzTU8cPA4FPxc9TP79jeLnqoeBPjx8nvsZ6uiwx8RFB+Psk358GJuaU8SlLEEPL2S6T2pKEsFPruLsrXlMFfOprrFPclI8+1YMp1bLbylkbp/rsUPacfHk/jWKl9Y8LnxKV+NhLr2n3oeU5GTu37lJmfJV1NsUCgVlylfm1o0r2XqMxMQEUlJTKGye+WdQSnIy+3ZuplBhM9w8vDNtkxMpyckE3L1OybJV1dsUCgW+Zaty79a7//i8dPYQbl5+/DF9OMO71mfS8PYc2ZN5Yjg3FIT31IvzhVepTM4Xdy5kus+jOxc12gP4lK6l0d7VuwI3/jlAVFgQKpWKe9dPERL0AO/SNfOiG6QkJ/Pg7g1KldM8LkqVq8Kdm9kbbp6YmEDqa46L9yE5OZm7d25Rtnwl9TaFQkG58pW4eeNath4jKTGR1NQUzMwyH0UaER7GuTMnadS4aa7EnJWiDibY2Rhz5kL6iIvYuFSu3YqitG/2/o0VCmhY2x4TE32u3ogCwMhAgQpITlaq2yUlKVGqoKyfZa724W1ZVStPyH7NH+3Be45iXa08AHqGhlhWLEXIvuPpDVQqQvYfx6pahVyPJzklhRv3H1GltK96m0KhoEppXy7fvpflfgvXb8fawpxP69fIss3Lz7Fp/zHMCplS3LVYrsQtRHb9J2suZMf//vc/Pvzwwyzv/+233xgzZgytWrUCYPbs2Wzfvj3L9sWKFeOjjz5i0aJFVKmSdqJdtGgRdevWxdPTE4BJkyYxbNgwBg0apN7vRdujR49y+vRpnj9/jrFx2hjs6dOns2nTJtatW8fXX38NpE2FWLp0Kfb2mf8YuHXrFjt27OD06dPqx164cCElS6bPA8zOcwUEBDBixAh8fdM+HH18fLLse07ExYSjUqZS2ELzF18hC1tCgzL/EI6NCqGwhWZWt7CFLbFRIZm2T0lO5ODG6fhVboaxqVnuBP6KuOgIlMpUzCw1+2FmYUtI4P1M94mJDMHM0i5D+5jIzPvxz7FNGJsUxq9S1u/bnIiNCkepTMX8lT6YW9ry/GnmfciupwG3+GXcV6QkJ2FsUojuw2fiWCzjsL/cUjhtUA+xCZrbYxNUmJlmvk8hI1Ao9DLZB2xf+k624ZiSVjUUDGutT6pSRXIKrDv65loO7yIuOm2IramZ5mtiam5HXHTm75OE2LRjytT8lX3M7Ih4nv46ntg6GUe3CriXyrt55bFZHBe58Z56n6Ki0vphaaU5hNbSyoYnjwOy9RgrFs/F2saOMuUra2w/d/oYs6ZNICkxAStrW8Z+PxMLS6vcCl0tJvrf49tK87WwsLTl2ZMH7/y4wUGPObRrLY1afMXHrXvw4M4VVvtPw8DAkOr1P8lh1BkVhPdUlucLy9efL14975lZ2hL90vmiecdxbFr0LdOG1EOhb4Cenh4tu/4PD98q5IXoLI4LCysbnj5+mK3HWL10NtY2du91lMKroqMiUSqVWFlba2y3tLLm8aPsHd9LFs3H2saWchUqZXr//r27MTUtRPWaeVtryMY6Lev9ah2E8Igk9X1Z8XQrzLyfKmBkpCA+PpVvfrjKg0dxAFy9GUVCQip9unjyx7L76AG9O3tioK+Hrc3rHzevGTvYkRikeT5MDArB0NIchYkxhtaWKAwMSHwe+kqbUAqX8Mz1eCKiYkhVKrGx1Ew02Via8/Dps0z3uXDjDlsOnuCvyWNe+9hHzl9m3Cx/EpKSsbOyYPY3A7CyyJvvtfmNSlUwpxjoIkkuZKFy5cpZ3hcZGUlQUBAffJB+stPX16dSpUoolcos9+vZsyfdunXj559/RqFQsGLFCn755RcgbarC06dPadgw8y/yFy9eJCYmJkPdh/j4eO7eTR8i6+bmlmViAeD69esYGBhQqVL6Cc7X1xcrK6u3eq6hQ4fSo0cPli1bRqNGjWjbti1eXpn/GExMTCQxUXP+d3KSMYZGxpm2f59SU5PZ/OcgQEXjL7I3fy+/On94A2WrNc8X/65vq0hRD0ZOW0dCXDQXTu5h+ZxxDJy4KNcSDKXc9GhaOX10werDWR+nOVW3TNqoheUHUolLhBLOerSuoWDpPiXBkTl77Nvnt3J4wwT13x93nZfDaDP34Op+ntw5RZvBmQ/BFrlr89plHD+8l28nz8boleO3VNmKTJ21mOioCPbt2srMqeOZNONPLK2ss3i0/EWlUuLm5UerLwcC4Orpy9NHdzm0e12eJBdE1k7u+YvHdy/y1eDfsbItyoObZ9m67HvMrYvgXerNV0Pft63rlnDyyB6++WFuhuNCl6xfs4Kjhw4waerPGBll/kN7354d1KnfMMv739WHdYswol96scuR/3v3AoUBT+LoOugsZoUMqFfTnrFDSjBgzEUePIojIiqZ8VOvMbyPD21aOKNUwd7Dz7l5J5rXfC0W2RAbn8CE35fyTc8Ob0wUVPYrzl9TxhARHcum/ccY8+tCFn0/IkMiQ4i8JMmFLBQuXDjXH7NFixYYGxuzceNGjIyMSE5Opk2bNgCYmmZxufRfMTExODk5cfDgwQz3vZwYyI24s/NcEydOpEOHDmzbto0dO3YwYcIEVq1apR7J8bLJkyfz3XeaP9w/6TSBTztPfGMshcys0VPoZyjeGBcVmuEqzQuFLewyjFKIzaR9WmJhMJFhT/li8JI8G7UAUMjcCoVCn5hXCorFRIVmGJ3wgpmlXYZRClm1f3DzLCHP7tOu78+5F/QrCltYo1DoZyiKFh0ZmuFq59syMDDE3tEVABfPUgTcvcKh7X/R/usJb9gze24/UbEgND2r/aJoY2ETiHlpJEJhEz2CwjPPfsclgVKpUo96SN8HYv8tsm1lBlWKK/hjeyohaaNFeR6hwsVej8o+euw4m7PMuptffdq8tKJDakpa0db4mFAKWxRRb4+PDsG2aOZVzE0Kpx1T8dGar2N8TAim5mnvrSd3TxIVFsCiCZpXC/csG4ijRyU+6b0sR/14oXAWx0V0ZGiWBQLzIwuLtH68WqQuMiIMK+vXFwTbumEFm9f9xdhJMzOd7mBiYopj0WI4Fi2Gj29pBvdsz4HdW2nZrlMmj/buzMz/Pb4jNF+LqMhQLHPwWlha2eP0SpLQydmDf05mb7702yoI76kszxeRrz9fvHrei4kMxfzf9slJCexZN5MOA2dRonw9ABxdSxAYcJ1jOxblSXLBPIvjIioiDCvr158ztm38i783LGHUd7Nxdc+bkZHZZW5hiUKhICJcs3hjZEQ41javP743rV/N+rUr+d8P03H3yDxZfvXKJZ48fsTw0d/mWswvHD0dyrVb6XVcjAzTTn7WVoaEhiept1tbGXHn3uuH16WkqHgSmHbCvHk3hpI+5rT9xJmf5twG4Mw/4bT/+jSWFgakpqqIiU1l89LqPH32/HUPm+cSg0IwdtA8bowd7EiOjEaZkEhSSDjKlBSMi9i+0saWxGeZjwDMCSsLM/QVigzFG8Mio7G1yjg15UlQMIHBoQz7Kf1igvLfq/TVvxzA2p+/pZhD2kVFUxNjXByL4OIIZXw8+GzIRLYcOE6Xlh/lej+EyIrUXHgHlpaWODg4aNRPSE1N5fz586/dz8DAgM6dO7No0SIWLVrE559/rk4qmJub4+7uzr59mS+nU7FiRZ49e4aBgQHe3t4aNzu77H9h8vX1JSUlhXPnzqm33bx5k4iIiLd+ruLFizNkyBB2795N69atWbRoUabPOWbMGCIjIzVuTb94/dCuF/QNjHB0LcXDm+nz5VRKJQ9unsDZM/O5cM6e5Xl486TGtgc3juPsWV7994vEQvjzh3w+aDGmZnl7FdDAwIii7qW4dy09LqVSyb1rJ3HxKp/pPi7e5TTaA9y9ehzXTNqfP7yeou6lcHL1zXBfbjEwMMTF049bl0+ptymVSm5dOYm7T+7WR0hbpSXpzQ2zKSkFwmPSbyFREBOvwt0hfTSDkUFavYUnmRdjR6mEwHA09oG0vx//m7gw1P83/lf3VZErFbONTMywtHNT36wdvClkbs+T2+nHR1JCDM8fXcLBrXymj6FvYIS9cyme3NE8pp7cOanep0L9nrQdspk2gzeqbwDVW4ymXrvJOe/IvwwMjHD28OP2Vc3j4s7VU7jl8nsqLxkYpi0T+XIxRqVSyZWL5yjum7GQ7wtb1i1nw6rFjPluBl4+mSeDXqVUKUlOzt2l3SCtD65eJbl++XT6cymV3Lh0Gs/iWS9/+CZevuUIevpAY1tQ4ENs7J3e+TFfpyC8p157vvAun+k+Lt7luPvK+eLO1ePq9qmpKaSmJqOnp/m1T0+h/9oRlzlhYGiIu5cv1y6lf1dSKpVcvXQW7xKZL28K8PeGpWxes5ARE37F0yfzpVzfJ0NDQ7y8i3PpYvp3PKVSyaUL5ynhm3V8G9auYs3Kv5jw/VS8i5fIst3e3Tvw8i6Oh2fuTwWMj0/lSWCC+nY/II6QsEQql0v/zlPIVB+/4hZc+bd+Qnbp6YGhYcafEZFRKcTEplKxrBXWloYcPZ3FSfU9iTh5AdsG1TS22TWsQfjJCwCokpOJPH8VuwYv1SzR08O2fnUiTmZe2ysnDA0M8PVw4cyVm+ptSqWSs1dvUsYn4zQMt6KOrJw2lr+mjFHfalcqQyU/H/6aMgYH26y/vyqVKpJSUnK9D0K8joxceEcDBgxg8uTJeHt74+vry2+//UZ4eDh6b/gF0aNHD3V9g2PHjmncN3HiRHr37k2RIkX4+OOPiY6O5tixYwwYMIBGjRpRvXp1WrZsybRp0yhevDhPnz5l27ZttGrV6rXTOF5WokQJmjRpQq9evZg7dy4GBgYMHjxYY+TEm56rVKlSjBgxgjZt2uDh4cHjx485c+YMn32WeSFBY2Njde2GF7JYOCBTVRp2ZduSUTi6lsbJvSxn9y8hOTGeMtVbA/D34pGYWzlQt+UwACrV78TKnztyeq8/XqXrcv3sdp49vEKTDv8D0hILm+YPJOjRNdr0/QOlMpWYyH/nrhe2RD+LauE5VeOjzmz4cwzOHqVx9izDid1LSUqMp2LttNEe6+aPwsLagcZthwJQ/cNOLJzSiWM7FlG8XF0un9rO0/tX+bSL5iiQhPgYrpzZRZPPR+ZJ3C+r16wTy38fi6tXKVy9ynBo+zKSEuOpWq8lAH/N/gZLmyK06DAYSCsC+ezxXfX/R4Y/5/GDGxibFFKPVNi6YiYly9fC2s6JxIRYzh3dzp1rZ+j9Td4M+X/h9E0VNUvpERatIiIW6pZREB0PNx+npwY61Fdw67GKs7fTtp26oeKTanoEhsHTMBUfFNfD0AAu3Uu7PzQKwqJVNK2sYN8FJXFJadMiPB1h9eHcnw+op6dHmVqdOL9/HpZ27pjbOHN29ywKWRTBvVR6Vfut87vgUaoRpWt+BUCZ2l04uGY09sVKU8SlLJePLiE5KZ4SldOOqULm9pkWcTSzKoqFTe4Wh6rbtDOr5n1DMc+099SRHctISoinSt2042Ll72OwtClC08+HAGnF7oL+fU+lpiQTGfacJw+uY2xSCDtHNwASE2IJeZY+Fzos+DFPHlynkJkl1nZ5U4m9Wcv2zP3lBzx9fPEu7sf2zWtITEigbqNmAMyZ8T02tnZ80SVtydvN6/5i7V8LGDBiAvYOTkSEp30BNzExxcS0EAkJ8WxcvYTKVWthZWNHdFQEu//eQHhoCNVq1c+TPjRq0ZHFv43H3csPd5/S7Pt7OUmJ8dRo8CkAi2aNw8qmCK2+SpvikJKcTKD6+E4hIvQ5j+6nHd9FnFz/fcyvmPpNF7avX0DlGo15cOcKR/as56ve4zMPIhcUhPdUzSadWf/nGIp6lKaYZxmO70o7X1R6cb7449/zRbu080WNxp1YMLkTR3csokS5ulz693zRsmva+cLE1Ax33yrsXP0TBkYmWNkV5cGNM1w4tpmPvxiV6/G/8PGnHZj/63d4eJfE06cUu7auIjEhnjqNmgMw75cJWNsWoX2nfgD8vX4J61fMp++w77Er4kREeNqVYxOTQpiYpi17GBMdSWhwEOFhaeftwCdp9RssrW2wss6b0SmftmrLrz9PwdunBD7Ffdm6eT0JiQk0/LAJADOnT8bW1o6OXXsCsGHtSlYsW8zQkWMpUsSR8H+LYZuYmmp834qLi+X4kUN07dE7T+LOzNotT+jc3pVHT+MJDEqgx1fuhIYlcuRk+lX6mZPKcvhECBu2pa2g1auTByfPhREUnEAhUwM+rFuECmWsGDohfZpF04YOPHwcR3hkMqV9LRjU05s1mx/z6El8rsavX7gQhb1d1X8X8iiGRTlfksIiSXgUSIlJQzFxduBi17T39cP5q3Dr+yW+k0fwaPF67OpXw6ntx5z5pJf6Me7PXEQ5/6lEnLtC5JlLuA/sjEFhUx4tyZupgR2aNeS7uUsp6elKKW93Vu3YT3xiIs3rpiVBJvy+hCLWVvT74lOMjQzxctH8jDEvlPYeerE9PiGRRZt2UrtSWeysLIiIjmXd7kMEh0fQsGruF6XMj1Qy/ybfkOTCOxo1ahTPnj2jU6dO6Ovr8/XXX/PRRx+hr6//2v18fHyoUaMGYWFhVK1aVeO+zp07k5CQwC+//MLw4cOxs7NTT5vQ09Nj+/btjB07lq5duxIcHIyjoyN16tTBwcHhrWJftGgRPXr0oG7dujg4ODBp0iSN5TDf9Fz6+vqEhobSqVMngoKCsLOzo3Xr1hmmPuSWkpWbEhcTxtG/ZxEbFUyRYiVpN2CBeppDVFigxtWYYl4VadFtOke2zOTw5p+xtnende852DunzTuMiQjizqW0db0X/fCpxnN9MWQprsU1X5fcUqZqU2Kjw9m3cRYxkSE4uZak07D56mGukaGBKF7qh6tPBdr2+om9G35lz/pfsHVwo8PA33AoVlzjcS+f2g6oKFutWZ7E/bKKNZoQExXG9jVziIoIoZi7L73HzFMPNw4PDURPkZ5giwx7zk+j2qr/3r91Mfu3LsbbrzIDJqSNdImOCmP572OJDA/GtJA5RV196P3NPHzL5u0c4BM3VBgaQNMqCkyM4FEwrDqkJPWl85O1GZi+lBe7/ihtWkTdMnppUygiYNVBJbH/lhRRqtIeo0E5BW3rKDAygPBo2HJKxd3AvOlHuXo9SE6K5/D6b0lKiMLRvRJNu/+JgWF64FGhASTEpg/p9S7flITYMM7u/o246GDsipakafc/KWT+/oeNl6/+MTFRYexaN5voiBCKuvnSY/Qf6uHcr76nosKD+eWbNuq/D21bxKFti/AsWYW+4xcD8OjeVeZN6qpus+WvaQBUrvMpn/f+MU/6UaNOI6IiI1j71wIiwsNw8/Rh9P9mqKdFhAQHafRjz/aNpKQk88vkcRqP89kX3Wj7ZXcUCgVPHz/k5307iI6KxNzCAk+fkkyc+jsubrlfZAygSs2PiIkMZ8uquWnHt0cJBo77HYt/pz2FhQRqJNAjwp8zafjn6X3aspQ9W5ZSvFQlhv1vIZC2XGWfkT+zcfkstq2dj10RZ9p1HUHVOnn3eVUQ3lNlqjYlNiqcfRvSzxedh6efLyLCAtFTaJ4v2vX+ib3rf2XPun/PF4M0zxft+8xg99pfWDtvBPGxkVjZFeXDNoP5oMHnGZ4/t1Sr/SHRUeGsXzGfyPBQXD2KM2LCr1j++54KDQnS6Me+nRtISUlm1tTRGo/T6vMetP4irXD1+dNH+HPW/9T3zZk+NkOb3Farbn0ioyJYuWwR4eHheHh6MeF/U9XHd3Dwc41+7Ni2hZSUZKb9OFHjcdp36MQXX3VR/33k0AFUqKhdr0GexJ2Z5esfYWKiz8j+xTErbMDla5EMm3CZpOT0BLizoylWFukrgFlbGjJuiC+2NkbExqZw90EsQydc5uxLq064FitEr86eWJgZ8Ox5AkvXBLB68+Ncj9+yUmmq70ufmuc3/RsAHi3dwKXuYzB2ssfUJX1kVPyDx5z5pBd+M8bgPqATCY+fcbnXOEL2HFW3CVy7AyN7G4pPGIixoz1RF69zunkPkp7nzaiLD6tXIjwqmvnr/iY0Ipribs78OrqfelpEUEg4ircY7qhQKHjwNIhth/8kIjoWS7PC+Hm5Mn/C0AyJCSHymp5KymvmCqVSScmSJWnXrh3ff/99lu1UKhU+Pj707duXoUOHvscI8xf//dqOIOfMTAtGltTCtGAMmTt34/WJPV1galowZqr5FEvVdgg5VswiQtsh5IrIxNyvH6QN0Ym5v9Tx+5aQXDCObzer6Dc3yufMDfNg+R4t6Dn4jrZDyBVjduZNUuh9qnVqjrZDyBWWFRu9uVE+9MXI7K3ckt+snOb65kY6RkYuvKOHDx+ye/du6tatS2JiIrNnz+b+/ft06NAhy32Cg4NZtWoVz549o2vXrlm2E0IIIYQQQgghdIkkF96RQqFg8eLFDB8+HJVKRenSpdm7d6+6nkJmihQpgp2dHfPnz8faOm8LCAohhBBCCCFEQadUykD8/EKSC+/IxcUlQ0HGN5EZKEIIIYQQQgghCqKCMQFQCCGEEEIIIYQQWiMjF4QQQgghhBBC6CQZHZ5/yMgFIYQQQgghhBBC5IgkF4QQQgghhBBCCJEjklwQQgghhBBCCCFEjkjNBSGEEEIIIYQQOkklS1HmGzJyQQghhBBCCCGEEDkiyQUhhBBCCCGEEELkiEyLEEIIIYQQQgihk2RaRP4hIxeEEEIIIYQQQgiRI5JcEEIIIYQQQgghRI5IckEIIYQQQgghhBA5IjUXhBBCCCGEEELoJKVKqe0QxL9k5IIQQgghhBBCCCFyRJILQgghhBBCCCGEyBFJLgghhBBCCCGEECJHpOaCEEIIIYQQQgidpFKqtB2C+JeMXBBCCCGEEEIIIUSOSHJBCCGEEEIIIYQQOSLTIoQQQgghhBBC6CSZFpF/yMgFIYQQQgghhBBC5IgkF4QQQgghhBBCCJEjklwQQgghhBBCCCFEjkjNBaEVqUptR5BzJe2DtR1CrjgT4KDtEHKFsZHuv6li41K1HUKuiE3U13YIOVYicL+2Q8gVyWY22g4hV5w3qqntEHIsOdVY2yHkClODBG2HkGPWyc+1HUKu0Dc01HYIuaLWqTnaDiHHjlbtp+0QckWz5JvaDuGdqFRScyG/kJELQgghhBBCCCGEyBFJLgghhBBCCCGEECJHJLkghBBCCCGEEEKIHJGaC0IIIYQQQgghdJJSqft1twoKGbkghBBCCCGEEEKIHJHkghBCCCGEEEIIIXJEpkUIIYQQQgghhNBJKqUsRZlfyMgFIYQQQgghhBBC5IgkF4QQQgghhBBCCJEjklwQQgghhBBCCCFEjkjNBSGEEEIIIYQQOkmlkqUo8wsZuSCEEEIIIYQQQogckeSCEEIIIYQQQgghckSmRQghhBBCCCGE0EmyFGX+ISMXhBBCCCGEEEIIkSOSXBBCCCGEEEIIIUSOSHJBCCGEEEIIIYQQOSI1F4QQQgghhBBC6CSpuZB/yMgFIYQQQgghhBBC5IgkF4QQQgghhBBCCJEjklwQQgghhBBCCCFEjkjNBSGEEEIIIYQQOkmpUmo7BPEvGbkghBBCCCGEEEKIHNG55MKDBw/Q09PjwoULOXqcevXqMXjwYPXf7u7uzJw5M0eP+T506dKFli1bajsMIYQQQgghhBBC7a2mRXTp0oUlS5bQq1cv5s2bp3Ffv379+P333+ncuTOLFy9+42MdPHiQ+vXrEx4ejpWV1duEkSfOnDlD4cKFs93+zz//ZPbs2dy9excDAwM8PDxo164dY8aMycMo/7v+ObScM3sXEhsVjL2zLw3bjcfJvWyW7W+e38Gxv38lMvQJ1kXcqfPpcDxL11Xff+vCbi4eWUXQo6skxEbQafQmiriUzPN+7Ph7A1vWryIiPAw3Dy+69x6ETwm/TNvu2bmVQ/t38ejBPQA8vUvQoXNPjfazf/6Rg/t2auxXvuIHjPt+ep714fzB5Zzak/ZaFCnmS6P24yn6mtfixrkdHNma/lrUazUcr39fi9TUZI5smcndK4eJDHmEsakZbr41qNtyGOZWDnnWBwCVSsW5vb9x48xakuKjcXCrQK2WE7C0c3/tfldPLOfSYX/iY0KwcfSlxidjKeKS3v+/53ci8P4ZjX18P2hP7VYT86AXaeqWUVDBSw8TQ3gUomLHGSVhMa/fp7KPHtV9FZiZQlA47DyXytOw9PsLm0Cj8go8HfUwMoTQKDh6VcmNx7m/3NOpfcs5vmMhMZEhOLj60vTLcRTzzPo9dfXMTvZv+JWIkCfYOLjxYdvhFC9XV6NN8NO77Fk7nQc3z6BMTcW+qBft+8/CyrZorsf/wuoDp1iy6yihkTEUd3Fk1BfNKO1R7I377Tx9iTF/rqVeeV9+6felentoVAy/rtvNiWt3iIlPoKKPGyO/aI6bg22e9WHt7kP8tXUvoZFR+Lg6M7xLO0p5u79xv93HzzLut0XUqVyW6cN6qbfPX7eNPSfOERQajqGBPr4ervRp34LS3h551geAgztWsXvLEqIiQinmVpz23Ufh4VMm07ZPH91h66q5PLx3jbDgQNp2GU7D5l9laBceGsTGv37l6j/HSEpKwN7Rhc59v8PNu1Se9OHEnuUc3u5PTGQIji6+fNJpLC5eWR8Xl0/tZM/6WYSHPMHWwY0m7YfhWz79uIiODGHnqhncvnKMhLho3EtU5pNOY7FzdM+T+F8oCOc9gI3bdrFq01bCwiPxcndl0NddKVncO9O2h0+c5q+1m3jy7BkpKakUK+pIu0+b8VH9OhrtHjx6wh9LVnDx6jVSU5W4uTjz/eihONjb5Wlfun3uQvMPHTArpM/lG9H8PP8eTwITsmz/6UcOfPqRI45FjP+NO54lax5x6p8IABztjVn9R6VM953w000OngjN1fh1/XPKplZlPId1x7JiaUyKFuHsZ30J2rLv9fvU+QC/6aMx8/Mh4VEgdybP5fHSjRpt3Pp0wHNod4wd7Ym6dIOrg78n8szlPOlDfiNLUeYfbz1ywcXFhVWrVhEfH6/elpCQwIoVK3B1dc3V4N4ne3t7ChUqlK22/v7+DB48mIEDB3LhwgWOHTvGyJEjiYl5w7f59yApKUnbIeS6G+e2c3DDZKo37UfH0RspUsyXdbO7Exud+cnqyb3z/L1oGKWrt6HTmE14l23Ipvn9CH56S90mOTEOZ6+K1Pl0+PvqBscO72PJn3No26EL02YtwN3Dm0njhxMZEZ5p+6uX/6FWnYZMnPwrP86Yi519Eb4fP5zQkGCNduUrVeXPZRvVt8EjJ+RZH66f3c7+9ZOp2awfXb5Jey3WzOpObFTmr8Xju+fZ4j+MsjXa0OWbTfiUa8iGef0IfpL2WqQkJfAs4Bo1mvah85gNtPx6NmFB99kwt0+e9eGFi4cXcPX4X9RqOZFP+67G0KgQO/x7kpKcmOU+dy9t5+S2qVRs2I9W/ddj61SCHf49iY/R7L9vlbZ8+c1h9a3qx3n3PqtRUo8Piuux/YwS/z2pJKdAh/r66L/m093PVY8PKyg4fEXJnztTCYpQ0aG+PoWM09t8Wk2BrYUeqw+n8sf2VG48VvJZTQWO1rkb/5VT29m1agr1Pu1Hr4kbcHQpwbIZPYjJ4j0VcPs86+YNo0KdNvT+biO+FRux6rf+BD1OP77Dngew8McO2Dl50nXUUvp+v5m6n/TFwNA408fMDbvOXGbGmh30alGfFeP7ULyYI31nLiEs6vXnhach4fyydhcVfNw0tqtUKobMWcHjkDBm9uvAyvF9cLK1ovfPi4hPzJvP+T0nzjFz2QZ6fNaUpT+OxsetGAOnzCYsMvr1fQgOZdbyjZT39cpwn6tTEUZ0acfKqWOZP2EoTva2DPhxNuFRr3/MnDh7bBfrlsygedtefDNtJcXci/PbpL5ERYZl2j4pMQE7B2dafTkIC6vMf9TFxkTx07gu6BsY0H/sbCb8soE2nYZSyMwiT/pw6eR2tq2YSsNW/ej//XqcXEvgP60nMZGZHxcPb/3Dqt+HU7nuZwz4fgN+lRry18wBPHuUdlyoVCqWzexPWPAjOg6Zw4BJG7C2K8rCKd1ISojLkz5AwTjvAew/cpw5/svo3L4Nf/48GS8PN4ZPnEx4RGSm7c3NCvNV25bMmfo9/r9O5eOGdZk6ax6nz19Ut3kS+IwBYybgWqwoM3/4Fv9fp9K5XWuMDA3ztC9ftHKmdTMnZsy7S+/Rl0lIVDJ9vB9GhnpZ7hMcmsQffz2k54hLfD3iEucvR/LDaF/cXUwBeB6aSKtuZzRu/isDiItP5dQ/mb/W76ogfE7pFy5E1KWbXBn4Xbbam7oXo8qWPwg9eIqjlT/l/m9LKPPHJOw+rKVu49T2Y0r+NIbbk+Zw9INWRF+6QdVtCzGyt8mTPgiRlbdOLlSsWBEXFxc2bNig3rZhwwZcXV2pUKGCeptSqWTy5Ml4eHhgampKuXLlWLduHZA2taF+/foAWFtbo6enR5cuXQDYuXMntWrVwsrKCltbW5o3b87du3czxHHjxg1q1KiBiYkJpUuX5tChQxr3Hzp0iA8++ABjY2OcnJwYPXo0KSkpWfbr1WkRERER9OrVCwcHB/Vz/P333wBs2bKFdu3a0b17d7y9vSlVqhRffPEFP/zwAwCHDx/G0NCQZ8+eaTzH4MGDqV27NgCLFy/GysqKXbt2UbJkSczMzGjSpAmBgYHq9qmpqQwdOlT9bzFy5EhUKs3MXL169ejfvz+DBw/Gzs6Ojz76KFv9r1evHgMGDGDw4MFYW1vj4ODAn3/+SWxsLF27dsXc3Bxvb2927Nih8XxXrlzh448/xszMDAcHBzp27EhISEiW/6654ey+RZSp0Y4y1T/DzsmbDz//DkMjE66cWJ9p+/MHluLhV5sPPuyBraMXtVoMxsHFjwuH/lK3KVW1JTWa9sfNt3qexv6yrRvX0KhJcxp82BQXV3e+7j8MYxMT9u/elmn7wSO+pUnzVnh4+eDs4kbvgSNRKZVcvnhOo52hoSHWNrbqm5m5eZ714cy+RZSr2Y6yNdJei4++SHstLmfxWpw7sBRPv9pUbdwDOycv6nyS9lqc//e1MDY15/NBiyhZqSm2jp44e5bnw/bjeRZwlaiwp3nWD5VKxZVjS6lQvzfufg2xdSpBvXZTiIt+zsNre7Pc7/KRJfhWaUuJyq2xdvCmVsuJGBiZcPPsBo12BoYmFDK3V9+MTMzyrC8flFBw5KqSW09UPI+AzSeVmJuCb7GsvyhWK6Hgn7sqLt5XERIF284oSU6B8p7p+7jY6XHmlpKnYRARC0evqkhIBkfrrB/3XRzfvZhKddpSofZnFHH2pnmntPfUP0cyf0+d3LMM7zK1qPVxd+yLetGw9SCc3Pw4vW+5us2+9TPxKVuXxu1G4OTmh00RV3wrNMDMIu+u+P+15zita1fm05oV8SpahLFftcDEyJBNx85nuU+qUsk3C9bR+5MGFLPT/AIYEBTK5XuPGPtlC0p5FMPd0Z5vvmxBYnIKO05fypM+rNi2j5YNatCiXnU8izkxuvvnmBgZsfXgidf24dvZi+nZphnORTL+MG9SswoflPHF2cEOL5eiDP6qNbHxCdwOeJInfQDYu3UZNRu1pkaDlhR18aLD1+MwNDbh+P5NmbZ39y7NZ52GUqVWEwyy+GG3e9MibGwd6dzvf3j4lMHOwRm/8jWwd3TJkz4c2bGEKvXaUrlOaxycvWnZdSJGxiacPbwh0/bHdi/Fp2wt6jTrThFnLxq3GURR95Kc2LsCgJBnD3h05yItu0zAxbMM9k4efNplAslJiVw8mfk5KDcUhPMewJrN22jeuAFNG9XD3bUYw/r0wMTYiO17D2bavkKZUtSp/gHuLs44OznSpkVTPN1duXz9hrrNgr9WU7VSefp0+ZLinh44OzlSs2plrK0s87QvbZs7sWzdY46dCefewzh+nHUbWxsjan2Q9Y/Q42fDOXU+gieBCTwOTGDBigDiE1LxK572765UQlhEssatdlUbDhwLIT4hdwvtFYTPqeBdh7k1YSZBm7P+vvEyt68/J/7+Y66PnErMjXs8/H05z9bvwmNQF3Ubj8FdebRwDY+XbCDm+l0u951AalwCLl0+y5M+CJGVd6q50K1bNxYtWqT+29/fn65du2q0mTx5MkuXLmXevHlcvXqVIUOG8NVXX3Ho0CFcXFxYvz7ti+PNmzcJDAzk119/BSA2NpahQ4dy9uxZ9u3bh0KhoFWrViiVmh9OI0aMYNiwYfzzzz9Ur16dFi1aEBqaltF/8uQJTZs2pUqVKly8eJG5c+eycOFCJk2alK3+KZVKPv74Y44dO8Zff/3FtWvXmDJlCvr6+gA4Ojpy8uRJHj58mOn+derUwdPTk2XLlqm3JScns3z5crp166beFhcXx/Tp01m2bBmHDx8mICCA4cPTr3DOmDGDxYsX4+/vz9GjRwkLC2PjRs0hUABLlizByMiIY8eOMW/evGz3f8mSJdjZ2XH69GkGDBhAnz59aNu2LTVq1OD8+fM0btyYjh07EheXdlUjIiKCBg0aUKFCBc6ePcvOnTsJCgqiXbt22fp3fRepKUkEPbqKm28N9TY9hQJX3xo8vfdPpvs8vX8BtxKaSQP3krV4ev9CnsX5JsnJydy7c4uy5SurtykUCsqUr8TNG1ez9RhJiYmkpqZgZq55pezq5Qt06/AJA7/+kvlzZhAdlfmVlJxKTUniWUDG18LdtwZPsngtnty7kCGB4+FXiyf3LmT5PInxMaCnh7Fp3lwRBIgOf0x8dAjO3umxGZmYY+9SlqCAi5nuk5qSRMjTqxr76CkUOHtV53nABY22dy7+zdLvq7NuZgtO7/yZlKR48oJVYTA31eP+s/SkY2IyPAkFZ7vMkwAKBTjZoLEPwP0gFcVe2udRiAo/Vz1MjNL+LuWqh4E+PHyee0MPU1KSCHxwFc9S6e8phUKBp191Ht25kOk+j+9ewNOvhsY2r9I1eXQ3rb1SqeTWpYPYOrqzdHp3pg2swfzv23H9fPa+xL2L5JQUrj98StWSnuptCoWCqiW9uHT3UZb7zd96ABvzwrSqnXE4cdK/yeCXr2IqFAqMDPS5cDsgF6NPk5ySwo37j6hS2lfj+aqU9uXy7XtZ7rdw/XasLcz5tH6NLNu8/Byb9h/DrJApxV3fPF3kXaQkJxNw7zoly1ZVb1MoFJQsU5V7N989KXPx7CFcvfyYP304I7rV54fh7TmyJ/MEWE6lpCTx9MFVvEulf9YoFAq8SlUnIIvjIuDORY32AD5lahFwO619akoygMboHYVCgYGhEQ9uZp0Ay4mCcN4DSE5O4dbd+1Qqlz6tRqFQUKlcGa7evPWaPdOoVCrOXbzMoyeBlC2VNv1SqVRy4uw/uBR1YviEH/m009f0Hj6WIyfPvOHRcsbJwRhbayPOXYxQb4uNS+X67WhKlchegkahgAY1bTEx0efqzcyv7Bf3LIyPpxnb9j3PjbDVCsrn1NuyqlaekP2ayZPgPUexrlYeAD1DQywrliJk3/H0BioVIfuPY1WtAkK8T++0FOVXX33FmDFj1D+ujx07xqpVqzh48CAAiYmJ/Pjjj+zdu5fq1dNOdp6enhw9epQ//viDunXrYmOTliEtUqSIRs2Fzz7TzLD5+/tjb2/PtWvXKF26tHp7//791W3nzp3Lzp07WbhwISNHjuT333/HxcWF2bNno6enh6+vL0+fPmXUqFF8++23KBSvz6ns3buX06dPc/36dYoXL66O/4UJEybQunVr3N3dKV68ONWrV6dp06a0adNG/djdu3dn0aJFjBgxAoCtW7eSkJCg8UM8OTmZefPm4eXlpe7T//73P/X9M2fOZMyYMbRu3RqAefPmsWvXrgzx+vj4MG3aNPXfY8eOzVb/y5Urx7hx4wAYM2YMU6ZMwc7Ojp49ewLw7bffMnfuXC5dukS1atWYPXs2FSpU4Mcff9R4fVxcXLh165b63+pViYmJJCZqDjVPTjLG0OjNQ5TjY8JRKVMpbK55xbGwuS1hzzI/kcRGhVDIQjMzXcjCltiovB1h8TrRUZEolalYWmmOKbeysuHJo+z9UPhr0TysbewoWz79h0j5SlWpWqMORRydCAp8yool8/lhwgh+mD5XnQzLLXEvXotXrv4WsrAlNCjr16LwK69F4de8FinJiRzcOB2/ys0wNs27q/3x0WnPb2qm2RdTMzvio4Mz24WEuAhUytSM+5jbEhF8X/23V/nmmFkVpbBFEcICb3J65wwiQ+7z4Ve/5XIvwCxtRCqxr0yVjU1QYWaS+T6FjEGh0CMmQfXKPmBnnp5cWH8sbRrEiM8MSFWqSE6BtUeUhOfi7K+46HCUytQMIwrMLO0IeXY/031iIkMybR8TmfaaxkaHkpQQx9Ftf9Kg9SA+bDecO5ePsHr2ALqMXIK77we514F/hcfEkapUYmOh+Z61tTDjwbPM3+v/3H7IpqPnWfVt30zvd3e0x9HGkt827GZcx08xNTbkrz3HCQqPIuQNw3/fRURUTFofLDV/YNhYmvPw6bNM97lw4w5bDp7gr8mvrzV05Pxlxs3yJyEpGTsrC2Z/MwAri7w5vmP+fU9ZWGq+R8ytbHn25ME7P25I0GMO715Lo+Zf0aR1Dx7evcKaRdMwMDSker1Pchi1prjoiLTj4tU+WNgS/DSL4yIiBDNLzc9aM0tb9XFh7+SBla0Tu9b8QqtuEzE0NuXYziVEhj0jOjLzz7ycKgjnPYDIqChSlcoMIwqsrSwJeJz1le2Y2DjadOtDUnIK+goFg3t3o0r5tJoZ4ZFRxCcksGL9Frp/2Y5enTtw+vxFxk/5mZmTxlO+dOY1KXLKxiotWxwWmayxPTwiGRtro9fu6+laiDmTy2BkpCA+IZVxU2/w8HHmifNmjRx48Cguy+TDuyoon1Nvy9jBjsQgzXNJYlAIhpbmKEyMMbS2RGFgQOLz0FfahFK4hCf/BSqlLEWZX7xTcsHe3p5mzZqxePFiVCoVzZo1w84u/aR2584d4uLi+PDDDzX2S0pK0pg6kZnbt2/z7bffcurUKUJCQtQjFgICAjSSCy+SFgAGBgZUrlyZ69evA3D9+nWqV6+Onl76F+WaNWsSExPD48eP31gb4sKFCxQrVizLH8tOTk6cOHGCK1eucPjwYY4fP07nzp1ZsGABO3fuRKFQ0KVLF8aNG8fJkyepVq0aixcvpl27dhpFIwsVKqROLLx43OfP07K8kZGRBAYGUrVq+tWXF/18dWpEpUqaV72y2/+yZdMLQ+nr62Nra0uZMumZeQeHtIJ6L2K6ePEiBw4cwMws44ft3bt3s/z3mjx5Mt99pzmvrHnHCXzSaWKm7UVGG9f8xbHD+5g4ZRZGLyVlatVtqP5/N3cv3Ny96Nfjc65evqDxZUwXpKYms/nPQYCKxl9kbx5idt35ZytHNk1U/92k89xcffyXlfwgPYFo41gcUwt7ti/oSlRoABa2OatLU9pNj2ZV0pOjKw+l5ujxXqdeWQUmhnos259KfKKKEsX0+KymgiV7U3medxcJc+zFFwzfCg2o8VEXAJxcS/Lozj+cObgqT5ILbys2IZFxC9cxvtOnWJtnXkjY0ECfGX2/4LvFm6g7+Ef0FQqqlvSkZmkf8kPZqtj4BCb8vpRvenZ44xfwyn7F+WvKGCKiY9m0/xhjfl3Iou9HZPiBkJ+pVErcPP1o+eVAAFw9fXkacJfDu9flenIhL+gbGPLVoN9Yv2Ac/+tdDYVCH69S1Sletra2Q8uSrp/3CpmasGDmVOLjEzh/6Qq/+y+jqEMRKpQppf6cqlm1Eu0+bQaAj6c7V27cYvPOvbmWXGhUx45hvdK/Z47+4fo7P1bA03h6DLtI4UL61K1uyzcDfBg4/kqGBIORkYKGte1YuvbxOz9XbvmvfU4JkR+8U3IB0qZG9O/fH4A5c+Zo3PeisOG2bdtwdnbWuM/Y+PVXq1u0aIGbmxt//vknRYsWRalUUrp06fdaqNDU1DRb7UqXLk3p0qXp27cvvXv3pnbt2hw6dIj69etTpEgRWrRowaJFi/Dw8GDHjh3qkR0vGL4yt1NPTy9D4iA73maVizc9/8vbXiQnXiR4YmJiaNGiBVOnTs3wWE5OTlk+z5gxYxg6dKjGtr+OZq+wmqmZNXoK/QzFG2OjQzNcEX+hsIUdca9cGY+Lyrr9+2BuYYlCoZ+hiFVERBhW1q8vtrN5/Uo2rlvBtz/8jLtHxkJEL3NwKoqFhSXPAh/n+pesQi9ei1cK7b3u37awhV2GUQqxmbRPSywMJjLsKV8MXpLroxZc/RrQ+qUVHVJT0z5P4mNCKWRRRL09PiYEW6fMVw0xKWSFnkI/Q/HG+OhQCpln/d56sZJEZC4kF249UfEkND2hYPBvnqGwCcS8NHqhsIkez8Iz/yyJSwSlUoWZiR689DM17THS/rY2gw+KK5i3LYXgqLT7gyJUuNirqOyjYPvZ3LlCUMjcGoVCP0PxxrTRCZn/m5pZ2mXe/t+rtoXMrVHoG2BfVLOKu52TFwG3Nedt5xZrs0LoKxQZijeGRsVgm8kX2sfPw3gaGsHg2el1IpT/fvZX7jWBjd8PwqWIDX5uzqye0I/ouASSU1OxMS9Mxx//wM8t91e8sLIwS+vDK6MiwiKjsbXKOEXpSVAwgcGhDPspfeWoF32o/uUA1v78LcUc7AEwNTHGxbEILo5QxseDz4ZMZMuB43Rp+VGu98Ps3/dU1CuFD6MjQrMs1pgdllb2OLlofv46FvPg/Kncn25TyNwq7bh4tQ9RoZhn0Qczq/TROy/ERIZqjGZw9ijFwB82khAXTUpKMmYWNsyZ0J5iHnmz2kVBOO8BWFpYoK9QZCjeGB4RiY21VZb7KRQKijk5AmmJg4ePnrB83WYqlCmV9pj6+ri7aA67d3MpyuVrN3Mt9mOnw7h+K/1zyfDfoo02loaEhaePXrC2MuTO/djXPlZKioonz9JONLfuxeLrbUab5k7MmKc5crFedVtMjBTsOpi7UyKg4HxOva3EoBCMHTSPfWMHO5Ijo1EmJJIUEo4yJQXjIravtLElMYvRc0LklXequQDQpEkTkpKSSE5OVhcRfMHPzw9jY2MCAgLw9vbWuLm4pBU/MjJKG36Vmpr+RTk0NJSbN28ybtw4GjZsSMmSJQkPz7zK7MmTJ9X/n5KSwrlz5yhZMu1HQcmSJTlx4oTGD/Vjx45hbm5OsWJvnj9VtmxZHj9+zK1bb55L93KfIa1mxAs9evRg9erVzJ8/Hy8vL2rWrJntx7O0tMTJyYlTp06pt73o55vktP9ZqVixIlevXsXd3T3D6/q6BIexsTEWFhYat+xMiQDQNzDCwaUUATfT55qplEoCbp6gqGfmo2CKepTn4c2TGtse3jhOUY/y2XrOvGBoaIind3EuX0h//ZRKJZcvnKeEb9Zf7DatW8H6VUsZ97+f8PbxzbLdC6Ehz4mOjsLaOvcL1+kbGOHoWoqHr7wWD26ewDmL18LZM+Nr8eDGcZw9y6v/fpFYCH/+kM8HLcbULJeXIwCMjAtjaeemvlkX8cbU3I4nd9NjS0qIIfjRJRxcy2X6GPoGRtgVLaWxj0qp5OndkxRxLZ/pPgChT9MKeBUyt89xP5JSIDwm/RYcBdHxKjwc00cpGRmAsy08Cck8uaBUQmAYuDtq1mTwcNDj8b/7GP47svjVR1CpQC8X6zkaGBjh5F6Ke9fS31NKpZL710/i4l0+032KeZXXaA9w7+pxXLzKqx/T2b10hmkVoUEP8mwZSkMDA0q6FeXU9fQv2UqlktPX71HWK2PBP3cnO9ZO7M+qb/uqb3XLlaBKCQ9WfdsXRxvNL8nmhUywMS/Mw6BQrj14Qr3yub9srqGBAb4eLpy5kv7DRqlUcvbqTcr4ZBxW61bUkZXTxvLXlDHqW+1KZajk58NfU8bgYJv1caxUqtQ1JXKbgaEhrp4luXH5tEY/blw+jWeJrJdxfBMv33IEvTKtIujpQ2ztsk6svysDAyOKupfi7rX0zxqlUsndqydxzeK4cPUux92rmp+1d64cx9UnY3uTQuaYWdgQ8uwBT+5foWSlhhna5IaCcN4DMDQ0oLiXB+cuXVFvUyqVnL90hVIlMh+xmRmlSkXyv7UvDA0N8PX2JOCJZuHiR0+e4ZBJwcF3FZ+g5MmzBPXtwaN4QsOTqFjWSt2mkKk+JX3M33oKg0Khh6FBxp8RTRsW4djZcCKjcv8YLyifU28r4uQFbBtU09hm17AG4ScvAKBKTiby/FXsGrxUd0VPD9v61Yk4mXlNrIJGpVTp5K0geufkgr6+PtevX+fatWsZ5riZm5szfPhwhgwZwpIlS7h79y7nz5/nt99+Y8mSJQC4ubmhp6fH33//TXBwMDExMVhbW2Nra8v8+fO5c+cO+/fvz3DF+4U5c+awceNGbty4Qb9+/QgPD1cXS+zbty+PHj1iwIAB3Lhxg82bNzNhwgSGDh36xnoLAHXr1qVOnTp89tln7Nmzh/v377Njxw527kxbV7lPnz58//33HDt2jIcPH3Ly5Ek6deqEvb29xnSNjz76CAsLCyZNmpSh4GV2DBo0iClTprBp0yZu3LhB3759iYiIeON+Oe1/Vvr160dYWBhffPEFZ86c4e7du+zatYuuXbtqJIlyW+WGXbl0bA1XTm4k9Nld9qyaSHJiPKWrpdWi2L5kJIc3z1C3r1i/Ew+uHeHMXn9Cn93l2LbfeBZwhfJ109ctj4+N4Pmj64QGpq1EEvb8Ps8fXSc2j+aeArRo1Y69u/7m4N4dPA54wJ9zZpCYEE/9D5sCMGvGDyxf/Ie6/ca1y1m1bCF9B4/Cvogj4WGhhIeFEh+fVmAzPj6OpQt/59aNqzwPCuTShXNM/d83ODo5U75S3gz9rtKwKxePruHyiY2EBN5l18q016JM9bTX4u/FIzm0Kf21qFS/E/evHuH0v6/F0b9/49nDK1T897VITU1m0/yBPAu4Qotu01EqU4mJDCYmMpjUlLwbraSnp0fpmp34Z/88Hl7bT9izWxxcO5pC5kVw82ukbrdtQVeuHk+/ulymdmdunlnLrXObCH9+l6ObvyM5KZ7ilVoBEBUawPl9vxP85CrR4U94eG0/B9eOxtGjMrZOJfKkL6dvKqlVSkFxZz2KWELL6gqi4+HG4/ST1lf1FVT2Sc8KnLyppKKXHmU99LCzgKZVFBgawMX7afuEREFotIqmVfQpapM2kqGarx6ejnrcfJy7J8Majbtw/tBaLhzdSPDTu/y9dCJJifFUqJX2ntrw5yj2rE1/T1X7sCN3rhzl2E5/ggPvcWDTbzx9cJUPGn6pblPz4+5cPb2Ds4fWEBr0kFN7/+LWhQNUadAhV2N/2Vcf1mDjkXNsOf4P9wKf8+PyrcQnJfFpzYoAjFu4jlkbdgNgbGiIt7ODxs3c1JRCJkZ4OztgaJA2qHDP2SucvXmfx8FhHLhwnT6/LKZehZJUL+WdZRw50aFZQzYfOMbfh05y/8kzpvqvIj4xkeZ1077UTvh9CXNWbk7rg5EhXi5FNW7mhUwpZGqCl0tRDA0MiE9I5PdVm7l8+z6BwaFcvxfA9/OWERweQcOqeVdkrFGLjhzdu4ETB7cQ+PgeK//8gaTEeGrU/xSARbPGsXH5LHX7lORkHt2/waP7N0hNSSEi7DmP7t/geWB6XYCGzb/i3u3L7Fi/gOeBAZw+sp2je9dTt0n7POlD7Y87c+bgWs4d2cTzJ3fZvPg7khLjqVQn7bNmzbxR7Fz9s7p9zcaduHX5KEe2L+L503vs3TCbJ/evUr1R+nv+8qmd3Lt+mrDnj7h2bh8Lp3bHr1JDipfJ/oWPt1UQznsA7T5txrbd+9m5/xAPHj3h53kLiU9I5ONGdQH44Zc5zF+6Ut3+r3WbOHPhEk+fBfHg0RNWb/qb3QeP8GHd9Gkon7dqwYGjJ9i6ex+PA5+xYdtOTpw5R8uPG+dZPwDW/h1IpzbFqFHFGk/XQnwz0JvQsCSOnk5fqvXniX60+thR/XfPL10p62eBo70xnq6F6PmlK+VLWbD3iOZ3JmdHE8r5WbBtb1CexV8QPqf0CxfCopwvFuXSkmeFPIphUc4XE5e0ZGWJSUMptyh9lPDD+aso5OGC7+QRFC7hiVvvDji1/Zj7vy5Wt7k/cxEu3dvh3LElZr6elJ4zEYPCpjxakvkKM0LklXeeFgFgYZF1Nffvv/8ee3t7Jk+ezL1797CysqJixYp88803ADg7O/Pdd98xevRounbtSqdOnVi8eDGrVq1i4MCBlC5dmhIlSjBr1izq1auX4fGnTJnClClTuHDhAt7e3mzZskVd98HZ2Znt27czYsQIypUrh42NDd27d1cXL8yO9evXM3z4cL744gtiY2Px9vZmypQpADRq1Ah/f3/mzp1LaGgodnZ2VK9enX379mFrm545f1F74ccff6RTp07Zfu4Xhg0bRmBgIJ07d0ahUNCtWzdatWpFZOTrJzznRv8zU7RoUY4dO8aoUaNo3LgxiYmJuLm50aRJkxwlLd7Et1JT4qLDOPb3LOKig7F3LkmbfgvUQ+ujwgPR00t/fmfPijTrOp2jW2dydOvPWNm70/LrOdgXTb/CcPfSfnb+lV7c52//IQBUb9qfms0G5Ek/atZpSFRkBKv+8iciPAx3T2/G/m+6enhoSHAQipcuC+/evpmUlGSm//itxuO07dCF9l92Q6HQ5+GDuxzct5O42BisbewoV6EKn3fsjqHh6wszvauSlZsSFxPG0b9nERsVTJFiJWk34KXXIkzztSjmVZEW3aZzZMtMDm/+GWt7d1r3noO9c9prERMRxJ1L+wFY9MOnGs/1xZCluBavSl4pV6cHKUnxHNk4gaSEKBzcKtKk63yNaupRoQEkxKWPnvIq25SEmHDO7Z1FXHTaFIqPu85XT4tQ6Bvy5O4JrhxbSkpyPIUtHfEo/SEV6vfJs34cv67C0EBFsyoKTIwgIFjFioOppL40c8HaTI9CxvBiLMK1ABWFjJXULaPAzASCwmHFwVR1YUilClYdTKVBeQXt6+pjZADh0WnLXN4JzN3kQumqTYmNDmP/pt+IiQzG0bUkHYf+qR7OHRn6VKN+jKtPRdr0ms6+DTPZt/4XbB3c+XzAbByKpR/fJSt9SPNOEzmybT47lv+AnaMH7fvNwq143s3H/qhKGcKjY5m7eR+hUTGUcHFizqBO6mkRz8IiUei93edkcGQ0M9bsIDQqFjtLM5pXL8/XzevlQfRpPqxeifCoaOav+5vQiGiKuznz6+h+6uHGQSHhGp9Rb6JQKHjwNIhth/8kIjoWS7PC+Hm5Mn/CULxc8mYUCUDlmh8RHRXO1lVziYoIoZh7CQaM/R0Lq7Tzc1hIIHqK9H5EhD/nhxGfq//es2Upe7YsxcevEsP+txBIW66y94if2bRiFtvWzceuiDNtu4ygap1medKHstWaEhMdzt71s4iODMHJtSRdR8zH/N/jIiJU87PWrXgFPu/zE7vX/cqutb9g5+DGV4N/w9El/biIighm24qpxESmTa+oUOtTGrTMu88mKBjnPYAGtWsQERWF/4q1hIVH4O3hxk8TRmPzb0Hy5yEhKF56TyUkJPLLPH+CQ0MxNjLC1bko44b0o0Ht9NUK6lT/gKF9erB83WZm/bkYV+ei/G/0UMr6vXm0Rk6s3PgEU2MFw3t7YVbYgMvXoxjx/TWSktM/24s6mmBpkT5N1trSkG8GemNrbURsXCp3H8Qy4vtrnL2o+X20acMiBIcmceZCRJ7FXxA+pywrlab6vvQV5fymp/02erR0A5e6j8HYyR5Tl/RRUfEPHnPmk174zRiD+4BOJDx+xuVe4wjZc1TdJnDtDozsbSg+YSDGjvZEXbzO6eY9SHqlyKMQeU1P9S6T/EW2de/eneDgYLZs2aLtUPKVP/NuVbj3ppp73mXm36czAQ7aDiFXhEXofqXg+ETd7wOAj1vuV2x/3z5JWavtEHJFstnr57brivOGeXd1/X0Jj8/edMD8zscm70b4vS/2KU/f3EgHtP8mb5Y5ft+2jIvTdgg5drRqP22HkCuaJedezY/3qdEXZ7UdwjvZu7LymxvpmByNXBBZi4yM5PLly6xYsUISC0IIIYQQQgiRB1SqgnFxpiCQ5EIe+fTTTzl9+jS9e/fOsCSnEEIIIYQQQghRkEhyIY+8uuykEEIIIYQQQghRUOVdFT4hhBBCCCGEEEL8J8jIBSGEEEIIIYQQOkmplPUJ8gsZuSCEEEIIIYQQQogckeSCEEIIIYQQQgghckSmRQghhBBCCCGE0EkqpSxFmV/IyAUhhBBCCCGEEELkiCQXhBBCCCGEEEIIkSOSXBBCCCGEEEIIIUSOSM0FIYQQQgghhBA6SSVLUeYbMnJBCCGEEEIIIYQQOSLJBSGEEEIIIYQQQuSITIsQQgghhBBCCKGTVCpZijK/kJELQgghhBBCCCGEyBFJLgghhBBCCCGEECJHJLkghBBCCCGEEEKIHJGaC0IIIYQQQgghdJIsRZl/yMgFIYQQQgghhBBC5IgkF4QQQgghhBBCCJEjklwQQgghhBBCCCFEjkjNBSGEEEIIIYQQOkmlVGo7BPEvGbkghBBCCCGEEEKIHJHkghBCCCGEEEIIIXJGJUQBlJCQoJowYYIqISFB26G8s4LQB5WqYPSjIPRBpZJ+5CcFoQ8qVcHoR0Hog0ol/chPCkIfVKqC0Y+C0AeVquD0QxR8eiqVShYGFQVOVFQUlpaWREZGYmFhoe1w3klB6AMUjH4UhD6A9CM/KQh9gILRj4LQB5B+5CcFoQ9QMPpREPoABacfouCTaRFCCCGEEEIIIYTIEUkuCCGEEEIIIYQQIkckuSCEEEIIIYQQQogckeSCKJCMjY2ZMGECxsbG2g7lnRWEPkDB6EdB6ANIP/KTgtAHKBj9KAh9AOlHflIQ+gAFox8FoQ9QcPohCj4p6CiEEEIIIYQQQogckZELQgghhBBCCCGEyBFJLgghhBBCCCGEECJHJLkghBBCCCGEEEKIHJHkghBCCCGEEEIIIXJEkgtCCCGEEEIInXf+/HkuX76s/nvz5s20bNmSb775hqSkJC1GJsR/gyQXRIGSlJTE48ePCQgI0LjpkqSkJG7evElKSoq2Q3lnBw4cyPK+P/744z1GIoQQQoj/il69enHr1i0A7t27x+eff06hQoVYu3YtI0eO1HJ0QhR8klwQBcLt27epXbs2pqamuLm54eHhgYeHB+7u7nh4eGg7vGyJi4uje/fuFCpUiFKlSqmTIgMGDGDKlClaju7tNGnShBEjRpCcnKzeFhISQosWLRg9erQWI/vvKghJq5SUFPbu3csff/xBdHQ0AE+fPiUmJkbLkWXPwIEDmTVrVobts2fPZvDgwe8/oP+wdevW0a5dO6pVq0bFihU1broiOTmZbt26cf/+fW2HIv4D7t27R+PGjbUdxhvdunWL8uXLA7B27Vrq1KnDihUrWLx4MevXr9ducO/ozp077Nq1i/j4eABUKpWWIxIiawbaDkCI3NClSxcMDAz4+++/cXJyQk9PT9shvbUxY8Zw8eJFDh48SJMmTdTbGzVqxMSJE3XqR/mBAwfo1KkTe/bsYcWKFdy/f5/u3btTokQJLly4oO3wXsva2jrb75+wsLA8jibn4uLiGDBgAEuWLAHSvnh5enoyYMAAnJ2ddeZ99fDhQ5o0aUJAQACJiYl8+OGHmJubM3XqVBITE5k3b562Q3yj9evXs2XLlgzba9SowZQpU5g5c+b7D+otZBZ7Zj755JM8jiRnZs2axdixY+nSpQubN2+ma9eu3L17lzNnztCvXz9th5dthoaGrF+/nvHjx2s7lHfSunXrbLfdsGFDHkaSe44cOcIff/zB3bt3WbduHc7OzixbtgwPDw9q1aql7fByJDo6mn379mk7jDdSqVQolUoA9u7dS/PmzQFwcXEhJCREm6G9tdDQUNq3b8/+/fvR09Pj9u3beHp60r17d6ytrZkxY4a2QxQiA0kuiALhwoULnDt3Dl9fX22H8s42bdrE6tWrqVatmsaP21KlSnH37l0tRvb2atSowYULF+jduzcVK1ZEqVTy/fffM3LkyHyf+MnvP/DeVkFJWg0aNIjKlStz8eJFbG1t1dtbtWpFz549tRhZ9oWGhmJpaZlhu4WFhU586W3ZsuUb2+jp6ZGampr3weTA77//zvz58/niiy9YvHgxI0eOxNPTk2+//VYnEoYva9myJZs2bWLIkCHaDuWtvXwsqFQqNm7ciKWlJZUrVwbg3LlzREREvFUSQpvWr19Px44d+fLLL/nnn39ITEwEIDIykh9//JHt27drOcL/hsqVKzNp0iQaNWrEoUOHmDt3LgD379/HwcFBy9G9nSFDhmBgYEBAQAAlS5ZUb2/fvj1Dhw6V5ILIlyS5IAoEPz8/nfhy/jrBwcEUKVIkw/bY2Nh8/4M8M7du3eLs2bMUK1aMp0+fcvPmTeLi4ihcuLC2Q3utzp07azuEXFVQklZHjhzh+PHjGBkZaWx3d3fnyZMnWorq7Xh7e7Nz50769++vsX3Hjh14enpqKarse3E1UNcFBARQo0YNAExNTdVTbDp27Ei1atWYPXu2NsN7Kz4+Pvzvf//j2LFjVKpUKcPn68CBA7UU2ZstWrRI/f+jRo2iXbt2zJs3D319fQBSU1Pp27cvFhYW2grxrUyaNIl58+bRqVMnVq1apd5es2ZNJk2apMXI/ltmzpzJl19+yaZNmxg7dize3t5A2lSoF8e9rti9eze7du2iWLFiGtt9fHx4+PChlqIS4vUkuSAKhKlTpzJy5Eh+/PFHypQpg6Ghocb9uvDlpHLlymzbto0BAwYAqH8ILliwgOrVq2sztLc2ZcoUJkyYwNdff81PP/3EnTt36NixI2XLluWvv/7Suf4AJCQkZKg0rQvvq4KStFIqlZleEX/8+DHm5uZaiOjtDR06lP79+xMcHEyDBg0A2LdvHzNmzChwI2byM0dHR8LCwnBzc8PV1ZWTJ09Srlw57t+/r3NzmRcuXIiVlRXnzp3j3LlzGvfp6enl6+TCy/z9/Tl69Kg6sQCgr6/P0KFDqVGjBj/99JMWo8uemzdvUqdOnQzbLS0tiYiIeP8B/UeVLVtWY7WIF3766SeN95cuiI2NpVChQhm2h4WFYWxsrIWIhHgzSS6IAqFRo0YANGzYUGO7SqXSiWG6AD/++CMff/wx165dIyUlhV9//ZVr165x/PhxDh06pO3w3sqvv/7Kpk2b+PjjjwEoXbo0p0+f5ptvvqFevXrq4aL5XWxsLKNGjWLNmjWEhoZmuF8X3lcFJWnVuHFjZs6cyfz584G0fsTExDBhwgSaNm2q5eiyp1u3biQmJvLDDz/w/fffA2kjL+bOnUunTp20HN2bHT58OFvtMvuBlZ80aNCALVu2UKFCBbp27cqQIUNYt24dZ8+e1Zkh+C8UlGKOKSkp3LhxgxIlSmhsv3Hjhs6MmHF0dOTOnTu4u7trbD969KhOjEyqUKHCaxPOcXFx7zGanImIiGDdunXcvXuXESNGYGNjw7Vr13BwcMDZ2Vnb4WVb7dq1Wbp0qfp8oaenh1KpZNq0adSvX1/L0QmROUkuiALhdUsf6opatWpx4cIFpkyZQpkyZdi9ezcVK1bkxIkTlClTRtvhvZXLly9jZ2ensc3Q0JCffvpJXVxJF4wcOZIDBw4wd+5cOnbsyJw5c3jy5Al//PGHzqzgUVCSVjNmzOCjjz7Cz8+PhIQEOnTowO3bt7Gzs2PlypXaDu+NUlJSWLFiBa1bt6ZPnz4EBwdjamqKmZmZtkPLtnr16ql/fGR1hV8Xkrnz589X/2Dt168ftra2HD9+nE8++YRevXppObrsi4qKwszMDIVCc+EvpVJJTEyMToyseqFr1650796du3fv8sEHHwBw6tQppkyZQteuXbUcXfb07NmTQYMG4e/vj56eHk+fPuXEiRMMHz5cJ4puZqemii64dOkSDRs2xMrKigcPHtCzZ09sbGzYsGEDAQEBLF26VNshZtu0adNo2LAhZ8+eJSkpiZEjR3L16lXCwsI4duyYtsMTIlN6Kl0bAyiE0AmZXTk4f/68Tl05cHV1ZenSpdSrVw8LCwvOnz+Pt7c3y5YtY+XKlTpToOvu3btMmTKFixcvEhMTQ8WKFRk1apTOJa1SUlJYvXq1Rj++/PJLTE1NtR1athQqVIjr16/j5uam7VDeia2tLebm5nTp0oWOHTtmSCC+kFnRSpG7Nm7cyKhRo7hw4UKGYdOxsbFUrFiR6dOn06JFCy1F+HaUSiXTp0/n119/JTAwEAAnJycGDRrEsGHDdGI4u0ql4scff2Ty5Mnqq/zGxsYMHz5cfeVZ5L1GjRpRsWJFpk2bhrm5ORcvXsTT05Pjx4/ToUMHHjx4oO0Q30pkZCSzZ8/WOO/169cPJycnbYcmRKYkuSAKhEuXLmW7bdmyZfMwkncXFRWV6XY9PT2MjY0zFLLLzy5dukSjRo2wtLTkwYMH3Lx5E09PT8aNG6dTVw7MzMy4du0arq6uFCtWjA0bNvDBBx9w//59ypQpQ0xMjLZDFDqkXr16DB48WGevECYlJbFx40b8/f05cuQITZs2pXv37jRp0iTf1++4dOkSpUuXRqFQvPF8kV/PES9r3Lgx7dq1o0ePHpne7+/vz+rVq9m1a9d7jiznXpwLdWnkxcuSkpK4c+cOMTEx+Pn56dTopBdCQkJ48OABenp6uLu7a6zQk99ZWlpy/vx5vLy8NJILDx8+pESJEiQkJGg7RCEKNJkWIQqE8uXLv/HLbX6vv2BlZfXaPhQrVowuXbowYcKEDMNg85shQ4bQpUsX9ZWDF5o2bUqHDh20GNnb8fT05P79+7i6uuLr68uaNWv44IMP2Lp1K1ZWVtoO7608f/6c58+fZ5i/rAs/pAAmT56Mg4MD3bp109ju7+9PcHAwo0aN0lJk2de3b1+GDRvG48ePM63sn99fCyMjI9q3b0/79u0JCAhg8eLF9O/fn8TERDp37sx3332HgUH+/FpRvnx5nj17RpEiRdTni8yureTnc8TLrly5wu+//57l/XXq1GHcuHHvMaLco6tJhReMjIzw8/MjKiqKvXv3UqJECY1lBPOzq1ev0qdPnwxD7uvWrcvcuXMz1MTIj4yNjTO9WHPr1i3s7e21EFHOJCQkcOnSpUzP35988omWohIiazJyQRQImzZtYvjw4YwYMUJdpO7EiRPMmDGDadOmUaFCBXXb/DokeenSpYwdO5YuXbqo55yePn2aJUuWMG7cOIKDg5k+fTojRozgm2++0XK0r1dQrhz88ssv6OvrM3DgQPbu3UuLFi1QqVQkJyfz888/M2jQIG2H+Ebnzp2jc+fOXL9+PcOPKV35IQVphQ9XrFiRYSmxU6dO8fnnn+tEYbvMkoIvfuTq0mvxsvv379O9e3cOHTpEcHAwNjY22g4pUw8fPsTV1RU9Pb03LuGWX88RLzM1NeWff/7B19c30/uvX79OxYoViY+Pf8+RZV/FihXZt28f1tbWbywmeP78+fcY2btp164dderUoX///sTHx1O+fHn1CiSrVq3is88+03aIr/Xs2TNKly6Nvb09vXv3xtfXF5VKxbVr1/jzzz8JDQ3lypUrma4+lJ/06NGD0NBQ1qxZg42NDZcuXUJfX5+WLVtSp04dnVqZZ+fOnXTq1CnTpdZ19ZwhCr78eYlBiLf0448/MmvWLI2q8WXLlsXFxYXx48dnWKIrP1qyZAkzZsygXbt26m0tWrSgTJky/PHHH+zbtw9XV1d++OGHfJ9cKChXDoYMGaL+/0aNGnHjxg3OnTuHt7d3vr/K/EK3bt0oXrw4CxcuxMHBId8PX8/Ks2fPMp1jam9vr56jnd/pQgIkOxITE1m/fj3+/v6cOHGCZs2asW3btnybWID0hEFycjLfffcd48ePx8PDQ8tRvTt3d3fOnj2bZXLh7Nmz+T5J8umnn6qX09PVqUIvO3z4MGPHjgXSamIolUoiIiJYsmQJkyZNyvfJhV9++QU3NzeOHTuGiYmJenuTJk3o06cPtWrV4pdffmHy5MlajPLNZsyYQZs2bShSpAjx8fHUrVuXZ8+eUb16dX744Qdth/dWBgwYQNu2bfn2229xcHDQdjhCZI9KiALAxMREde3atQzbr127pjIxMdFCRG/PxMREdevWrQzbb926pTI1NVWpVCrVvXv31P+fn3Xv3l3VsmVLVVJSksrMzEx179491cOHD1UVKlRQDRo0SNvhZduSJUtUCQkJGbYnJiaqlixZooWI3p6ZmZnq9u3b2g4jx7y9vVXLli3LsH3p0qUqDw8PLUT033Pq1ClV7969VVZWVqry5curfv31V1VoaKi2w3prFhYWqnv37mk7jBz55ptvVK6urqpnz55luC8wMFDl6uqq+uabb7QQ2X+XiYmJKiAgQKVSqVQdO3ZUjRo1SqVSqVQPHz5UFS5cWJuhZUuFChVUq1evzvL+lStXqipUqPAeI8qZI0eOqObMmaOaOnWqas+ePdoO552Ym5ur7ty5o+0whHgrMnJBFAglS5Zk8uTJLFiwQF34MCkpicmTJ+vMXEcXFxcWLlyYYYnDhQsX4uLiAkBoaCjW1tbaCO+tZHblIDAwUOeuHHTt2pUmTZpkGAYaHR1N165d6dSpk5Yiy76GDRty8eJFvL29tR1KjvTs2ZPBgweTnJxMgwYNANi3bx8jR45k2LBhWo4ua1u2bOHjjz/G0NCQLVu2vLZtfp8/W61aNVxdXRk4cCCVKlUC4OjRoxna5fd+tGzZkk2bNmmMTNI1o0ePZvPmzfj4+PDVV1+p58LfuHGD5cuX4+LiwujRo7UcZfadOXMGpVJJ1apVNbafOnUKfX19KleurKXIss/FxYUTJ05gY2PDzp07WbVqFQDh4eEaIwHyq3v37lGxYsUs769cuTL37t17jxHlTK1atahVq5a2w8iRNm3acPDgQby8vLQdihDZJjUXRIFw+vRp9Xz4F8PVL126hJ6eHlu3blXXMMjPtmzZQtu2bfH19aVKlSpA2tDW69evs379epo3b87cuXO5ffs2P//8s5ajzZ6jR49y6dIlYmJiqFSpEg0bNtR2SG9FoVAQFBSUYSrHxYsXqV+/PmFhYVqKLPtCQkLo3LkzH3zwAaVLl8bQ0FDj/vz+Q/AFlUrF6NGjmTVrFklJSQCYmJgwatQovv32Wy1HlzWFQqEuJPi6Qqy6MH82O4VkdaEfkyZNYsaMGTRs2DDTwpoDBw7UUmRvJzIykjFjxrB69WrCw8OBtMLAn3/+OT/88INOJKJf+OCDDxg5ciRt2rTR2L5hwwamTp3KqVOntBRZ9v3+++8MGjQIMzMz3NzcOH/+PAqFgt9++40NGzZw4MABbYf4Wvr6+gQGBmZZUyEoKAhnZ2dSUlLec2RvNmvWrGy31ZXjGyAuLo62bdtib29PmTJlMpy/dakv4r9DkguiwIiNjWX58uXcuHEDSBvN0KFDhwxfHPOzBw8eMG/ePG7dugVAiRIl6NWrFzExMZQuXVrL0b3ZiRMnCA0NpXnz5uptS5YsYcKECcTFxdGyZUt+++039Tzb/OpFcbGLFy9SqlQpjQr4qamp3L9/nyZNmrBmzRotRpk9W7dupWPHjpnWwNCFH4KviomJ4fr165iamuLj45Pv30si/3ldrQU9PT2dujoLaYm3kJAQVCoV9vb2OllXxczMjEuXLuHp6amx/f79+5QtW5bo6GgtRfZ2zp49y6NHj/jwww/VS1Bu27YNKysratasqeXoXk9fX/+1dZGCgoLw9fXNl+eMV4/p4OBg4uLi1Ks6RUREUKhQIYoUKaJTx/fChQvp3bs3JiYm2NraahzbuvhZJf4bJLkgRD4VFRXFypUr8ff35+zZs/nyhP6qjz/+mHr16qmXBbx8+TKVKlWic+fOlCxZkp9++olevXoxceJE7Qb6Bt999536v8OGDdNYp9zIyAh3d3c+++wz9RSc/Mzd3Z3mzZszfvx4KQglckVoaKh63ftHjx7x559/kpCQQIsWLahdu7aWo/tvev78OTdv3gTSktL5vaL/q2xtbfn777/Vqz29cPz4cZo1a6YemaErXny11qVEj0KheG28Kh1Z1WbFihX8/vvvLFy4UD1d6ObNm/Ts2ZNevXrx5ZdfajnC7HN0dGTgwIGMHj063y9BLsQLklwQBcayZcv4448/uHfvHidOnMDNzY1ffvkFT09PPv30U22Hl22HDx9m4cKFrF+/nqJFi9K6dWs+++wz9VSJ/MzJyYmtW7eq58eOHTuWQ4cOqedlr127lgkTJnDt2jVthpltS5YsoX379joxXzYr5ubmXLhwoUDM2Tx79ixr1qwhICBAPTXihQ0bNmgpqjfbv38//fv35+TJk1hYWGjcFxkZSY0aNZg7dy516tTRUoTZc/nyZVq0aMGjR4/w8fFh1apVNGnShNjYWBQKBbGxsaxbt65AVP7XFVFRUfTr149Vq1apf/Tp6+vTvn175syZg6WlpZYjzJ4vvviCwMBANm/erI45IiKCli1bUqRIEZ0YJQZpS0r/9NNP3L59G4DixYszYsQIOnbsqOXI3uzQoUPZale3bt08jiRnvLy8WLduncYS5JC2LHObNm10atUeGxsbzpw5UyDO3+K/Qwo6igJh7ty5fPvttwwePJhJkyapv2RZW1szc+bMfJ9cePbsGYsXL2bhwoVERUXRrl07EhMT2bRpE35+ftoOL9vCw8M1ro4fOnSIjz/+WP13lSpVePTokTZCeyedO3fWdgg51rp1aw4cOKDzX05WrVpFp06d+Oijj9i9ezeNGzfm1q1bBAUF0apVK22H91ozZ86kZ8+eGRILAJaWlvTq1Ytffvkl3ycXRo4cSZkyZVi+fDnLli2jefPmNGvWjD///BNIWzZtypQp+T650K1bt9fe7+/v/54iybmePXvyzz//aFz1P3HiBIMGDaJXr17qooL53fTp06lTpw5ubm7qH4UXLlzAwcGBZcuWaTm67Pn5558ZP348/fv3V0+BOHr0KL179yYkJCTfFxB99ce4rgoMDMy0LkRqaipBQUFaiOjdde7cmdWrV+f75ceFeJmMXBAFgp+fHz/++CMtW7bE3Nycixcv4unpyZUrV6hXrx4hISHaDjFLLVq04PDhwzRr1owvv/ySJk2aoK+vj6GhIRcvXtSp5IKbmxvLli2jTp06JCUlYWVlxdatW9WFHC9fvkzdunXzdSFEGxsbbt26hZ2dHdbW1q8dJpqf+/HCDz/8wMyZM2nWrJlOF4QqW7YsvXr1ol+/fupj3MPDg169euHk5KSeypIfubm5sXPnzixXrrlx4waNGzcmICDgPUf2duzs7Ni/fz9ly5YlJiYGCwsLzpw5o1454saNG1SrVo2IiAjtBvoGryajkpOTuXLlChERETRo0CBfj4J5VeHChdm1a1eGqvhHjhxRjyrRFS/qJl28eBFTU1PKli3LF198keEzK7/y8PDgu+++y7CK0JIlS5g4cWK+v2L+pmkRL+T3aREtWrTgyZMnLFiwQL36xblz5/j6669xdnZ+46o9+cnAgQNZunQp5cqVo2zZshmOBV0p7i3+W2TkgigQ7t+/n2nW3djYON9/udqxYwcDBw6kT58++Pj4aDucHGnatCmjR49m6tSpbNq0iUKFCmnMwb506VK+v4L+yy+/YG5uDqRdcdZ1CxYswMzMjEOHDmUY9qqnp6czyYW7d+/SrFkzIK3uRWxsLHp6egwZMoQGDRrk6+RCUFDQa38gGRgYEBwc/B4jejdhYWE4OjoCaQX4ChcurLEigbW1tU4U3tu4cWOGbUqlkj59+uT7z6dX2draZjr1wdLSUqdWi4C0RMnXX3+tse369essXLiQ6dOnaymq7AsMDKRGjRoZtteoUYPAwEAtRPR2Xl7NQqVS0bRpUxYsWICzs7MWo3p7/v7+dO7cmcqVK6s/d1NSUvjoo49YsGCBlqN7O5cvX1Z/t71y5YrGfbpUz0P8t0hyQRQIHh4eXLhwATc3N43tr7tamF8cPXqUhQsXUqlSJUqWLEnHjh35/PPPtR3WO/n+++9p3bo1devWxczMjCVLlmgUPfT396dx48ZajPDNXkyFSElJQU9Pj48++kinCyHm96tl2fXyD1dnZ2euXLlCmTJliIiIIC4uTsvRvd6LeL29vTO9/9KlSzg5Ob3nqN7Nq19oC8oXXIVCwdChQ6lXrx4jR47UdjjZNm7cOIYOHcqyZcvUiZ9nz54xYsQIxo8fr+Xo3k1sbCyrVq1i4cKFnDx5Ej8/P51ILnh7e7NmzZoMQ9hXr16tExcOXq2loK+vT7Vq1TKs4JHf2dvbs337dm7duqVePczX15fixYtrObK3l9+XLxUiM5JcEAXC0KFD6devHwkJCahUKk6fPs3KlSuZPHlyvs9UV6tWjWrVqjFz5kxWr16Nv78/Q4cORalUsmfPHlxcXNRX0vM7Ozs7Dh8+TGRkJGZmZujr62vcv3btWo2VF/IzAwMDevfuzfXr17UdSq7RxQrmL9SpU4c9e/ZQpkwZ2rZty6BBg9i/fz979uyhQYMG2g7vtZo2bcr48eNp0qRJhuKg8fHxTJgwQWP51vysS5cu6uU/ExIS6N27t3q538TERG2GlmN3797NdK52fvNiqdwXbt++jaurK66urgAEBARgbGxMcHAwvXr10laYb+3YsWMsXLiQNWvWEB8fz5AhQ/D398fX11fboWXLd999R/v27Tl8+LC65sKxY8fYt2+fzhSkLEiKFy+ukwmFrDx+/BiAYsWKaTkSIV5Pai6IAmP58uVMnDiRu3fvAmlXCydOnEj37t21HNnbu3nzJgsXLmTZsmVERETw4Ycf6tQ8wYKiXr16DB48ON8XqHsTXa5g/kJYWBgJCQkULVoUpVLJtGnTOH78OD4+PgwfPjxfX/kPCgqiYsWK6Ovr079/f/XyaDdu3GDOnDmkpqZy/vz5fD9CpmvXrtlqt2jRojyOJGeGDh2q8bdKpSIwMJBt27bRuXNnZs+eraXIsudtpgBNmDAhDyPJuefPn7N48WL8/f2JjIzkiy++oEOHDlSvXl3nag5B2tz+X375RZ2ULlmyJMOGDdPJYokv16/K74YOHcr3339P4cKFMxzfr9KlOgVKpZJJkyYxY8YMYmJigLTXZdiwYYwdO1aWpxT5kiQXRIEQHx+PSqWiUKFCxMXFceXKFY4dO4afnx8fffSRtsN7Z6mpqWzduhV/f39JLmjBmjVrGDNmDEOGDKFSpUrqK7QvlC1bVkuRZV9WFcznzJnDpEmT8n0F89dJSEhgzpw5/PTTTzx79kzb4bzWw4cP6dOnD7t27dIYQfLRRx8xZ84cPDw8tBzhf0f9+vU1/lYoFNjb29OgQQO6deuGgYEM6nxfTE1NadOmDV999RUffvih+seSLhY0LmjMzc25dOmSTnw21a9fn40bN2JlZUW9evWyHJ2np6fH/v3733N0727MmDEsXLiQ7777TuP8PXHiRHr27MkPP/yg5QiFyEiSC6JAaNy4Ma1bt6Z3795ERETg6+uLoaEhISEh/Pzzz/Tp00fbIQodlNlVAT09PVQqFXp6evm+ajbofgXzxMREJk6cyJ49ezAyMmLkyJG0bNmSRYsWMW7cOPT19enXrx+jRo3SdqjZEh4ezp07d1CpVPj4+Ohc0T0hcpOvry+JiYl06NCBjh07qqdA6GJyYfv27ejr62e4oLFr1y6USqXGssz5UevWrTX+3rp1Kw0aNMiQVNel1VR0XdGiRZk3bx6ffPKJxvbNmzfTt29fnjx5oqXIhMiapOdFgXD+/Hl++eUXANatW4eDgwP//PMP69ev59tvv5Xkgngn+f2Hd3boegXzb7/9lj/++INGjRpx/Phx2rZtS9euXTl58iQzZsygbdu2GWp75FfdunXj119/pUqVKhrbY2NjGTBgAP7+/lqKTOiSNy2R+7L8vlzujRs31LUWqlSpQvHixfnqq68A3asNM3r0aKZMmZJhu0qlYvTo0fk+ufDqqiMvXgddkpycjKmpKRcuXKB06dLaDifHwsLCMq054uvrm++PbfHfJSMXRIFQqFAhbty4gaurK+3ataNUqVJMmDCBR48eUaJEiXxfTV6IvFK6dGk6dOiQoYL5pEmTWL16NZcvX9ZSZNnj6enJzJkz+eSTT7hy5Qply5alS5cuLFy4UOd+fOjr6xMYGEiRIkU0toeEhODo6KgTxQQLgqCgIIYPH86+fft4/vw5r34Nyu8jkpYsWZLtti9Wv9EFMTExrFy5kkWLFnHy5Enq1q1Lhw4daNmyJfb29toO741MTU25fv067u7uGtsfPHhAqVKl8v2y2AWFp6cnGzdupFy5ctoOJceqVq1K1apVmTVrlsb2AQMGcObMGU6ePKmlyITImoxcEAWCt7c3mzZtolWrVuzatUs9j/z58+dYWFhoOTqh665du0ZAQABJSUka218dqpgf6XoF88ePH1OpUiUgLVFibGzMkCFDdCqxEBUVhUqlQqVSER0drbFiRGpqKtu3b8+QcBB5p0uXLgQEBDB+/HicnJx06r0E2U8Y6NqVTTMzM3r27EnPnj25fv06CxcuZNy4cfTt25fk5GRth/dGlpaW3Lt3L0Ny4c6dOxmmFoi8M3bsWL755huWLVuGjY2NtsPJkWnTptGsWTP27t1L9erVAThx4gSPHj1i+/btWo5OiMzJyAVRIKxbt44OHTqQmppKw4YN2b17NwCTJ0/m8OHD7NixQ8sRCl107949WrVqxeXLl9W1FiB9uG5+v8L5gi5XMNfX1+fZs2fqK5e6VGTsBYVC8dofsHp6enz33XeMHTv2PUb132Vubs6RI0coX768tkPJE7t372bBggVs3bqV+Ph4bYeTIykpKWzZsiVDPYD8qFevXpw4cYKNGzfi5eUFpCUWPvvsM6pUqZLvl8UuKCpUqMCdO3dITk7Gzc0tQ2Ln/PnzWors3Tx9+pQ5c+Zw48YNIO383bdvX4oWLarlyITInIxcEAVCmzZtqFWrFoGBgRpD4Ro2bEirVq20GJnQZYMGDcLDw4N9+/bh4eHB6dOnCQ0NZdiwYUyfPl3b4WVbpUqV+Ouvv7QdxjtRqVR06dIFY2NjIG2FiN69e+tUkbEDBw6gUqlo0KAB69ev17iaZmRkhJubm3xRfI9cXFwyTIXQdQ8fPsTf358lS5YQHh7Oxx9/zNKlS7UdVrZlVQxx//79mJqaaimqtzNt2jSaNGmCr68vxYoVA9JGXtWuXVunzhe6TteXjn4hOTmZJk2aMG/ePFkVQugUGbkghBBZsLOzY//+/ZQtWxZLS0tOnz5NiRIl2L9/P8OGDeOff/7RdohvpOsVzLt27ZqtdosWLcrjSHLu4cOHuLq66tww/IJm9+7dzJgxgz/++CPDEHZdkpSUxIYNG1iwYAHHjh2jUaNG7Nixg3/++YcyZcpoO7y3UrZsWaZMmULTpk01tu/cuZNRo0Zx8eJFLUX2dlQqFXv27OHixYuYmppStmxZ6tSpo+2whI6yt7fn+PHj+Pj4aDsUIbJNkgtCCJEFa2trzp8/j4eHB15eXixYsID69etz9+5dypQpoxOFQgvKl/aCYOfOnZiZmVGrVi0A5syZw59//omfnx9z5syRZSnfE2tra+Li4khJSaFQoUIYGhpq3K8LtQoGDBjAypUr8fHx4auvvuLzzz/H1tZWJ5dwBCmGKHJXREQE69at4+7du4wYMQIbGxvOnz+Pg4MDzs7O2g4v24YMGYKxsXGmq5AIkV/JtAghhMhC6dKluXjxIh4eHlStWpVp06ZhZGTE/Pnz8fT01HZ42XL79u1Mf2j4+vpy584dLUT03zVixAimTp0KwOXLlxk6dCjDhg3jwIEDDB06VCdGXxQEM2fO1HYIOTZ37lxGjRrF6NGjMTc313Y4OVYQiiH+73//e+3933777XuK5L/t0qVLNGrUCEtLSx48eEDPnj2xsbFhw4YNBAQE6NR0oZSUFPz9/dm7dy+VKlXKcCz8/PPPWopMiKxJckEIIbIwbtw49RWz7777jhYtWlC7dm1sbW1ZtWqVlqPLnoLwpb2guH//vjrRs379elq0aMGPP/7I+fPnM4wsEXlHl5ZnzMqyZcvw9/fHycmJZs2a0bFjx3w/xel1Pv30UwYPHpyhGOKwYcN0YlUegI0bN2r8nZyczP379zEwMMDLy0uSC+/J0KFD6dKlC9OmTdNIvDVt2pQOHTpoMbK3d+XKFSpWrAjArVu3NO6T6XUiv5JpEUII8RbCwsKwtrbWmRO7VDDPP2xsbDh69Ch+fn7UqlWLTp068fXXX/PgwQP8/Px0YpqNroqKilIvSxwVFfXatrq0fPH9+/dZvHgxixcvJi4ujrCwMFavXk2bNm20HdpbiYyMpEmTJpw9ezZDMcQNGzZgZWWl3QDfUVRUFF26dKFVq1Z07NhR2+H8J1haWnL+/Hm8vLwwNzfn4sWLeHp68vDhQ0qUKEFCQoK2QxSiQJPkghBCvKJbt27Zaufv75/HkeRcQf3Sros++eQTkpKSqFmzJt9//z3379/H2dmZ3bt3079//wxXpkTu0dfXJzAwkCJFimS5NKhKpUJPT09nlph9mUqlYvfu3SxcuJAtW7ZgZ2dH69atmTVrlrZDy7aCWgzx8uXLtGjRggcPHmg7lP+EIkWKsGvXLipUqKCRXNizZw/dunXj0aNH2g5RiAJNkgtCCPEKhUKBm5sbFSpUeO2Sda8Og82vCuqXdl0TEBBA3759efToEQMHDqR79+5AWtGu1NRUnfohqGsOHTpEzZo1MTAw4NChQ69tW7du3fcUVd4ICwtj6dKlLFq0SAq25gNHjx6lRYsWhIeHazuU/4QePXoQGhrKmjVrsLGx4dKlS+jr69OyZUvq1KmT72uutG7dOttt8/MSzOK/S5ILQgjxin79+rFy5Urc3Nzo2rUrX331FTY2NtoOSwgh1JKTk/H19eXvv/+mZMmS2g7nrc2aNYuvv/4aExOTNybWBg4c+J6ienev9kGlUhEYGMiyZcuoW7cuK1as0FJk/y2RkZG0adOGs2fPEh0dTdGiRXn27BnVq1dn+/bt+b7W0MvLL6tUKjZu3IilpSWVK1cG4Ny5c0RERNC6dWspAizyJUkuCCFEJhITE9mwYQP+/v4cP36cZs2a0b17dxo3bqwz9RZe2LdvH/v27eP58+colUqN+3RhaocuK6hz/XVdQkICly5dyvSY0JUCggDOzs7s3btXJ5MLHh4enD17FltbWzw8PLJsp6enx717995jZO/m1T4oFArs7e1p0KABY8aMKRCreuiSY8eOcfHiRWJiYqhYsSKNGjXSdkhvbdSoUYSFhTFv3jz09fUBSE1NpW/fvlhYWPDTTz9pOUIhMpLkghBCvMHDhw9ZvHgxS5cuJSUlhatXr2JmZqbtsLLlu+++43//+x+VK1fGyckpQ2JEV6Z26KqCPtdfF+3cuZNOnToREhKS4T5dex1+/PFHbt26xYIFCzAwkAXAhChI7O3tOXr0KCVKlNDYfvPmTWrUqEFoaKiWIhMia3ImEkKIN3jxo1ClUunUDw+AefPmsXjxYqlUriX79+9XT6k5cOCAlqMRAAMGDKBt27Z8++23ODg4aDucHDlz5gz79u1j9+7dlClTJsOQb12Yk63r0ztE/jJw4EC8vb0zTKWZPXs2d+7cyfc1F16WkpLCjRs3MiQXbty4kWHElRD5hSQXhBAiEy9Pizh69CjNmzdn9uzZNGnSBIVCoe3wsi0pKYkaNWpoO4z/rJeLA+p6ocCCIigoiKFDh+p8YgHAysqKzz77TNth5IihoaHOLg8oxffyn/Xr17Nly5YM22vUqMGUKVN0KrnQtWtXunfvzt27d/nggw8AOHXqFFOmTNGozSBEfiLJBSGEeEXfvn1ZtWoVLi4udOvWjZUrV2JnZ6ftsN5Jjx49WLFiBePHj9d2KOJfcXFxBAQEkJSUpLG9bNmyWorov6VNmzYcPHgQLy8vbYeSYwWloFu/fv2YOnWqzk3vsLS01HYI4hWhoaGZvi4WFhaZToXKz6ZPn46joyMzZswgMDAQACcnJ0aMGMGwYcO0HJ0QmZOaC0II8QqFQoGrqysVKlR4bfFGXbgSNWjQIJYuXUrZsmUpW7YshoaGGvf//PPPWorsvyc4OJiuXbuyY8eOTO/XtSk3uiouLo62bdtib29PmTJlMhwTurAygbW1daafTZaWlhQvXpzhw4fz4YcfaiGyd9OqVSv27duHmZmZzk7vEPlD6dKl6d27N/3799fY/ttvvzF37lyuXbumpchy5kVBYCn8K/I73UkPCyHEe9KpUyedWxEiK5cuXaJ8+fIAXLlyRbvB/McNHjyYiIgITp06Rb169di4cSNBQUFMmjSJGTNmaDu8/4yVK1eye/duTExMOHjwoMaxrqenpxPJhayGdkdERHDu3DmaN2/OunXraNGixfsN7B0VhOkdIn8YOnQo/fv3Jzg4mAYNGgBpKybNmDFDp6ZEvEqSCkJXyMgFIYQQ4j1wcnJi8+bNfPDBB1hYWHD27FmK/7+9O4+qus7/OP66l1zQEVCTjJJF3E3QbMrlAGKTUa7lpDmlLOpMckqtnHSWRkuZGMe0aWgyHVzGU2KTmnEObeOGF1fU0EwwS3OhbBxCBRTlwu8Pf90ZYhEl+Nzl+TjHc7yf7/ePl+f0R/d9P+/3u0sXvffee5o/f75sNpvpiB6hffv2mjp1qmbNmuVS81Oux8KFC/XOO+9o+/btpqO4vS+++EJJSUmOtb6BgYEqKipyPPfy8qp24j8azuuvv66kpCTl5+dLkoKDgzVnzhxNmDDBcLLrc+bMGc2YMcOxSvqHX9m47QZnRHEBANxQXQaNWSwWrV27thHSQLr6y9OBAwcUHBysoKAgvfXWWxo4cKCOHTumnj17qqSkxHREj9CmTRvt2bPHLWYu1OTIkSPq16+fCgoKTEeplTu0d0yfPl3e3t566aWXJEmtWrXSH/7wB/n7+0uS1qxZo8DAQC1evNhkTI/073//W97e3i6zOvqHHnjgAZ04cUJPPvlktaukR44caSgZUDPaIgDADTFozPl07dpVeXl5Cg4OVnh4uN544w0FBwdr8eLFuvXWW03H8xixsbFas2aNfvvb35qO0mBKS0vVtGlT0zGuyR3aOzZu3KjU1NRKZ6NHj1bHjh0lXf3VfNKkSSaieaTZs2crISFBQUFBateunek49WKz2bRt2zZHayPgCiguAIAbcpcp8u7g2LFjCgkJ0bRp0xwTv2fPnq2YmBi9+eabatq0qVasWGE2pAex2+2aP3++PvzwQ7cdcpqamuoSX0hiY2Nrfd67d2+99NJLTl1cOH78uAICAhyfJ02aVKm4GxwcrFOnTpmI5pE2bNigpKQkRUVFaeLEiRo9erSaNWtmOtYN6dChQ5VWCMDZ0RYBAEADslqtCgoKUnR0tOPP7bffrpKSEuXm5iowMNBlV526oujo6BqfWSwWbdq0qRHT3Jhnnnmm2vNz585p3759OnLkiDIzM9W3b99GTvbjcoX2Dl9fX3388ce6++67q32+e/du/exnP3NM+0fD279/v5YvX67Vq1errKxMjz76qBISEvTTn/7UdLTr8tFHH+nll1923HIDXAE3FwAAaECbNm3Sli1btGXLFq1evVqXL19Wx44dNXjwYEVHR+u2224zHdGjbN682XSEetu/f3+15z4+Prrvvvu0bt06hYSENHKqH58rtHf07NlT//rXv2osLnz44Ye64447GjmVZ+vTp4/69Omjl19+Wenp6Vq+fLkGDhyobt26aeLEiYqLi3OJ1sGxY8eqpKREoaGhatGiRZVbVs5cdIPnorgAAEADGjRokAYNGiRJunTpkrZv3+4oNqxcuVJXrlxRt27ddOjQIbNB4TLcoUBSF67Q3hEfH6/p06crPDxcQ4cOrfQsPT1dycnJLr0C0ZVVVFToypUrunz5sioqKtS6dWulpKTo+eef19KlSzV27FjTEWu1aNEit1mLDc9BWwQAAI3s8uXLysrK0vvvv6833nhDRUVFrBVrJNHR0bX+D7srtEW4C3dp7xg3bpzWrFmjbt26OVZO5uXlKS8vT6NHj9bbb79tOKFn2bt3r6MtolmzZpowYYImTZqkTp06SZL++te/at68eTpz5ozhpID7obgAAEADu3z5snbu3KnNmzdry5Yt2rVrlzp06KDIyEhFRkYqKipKgYGBpmN6hKeffrrS5ytXruiTTz7Rp59+qtjYWP3lL38xlMzz1DT/wsfHR127dtWUKVNcpr0jLS1NaWlpOnLkiCSpc+fOGjdunB599FHDyTxLr169lJubqyFDhmjy5MkaPny4vLy8Kr1z9uxZ+fv7q7y83FDKuvl+KOUjjzwib29v03GAOqG4AABAAxo8eLB27dqlkJAQRUVFKSIiQlFRUayfdDJz5sxRUVGRFixYYDoKgBs0d+5cJSQkuMUsm+nTp+utt95SaWmpxowZo4kTJ6pfv36mYwG1orgAAEADatKkiW699VaNGjVKgwYNUlRUlNq2bWs6Fn7g6NGjuvvuuxmShjq7ng0QPj4+DZgE7qqsrEzvvfeeVq5cqffff1+dOnVSQkKCxo8fr1tuucV0PKAKigsAADSg4uJibdu2TVu2bNHmzZv1ySefqEuXLoqKinIUG9q1a2c6psdbtWqVZs6cqfz8fNNR4CKsVmudB+4xU6Xh1DS7ozoLFy5swCQN69tvv9WSJUuUlJQku92uBx98UFOnTtXgwYNNRwMc2BYBAEADatmypWJiYhQTEyNJunDhgmw2mzZv3qz58+frscceU+fOnfXpp58aTuoZHn744UqfKyoq9PXXXys7O1vPP/+8oVRwRf+7teP48eOaNWuW4uLi1L9/f0nSjh07tHLlSr300kumInqEmlaz/pArb17YvXu3li9frrS0NPn7+ysuLk6nT5/WsGHDlJiYSDsXnAY3FwAAaETl5eXas2ePNm/erM2bN8tms+nSpUv8stlI4uPjK322Wq1q166dBg8erCFDhhhKBVd37733atKkSRo3blyl87feektLlizRli1bzASDy/r222+1atUqLV++XJ9//rmGDx+uSZMm6f7773cUSmw2m2JiYlRUVGQ4LXAVxQUAABpQeXm5srOzHW0RWVlZKi4u1m233abo6GjHn6CgINNRAdygFi1aKCcnR507d650fuTIEfXu3VslJSWGksFVNW3aVKGhoUpISFBcXFy17XPnz5/XyJEjK92iAUyiuAAAQAPy8fFRcXGx2rdv7ygkDBo0SKGhoaajebTs7GwdPnxYktSjRw/17dvXcCK4sq5du2rkyJGaP39+pfPnnntOGzZsUF5enqFknuWhhx6qtv3BYrGoefPm6tSpk37xi1+oa9euBtJdn23btikiIsJ0DOC6UFwAAKABvfHGG4qOjlaXLl1MR4GkU6dOady4ccrKypKfn58kqbCwUAMGDFBaWppuv/12swHhkjIyMjR69Gh16tRJ99xzj6SrffKff/651q5dqwcffNBwQs8QFxend999V35+fo6C4b59+1RYWKghQ4YoJydHx48f18aNGzVw4EDDaa/P1q1bVVxcrP79+6t169am4wDVorgAAAA8RkxMjAoLC7Vy5UrHr5d5eXmKj4+Xj4+PPvjgA8MJ4apOnTqlv/3tb8rNzZUkde/eXU888YQ6dOhgOJnnmDVrls6fP6+UlBRZrVZJV1vTpk2bplatWikpKUlPPPGEDh06JJvNZjht9f70pz+pqKhIc+fOlXR16OwDDzygjz76SJLk7++vjRs3qmfPniZjAtWiuAAAADyGt7e3tm/frj59+lQ637t3ryIiIuiNB1xYu3btlJWVVeWm2JEjRzRgwACdPXtWBw8eVEREhAoLC82EvIY777xTM2fO1NixYyVJ//znPxUbG6uPP/5Y3bt314QJE9SiRQu9/fbbhpMCVbGKEgAAeIwOHTroypUrVc7tdrsCAgIMJIK7KCwsVGpqqmOWR8+ePZWQkCBfX1/DyTxHWVmZcnNzqxQXcnNzHRt5mjdv7tRrKY8dO6awsDDH54yMDP385z93tHH8/ve/1yOPPGIqHlArq+kAAAAAjeXPf/6znnrqKWVnZzvOsrOzNW3aNHbF44ZlZ2crNDRUixYtUkFBgQoKCrRw4UKFhoZq3759puN5jPHjx2vixIlatGiRbDabbDabFi1apIkTJ2rChAmSrs4ucOaWgrKyMjVr1szxeceOHRowYIDjc0BAgM6ePWsiGnBNtEUAAAC31rp160q/VBYXF6usrEw33XT1Auf3f2/ZsqUKCgpMxYQLi4iIUKdOnbR06dJK/11NmjRJX375pTIzMw0n9Ax2u13JyclKSUnRmTNnJEm33HKLnnrqKc2cOVNeXl46ceKErFar0w5v7d27t6ZPn664uDidOHFCwcHB+vTTT9WjRw9J0vbt2zVmzBidOnXKcFKgKooLAADAra1cubLO78bGxjZgErgrb29v7d+/X926dat0/tlnn+muu+5ilocB58+fl3R1HbArWbp0qZ5++mmNHTtWO3fulJ+fn7KyshzP582bp127dik9Pd1gSqB6zFwAAABujYIBGpqPj49OnDhRpbhw8uRJtWrVylAqz+ZqRYXvTZ48WV5eXkpPT1dkZKRmz55d6Xl+fr7i4+MNpQNqx80FAADg1r7/BbMuXPULCcyaOnWq1q9frwULFjj647OysvTrX/9ao0eP1iuvvGI2oBu78847tXHjRrVu3Vp9+vSpdVgj8y+AhsXNBQAA4Nb8/PyuOR2+oqJCFovFMVEeuB4LFiyQxWLRhAkTVFZWJklq0qSJpkyZouTkZMPp3NvIkSMdAxBHjRplNsyPKCMjQ15eXrr//vsrnX/00Uey2+164IEHDCUDasbNBQAA4Na2bt1ap/cOHjyoJ598soHTwJ2VlJToiy++kCSFhoaqRYsWhhN5DrvdrqysLIWFhcnPz890nHoLCwtTcnKyHnzwwUrnH3zwgWbOnKmcnBxDyYCaUVwAAAAe68KFC1q9erX+/ve/a+/evdxcQL19P8XfWbcRuLPmzZvr8OHDCgkJMR2l3ry9vXX48GEFBwdXOj9+/Lh69uyp4uJiM8GAWlhNBwAAAGhsmZmZio2N1a233qoFCxZo8ODB2rlzp+lYcFHl5eV68cUX5evrq6CgIAUFBcnPz09z585VeXm56Xge44477tCXX35pOsaPwtfXt9p/y9GjR9WyZUsDiYBrY+YCAADwCN98841WrFih1NRUnT9/XmPGjFFpaaneffddxw554Eb87ne/U2pqqpKTkzVw4EBJks1m05w5c3Tp0iUlJSUZTugZ5s2bpxkzZmju3Lnq27dvlS/hrjSwdeTIkZo+fbrWr1+v0NBQSVcLC88++6xGjBhhOB1QPdoiAACA2xs+fLgyMzM1dOhQPfbYY4qJiZGXl5eaNGminJwciguol4CAAC1evLjKl74NGzYoMTFRp0+fNpTMM7z44ot69tlnK639/N8hrq44sPXcuXOKiYlRdna2o8Xm1KlTioiI0Lp169xirgTcD8UFAADg9m666SZNnTpVU6ZMUefOnR3nFBfwY2jevLkOHDigLl26VDrPy8tT7969dfHiRUPJPIOXl5e+/vprHT58uNb3oqKiGinRj6OiokIff/yxcnJy5O3trbCwMEVGRpqOBdSItggAAOD2bDabUlNT1bdvX3Xv3l3jx4/Xo48+ajoW3ER4eLhSUlL06quvVjpPSUlReHi4oVSe4/vfSl2teHAtFotFQ4YM0ZAhQ0xHAeqEmwsAAMBjFBcXa82aNVq2bJl2794tu92uhQsXKiEhodKVauB6bN26VUOHDlVgYKD69+8vSdqxY4dOnjypjIwMRUREGE7o3qxWq86cOaN27dqZjlIvr776qn75y1+qefPmVQpVPzR16tRGSgXUHcUFAADgkfLy8pSamqpVq1apsLBQ9913n9577z3TseCi8vPz9dprryk3N1eS1L17dyUmJiogIMBwMvdntVrl6+tbac5CdQoKChop0Y0JCQlRdna22rZtW+s6TYvF4jZbMeBeKC4AAACPZrfblZ6ermXLllFcAFyQ1WrVK6+8Il9f31rfi42NbaREgGeiuAAAAABcpwMHDtT53bCwsAZMAqvVqm+++Ub+/v6mowAejYGOAAAAwHXq3bu3LBaLrvU7nautQHRF12qHcBXPPPNMnd9duHBhAyYBbgzFBQAAAOA6HTt2zHQE/D93uYi9f//+Or3nLsUUuB/aIgAAAIB6+M9//qO2bdtKkk6ePKmlS5fq4sWLGjFiBJsiAHgMigsAAADADTh48KCGDx+ukydPqnPnzkpLS1NMTIyKi4tltVpVXFysd955R6NGjTIdFS7s1KlTkqTbb7/dcBKgdlbTAQAAAABX9Nxzz6lXr17KzMzUoEGDNGzYMA0dOlTnzp3Td999p1/96ldKTk42HRMuqLy8XC+++KJ8fX0VFBSkoKAg+fn5ae7cuSovLzcdD6gWNxcAAACAG3DzzTdr06ZNCgsLU1FRkXx8fLRnzx717dtXkpSbm6t+/fqpsLDQbFC4nN/85jdKTU3VCy+8oIEDB0qSbDab5syZo8mTJyspKclwQqAqigsAAADADfjhCsRWrVopJydHHTt2lCSdOXNGAQEBbIvAdQsICNDixYs1YsSISucbNmxQYmKiTp8+bSgZUDPaIgAAAIAb9MPJ/Uzyx4+hoKBA3bp1q3LerVs3FRQUGEgEXBurKAEAAIAbFBcXp2bNmkmSLl26pCeeeEItW7aUJJWWlpqMBhcWHh6ulJQUvfrqq5XOU1JSFB4ebigVUDvaIgAAAIAbEB8fX6f3li9f3sBJ4G62bt2qoUOHKjAwUP3795ck7dixQydPnlRGRgYrTuGUKC4AAAAAgJPJz8/Xa6+9ptzcXElS9+7dlZiYqICAAMPJgOpRXAAAAAAAAPXCzAUAAAAAcDLfffedUlNTdfjwYUlSjx49FB8frzZt2hhOBlSPmwsAAAAA4EQyMzM1fPhw+fr66q677pIk7d27V4WFhUpPT1dkZKThhEBVFBcAAAAAwIn06tVL/fv31+uvvy4vLy9Jkt1uV2JiorZv366DBw8aTghURXEBAAAAAJyIt7e3PvnkE3Xt2rXSeV5ennr37q2LFy8aSgbUzGo6AAAAAADgv+68807HrIX/dfjwYYWHhxtIBFwbAx0BAAAAwLADBw44/j516lRNmzZNR48eVb9+/SRJO3fu1Guvvabk5GRTEYFa0RYBAAAAAIZZrVZZLBZd6+uZxWKR3W5vpFRA3XFzAQAAAAAMO3bsmOkIQL1wcwEAAAAAANQLNxcAAAAAwAl99tlnOnHihC5fvlzpfMSIEYYSATWjuAAAAAAATuTLL7/UQw89pIMHD1aaw2CxWCSJmQtwSqyiBAAAAAAnMm3aNIWEhOjbb79VixYtdOjQIWVmZuquu+7Sli1bTMcDqsXMBQAAAABwIjfffLM2bdqksLAw+fr6avfu3eratas2bdqkZ599Vvv37zcdEaiCmwsAAAAA4ETsdrtatWol6WqhIT8/X5IUFBSkvLw8k9GAGjFzAQAAAACcyB133KGcnByFhITonnvu0fz589W0aVMtWbJEHTt2NB0PqBZtEQAAAADgRD788EMVFxfr4Ycf1tGjRzVs2DAdOXJEbdu2VVpamu69917TEYEqKC4AAAAAgJMrKChQ69atHRsjAGfDzAUAAAAAcCIJCQm6cOFCpbM2bdqopKRECQkJhlIBtePmAgAAAAA4ES8vL3399dfy9/evdH727Fm1b99eZWVlhpIBNWOgIwAAAAA4gfPnz6uiokIVFRW6cOGCmjdv7nhmt9uVkZFRpeAAOAuKCwAAAADgBPz8/GSxWGSxWNSlS5cqzy0Wi1544QUDyYBroy0CAAAAAJzA1q1bVVFRocGDB2vt2rVq06aN41nTpk0VFBSkgIAAgwmBmlFcAAAAAAAn8tVXXykwMJDNEHApbIsAAAAAACcSFBQkm82mxx9/XAMGDNDp06clSatWrZLNZjOcDqgexQUAAAAAcCJr167V/fffL29vb+3bt0+lpaWSpHPnzumPf/yj4XRA9SguAAAAAIATmTdvnhYvXqylS5eqSZMmjvOBAwdq3759BpMBNaO4AAAAAABOJC8vT5GRkVXOfX19VVhY2PiBgDqguAAAAAAATqR9+/Y6evRolXObzaaOHTsaSARcG8UFAAAAAHAikydP1rRp07Rr1y5ZLBbl5+frzTff1IwZMzRlyhTT8YBq3WQ6AAAAAADgv2bNmqXy8nLde++9KikpUWRkpJo1a6YZM2boqaeeMh0PqJaloqKiwnQIAAAAAEBlly9f1tGjR1VUVKQePXroJz/5ielIQI24uQAAAAAATiAhIaFO7y1btqyBkwDXj5sLAAAAAOAErFargoKC1KdPH9X2NW39+vWNmAqoG24uAAAAAIATmDJlilavXq1jx44pPj5ejz/+uNq0aWM6FlAn3FwAAAAAACdRWlqqdevWadmyZdq+fbuGDh2qiRMnasiQIbJYLKbjATWiuAAAAAAATuirr77SihUr9I9//ENlZWU6dOgQQx3htKymAwAAAAAAqrJarbJYLKqoqJDdbjcdB6gVxQUAAAAAcBKlpaVavXq17rvvPnXp0kUHDx5USkqKTpw4wa0FODUGOgIAAACAE0hMTFRaWpo6dOighIQErV69WjfffLPpWECdMHMBAAAAAJyA1WpVYGCg+vTpU+vwxnXr1jViKqBuuLkAAAAAAE5gwoQJbISAy+LmAgAAAAAAqBcGOgIAAAAAgHqhuAAAAAAAAOqF4gIAAAAAAKgXigsAAAAAAKBeKC4AAAAAAIB6obgAAAAAAADqheICAAAAAACoF4oLAAAAAACgXv4PY0fepNCfpt8AAAAASUVORK5CYII=", "text/plain": [ "
" ] @@ -2418,6 +2532,7 @@ ], "source": [ "import matplotlib.pyplot as plt\n", + "import seaborn as sns\n", "\n", "pearson_corr = df.corr(method='pearson')\n", "plt.figure(figsize=(12,12))\n", @@ -2451,12 +2566,12 @@ }, { "cell_type": "code", - "execution_count": 43, + "execution_count": 9, "metadata": {}, "outputs": [ { "data": { - "image/png": "iVBORw0KGgoAAAANSUhEUgAABBcAAARaCAYAAAAXepqDAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8pXeV/AAAACXBIWXMAAA9hAAAPYQGoP6dpAAEAAElEQVR4nOzddXQUVxsG8Gc37u7uBoQEDe7u7i6lSClQpHgLRYpDKe4eCFaCuwR3hxAkEIi7Z/f7Y2GTTTaUNruNfM/vnD2HDHdm33fvzJ3dO3fuCMRisRhERERERERERP+SsLgDICIiIiIiIqLSjZ0LRERERERERFQk7FwgIiIiIiIioiJh5wIRERERERERFQk7F4iIiIiIiIioSNi5QERERERERERFws4FIiIiIiIiIioSdi4QERERERERUZGwc4GIiIiIiIiIioSdC0RERPR/5dy5cxAIBDh37pxCtysQCDBjxgyFbpOIiKi0YOcCERGVWQ8ePECnTp3g4OAATU1N2NjYoHHjxli+fHlxh1bmfPr0CePGjYOnpye0tbWho6ODSpUqYdasWYiPjy/u8BQmODiYHQhERERyCMRisbi4gyAiIlK0K1euoH79+rC3t0ffvn1haWmJd+/e4erVqwgNDcXLly+LO8Qy48aNG2jRogWSk5PRq1cvVKpUCQBw8+ZN7Nq1CzVq1MCJEyeKOcpc586dQ/369XH27FnUq1fvH607YsQI/PHHH5D39Sk9PR2qqqpQVVVVUKRERESlB89+RERUJs2ePRsGBga4ceMGDA0NZf4vMjKyeIL6BtnZ2RCJRFBXVy/uUL5JfHw82rdvDxUVFdy5cweenp4y/z979mysXbtWIe+VmpoKbW3tAstLymemqalZrO9PRERUnHhbBBERlUmhoaHw8fEp0LEAAObm5jJ/CwQCjBgxAtu3b4eHhwc0NTVRqVIlXLhwocC679+/x4ABA2BhYQENDQ34+Phgw4YNMmUyMzMxbdo0VKpUCQYGBtDR0UHt2rVx9uxZmXKvX7+GQCDAggULsGTJEri4uEBDQwOPHz/GjBkzIBAI8Pz5c/Tq1QsGBgYwMzPD1KlTIRaL8e7dO7Rt2xb6+vqwtLTEwoULixzDmjVrpDFUqVIFN27c+NvPefXq1Xj//j0WLVpUoGMBACwsLDBlyhSZZStXroSPjw80NDRgbW2N4cOHF7h1ol69eihXrhxu3bqFOnXqQFtbGz///PNXPzMAePr0KTp16gRjY2NoamqicuXKOHTo0N/mcfHiRXTu3Bn29vbQ0NCAnZ0dfvzxR6SlpUnL9OvXD3/88QcAyT7z5fWFvDkX7ty5g+bNm0NfXx+6urpo2LAhrl69KlNm06ZNEAgEuHz5MsaMGQMzMzPo6Oigffv2iIqK+tvYiYiISgKOXCAiojLJwcEBISEhePjwIcqVK/e35c+fP4/du3dj1KhR0NDQwMqVK9GsWTNcv35duv6nT59QvXp1aWeEmZkZjh49ioEDByIxMRGjR48GACQmJmLdunXo3r07Bg8ejKSkJKxfvx5NmzbF9evXUbFiRZn33rhxI9LT0zFkyBBoaGjA2NhY+n9du3aFl5cX5s6diyNHjmDWrFkwNjbG6tWr0aBBA8ybNw/bt2/HuHHjUKVKFdSpU+dfxbBjxw4kJSVh6NChEAgEmD9/Pjp06IBXr15BTU2t0M/t0KFD0NLSQqdOnb6hVoAZM2Zg5syZaNSoEYYNG4Znz57hzz//xI0bN3D58mWZ94qJiUHz5s3RrVs39OrVCxYWFl/9zB49eoSaNWvCxsYGEydOhI6ODvbs2YN27dph3759aN++faFxBQYGIjU1FcOGDYOJiQmuX7+O5cuXIzw8HIGBgQCAoUOH4sOHDzh58iS2bt36t7k+evQItWvXhr6+PsaPHw81NTWsXr0a9erVw/nz51GtWjWZ8iNHjoSRkRGmT5+O169fY8mSJRgxYgR27979TZ8tERFRsRITERGVQSdOnBCrqKiIVVRUxAEBAeLx48eLjx8/Ls7MzCxQFoAYgPjmzZvSZW/evBFramqK27dvL102cOBAsZWVlTg6Olpm/W7duokNDAzEqampYrFYLM7OzhZnZGTIlImLixNbWFiIBwwYIF0WFhYmBiDW19cXR0ZGypSfPn26GIB4yJAh0mXZ2dliW1tbsUAgEM+dO1dm21paWuK+ffvKlP0nMZiYmIhjY2Olyw8ePCgGID58+HCBzysvIyMjsa+v71fLfBEZGSlWV1cXN2nSRJyTkyNdvmLFCjEA8YYNG6TL6tatKwYgXrVqlcw2vvaZNWzYUFy+fHlxenq6dJlIJBLXqFFD7ObmJl129uxZMQDx2bNnpcu+1F1ec+bMEQsEAvGbN2+ky4YPHy4u7OsTAPH06dOlf7dr106srq4uDg0NlS778OGDWE9PT1ynTh3pso0bN4oBiBs1aiQWiUTS5T/++KNYRUVFHB8fL/f9iIiIShLeFkFERGVS48aNERISgjZt2uDevXuYP38+mjZtChsbG7nD5AMCAqQTEQKAvb092rZti+PHjyMnJwdisRj79u1D69atIRaLER0dLX01bdoUCQkJuH37NgBARUVFev+/SCRCbGwssrOzUblyZWmZvDp27AgzMzO5eQwaNEj6bxUVFVSuXBlisRgDBw6ULjc0NISHhwdevXolU/afxNC1a1cYGRlJ/65duzYAyGxTnsTEROjp6X21zBenTp1CZmYmRo8eDaEw9yvI4MGDoa+vjyNHjsiU19DQQP/+/eVuK/9nFhsbizNnzqBLly5ISkqS1k1MTAyaNm2KFy9e4P3794XGpqWlJf13SkoKoqOjUaNGDYjFYty5c+eb8ssrJycHJ06cQLt27eDs7CxdbmVlhR49euDSpUtITEyUWWfIkCEyt1nUrl0bOTk5ePPmzT9+fyIiov8aOxeIiKjMqlKlCoKCghAXF4fr169j0qRJSEpKQqdOnaT36H/h5uZWYH13d3ekpqYiKioKUVFRiI+Px5o1a2BmZibz+vIDOO9EkZs3b0aFChWgqakJExMTmJmZ4ciRI0hISCjwPk5OToXmYG9vL/O3gYEBNDU1YWpqWmB5XFyczLJ/EkP+9/nS0ZB/m/np6+sjKSnpq2W++PIj2cPDQ2a5uro6nJ2dC/yItrGxKXSSxvyf2cuXLyEWizF16tQC9TN9+nQAX5/I8+3bt+jXrx+MjY2hq6sLMzMz1K1bFwDkfl5/JyoqCqmpqQVyBQAvLy+IRCK8e/dOZvm/rQMiIqKSgHMuEBFRmaeuro4qVaqgSpUqcHd3R//+/REYGCj90fktRCIRAKBXr17o27ev3DIVKlQAAGzbtg39+vVDu3bt8NNPP8Hc3BwqKiqYM2cOQkNDC6yX96p5fioqKt+0DIDM4xH/aQzfsk15PD09cffuXWRmZir8aQ1f+1zy/9+X+hk3bhyaNm0qdx1XV1e5y3NyctC4cWPExsZiwoQJ8PT0hI6ODt6/f49+/fpJt61s/7YOiIiISgJ2LhAR0f+VypUrAwAiIiJklr948aJA2efPn0NbW1s6/F5PTw85OTlo1KjRV99j7969cHZ2RlBQkMww93/SmVFU/1UMrVu3RkhICPbt24fu3bt/tayDgwMA4NmzZzK3CmRmZiIsLOxvP9ev+bI9NTW1f7ydBw8e4Pnz59i8eTP69OkjXX7y5MkCZfN+ll9jZmYGbW1tPHv2rMD/PX36FEKhEHZ2dv8oTiIiopKMt0UQEVGZdPbsWblXfIODgwEUHJofEhIiMxfBu3fvcPDgQTRp0gQqKipQUVFBx44dsW/fPjx8+LDAdvM+MvDLFei873/t2jWEhIQULal/4L+K4bvvvoOVlRXGjh2L58+fF/j/yMhIzJo1CwDQqFEjqKurY9myZTJxrV+/HgkJCWjZsuW/jsPc3Bz16tXD6tWrC3QcAfjqIx3lfVZisRhLly4tUFZHRwcACjw6U942mzRpgoMHD+L169fS5Z8+fcKOHTtQq1Yt6Ovrf3UbREREpQlHLhARUZk0cuRIpKamon379vD09ERmZiauXLmC3bt3w9HRscBEgeXKlUPTpk1lHkUJADNnzpSWmTt3Ls6ePYtq1aph8ODB8Pb2RmxsLG7fvo1Tp04hNjYWANCqVSsEBQWhffv2aNmyJcLCwrBq1Sp4e3sjOTn5P8n/v4rByMgI+/fvR4sWLVCxYkX06tVLOjHm7du3sXPnTgQEBACQXM2fNGkSZs6ciWbNmqFNmzZ49uwZVq5ciSpVqqBXr15FiuWPP/5ArVq1UL58eQwePBjOzs749OkTQkJCEB4ejnv37sldz9PTEy4uLhg3bhzev38PfX197Nu3T+5cB19yGzVqFJo2bQoVFRV069ZN7nZnzZqFkydPolatWvj++++hqqqK1atXIyMjA/Pnzy9SrkRERCUNOxeIiKhMWrBgAQIDAxEcHIw1a9YgMzMT9vb2+P777zFlyhQYGhrKlK9bty4CAgIwc+ZMvH37Ft7e3ti0aZN0HgUAsLCwwPXr1/HLL78gKCgIK1euhImJCXx8fDBv3jxpuX79+uHjx49YvXo1jh8/Dm9vb2zbtg2BgYE4d+7cf5L/fxlDtWrV8PDhQ/z+++84cuQItm7dCqFQCC8vL0ycOBEjRoyQlp0xYwbMzMywYsUK/PjjjzA2NsaQIUPw22+/QU1NrUhxeHt74+bNm5g5cyY2bdqEmJgYmJubw8/PD9OmTSt0PTU1NRw+fBijRo3CnDlzoKmpifbt22PEiBHw9fWVKduhQweMHDkSu3btwrZt2yAWiwvtXPDx8cHFixcxadIkzJkzByKRCNWqVcO2bdtQrVq1IuVKRERU0gjEnCWIiIj+zwkEAgwfPhwrVqwo7lCIiIiISiXOuUBERERERERERcLOBSIiIiIiIiIqEnYuEBEREREREVGRsHOBiIj+74nFYs63QERERCXWhQsX0Lp1a1hbW0MgEODAgQN/u865c+fg7+8PDQ0NuLq6YtOmTUqNkZ0LRERERERERCVYSkoKfH198ccff3xT+bCwMLRs2RL169fH3bt3MXr0aAwaNAjHjx9XWox8WgQRERERERFRKSEQCLB//360a9eu0DITJkzAkSNH8PDhQ+mybt26IT4+HseOHVNKXBy5QERERERERPQfysjIQGJioswrIyNDYdsPCQlBo0aNZJY1bdoUISEhCnuP/FSVtmWirzii5lHcIRRZyoUnxR2CQmRmC4o7BIVIyyj9eRjoiIo7BPqsrBwXqirFHYFiZOcUdwRFJxKVjX1KW7P0t1PpmWWjLgy0y8CBASAlo/Q3VEJB2RgI3iWgdF53Lq2/K25M7o6ZM2fKLJs+fTpmzJihkO1//PgRFhYWMsssLCyQmJiItLQ0aGlpKeR98mLnAhEREREREdF/aNKkSRgzZozMMg0NjWKKRjHYuUBERERERET0H9LQ0FBqZ4KlpSU+ffoks+zTp0/Q19dXyqgFgHMuEBEREREREZUpAQEBOH36tMyykydPIiAgQGnvyZELREREREREVCoJ1MrGPCp/Jzk5GS9fvpT+HRYWhrt378LY2Bj29vaYNGkS3r9/jy1btgAAvvvuO6xYsQLjx4/HgAEDcObMGezZswdHjhxRWowcuUBERERERERUgt28eRN+fn7w8/MDAIwZMwZ+fn6YNm0aACAiIgJv376VlndycsKRI0dw8uRJ+Pr6YuHChVi3bh2aNm2qtBgFYrG4bExvSqVKaZ3VNS8+LaJk4dMiSJHKynHBp0WUHHxaRMnBp0WULHxaRMlRWp8WEaztWdwh/CstUp8WdwgKx9siiIiIiIiIqFQSqpaNDsOyoHR2TxERERERERFRicHOBSIiIiIiIiIqEnYuEBEREREREVGRcM4FIiIiIiIiKpUEarxeXlKwJoiIiIiIiIioSNi5QERERERERERFws4FIiIiIiIiIioSzrlAREREREREpZJQVVDcIdBnHLlAREREREREREXCzgUiIiIiIiIiKhLeFkFERERERESlkkCNt0WUFBy5QERERERERERFws4FIiIiIiIiIioSdi4QERERERERUZFwzgUiIiIiIiIqlfgoypKDIxeIiIiIiIiIqEjYuUBERERERERERcLbIqjEM65VGc5jB8LAvxw0rc1xs+P3+HTo9NfXqVMV3gsmQtfbDenvIvByzp8I37JfpozDsB5wHjMQGpZmSLz/FI9G/4qEGw+UmQqundqOS0c3IDkhGpb2nmjZazJsnSsUWv7h9WM4HbQM8dHvYWzpgKadx8Ldt670/x/dPIEbZ3fjw+tHSEtJwPczg2Dl4KXUHABALBbj/MHluHMxEOmpibBz9UfzXtNhYuH41fVunNmOkOPrkZwQDQs7TzTrPgU2efK/fX43Hl77CxFvHyMzPQU/LbsOTW19peVw+cgyPLgciIy0RFg7+6NxtxkwMv96DnfOb8eNU+uRkhgFMxtPNOwyFVaOuTnsWtIb4S+uy6zjW6srGnf/ReE5lJX9qazkURaOi2unt+PK0c+x2HuiRc8pX62LRzeO4UzQUkldWDigcedxMnUhFotx9sBy3Dov+Uzs3fzRqvd0mFg6KiX+vO9b2uviSx4XDi3DnYuSdsrWxR/Ne86A8d/kcfPsdlw9sR7JCVGwsPVEk+5TYeOUm0fw1mkIe3IFyQmRUNfQho2LHxp0GAdTKxeF53D11HZcDP58fNt5olXvybBzKXyfenD9GE7tkxzfJhYOaNp1LDw+71M52Vk4uW8pnt+7gNjIcGhq68LFJwBNu4yFvpG5wmPPqyzsU5dP7MC5vzYiKSEaVvYeaN/3Z9i7Fl4X964ex7HA5YiLfg9TSwe07DYGXn51pP+/a9XPuHnhoMw6HhVqYvDENUqJ/4uy0E6VlfMeUX4cuUAlnoqONhLvP8PDUTO/qbyWoy2qHFqNmHPXcKlyW4Qt34zyq2fBtHEtaRmrzs3h9fskvJj1By5VbY+k+09R7ch6qJsZKysNPLgWjKO75qF+u+EYNnMfLO08sHnBYCQnxsgt//bFHQSuGodKdTpi2C9B8PJriB3LRuJT+HNpmayMNDi4+6NJl7FKi1ueK8fW4frprWjRawYG/LwHahpa2LF4ELKzMgpd59H1YJzcMxd1Wg/H4GlBsLDzwI4lg5CSJ/+szHS4lKuNWi2GKj2H6yfX4s65rWjcbQZ6/rQHaupa2Lti4FdzeHorGOeC5iCgxXD0nrgf5rae2LtiIFKSZOuwQs0uGPbbJemrTrvxCo+/rOxPZSUPoPQfFw+vBeP4rrmo13Y4hs4IgqWdB7YuHPSVuriNvavGwq9OJ3w3cz88/Rth1/IRMnVxKXgdrp3citZ9ZmDwVMlxtnXRIGR95TNRhNJeF1+EHF+LG2e2onmvGeg3SZLHzqVfb6ce3wjGqcA5qN1qOAZO2Q9zO0/sWjpQJg9LBx+07jcHQ2cGo9sP6wGxGDuXDIRIlKPQ+O9fDUbwjnlo0G44hv+yD5b2Htj0e+HH95sXd7Bn5ThUrtMRw38Jgpd/Q2xfknt8Z2Wm48Prx6jfdhiG/7oPPUYtQ3TEa2xd/L1C45antO9Td0OO4tC2+Wjc4XuMnh0Ia3sPrJ07FEkJ8uvi9fM72L7iJ1St1wE//rYX5So1wKZFIxHx7oVMOQ/fWpi28pz01XPE70rNoyy0U2XpvFdSCNQEpfJVFrFzoYzZu3cvypcvDy0tLZiYmKBRo0ZISUkBAKxbtw5eXl7Q1NSEp6cnVq5cKbPu9evX4efnB01NTVSuXBn79++HQCDA3bt3AQDnzp2DQCDA6dOnUblyZWhra6NGjRp49uyZUnOKOn4Bz6cvwaeDp76pvMOQbkgLC8eT8fOQ/PQV3qzcjo/7jsPph37SMk6j++Pd+j0I3xyE5CehePD9dOSkpsOuX0clZQFcOb4Zlet2hn/tDjC3cUXrvjOgpq6J2xeC5JYPObkFruVroVaLgTC3dkGjjj/AysEL107tkJapWLMt6rcdDhfvGkqLOz+xWIzrp7agdqvv4OHXEBZ2Hmg7YB6S4iPx9E7hdXT15Cb41e6MirU6wszaFS17zYSauibuXtonLVOtcV/UbDEENs6+Ss/h9tktqN5sGFx9G8HMxhMt+s5HckIkXt4rPIebpzeifI0uKB/QEaZWrmjcTZLDw5B9MuVU1TWhY2AmfWlo6So8h7KyP5WVPMrCcXHlxCZUqtMZfrU7wtzGFa36SGK5c3Gf3PJXT26V1EXzgTCzdkHDDj/AysEb109vByD5TK6e3II6rb+Dp39DWNp5oMPgeUiKi8TT29/Wnv8bZaEu8uZRq+UweFRsBAtbT7TpPx9J8ZF49pU8rp3ciIq1usC3piSPFj1nQlVdE/cu5+bhX6cr7N2rwNDUFlYOPqjbbjQS4yKQEP1eoTlcPrYZlet1RqU6kuO7bb8ZUNPQxK3zhRzfx7fArXwt1G45EOY2Lmjc6QdYO3oh5KTk+NbU1sOACRtQvlpzmFk5wd61Ilr3mYIPrx8hPvqDQmPPqyzsU+eDN6Na/U6oWq89LG1d0XHgdKhpaOJGIXVx8dg2ePjWQv3WA2Bh44JmXUbBxskbl0/skCmnqqoOfUMz6Utb10CpeZSFdqqsnPeI5GHnQhkSERGB7t27Y8CAAXjy5AnOnTuHDh06QCwWY/v27Zg2bRpmz56NJ0+e4LfffsPUqVOxefNmAEBycjJatWoFb29v3Lp1CzNmzMC4cePkvs/kyZOxcOFC3Lx5E6qqqhgwYMB/mebfMqxeEdFnQmSWRZ28BKPqFQEAAjU1GPj7IPr0ldwCYjGiz1yBYXU/pcSUnZ2JD68fwdk7QLpMKBTCxScA70Lvyl3n3ct7cMlTHgBcy9fC20LK/1fio8ORnBAFJ6/cE5imth5snCvgfSGx5WRnIuLNIzjlOekJhEI4eQUg/JX8dZQpISYcKYlRcPDIjUdDSw9Wjr74EHZH7jo52Zn49O4RHDxlc7D3rIEPr2TXeXLjMP4YXw0bZ7XChYMLkZWZptD4y8r+VFbyAEr/cZGdnYmI14/g7JMbi1AohLN3AN69lB9LeOhdOOf7IutSrqa07uKiJJ9J3m1qauvBxqVCodtUhNJeF1/ER0vaKcf8eTj54v2rwtupiLePZHKX5FED4YWsk5mRivuXg2Boagt9Y0uFxf/l+Hb1kT2+Xb0D8LaQ+n/78h5cfAoe31/bX9JTkyAQCKCpo7zbU0r7PpWdnYn3YY/hXk62LtzKVcebF/fkrvPmxV24lasus8yjQk28eXFXZlnokxuY/l1tzBvbEvvW/4KUpHhFhy9VFtqpsnTeI5KHcy6UIREREcjOzkaHDh3g4OAAAChfvjwAYPr06Vi4cCE6dOgAAHBycsLjx4+xevVq9O3bFzt27IBIJML69euhqakJHx8fhIeHY9iwYQXeZ/bs2ahbV3Kf18SJE9GyZUukp6dDU1PzP8r06zQsTJHxKVpmWcanaKgZ6EGoqQE1IwMIVVWRERmTr0wMdDyclRJTalI8RKIc6BqYyCzX1TdBdESY3HWSE6Kha2BaoHxyQrTc8v+V5IQoAICOvmwuOvqmhcaWmhwHsSgHunLWif4oP39lSkmU5KCdLx5tPROkJMrPIe1zDjp6+XLQM0Hsx1fSv70qt4K+sTV0DcwR9f4ZLhxcgLhPYWg7ZIXC4i8r+1NZyQMo/cdFalKcpC7yxaJrUHgsyQnRcst/yffLZ1KgzFc+E0Uo7XXxxZd2qkCbo2+C5ELaqS95FMhdzwQxEa9klt08tx1n9i1AVkYqTCyc0GP0RqioqissfunxXWAfMUHUPzy+kwqpt6zMDBzfsxAVqreEphJGiOXGVbr3qZRC2lo9AxNEfpAfS1J8NPTyt80GJkiKz/3u5FGhFspXaQRjM1vEfHqH4D1LsG7eUIz8ZQeEQhWF51EW2qmydN4rSfgoypKDnQtliK+vLxo2bIjy5cujadOmaNKkCTp16gR1dXWEhoZi4MCBGDx4sLR8dnY2DAwkw9eePHmCChUqyHQQBAQEFHgPAKhQIXfCGSsrKwBAZGQk7O3t5ZbPyMhARobsfWtZYhHUBBw4Uxo8uHoYR7ZOl/7dfdSqYozm33l8/RBO7szNocP3q5X2Xr61ukr/bWbjAV0DM+xZ1g/xUW9haCb/GKHSpywcF2VFWamLh9cOIXhbbh5dRyivnQKAclXbwNmrJpITonD1xHoErRmNvhN2QlVNQ6nvqyg52VnY9cePEIvFaNNv+t+v8A+UlX1K2fxqtJD+28reHVb27pjzYzOEPr5RYNQDEf1/YOdCGaKiooKTJ0/iypUrOHHiBJYvX47Jkyfj8OHDAIC1a9eiWrVqBdb5p9TU1KT/FggkPYUikajQ8nPmzMHMmbKTMXYXGKOnimkhaxRNxqdoaFjIblvDwhRZCUkQpWcgMzoOouxsaJib5CtjgoyPyukF1tYzhFCoguR8EyclJ8YU6I3+Im/P+reUVxb3ivVlZhnPzs4EAKQkxkDPMHd27pTEaFjayZ+ZWFvXCAKhSoHJilISC/bGK4NrhQawcsy9nzXncw6piTHQNcjNITUpBua2nnK3ofU5h/yTN6YkxUBHv/AcLD+/b1zUG4V1LpTm/Smv0pxHWTguZGLRM5LURb5YJFf9vlIX8sp/jl3XwEyyLN9nkvyVz+TfKCt14ebbAIOcCrZTKUn584iBhZ38dupLHin580iKgU6+PDS19aCprQdjC0fYOPti4eiqeHbnJHyqtlJIPtLju8A+8s+Pb7185XOys7Dzjx8RH/0BAyduVPiohbKyT32hU0hbm5QQA31D+bHoGZoWmOwxOSEGeoYmcssDgImFHXT0jBD96a1SOhdKczv1RWk+7xF9C146LmMEAgFq1qyJmTNn4s6dO1BXV8fly5dhbW2NV69ewdXVVebl5OQEAPDy8sL9+/eRnp4u3dbVq1cVEtOkSZOQkJAg8+oiVN5TGeKv3oVJA9mTmmnDGoi7ehcAIM7KQsLtRzBtkGdkhkAAk/oBiL8q/57UolJVVYe1ow9ePc79TEUiEV49vgo7l4py17Fz9ZUpDwChj67AvpDyyqKhqQtjCwfpy8zaFboGZgh7kjuvRUZaMt6/ug+bQmJTUVWHlYMPXudZRywSIezpVdg6y19HkdQ1dWFk7iB9mVi5QkffDG+eyeYQ8foerJ3kz7uhoqoOCzsfvH0mm8PbZyGwdi58ro6o8CcAcr/AKEJp3p/yKs15lIXjIi9VVXVYOfrg1ePcWEQiEcKeXIWdq/xYbF0qypQHgFePrkjrzsjMFroGZjJl0tOS8T70fqHb/DfKSl1oaOrC2NxB+jL93E69zp9H2D3YFNLmqKiqw8reB6+fyubx+kkIbL/STonFkontvvyIVoQvx3foI9njO/TxVdgXUv/2rr4IzX98P7wis7986ViI+fgGAyZsgLaekcJi/qKs7FNfqKqqw8bJGy/y1cXLR9fg4CZ/IkkHt4p48VC2Lp4/CIGDW8VC3yc+5iNSk+ML7bAoqtLcTn1Rms97RN+CnQtlyLVr1/Dbb7/h5s2bePv2LYKCghAVFQUvLy/MnDkTc+bMwbJly/D8+XM8ePAAGzduxKJFiwAAPXr0gEAgwODBg/H48WMEBwdjwYIFColLQ0MD+vr6Mq9/ckuEio429H09oe8ruVKj7WQLfV9PaNpJbsnwmDUGvhvnScu/WbML2k528JzzE3Q8nOHwXQ9YdW6OsKWbpGXClmyE3cAusOndDrqezij3xwyo6mjh3Wb5M/UqQo2mfXHrfCDuXDqAyA+hOLxlJjIz0uBfuz0AYO+aCTgRuEhaPqBxH7x4eAmXj25E1IdXOLN/BT6EPUK1Rj2kZVKT4xHx5gmiPrwEAER/DEPEmydIio9SWh4CgQBVG/XBpSOr8OzuGXwKf4YD6ydAz9Acnn6NpOW2LuiHG2e2Sf+u3rgfbl8IxL3L+xH1IRTB22YgKyMNvjU7SMskJ0Th49sniIt8CwCIDH+Oj2+fIC05XuE5+Nfvg6vH/sTL+6cR9f4Zjm4ZD10Dc7j65uawZ2lf3D6Xm0Plhv1x//IePLy6HzEfQ3FylySHctUlOcRHvUXI0T/w8e1DJMSE4+X90wjeMgG2rlVgZiP/SuO/VVb2p7KSR1k4Lmo06Yfb5wNx95Iklr+2zEBmRhr8akliCVo7AScDF+aJvTdePryEy8c2ICriFc4eWI4Prx+hasOe0s+keuM+uHB4FZ7eOYNP755h/9oJ0DMyh6d/I3khKERZqIu8eVwO/hPP755GZPgzHNowHnqG5vDIk8f2RX1l8qjWuD/uXNyD+1f2IzoiFEe3z0BWZhoqfM4jLuodLh9djYg3D5EQ8wHhobcRtHoU1NQ14VqurkJzqNmsL26eD8TtiwcQ+T4UhzZLju9KdSTHd+DqCTi+J8/x3bQPXjy4hEufj+/TQSvwPuwRAhpLju+c7CzsWD4aH8Ieocuw3yES5SApPgpJ8VEK7RjJryzsU3Vb9MW1s3tx48IBfHofiqANvyAzPQ1V6krqYufKSQjetVhavnazXnh2/zLOHdmEyPevcHzvHwh/9RA1m0jqIiM9BYe3L8CbF/cQG/UeLx5excaFI2FiYQ+PCrXkxqAIZaGdKivnvZJEoCIola+yiLdFlCH6+vq4cOEClixZgsTERDg4OGDhwoVo3rw5AEBbWxu///47fvrpJ+jo6KB8+fIYPXo0AEBXVxeHDx/Gd999Bz8/P3h7e2PevHno2FF5j2b8VgaVyiHg9Fbp394LfgYAvNsShPsDJ0HDygxanzsaACDtdThutBkK74WT4DiyD9LDP+LB0CmIPnlJWiYi8CjUzYzhPn0UNCzNkHjvCa63GoTMfJM8KlL5ai2QkhSH0/uXITkhGlb2Xugzdo10WFtCTASEeTpd7N380Hno7zgVtBQn9y2GiYUDeoxaDgtbd2mZp3fOYv/6n6V/7/lT8nzj+m2Ho0H7EUrLpUazQcjKSMORLdOQnpoIe7dK6DF6rcy9unFRb5GaFCf926dqC6Qmx+L8weVIToyChZ0XeoxeKzOs79a5Xbhw+A/p35vn9wIAtOn/m8yXMUWo2ngwsjLTcGLHNGSkJcLGpRI6Dl8nk0N89DukpeTm4FmpBVKTYnH5r2VITYqCmY0XOg1fJ70tQqiqhjdPQ3Dr7BZkZaRCz8gK7hWboHozxT+DvazsT2UlD6D0HxflqrVASlIszhxYjuSEKFjae6H3mLV56uKD9FY4ALB380enoQtwOmgJTu9bDBMLR3QbuUKmLmq1GISszDQc3vT5M3GvhF5j1kJNyff1l/a6+CKg6WBkZaQheJskDzvXSuj2w7p8ebxDWnJuHt5VJPV4/tAypCRGwcLWC91GrZMOG1dVU8e7Fzdx49RmpKUmQkffBPZuldF3ws4CExYWVYXqn4/voGVI+nx89/tJ9vgW5Dm+Hdz80GXY7zi1dylOBEqO756jc4/vxLhIPL1zBgCwYkp7mfcaOGkznL2qKjT+vEr7PlUxoDmSE2NxfO8KJMVHw9rBE4MmrpbechIXEwGBMPf4dnT3Q8/h83EscBmO7l4CU0sH9BuzHFZ2bgAAoVAFEW+f4ebFg0hPSYS+kTncy9dAsy4joaqmuIlB8ysL7VRZOu8R5ScQi8Xi4g6CSqbXr1/DyckJd+7cQcWKFRW67SNqHgrdXnFIufCkuENQiMzsstFzmpZR+vMw0Cl87hL6b5WV40JV8RO2F4vsnOKOoOhEorKxT2lrlv52Kj2zbNSFgXYZODAApGSU/oZKKCgbP6e6BJTOQe0XyinnUfLKVuehcm7HLk4cuUBERERERESlkrCM3mJQGpXO7ikiIiIiIiIiKjE4coEK5ejoCN41Q0RERERERH+HIxeIiIiIiIiIqEg4coGIiIiIiIhKpbxPOqHixZELRERERERERFQk7FwgIiIiIiIioiJh5wIRERERERERFQnnXCAiIiIiIqJSSaDC6+UlBWuCiIiIiIiIiIqEnQtEREREREREVCS8LYKIiIiIiIhKJaEKH0VZUnDkAhEREREREREVCTsXiIiIiIiIiKhI2LlAREREREREREXCOReIiIiIiIioVBIIOedCScGRC0RERERERERUJOxcICIiIiIiIqIi4W0RREREREREVCrxUZQlB0cuEBEREREREVGRsHOBiIiIiIiIiIqEnQtEREREREREVCScc4GIiIiIiIhKJQHnXCgxOHKBiIiIiIiIiIqEnQtEREREREREVCTsXCAiIiIiIiKiIuGcC1QsUi48Ke4Qikynjldxh6AYZaAuAODqjcTiDqHI6gToFXcICmGsk1XcIRSZk+774g5BIcLTLIs7BIWw0Iwt7hCKTEucUtwhKEREdunfp7xSbxR3CApxGXWLOwSFcDQu/edvU7XS30ZJOBV3AP+KQMjr5SUFa4KIiIiIiIiIioSdC0RERERERERUJLwtgoiIiIiIiEolgZCPoiwpOHKBiIiIiIiIiIqEnQtEREREREREVCTsXCAiIiIiIiKiIuGcC0RERERERFQqCVU450JJwZELRERERERERFQk7FwgIiIiIiIioiLhbRFERERERERUKvFRlCUHRy4QERERERERUZGwc4GIiIiIiIiIioSdC0RERERERERUJJxzgYiIiIiIiEolgZDXy0sK1gQRERERERERFQk7F4iIiIiIiIioSNi5QERERERERERFwjkXiIiIiIiIqFQSCAXFHQJ9xpELRERERERERFQk7FwgIiIiIiIioiLhbRFERERERERUKglVeFtEScGRC0RERERERERUJOxcICIiIiIiIqIiYecCERERERERERUJ51z4PxMSEoJatWqhWbNmOHLkSHGH882undqOS0c3IDkhGpb2nmjZazJsnSsUWv7h9WM4HbQM8dHvYWzpgKadx8Ldt670/x/dPIEbZ3fjw+tHSEtJwPczg2Dl4KW0+I1rVYbz2IEw8C8HTWtz3Oz4PT4dOv31depUhfeCidD1dkP6uwi8nPMnwrfslynjMKwHnMcMhIalGRLvP8Wj0b8i4cYDpeUBlP66yKtlDQ3UKKcOLU0BXr3Pwe7TaYiKFxVavkkVDfi6qcLCWAVZ2WK8+pCDgxfTERmXu84PnXXgZifbtF66l4Fdp9MVHn9ZqYvzx3bh1KFNSIyPho2DO7oMmARHt/KFlr8dcgJ/7VqBmKgPMLe0R9teP6Kcf23p/yfGx+DAtsV4ej8EqSlJcPXyR5eBk2Bu5aDUPA4fPox9e/ciLi4OTs7OGDZsGDw8POSWPXb0KE6fPo03b94AAFxdXdG3X78C5d++fYuNGzbgwYMHyMnJgb29PSZPmQJzc3Ol5HD26G6cOLAZCfExsHV0R/dBE+DkVk5u2Q9vQ3Fw10q8DX2CmKgIdOk/Do1a95Qp8/zRLZw4uAVvQh8jIS4awyYsgl+1+kqJPa8jhw/gwL49iIuLhaOTC4YMGwl3D0+5ZU8cO4Kzp0/gzZvXAAAXV3f07jtQpvzObZtx8cJZREdFQVVNFS6u7ujVZwA8PJV3fBz66wgC9+1HbFwcnJ2cMPy7IfD0cJdbNvjYcZw6cxavX0v2JzdXV/Tv21umfFpaGtZv2owrIdeQmJQESwsLtGvTCq1aNFdaDgBw6kggjh7YhoS4GNg5uqHXkHFwcfeRWzb8bSj271iD16FPER0ZgR4Df0TTNt1lyuzfuQYHdq2TWWZl44C5KwOVlgMABJ44j22HTyEmIRFu9jYY168LfFwd5ZY9e/0uNh44jvBPUcjOyYGdpRl6tmyIFrWrScvExCdixc4DuHb/KZJSU+Hn6Ypx/brA3ko5xzYAXDqxE2cOb0RSQjSs7T3Qod/PcHAtvK29e/U4jgauQGzUe5hZOqBV9x/h7VdHpsyn96E4vGMxQp/chEiUAwsbZ/T/cQmMTK2UlkdZ2Kf+OnwI+/Z9Pl84OeO7Yd8Xfr44dhRnTp/C67zni779ZcovWrQAp0+dklnPv1Il/PrrbKXlUJLwUZQlB0cu/J9Zv349Ro4ciQsXLuDDhw/FHc43eXAtGEd3zUP9dsMxbOY+WNp5YPOCwUhOjJFb/u2LOwhcNQ6V6nTEsF+C4OXXEDuWjcSn8OfSMlkZaXBw90eTLmP/kxxUdLSReP8ZHo6a+U3ltRxtUeXQasScu4ZLldsibPlmlF89C6aNa0nLWHVuDq/fJ+HFrD9wqWp7JN1/impH1kPdzFhZaZSJuviiURV11K2ogV2n07BgRzIys8QY3kEHqiqFr+Nqp4ILdzOxYGcyVuxNgYoQGNFRB+r5umkv38/EpFWJ0teBi4rvWCgrdXHr8jEEbf4dLTp/h4nzdsPWwQMrZn+HpAT5ebx6dhcbl0xAQIP2mDR/DypUbYA183/Ah7cvAABisRhr5v+A6MhwDB2/FJPm74axmTWW/TIEGempSsvj/PnzWLtmDXr07Inly5fD2ckJU6dMQXx8vNzy9+/fR9169TBn7lwsXLQIpmZmmDJ5MqKjo6VlIj58wE/jxsHWzg7z5s3DypUr0b1HD6irqyslhxuXjiNw40K06jIUUxbsgJ2jO5b+8j0S42Plls/MSIeZhS3a9x4FfUNTuWUyMtJg6+iOHoMnKSVmeS6eP4sNa1eha48+WLR8FZycXTBj6gTEx8fJLf/g/j3UrtsAs+YsxPyFy2FqaoYZU8YjJjpKWsbaxhZDho3EspVrMff3pTA3t8CMKROQkBCvlBzOXbiI1WvXo1ePbli5bDGcnRzx89TpiCtkf7r34CHq1amD3+fMxpKFv8PMzBSTpk5HdHTucbRq7XrcvHUbE8aNwbpVf6B929ZY8edqhFy9ppQcAODaxZPYuWEJ2nYdhJmLtsDOyQ0LZoz6yj6VATMLG3TuPRwGRiaFbtfG3hlLNwVLX5PnrlVWCgCAkyG3sGRrEAZ1bIEtv02Em4MtRs1dgdiEJLnl9XW10b99U6z/ZRx2zPsZresG4NdV2xBy7zEASTv106I1eB8ZjQXjhmLbnEmwMjPGiN+WIS09Qyk53Ak5igNb56Npx2EY+1sgrB08sHru0ELb2rDnd7B1+XhUq9ce4+YEolzlBtiwcBQi3r2Qlon+9BbLZvSBubUThk/diJ/m7UOT9t9BVU05bRRQNvapC+fPY+3atejRoxeWLV8BJ2dnTJ06udDzxYP791Gnbj3MmTMPCxcuhpmpGaZO+VnmfAEAlSpVxtZtO6Sv8eMnKi0HosKwc+H/SHJyMnbv3o1hw4ahZcuW2LRpk8z/Hzp0CG5ubtDU1ET9+vWxefNmCAQCmcbu0qVLqF27NrS0tGBnZ4dRo0YhJSVFqXFfOb4Zlet2hn/tDjC3cUXrvjOgpq6J2xeC5JYPObkFruVroVaLgTC3dkGjjj/AysEL107tkJapWLMt6rcdDhfvGkqN/Yuo4xfwfPoSfDp46u8LA3AY0g1pYeF4Mn4ekp++wpuV2/Fx33E4/dBPWsZpdH+8W78H4ZuDkPwkFA++n46c1HTY9euopCzKRl18Ud9PA8evpeNBaDY+RIuw5VgqDHQF8HVVK3SdlUGpuPY4Cx9jRHgfLcK242kw1hfCzkK2RyIzW4yk1NxXeqbi4y8rdXH6ry2o0bAjAuq3g5WdC7oNmQp1dS2EnDkgt/zZI9vhXbEmGrftD0tbZ7TuNgJ2zl44f2wXACAy4g3CXtxHt8FT4OBaDhY2Tug2eAqyMtNx8/JRpeWxf/9+NGveHE2aNIG9gwNGjBwJDQ0NnDhxQm758RMmoFWrVnBxcYGdnR1++OEHiEQi3Lt7V1pm8+bNqFylCgYOHAgXV1dYWVujevXqMDQ0VEoOJw9vQ63GHVCzYVtY27mg59DJUNfQxOVC6sLRzQed+v6IqrWaQU1N/nFT3r8W2vUYDr/qDZQSszwH9+9Fk2Yt0KhJM9jbO2LYiNHQ0NDAqRPH5JYfO/5ntGjVFs4urrC1s8eIH8ZCJBLj3r070jJ16zdERb9KsLSyhr2DIwYOGYbU1BS8DnullBz27T+I5s2aoGnjRnCwt8cPI76HhqYGjp+Qfw6Z9NNYtGnVAi4uzrC3s8WPo0ZALBLhzr170jKPnz5Fo4YN4FuhPCwtLNCyeTM4Oznh6fMXcrepCMcO7kDdJu1Qp1Fr2Ng7o9+wiVDX0MSFU4fllnd280a3/qNQvU4TqH3lB6qKigoMjUylLz19QyVlILHjyGm0a1ADresFwNnWChMHdoOmujoOnwuRW76StzvqV6kIJxtL2FqYoVvz+nC1t8G9Z6EAgLcfI/HwRRgmDOgGbxcHOFhbYMKAbsjIzMLxKzeVksO5I1sQ0KATqtVrD0tbF3QeOA3q6pq4dm6/3PIXjm6Dp29NNGg9ABY2LmjRZSRsnbxx8XjuOSN49zJ4VayNNj3HwtbJC6YW9ihXuT70DAr/EV9UZWGf2r8/CM2aNUPjJk1gb++AESNGQlNDAydOHJdb/qfxE9CqVWvp+WLUD6M/t1F3ZcqpqanB2NhY+tLT01NaDkSFYefC/5E9e/bA09MTHh4e6NWrFzZs2ACxWAwACAsLQ6dOndCuXTvcu3cPQ4cOxeTJk2XWDw0NRbNmzdCxY0fcv38fu3fvxqVLlzBixAilxZydnYkPrx/B2TtAukwoFMLFJwDvQu/KXefdy3twyVMeAFzL18LbQsqXRIbVKyL6jOyXlqiTl2BUvSIAQKCmBgN/H0SfvpJbQCxG9JkrMKzup5SYylJdmBgIYKArxNO32dJl6ZnA6485cLT6ytCFfDQ1JMPwUtPFMssre6ph7jA9/NxHF21qaUBNwTeglZW6yM7KwrtXT+BZobp0mVAohGeFanj1/J7cdcKe34NHhWoyy7x8ayDsc/nsLElPjpqahsw2VdXUEfrkDpQhKysLL1+8QMWKFWXes2LFinj65Mk3bSMjIwM5OTnQ/fxlUCQS4caNG7CxscGUyZPRvVs3jB49GleuXPmbLf072VlZeBv6BF55PluhUAivCtXw6tl9pbynMmRlZSH05XP4VvSXLhMKhfCt6I9nTx9/0zYkdZENPV35X8yzsrJw/OgR6OjowMnJRSFx59/+i5cv4Zdvf/Kr6IsnT59+0zYyMjKQnZMj8+PC29MTV69dR3R0DMRiMe7eu4/3Hz6gkn/FwjdUBNlZWXgd+hQ+vlWky4RCIXx8q+Dls6Ldvvfxwzv80K8Fxg1ph1ULpyIm6mNRwy1UVnY2noa9Q5VyubfJCIVCVCnniQcv/r5zSSwW4/rDp3gT8Ql+nq6SbWZJzj0a6rmdckKhEGqqqtIOCEXKzs5CeNhjuJeTbWvdylXHmxfy29rXL+7BvZzsOcOjQg1peZFIhMd3LsDcyhGr5gzB1KF1sHhKdzy48fVbPouURxnYp7KysvDy5QtUrJj7XU1yvvDD06f/5HxRsI168OA+enTviiGDB+KPFcuRmJio0NiJvgU7F/6PrF+/Hr169QIANGvWDAkJCTh//jwAYPXq1fDw8MDvv/8ODw8PdOvWDf369ZNZf86cOejZsydGjx4NNzc31KhRA8uWLcOWLVuQnq74Yd8AkJoUD5EoB7r5esF19U2QnBAtd53khGjoGph+c/mSSMPCFBmfZOPN+BQNNQM9CDU1oG5qBKGqKjIiY/KViYGGpfzhyUVVlupCX1vS9CWlynYKJKWIoK/zbfftCQB0qqeJ0PfZiIjJnXPh5tNMbDmahmWBKThxPQNVvNTRt7m2wmIHyk5dJCfFQSTKKXCVS8/ABInx8uNKjI+Gfr7y+oa55S1tnGBkaoWDO5YiNTkR2VlZOHFgA+JjPhW6zaJKTEyESCSCkZGRzHJDIyPExskfip/fxg0bYGxsDD8/yRfO+Ph4pKWlIXDPHlSqXBmzZs9GjRo1MHvWLDy4r/gf+1/qQt9Q9rYqPUMTJMTLHzZdEiUmJkAkEsEwf10YGiEuVv6w6fy2bFwLY2MT+PpVkll+41oIunZoic7tmuPQgb2YOXs+9A0MFBb7F9L9Kd8IFSNDQ8TGxX/TNtZt3AwTY2P4V/SVLhs+bCjs7e3Qo29/tGjbAZOnzcCIYUNRoZz8OTWKKilR0k4Z5NunDAyNkRD37/cpZ/dyGPzDNIydsRR9v5uAqE8fMHvSEKSlKmcUZXxiMnJEIhgbyP6QMzbQQ0x84T/eklPTULffj6jRexTGzP8T4/p2RrUKkjk6HK0tYWlqhD92HkRiciqysrOx+dAJRMbGI/or2/y3UhL/eVubFB8tp7yptHxyYiwy0lNx+tB6ePrWwneT1qB8lYbYuHg0Xj6+ofAcgLKxT305vg2NDGWWGxoaIi72G88XGzfA2NgEFf1yOygqVaqMMWPH4bff5qJ//4F48OABpk+bgpycHEWGX2IJhMJS+SqLOKHj/4lnz57h+vXr2L9fMvxNVVUVXbt2xfr161GvXj08e/YMVapUkVmnatWqMn/fu3cP9+/fx/bt26XLxGIxRCIRwsLC4OUlf2KrjIwMZGTI3kOYlakGNXUNueWJFK2ypxq6N9KS/v3ngaJ/YejSUBNWJipYvDtZZvnlB1nSf3+IFiExRYRRnXVhaiBEdELhk0WSYqioqmHIuMXY9ud0/NS/FoRCFXiUrwZvv1qAWPz3GygGe/bswfnz5zFv/nzpfApfRpVVDwhA+/btAQAuLi548vgxgoODUb5C4RN30r+3d89OXDx/FrPnLSwwt0V534pYsmINEhMTcOLYEcyf8yt+X7wChoZGhWyteOzasxfnL1zE73Nny+Rw8NBfePr0OWZOmwILczM8ePgIK/5cLemE8KtYfAH/Q76V8ty25egGZ/dyGDu4Da5fPoW6jdsWX2D5aGtqYNvcSUhLz8CNh8+wZFsQbCxMUcnbHaqqKpj34xDMWrMNjQb/BBWhEFXKeaBGRe+S2kwVIBZJzmflKtVHvRZ9AAA2jp54/fwurpzaA1fvKl9bvUQpLfsUAOzZsxsXzp/D3HnzZY7vunXrSf/t6OQERycnDBrYHw8e3JcZJUGkbOxc+D+xfv16ZGdnw9raWrpMLBZDQ0MDK1as+KZtJCcnY+jQoRg1alSB/7O3ty90vTlz5mDmTNmJDDsNmIbOg6b/7Xtq6xlCKFRBcr4Jh5ITYwpchf1C18C0wNXYr5UviTI+RUPDQjZeDQtTZCUkQZSegczoOIiys6FhbpKvjAkyPirn6mxprosHoVl4/TG39/7LpI162gIkpuR+k9PTESI88u97+Ts30EQ5ZzUs2Z2M+OSvfxN8HSHZnpmh4joXSnNd5KWrZwShUKXAhGJJCTGFThCob2iKxHzlE+Nly9u7eOPnBYFIS0lCdnYW9AyMMX9SDzi4yJ9NvKj09fUhFAoRl2+UQnxcHIyNvv7Dc9/evQjcswezf/sNTk5OMttUUVEp0Lba2dnh0eNvG97/T3ypi/yToiXFx8DAUHn3Tyuavr4BhEIh4vPXRXwcjIy/Ptnt/n17EBS4EzNn/w5HObc7aGpqwcraBlbWNvDw9MZ3g/rg1PGj6NS1h4Jz+Lw/5ZvcLS4+Hsb5rnbmF7hvP3bv3Yd5s3+Bc579KSMjAxu3bMX0yZNQrarkR5+zkxNCX4Vhb9B+pXQu6OlL2qmEfPtUQnzsVyfW+6d0dPVgaW2PTxHhCttmXob6ulARCgtM3hibkAQTQ/1C1xMKhbCzlDz5wd3RDmEfPmHTwROo5C15goeXsz22z/0ZyalpyMrOhpG+HvpPmQ8vZ8U/1UZH/5+3tXqGpnLKR0vL6+gbQaiiCgsb2WPFwsYZr57dVmD0eWIqA/vUl+M7Pt8opPj4eBgZ/835Yt9e7A3cg9mz58DJyfmrZa2srKCvb4CIDx/YuUD/qbI5HoNkZGdnY8uWLVi4cCHu3r0rfd27dw/W1tbYuXMnPDw8cPOm7CRCN27IDmvz9/fH48eP4erqWuD1tdnLJ02ahISEBJlXuz7fNoOtqqo6rB198OrxVekykUiEV4+vws6lotx17Fx9ZcoDQOijK7AvpHxJFH/1LkwaVJdZZtqwBuKu3gUAiLOykHD7EUwb5LkfUiCASf0AxF9Vzn3lpbkuMrKA6HiR9PUxRoSEZBE87HP7VzXVAUdLFWlnQGE6N9CEr6salgWmICbx7y8x2ZpLejISUhQ3aqE010VeqmpqsHP2wrMHubPVi0QiPHtwDc7uvnLXcXL3lSkPAE/vX4WTnPJaOnrQMzBGZMQbvA19jApVlPMIRDU1Nbi6uclMxigSiXD37l14FjKiCwACAwOxc+dO/Prrr3B3l33EoJqaGtzd3REeLvvl9v3790p5DKWqmhrsXbzw9L5sXTy5fx3OHqVnlISamhpcXN1xP89kjCKRCPfv3oGHp3eh6wUF7sKendsw/de5cHOX/zi4/MQiEbKysv6+4D+kpqYGN1dX3L2bey+8ZH+6Dy9P+Y/TBIA9e/dh+67d+O2X6XB3c5P5v+ycHGRnZxcYhisUCiFS0qVyVTU1OLp44vH93O8SIpEIj+/fhKtH4Y8//KfS01IR+fE9DI2U01GqpqoKTyc73Hj4TLpMJBLh5qNnKO/29R94eUn2l+wCy3W1tWCkr4e3EZF48uot6lRW/PGmqqoGWydvPH8oe3y/eHQNDm7y21pHN188fyR7znj+IERaXlVVDfbOPoiMCJMpExXxGsam1lCGsrBPqampwdXVDXfzTMYoPV985dG2ewMDsWvnDvzy6yy4uct/JG1e0dFRSEpK/NtO1bJCIBSUyldZxJEL/wf++usvxMXFYeDAgTDId39ox44dsX79euzZsweLFi3ChAkTMHDgQNy9e1f6NAmBQLLzT5gwAdWrV8eIESMwaNAg6Ojo4PHjxzh58uRXRz9oaGhAQ0P2Fgg19W//oVWjaV8ErZ0EG6dysHEuj5ATW5CZkQb/2pKhwnvXTIC+kQWadB4DAAho3Afr5/bB5aMb4e5bFw+uBeND2CO07Zc7eiI1OR4JMRFIio8EAER/lJwcdQ1MoWdo9s2xfSsVHW3ouOZegdR2soW+rycyYxOQ/i4CHrPGQNPGAvf6TwAAvFmzCw7f94TnnJ/wbtM+mNavDqvOzXGjzVDpNsKWbITvhnmIv/UQCTfuw3FUX6jqaOHdZvlPC1CEslAXX5y9k4Fm1TQRFSdCTKIILWtoIiFZjHsvc38sjOykg3svs3DhrmSSwC4NNFHZUx1rDqUgPVMMPW3JsZGeKUZWNmBqIERlTzU8CstCSroYNqYq6FBPEy/CJU+kUKSyUhcNW/XBlj+mwN7FG46u5XHmyDZkZKShev12AIDNy3+GobEF2vb8AQBQv2VPLJ4+AKcOb0Y5/zq4dfko3oY+Qo+h06TbvB1yArr6RjA2tcL7ty+wd+M8+FatDy9f5T0Fo3379li0cCHc3Nzg7uGBgwcOICMjA40bNwYALFiwACYmJujfvz8AIHDPHmzduhXjJ0yAuYUFYj/PB6ClpQUtLcktPB07dsTcuXNRvlw5VPD1xa2bN3Ht2jXMmzdPKTk0bt0LG5dPg4OrN5zcyuHU4R3IzEhDzQaSYcEblk6BoYk5OvSSjF7LzspCRLhkQrvs7CzEx0biXdgzaGhqwdxK0t6lp6Ui6uM76XtER77Hu7Bn0NbVh4mZlVLyaNu+E5YumgdXN3e4uXvi8MF9SM9IR6PGTQEAixfMhYmJKfr0HwQA2Be4Ezu2bsbY8T/D3NxSOjeD5ue6SE9PQ+Cu7ahavQaMjEyQmJiA4L8OIiYmGjVr11VKDh3bt8Xvi5bAzc0Vnu7uCDp4COnp6WjauCEAYP7CxTAxMcbAfn0BALsD92HLtu2YOH4cLMwtEPv53m0tLU1oaWlBR1sbFcqXw9oNG6Ghrg5zczM8ePAIp86cxdBBA5SSAwA0a9sDa5fOhJOrF5zdfHD88C5kpKehdqNWAIDVi6fDyMQcXfoMByDZp96/C5P+Oy4mCm9ePYemlhYsrOwAADs3LoVfldowMbNEfGw09u9cA6FQiOp1migtjx4tG2Lmn1vg5WwPH1dH7Dp6BmkZGWhVV3IRYPrKzTA3MsTw7pJjZdOB4/BytoethRkys7Nx5c5DBF+6jgkDukm3eerqbRjp68LSxBgv373Hos17UbeKL6pXKPwHZlHUa9kHO/6cDDtnHzi4lsP5o9uQmZGGanXbAQC2r5wEAyNztOr+IwCgTvNeWPFLf5z9axO8/ergTshRvHv1CF0Gz5Bus37r/tiydBxcPCvD1acqnt67hEe3z2P41I1KyQEoG/tU+/YdsGjRAsn5wt0DBw/uR3pGOho3lrzfwgW/w8TEBP36S47NwMA92LZ1K8aPnwBz84Lni7S0NOzYsQ01a9aCkZERIiIisGHDelhZWaNSpUqFxkGkDOxc+D+wfv16NGrUqEDHAiD58jp//nwkJSVh7969GDt2LJYuXYqAgABMnjwZw4YNk3YMVKhQAefPn8fkyZNRu3ZtiMViuLi4oGvXrkqNv3y1FkhJisPp/cuQnBANK3sv9Bm7RjqcOyEmAkJB7tUYezc/dB76O04FLcXJfYthYuGAHqOWw8I2t6f36Z2z2L/+Z+nfe/4cCwCo33Y4GrRX/NMvDCqVQ8DprdK/vRdI3vvdliDcHzgJGlZm0LLL/aKd9jocN9oMhffCSXAc2Qfp4R/xYOgURJ+8JC0TEXgU6mbGcJ8+ChqWZki89wTXWw1CZqTyJl8rC3XxxakbmdBQE6B7Yy1oaQgQ+j4HK4NSkJ1n4IKpgRC6Wrk9y3UqSo6F0V10Zba19ZjkEZXZOWJ4OKiivr861NUEiEsS4e6LbBy/pvgJT8tKXVSq2QxJiXH4a/dKJMVHw8bRA8Mn/wn9z0Px46I/QpAnD2ePiuj/w1wc3rkch3csg5mVPYaMXwpr+9wrtQlxUdi3+XckxcdA38gM1eq2RvOOQwu8tyLVrVsXiQkJ2LptG+JiY+Hs4oJffv1VOsljVGQkhILcfenIkSPIzs7Gb7Nny2ynR8+e0ol3a9SsiREjRmDPnj1YtWoVbG1tMXnKFPgoaQK+KrWaIikxDod2/onE+BjYOnlg1NQ/pHURG/1R5sp3fFwUfh2b+2PpxMEtOHFwC9x9KmHcr+sAAG9CH2PhtMHSMoEbFwIAAuq3Rv+Rvyglj9p16yMxMQE7tm5CXFwcnJxdMP2XuTA0klzBi46KhDDPFaNjRw4jOzsL836TvX2vW48+6N6rL4RCFYSHv8OZ2TOQmJAIPX19uLl7YM7vS2Dv4KiUHOrVqY2EhARs2bYDcXFxcHZ2xuxfZkj3p8ioKGnHPwD8FXwUWdnZ+PW3uTLb6dWjG/r0lNy28fP4n7Bh8xbMXbAQSUnJMDc3Q78+vdCqRXOl5AAA1Wo3RmJiHIJ2rEFCXAzsndwxbvpS6a02sdGfIMyzT8XFRmHaj72kfx89sA1HD2yDZzl/TJq9SlImOhJ/LpiC5KQE6BkYwd3LF1Pnb4C+gfLmvmgcUAlxiUlYs/cvxMQnwd3BBksnDpfeFvEpOk7m+E7LyMT8jbsRGRMPDXU1OFhb4Jfh/dA4IPeHXkx8ApZs3YfYhCSYGumjRe1qGNhBeXXhF9AcyYlxOLZ3BRLjo2Hj4ImhE1dB7/NtDnHRETJtrZO7H3qPmIfgPctxZPdSmFk6YMDYZbCyy21rK1RphM4Dp+HUoXXYv3kOzKwd0e/HxXD29C/w/opSFvapOnXrIiExAdu2bpUe37/8Miv3fBEVKXNVO/jIX8jOzsJvv82S2U6PHj3Rs1dvCIVCvA4Lw+lTp5CSkiKZHNi/Enr37vPVx28SKYNALC4tU8fQf2327NlYtWoV3r179/eF/6E9IaV/YjudOsq5uvBfS7nwbY8+KukuhCT9faESrk5A2XgmtbGO4oeK/9ecdN8XdwgKEZ5mWdwhKISF5rc96aEk0xIr52kG/7WI7NK/T3mlKudpBv+1y1DOyJn/mrF2anGHUGSmaqW/jQIAVxenvy9UAj3trLyRS8rkGXiiuENQOI5cIKmVK1eiSpUqMDExweXLl/H7779jxAjlXTkmIiIiIiIqirI6f0FpxM4Fknrx4gVmzZqF2NhY2NvbY+zYsZg0aVJxh0VEREREREQlHDsXSGrx4sVYvHhxcYdBREREREREpQw7F4iIiIiIiKhU4m0RJYfw74sQERERERERERWOnQtEREREREREVCTsXCAiIiIiIiKiIuGcC0RERERERFQqCYS8Xl5SsCaIiIiIiIiIqEjYuUBERERERERERcLOBSIiIiIiIiIqEs65QERERERERKWSUEVQ3CHQZxy5QERERERERERFws4FIiIiIiIiIioS3hZBREREREREpZJAyNsiSgqOXCAiIiIiIiKiImHnAhEREREREREVCTsXiIiIiIiIiKhIOOcCERERERERlUoCIa+XlxSsCSIiIiIiIiIqEnYuEBEREREREVGR8LYIIiIiIiIiKpX4KMqSgyMXiIiIiIiIiKhI2LlAREREREREVML98ccfcHR0hKamJqpVq4br169/tfySJUvg4eEBLS0t2NnZ4ccff0R6errS4mPnAhEREREREVEJtnv3bowZMwbTp0/H7du34evri6ZNmyIyMlJu+R07dmDixImYPn06njx5gvXr12P37t34+eeflRajQCwWi5W2daJCbLtY+nc7ddXSnwMA6NTxKu4QFOLt4WfFHUKRWZnkFHcICiESl/57Hy31Uoo7BIV4GalX3CEohKa6qLhDKLJ7T7KKOwSF+NnzSHGHUGTPTOsWdwgKMXd1UnGHoBA/DDQt7hCKLCJJu7hDUIhO1Urndec3Q9oVdwj/isOaA/+ofLVq1VClShWsWLECACASiWBnZ4eRI0di4sSJBcqPGDECT548wenTp6XLxo4di2vXruHSpUtFir0wpXMPIiIiIiIiIiqlMjIykJiYKPPKyMiQWzYzMxO3bt1Co0aNpMuEQiEaNWqEkJAQuevUqFEDt27dkt468erVKwQHB6NFixaKT+ZLTErbMhEREREREREVMGfOHBgYGMi85syZI7dsdHQ0cnJyYGFhIbPcwsICHz9+lLtOjx498Msvv6BWrVpQU1ODi4sL6tWrp9TbIti5QERERERERPQfmjRpEhISEmRekyZNUtj2z507h99++w0rV67E7du3ERQUhCNHjuDXX39V2Hvkp6q0LRMREREREREpkUBYOq+Xa2hoQEND45vKmpqaQkVFBZ8+fZJZ/unTJ1haWspdZ+rUqejduzcGDRoEAChfvjxSUlIwZMgQTJ48GUIlfG6lsyaIiIiIiIiI/g+oq6ujUqVKMpMzikQinD59GgEBAXLXSU1NLdCBoKKiAgBQ1jMdOHKBiIiIiIiIqAQbM2YM+vbti8qVK6Nq1apYsmQJUlJS0L9/fwBAnz59YGNjI523oXXr1li0aBH8/PxQrVo1vHz5ElOnTkXr1q2lnQyKxs4FIiIiIiIiKpUEwtL/COxv0bVrV0RFRWHatGn4+PEjKlasiGPHjkkneXz79q3MSIUpU6ZAIBBgypQpeP/+PczMzNC6dWvMnj1baTGyc4GIiIiIiIiohBsxYgRGjBgh9//OnTsn87eqqiqmT5+O6dOn/weRSXDOBSIiIiIiIiIqEnYuEBEREREREVGR8LYIIiIiIiIiKpVK66MoyyLWBBEREREREREVCTsXiIiIiIiIiKhIeFsEERERERERlU6C/49HUZYGHLlAREREREREREXCzgUiIiIiIiIiKhJ2LhARERERERFRkXDOBSIiIiIiIiqVBELOuVBScOQCERERERERERUJOxeIiIiIiIiIqEjYuUBERERERERERcI5F4iIiIiIiKhUEgh5vbykYE0QERERERERUZGwc4GIiIiIiIiIioS3RfwfioqKwrRp03DkyBF8+vQJRkZG8PX1xbRp01CzZs3iDk8usViM8weX487FQKSnJsLO1R/Ne02HiYXjV9e7cWY7Qo6vR3JCNCzsPNGs+xTYOFeQ/v/t87vx8NpfiHj7GJnpKfhp2XVoausrLY9rp7bj0tENSE6IhqW9J1r2mgzbPPHk9/D6MZwOWob46PcwtnRA085j4e5bV/r/j26ewI2zu/Hh9SOkpSTg+5lBsHLwUlr8xrUqw3nsQBj4l4OmtTludvwenw6d/vo6darCe8FE6Hq7If1dBF7O+RPhW/bLlHEY1gPOYwZCw9IMifef4tHoX5Fw44HS8gAk+9TVo8vwICQQGWmJsHbyR4POM2Bk7vjV9e5d3I6bZ9YjNTEKpjaeqN9xKiwdJHWYEBOOjb80lLtei35L4O7XXKE5XDm5AxeObEBSQjSs7D3Qts9k2LkUvj/dv3YMJ/YuR1z0e5haOKB5tzHwrFhXbtmgDTNw7cwetOo1EbWb9VFo3PmFnNyOC8Gfjws7T7T5mzweXDuGk/uWIS76PUwsHNCs61hpHjnZWTixdyme3buA2MhwaGrrwtUnAM26joW+kblS8zgdvAdH929FQnwM7B3d0HPwT3B2Lye37Pu3odi/YxVehz5FTFQEug8YgyZtesiUOXN0L84e24voyAgAgI29M9p0GYQKlZTbTovFYlw4tAx3LkqODVsXfzTvOQPGf9Pe3jy7HVdPrEdyQhQsbD3RpPtU2Djl1mPw1mkIe3IFyQmRUNfQho2LHxp0GAdTKxeF51Da29q8GvqpoIqHCjTVgTeRYhy6ko2YRHGh5R0tBKhdXgXWpkLoawuw7VQWnrwVyZRRVwWaVlaFl4MQ2hpAXJIYIY9zcP2ZqJCt/nu7T4dgy9ELiElIhru9Jcb3bINyznZ/u97xa/cwadUu1PPzxqJRveWWmb15P/adu46x3VuiZ5Naig5dxokj+3A4aDsS4mJh7+SKfkPHwNXdW27Zd29eYe/2dXgV+hTRkR/Re9APaNG2q0wZUU4O9u5cj0tnjyM+PgZGxqao27Al2nftB4FAuY/V69LUEA2r60JHS4inYRlYty8GH6OzCy3fOEAPTWrowcxY8rMh/GMm9p5MwN2nadIy04dZwsdVU2a9k1eSsHZfjMLjPx28B8cObEFCfAzsHN3Qc9D4r7a1B3auwuvQJ4iJikC3AWPRpLVsW3v2WKBsW2vnjNZdBiu1rb16ajsu5jnvter9N+e968dwap+kjTKxcEDTrmPh4Zt73ju5byme5znvufgEoGkX5Z/3Sgo+irLk4MiF/0MdO3bEnTt3sHnzZjx//hyHDh1CvXr1EBOj+BOAolw5tg7XT29Fi14zMODnPVDT0MKOxYOQnZVR6DqPrgfj5J65qNN6OAZPC4KFnQd2LBmElMTcPLMy0+FSrjZqtRiq9BweXAvG0V3zUL/dcAybuQ+Wdh7YvGAwkhPlf+5vX9xB4KpxqFSnI4b9EgQvv4bYsWwkPoU/z40/Iw0O7v5o0mWs0uMHABUdbSTef4aHo2Z+U3ktR1tUObQaMeeu4VLltghbvhnlV8+CaePcL4FWnZvD6/dJeDHrD1yq2h5J95+i2pH1UDczVlYaAICbp9fizoWtaNhlBrr9uAdq6lrYv2rgV/epZ7eDcWH/HFRvOhw9ftoPM2tP7P9zIFKTJHWoZ2SFwb9eknlVbz4SahracPSuo9D47109ir+2z0PD9t9j1Ky9sLL3xPp5Q5CcIH9/ev38Dnb+8ROq1O2AUbP2wbtSQ2xZPBIf370oUPbhjVN4+/Lef/Kl5P7VYBzZMQ8N2w/HiF/3wcreAxvmDy40jzfP72DXynGoXLcjRv4aBO9KDbFtyUh8fCc5LrIy0/Hh9WM0aDcMI2ftQ68fliEq4jW2LP5eqXlcu3QCuzYsRttugzFj0TbYObpj4cyRSIyPlVs+IyMdZpa26NxnBAyMTOSWMTYxR6feIzB94VZMX7AFXuUrY9mcsXj/NlSZqSDk+FrcOLMVzXvNQL9JkvZ259KvHxuPbwTjVOAc1G41HAOn7Ie5nSd2LR0o095aOvigdb85GDozGN1+WA+Ixdi5ZCBEohyFxl8W2tovapdXQYC3Cg5eycafh7OQlSVGv6ZqUFUpfB11NQEiYsU4HFL4j8UW1VThZitE4PksLAnKxJXHOWgVoApPO8V+LTx+7T4W7TqCIW0bYseMEXCzs8LwhRsQm5j81fU+RMdh8e5g+Lk7FlrmzK1HeBD6DmaGyrsg8EXIxVPYum4ZOnYfgN+WbISDkyvmTvsRCYUc35kZ6TC3tEb3vsNgWMjxfWjfNpwM3o9+343BwpU70aPf9zgctB3HDwcqMxW0ra+P5rX1sXZvDH5eGoGMTDEmD7GAmmrhP85iE7Kx40gcJi7+gEmLP+Dhy3SM728OWws1mXKnQpIweMY76WvbX/I/n6K4fukEdm9chDZdh2D6wu2wc3THol9GFNrWZmakw8zCBp16jyy0rTUysUCn3iMxfcE2TPt9KzzLV8HyuWOU1tbevxqM4B3z0KDdcAz/ZR8s7T2w6ffC26g3L+5gz8pxqFynI4b/EgQv/4bYviS3jfpy3qvfdhiG/7oPPUYtQ3TEa2xV8nmPSB52LvyfiY+Px8WLFzFv3jzUr18fDg4OqFq1KiZNmoQ2bdpIywwaNAhmZmbQ19dHgwYNcO/ePQCSUQ+Wlpb47bffpNu8cuUK1NXVcfr0169g/1tisRjXT21B7VbfwcOvISzsPNB2wDwkxUfi6Z1Tha539eQm+NXujIq1OsLM2hUte82Emrom7l7aJy1TrXFf1GwxBDbOvkqJPa8rxzejct3O8K/dAeY2rmjddwbU1DVx+0KQ3PIhJ7fAtXwt1GoxEObWLmjU8QdYOXjh2qkd0jIVa7ZF/bbD4eJdQ+nxA0DU8Qt4Pn0JPh0s/HPPy2FIN6SFhePJ+HlIfvoKb1Zux8d9x+H0Qz9pGafR/fFu/R6Ebw5C8pNQPPh+OnJS02HXr6OSspDsU3fOb0G1JsPgUr4RzGw80bTXfKQkRCL0QeG53T63EeVqdIFP9Y4wsXRFwy4zoaquiUdXJfuUUKgCHX0zmVfo/VNwr9gc6ho6Cs3h4tFNqFq/M6rU7QALG1e07z8dahqauHFe/v50+fhWuFeohbqtBsLCxgVNO4+CtaM3rpzcLlMuIfYTDm6ZjW7fz4eKivIHt108uhlV6nVG5TqSPNr1nwF1DU3cLOS4uHxiC9wq1EKdlgNhbuOCJp1+gLWjF0I+Hxea2noYOHEDKlRrDjMrJ9i7VkSbvlPwPuwR4qM/KC2PEwe3o06TdqjdsA1s7JzRZ9gkqGto4uLpQ3LLO7v5oGu/H1CtdlOoqqrLLVOxah34Vq4FS2t7WNo4oGOv4dDU1EboM+WN6vnS3tZqOQweFRvBwtYTbfrPR1J8JJ59pb29dnIjKtbqAt+akva2RU/JsXHvcm5761+nK+zdq8DQ1BZWDj6o2240EuMikBD9XqE5lIW29ouaPio4dy8HT96K8ClOjMAL2dDTArzsC//69jxchFO3c/D4TeGjEOzNBbjzIgdhH8WITwZuPBPhY6wYtmaKvfq3/cRFtK9TBW1rV4azjQUm92kHTXV1HLx4s9B1ckQiTF69G9+1awTbQjqZI+MSMH/7Icwe2hWqKsr/KnvkwC40aNoG9Rq1gq29EwZ+Px7qGho4d/IvueVd3L3Rc8AI1KjTGKpqanLLPH/yAJWr14Z/lZows7BCtZoNUKFiVbx88ViZqaBFHX0EnYrHzUdpeBuRhRU7o2Ckr4oq5bQLXefW4zTceZqGj9HZiIjOxq6j8UjPFMHNQUOmXEaWGAlJOdJXWkbhI2z+reOHtqFO4/a5be13P39uaw/KLe/k5oMu/UZ/va2tUgcVKtWCRf629rly2trLxzajcr3OqFRH0ka17TcDahqauFXI+Tvk+Ba4la+F2p/Pe42/nPdO5p73BkzYgPJ5znut+0zBh9fKPe8RycPOhf8zurq60NXVxYEDB5CRIf8qVOfOnREZGYmjR4/i1q1b8Pf3R8OGDREbGwszMzNs2LABM2bMwM2bN5GUlITevXtjxIgRaNhQ/nDwooqPDkdyQhScvHK/1Glq68HGuQLeh96Vu05OdiYi3jyCU54vggKhEE5eAQh/JX8dZcrOzsSH14/g7B0gXSYUCuHiE4B3heTw7uU9uOQpDwCu5WvhbSHlSyLD6hURfSZEZlnUyUswql4RACBQU4OBvw+iT1/JLSAWI/rMFRhW91NaXIkx4UhNjIKde+7+oaGlB0sHX0SE3ZG7Tk52JiLfPZJZRyAUwt69BiJey1/n07uHiHr/BD4BnRQaf3Z2Jt6HPYabT3XpMqFQCFefALx9eVfuOm9e3oVrOdn9yb1CTbx9eU/6t0gkwu5VE1G35QBY2ropNGZ5vhwXrj4Fj4vC8nj78p5MeQBwK18Lb1/ILw8AGalJEAgE0NRRzhXO7KwsvA59Cp8K1aTLhEIhvH2r4uWz+wp5D1FODq5dPI6M9DS4eBY+dLao4qPDkZIYBcf87a2TL96/KvzYiHj7SKaNlrS3NRBeyDqZGam4fzkIhqa20De2VFj8ZamtNdID9LQFCP2Q20mQkQWER4lhb160ToC3kWJ42guh//n3pJOlAKYGArx8r7jbIrKys/Hk9QdU83GVLhMKhajm7YL7L98Wut6ag6dhrK+DdnWqyP1/kUiEKWv2oE+zOnCxsVBYvIXJzspC2MtnKOdbWbpMKBSiXMUqePHs4b/errtXeTy8dxMR7yWfxZuwF3j65B4qVgr4mzX/PXNjVRjpq+L+83TpsrR0MV6+zYB7vo6CwggEQI2KOtBQF+L5G9nvkbX9dbDuFzssGGeN7i0Moa6m2M6q7KwsvAl9Cm/fqtJlQqEQ3hWqKqzTVaat9VB8W1vYec/V++vnPRefgm3Uu0LKA0C6ks97RIXhnAv/Z1RVVbFp0yYMHjwYq1atgr+/P+rWrYtu3bqhQoUKuHTpEq5fv47IyEhoaEhONAsWLMCBAwewd+9eDBkyBC1atMDgwYPRs2dPVK5cGTo6OpgzZ47SYk5OiAIA6OjLDmfT0TdFckK03HVSk+MgFuVAV8460R/DlBPoV6QmxUMkyoGugWw8uvomiI6QH09yQjR0DUwLlC8s55JIw8IUGZ9k4834FA01Az0INTWgZmQAoaoqMiJj8pWJgY6Hs9LiSkn6vE/pydaHtp4JUpLkf75pKZJ9SlvOOrGRr+Su8yhkL4wtXGDt5K+AqHPl7k+y+4eegQmiIuTHkhwfDb18x4OevimS4nPzPf/XOgiFKqjZtJdC4y1MYceFnr4Joj4UclzEyzkuDAo/LrIyM3B090JUqN4Smlq6igk8n6TPeegbyl5lNTAwxsfw10Xa9rvXLzF7Yn9kZWZCQ1MLIyb+Dhs7JR4bifKPDR19EyQnfr29LdBG65kgJt/+ePPcdpzZtwBZGakwsXBCj9EboVLI1cR/oyy1tXpakh9myWmyV3+T08XQ1Sraj7bDIdloV1MVE7ppIEckhlgM7L+cjdefFHelOT4pFTkiEYz1ZY87YwM9vP4YJXedO89f4+DFm9g5c1Sh290UfAGqKkJ0b/zfjCJJTJTsUwZG+Y5vQ2N8CH/zr7fbplNvpKWmYOyw7hAKhRCJROjSeyhq1Wta1JALZagvuZ8mIUn2VqSEpBzp/xXGzlINs0dZQU1VgPRMMRZsjMT7T1nS/790JxnRcdmITciBg7U6erY0grWZGhZull/X/4a0rc13fOsbmiDi/esibTv8zYt8be0CpbS10jYqX3upa2CCqH/YRiV95bx3fI9yz3slDR9FWXKwc+H/UMeOHdGyZUtcvHgRV69exdGjRzF//nysW7cOKSkpSE5OhomJbKOXlpaG0NDce88WLFiAcuXKITAwELdu3ZJ2RMiTkZFRYJREVqY61NTlr/Pg6mEc2Tpd+nf3Uav+TZpEUk9vHsLp3bn7VNuhq5X+ntmZ6Xh6+y9Ua1I67nkMD3uES8e34odZ+5Q+mdh/JSc7CztX/AiIxWjXf/rfr1ACWdk4YObiHUhLScaNkNNYt2wGJs5eo7AvvQ+vHULwttzPpusI5R4b5aq2gbNXTSQnROHqifUIWjMafSfshKrat101Lct8nYVoWzP3a9mWk1lfKV00Ad4qsDMXYOvJLMQli+FkKUCbAFUkpWYh9IPih7J/i5S0DExduwdT+3WAkZ7828gev36PnScvY8eMkaW+nbp66TQunT+BEeNmwNbeGW9ePceWdUs/T+zYQiHvUctfB0M65X6fm7Pu07/e1oeoLPy08AO0tYSoXkEbw7ubYvrKj9IOhtNXc+fRePcxC3GJOZg+zBIWJnH4FFP4/B8lhaW1I2Ys2om01GTcvHIK65ZNx4RZa5XamasMOdlZ2PXHjxCLxWjTr3Se96h0Y+fC/ylNTU00btwYjRs3xtSpUzFo0CBMnz4d33//PaysrHDu3LkC6xgaGkr/HRoaig8fPkAkEuH169coX758oe81Z84czJwpOwFg+37T0GHADLnl3SvWl5lhPDs7EwCQkhgDPcPcCeZSEqNhaSd/tm5tXSMIhCoFJsdJSSzY+/tf0NYzhFCoUmCSuuTEmELj0TUoODLja+VLooxP0dCwkI1Xw8IUWQlJEKVnIDM6DqLsbGiYm+QrY4KMj4q7auhcrgEsHXLn1cj5sk8lxUDHIHefSk2KgZmNp9xtaOlI9qkvkzfmXUdHr2CdvLh3DNmZ6fCq2k4BGcjK3Z9kP6OkhBjoFbY/GZoiKd/xkJQYDT1DSfmwZ7eQkhiLOT/k3t4kEuXgyPb5uHxsCyYu+bZ5Nv6Jwo6LpMQYaVz56RrKOS4SCh4XOdlZ2LHiR8RFf8CgSRuVevVG73Me+ScUS0iIhX4hE4h9K1U1NVhYSWbWd3T1wusXj3Hy8E70+35ykbb7hZtvAwxykn9syLa3MbCwk39sfGlvU/K3t0kx0MlXL5raetDU1oOxhSNsnH2xcHRVPLtzEj5VWykkn9Lc1j55K8K7qEzp36oqkh/PuloCJOUZvaCrKUBE7L+/fUFVBWhcSQU7TmfjWbhkO5/ixLAyFqFWOVWEflBMp4ahnjZUhMICkzfGJiTBRF+vQPnwqBh8iI7D6KVbpMtEYkneVQZORtCcMbjzPAyxSSloMW6etEyOSITFu4Kx48RlHFkwQSGx56WvL9mnEuLyHd/xsTA0+vcTD2/f+AfaduqNGnUaAwDsHV0QFfURhwK3KKxz4eajVLzIc+vCl0kbDfRUEJ9n9IKBngpev88ssH5eOTmQdhKEhWfCxU4DLT5PDCnPy7eS97U0VVVY54K0rc13fCfGx8CgkHPGt5Jpa128EPbyMU79tRN9hymmrf1C2kblay/lnce+KKyNyn++z8nOws4/fkR89AcMnKjc8x5RYTiGhAAA3t7eSElJgb+/Pz5+/AhVVVW4urrKvExNJY1YZmYmevXqha5du+LXX3/FoEGDEBkZWei2J02ahISEBJlX616TCi2voakLYwsH6cvM2hW6BmYIe5J7735GWjLev7oPG5eKcrehoqoOKwcfvM6zjlgkQtjTq7B1lr+OMqmqqsPa0QevHl+VLhOJRHj1+CrsCsnBztVXpjwAhD66AvtCypdE8VfvwqRBdZllpg1rIO7qXQCAOCsLCbcfwbRBnnsJBQKY1A9A/FX592r/G+qaujA0c5C+jC1doa1vhnfP8+xT6cn4+OYerJzkz/WgoqoOczsfmXXEIhHePQ+BlWPBdR5e3Qfncg2grav4p16oqqrDxskbLx/J7k8vH12FvWtFues4uFZE6CPZ/enFwxDYu0p+WPrXbIPRvx3AD7ODpC99I3PUbTkAA8evVXgOX/KwdvRBaL7jIvQredi7+hbI4+XDK7B3yy3/pWMh5uMbDJy4ATp6RsoIX0pVTQ2OLp54fP+6dJlIJMKT+zfgquB7dkViEbKzFHdFW0NTF8bmDtKXqZUrdPTNZNrOjLRkvA+7Bxvnwo8NK3sfvH4qe2y8fhIC20LWAQCxWDKB5JcOZEUozW1tZjYQm5T7iowXIylVDGfr3K9qGmqArZkAbyP//egCFaGk4yL/FkRiyf30iqKmqgovR2tcf5w76lEkEuH6k1BUcLUvUN7Rygx7fv0BO2eOlL7qVvRCZU9n7Jw5EpbGBmhZww+7fxklU8bMUB99mtfBH2MHKC74PFTV1ODk6oGH92/J5PHo3k24ech//OG3yMxILzD6QihUkXaoKEJ6hhifYrKlr/BPWYhLzEZ5t9xHRmppCOBqr1Fg/oS/IxTgq0+YcLSW3O4Ul6i4p8GoqqnBwcUTT+7fkC4TiUR48uAGXDwKv8j1b4hFImRnKa5t+kJ63st3/g59/Dfnvfxt1MMrsMtT/kvHQszHNxgwYQO0lXzeK2kEQkGpfJVFHLnwfyYmJgadO3fGgAEDUKFCBejp6eHmzZuYP38+2rZti0aNGiEgIADt2rXD/Pnz4e7ujg8fPuDIkSNo3749KleujMmTJyMhIQHLli2Drq4ugoODMWDAAPz1l/xZkzU0NArcNqGm/u0nT4FAgKqN+uDSkVUwtnCEoakNzh1YBj1Dc3j6NZKW27qgHzz9G6FKA8n94tUb98PBDRNh5VAO1k4VcP3UZmRlpMG3ZgfpOskJUUhOiEZcpGRCpcjw51DX1IGBsRW0dA2/OcZvUaNpXwStnQQbp3KwcS6PkBNbkJmRBv/a7QEAe9dMgL6RBZp0HgMACGjcB+vn9sHloxvh7lsXD64F40PYI7TtlzsKJDU5HgkxEUiKl3TufJlPQtfAFHqGZgqNH5A8ilInz5dCbSdb6Pt6IjM2AenvIuAxaww0bSxwr7/k6tGbNbvg8H1PeM75Ce827YNp/eqw6twcN9rkPvozbMlG+G6Yh/hbD5Fw4z4cR/WFqo4W3m2WP2uyIggEAvjV7YPrJ/6EoZkDDExscSV4KXQMzOFSPnef2reiL1wqNEbFOpJ9yr9ef5zYPgEW9uVgaV8Bt89vRlZmGryrdZDZfnzUG7wPvYF2Q9coLYfazfthz+pJsHUqB1uX8rh0bAuyMtJQua5kf9q9aiL0jczRvKtkf6rZtDdWz+6LC8Eb4VmxLu6FBOP9q4foOECyP+noGUJHz1DmPVRUVKFraAozaycl5tEXgWskx4Wdc3lcPi45LirVkeSxZ5XkuGj2JY8mfbDmtz64GLwRHhXr4v7VYLwPe4T2n/PIyc7C9uWj8eH1Y/Qd8yfEohwkxUvu+dXSNSh0tvCiatK2J9YtnQFHV284u/ngxOEdyEhPQ62GrQEAa5dMg6GJOTr3HgFAMjHZh3evpDHHxUbh7atn0NDSll49C9y6AhX8a8DE1BJpaam4evEYnj28hbHTlyslByC3vb0c/CeMzR1gaGqL8weXQs/QHB552tvti/rCvWJjaXtbrXF/HNo4Qba9zUxDhc/tbVzUOzy+GQxn75rQ1jVGUvxHXDm6BmrqmnAtV1ehOZSFtvaLy49yUN9XBTEJYsQli9HIXwVJaZJRDl8MaKaGx29ycPWJZJm6KmCin/ul1UhPACtjAVIzxEhIkUwK+SpChGZVVJCVLUZ8shiOlkL4uQoRfF2xw9d7NqmN6esC4e1oAx9nO+w4cRlpGZloU6sSAGDq2j0wN9THyM7NoKGmBldb2ck99bQlP4K/LDfUVYWhruwtE6oqQpgY6MLRSnn10LJdN/y5eBacXT3h6u6Nowd3IyM9HXUbSUbcrFz0C4xMzNC97zAAkuM7/J1kH8nOzkZcTBRev3oOTU1tWFrbAgD8q9TCgT2bYWJmATt7Z7x+9RzBB3ahXuOWSssDAIIvJKJDIwNERGchMiYb3ZobIS4xGzcepkrLTP3OAtcfpOL45SQAQPcWhrj7NA3RcTnQ1BCglr8OvF00MXut5DYLCxNV1PLTwe2naUhOEcHeWg192xjjcWg63kYo9vaepm16Yd2y6XB08YKTWzmc/OtLWyt54tnapdNgZGyGTr1HAvjc1oZL2trs7CzEx0TibdgzaGjmtrV7ty5Hef+aMDGzRHpaCq5eOIZnj25hzLQVCo39i5rN+mLf5zbK1rk8rpyQPe8Frpa0UU27fG6jmvbBut/64NLRjfDwzT3vtctz3tuxfDQi3jxG7zF/QvQfnfeI5GHnwv8ZXV1dVKtWDYsXL0ZoaCiysrJgZ2eHwYMH4+eff4ZAIEBwcDAmT56M/v37Sx89WadOHVhYWODcuXNYsmQJzp49C319yQy0W7duha+vL/78808MGzZMKXHXaDYIWRlpOLJlGtJTE2HvVgk9Rq+VuU83LuotUpPipH/7VG2B1ORYnD+4HMmJUbCw80KP0Wtlhp3dOrcLFw7/If1783zJF+U2/X+T6YRQhPLVWiAlKQ6n9y9DckI0rOy90GfsGmk8CTEREApyr1DZu/mh89DfcSpoKU7uWwwTCwf0GLUcFrbu0jJP75zF/vU/S//e86fkGez12w5Hg/YjFBo/ABhUKoeA01ulf3svkLz3uy1BuD9wEjSszKBlZyX9/7TX4bjRZii8F06C48g+SA//iAdDpyD65CVpmYjAo1A3M4b79FHQsDRD4r0nuN5qEDIj5Q+1VJTKDQcjOzMNp3dPQ0ZaIqydK6H9d+tk9qn4mHdIS8ndpzz8WyAtORYhwcuQmhgFU1svtPtuHXT0ZYcmPrq6D3oGlnDwqKW0+H2rN0dKYixO7FuOpIRoWDt4YsD41dJhkvHRERDk2Z8c3f3Q/fv5OB64DMf2LIGppQP6/LgclnbKfyrE11So3gLJSXE4tW8Zkj4fF/1/WpObR4xsHg7ufug27Hec2LsUxwMXw9TCAb1GL4elneS4SIyLxJPbZwAAy6a0l3mvwT9vhrNXVShDtVpNkJQQhwM7VyEhLgb2Tu4YM305DAwlt0XERH2UySM+NgrTx/SU/n3swFYcO7AVHj7+mDhb0imVFB+LtUumIyEuGlo6urBzcMPY6cvhU1F2NJCiBTQdjKyMNARvk7S3dq6V0O2Hdfna23dIS849NryrtEBKUizOH1qGlMQoWNh6oduoddD9fGyoqqnj3YubuHFqM9JSE6GjbwJ7t8roO2FngYkgi6ostLVfXHyQA3VVoF1NVWiqA28ixdh0PAvZeS4GG+sJoK2Z25lgYyrAoBa5PyZaVpN81bv9Igf7Lko6D3afy0KTSqroUlcNWhpAfLIYJ2/l4PpTxT0tAgCaVquAuKRk/HngFGISkuBhb4UVY/rDxEByW8THmHgIS8HcCQG1GyExIR57t69FfFwsHJzdMHHmIultEdFRn2SO77jYaEzK88jlv/bvwF/7d8CrnB+mzZF85+g39Efs2b4WG/9cgISEOBgZm6Jhs7bo2E05IzC+OHg2ERrqQgztZAptLSGehqXjtzWfkJWde9HHwkQN+jq5Ezwa6KpgeHczGOmrIDVNhDcRmZi99hMefH7qRHaOGOXdtdCijj401IWIic/GtQepCDoZr/D4q9ZqgqTEOBzYJWlr7Zzc8eO03LY2NuqjzD4VHxeFGWN6SP8+dnArjh3cCg+fSpgwS9LWJibEYd3SaZK2VlsXto5uGDNthdLa2grVP7dRQbnnvX4/ybZRMuc9Nz90GfY7Tu1dihOBkjaq5+jcNioxLhJP70jOeyvynfcGTlLeeY9IHoFYrMDxV0TfaNvF0r/bqauW/hwAQKeO/HkrSpu3h58VdwhFZmWiuOGjxUkkLvk/Fv6OpV5KcYegEC8jC97bXhppqiv2R29xuPdEeRM0/pd+9jxS3CEU2TNTxY6WKS5zVycVdwgK8cPA0jOXVGEikrSLOwSF6FStdN4x/2lC7+IO4V+xmLf17wuVMhy5QERERERERKVSWZ2/oDQqnd1TRERERERERFRisHOBiIiIiIiIiIqEnQtEREREREREVCScc4GIiIiIiIhKJyGvl5cUrAkiIiIiIiIiKhJ2LhARERERERFRkfC2CCIiIiIiIiqVBAI+irKk4MgFIiIiIiIiIioSdi4QERERERERUZGwc4GIiIiIiIiIioRzLhAREREREVGpJOCjKEsM1gQRERERERERFQk7F4iIiIiIiIioSNi5QERERERERERFwjkXiIiIiIiIqFQSCAXFHQJ9xpELRERERERERFQk7FwgIiIiIiIioiLhbRFERERERERUOvFRlCUGa4KIiIiIiIiIioSdC0RERERERERUJOxcICIiIiIiIqIi4ZwLREREREREVCrxUZQlB0cuEBEREREREVGRsHOBiIiIiIiIiIqEt0UQERERERFRqSQQ8Hp5ScHOBSoWaRml/96oqzcSizsEhfA5/Ky4Q1AI+9YexR1CkZ1ddqe4Q1AIFyft4g6hyCJi9Io7BIXQ0SruCBQjR1T6zxk+7urFHYJC7EjtUNwhFFnKU3Fxh6AQXboYFXcICvEwvPT/MBSXjV2KqMhK/9FMRERERERERMWKnQtEREREREREVCS8LYKIiIiIiIhKJz6KssTgyAUiIiIiIiIiKhJ2LhARERERERFRkbBzgYiIiIiIiIiKhHMuEBERERERUakkEPJ6eUnBmiAiIiIiIiKiImHnAhEREREREREVCW+LICIiIiIiolJJwEdRlhgcuUBERERERERERcLOBSIiIiIiIiIqEnYuEBEREREREVGRcM4FIiIiIiIiKp0EvF5eUrAmiIiIiIiIiKhI2LlAREREREREREXC2yKIiIiIiIioVOKjKEsOjlwgIiIiIiIioiJh5wIRERERERERFQk7F4iIiIiIiIioSDjnAhEREREREZVOQl4vLylYE0RERERERERUJOxcICIiIiIiIqIiYefC/6lNmzbB0NCwxGyHiIiIiIiISi/OuVAC9evXD5s3b8bQoUOxatUqmf8bPnw4Vq5cib59+2LTpk3/+j26du2KFi1aSP+eMWMGDhw4gLt37/7rbSqTWCzG5SPL8OByIDLSEmHt7I/G3WbAyNzxq+vdOb8dN06tR0piFMxsPNGwy1RYOVaQ/v+uJb0R/uK6zDq+tbqicfdflJEGAKBlDQ3UKKcOLU0BXr3Pwe7TaYiKFxVavkkVDfi6qcLCWAVZ2WK8+pCDgxfTERmXu84PnXXgZid7OF+6l4Fdp9OVkoNYLMbVo8vwIORzfTj5o0Hnv6+Pexe34+aZ9UhNjIKpjSfqd5wKSwdJfSTEhGPjLw3lrtei3xK4+zVXWPzGtSrDeexAGPiXg6a1OW52/B6fDp3++jp1qsJ7wUToersh/V0EXs75E+Fb9suUcRjWA85jBkLD0gyJ95/i0ehfkXDjgcLiLkzTKmqo5qUKLQ0g7KMIQRcyEZ0gLrR8Az9VlHdWgZmhENk5wOuPOThyNQtR8ZJ1tDQk23S3U4GRrgDJaWI8DMvB8RtZSM9UfPylfX/6QiwW49rRZXh4NTeP+p1nwNDM8avr3bu4HbfPrEdqUhRMrT1RN08eAJCSGIVLh+bj3bMryMxIgZG5E6o0/g6uvk0VnsOXPC4eXoa7FyV52Lr4o2mPGTC2+Hoet85ux7WT65GcEAVzW0806TYV1k65eRzdNg2vn1xBckIk1DS0Yevih/odxsHE0kUpOZw9sBy3LwQiPTURdq7+aNVnOkz+Jofrp7fj8rH1SE6IhqWdJ5r3nAJb59wcsrIycGLXPDy8fgTZ2VlwLVcTLXtNh66BqcJz+JLHuYOyebTs/Q15nNmOK3nz6DEFNnnyuHV+Nx5c+wsRbx4jMz0FE5Zfh6a2vtJyKAvnb7FYjBsnluPJNUkelo7+qNNh+leP7w+vbuDuufWIev8IqYlRaNZ3BZzKNSrydv+tq6e242LwBul+0ar3ZNi5VCi0/IPrx3Bq3zLER7+HiYUDmnYdCw/fugCAnOwsnNy3FM/vXUBsZDg0tXXh4hOApl3GQt/IXOGx5yUWi3EleBkeXglEeloibJz80bDr3+9Tdy9sx83TuftU/U6y+xQAfAi7g8uHFyPizX0IhUKY2Xihw/froaauqZQ8QoJlz30Nu3xbHrfOyOaR99y3Yab8c1/L/so595UEAoGguEOgzzhyoYSys7PDrl27kJaWJl2Wnp6OHTt2wN7evkjbzsrKgpaWFszNldv4K9L1k2tx59xWNO42Az1/2gM1dS3sXTEQ2VkZha7z9FYwzgXNQUCL4eg9cT/MbT2xd8VApCTFyJSrULMLhv12Sfqq02680vJoVEUddStqYNfpNCzYkYzMLDGGd9CBqkrh67jaqeDC3Uws2JmMFXtToCIERnTUgXq+rsHL9zMxaVWi9HXgonI6FgDg5um1uHNhKxp2mYFuP0rqY/+qr9fHs9vBuLB/Dqo3HY4eP+2HmbUn9v85EKmf60PPyAqDf70k86refCTUNLTh6F1HofGr6Ggj8f4zPBw185vKaznaosqh1Yg5dw2XKrdF2PLNKL96Fkwb15KWsercHF6/T8KLWX/gUtX2SLr/FNWOrIe6mbFCY8+vfkVV1Cqvin0XMrFsXzoys8QY3Erjq/uUs7UKLj/MxvKgdKw+nA4VoQBDWmlI9ykDHQH0dQT460oWFuxOx+6zmfC0V0GXeupKyaG0709f3Dq9FncvbEX9zjPQ9cc9UFXXwoG/yeP57WBcPDAH1ZoNR7dx+2Fq44mDq3LzAIAT2ycgPjIMrQb9iZ7jD8OlQmMc3TQakeGPlZLH1eNrcfPMVjTrOQN9J+6BmoYWdi/7eh6PbwTj9N45qNVyOAZM3g8LW0/sXjYQKYm5eVja+6Bl3zkYPCMY3X5YD7FYjF1LBkIkylF4DpePrsO1U1vRqs8MDJqyB+oaWti6cBCyvpLDw+vBOL57Luq1GY6h04NgYeeBbYsGITlPDsd3zsGze2fR+ful6D9hC5LiI7H7j5EKjz9/Hi17z8CgyZI8ti0a9NW6eHg9GCd2z0XdvHksHiRTF1mZ6XAtVxu1Ww5VWuxflJXz991z6/Dg0lbU6TADHUdK8vhr3dfrIiszDSbWnqjdbppCt/tv3L8ajOAd89Cg3XAM/2UfLO09sOn3wTL7d15vXtzBnpXjULlORwz/JQhe/g2xfclIfAp//jm3dHx4/Rj12w7D8F/3oceoZYiOeI2ti79XaNzy3Di1FnfPb0XDrjPQY6ykjQpa+TfnjFvBOL9/Dqo3H45e4/fDzMYTQStl29oPYXcQtHIQHDxroce4QPQYtxcV6/SEQKCcn0s3T0nOGY26zED3MZK6D/rzG899zYaj50+Sc0bePPSMrDBk1iWZV4CSz31EebFzoYTy9/eHnZ0dgoKCpMuCgoJgb28PPz8/6bJjx46hVq1aMDQ0hImJCVq1aoXQ0FDp/79+/RoCgQC7d+9G3bp1oampie3bt8vczrBp0ybMnDkT9+7dg0AggEAgkI6KWLRoEcqXLw8dHR3Y2dnh+++/R3Jy8n/yGXwhFotx++wWVG82DK6+jWBm44kWfecjOSESL++dKnS9m6c3onyNLigf0BGmVq5o3G0m1NQ18TBkn0w5VXVN6BiYSV8aWrpKy6W+nwaOX0vHg9BsfIgWYcuxVBjoCuDrqlboOiuDUnHtcRY+xojwPlqEbcfTYKwvhJ2F7K/HzGwxklJzX8q4wgxI6uPO+S2o1mQYXMpL6qNpr/lISYhE6IPC6+P2uY0oV6MLfKp3hImlKxp2mQlVdU08uiqpD6FQBTr6ZjKv0Pun4F6xOdQ1dBSaQ9TxC3g+fQk+HSw83rwchnRDWlg4noyfh+Snr/Bm5XZ83HccTj/0k5ZxGt0f79bvQfjmICQ/CcWD76cjJzUddv06KjT2/GpXUMOpW1l49DoHEbFi7DqTCX1tAco5Fd67sO5IBm4+y8GnODEiYsTYdSYDRnpC2JpJTgkfY8XYcjwTj9/kICZRjJfvRTh6LQvejioQKvjiQFnYn77kcffCFlT9nIeptSea9JTk8eoredw5txHlArrAu5okjwadJXk8vpbbTn0Mu4MKtXvB0qECDEztULXJ99DQ0kfku0dKyePG6S2o2WIY3Cs2grmtJ1r1n4+k+Eg8v1t4HtdPbYRvrS6oULMjTK1d0aynJI/7V3Lz8KvTFfbuVWBoagtLex/UbTsaiXERSIh5r/Acrp7cgjqtv4OnX0NY2nmg/aB5SIqPxNPbhecQcnwT/Ot0hl/tjjC3cUWrPpJzxp2LkhzSU5Nw++I+NO02Ac5e1WHtWA5tB8zBu5d38C70rkJz+JLHtVNbUKeVJA8LOw+0G/j3eVw98TmPWh1hZu2KVr0/53Epty6qN+6LWi2GwNbZV+Fx58+hLJy/xWIx7l/cgkoNv4NTuYYwsfZAg27zkJoYibBHhefh4FkH1ZqNhnP5xgrd7r9x+dhmVK7XGZXqdIC5jSva9psBNQ1N3DofJLd8yPEtcCtfC7VbDoS5jQsad/oB1o5eCDm5AwCgqa2HARM2oHy15jCzcoK9a0W07jMFH14/Qnz0B4XGnpdYLMadc1tQrekwuFaQ7FPNen/ep+4X/pndOitpa8tV7wgTK1c06ippo/LuU+eC5sCvbm9UbTIEplZuMLZwhod/C6iqKb5jXSwW4/b5z+eMPHmkJEQi9Ct53D6b59xn5YpGn899D79y7nt5/xTc/ZRz7iPKj50LJdiAAQOwceNG6d8bNmxA//79ZcqkpKRgzJgxuHnzJk6fPg2hUIj27dtDJJIdZj9x4kT88MMPePLkCZo2lR1K27VrV4wdOxY+Pj6IiIhAREQEunbtCgAQCoVYtmwZHj16hM2bN+PMmTMYP155VwbkSYgJR0piFBw8akiXaWjpwcrRFx/C7shdJyc7E5/ePYKDZ+46AqEQ9p418OGV7DpPbhzGH+OrYeOsVrhwcCGyMtPyb04hTAwEMNAV4unbbOmy9EzJkHRHq69cZs5HU0Py6y41XXbYe2VPNcwdpoef++iiTS0NqCnppqfEmHCkJkbBzl22PiwdfBHxlfqIfPdIZh2BUAh79xqIeC1/nU/vHiLq/RP4BHRSbAL/gmH1iog+EyKzLOrkJRhVrwgAEKipwcDfB9Gnr+QWEIsRfeYKDKv7QVmM9SQjDF6E5175Tc8E3kaK4GDx7c27pvrnfSqj8FspNDUk2xYVXuRfKSv7U2F5WDj4FhpTTnYmIsML5mGXLw9LJz+8uHMU6SnxEItEeH77CLKzM2DrWlXhecRHS9pbR6/cmDS19GDt5Iv3rwrP4+PbR3Dyks3D0bNGoetkZqTi/pUgGJraQt/IUqE5xEWFIzkhCs7eeXLQ1oOtcwWEF9IJkJ2diQ9vHsmsIxQK4ewdIF3nw5tHEOVkyZQxs3KGgYl1odstivjowvMorDMj50se+eoibx7/pbJy/k6KDUdqUhRs3WTzMP8fe/cd31T1PnD8k+69916UAqVlD5lliCwBEURRhqiAKCAO5KsiTnDLUBAUZClDhoDsPcvee7SU0dK923Skvz9SElJSRJsI5fe8X6/7gt6ee3Oe3vEkJ+ecGxDFravHHrr9VlRSUsTN+NOE1WmuWWdiYkJY7eYkXNL/OgmXjhN6R3mAsLotuVZJeVA3wCkUCqxsjTPEBrTnVECFc8or6N4549a10zrnocLEhMCa2nttfk4aSfHHsbF35fdv+zHjf4+xePLz3Lh8yGhx5OuLIzCam/fIGbeundbZRmFiQkDNxyqN/VaCOvdFNnvw76WMysSkei6PIJlz4SH2/PPPM27cOK5evQrAnj17WLRoEdu3b9eU6d1b91vR2bNn4+7uzpkzZ4iMjNSsHz16NE899ZTe17G2tsbOzg4zMzO8vHTf5I0ePVrz/6CgID799FOGDRvGjz/+WMXo7l9edgoANg6uOutt7F3Jy07Vu01BbgZlqlJs7XW3sbV3JT3piubnWo264eDig52jByk3zrPzz6/JuBVHj1emGTgKcLBR30Ry8nU/neXkqXCwvb+vgxXA022tuHyjhMQ0bQPSoXNFpGeXkZWnwsfNlB6trPBwNuXn1fkGq/9teTnq41Hxb2tj70peTiXHI099PGz0bJOefEXvNqf3/YGLZyg+wQ0MUOuqsfR0Q3lLNzblrVTMHe0xsbLE3NkREzMzlMlpFcqkYVszxGj1srdRnzc5BbrnVG5+meZ3f0cB9GhhQVxiKUnp+lsObKygY0NzYs+U6P19VTwq51N+eRz66pRf2X3qHnFk3NLG0WXg96yb+wYz32uKiYkZZhZWdH1xGk7ugQaOQnu/ta1wv7V1cCUvS38c+bn647B1cCUtSfd4HN6+kG3Lv6ZYmY+LZzD9Rs/B1Myw3wrmlsdgd1cMbuRWFkOOOgZ926Qmxqn3m5WCqZk51hXmJrB1cK10v1WRm1XZsXCrNPfdjkPfNrfj+C89Kvn79vVtXfFatXMjv5L71IPc792vk4lKz/lt5+hKSiXnRW5W6l1zidg5uJJTybleXKRkw5JviGrWFSsj9gDNz9Z/r7W91zl1+16r5zxML7/XZqZeA2Df2mm07vUOHr61OHNgJX9MG8SAcWv+dh4EQ8VhiJxxp1Ox5bkv5MG/lxL/P0jjwkPM3d2drl278uuvv1JWVkbXrl1xc9O90V+8eJHx48ezf/9+UlNTNT0WEhISdBoXGjVq9K/qsHnzZiZOnMi5c+fIzs6mpKSEwsJC8vPzsbGxua99KJVKlErd8WPFRZaYW1jqLX/mwCo2/f6h5uenXv3pX9X9fkS3fEbzf3ffmtg5urNkyiAyUxJwcq/a3BaNIsx5toO15ufpK/OqtD+Avu2t8HY15bvFukNT9pws1vz/ZqqK7DwVI/vY4eZoQmpW5ZNF3o9zh1axZbH2ePQYarzjcVtJUSHnjqyh6ePGH7tZndSvYcrTbbQfxH75q+pjcnu1NsfLRcEPK/Xvy9IcXupiya2MMjYeKtZb5p94VM6nc4dWsW2JNo7urxgvjn3rJqMsyKbXq79iZevMlZObWffraJ4euRA3n5pV2vep/atYv1AbR9/XjHs86jR9kuBaLcjNSmH/pl9YOXM0L7zzO2bm+vPB/TixbzWr52lj6D96xj1KP7xOxK5mzR1xPDeq+sXxqOTvC0dWs2OZNo6uL1a/Y/FfKi0pZtEPb1BWVsaTgz78+w3+gbMHV7F5kXafPYcZ6ZwqU79XimrxDJHN1F/cefjXJuHCPk7FLqPVk29WafdnD+rmvp7/Ue47f3gNTTvJeynx35HGhYfciy++yGuvvQbADz/8cNfvu3fvTmBgILNmzcLHxweVSkVkZCRFRboD7m1t//k4q/j4eLp168bw4cP57LPPcHFxYffu3QwZMoSioqL7blyYOHEiH32kO3Fetxc+5MkBE/SWD4tqh3eQdhxoaYk6lvzsNOwctZNQ5uek4eEXoXcf1nbOKExM75r8KS8nDVuHymf19ip/3YyUq1V+c3LycjHxSdru6rcn2LO3UZCdp/2G2N7WhOvJfz+hWZ92VkSGmPP94lwyc+/dNz0+Ub0/d6eqNy6ERLbDK/Du45GXk4ZthePh7lvJ8bBVH4/8CscjPycNW/u7j8fF4+spKSqkVpOeVaq7oShvpWLpqVtPS083irNyUBUqKUrNQFVSgqWHa4UyriiTDPft05n4Ur69pZ2oU3NOWSt0esTY2Si4mfr3x71XS3NqB5ry40olWXl3n1OW5vByN0sKi+HX9UpUVTuVgEfnfKosjnwDxWFTfp/KTE3gxK4F9B+7BlfvGgC4+0Zw88ohTuxeSLu+VZsZv0Z0O3yC9RyPCvfbvOw0PP31x2Fjpz8O9T50j4eVtT1W1va4eAbhGxLNd2804fzRTdRp0u1fx1CzXozOkxBux5CbnYa9050xpOIVUEt/DPbqGCpObpeXrf321s7RndKSYgrys3V6L+iL81/FER2D34faOEruOBYV4/D0v3ccefeIw5gelfwdVDsGz4C7z6mCnDRsHe6IIzcVNx/9x+J+2Ni7G2W/d7+OEyZ6zu/crMrPXTvHu3v65GanYV+hfGlJMb//8AaZqTcZ8u4cg/daCK3bTnNs1a+nvdfq3KNy0vD4u3tttp6cUX5O2Tqoj4WLt+7Ta1w8Q8nJqPocEqF1da+NkkriyM9Jw72ya+NeOUNP7rtwbD3FRYXUatyzyvUX4n49moM9HiFPPPEERUVFFBcX3zVXQlpaGufPn+f999+nffv21KpVi4yMjH/1OhYWFpSW6n7APXz4MCqVim+++YZmzZoRHh7OzZv//AY7btw4srKydJbO/cZVXhcrO5w9AjWLq3cYtg7uXD2vHfOuLMglMf44PsH6x7Obmlng6V+HhDu2KVOpSDi/D5+QysfAp1w/C6jfRFaVshhSM1WaJSlNRVauipoB2jY9KwsI8jLVNAZUpk87K6LDzJmyNI+07L8f9O7nof7UmZVX9U+DFlZ2OLkHahYXrzBsHNy5duGO41GYS9LV43jf43h4+NfR2aZMpeLahX14B929zanYZYREtsPGzrhPWrhfmbHHcG3XTGedW/vHyIg9BkBZcTFZR07j1u6O8akKBa4xzcmM1T8O8t9QFkNadplmuZVRRnZeGTX8tHN2WJpDgIcJV2/d+9j3amlOZLApM1YpSc+pvGGhtBTmrFNSYqAJ/R+V86nSOC7qxnHr6nG9ddLE4VdHZ5uKcZSUjyGvOFu5QmFKWVnVJ8CwtLLDxSNQs7iV32/jz+neb2/GHce3knunqZkFXgF1iD+rG8fVc/sq3QagrEw9qdntDwv/OgZrO1w9AzWLu08Ydo7uxJ3R1qewIJfrV07gF1pP7z7MzCzwCaxD3B0xqFQqrpyN1WzjE1gHE1Nznf2mJl4hK+1mpfv9p3G4eAZqlttxXDmreyyuXzmBfyWvZ1oex5UKx+LOOIzpUcnfFlZ2OLoFahZnzzBs7N25fklbp6LCXJITTuAZWO9fv469i59R9luRmZkFPkF1uHw6VrNOpVJx+UwsAWH6XycgLJrLZ2J11l0+tRf/O8rfblhIS7rKi2NnY2PvbLA632ZhZYeze6BmcfVSn1MJFc6ppPh75wxP/zokVMgZCXfcax1c/bB19CDjlu4wkYyUeBycfQ0Sx505w1Vf7itQ5z6fe+QMT3257/w+vbGfvp377B+O91LGpDBRVMvlUSQ9Fx5ypqamnD17VvP/Ozk7O+Pq6srMmTPx9vYmISGBd99991+9TlBQEHFxcRw7dgw/Pz/s7e0JCwujuLiYqVOn0r17d/bs2cOMGf+8a6ClpSWWlrpdXv/JxLsKhYIGMQOIXT8dZ49AHF392LNmMnaOHoRFa58XvWTyQMKiO9Kg7fMANGo/mHXzxuIZEIl3UBSHt86lWFlAZDP13BOZKQmcPbSa4DptsLZ1IuXGebYtm4hfWONKv2msqm1HlTzR1IqUDBVp2Sq6PmZFVm4Zxy9pu5u//rQtxy8Vs/OY+g1333ZWNIqwYOaqPAqLtGPpC4vKKC4BN0cTGkWYczqumLzCMnzdTHmqrRUXr5fc17fX/5RCoaB+mwEc2DgdJ3f18di7djK2jh6E1tUej2XTBhIa1ZF6rdXHo0HbwWxcqD4eXgFRHNkxl+KiAmo31Z0LJDPlKjcuH6Tn0JkGr/ttprY22IZpv9myCfbDITqCovQsCq8lUvPTMVj5enJ88FgArs5cROCr/YmY+DbXfl2GW0wzvPt05uCT2se4xX0/h+jZX5B5+BRZB08QNHIgZrbWXJurfyZuQ9l1opj2Dc1JySojPVvFE03Myc4v41SctjVgaHdLTsWVsueUes6Ep1qZU7+GGXPWKVEWlWFfPnqnoAhKStUNC690t8TcTMHcLUqszMGq/IEmuYXqD4WG8iicT7fjqNd6AAfL43Bw8SO2PI6QO+JY/oM6juhW6jjqtx3Mpt/G4ukfiWdAFMd2zKXkjjicPUNwdAtk65LxtOwxFitbJ66c3EzChT08+bLhu9UqFAoatx/A3rXTcfEIxNHNj51/TsbeyYPweto4fvt2IOH1O9IoRh1Hkw6DWfPrWLyCIvEJiuLgFvXxiHpMHUdGyjXOHlpLcO0W2Ni7kJORxL71MzGzsCI0so3BY2jWcQA718zAxTMIZ3dftq6Ygr2TBxENtDHM/WoQEQ060LS9OobmnQax4ud38QmKxDc4ithN6pxRv6U6Bisbexq06s2GxV9gbeuIpbUdaxd+il9ovUo/7Fc1jqYdBrBrzQxcPYNwcvNlm5445pXH0aQ8jmaPD2LlL3fEsVkdR70W2msjNyuF3KxU0pMTALh1/QKWVrY4unhjbedk0BgehfytUCiIajWAw1tm4OgWhIOLLwc2TMHGwYPgOto4Vv00iODIDtRtoY6jWJlHVmqC5vfZ6ddJvXEWSxtH7J197nu/htDiiYEsmzUO3+BI/ELqsnfjPIqUBTRs3QuApT+NxcHZk059xwDQvNMAfv58ALvXzaFmdBtOxK7lRtxper6o7olaWlLMb1NHk3j1DC+MmY5KVUpOZvkcEnaOmBl4LpXbFAoF9dsOYP8G9Tnl4OrH3tvnVJT2b7Z06kDCojpSv436WDSMGcz6BeU5IzCKI9vV51Sd8nNKfe8bwt61U3H3jcDdrxZn9q8g/dYVur84xShxNGijjkOT+/4qz313xPHHNHUcmtwXM5gNC8bi4a+O4+h29b22jp7cd/3yQXoZOfcJUZE0LlQDDg76Z901MTFh0aJFjBw5ksjISGrWrMmUKVNo27btP36N3r17s3z5cmJiYsjMzGTOnDkMGjSIb7/9li+++IJx48bRunVrJk6cyIABA6oY0T/XpOPLFBcVsPG38SgLsvENbUjvET/rjNPNTL1GQZ6250ZEwy7k56SzZ80U8nNScPetxdMjftZ0gTMxM+fquX0c3jaPYmU+9s7ehNd7nGZPGG9s2uaDRViaK3i2ozXWlgou3yjlx+V5Ot8KuzmaYGetbc1sXU8d4+i+ul0N569XP6KypLSMmoFmxDSwwMJcQUaOimMXS9iwvxBjadT+ZUqKCtiyWH08fEIa0mtYheORpns8ajboQkFuOvvWTiE/OwU3v1r0HPbzXd1cT8cuw97Ri8CaLY1Wf8eGkTTfMl/zc+2v/wfAtXnLOTFkHJbe7lj7e2t+XxB/nYNPDqX2N+MIen0AhdeTODn0fVI37daUSVy6Dgt3F8I/HImllzvZx89yoNtLFFWY5NHQth0rwcJcwdNtLLC2gLgkFbPW6PY0cHVQYGulPacei1S3FLza00pnX4u2qh9R6eduQmD5o07H9bfWKfPZggIy9PR0qIrqfj7d1rA8jq13xNFjqG4cWanXKMjVxhHeoAsFeenErptCXrb6PtVj6M+aLq6mpub0GDqTPau/YfWsYRQX5ePkFkDH5yYRVNuwH8pva9ZJfb9dt2A8hfnZ+Ic1pO9IPffbO+Ko3bgL+bnp7FqljsPDrxZ9R2qPh5m5BdcuHeLglrkU5mdj6+CKf41GDHjn97smHzSEFp1fokhZwOq56hgCajTk+TGzML8jhvTkBPJztDFENulCXk4621ZOJTcrBS//Wjz/xiydbuOdnh2HQmHC4h9HUVpcRGhkS7q+MN7g9b8zjuKiCnG8MUvnWKSnJJCfqxtHfk4621dOJTdbHUf/CnEc2r6IHau0Qy1//UL9waXH4M+p11L/5M//1qOSv+u1VR+LHX+Mp6gwG6+ghnR7SfdYZKclUHhHHMnXT7FqxkDNz3tXTwKgZsOetOs36b73awhRzbqQl5PBluVTyMlKxTugFoPenqk5L7LSEnV6SAXWqE/f4V+x+Y/JbFz6Ha6egfQfPRVPv3B1rBnJnDu6FYBp7/fSea0h4+YSUsvwT7O5rXEH9Tm16ffycyqkIU+9qudee2fOaKi+R+39S3tOPfWqbs5oEDOIkuIiti+fSGF+Fu6+ETw9YnaVh9lUplF5HJsXaXPGU8PvnTMq5j53v1r0Gn537jsVuwx7Jy8CI4yf+4S4k6LMEP0qhfiHZhn28c0PxPETWQ+6CgZRp7bjg66CQQR0r9rEdg+DbVMMN4TiQQoNvr/5WB5mhn7k5oNia/33ZaoDS/Pqf0AelXdbeYXVvytvXv6jcTD8PB+NONKyqv8o7Ufl+h7W6e/LPIxyf/x3PbcfNLtXJz3oKhhc9b+ahRBCCCGEEEII8UBJ44IQQgghhBBCCCGqRBoXhBBCCCGEEEIIUSUyoaMQQgghhBBCiOrpEX2sY3UkPReEEEIIIYQQQghRJdK4IIQQQgghhBBCiCqRxgUhhBBCCCGEEEJUicy5IIQQQgghhBCiWlIo5Pvyh4UcCSGEEEIIIYQQQlSJNC4IIYQQQgghhBCiSmRYhBBCCCGEEEKI6kkeRfnQkJ4LQgghhBBCCCGEqBJpXBBCCCGEEEIIIUSVSOOCEEIIIYQQQgghqkTmXBBCCCGEEEIIUS0pTOT78oeFHAkhhBBCCCGEEEJUiTQuCCGEEEIIIYQQokpkWIQQQgghhBBCiOpJIY+ifFhIzwUhhBBCCCGEEEJUiTQuCCGEEEIIIYQQokqkcUEIIYQQQgghhBBVInMuCCGEEEIIIYSonuRRlA8NORJCCCGEEEIIIYSoEmlcEEIIIYQQQgghRJVI44IQQgghhBBCCCGqRBoXhBBCCCGEEEJUTwpF9Vz+hR9++IGgoCCsrKxo2rQpBw4cuGf5zMxMRowYgbe3N5aWloSHh7N27dp/9dr3QyZ0FA+Eo63qQVehylo3t3/QVTAIC7PSB10Fg9g25eiDrkKVxYys/6CrYBBpm88/6CpUmbL4QdfAMAqVD7oGhpGZ/aBrIG7z9aj++buo+NH4bs3O8tG4UeVaWDzoKlRZXsGDroH4/2Dx4sWMGTOGGTNm0LRpU77//ns6derE+fPn8fDwuKt8UVERHTt2xMPDgz/++ANfX1+uXr2Kk5OT0eoojQtCCCGEEEIIIcRD7Ntvv+Xll19m8ODBAMyYMYO//vqL2bNn8+67795Vfvbs2aSnp7N3717Mzc0BCAoKMmodH42mWyGEEEIIIYQQ/+8oTEyq5aJUKsnOztZZlEr9XQ6Lioo4fPgwHTp00KwzMTGhQ4cO7Nu3T+82q1atonnz5owYMQJPT08iIyP5/PPPKS01Xq9laVwQQgghhBBCCCH+QxMnTsTR0VFnmThxot6yqamplJaW4unpqbPe09OTpKQkvdtcuXKFP/74g9LSUtauXcsHH3zAN998w6effmrwWG6TYRFCCCGEEEIIIcR/aNy4cYwZM0ZnnaWlpcH2r1Kp8PDwYObMmZiamtKwYUNu3LjBV199xYcffmiw17mTNC4IIYQQQgghhBD/IUtLy/tuTHBzc8PU1JRbt27prL916xZeXl56t/H29sbc3BxTU1PNulq1apGUlERRUREWRphMVYZFCCGEEEIIIYSonhQm1XP5BywsLGjYsCFbtmzRrFOpVGzZsoXmzZvr3aZFixZcunQJlUr7lJ8LFy7g7e1tlIYFkMYFIYQQQgghhBDioTZmzBhmzZrF3LlzOXv2LMOHDycvL0/z9IgBAwYwbtw4Tfnhw4eTnp7OqFGjuHDhAn/99Reff/45I0aMMFodZViEEEIIIYQQQgjxEHvmmWdISUlh/PjxJCUlUa9ePdavX6+Z5DEhIQETE23fAX9/fzZs2MAbb7xBVFQUvr6+jBo1irFjxxqtjtK4IIQQQgghhBBCPORee+01XnvtNb2/2759+13rmjdvTmxsrJFrpSWNC0IIIYQQQgghqicTxYOugSgncy4IIYQQQgghhBCiSqRxQQghhBBCCCGEEFUiwyKEEEIIIYQQQlRLin/4WEdhPHIkhBBCCCGEEEIIUSXSuCCEEEIIIYQQQogqkcYFIYQQQgghhBBCVInMuSCEEEIIIYQQonqSR1E+NKTnghBCCCGEEEIIIapEGheEEEIIIYQQQghRJTIsQgghhBBCCCFE9SSPonxoyJEQQgghhBBCCCFElUjjghBCCCGEEEIIIapEGheEEEIIIYQQQghRJTLnghBCCCGEEEKI6kkhj6J8WEjjwkNi0KBBZGZmsnLlygddlYfS/s0L2b1uNrlZqXgFRND1+ffwC4mqtPypA+vZsnwKmak3cPEKpFOfNwmPbqP5/elDGzm4bTE3409TkJfFqx8txzuwlsRxH/Zu+o2df80mJysV74Ca9BjwHv6hlcdwYv96Nv4xlYzUG7h5BtK53xgi6rXRW3b57Ans37qEbs+/S6snBhgrBI1Ojc1pWssMa0uIS1KxfGcRqVlllZZvV9+MuiGmuDuZUFIK8Uml/BVbTEqmehtrS/U+w/1NcbZTkFtQxqm4UjYcLKawyLB1d2nZiJA3h+DYIBIrHw8O9X6VW6u23Hub1k2o/fW72NWuQeG1RC5NnM71eSt0ygQOf46QMUOw9HIn+8Q5To/+hKyDJw1b+QrKysrYuWoKR3ctRVmQjV9oAzr3n4CLZ9A9tzu0bSGxG38hNysFT78IHn/2A3yDtefi2vnjiTu7l9ysZCwsbfANrU+7p97CzTvUaHHs+WsKJ/eo4/AJaUDHfhNw9rh3HEd3LOTg5l/Iy07B3TeC9n0/wDtIG8ei71/g+sUDOttEt3yGjs9+bIwwKCsrY9/aKZzcVx5HcAPa9/37OI7tXMjhrdo4Yp7+AK9AdRxZadeZ/VF7vdt1Hfw94fU7GzyGgxuncna/OgavoAa0fupDnNwrj+HmlYMc2/4LKTdOk5+dwhMDpxEc2aHK+/3/HkfsnXnPP4Juz7+H3z1yxqkD69lcnvdcPQN5vO+b1CzPe6UlxWxeNpkLJ3aSnnwdKxs7Qms35/G+b+Lg7GHwut+prKyM/eumcCpWe13E9Jnwt3+z47sWcmTrL+TnpODmE0Gb3trrAiAvO4Xdq77k2vm9FCnzcPYIpnHHYYRFdzJ4DLs2/M7W1b+SnZmKb2BNeg8eR2BY3UrLH923gbVLppGechN3rwC693+DOvVba34/6hn92z7Zfwztnxxs8PrfVlZWxq7VUzh2R87o9Nzf54zD2xayf5M6Z3j4RfB4vw/wuSNnrFswnvjynGFuaYNfaH1innoLVy/j5Yzqfk4JUZEMixAPvZP717Ju0RfE9BzB8I+W4eVfk7lfv0xudpre8gkXj7J0xls0bN2b4R8vp1b99vw25XVuXb+gKVOsLCAwvAGP933zvwrjkYjjeOw61iz8gva9XmXkp3/gHRDBL1+8Qm6W/hjiLxzl9x/epnGbpxj56TJqN2zPvO9eJ+naxbvKnjq4mYRLx43+BvG2mHpmtKxrxrKdRUxZVkhRcRkvd7PEzLTybUJ8TNlzqoSpywv5aXUhpiYKXulmiUV5M62jrQIHWwVr9hbz9eJCFm8rIiLAlL5tLQxef1NbG7JPnOfUyI/uq7x1kB+NV/1E2vb97G7Ug7ipc6n706e4dWypKePdpzO1vhrHxU9/YHeTXuScOEfTv37Bwt3F4PW/074Nszi4dT6dn5/AoHFLMLe05vfJQygpVla6zZmDa9m8dCKtuo1gyPsr8PCPYNHkIeTdcT15Bdah+6CJDP1oLf1G/QJlZfz+/RBUqlKjxHFg0yyObp9Px34T6P/2EswtrPlj2r3jOHd4LduXT6R5lxG88O4KPPwi+GPaEPJydK+pqBZ9Gf75bs3Suuc7RokB4NDmWRzbOZ8OfSfw7Bh1HMun3zuO80fWsnPFRJo9MYL+b6/AzTeC5T8OIb88Dntnb175dLfO0rzz65hb2hBUu3Wl+/23jm3/mZO759P6qQn0fl0dw5qfX7pnDMVFBbj6RNCq53iD7rcqqnscJ/evZd3vXxDTYwSvlue9X/8m7y2Zrs57r368nFoN2vPbZG3eKy4q5ObVM7R9cjivfryM516fQmpSPAu+f9Wg9dbn8Bb1dRHTZwLPvLEEMwtrVs6493Vx4chadq2cSNMnRtDvLfV18ecM7XUBsHHhWDKT4+j20nT6v7Oa0KiOrPt1NMnXzxi0/kf2rmfFvK/o1HsYb09agk9gONM/H0pOJfk77vwx5k0ZS7OYp3h70lLqNm7HL1+N4maCNn9/8tM2neXZYR+jUCiIbtpB7z4NJXbDLA5tnc8T/Scw8F11zlg85e9zxpY/JtKy6whefG8Fnn4RLJ5SIWcE1KHrwIm8PEGdM8rKylhkxJxR3c8pIfSRxoWHUNu2bRk5ciTvvPMOLi4ueHl5MWHCBJ0ymZmZDB06FE9PT6ysrIiMjGTNmjWa3y9btow6depgaWlJUFAQ33zzjc72QUFBfPrppwwYMAA7OzsCAwNZtWoVKSkp9OjRAzs7O6Kiojh06JDOdrt376ZVq1ZYW1vj7+/PyJEjycvLM9rfAmDvhrk0atOHBq2ewsM3jO4DJ2BuYcWRncv1lt+3aR5hdVvSsssQPHxC6dB7FN6Btdi/+TdNmXotehDTYwShtR8zat3v9CjEsWvdrzSJ6UPjNk/h6RtGr8EfYm5pxcEd+mPYs2E+4VEtadNtCJ6+oXTqMxKfoNrs3bRQp1xW+i3+nPcZ/V79ElPT/6ZDVasoczYfLuZ0fCmJ6WUs2lqEg42CyODKWxd+/kvJofOl3MooIzGtjEVblTjbm+Dnrr6VJqWXMW9DEWeulpKWXcalGyrW7S+mdpApJgbusZeyYScXPvyeW39uvq/yga/0oyDuOmff+YLcc1e4+uNCkpZtIHjUIE2Z4NGDufbLEq7PXU7u2cucfPVDSvML8R/U27CVv0NZWRkHNs+jZdfh1KzXAU+/CJ4c/CU5mcmcP1p5bPs3zaFey75Et+iNu08YXfp/hJmFFcf3LNOUadD6GQLCG+Pk5od3YB3a9BxNdkYiWak3jBLHkW3zaPbEcMKiO+DuG0GXgV+Sm5XMpeOVx3FoyxzqPtaXus174+YdRsd+H2FuYcWpfct0yplZWGHr6K5ZLK3tDB6DJo4d82jy+HBCo9RxPPHCl+RlJXP5ROVxHNk2h8jH+lKnWW9cvcPo0Fd9PE7FquMwMTHF1sFdZ7l0YjPh9TtjYWlr8BhO7JpHw/bDCI5sj6tPTdr1+4L87GTiTlceQ2BEa5o+MZqQuh0Nut//z3HsWa/Oew1bq/Pek4PUee9wJXlv78Z51KjbklZ35r2gWsSW5z0rG3sGvzObuk074+4djH9YPbq98D4340+TmXbToHW/U1lZGcd2ll8XdTvg5hPB4/3V18WVk5X/zY5un0Nk877UbtobV68w2vVRXxdn9muv76S4o0S1eh6vwCgc3fxp8virWFo7kHzttEFj2P7XPB5r35tmMb3w8gul70vjsbCwJnbbCr3ld6xbQES9FrR/cjBefiF0feZ1/IJrs2vD75oyDk5uOsupQ9sIq9MEN09/g9b9TmVlZRzcMo8WXYYTXq8DHn4RdCvPGReOVX4sDmyeQ3TLvkS16I2bTxhPlOeME3u1x6L+HTnDK6AObXqU54w04+SM6n5OCaGPNC48pObOnYutrS379+/nyy+/5OOPP2bTpk0AqFQqOnfuzJ49e1iwYAFnzpxh0qRJmJqqPxQdPnyYvn370q9fP06ePMmECRP44IMP+PXXX3Ve47vvvqNFixYcPXqUrl278sILLzBgwACef/55jhw5QmhoKAMGDKCsTN3l+/LlyzzxxBP07t2bEydOsHjxYnbv3s1rr71mtL9DSUkRN+NPE1K7uWadiYkJoXWac+3yMb3bXLt0nNA7ygOE1W1JQiXl/wuPQhwlJUXciDtDjTrNNOtMTEwIq9OchEv663T10jHCInVjCI9qQcKl45qfVSoVi2e8S5uuL+LlV8Moda/IxV7dw+Dide23EYVFkJCsItDz/m+LVhbqFoN8ZeVDKaws1ftWVV7kP+HUrB6pW/fprEvZtBvnZvUAUJib49igDqlb9moLlJWRunUvTs3qG61emanXyctOIaiWtoHMysYe3+Boblw5qneb0pIiEhNOE3zHNgoTE4JrPcb1SrYpUuZzYs9ynNz8cHDxMmwQqLv952WnEFhTWydLa3u8g6K5GVd5HLeunSYwQjeOgIjHuFkhjrMHV/PDO02Z82k3dv75DcVFBQaP4XYc+dkpBFSIwyswmpvx947jzm0UJiYE1HyMxEpiv5VwipQbZ4ls9rRhAwBy0q+Tn5OCXw3dGDwCorh19dhDt9//+vX+qzhu573QOnryXiU549ql4zrlAWpEtqy0PEBhQQ4KhQIrGwdDVFuv7PLrwj9c92/mGRhN4j2ui+Trp3W2UZiY4B/+mM42XsH1uXh0HYV5mZSpVFw48hclJUr8wpoYrP4lJcVcu3KG8Lq6+Tu8bjPiLx7Xu03chePUjGymsy4i+jHiL+gvn52Zyumju2gW08tg9dZHb86wtsfnb3JGkp6cERTxWKXbFCnzObG3PGc4Gz5nVPdz6qFjYlI9l0eQzLnwkIqKiuLDDz8EoEaNGkybNo0tW7bQsWNHNm/ezIEDBzh79izh4eEAhISEaLb99ttvad++PR988AEA4eHhnDlzhq+++opBgwZpynXp0oWhQ4cCMH78eKZPn07jxo3p06cPAGPHjqV58+bcunULLy8vJk6cSP/+/Rk9erSmXlOmTKFNmzZMnz4dKysrvbEolUqUSt0uXsVF5phbWP7t3yE/JxOVqhQ7R1ed9XYOrqQmxundJjcrFTtHt7vK52al/u3rGcujEIc2Bt062Tu6kpJ4Re82uZmp2Dvoxmzv4EZOpjaGHWt+xsTElBadnjd8pSthb6NuFMgp0P3En5tfpvnd31EAPVpYEJdYSlK6/pYDGyvo2NCc2DMlVaqvIVh6uqG8pXvuKG+lYu5oj4mVJebOjpiYmaFMTqtQJg3bmiEYS152CgC29rrnia2DK7nZ+s/1/NwMylSl2FY4t2ztXUmrcC4e2r6Qrcu+pliZj6tnMM+NnoOpmeGHqdyOw6ZCnWzsXcmrJI6C23FUjN3elfQkbRy1GnXDwcUHO0cPUm6cZ+efX5NxK44er0wzcBSQfzsO+7vjyK8sjjx1HPq2ybil/95wKvYPXDxD8QlpYIBa68rPUcdgXbE+dm7k5/z7+6ex9vtfv95/FUelec/x3nnP1sHtrvI5leS94iIlGxd/Q91mXbEyUm8e0P7NjHFddBn4PevmvsHM95piYmKGmYUVXV+chpN7oMHqn5edgUpVin2FY2Hv6EryTf3HIiczFXunu8tnV3IsDu5YhZWVDdFNjDskQpMzKt7/HVzJq6Rut3NGxWNh6+BKWpLuPerw9oVsW67OGS6ewfQzUs6o7ueUEJWRxoWHVFSU7mRH3t7eJCcnA3Ds2DH8/Pw0DQsVnT17lh49euisa9GiBd9//z2lpaWaHg53voanpycAdevWvWtdcnIyXl5eHD9+nBMnTrBwobZLe1lZGSqViri4OGrV0j+R4MSJE/noI91x4U+/OJ4+L31Y+R9A/L9wPe40uzfMZ9Sny1AYcabf+jVMebqN9s3BL39VfVxxr9bmeLko+GGl/n1ZmsNLXSy5lVHGxkPFVX69R8Wp/atYu0B77T/z2k9Gfb3IJk8SUqsFuVkpxG78heUzRzNw7O+Ymf994+a9nDmwik2/a+N46lXjxRHd8hnN/919a2Ln6M6SKYPITEnAyT2gSvs+e3AVWxZr4+g51LjHA6CkqJDzh9fQtJNhxslfOLKaHcu0MXR9cYZB9vtfe1Ti+K+UlhSz+Ic3KKOMJwca9v3EuUOr2LZEu8/urxjvuti3bjLKgmx6vforVrbOXDm5mXW/jubpkQtx86lptNc1tNjtK2jYsut9fXH0T5zav4r1C7XHoq+Rc0adpk8SXJ4z9m/6hZUzR/PCO1XPGXJOif8vpHHhIWVubq7zs0KhQKVSAWBtbW3w17j9wU7futuvm5uby9ChQxk5cuRd+woIqPwN7rhx4xgzZozOutVHzSsprcvG3gkTE9O7JgzMzU676xv02+wc3e76dv9e5f8Lj0Ic2hh065STlYZ9ZTE4uZFTYeKunOxU7J3U5ePOHyYvO52Jo7SzyKtUpfy18Ev2rJ/Hu98bZvzvmfhSvr1VqPn59qSN9tYKcvK1vQ7sbBTcTFX97f56tTSndqApP65UkpV3d68FS3N4uZslhcXw63olqr/fpdEpb6Vi6al7nCw93SjOykFVqKQoNQNVSQmWHq4VyriiTDLct5k1otvxUnC05ufSEvVjNPJy0rB30k7mmZedhqd/hN592Ng5ozAx1ZmI6/Y+bCuci1Y29ljZ2OPiGYRvSDTfjG7C+aObqNOkW5XiCItqh3fQ3XHkZ6dh56iNIz8nDQ8//XFY344jR08cDpVf517lr5uRcrXKjQuhdXXjKLkdR87dcbhXFoetOo78CnHk56RhY393HBeOrae4qJBajXtWqe63BdWOwTNA21h++1gU5KRh63BHDLmpuPn8+6fp2Ni7G2W/tz0qcWhfp5K8l3XvvFexp0+unhxTWlLMoh/eIDPtJi++O8fgvRZCItvhFajn+s5Jw7bideH7L66L8us7MzWBE7sW0H/sGly91cMC3X0juHnlECd2L6RdX8M8EcbWwRkTE9O7Jm/MyUq7q3fCbfZObuRk3l3eQc+xu3z2MMk34xk06muD1PdONaLb4aMvZ1S4195Pzqh4LPL0vKeysrbHylqbM757wzA541E7px46ikdziEF1JEeiGoqKiuL69etcuHBB7+9r1arFnj17dNbt2bOH8PBwTa+Ff6NBgwacOXOGsLCwuxYLi8q7jFlaWuLg4KCz3G/LtpmZBT5BdbhyJlazTqVSceVMLP6h9fRu4x8WrVMe4PLpvQRUUv6/8CjEYWZmgW9wbS6d1o3h0ulYAsL01ykwrB6XT+vGcPHUPgLC1Am2QYsnGf35SkZ9tlyzODh70Kbriwx5Z5bB6q4shrTsMs1yK6OM7LwyavhprwdLcwjwMOHqrXu3BPRqaU5ksCkzVilJz6m8YaG0FOasU1JinEmm/7HM2GO4ttMdP+vW/jEyYo8BUFZcTNaR07i1u2O8s0KBa0xzMmP1j//8Nyyt7HDxCNQsbt5h2Dq4E39WOx+EsiCXG3HH8Q3RP9eDqZkF3gF1iD+n3aZMpSL+7D78KtkGoKxM3dvq9gfoqrCwssPZI1CzuJbHcfW8bhyJ8cfxCa48Dk//OiSc140j4fw+fO4RR8r1swDYObobJA4n90DN4uoVho2DO9cu6MaRdPU4PkH3juPObcpUKq6d34e3nthPxy4jJLIdNvaGeQqJhZUdjm6BmsXZMwwbe3euX9LWp6gwl+SEE3gG1vvXr2Pv4meU/d72qMRx2z3zXiU5wz8smssV8t6l03t1yt9uWEi7dZXB78zGxs7ZYHW+reJ14XL7urh4x3VRmMutq8fxvsd14eFXR2ebMpWKaxf2abYpKZ87RVHhg5FCYaqZ78oQzMzM8Q+pzYWT+zXrVCoVF07FElQjWu82weHRXDi1X2fd+ZP7CAq/u3zstuX4h9TGN8jw34pXmjPO6d6jbv5NzvAKqKOTZ8pUKq6e21fpNqDNGaUGyhmP0jklRGWkcaEaatOmDa1bt6Z3795s2rSJuLg41q1bx/r16wF488032bJlC5988gkXLlxg7ty5TJs2jbfeeqtKrzt27Fj27t3La6+9xrFjx7h48SJ//vmnUSd0BHis00AO71jK0d0rSb55mdXzPqJIWUCDVupJg/6YOZaNS7/VlG/ecQAXT+1mz7o5pNy8wtYV07gZd5qmHZ7TlMnPzSTx6llSbl4CIDUpjsSrZ8nJTJE47qFV50Ec2P4Hh3eu5NaNy6yY8xHFygIatVHHsHjGu6xbrI2hRacXOH9iNzvXziH55hU2LZvGjSuneKxjfwBs7Z3w8q+hs5iammHn5Ia7T7BRYrht14li2jc0p3aQKV4uCp5tb0F2fhmn4rStAUO7W9IiUtvB66lW5jQIN2Ph5iKURWXYW4O9tbYnhKU5vNLdEgtzBUu2F2FljqaMoUd9mNra4BAdgUO0+hsOm2A/HKIjsPL3BqDmp2OInvOFpvzVmYuwCfYnYuLb2NYMIXDYc3j36Uzc5F81ZeK+n4P/kL74vtATu4gQIn+YgJmtNdfm6p/Z3RAUCgVNOgxgz9rpXDi2heTr51k1+x3snTyoWV87dnfhtwM5uHWB5uemHQdzdNcSTuxdQWriZdYtnEBxUQFRLZ4CICPlGnvW/UTi1VNkpd3k+uUjLP9pJOYWVoRFtjFKHA1iBhC7fjqXTmwh5cZ51s17BztHD8KitXEsmTyQI9u1cTRqP5gTe5ZwKnYFaUmX2bRoAsXKAiKbqePITElg37ofSEo4RVbadS6d2MLaeWPxC2tc6bdbVY6jzQD2b5jO5ZNbSL15ng0L3sHW0YPQKG0cf0wbyLGd2jgaxAzm5N4lnN6vjmPLEvXxqNP0KZ39Z6Zc5frlg9RtbviJHO+MIarVAA5vmUHc6a2kJZ5ny6Kx2Dh4EFxHG8OqnwZxco82hmJlHqk3zpJ6Q914k51+ndQbZ8nJuPmP9itxaLV4YiCHdizlSHneWzVXnfca3s57P41l4xJtznjs8QFcPLmb3eV5b0t53mtWnvdKS4r5fdpobsSfps+wr1CpSsnJTCEnM8UgjYaVUSgU1Gs9gIMbp3PllPq62FR+XYTU1f7Nlv8wkOO7tMeiftvBnN63hLMHVpCedJltSydQUlRA7fLrwtkzBEe3QLYuGU/S1RNkpiZwZNtsEi7sIbSuYY9F264D2Ld1GQd2/EnS9Sss/fkTipQFNG3bE4AF0/7H6t++15Rv0/l5zh7fw9bVc7l14wrrlv7ItcunadXpWZ39Fubncix2E83aGe+pQndSKBQ0bj+AvWunc/H4FpJvnGf1HHXOCK+n/Zv99u1ADm3THosmHQZzbPcSTuxT54z1v5XnjMe0OWPv7ZyRrs4ZK2aOxMzCilAj5Yzqfk4JoY8Mi6imli1bxltvvcWzzz5LXl4eYWFhTJo0CVD3MFiyZAnjx4/nk08+wdvbm48//lhnMsd/Iyoqih07dvDee+/RqlUrysrKCA0N5Zlnnvn7jaugbtMu5OVksGXFFHKzUvEOqMWAN2dqurJlpSVickcLbUCN+vQZ+hWbl09m07LvcPUM5LmRU/H0085Rce7oNlb88j/Nz0umvwlATI8RtOtlnMaSRyGO6GadyctOZ+OyqeRkpeITGMGL7/yk6bKamZqo01oeFF6fZ1/9kg1Lp7B+yfe4eQUy4I2pePn/N0+FuJdtx0qwMFfwdBsLrC0gLknFrDW6PQ1cHRTYWmlbBR6LVA/nebWn7uSli7aqH1Hp525CoKe6pWFcf93hS58tKCBDT0+Hf8uxYSTNt8zX/Fz7a/V5cG3eck4MGYeltzvW5Q0NAAXx1zn45FBqfzOOoNcHUHg9iZND3yd1025NmcSl67BwdyH8w5FYermTffwsB7q9RFGFSR4NrXmnlylWFrB2wXgK87PxD2tIv1E/64xxzUi5RkFuhjbexl3Iy0lnx6op5GWn4OlXi34jf8auvGuombkF1y4e4uDmuRTkZ2Pr4EpAjUYMHPv7XROBGUqTji9TXFTAxt/GoyzIxje0Ib1H6MaRmXqNgjxtHBENu5Cfk86eNVPIz0nB3bcWT4/4WTMswsTMnKvn9nF42zyKlfnYO3sTXu9xmj1hmPkK9GnUQR3H5kXqOHxCGvLUcN04slJ1j0fNBl0oyE1n39op5Gen4O5Xi17Df75reMep2GXYO3kRGNHSaPUHqNf2JYqLCtjxx3iKCrPxCmpIt5dm6cSQnZZA4R3HIvn6KVbNGKj5ee9qdU6t2bAn7fpNuu/9ShxadZt2IS87gy3LtXlv4FvavJeZnojCRDfv9R32FZuXTWbTH+V5b5Q272VnJHPu6FYAfvhA96kEL747l5BaxpsNv2H7lykpKmDrYu110WPova+L8AZdKMhLJ3ad+j7l7luLHkN/1gwXMjU1p8fQmexZ/Q2rZw2juCgfJ7cAOj43iaDahv1A2+CxJ8jNTmftkh/IzkzFLyiCYeNm4FA+TDEjLRHFHc9MDq5ZjwGvT2Lt4mmsWTQZd69Ahrw9GZ8A3fx9ZO86ysrKaNiis0Hrey/NOqnvUevuyBl9R+q511bIGfm56ewqzxkefrXoO1J7jzIzt+DapUMc3DKXwvKc4V+jEQPeMV7OqO7nlBD6KMqkj4x4AJbsewgGoQsALMwejVvA7kNVn6TxQYsZabxHPv6X0jaff9BVqDLlIzIHZ+lDMiynqgrv8bhX8d/y9aj+xyI549HouBvqbbzeGv+lpEzDP43hv5ZnnKcD/+dG/HdtRAZVuHLKg67Cv2LV8+557Kq7R+PuKoQQQgghhBBCiAdGGheEEEIIIYQQQghRJTLnghBCCCGEEEKI6kkeRfnQkCMhhBBCCCGEEEKIKpHGBSGEEEIIIYQQQlSJNC4IIYQQQgghhBCiSmTOBSGEEEIIIYQQ1ZNC8aBrIMpJzwUhhBBCCCGEEEJUiTQuCCGEEEIIIYQQokqkcUEIIYQQQgghhBBVInMuCCGEEEIIIYSonkzk+/KHhRwJIYQQQgghhBBCVIk0LgghhBBCCCGEEKJKZFiEEEIIIYQQQojqSR5F+dCQngtCCCGEEEIIIYSoEmlcEEIIIYQQQgghRJVI44IQQgghhBBCCCGqROZcEEIIIYQQQghRPSnk+/KHhRwJIYQQQgghhBBCVIk0LgghhBBCCCGEEKJKZFiEEEIIIYQQQojqyUS+L39YyJEQQgghhBBCCCFElUjjghBCCCGEEEIIIapEGheEEEIIIYQQQghRJTLnghBCCCGEEEKI6kmheNA1EOWkcUGIf8nFtvhBV8EgsgvNH3QVDCI02OZBV6HK0jaff9BVMAjXDjUfdBWqzP/MrgddBYPILrZ90FUwiIT06n99PyrzjT0K7+Gd7csedBUM4nKixYOugkHUD8p50FWosmyl5YOugoE8GueUeHAekVQnhBBCCCGEEEKIB0UaF4QQQgghhBBCCFElMixCCCGEEEIIIUT1pJDvyx8WciSEEEIIIYQQQghRJdK4IIQQQgghhBBCiCqRYRFCCCGEEEIIIaqnR+ExNo8I6bkghBBCCCGEEEKIKpHGBSGEEEIIIYQQQlSJNC4IIYQQQgghhBCiSmTOBSGEEEIIIYQQ1ZOJfF/+sJAjIYQQQgghhBBCiCqRxgUhhBBCCCGEEEJUiTQuCCGEEEIIIYQQokpkzgUhhBBCCCGEENVSmULxoKsgyknPBSGEEEIIIYQQQlSJNC4IIYQQQgghhBCiSmRYhBBCCCGEEEKI6kkh35c/LORICCGEEEIIIYQQokqkcUEIIYQQQgghhBBVIo0LQgghhBBCCCGEqBKZc0EIIYQQQgghRPUkcy48NORICCGEEEIIIYQQokqkcUEIIYQQQgghhBBVIsMihBBCCCGEEEJUS2UKxYOugignjQuPkEGDBjF37lwAzMzM8PPzo0+fPnz88cdYWVk94NpVzf7NC9m9bja5Wal4BUTQ9fn38AuJqrT8qQPr2bJ8CpmpN3DxCqRTnzcJj26j+f3pQxs5uG0xN+NPU5CXxasfLcc7sJbR49ixfhGbV/1KdmYqvoHh9H1xHEE16lZa/si+jaxZNI20lJt4eAXQ4/k3iGzQSvP77Mw0Vi74jnMn9pGfl0NYrQb0HTIOD+9Ao8Wwb9NCdq4tPxb+ETw54D38Qys/Fif3r2fTsilkpN7A1TOQJ555k4h66mNRWlLMxj8mc/74TtKTr2NlY0dYneY88cybODh7GC0GgLKyMmLXTeHkvqUoC7LxCW5Auz4TcPYIuud2x3ct5NDWX8jPTsHNN4KY3h/gFaiOPyvtOnM+bq93uy6Dvie8fmdDh0FZWRk7V03h6C51HH6hDejcfwIunkH33O7QtoXEbvyF3KwUPP0iePzZD/AN1h7HtfPHE3d2L7lZyVhY2uAbWp92T72Fm3eoQevv0rIRIW8OwbFBJFY+Hhzq/Sq3Vm259zatm1D763exq12DwmuJXJo4nevzVuiUCRz+HCFjhmDp5U72iXOcHv0JWQdPGrTuFa1fs5xVy38nMyOdwOBQXhw6mho1a+ste+1qHIsX/sKVS+dJSU5i0Muv07VHX50yBfn5LFrwMwf27SQrK4PgkHAGvzKSsHDj3au2rl3M+pXzyMpMwz8onOdeeoeQ8Ei9ZW8kXGbl79O5evksaSmJ9HvxTTp2769T5q9lszkSu5XE6/FYWFgSGhFNnwEj8fINMloMoL4utv85lSM7l1KYn41/WAO6vvAhrn9zXRzYupC963/R3N86P/c+vnfkmsM7FnNy/xoSr56hqDCPsVMPYGXjYJQY9m9ZyN516rp4BkTQpf/798x7pw+uZ+vyyeq85xlIxz5v6eS9M4c2cmj7Ik3eG/bRCrwDjJ/3YjcvZNcdOaPbC3+TMw6sZ/Mydf529Qyk0zNvUjNamzM2LZvMhTtyRmid5nTq+9/kjOp+Tt2OY/+6KZyK1ea+mD4TcHK/dxzHdy3kyNZfyM9Jwc0ngjZ35D6AvOwUdq/6kmvn91KkzMPZI5jGHYcRFt3J4DFsWbuEdSvmk5WZRkBQDfq//PY971MrfptB/OVzpKUk8uyLY3j8yecq3fdfy37lj/nT6NjtWZ576U2D1/22XRt+Z+vq2+8Ha9J78DgCwyp/P3h03wbWLplGespN3L0C6N7/DerUb635/ahn9G/7ZP8xtH9ysMHrL0RlZFjEI+aJJ54gMTGRK1eu8N133/HTTz/x4YcfPuhqVcnJ/WtZt+gLYnqOYPhHy/Dyr8ncr18mNztNb/mEi0dZOuMtGrbuzfCPl1Orfnt+m/I6t65f0JQpVhYQGN6Ax/saL3FUdHjPepbP/YoufYbx7heL8QusybTPhpGTpT+OK+ePMef7sTRv14txXy4hqkk7Zn45ipsJFwH1G4SZX44iNfk6Q9+ZzLgvF+Pi7sOUj19BWZhvlBhOxK7lr9++oH2vEbz2yTK8A2oy+8uXya0khqsXjrLox7do1KY3r3+ynNoN27Pg+9dJuqY+FsVFhdyMP0O7nsN5/dNlPD9qCimJ8cz77lWj1P9Oh7bM4ujO+bTvO4F+byzB3MKaFTOGUFKsrHSb80fWsnPFRJp1GsFzb6/A3SeCFdOHkJ+jjt/e2ZuXP9mtszTr/DrmljYE1W5d6X6rYt+GWRzcOp/Oz09g0LglmFta8/vke8dx5uBaNi+dSKtuIxjy/go8/CNYNHkIeXdcU16Bdeg+aCJDP1pLv1G/QFkZv38/BJWq1KD1N7W1IfvEeU6N/Oi+ylsH+dF41U+kbd/P7kY9iJs6l7o/fYpbx5aaMt59OlPrq3Fc/PQHdjfpRc6JczT96xcs3F0MWvc77dm5hbk/T6PPs4P4YvLPBAaH8dn4N8nKzNBbXqksxMPLm/4Dh+LkrL9e06d+wYljB3n9zff5Ztpcous35uP33yAtNcUoMRzYvYHFc77lyWde4cNvfsM/qAbffTyC7Mx0veWLlIW4e/rS+4WRODq76S1z4fRhYjr35b0v5vLmhOmUlpbwzUevoiwsMEoMt+1Z9zP7N8+n6wsTeOm9JVhYWrPg25fueV2cOrCWjYsn0ebJEQz9cDme/jVZ8N1LOtdFcVEhYZGtaNV1qFHrf2r/WjYsmkTbHiMYOmE5Xv41mf/NS/fIe0f4Y8ab1G/9NMM+WkFEgw4smvqabt4rKiCgRkM69nnLqHW/04nYtaz97Qva9RzBiI+X4RVQk1+/qjx/X714lCU/vkWj1r0Z8fFyajVoz8Lvtfn7ds6I6TGcEZ8s47mRU0hNjGf+f5Azqvs5ddvhLbM4tnM+MX0m8MwbSzCzsGbl3+S+C0fWsmvlRJo+MYJ+b63AzTeCP2docx/AxoVjyUyOo9tL0+n/zmpCozqy7tfRJF8/Y9D679+9kUWzv6NHv5eZ8O0C/IPC+eaj1yu9TymVhbh7+dFnwGs4Orvec99XLp5m+4bl+AfVMGidKzqydz0r5n1Fp97DeHvSEnwCw5n++dBK3w/GnT/GvCljaRbzFG9PWkrdxu345Svt+0GAT37aprM8O+xjFAoF0U07GDUWISqSxoVHjKWlJV5eXvj7+9OzZ086dOjApk2bAEhLS+PZZ5/F19cXGxsb6taty++//66zvUql4ssvvyQsLAxLS0sCAgL47LPPNL+/du0affv2xcnJCRcXF3r06EF8fLxRY9q7YS6N2vShQaun8PANo/vACZhbWHFk53K95fdtmkdY3Za07DIED59QOvQehXdgLfZv/k1Tpl6LHsT0GEFo7ceMWvc7bVkzj8fa96Z5TE+8/UPp98oHWFhYs2/rSr3lt/21kNr1WtCxx2C8/ELo3u81/ENqsWP9IgCSE68Sd/EE/V5+n8CwSDx9g+n38vsUFxVyaM86o8Swa91cGrftQ6PWT+HpG0bPwROwsLTiUCXHYs/GedSIaknrrkPw8A3l8adH4RNUi33lx8LKxp4h784mqmln3L2DCQirx5MD3+dG3GkyU28aJQZQN8wc3TGPpo8PJ7RuB9x9I+j0/JfkZSVz+eTmSrc7sn0OkY/1pU6z3rh6hdG+70eYWVhxOnYZACYmptg6uOssl09sJrxeZywsbY0Sx4HN82jZdTg163XA0y+CJwd/SU5mMuePVh7H/k1zqNeyL9EteuPuE0aX/uo4ju9ZpinToPUzBIQ3xsnND+/AOrTpOZrsjESyUm8YNIaUDTu58OH33Pqz8vreKfCVfhTEXefsO1+Qe+4KV39cSNKyDQSPGqQpEzx6MNd+WcL1ucvJPXuZk69+SGl+If6Dehu07ndas3Ix7Tt1J6ZjV/wDgnllxFtYWFqxddNfesuHhddiwIsjaNGmA+bmFnf9XqlUsn/PDp4fPJzakfXw9vGjb/8X8fL2ZeO6lUaJYeOqhbTu2IuW7Xvg4x/CC8Pew8LSit1b/tRbPrhGHfoOeoOmrTphZmaut8wb43+gZbsn8Q0IxT84nCGvf0R6ShLxlw37geNOZWVl7N88j9bdhhFRvz2e/jXpOeQLcjKTOXek8vMsduOvNGjdh/ot1ddFtxc+wtzCiqO7tddFs44DadnlFfxCoo1Wf4C9G3+lYes+1G/VGw/fMLoNKK/LrmV6y8dumq/Oe52H4O4TSvunRuEdWJsDWxZqykQ/1oO2PUYQUqe5Uet+pz3r59KobR8atlbn7x6DJmBuacXhHZXk7w3zqFG3Ja3Kc0bH2zljkzZnvDh2NnXvyBndB7zPzXjj54zqfk7djuPYznk0Kc99bj4RPN5fnfuu3CP3Hd0+h8jmfandVJ372vVR54wz+7VxJMUdJarV83gFRuHo5k+Tx1/F0tqB5GunDRrDxj8X0vrxnrRq/yS+/iEMGD4OC0srdm1Zpbd8SI06PDNoVPl96u577W2FBfnM/O4DBo14Dxtbe4PWuaLtf6nfDzaL6YWXXyh9XxqPhYU1sdtW6C2/Y90CIuq1oP2T6veDXZ95Hb/g2uzaoH0P7+DkprOcOrSNsDpNcPP0N2osQlQkjQuPsFOnTrF3714sLNQ308LCQho2bMhff/3FqVOneOWVV3jhhRc4cOCAZptx48YxadIkPvjgA86cOcNvv/2Gp6cnAMXFxXTq1Al7e3t27drFnj17sLOz44knnqCoqMgoMZSUFHEz/jQhtbVvhkxMTAit05xrl4/p3ebapeOE1tZ98xRWtyUJlZT/L5QUF3Ptylkioppp1pmYmBAR1ZQrF47r3SbuwnFqRjXVWVcr+jHiysuXFKv/5ubmljr7NDO34PLZo4YOQXMswurcfSwSLh3Tu03CpeM65QFq1G1JwkX95QGU+TkoFAqsbI3XLTQ77Tr52Sn4h2sblyyt7fEKjCYxTv/frrSkiORrp3W2UZiYEBD+GInx+re5de0UKTfOUqf504YNoFxm6nXyslMIqqWtk5WNPb7B0dy4UnkciQmnCa6lG0dwrce4Xsk2Rcp8TuxZjpObHw4uXoYN4h9yalaP1K37dNalbNqNc7N6ACjMzXFsUIfULXu1BcrKSN26F6dm9Y1Sp+LiYq5cukBUvYaadSYmJkTVa8SFc//ujbWqtBSVqhSLCg0PFpaWnDt9okr11aekuJirl89SK1p7zzExMaF2VFMunzfc6+Xn5wBga+dosH1WlJl6ndysFEJq614XfiFRleaN0pIibl49TUiF6yKkdnOu/8e5o6SkiMT404TU0dbFpLwu1yq5116/fEwnXoDQyBaVxvtfqCxnhNW+d84IrXN3/q4sboDC/yBnVPdz6rbKcp9nYHSleay0pIjk63fnPv8Kuc8ruD4Xj66jMC+TMpWKC0f+oqREiV9YE4PVv6S4mPjL56gTVeE+Fd2ES1W8T82f+QXRDVtQJ7rp3xeugpKSYq5dOUN4Xd33g+F1mxF/8R7vByOb6ayLiH6M+EreP2ZnpnL66C6axfQyXMUfdgqT6rk8gmTOhUfMmjVrsLOzo6SkBKVSiYmJCdOmTQPA19eXt97Sdod8/fXX2bBhA0uWLKFJkybk5OQwefJkpk2bxsCBAwEIDQ2lZUt1d+PFixejUqn4+eefUZRPnDJnzhycnJzYvn07jz/+uMHjyc/JRKUqxc5RtyubnYMrqYlxerfJzUrFztHtrvK5WakGr9/9ys3JQKUqxb5CHPaOriTd0B9HdmYqDhXKOzi5kp2pjsPLNxhnN2/+/G0yz70yHgtLa7b+NZ/MtFuaMoZU2bGwd3Al5WYlxyJTz7FwrPxYFBcpWbf4G6KadcXK2s4wFdcjL0fdrdzWXjcWG3tX8nL0160gL4MyVSk2erZJT76id5vT+/7AxTMUn+AGBqj13fKy9cdh6+BKbrb+OPJz1XHYOlTYxt6VtETdOA5tX8jWZV9TrMzH1TOY50bPwfQe3/z8Fyw93VDe0o1NeSsVc0d7TKwsMXd2xMTMDGVyWoUyadjWDDFKnXKys1CpSnF00h3e4OjkzI3rV//VPq1tbAiPiOSPRXPx9Q/C0cmZPTs3c+Hcaby8fQ1RbR055de3g6NuDA5OLiTeiDfIa6hUKhb98jVhEfXwCwwzyD71yc0qvy4qnuMObuRVdl3kVHJdOLhVmmuMJb88X9hVqIudoxupSffIe3rKP8i8p8kZd9XLlZR/mL9z7pEzNiwxfs6o7ueUtk7qOPTlsfxK4rhX7su4pc0ZXQZ+z7q5bzDzvaaYmJhhZmFF1xen4eRuuDmgNPepivdaRxeSrsf/6/3u37WBq5fP8eHX86pYw7+Xl135+8HkSt5L5WSmYu90d/nsSq6LgztWYWVlQ3QTGRIh/nvSuPCIiYmJYfr06eTl5fHdd99hZmZG797qrsClpaV8/vnnLFmyhBs3blBUVIRSqcTGxgaAs2fPolQqad9e/4R0x48f59KlS9jb63YXKyws5PLly5XWSalUolTqjuUrLjLH3MKyki3E/TA1M+eVt75jwfQPeXtwS0xMTKlZtym167eEsrIHXb1/rLSkmN+nvQFlZfQcbNh5Qs4dWsWWxdp99hj6k0H3r09JUSHnjqyh6eOGGwt8av8q1i7QxvHMa8aNI7LJk4TUakFuVgqxG39h+czRDBz7O2bmcu3+F15/831+nDyRoQN7YWJiSnBoOC1bt+fKpQt/v/FDaOHMSdxIuMy7n8826H5PxK5mzTztdfHcqBkG3b94OJWWFLPohzcoKyvjyUGGzRmPyjl17tAqti3RxtH9FePljH3rJqMsyKbXq79iZevMlZObWffraJ4euRA3n5pGe92qSktJ4refv+Gtj354ZN6Xxm5fQcOWXR+ZeET1Io0LjxhbW1vCwtTfCM2ePZvo6Gh++eUXhgwZwldffcXkyZP5/vvvqVu3Lra2towePVozpMHa2vqe+87NzaVhw4YsXLjwrt+5u7tXut3EiRP56CPdydqefnE8fV76+zcDNvZOmJiY3jVhYG522l3fbtym79uae5X/L9jZO2NiYnrXZD05WWk4OOmvl4OTG9kVymdn6pYPCK3N/75eSkFeDiUlxdg7uvDluOcIDK1j8BgqOxY52WnYVxKDnZOeY5F197EoLSnmt2lvkJF6k5fGzTH4N1Ahke3wCtSOZy0tUZ/zeTlp2DpqZxjPz0nD3TdC7z6sbZ1RmJjqTGB1extb+7vjv3h8PSVFhdRq0tMAEajViG7HS8H647B30saRl52Gp7/+OGzs1HHkVZhQTf230I3DysYeKxt7XDyD8A2J5pvRTTh/dBN1mnQzVEj/mPJWKpaeuvW09HSjOCsHVaGSotQMVCUlWHq4VijjijLJON/i2js4YmJiSlaFCcWyMjNw+psJxO7Fy9uXjydNo7CwgIL8PJxd3Pj2iw/x8PKuapXvYl9+fWdn6caQnZmOo9O/j+G2hTMncfzQLsZ+9jMubp5V3t+dakbH4Pehdtb6ktvXRXbF6yIVT3/9T0ewsa/kusi++5t0Y7MpzxcVJz1U9064R97TV/4B5j1NzrirXv88f9vryRm///AGmak3GfKu4XPGo3JOVZb78g2U+2zKz8fM1ARO7FpA/7FrcPVWT4bo7hvBzSuHOLF7Ie36fmyQeDT3qYr32qx0HP7lvfbq5XNkZ6UzYczzmnUqVSkXzhxly9olzFq6FxNT0yrV+062DpW/H6zYO+E2eyc3cjL1vH/Ucx5dPnuY5JvxDBr1tcHqLMQ/8WgO9hCAegzX//73P95//30KCgrYs2cPPXr04Pnnnyc6OpqQkBAuXNB+A1ajRg2sra3ZskX/Y+AaNGjAxYsX8fDwICwsTGdxdKx8/Oy4cePIysrSWXoOePe+YjAzs8AnqA5XzsRq1qlUKq6cicU/tJ7ebfzDonXKA1w+vZeASsr/F8zMzfEPqcX5k/s161QqFedP7ickXP8kTsHh0TrlAc6diCVYT3lrW3vsHV1ITrxKwuUzRDWOMWwAaI/F5QrH4vLpWALC6undJiAsmsundY/FpVN7CaihLX+7YSEt6SpD3p2Nrb2zwetuYWWHk3ugZnHxCsPGwZ1rF7Rj95WFuSRdPY53sP5x+aZmFnj419HZpkyl4tqFfXgH3b3NqdhlhES2w8bOcE8osLSyw8UjULO4eYdh6+BO/Nk74ijI5UbccXxDKo/DO6AO8ed044g/uw+/SrYBdWeYsrIyzZvsByUz9hiu7XTHnrq1f4yM2GMAlBUXk3XkNG7t7hi3rVDgGtOczFjDz0UCYG5uTkhYOCePH9asU6lUnDx+mPCIqjf0WVlZ4+ziRm5uDsePHKBxs1Z/v9E/ZGZuTmBoLc6e0M7Bo1KpOHvyAKE1K39s4N8pKytj4cxJHNm/jbc//gl3T8MP6bC0tsPFM1CzuPuEYefozpUK18X1KycqzRumZhb4BNbR2aZMpeLK2Vj8/uPcYWZmgXdQHa6c0dZFpVIRdzYW/0rutX6h9XTKA1w5vbfSeP8LmpxxukLOOPM3OaNi/j61Vyfu2w0LaUlXeXHsbGyMkDMelXOq0tx3UTf33bp6XG8eg/Lc51dHZ5uKua+kSP30F0WFMeQKhSllBuxJaWZuTlBoBGcq3qdOHCTsX96nakU35pPJi/jou4WaJSisNs1aP8FH3y00aMMCgJmZOf4htblQ4f3ghVOxBNWo/P3ghVO67wfPn9xHkJ73g7HbluMfUhvfoIe3t4hRKBTVc3kESePCI65Pnz6Ympryww8/UKNGDTZt2sTevXs5e/YsQ4cO5datW5qyVlZWjB07lnfeeYd58+Zx+fJlYmNj+eWXXwDo378/bm5u9OjRg127dhEXF8f27dsZOXIk169fr7QOlpaWODg46Cz/pKvWY50GcnjHUo7uXknyzcusnvcRRcoCGrRST1Tzx8yxbFz6raZ8844DuHhqN3vWzSHl5hW2rpjGzbjTNO2gfa5xfm4miVfPknLzEgCpSXEkXj1LTqZxHvEG0L7bAPZsWUbs9j9Jun6FRbM+RaksoFlMTwDmTv0ffy6crCkf07U/Z47tZfPquSTdiOOvJT+ScPk0bZ7opylzZN9GLpw+SOqt6xw/uI2pnwwlukkMtaKN8xSMVp0HcnD7Ug7vWknyjcv8+av6WDRsrT4WS2aMZf1i7bFo8fgALpzcza61c0i+eYXNy6dxI+40zcuPRWlJMQunjuZG3GmeGf4VZapScjJTyMlMMeqHWIVCQf02AziwcTqXT24h9eZ5Nix4B1tHD0LrascoLps2kGM7F2h+btB2MKf2LeHMgRWkJ11my9IJFBcVULvpUzr7z0y5yo3LB4k00kSOd8bRpMMA9qydzoVjW0i+fp5Vs9/B3smDmvW1cSz8diAHt2rjaNpxMEd3LeHE3hWkJl5m3UJ1HFEt1HFkpFxjz7qfSLx6iqy0m1y/fITlP43E3MKKsMg2Bo3B1NYGh+gIHKLV35rZBPvhEB2Blb/62/man44hes4XmvJXZy7CJtifiIlvY1szhMBhz+HdpzNxk3/VlIn7fg7+Q/ri+0JP7CJCiPxhAma21lybq3+GekPo1vMZtmxYw/Yt67h+LZ5ZP36DsrCAmA5dAJj6zacs/FXbtbq4uJi4KxeJu3KRkpJi0tJSiLtykcSb2nvpscP7OXp4P7eSbnL86EEmjBuJr1+AZp+G9viT/dm5aQV7tq7m5rUrLPjpc5SFBbRo/yQAP0/+gGXzp2rKlxQXkxB3noS485SUFJORlkxC3HluJSZoyiyYOYl9O9byyhufY2VtQ1ZGKlkZqRQpC40SA6ivi6YdBrBrzQzOH9vKrevnWfHzWOydPIhooL0u5n01iANbtNdFs8cHcWTnUo7tWUHKzcusWTCBYmUB9Vpor+/crBSSEs6SnqyO8db1CyQlnKUgN9OgMTz2+CCO7FjKsd3ldZk3gSJlAfVbquuyfNZYNi39Rlv3ji9w6dRu9qyfTUriFbatnMrN+NM0ad9fUyY/N5PEhLOk3FAPY0xLjCMx4Sw5WcbLey2eGMihHUs5Up4zVs3VzRlLfxrLhiV35O9OA7h4cje7y/P3lts5o6M2Z/w2dTQ3407Td/hXqP7DnFHdz6nbcdRrPYCDG6dz5ZQ6920qz30hd+S+5T8M5PgubRz12w7m9L4lnC3PfduWTqDkjtzn7BmCo1sgW5eMJ+nqCTJTEziybTYJF/bo5FRDeLxHf3ZsWsnurWu4eS2OeTMmoiwsoGX77gDM+n48S+dP05QvKS4m4cp5Eq6cp7SkmIz0FBKunOdW4jUArK1t8QsM01ksLa2ws3cy2twwbbsOYN/WZRzYoX4/uPTnTyhSFtC0bU8AFkz7H6t/+15Tvk3n5zl7fA9bV8/l1o0rrFv6I9cun6ZVp2d19luYn8ux2E00a2e8JyMJ8XdkWMQjzszMjNdee40vv/ySo0ePcuXKFTp16oSNjQ2vvPIKPXv2JCsrS1P+gw8+wMzMjPHjx3Pz5k28vb0ZNmwYADY2NuzcuZOxY8fy1FNPkZOTg6+vL+3bt8fBwXizNNdt2oW8nAy2rJhCblYq3gG1GPDmTE23wqy0REzuaC0PqFGfPkO/YvPyyWxa9h2unoE8N3Iqnn7hmjLnjm5jxS//0/y8ZPqbAMT0GEG7Xq8ZJY6GLZ4gJzuDNYt/JCczFd+gmox4bzoO5d3gMlKTdFr9Q2rWY/CoSaz+fSqrf5uCu3cAr7wzGZ8A7fOXszJSWDb3K3Iy03Bwdqdpm+507m28Z2VHNetCbk4Gm5dNIaf8WAx+e6amy2pmWqJODIHh9ek3/Cs2/jGZDUu/w80zkOdHT8XLX30ssjOSOXtkKwBT3ted1fjl/80lpJbhZpmuqFH7lykpKmDL4vEoC7LxCWlIr2E/68wnkJl2jYK8DM3PNRt0oSA3nX1rp5CfnYKbXy16DvsZ2wpdlU/HLsPe0YvAmi2NVv/bmnd6mWJlAWsXjKcwPxv/sIb0G6UbR0bKNQpytXHUbtyFvJx0dqyaQl52Cp5+teg38mdNl2szcwuuXTzEwc1zKcjPxtbBlYAajRg49ve7JierKseGkTTfMl9bt6/V1+W1ecs5MWQclt7uWPtrhwEUxF/n4JNDqf3NOIJeH0Dh9SRODn2f1E27NWUSl67Dwt2F8A9HYunlTvbxsxzo9hJFFSZ5NKQWrduTnZXJ4gW/kJmRTlBIGO99/DVOzuqeK6kpt1CYaL+lyEhP5Z2RL2p+Xr18EauXL6J2ZD0+mqT+AJ+fn8dvc38iLTUFO3t7mj7WlmcHvIyZmXFSd5OWncjJzmDloulkZ6ThH1yTN8ZP0wyLSE/RvUdlZqTw0Rjtm9sNf85nw5/zqVmnIe98OguA7euXAvDlBy/rvNbg1yfQst2TRokDoEXnlyguKmD1XPV1EVCjIc+/MUvnukhPSSD/jusiskkX8nPS2b5yKrnZKXj516L/G7N0urAf2r6IHat+0Pz86xfqrtQ9Bn9OvZa6jYxVEdlUfY1uXTmV3KwUvAJq8cKYWXfkvZuaiZUBAmo04OmhX7Nl+fdsWfYdrp5B9Ht9mk7eO39sKyvvyHtLZ4wBoG2PEcT0fN1gdb9TVLPy/L1cmzMGva2bv3VyRo369B3+FZv/mMzGper83X+0Nn9nZyRz7qg6Z0yrkDOGjDNuzqju59RtDctz39Y7cl+Pobo5IytVN2eEN+hCQV46sevUOcPdtxY9hv6MTfmQQFNTc3oMncme1d+wetYwiovycXILoONzkwiqbdgG6aYtHycnK4OVv88gKyONgOBwxnw4VXOfSqt4n0pP4cMx2ka29Svns37lfGrWacC7n800aN3uV4PHniA3O521S34gOzMVv6AIho2boRn2mpGWqJMvgmvWY8Drk1i7eBprFk3G3SuQIW/rvh8EOLJ3HWVlZTRs0fk/jUeIOynKDNlfSYj7tGSf6kFXocpcbIsfdBUMIrtQ//Ppq5tb6dW/I5btvac9qTZcO1T/7pj+Z3Y96CoYRHax7YOugkEkpNs86CpUmUn1v0UBYGZa/d82FhU/Gt2RM3IejTjqB+U86CpUWbby0Zg88Yl6D/aJUP9W/p5lD7oK/4pNi0evl8kjkuqEEEIIIYQQQgjxoEjjghBCCCGEEEIIIapEGheEEEIIIYQQQghRJTKhoxBCCCGEEEKIaqnsEX2sY3UkPReEEEIIIYQQQghRJdK4IIQQQgghhBBCiCqRYRFCCCGEEEIIIaonhXxf/rCQIyGEEEIIIYQQQogqkcYFIYQQQgghhBBCVIk0LgghhBBCCCGEEKJKZM4FIYQQQgghhBDVUpnMufDQkCMhhBBCCCGEEEKIKpHGBSGEEEIIIYQQQlSJNC4IIYQQQgghhBCiSmTOBSGEEEIIIYQQ1ZNC8aBrIMpJzwUhhBBCCCGEEEJUiTQuCCGEEEIIIYQQokpkWIQQQgghhBBCiGpJHkX58JAjIYQQQgghhBBCiCqRxgUhhBBCCCGEEEJUiTQuCCGEEEIIIYQQokpkzgUhhBBCCCGEENWTPIryoSE9F4QQQgghhBBCCFEl0rgghBBCCCGEEEKIKpFhEUIIIYQQQgghqid5FOVDQ46EEEIIIYQQQgghqkR6LogHoqik+k+8Emx340FXwSBumbs/6CoYRGKa/YOuQpUpix90DQzD/8yuB12FKrtWu9WDroJB+LX3fNBVMAi/b9Y96CpUWa7S4kFXwSAaWx550FWoMvPiggddBYMY9JvPg66CQfQdkfGgq1Bl9rdOPegqGMiQB10BUc1JzwUhhBBCCCGEEOIh98MPPxAUFISVlRVNmzblwIED97XdokWLUCgU9OzZ06j1k8YFIYQQQgghhBDVUplCUS2Xf2rx4sWMGTOGDz/8kCNHjhAdHU2nTp1ITk6+53bx8fG89dZbtGpl/F6Z0rgghBBCCCGEEEI8xL799ltefvllBg8eTO3atZkxYwY2NjbMnj270m1KS0vp378/H330ESEhIUavozQuCCGEEEIIIYQQ/yGlUkl2drbOolQq9ZYtKiri8OHDdOjQQbPOxMSEDh06sG/fvkpf4+OPP8bDw4MhQ/6b+TSkcUEIIYQQQgghhPgPTZw4EUdHR51l4sSJesumpqZSWlqKp6fuRM2enp4kJSXp3Wb37t388ssvzJo1y+B1r4w8LUIIIYQQQgghRPWkqJ7fl48bN44xY8borLO0tDTIvnNycnjhhReYNWsWbm5uBtnn/ZDGBSGEEEIIIYQQ4j9kaWl5340Jbm5umJqacuvWLZ31t27dwsvL667yly9fJj4+nu7du2vWqVQqAMzMzDh//jyhoaFVqL1+1bOZRwghhBBCCCGE+H/AwsKChg0bsmXLFs06lUrFli1baN68+V3lIyIiOHnyJMeOHdMsTz75JDExMRw7dgx/f3+j1FN6LgghhBBCCCGEqJbK+OePdayOxowZw8CBA2nUqBFNmjTh+++/Jy8vj8GDBwMwYMAAfH19mThxIlZWVkRGRups7+TkBHDXekOSxgUhhBBCCCGEEOIh9swzz5CSksL48eNJSkqiXr16rF+/XjPJY0JCAiYmD3ZggjQuCCGEEEIIIYQQD7nXXnuN1157Te/vtm/ffs9tf/31V8NXqAKZc0EIIYQQQgghhBBVIj0XhBBCCCGEEEJUS2XV9FGUjyI5EkIIIYQQQgghhKgSaVwQQgghhBBCCCFElciwCCGEEEIIIYQQ1ZMMi3hoyJEQQgghhBBCCCFElUjjghBCCCGEEEIIIapEGheEEEIIIYQQQghRJTLnghBCCCGEEEKIaqlMoXjQVRDlpOeCEEIIIYQQQgghqkQaF4QQQgghhBBCCFEl0rgghBBCCCGEEEKIKpHGhWpg+/btKBQKMjMzjf5aCoWClStXGv11hBBCCCGEEKKqyhQm1XJ5FMmEjgY2Y8YM3n77bTIyMjAzU/95c3NzcXZ2pkWLFmzfvl1Tdvv27cTExHDp0iVCQ0Mr3edjjz1GYmIijo6Of/v6t/eZkZGBk5OTzu+SkpL47LPP+Ouvv7hx4wYeHh7Uq1eP0aNH0759ewASExNxdnb+54EbWVlZGTv+nMrRXUspzM/GP6wBnZ//EFfPoHtud3DrQvZt+IXcrFQ8/SN44tn38Q2J0vz+yI7FnNq/hsSEMxQV5vH2lANY2TgYLY7Vq1ez7I8/yMjIIDgkhOHDh1OzZk29ZdevW8eWLVu4evUqAGFhYQwcNOiu8gkJCcyZPZuTJ09SWlpKQEAA773/Ph4eHkaJYcvaJaxbMZ+szDQCgmrQ/+W3CQmP1Fv2RsJlVvw2g/jL50hLSeTZF8fw+JPP6ZTZuu4Ptq3/g9TkRAB8A0J4su9LRDVsYZT631ZWVsb+dVM4FbsUZUE2PsENiOkzASf3oHtud3zXQo5s/YX8nBTcfCJo0/sDvAK151Redgq7V33JtfN7KVLm4ewRTOOOwwiL7mS0OPb8NYWTe8rjCGlAx34TcPa4dxxHdyzk4OZfyMtOwd03gvZ9P8A7SBvHou9f4PrFAzrbRLd8ho7PfmzwGNavWc6q5b+TmZFOYHAoLw4dTY2atfWWvXY1jsULf+HKpfOkJCcx6OXX6dqjr06Zgvx8Fi34mQP7dpKVlUFwSDiDXxlJWHgtg9cdwKVlI0LeHIJjg0isfDw41PtVbq3acu9tWjeh9tfvYle7BoXXErk0cTrX563QKRM4/DlCxgzB0sud7BPnOD36E7IOnjRKDLe5du+Fx9P9MHN2oeDKZW78OJmCC2crLe/Wsw+u3Xpg4e5JSXYWWbu2kzhnJmXFReoCJiZ4PT8Yp3aPY+7sQnFaKumb15H82zyjxrFt3WI2rJxHVmYa/kHhPPvSOwTXqPw+tWrRdK5ePktaSiLPDH6TDt3765RZu2w2R2K3knQjHgsLS0Ijoun9wki8fIOMFsPujb+zdfUccrJS8QmoyVOD/kdgWN1Kyx+L3cC6pdNIT7mBu1cg3Z59g9r1W+uUuXXjMqt/+47LZw+hUpXi6RvC4De+x9nN22hxLFu3md9XriU9M4vQIH/eeOkFatfQ/55nR+xB5i1bzY3EZEpKS/Dz9qLfk515oq02H3w2dSbrtu3W2a5Jvbp8O/5to8UAsHTDNhau3kRaZhY1Av14c3A/6oQF6y27bf8Rfl25jutJKZSUluLv5cFz3TrSpXUzTZn8wkJ++G0FOw4eIzsnD28PN57pHMNTHdsYNQ6AZ7u50rGFI7bWJpy7UsCM35NJTCmutPwTrRx5orUTHi7q97UJiUUsWZvGkTP5mjJODqYM6uVOdIQN1lYm3LhVxB/r09l3LNfg9Tf0OXWnr2bM4c+N2xg5+Dn6dn/C4HW/bdHOI8zdeoDU7DzCfT149+kO1A3Ufx3+uf8k4xeu01lnYWbKwW/f1Py8+fgFlu4+xtlrSWTlF7L4nYFE+Hkarf5CVObRbDJ5gGJiYsjNzeXQoUOadbt27cLLy4v9+/dTWFioWb9t2zYCAgLu2bAAYGFhgZeXF4oqzIQaHx9Pw4YN2bp1K1999RUnT55k/fr1xMTEMGLECE05Ly8vLC0tK91PcXHlyceY9q7/mQNb5tPl+Qm8+L8lmFta89t3L1FSrKx0m9MH1rJpySRadx/By+OX4+lfk9++f4m87DRNmeKiQkIjW9Gyy1Cjx7Bjxw5mzZzJc/37M3XqVEKCg/ng/fcr7ZFy4sQJ2rRty8RJk/jm229xc3fn/ffeIzU1VVMm8eZN3n7rLfz8/fniiy/48ccfefa557CwsDBKDPt3b2TR7O/o0e9lJny7AP+gcL756HWyM9P1llcqC3H38qPPgNdwdHbVW8bF1YOnX3iND7+Zz4dfz6NW3UZMmfgmNxIuGyWG2w5vmcWxnfOJ6TOBZ95YgpmFNStnDLnnOXXhyFp2rZxI0ydG0O+tFbj5RvDnjCHk52jPqY0Lx5KZHEe3l6bT/53VhEZ1ZN2vo0m+fsYocRzYNIuj2+fTsd8E+r+9BHMLa/6Ydu84zh1ey/blE2neZQQvvLsCD78I/pg2hLw74gCIatGX4Z/v1iyte75j8Prv2bmFuT9Po8+zg/hi8s8EBofx2fg3ycrM0FteqSzEw8ub/gOH4uTsorfM9KlfcOLYQV5/832+mTaX6PqN+fj9N0hLTTF4/QFMbW3IPnGeUyM/uq/y1kF+NF71E2nb97O7UQ/ips6l7k+f4taxpaaMd5/O1PpqHBc//YHdTXqRc+IcTf/6BQt3/TEbglPrdvi8PIKkBb9y4bWXKLxyiZDPvsbM0Ul/+bYd8H7xFW4t+JVzr7zAte++wKlNO7wHv6wp49HnOVy79uDGj99x7pUXSJw9A4+nn8OtR2+jxXFw9waWzPmW7n1f4YOvf8MvqAbffzyi0vtUkbIQN09fnnphJI5ObnrLXDh9mJjOfRk3aS5vfDid0pISvvvoVZSFBUaJ4ei+dayc/yWdeg/nzc+X4hNYk58mDSUnK01v+bgLR5k/9R2atu3FWxOXEtmoHbO/GUnitYuaMqm3EpgyYQAePsGM+GAOb3+xjMd7DcPM3Dj5AmDL7limzfmNwX178svXHxMWFMCYj78iIzNbb3l7OzsG9H6SGZM+YO53n9GlXSsmTpvF/qMndMo1rR/Fn79M0SwTxrxqtBgANu09yOR5fzCkd1fmTnqPsEA/Rn0+hfQs/XE42NkyuFcXfv5kLAu/HE+3to/x6fS5xB47rSnz/bylxB47zUevvciibyfQr0s7vp69iJ2Hjhs1ll4dnenW1okZv9/ina8SKFSW8eHrvpibVf4eMy2zhPkrU3lzUgJvfZHAyQv5jBvmi7+39twZPdALH08LPp9xk1GfXiX2WC5vveRNsF/l7yn/DWOdUwA7Yg9x+sJl3FyM+yXb+iNn+XrFNoY+0YJFbw+kpq87w39cQlpOXqXb2FlZsOXTVzXL+gnDdH5foCymfogvo580fuOUEPcijQsGVrNmTby9ve/qodCjRw+Cg4OJjY3VWR8TE8P8+fNp1KgR9vb2eHl58dxzz5GcnKxT7s5hEVevXqV79+44Oztja2tLnTp1WLt2LfHx8cTExADg7OyMQqFg0KBBALz66qsoFAoOHDhA7969CQ8Pp06dOowZM0anTncOi4iPj0ehULB48WLatGmDlZUVCxcuBGD27NnUqVMHS0tLvL29ee2114zw11QrKyvjwOZ5tOo2jJr12+PpX5MeL35BTmYy545urnS72E2/Ur9VH+q17I27Txhdn/8Icwsrju1epinTtONAWnR5Bd+QaKPV/7YVK1bwROfOPP744wQEBvLa669jaWnJxo0b9ZZ/Z+xYunXrRmhoKP7+/owaNQqVSsXxY8c0ZebOnUujxo0ZMmQIoWFhePv40KxZs7t6rRjKxj8X0vrxnrRq/yS+/iEMGD4OC0srdm1Zpbd8SI06PDNoFE1bdcLMTP8b2HpNWhPdqCVePgF4+QbS+/kRWFnZcPm88b6hLSsr49jOeTR5fDihdTvg5hPB4/2/JC8rmSsnKz+njm6fQ2TzvtRu2htXrzDa9fkIMwsrzuzXnlNJcUeJavU8XoFROLr50+TxV7G0diD52ulK91uVOI5sm0ezJ4YTFt0Bd98Iugz8ktysZC4drzyOQ1vmUPexvtRt3hs37zA69lNfG6f2LdMpZ2Zhha2ju2axtLYzeAxrVi6mfafuxHTsin9AMK+MeAsLSyu2bvpLb/mw8FoMeHEELdp0wFzPhyKlUsn+PTt4fvBwakfWw9vHj779X8TL25eN61YavP4AKRt2cuHD77n1Z+V/8zsFvtKPgrjrnH3nC3LPXeHqjwtJWraB4FGDNGWCRw/m2i9LuD53OblnL3Py1Q8pzS/Ef5DxPpS7PdWX9PVryNi0DmXCVa5P/YYyZSEunbrqLW9bO5K806fI3L6Z4ltJ5B45SMb2LdjUrKVTJit2DzkHYim+lUTW7h3kHDmoU8bQNq1eSKuOvWjRvgc+/iE8P/Q9LCyt2LP1T73lg2vUoc/AN2jSshNm5uZ6y4we/wMt2j2Jb0Ao/sHhDH79I9JTk7h62TiNhtv/mkfzdk/TtG0vvPxC6TNkPBYWVuzfvkJv+Z3rFhAR3YJ23V/E0zeULn1fxy+4Nrs2/KYps3bxFGrVa8WT/d/EL7gWbp4BRDaKwd5Rf8OvISxavZ7uHdvStX1rgv19eXvoIKwsLVmzdYfe8g0ia9GmWSOC/Hzx9fKkb7dOhAb6c+LsBZ1yFuZmuDo7aRYHO1ujxQDw+1+b6dG+Jd1jWhDi58O7L/XHysKC1dv26i3fsE5N2japT7CfN35e7vTr0p6wAF+Onb+kKXPy/BW6tGlOwzo18fFwo1eH1oQF+nHmUpxRY+nezpkl69M5cCKPqzeKmDw3CRdHM5pGV35/P3gyj8On80hMKeZmcjELV6VRqFRRM9hKU6ZmsDVrt2dw8Woht9KKWbo+nbx8FaEBhm1cMNY5lZKWzvc/z2f86GGYmZoatM4Vzd92iKcei6Jns7qEervxft9OWFmYszK28vc9CoUCNwc7zeLqoHvOd29Sh2GdW9C0ZpBR6/7QUiiq5/IIksYFI4iJiWHbtm2an7dt20bbtm1p06aNZn1BQQH79+8nJiaG4uJiPvnkE44fP87KlSuJj4/XNAroM2LECJRKJTt37uTkyZN88cUX2NnZ4e/vz7Jl6g8H58+fJzExkcmTJ5Oens769esZMWIEtrZ3J+C/+yD67rvvMmrUKM6ePUunTp2YPn06I0aM4JVXXuHkyZOsWrWKsLCwf/6Huk+ZqdfJzUohuNZjmnVWNvb4hkRx4/IxvduUlhSRePU0wbW12yhMTAiu1ZzrV/RvY0zFxcVcuniRevXqadaZmJhQr149zp2tvMvxnZRKJaWlpdjZ2wOgUqk4ePAgvr6+vP/eezzbrx+jR49m7179b3aqqqS4mPjL56gT1VQnhtrRTbh0/u5vAP4NVWkp+3dtQFlYQGhE1N9v8C9lp10nPzsF/3Dt+WFpbY9nYDSJ8Uf1blNaUkTy9dM62yhMTPAPf0xnG6/g+lw8uo7CvEzKVCouHPmLkhIlfmFNDB5HVtp18rJTCKypG4d3UDQ34yqP49a10wRG6MYREPEYN6/obnP24Gp+eKcpcz7txs4/v6G4yLDf0hYXF3Pl0gWi6jXUrDMxMSGqXiMunPt3jTGq0lJUqlIsKjQ8WFhacu60Yc7TqnJqVo/Urft01qVs2o1zs3oAKMzNcWxQh9Qtd1zLZWWkbt2LU7P6RqmTwswMmxrh5BzV9rqjrIyco4exqVVH7zZ5Z05hUyMc6/LhJhZe3jg0bkb2gVidMvb1GmDh6weAVXAotnXqkn1wv1HiKCku5urls9SqcJ+qFdWUywa6TwEU5OcAYGv398MV/6mSkmKux50hPFLbhd7ExIQakc24elH/t9rxF48THtlcZ13NqMc05VUqFWeO7sTDO4gZE1/hg6Gt+e79Zzl58N7Dd6qiuLiEC5fjaRSlPX9MTExoFFWb03d8yK5MWVkZh06cJuFmIvVqR+j87uipc3QbNIJnX3uHr3/6laycHIPX/7bikhLOXUmgSV1tg5iJiQmN60Zw8uKVv92+rKyMgyfPcjXxFvVr1dCsr1szhF2HjpOcnqGO9dR5riXeommU/iFhhuDpao6LoxknzmmHM+QXqrgQX0jNEKt7bKllooCWDe2xslBw7oq2N+75uAJaNLTHzsYERXkZC3MFpy4aLm8Y65xSqVR8Mvknnu3ZhZAAP4PVV5/iklLOXkui2R2NACYmCprVDORE3M1Kt8tXFvHEhzN4fPx0Rs1czqXE1ErLCvEgyZwLRhATE8Po0aMpKSmhoKCAo0eP0qZNG4qLi5kxYwYA+/btQ6lUEhMTQ0BAgGbbkJAQpkyZQuPGjcnNzcXO7u6W5ISEBHr37k3dunU129zm4qLuMuvh4aFpNDhw4ABlZWVERETcta/7MXr0aJ566inNz59++ilvvvkmo0aN0qxr3Ljxv9r3/cjNUndltnXQ/XbF1sGN3Cz9N9f83AzKVKXY6dkmNcm43wrok52djUqlums+CydnZ65dv35f+5gzezYuLi7Ur6/+cJGZmUlBQQFLlyxhwMCBDH7xRQ4fPsxnn37KpEmTqBtl2A/nOTmZqFSlODjpdst2dHQh6Xp8lfZ9Lf4Sn707mOKiIiytrHnt3a/w9Q/5+w3/pfwc9TllY697ftjYu5Kfrf+cKshTn1P6tsm4pX2D2WXg96yb+wYz32uKiYkZZhZWdH1xGk7ugQaOQj2/A4CNw911yqssjvJrw7ZCHLb2rqQnaeOo1agbDi4+2Dl6kHLjPDv//JqMW3H0eGWaweqfk52FSlWKY8VzysmZG9ev/qt9WtvYEB4RyR+L5uLrH4SjkzN7dm7mwrnTeHn7GqLaVWbp6Ybylu7xUd5KxdzRHhMrS8ydHTExM0OZnFahTBq2NY1zXZg6OKIwNaOkwnCUksx0LP0D9G6TuX0zZo6OhH0zDYVCgcLMjNQ1K0levEBTJnnJQkxtbImYtQBUKjAxIWnuLDK3bTJKHLmV3KccnFxIuhFvkNdQqVQsmv01YRH18A00fMN6XnYGKlXpXT0K7B1dSb6pP3/lZKbqKe9Gdqb6PMvNTkdZmM+WVb/Que/rdH92DGeP72bOd6N59f3ZhNU2fA7PysmhVKXCxUl3HiMXJ0eu3kisdLvcvHx6vTyKouISTE1MGPPKABrX086X0bR+FG2aNsLb050bScnMXLiUtz75hhkTx2NqavjvzDKzc9VxONrrxuHowNWbSZXHkV9At2FjKSopxtTEhLeHPKfTcPDW4H5MnLmA7sPfxdTUBBOFCf975Xnq1w43eAy3OTmqv5HPzC7RWZ+VXYqzw70/EgT6WDDprQAszBUUKlVMmpnI9aQize+/+jmRt4Z4s+DrMEpKy1AWqZg08yZJ95jL4Z8y1jm1cMVfmJqa0qfr4wara2Uy8vIpVZXham+js97V3pa4W/qHbgV5uPDRc52p4eNOboGSuVsPMvC7BSwfNwRPZ3u92wjxoEjjghG0bduWvLw8Dh48SEZGBuHh4bi7u9OmTRsGDx5MYWEh27dvJyQkhICAAA4fPsyECRM4fvw4GRkZqFQqQN2IULv23S3YI0eOZPjw4WzcuJEOHTrQu3dvou7xQbKsrKxK8TRq1Ejz/+TkZG7evKmZAPJ+KJVKlErd8d/FRRaYW+jvKncydjV/zf9Q8/OzI2f8wxo/epYsWcKOHTv44ssvNfMp3D6uzZo3p1evXgCEhoZy9swZ1q5da/DGBWPy9g3ko+9+oyAvl4P7tvDzlAm8+9lMgzUwnDu0im1LtOdU91d+Msh+9dm3bjLKgmx6vforVrbOXDm5mXW/jubpkQtx89E/eef9OnNgFZt+18bx1KvGiyO65TOa/7v71sTO0Z0lUwaRmZKAk7v+D5sPi9fffJ8fJ09k6MBemJiYEhwaTsvW7bly6cLfbyzum21UPTyeeZ4bP3xL/rmzWPj44jtsJMXPDdBM2OjUOgandh1J+OJjCq/GYx0ahs/Q1ylOSyNj8/oHHMG/89usSdxMuMw7n81+0FW5b2Xl7ysiG8bQtssAAHyDIoi/cIy9m5cYpXHh37KxtmLON59SUFjIoRNnmDbnd3w8PWgQqe450KGltkdHaKA/oYH+PPPqWxw9fVbnG+0HzcbKkvlfvk9BoZKDJ88xed5SfD3caFhHnQeWrN/GqYtxfP3Oq3i5uXLs7EW+mv07bs5ONIkyzLCh1o3tGf6sdlK/T6ff+Nf7unGriDcmXsXWyoTmDewZOcCT9767rmlgeK67K7bWJoyffI3s3FKaRtvx9hBv/vftNa7eLPqbvRvXvc6pc5fjWPrXRmZ//XGV5jYzpuhgX6KDtY3j0SG+9PrsF5buPcZrXVs9wJoJcTdpXDCCsLAw/Pz82LZtGxkZGbRpo55cxcfHB39/f/bu3cu2bdto164deXl5dOrUiU6dOrFw4ULc3d1JSEigU6dOFBXpvxm/9NJLdOrUib/++ouNGzcyceJEvvnmG15//XW95WvUqIFCoeDcuXP/Kp47h1JYW1v/4+0nTpzIRx/pTnTWa9B4nnpxgt7y4fVi8A3WfjAuKVH/HfKy07B30j4BIS87FS9//QnYxs4ZhYkpudm63/zlZadi56h/wi5jcnBwwMTEhIwM3W8FMzMycPmbp3Ms++MPli5Zwmeff05wsHZmagcHB0xNTXV6vgD4+/tz+ozhxwHb2zthYmJ616RoWVnpOFQyWeP9MjM3x9PbH4CgsFrEXzzDptW/M+jV96q039tCItvhFaidV6O0/JzKz0nD1lF7TuXnpOHuq7+Hj7Wt+pzKrzDpYX5OGjYO6nMqMzWBE7sW0H/sGly91d1f3X0juHnlECd2L6Rd36o9aSEsqh3eQXriyE7DrkIcHn6VxFF+bVScvDEvJw1bh8qvDa/y181IuWqwxgV7B0dMTEzJqnhOZWbgVIVzysvbl48nTaOwsICC/DycXdz49osP8fAy3oz4/4TyViqWnrp/a0tPN4qzclAVKilKzUBVUoKlh2uFMq4ok4zTFbY0O4uy0hLMnHTvR2ZOLpRk6P82zWvAEDK2biR9vXp+jML4K5hYWeE/8m2Sf58PZWV4v/QqyUsWkrljq6aMuYcXHs/0N0rjgl0l96nszHQcnKo+t8BvsyZx4tAu3v70Z1zcjDMTu62DMyYmpndN3piTlYZDJRNO2ju56Smfqilv6+CMiakZnr66E0h7+oZw5fwRA9Zey9HeHlMTE9IrTLSXnpmFq1Plw0lMTEzw81b/bWsEB3L18H2U1QABAABJREFU+k0WLF+taVyoyNfLAycHe64n3jJK44KTg506jizdoRfpWdm4/E0c/l7q+3J4kD/xNxKZu3I9DevUpLCoiOm/r+SLt4bTsoG6F2qNQD8uxF9j4ZqNBmtcOHAilwvx2qELtydtdHIwIyO7VLPe0cGUuOuVTwIMUFKKphfC5WtKagRa0j3Giem/J+PlZk7Xts68/kk81xLVeSn+Rjq1w6zp3MaJGb8n32vX980Y59SJM+fJyMqm9ytvaMqXqlRMm/s7S9Zs5I+fvjVI3W9ztrXB1ERBWk6+zvq0nDzc7O9v7hBzU1Mi/Dy5lqJ/4uP/jx7VxzpWR3IkjCQmJobt27ezfft22rZtq1nfunVr1q1bx4EDB4iJieHcuXOkpaUxadIkWrVqRUREhM5kjpXx9/dn2LBhLF++nDfffJNZs2YBaL7VLi3VJg0XFxc6derEDz/8QF7e3TPRVva0An3s7e0JCgpiy5b7H6c5btw4srKydJbuz4+rtLyllR0unoGaxd0nDDtHd+LOascoKwtyuXHlBL6h9fTuw9TMAu/AOsTfsU2ZSkXcuVj8QvRvY0zm5uaE1aihMxmjSqXi2LFjRNSq/E3E0qVL+f333/nkk08ID9ftKmlubk54eDjXKwyruP2YUUMzMzcnKDSCMye0jydUqVScPXGQsJqG7SWhKlNRYsAnk1hY2eHkHqhZXLzCsHFw59rFO86pwlxuXT2Od5D+Me2mZhZ4+NXR2aZMpeLahX2abUrK5yRQVEhyCoVplXsQ3Y7D2SNQs7h6h2Hr4M7V87rXRmL8cXyCK4/D078OCed140g4vw+fkMrH86dcV88NYufoXuU4bjM3NyckLJyTxw9r1qlUKk4eP0x4RNU/JFhZWePs4kZubg7HjxygcbOH4xuezNhjuLZrprPOrf1jZMQeA6CsuJisI6dxa3fHGHqFAteY5mTG6p9Lo6rKSkrIv3gB+zvmv0ChwK5eA/LP6p//wsTSClQVzuvyb8hvT1RlYmmpXacpU3rXNWIoZubmBIbW4uxd96kDhFbhPlVWVsZvsyZxdP823vzoJ9w9jTfExszMHL/g2lw4pZ2XQqVScfH0fgJr6J98OKhGNBdOx+qsu3Byn6a8mZk5ASF1SE7UHVaRkhiPi5uPgSNQMzc3Izw0iMMntOePSqXi8Ikz1Kl5/8NJVGUqiopLKv19cmo6WTm5uDk7VaW6lTI3MyMiJICDJ7XzI6lUKg6eOkfdGvffu05VVkZxiTqOkpJSSkpLManwTbmJiQkqA+SK2wqVZSSlFGuWa4lFpGeVEFVT2yXf2sqE8CArzt8xf8L9UCgUmsYKSwv1vxWrrlKp52gwFGOcU53atmDut58x55tPNYubizPP9uhilMebmpuZUsvfi/0XtEP/VKoy9p+/SlTw/V2LpSoVF2+m4OZg+EmWhagq6blgJLcf8VhcXKzpuQDQpk0bXnvtNYqKioiJicHMzAwLCwumTp3KsGHDOHXqFJ988sk99z169Gg6d+5MeHg4GRkZbNu2jVrlH1ADAwNRKBSsWbOGLl26YG1tjZ2dHT/88AMtWrSgSZMmfPzxx0RFRVFSUsKmTZuYPn06Z+9zUkGACRMmMGzYMDw8POjcuTM5OTns2bOn0p4TlpaWdz3e0tzi/pOnQqGgSYcB7P5rBi6eQTi5+bJ95RTsnTyIqN9BU27+14OIaNCBxu2eB6BZx0H8OftdvAMj8QmO4sDmuRQrC4huoZ0/IjcrhdysVDKSEwBIvn4BCytbHF28sbZzuu863o9evXrx7TffUKNGDcJr1uTPlStRKpV07NgRgK+//hpXV1cGDx4MwNIlS5g/fz7vjB2Lh6cn6enqb+Ksra01PUh69+6tnl8hMpKo6GgOHzrE/v37+eKLLwxa99se79GfnydPICisNiE16rBx9W8oCwto2b47ALO+H4+Tqwd9XlA/PaSkuJib19Tj+EtLislITyHhynksrW00PRWWzp9GVIPHcHXzoqAgn9hd6zl/6jBvfjjVKDGA+pyq13oABzdOx8k9EAcXP2LXTsbW0YOQutpzavkPAwmN6kh0K/U5Vb/tYDb9NhZP/0g8A6I4tmMuJUUF1G6qPqecPUNwdAtk65LxtOwxFitbJ66c3EzChT08+bLhhzAoFAoaxAwgdv10nD0CcXT1Y8+aydg5ehAWrY1jyeSBhEV3pEFbdRyN2g9m3byxeAZE4h0UxeGt6msjspk6jsyUBM4eWk1wnTZY2zqRcuM825ZNxC+scaU9O/6tbj2f4YfvPie0RgRh4bX468+lKAsLiOnQBYCp33yKi6sb/QepH7tVXFzM9WvxgHriu7S0FOKuXMTKyhpvH/VEXMcO76cM8PH1JynxBvNn/4ivX4Bmn4ZmamuDbZi2N4dNsB8O0REUpWdReC2Rmp+OwcrXk+ODxwJwdeYiAl/tT8TEt7n26zLcYprh3aczB5/UPhI37vs5RM/+gszDp8g6eIKgkQMxs7Xm2tzlRokBIHX5EvzfGkf+xfPknz+Le68+mFhZk75xLQD+b/2P4rRUkubMBCB7/17ce/Wl4PIFzbAIrwFDyN6/V9OgkL1/Lx79XqAo5Vb5sIgauPd6RrNPY+jYvT+zp35IUFhtgmvUYfPq3yhSFtCi3ZMA/DL5A5xdPXjqeXXOKiku5uZ19X2qpKSYjPRkEuLOY2VljYe3+rj+NnMS+3etY8S477CytiErQ92DxNrGDgvL+5sI759o23UAv01/D/+QOgSGRbJj3QKKlAU0bdMTgIU/jsPR2YNuz6q/bW3d+XmmfTyYbWt+pXb91hzdt45rV07T9+UJmn3GdB/MvMlvERrRiLA6TTh3fDenj+xgxAdzDF7/2/p1f4LPps4iIiyYWjVCWLJ6IwVKJV3btQbgk8k/4e7qzLDn+wIwf9lqIkKD8fHyoLikmH2HT7Bhx17eemUgAPkFhcxZsoI2zRrj6uzIjaRkfpy3GF8vD5rUr2u0OJ7t2oGPf/yVWqFB1A4NYtHaLRQqi+jWVj0x7oRpc3B3cWLEc+ohir+uWEet0ED8PN0pKi5h79FTrNsVy9gh/QGws7GmQe1wpi5YhqWFOd7urhw5c4F1O2MZNaCP0eIAWL01gz6dXbiZXERyWjHPdXcjPauE/cdzNWU+HulH7PFc1u7IBOD5Hm4cOZ1Hanox1lYmtGrsQGQNaz6apn5fcj2piJvJRQx/1oNfl6eSk6ceFhEdYcNn0yufpPDfMPQ55Whvj6O97rwFZqamuDo5EuBrnN5uL8Q04oMFa6nj70VkoDcLth+ioKiYnk3V5/B78//Cw9GOUeWPlZyxbg9RQT4EuDuTU1DIr1sOkJiRzVPNtQ2mWXkFJGZkk5KlPo7xyepj4+ZgK40Q4j8ljQtGEhMTQ0FBARH/x95dRzl1tAEc/m3W3d19F13c3aVIKRT3QoFCKbSltMVqQAtFq7hbcXcrXtxpcWfdPfn+CGTJkqWUZLvQ733OyTmbu3Mn8+bO3CRzZ+ZGRODunjd0slatWiQnJ2tuWQkwd+5cPv30U6ZOnUrZsmWZMGECLVq0KDDv3NxcBgwYwJ07d7Czs6Nx48ZMmjQJAG9vb8aMGcMnn3xCjx496Nq1K3PnziUoKIgTJ07w9ddfM3ToUO7fv4+rqyvlypXjp59++kexdevWjYyMDCZNmsSHH36Ii4sLb7311ku8Sy+uauPeZGems3H+SDLSkvALLUfHwTMwMc3rtIiPvkVact4QseIVm5KWEsfetdNISYrG3TeSjoNnaE2LOL5nKfvW/6B5Pu9b9Y+vFj2+0eqEMIRatWqRlJjIgoULiY+LIyg4mC++/FKzyGP0o0daVzE2btxITk4O33z9tVY+HTt1onNndTmrVqvGe++9x/Lly/n555/x8fHhs88/p3iJEhSGStUbkpwYz5olP5MYH4tfYBhDRk3D/vFw49joB1pXJBPiohk1pJPm+ZY1C9iyZgHhxcvyydfqHyjJCXHMmDyKxPgYLK1t8PUPZeioaRSP0r6ya2jl6r1DTlY6u5aNJDM9Ca+gcrTsO1OrTiXG3CY9Ja9OhZVtSnpqHIc3TyU1KRpX70ha9p2Jla26Thkbm9Ky768cWD+R9TPeJTsrDQcXPxp0HEdAscK593TFBu+QnZXOtsXqOLyDy9FmgHYcCTG3SU/NiyOiXFPSkuM4sGEqacnqON4aMFMzLUJhYsrNS4c4vns+2Zlp2Dp6EhbVkMqNDX8v+Wo165GUmMCyhbNIiI8jICiEz76YgIOjekG+mOiHGD116Ss+LoaPB/XUPF+/ainrVy2lWIkoxoxTd0ilpaWyeN4vxMZEY2NrS6WqtenQ9R1MTArnI8++XAmq7FygeV5swqcA3J6/ijO9hmPu6Yqlb96X1PQbdzjWoi/FJg4nYGBXMu484Gzfz4nZ/rsmzf0VmzFzdSJs1CDMPVxJOn2Ro817k5VvkUdDSti3C2N7Bzy69MTE0Yn0a39x/fMPNYs8mrm5a12afLh4PqhUeHTrjamzKzmJCSQdOcj9uTM0ae7+OBmPrr3xGTAEEwdHsmNjiN28joeL5hZaHBWqNyI5KZ61S34iKSEW38Bw3h8xXTMtIi7mAUaKp85T8dF8ObSD5vm2tQvYtnYBYcXL8dGX6lj2bF0BwIQR72i9Vvf3Rms6LQypTJUmpCTFs+W36SQlxODtH0HfT37G9vE0h/iY+1rn2sCwMnR5bzyblk9j47IpuHr403PoVDx98+5OUKpCfdr2GsmOdTNZPW8srl4BdP9gEkERZQ1e/ifqVa9MQlIyM5esIi4hkZBAPyaO+EgzneBhTCyKp9p3emYmE2fM41FsHOZmZvh7ezLy/b7Ue7zOgrFCwdWbt9m8+3dS0tJwcXSkQlQJ3unQBrMCbiNqCA2qViAhKYVfl68jNiGJsAAfJg8fhPPjhQUfxsZpxZGRmcm3s5YQHRuPuZkp/t4ejHmvJw2q5q1t8dX7vflh8WpGTZtNUkoqHq5OvNu+JW82qFlocQCs3h6PhbmC/h3dsbZScPFqOl9Mv0t2Tl7b9nA1xc4m73aMDrbGDO7mgaOdMakZSm7ezWTM9LucfnzXiVwlfPnDXbq2cuGzfl5YmCu4H53N1PkPOH7+2RGz+jB0nSoKjctGEp+Szo+bficmKZVwHzd+7NdWc3vJB/FJWt8Hk9Mz+GLpVmKSUrGzsqCYrzvzBnci2DPv++yec38xctFmzfNhc9cD8G7jqvRrWv1fikwIMFIZYqyuEP/Qwv2vf7Wr4v3v33WiMDzMNNww96J08sbrv2KyWeF9N/5XVfI3zPzaonS72KsxhUJfPvUKZ12Af1vixM1/n+gVl5Jp9veJXgMVzAtnjYZ/k2m2YW+rW1S6/1o4U1r+bTMGvP5rB9jeOVfURTAIi0a9iroILyXm3KG/T/QKcsl3C+H/AllzQQghhBBCCCGEEHqRzgUhhBBCCCGEEELoRdZcEEIIIYQQQgjxWpJbUb465EgIIYQQQgghhBBCL9K5IIQQQgghhBBCCL1I54IQQgghhBBCCCH0ImsuCCGEEEIIIYR4PRkZFXUJxGMyckEIIYQQQgghhBB6kc4FIYQQQgghhBBC6EWmRQghhBBCCCGEeC2p5Hr5K0OOhBBCCCGEEEIIIfQinQtCCCGEEEIIIYTQi3QuCCGEEEIIIYQQQi+y5oIQQgghhBBCiNeSSm5F+cqQkQtCCCGEEEIIIYTQi3QuCCGEEEIIIYQQQi/SuSCEEEIIIYQQQgi9yJoLQgghhBBCCCFeSyojuV7+qpAjIYQQQgghhBBCCL1I54IQQgghhBBCCCH0ItMihBBCCCGEEEK8llTIrShfFTJyQQghhBBCCCGEEHqRzgUhhBBCCCGEEELoRToXhBBCCCGEEEIIoRdZc0EIIYQQQgghxGtJbkX56pDOBVEkTIyLugT6u5PuUdRFMIibMVZFXQSDsLYs6hLoLyOzqEtgGEnZ1kVdBL351HMv6iIYxJ2dD4u6CAZhnG1a1EXQW0bOf+CDD0i1cyzqIujNzOQ/8IEBWNpYFHURDCLN3KGoi6A3ayu7oi6CEK8E6eYRQgghhBBCCCGEXmTkghBCCCGEEEKI15LKSG5F+aqQkQtCCCGEEEIIIYTQi3QuCCGEEEIIIYQQQi/SuSCEEEIIIYQQQgi9yJoLQgghhBBCCCFeSypkzYVXhYxcEEIIIYQQQgghhF6kc0EIIYQQQgghhBB6kc4FIYQQQgghhBBC6EXWXBBCCCGEEEII8VpSGcn18leFHAkhhBBCCCGEEELoRToXhBBCCCGEEEIIoReZFiGEEEIIIYQQ4rUkt6J8dcjIBSGEEEIIIYQQQuhFOheEEEIIIYQQQgihF+lcEEIIIYQQQgghhF5kzQUhhBBCCCGEEK8luRXlq0OOhBBCCCGEEEIIIfQinQtCCCGEEEIIIYTQi0yLEEIIIYQQQgjxWpJbUb46ZOSCEEIIIYQQQggh9CKdC0IIIYQQQgghhNCLdC4IIYQQQgghhBBCL7LmghBCCCGEEEKI15LcivLVIZ0L/2e6d+/OvHnzNM+dnJyoUKEC3377LaVKlQLAyEi9KMqhQ4eoXLmyJm1mZiZeXl7ExcWxe/duateurUm/evVqWrVqVWjlPrJzEQc3zyIlMQZ3vwiadvocn6BSBaY/f2wLu1ZNISHmLk7u/jRo+yFhpWtp/q9Sqdi9ZhrH964gIy0Jv9CyNO8yCmePgEKLAWD35mVsWzOPxIRYfALC6NB7GIGhJXSmvXfrKmuX/sitqxeJjb5Pux4fUv+NTlpprpw/zra187l59QKJ8TH0G/Y9ZSrVKdQYQP3+7Vs3lZP7V5CZnoRPcFmadBqNk3vAc/f7Y/ciDm+bRUpiNO4+ETTsMALvwLzjuGnBSK5fPEhK4iPMzK3wDi5D3Tc/xMUzuFBi2L9+KqeeiqFRx7+P4fjuRRzZro7BzSeChu1H4PVUDJsXjuTG4xhMza3wCS5DnTc/xNnD8DE8iePQpqmcPaSOwyuwLPXajcbR7flxnNq3iOO7ZpGaFI2rdwR13hqBh786jsTYO8weU0/nfs16TCasTBODxrBr0zK2rJlPYkIsvgFhdOz9MUFhutvF3VtXWbPkJ24+bhftew6lQb52sXHlbE4c3sX9OzcwMzMnOKI0bbsOwsM7wKDlzs/5jda4vdUeE0cn0q9d5e6PU0i/crHA9C6t2uLcvCVmru7kJCWSuH8P9+f8iio7S51AocCjcw8c6jbE1NGJ7NgY4nZs5tHi+YVSfqfq5Qka2gv7siWw8HLjjzb9ebhu5/P3qVmRYhM+waZYKBm37/PX2J+4M3+1Vhr/fh0JGtILcw9Xks5c4vzgL0k8drZQYnhi/9Yl7Fo/l6SEGLz9w2nTYzj+ISULTH/y0FY2LZ9OXPQ9XD38eKPTBxQvU1Pz//ff1r1vi05DqNeih8HLD3Bo+yL2bZpNSmIMHr4RtOj6Gb7BBX/unT2yhe0rpxIfcxdnd38avz2UiKi8z70dq6Zz5vAmEmIfYGxiindgMRq+NRi/kNKFUv4n1m3YyG8rVxEXH09QYCD93+1LRHiYzrSbtmxlx65d3LxxE4CQkBB6dOuqlb5Rszd07tu7Zw/atnnT8AE8tnrjFpatXkdcfALBgf4M6tOTyLBQnWn3HTzCot9Wcff+A3JzcvH28qBdqzdoWKeWVpr1W7Zx5eo1kpJTmDH5W0KCAgut/E97q6E9dSvaYG1pxOUbWcxeHceDmJwC09evbEODKja4OKp/Ntx5mM2qHYmcvpyhSdPrTUdKhlrgaGdMRqaKKzczWbIpgXvRBef7stZt2MiKlas1dWrAu33+pk7t5sbjOhUaEkKPbl200qenpzNr7jwOHjpCUnIyHu7utGrRnOZNDftZ97Rluw4zb+vvxCamEObrwbAOzSkR5PO3+205eobhvy6ndlQkk97T/uy7du8RU1Zu48SV6+TkKgnycmNCvw54OjsUUhRCPEu6ef4PNW7cmPv373P//n127tyJiYkJzZs310rj6+vLnDlztLatXr0aGxubf7OoAJw7somtS8dRu+UA+o5ehYdvOAsm9iYlKVZn+lt/nuC3n4dSpuZbvDtmNRFl67N02ns8vHNFk+b3TTM5sn0Bb3QdzTsjlmNqZsmC73uTnZ1ZaHEc+30rK+ZMpHm7vnw+YTG+AWFM+aI/SQlxOtNnZWbg6u5D6y6DsHNw0ZkmMzMdn4AwOr4zvNDKrcuhrTM4tmsBTTqPpvvw5ZiaW7JkSi9ynvP+XTi2iR0rxlKj+QB6fb4aN98Ilk7pRepTx9HDvzhvdB9L3zGbaP/+LFCpWDK5F0plrsFjOLx1Bn/sWkDjTqPp9ok6hmVT/z6Gnb+NpXqzAfT8bDXuPhEsm5ovBr/iNOs2lndGq2NQqVQsLaQYAP7YMYNT+xZQv91oOgxR1+VVPz0/jssnNrFv9VgqNx5Ap49W4+Idwaofe5GWrI7D1tGTPl/9rvWo0mQgpuZWBBSrWWC+L+Po71tZNud7Wrzdh1ETF+MbEMqkLwb8Tbvwpk2XQdg76m4XV84fp06Tdnw2fh5DR/9Ebm4OE8f0JzMj3aBlf5pDzbp4vTOABwvncuW93mRc+4ugrydgYu+gO33t+nj27MPDhXO51KcLtyeNx6FWXTx7vKNJ49a2I87NWnL3x0lc6tOF+7N/xu2tjri0bFMoMRhbW5F05jLnBo15ofSWAT5UWPcLsXuO8Hv5llyfNo+Sv3yFS4PqmjSebZsQ+d1w/vzqB36v2JrkM5eotHEWZq5OhRIDwImDW1g9/zsatXmXj8Ytx8s/jJ++6Utyou7PjOuXTzF/6jAq13mTj8atoGSFusz67n3u3fpTk+bLX3ZrPTq8+wVGRkaUrlS/UGI4c3gTGxePp17rAbz35Uo8/cKZ/e07pBQQw80rJ1n644eUr9WGgV+uoli5eiycPJAHt/M+91w8AmjR9XMGj13LuyMW4ujizexve5OSpLutGcKeffv5dcZMOnXswA9TJxMUGMhnI0aSkJCgM/2Zs2epU7Mm3479hkkTv8PV1YVPR4wkJiYv7iUL5ms9hgx+HyMjI6pXrVpocezaf4CfZs2jW/u2/DppPMEB/nw86mviExJ1preztaFz2zf54duvmTl1Ao3r1WH8lB85euKUJk1GZgYlikXQp1vnQiu3Lm/UtqVxNVtmrYpjxLSHZGYp+aSXG6bPudwYl5jLks0JfDb1AZ9NfcD5vzL4sJsrPu6mmjTX72bx8/I4hk64z9hZjzAyguG93TAy8CL+e/bt55cZs+jcsT0/Tp1EUGAAn44YRXwBder02XPUrlmT78Z+zeTHdWr4iFFadernGbP44/gJhn04hJk//0Drlm8w/adfOHT4iGEL/9jWo2eZuHwzfd+ow+KR/Qnz9aD/5LnEJaU8d797MfFMWrGFMqH+z/zv9qNYeo6fQaCHCzM+6sXy0e/xTvPamD/vwApRCKRz4f+Qubk5Hh4eeHh4EBUVxSeffMLt27eJjo7WpOnWrRtLly4lPT3vy/js2bPp1q3bv17eg9vmUq5mW8rUaIObdwjNu47B1MyCk/tX6kx/ePsCQkpWp3qTXrh6BVPvzffx9C/G0Z2LAPWV3sPb51PzjXeJKFsPD99w3nxnPMnxj7h0YkehxbF9/UKqN3iTavVa4uUbTKe+n2FmbsGBXWt0pg8ILc5b3T6gYvXGmJqa6kxTsmx1WnUcQJnKdQut3PmpVCqO7phP9Wb9CI+qj7tPBC16fEtywiMunyz4/TuyfQ5R1dtRulobXL1CaNppDCZmFpw+kHccy9Z8G7+wCji4+ODpX5xarQaTFH+fxJi7Bo/h2M75VGvaj7Co+rj5RND8cQxXThUcw9EdcyhdvR2lqrXBxSuExo9jOHMwL4YyT8Xg4VecWi0fxxBr2BiexHFi73wqNuxHcKn6uHpH0LjLt6QmPuLqmYLjOLF7DiWqtqN45TY4e4ZQv506jnOH1XEoFMZY27lqPf46s4OwMk0wM7c2aAzb1i2iZoPWVK/XEi/fILq8q24Xv+9cqzN9YGhx2nX/gEo1GmFiortdfDDyB6rXbYG3XzC+gWH0GjiGuOgH3Lh6waBlf5rLm+2I27KB+O2bybx1kzvTJqLKzMCpUTOd6a2LlSD1/DkS9uwg++EDUk4cI37PTqzCI7XSJB4+QPLRw2Q/fEDi73tJPnFMK40hRW/dx5VRk3m49sXOg/592pN+/Q4XPx5PyqVr3PxxEQ9WbiXw/e6aNIGDe3B71nLuzFtFysWrnO0/ity0DHy7F04HCcCejfOpWq8Nleu0xsMnmHa9R2JmZsnh3at1pt+7eSERUdWo16IHHj5BNHt7ID6Bxdi/dYkmjZ2Di9bj3B+7CSleERd330KJYf/meVSo3ZbyNd/E3TuEVj1GY2ZuwR/7VulMf2DbfEJLVadms164eQfT8K338QqI5NCOxZo0UVWbE1KiKk5uvrj7hNKs0ydkpqfw4PblQokBYNXqNTRu3IhGDerj7+fHoPf6Y25hztZt23Wm/+SjD3mjeTOCg4Pw8/Xlg0EDUSmVnDx9WpPGyclR63Ho8GFKlyqJp6dHocWxYu0GmjWsR5P6dQjw82VI/z5YmJuxeccunemjShanRpVK+Pv64O3pwVstmhEc4M+5C5c0aRrWqUW39m0pV7rgETWFoUl1O1bvTOT4hXRuPcjmx2WxONoZU764VYH7nLiYzqlLGTyIyeFBTA7LtyaSkaUkxM9Mk2bXkVQuXc8kJj6XG3ezWb4lERdHE1wdDfvjduXqtTRp3FBTp97X1Cnd563hHw2lRfOmj+uUDx8Meu+ZOnXh0iXq16tL6VIl8XB3p1mTxgQFBnLpyp8689TXwu0HeLNGeVpWL0ewlxufdW6BhZkpa34/XuA+uUoln85Ywbst6uKjo3N2+uodVC8ZxuC2jYnw88LXzZnaUZE42f37FwXF/zfpXPg/l5KSwsKFCwkJCcHZ2VmzvVy5cgQEBLBypfrHxq1bt9i3bx9dunT5V8uXk5PF/RvnCSqed0VCoVAQVKwKt/86pXOfO1dPEVRM+wpGcIlq3L6qTh8ffYeUxGitPC2sbPEOLlVgnvrKyc7m1tWLRJaqpNmmUCiILFWJa5fPFMprFpaEmDukJkUTEJnv/Qsszd1rJ3Xuk5uTxf1b5wl8ah8jhYLAyKrcKWCfrMw0zhxYhYOLD3ZOhv3SqDMGS1u8/iaGBzpiCIioWuA+WZlpnDn4OAZHw3/xTYy9Q1pSNH7heWUyt7TFw780924UHMfD2+e19jFSKPALr8r967r3eXjrHNF3L1Ki8lsGLX9OdjY3r14ksrR2uyhWqhJXDdgu0tKSAbC2sTdYnk8zMjHBKjSM5JN/5G1UqUg+eRyryOI690m9cA6r0DAsw9QdBWYenthVqEzS0cNaaWyjymLmrR4qaxEYjHXxkiQdK5yraf+UQ+UoYnYd0toWvf13HCtHAWBkaop92eLE7DyYl0ClImbXQRwqlymUMuXkZHP72gXCSuZN6VMoFISVrMyNP0/r3Of6ldOEl6istS2idFVuXNGdPikhhvMn91O5TmvDFfwpOTlZ3LtxnpDiVTTbFAoFwcWrcKuAz6hbf53WSg8QWrI6t/7UnT4nJ4uju5ZjYWWLp1+EoYquJTs7mz//+ouyUXnTLhQKBWWiorhw6cU6NDIzM8nJzcXWVvcPpPj4eI4e+4NGDRsYpMy6ZGdnc+Wva5SLypuSolAoKFu6FOcvXXnOnmoqlYrjp89y++49ShUvnI7BF+XmZIyjnTHn/sybzpCeoeLq7UxC/c1fKA8jI6hS2gpzMwV/3tQ9Qs7c1IhaFax5GJtDbKLhpkU8qVNloqI029R1qjQXL10qeMen5NUpW822YhERHD5ylJiYWFQqFadOn+HuvXuUKxtVcEYvKTsnh4s371GpWN5USYVCQaXIYM5cu13gfr+u342TnTWta5R/5n9KpZLfz1zGz92F/pPmUveDsXT5+md2nyy8DvVXjQqj1/LxXyRjZf4PbdiwQTO9ITU1FU9PTzZs2IBCod3X1LNnT2bPnk3nzp2ZO3cuTZs2xdXV9V8ta1pyPEplLjZ2zlrbbexdiHlwXec+KYkxOtOnJMY8/r96hMYzaezy0hhayuM47By0e5ttHZy5f/dGobxmYUlNUr9/1rba75+1nTMpSbrfv7SUeFTKXKzzvefWts7E3r+mte2PPYvYtXIC2ZlpOLsH0nHwHIxNzDAkTQz5y2PnTGoBdeBJDFY64o59oB3D8T2L2L1KHYOTeyDtCyEGgLTHceQvk5WtM2kFHIv0VN1xWNk6E//wms59zh3+DSf3YLyCyhqg1HmSkxPU7cJeu13YOTgZrF0olUqWzppASEQUPv4hBskzP2M7e4yMTchJiNfanpMQh7mvn859EvbswMTenpCJ0zEyMsLIxISYDWt4tGyhJs2j5YswtrImYsZCUCpBoeDBvBkk7NZ91fffZu7uQuZD7XqW+TAGU3tbFBbmmDraozAxIfNRbL40sViHBxVKmVKT1OdaW3vt+m1r78yje7o/M5ITYrB1eDZ9UgHngmN712FhYUXpioUzJSLtcbuwyR+DnTPRBcSQkhCDjb32NCEbe+dnPtMuntzN0h8+JDsrHVsHV3oOm4W1raNhA3gsKSkJpVKJg4N2/o4ODty+feeF8pg1Zy7OTk6UferH5NO279yFpaVloU6JSExKRqlU4uig3Tnp6GDPrbsFj0hLSU2lbY++ZGfnoFAoGPxub8qXKdz1Lf6Ova0xAIkp2tP0EpNzcbB9/vVGXw9TvhjgjqmJERlZKr6fH83dR9odBw2q2NCxqQMW5gruPsrmmxmPyDXgjMAndcrRwUFru7pOvdjowJlz5j2uU3nHYkC/vkyeNp2O3XpgbGyMwsiIwYPeo1QJ3Wv/6CM+JY1cpfKZEQXOdjbceKD7nHPyzxus+f04S0cO0Pn/uORU0jKzmLN5HwNa1ef9No04cO4KQ39cwq8f9qR8+L+zlocQIJ0L/5fq1KnDTz/9BKh7/X/88UeaNGnC0aNH8ffPm8fVuXNnPvnkE65du8bcuXOZOnXqS71eZmYmmZnavdvZWWaYmr1YL7koWueOrGPTwlGa52+/90uhvl6Jii0IiqxGSmI0h7fNYtWvg+k2bAkmpi9fX84dWceWRXkxtCvkGIpXakHg4xiObJ/Fml8H0+Vj/WIAuHhsHTuX5cXRqm/hxgGQk5XB5eMbqNSof6G/VmFY9Os47t66yiffzC7qomixLhWF29udufvD96RduoiZlzfe7w4iu2NXzYKNDjXr4FC3AbfGf0HGzRtYBofg1Xcg2bGxxO/YUsQR/P86vGc15ao3ey0/w4IjKzHw61WkJcdzbPcKlkz7gP6jlz3TkfEqWLZ8BXv27ee7cd9gZqa7c3br9u3UrV27wP8XJStLS2ZO/o70jAxOnD7Hj7Pn4eXhTlRJ3aOZCkO1Mlb0fjOv8/bbOdHPSf1896Kz+WTyA6wsjKhU0op+7Zz54ueHWh0Mv59M5eyfGTjYGtO8li3vd3Zh9I8PyDb8mo4vZeny39i7bz/fjftaq86sXbeBS5euMGbk57i7uXL23Hmm//SLuhOiTFTRFRhIzcjk81m/MaJrKxxtdU9LVKpUANSOiqRzw2oAhPt5cvrqbX7be1Q6F8S/SjoX/g9ZW1sTEpJ3BW/mzJnY29szY8YMvvrqK812Z2dnmjdvTq9evcjIyKBJkyYkJyf/49cbO3YsY8ZoLxDWpudI3uo1+m/3tbJ1RKEwfmbxRvXoBN2LudnYu+hO//iqjo29evRFSlIstg5ueWmSYvDwLZwhizaP48i/SF1yQiz2Dq/el7qnhZauS+/AvB7+3Bz1SvapydrvX2pSLO6+uofXWtk4YqQw1lr48Eke1vmutllY2WJhZYuTewDeQaWZOLgil09up3hF7UVH/2kMXrpiSIrFxv6fxfBk0cOn98l/xdDC0hYLy7wYJn2gfwwAwSXr4hmQF0fO4zjSkrXjSEuOxdVHdxyW1rrjSEuOxcr22TZ15dQWsrMyiKzQSq+y62Jr66BuF4na7SIpIc4g7WLRr+M4/cd+hn09EycXd73zK0huUiKq3BxM8l2hNXFwIide92J5Hl17Eb9rG3FbNgKQceMaCgsLfAd9xKMlC0ClwrN3fx4tX0TC3l2aNKZuHri93emV6FzIfBiDubt2nTF3dyE7MRllRiZZMfEoc3Iwd3POl8aZzAKu0OnL2k59rs2/eGNyYuwzoxOesHVwITnh2fR29s+2h6sXj/Po3g26vz/BcIXOx+pxu8i/eGNyUiy2BSzua+Pw7Mi7lMRnz01mFla4WPiDuz9+IVFM+LARf+xdSe0WfQwbBGBnZ4dCoSAh34ie+IQEHB2fP1pixcpVLPttJeO+/pKgQN0/jM6eO8+dO3f5dNgwg5VZF3s7WxQKxTOLN8YnJOKU7wr60xQKBd5engCEBAVy884dFv22+l/tXDh+IZ2/bj3QPDc1UQ/DtrcxJiFZqdlub2vMjXvZz80rNxcexqp7Ca7fTSTI15zG1W2ZtSrv+KZnqEjPUK/L8OetTGaO8aFCCSsOnkozSDxP6lT+xRvjExJwcnR47r4rVq5m2W8rGf/1F1p1KjMzkznzFzDqs+FUqlgBgKDAQK5eu85vq1YbvHPB0cYKY4XimcUbY5NScLZ/dvrPnUdx3ItJYPC0vFFtTzoTyvcZyeqv3sfDyR4TYwVBXtqji4M8XTn5502Dlv9VpTL0yqHipcmaCwIjIyMUCoXW4o1P9OzZkz179tC1a1eMjY1fKv/hw4eTmJio9WjZ5cXubmBiYoZnQHGuXcib16tUKrl+8TC+IVE69/EJjtJKD3Dt/EF8g9XpHV19sLF31UqTkZ7C3atnCsxTXyampvgFR3LpTN5caaVSycUzRwkKL/jWYq8CcwsbnNz8NQ8XzxCs7Vy5cTHv/ctMT+Hu9dN4B+meR21sYoanX3FuXMrbR6VUcuPiIXwK2AdApVLPV33yI9rgMVzSjuHe38Tg4VdcK26VUsnNS4cK3OfpGHL1jAHAzMIGB1d/zcPZIwQrO1duX9GO48HN03gFFByHu29xrX1USiW3Lx/CM/DZfc4fXklQibpY2Rp+dX8TU1P8gyO5eOaoZptSqeTi2aME69EuVCoVi34dx4kju/noi19wdfc2RHELfr2cHNL+vIJtVLm8jUZG2ESVJe3ieZ37KMwtQKnS3qhUavZVpzHP26ZJk4vRK3I/74TDp3Cuq71WgUu9qsQfPgWAKjubxBPncan71FoARkY416lCwmHd63voy8TEFN+gYlw5q32uvXLuMAGhuoekB4aV5so57XUsLp89REDYs+kP716Fb1AxvAPCDVvwp5iYmOEVUJyrF/LW31AqlVw9fxi/Aj6j/EJKc/X8Ya1tf507iF+o7vRPGOL8WhBTU1NCQ0I4eSpv/RSlUsmpU6cpFlHw+7f8t5UsXrqMr78YTVio7ls9Amzdto3QkBCCC/n2jaampoSFBHHidN7tU5VKJSfOnKV4hO7bH+qiVKrIzn7+D3hDy8hU8TA2R/O48zCb+KRcSoRaaNJYmhsR7Gte4PoJBVEY5XVW6GL0+GFibLgffU/q1KlTeeuhqOvUGSIjCl47ZPlvK1m0dBnffDHqmTqVk5tLTk4ORvmmBisUCs2PeEMyNTEh0t+LIxfzpiEqlUqOXrpGqaBnF4gN8HRhxZiBLB01QPOoVTqCCuGBLB01AA8ne0xNTCgW4M3NfJ22Nx/GyG0oxb9ORi78H8rMzOTBA3VPdnx8PNOnTyclJYU33nj23tGNGzcmOjoaOzu7l349c3NzzM21h4+amr34Cbtqw+6snvkJ3gEl8A4qxaFt88jKTKdMdfX9rFfNGIatgxsN2g4FoHKDLswZ35UDW2YTVro2545s5N6N87zR/QtA3ZlSuUFX9q3/GWf3ABxdvNm1eiq2jm5ElC2cObQADd7ozJxpI/EPKUZgaAl2rF9MVmY61eq2BGD2lM9xcHbjzc6DAPVid/fvqD98cnKySYh7xO3rlzG3sMTNUz2POyM9jegHeQsAxTy6y+3rl7GyscPZ1bNQ4jAyMqJi/a4c2PQTTm7+OLj4sHftFGwd3Agvk/f+Lfq+G2FRDahQV32brUoNerBuzjA8/UvgFViKozvmkZ2VTqlq6uMYH32bC39sIqhYNaxsnEhOeMDBzb9iamZBSIlaOsuiTwwV6nXl4OMY7F182Pc4hrCovBgWf9+NsDINKF9HHUPF+j3YMHcYHgEl8AooxbGdj2OomhfDxT82EVisGla2TiTHP+DQll8xMbMg2MAxPImjbK2uHNn6Ew6u/tg7+3Bw4xSs7d0ILpUXx2/TuxFSqgFRNdVxlK3Tg60Lh+HmWwIP/1Kc3KOOo3gl7XvEJ0Tf5M7VY7Tu+6vBy/5EwxadmDV1FAHBxQgMLc6ODYvJzEinWr0WAMycMgJHJzfadBkIqNvFvafaRXzsI249bhfuj9vFwl/HcWTfZgYOn4SFpRWJ8eovXJZWNpiZW+gohf5iVi3H98PhpP15mbTLF3Ft3RaFhSVx2zYB4Pvhp2THxvBgjvq9TDpyENfW7Ui/ekUzLcKjay+SjhzUdCgkHTmIW/suZEU/fDwtIhTX1m9r8jQ0Y2srrEPy1oiwCvTBrnQEWXGJZNy+T/hXQ7Dwdud0D/WV4pu/LsW/fycixn7E7bkrcalTGc+2TTjWoq8mj+uT51B69ngSjp8j8dgZAgZ1w8TaktvzdN/1wBBqN+vKoh8/wy+4OH7BJdm7aQFZmelUqt0KgIXTP8XeyY03Og4GoFaTzkwd04Nd6+dRvGwNThzcwu2r53n7nVFa+WakpXDq8HZadvmw0Mr+RI0m3Vjx63C8A0vgG1SSA1vnk5WZTrma6kUkl/88DDtHdxq/PQSAag278us3Xdm/aQ7hUbU4c3gTd6+fp3VP9ajBrIw0dq/7hciydbB1cCUtOYFDOxaTFP+QkhUbFVocb7ZuxYTvJxEWGkJ4WBir164lIyODhg3U56dvJ36Pi7MzPbur70S1bMVvLFi4iGEff4i7mztxceqr4paWFlhaWmryTU1LY9/vB+jTu1ehlf1pbVs2Z9zkHwgLCSYyLITf1m0kIyOTxvXqAPDNpGm4OjnxTrdOACxasZrwkCC8PD3Izs7myB8n2b5nHx/0y7vVbFJyMo+iY4h5HOOtu/cAcHJ0wOlvRnboY/PvSbSqa8+DmBwexeXQtqE98Um5/HE+b3TBZ++4cex8GtsOqq+ut29sz6nLGcQk5GBprqBalBWRQeaMm5UEqBeKrFLamjNX0klKVeJkb0zLOnZkZas4dcmwtwBu07ol330/mdDQECLCwli1dh0ZGRk0alAPgG8nTsLZ2Ylemjq1kvkLF/FJAXXK2sqKUiVLMGP2HMzNzHBzc+Xs2fPs2LWbvr17GrTsT3RuUI2Rs1dSzN+LEoE+LN5xkPTMLFpWU3dQfz7rN9wc7BjUpiHmpqaEeGuPvLO1Un+OPb29W6MaDPtlGWXDAigfHsTB83+y7/RlZnxUODEIURDpXPg/tGXLFjw91T88bW1tiYiIYMWKFdSuXfuZtEZGRri46B6G+W8pUakpqclx7FozjZTEaDz8IukyZIZmuGdi7D2MnhoO5Rdalrf6TmDnqsnsXDkJZ/cA2g+cjrtP3hWG6k17k52Vzvq5I8lIS8IvrBydh8zAVM858c9ToXojkpPiWbfkJ5ISYvEJDGfQiB+wezxUNy7mgVbPeUJ8NF8Oba95vm3tfLatnU9Y8XJ8+OVMAG5evcDEkXlfVlbMmQhAlTpv0GPgF4UWS5VG75Cdmc6mher3zzekHO3fn6m1pkB89G3SU/KGSxaroD6Oe9dNJTUpGnefSNoPmqmZ3mJiasbtP//g2I55pKclYW3njF9oeboNW/LMwouGULnRO2RnpbP5qRjaDdKOISHm2RjSUuLY/zgGN59I2g2aifXTMfz1B8d2ziPjcQy+oeXp+nHhxABQvr46jh1LR5KZnoRXUDne7KcdR2K+OMLLNiU9JY5Dm6aSlhSNq08krfvlxfHEucMrsXXwwD+ieqGUHaDi43axZulPJMXH4hsYzgcjp2umRcRFP9C6Up8QH82YIR00z7euXcDWtQsIL16Oj7+aAcCeLSsA+HbEOzytx8DRVK/bolDiSNi3C2N7Bzy69MTE0Yn0a39x/fMPNYs8mrm5q4exPPZw8XxQqfDo1htTZ1dyEhNIOnKQ+3NnaNLc/XEyHl174zNgCCYOjmTHxhC7eR0PF80tlBjsy5Wgys4FmufFJnwKwO35qzjTazjmnq5Y+uZ1WqbfuMOxFn0pNnE4AQO7knHnAWf7fk7M9t81ae6v2IyZqxNhowZh7uFK0umLHG3em6x8izwaUtmqjUlJimPT8h9ISojBJyCCd4f/jN3jKQXxsfcxUuR9ZgSGR9F14Dg2LZvOhqVTcPXwp9dHU/Dy077CeeLgZlQqFeWqNSm0sj9RqnJTUpLj2bFyKsmJMXj6RdLjo1+xffy5lxB7X6td+IeVoX2/79j22xS2rpiEi7s/nQdPw8NX/blnpDAm+v41TkxdQ2pyPFY2DvgElaTP5wtx9yl4dIC+atesQWJiIvMXLiI+Pp6goCC+/mKMZlpEdHQ0iqc+vzdu2kx2Tg5ffTNOK5/OHTvQpVNHzfO9e/cBKurUqlloZX9a3RrVSExMYu7iZcTFJxAcFMD40Z9phuI/io7RiiMjM4PJP88kOjYWczMz/Hy8+XTIQOrWqKZJc/DoH4yf8qPm+ZffTQagW/u2dO/YrtBiWb8nGXMzBb3bOGFloeDyjUzGzXqktS6Cu7MJttZ5o1XtbIzp/7YzDnbGpGUouXU/m3Gzojn7+K4T2TkQHmhOk+q2WFsqSEzJ5eL1TEb9+JCkVGX+Iuglr04tfqpOjdbUqUfR0VrfCTc8rlNfPlOn2tP1cZ369OOPmD1vPuMmTCQ5OQU3N1e6d+1M86aF09YbVSxJfEoqP63dSWxSCuG+nvwwuJtmWsSD2ASt+vQi6pYtxmddWjB70z6+XbIRfw8XvuvXgTKhAYUQgRAFM1KpCmHMjxB/Y+nB17/aedobtje+qNyMKfje1q+T/CPMX0cZ/2xU6iurhG9qURdBb7ZDCv8H5L/hzs6HRV0EgzA+dvbvE73i0rL+G9dzyjr9VdRF0JtZbsbfJ3oNDJ3lUNRFMIhxfV7/71Ou91+v24oXxKpG26Iuwkv566ruO+m86kKC/3uLbb4aEzeFEEIIIYQQQgjx2pLOBSGEEEIIIYQQQujlvzFGTwghhBBCCCHE/x2VXC9/ZciREEIIIYQQQgghhF6kc0EIIYQQQgghhBB6kc4FIYQQQgghhBBC6EXWXBBCCCGEEEII8VpSYVTURRCPycgFIYQQQgghhBBC6EU6F4QQQgghhBBCCKEX6VwQQgghhBBCCCGEXmTNBSGEEEIIIYQQryVZc+HVISMXhBBCCCGEEEIIoRfpXBBCCCGEEEIIIYReZFqEEEIIIYQQQojXkkyLeHXIyAUhhBBCCCGEEELoRToXhBBCCCGEEEIIoRfpXBBCCCGEEEIIIYReZM0FIYQQQgghhBCvJVlz4dUhIxeEEEIIIYQQQgihF+lcEEIIIYQQQgghhF6kc0EIIYQQQgghhBB6kTUXhBBCCCGEEEK8llQqWXPhVSEjF4QQQgghhBBCCKEX6VwQQgghhBBCCCGEXmRahBBCCCGEEEKI15LcivLVISMXhBBCCCGEEEIIoRcZuSCKRE5uUZdAf+4WcUVdBIN4aGZR1EUwiFzl699rnZBU1CUwjFtxVkVdBL35TNxc1EUwCONs06IugkHkVihZ1EXQW9P5PYu6CAZx0rZfURdBbzam6UVdBIOo18i9qItgEH+mZRZ1EfT2yO2/cSwqFHUBxGtPRi4IIYQQQgghhBBCLzJyQQghhBBCCCHEa0nWXHh1yMgFIYQQQgghhBDiFffDDz8QEBCAhYUFlSpV4ujRowWmnTFjBjVq1MDR0RFHR0fq16//3PSGIJ0LQgghhBBCCCHEK2zZsmUMGTKEUaNGceLECUqXLk2jRo149OiRzvR79uyhQ4cO7N69m0OHDuHr60vDhg25e/duoZVROheEEEIIIYQQQryWVBi9lo9/6vvvv+edd96hR48eFCtWjJ9//hkrKytmz56tM/2iRYvo378/UVFRREREMHPmTJRKJTt37tT3LS+QdC4IIYQQQgghhBD/oszMTJKSkrQemZm6756SlZXF8ePHqV+/vmabQqGgfv36HDp06IVeLy0tjezsbJycnAxSfl2kc0EIIYQQQgghhPgXjR07Fnt7e63H2LFjdaaNiYkhNzcXd3ft2566u7vz4MGDF3q9YcOG4eXlpdVBYWhytwghhBBCCCGEEOJfNHz4cIYMGaK1zdzcvFBea9y4cSxdupQ9e/ZgYWFRKK8B0rkghBBCCCGEEOI1pVK9nreiNDc3f+HOBBcXF4yNjXn48KHW9ocPH+Lh4fHcfSdMmMC4cePYsWMHpUqVeunyvgiZFiGEEEIIIYQQQryizMzMKFeunNZijE8WZ6xSpUqB+3377bd8+eWXbNmyhfLlyxd6OWXkghBCCCGEEEII8QobMmQI3bp1o3z58lSsWJHJkyeTmppKjx49AOjatSve3t6adRvGjx/PyJEjWbx4MQEBAZq1GWxsbLCxsSmUMkrnghBCCCGEEEII8Qp7++23iY6OZuTIkTx48ICoqCi2bNmiWeTx1q1bKBR5ExN++uknsrKyeOutt7TyGTVqFKNHjy6UMkrnghBCCCGEEEKI15KS13PNhZfx3nvv8d577+n83549e7Se37hxo/ALlI+suSCEEEIIIYQQQgi9SOeCEEIIIYQQQggh9CLTIoQQQgghhBBCvJZU/0fTIl51MnJBCCGEEEIIIYQQepHOBSGEEEIIIYQQQuhFOheEEEIIIYQQQgihF1lzQQghhBBCCCHEa0mlkjUXXhUyckEIIYQQQgghhBB6kc4FIYQQQgghhBBC6EWmRQghhBBCCCGEeC3JrShfHTJy4QXs2bMHIyMjEhISAJg7dy4ODg6vRFkK040bNzAyMuLUqVOF/lpCCCGEEEIIIV5fMnLhKYcOHaJ69eo0btyYjRs3FnVxdKpatSr379/H3t6+0F/L19eX+/fv4+LiUuiv9XdUKhV7107j5P4VZKQl4RtSliadR+HsHvDc/Y7tWsShrbNISYzB3TeCxh0+xzuolOb/J/Yu49yRDdy/dYGsjFQ+mnoUCyu7Qotj4/o1rFm5nPj4OAICg+nTbyBh4RE6027bspHdO7dx8+YNAIJDwujSrZdW+iUL57F/325ioqMxMTUhOCSMzl17Eh4RWWgxHNmxiN83zyYlMQYPvwiadf4Mn6fe0/zOHd3CzlVTSYi5i5OHP43aDiWsdC3N/8//sY1ju5dx78Z50lMT6T9mFZ7+hVf+J1QqFbvXTOPEvrw61bzr39epozsXcWCLuk55+EbQpNPnWvFnZ2eybel4zh3dSE5ONiElqtGs8yhs7AunHalUKo5tm8bFIyvITE/CI6AsNd8chYNrwXHcu3aMU3tmEX33PGlJ0TTuNp3AEvX1zlefGPas1T4Wzbq8wLHYtYiDTx+Ljtrt+/jeZZw9soH7N9Xte9i0wm3fuzcvY+ua+SQmxOIbEEaH3h8TGFpCZ9q7t66ybulP3Lx6kdjo+7zdYyj13+iklWbTytmcOLyLB3dvYGZmTnBEadp0GYSHd0ChxbB/6xJ2rZ9LUkIM3v7htOkxHP+QkgWmP3loK5uWTycu+h6uHn680ekDipepqfn/+2/r3rdFpyHUa9HD4OUHcKpenqChvbAvWwILLzf+aNOfh+t2Pn+fmhUpNuETbIqFknH7Pn+N/Yk781drpfHv15GgIb0w93Al6cwlzg/+ksRjZwslBoClRy8w78A5YlLSCfNw5JMmVSjp46oz7dqTfzJy7X6tbWbGxhwb0U3zPC0zm8k7/mD3pZskpmfi7WBLh0rFaFdB92eQoezYtJzNqxeSmBCLX0Aond/5iKCw4jrT3r11lVWLf+HG1UvERt+nQ88PaNSiY4F5b1g5l98W/ECD5u3p1HtoYYUAwOYNq1i3cikJ8XH4BwbT6933CQ0vpjPt9i3r2btrK7dvXAMgKCScjt3e0UqvUqlYtnA2O7auJy01hfDIkvQZMARPb99CjUOlUnFgw1TOHFCf272CytKww2gc3QKeu9+JvYs4tn0WqUnRuPlEUK/dCDwD8s63Syd14fafR7X2KV39bRp2/MLgMezdspQd656cp8Jo13M4AaEFn6dOHNrGhqXTiY2+h5uHHy07f0CJsjU0/09KiGXNwklcOnOItNRkQiLL0q7XcNw8/Q1e9ie2b1zBxtWLSIyPxS8wlK59hhJcQLu4c+saKxf9wvWrl4l5dJ/OvQbTuGWHZ9LFxT5i6dwfOHPiIJmZmbh7+tBn0AiCQgv/O5UQT8jIhafMmjWLgQMHsm/fPu7du1fUxdHJzMwMDw8PjIwKd/hPVlYWxsbGeHh4YGJS9H1QB7fM5OjOBTTtPJqeny7H1NySxZN6k5OdWeA+549uYvvycdR8YwDvjFyFu284iyf3JjUpVpMmOyuD4BI1qN60b6HHsH/vbmbP+Jm3O3bl+2k/ExgUzOgRw0hIiNeZ/uyZ09SoVZevxk7k24nTcHFxZfTnHxMbE61J4+XtQ59+A5n64wzGfTcFNzd3Rn8+jMTEhEKJ4eyRTWxeOp46rQbQb8xKPHzDmTfhHVKeek+fduvPk6z4+UPK1WxDvy9WEVmmHounDuThnSuaNNmZ6fiHlaVhu8L9Ypjfgc0zObJjAc27jqb358sxM7dkwcTeZD+nTp07uomty8ZRu8UA+o5S16mF3/fWin/rkrFcPr2btv2n0GPYfJITHrHsh4GFFsepPTM5+/sCar45mjYDl2NqZsmGmc9vG9lZ6Th7RVCj1UiD5vuynhyLZl1G0/sz9bFY+P3zX+vc0U1sWzaOWk8fi0nPtu+QEjWo0azw2/ex37eyfM73vNGuDyMmLMYnIJTJXwwgKSFOZ/qszAxc3L15s8sg7B10dzxdOX+cOk3aMXzcPD4Y9RO5OTlMGtOfzIz0QonhxMEtrJ7/HY3avMtH45bj5R/GT9/0JTlRd/u+fvkU86cOo3KdN/lo3ApKVqjLrO/e596tPzVpvvxlt9ajw7tfYGRkROlK9XXmaQjG1lYknbnMuUFjXii9ZYAPFdb9QuyeI/xeviXXp82j5C9f4dKguiaNZ9smRH43nD+/+oHfK7Ym+cwlKm2chZmrU6HEsOXcNSZsPUrf2lEs7duCcHcn+i3cSmxKwcfextyUnUPbax5bPmin9f8JW49w8K87fPNmLVYPeJNOlYsxbtMh9ly6VSgxABz5fRtLZ0+mVfvejPl+Ab4BoUwYM7DAdpGZmYGrhzdtu76HvaPzc/O+9ud59mxdjW9AaGEUXcuBfTuZN+MH2nbszrdTZxIQGMJXIz4ksYDP7/NnT1K9Zj1Gj53CNxN/wsXVjS9HfKj1+b3mt8VsWr+SPgOG8s33v2BuYcGXIz4kK8vw59inHd0+gxN7FtCgw2g6faQ+366Y1uu559tLf2xiz8qxVG02gK7DV+PqHcGKab1ITdY+N5Sq1o5+Y3/XPGq1/tjg5T9+YAur5n1H07bv8sn4Zfj4hzP963cLPE9du3yKOZOHUaVua4Z/u5xSFevy67d55ymVSsWv375PzKM79P14CsO/XYaTqxdTv+hDZkaawcsPcHj/dhbNmkLr9r34atI8/AJCGD/qfRL/pl283bV/ge0iNSWJL4b1wdjEmI9GTWb89KV06jkIaxvbQolBiIJI58JjKSkpLFu2jH79+tGsWTPmzp37t/usWbOG0NBQLCwsaNSoEbdv39b8r3v37rRq1Uor/eDBg6ldu7bmee3atRk4cCCDBw/G0dERd3d3ZsyYQWpqKj169MDW1paQkBA2b96s2aegKRpbt24lMjISGxsbGjduzP3797VeZ/DgwVpladWqFd27d9c8DwgI4Msvv6Rr167Y2dnRp0+fZ6ZF5Obm0qtXLwIDA7G0tCQ8PJwpU6b87fukL5VKxdEd86nR/F3Cy9TD3Teclj3Hk5zwiEsndxS43+HtcylToy1R1dvg6hVCs85jMDWz4NTvKzVpKjXoRrWmffAOKl3ocaxd/RsNGzelfsPG+PkF0O+9wZibm7Nj2xad6Yd+/ClNm7ckKDgEH18/3nt/KEqlitOnT2rS1KpTj6gy5fDw9MLPP4BeffqRlpbKjevXCiWGg1vnUb5WW8rWeBM37xDe6DYaUzMLTuxbpTP9oe3zCSlZnepNe+HmFUz9Nu/j6R/JkR2LNWmiqrWkTssBBBerWihl1kWlUnF4+3xqvvEuEWXq4eEbTuvej+vUiYLr1KGtcylbsy1larTBzTuE5l3VderkfnWdykhL5sT+lTRqP4ygyMp4BZSgZc+x3P7rJLevniqUOM7sn0+5eu8SWKIezl7h1G0/nrSkR1w/X3Ac/hE1qdR4MEElGxg035eN4ciO+dRsrj4W7r7htOr198fi8LbHx+Jx+27e5fGxeKp9V27QjepN++DzL7Tv7esXUaNBa6rVa4mXbxCd+36GmbkFB3at1Zk+MLQ4bbt9QMXqjTAxNdWZZvDIH6hWtwXefsH4BobRY+AY4mIecPPqhUKJYc/G+VSt14bKdVrj4RNMu94jMTOz5PDu1TrT7928kIioatRr0QMPnyCavT0Qn8Bi7N+6RJPGzsFF63Huj92EFK+Ii3vhXZ2N3rqPK6Mm83Dti9VV/z7tSb9+h4sfjyfl0jVu/riIByu3Evh+d02awME9uD1rOXfmrSLl4lXO9h9FbloGvt3bFEoMCw6d482y4bQqE0awmyOfN6+GhakJa05eKXAfI4xwsbXSPJxtLLX+f+r2I96ICqVCoCfejra8VT6CMA8nzt2NLiBH/W1du5haDVtRo14LvH2D6NZvOGbmFuzbuU5n+qDQ4rTv/j6VazTExMSswHwz0tP4ZdJIegz4FCvrwv/xtH71cuo3bk7dBk3x9Qugz3tDMbewYNc23aNcB380ksbNWxMYHIq3rz/vDvoYlVLJ2dPHAfV5b+PaFbR5uwsVq9QgIDCYgUM/Iz4ulqOHfi+0OFQqFcd3zady436Elq6Pm08ETbt9S0riI/48XXB7+WPXHEpVa0fJKm1w8QyhYQf1+fbcwZVa6UzNLLCxd9U8zC1tDB7Dzg3q81SVOq3w9A2mfZ8RmJlZcmjXGp3pd29cRLGoajRoqT5PvdH+PXyDItm7ZSkAj+7f5PqfZ2j/zuf4h5TA3TuQ9u98TnZWBn8c2KwzT31tXruEOg1bUqv+G3j7BdGj/yeYm1uwd8d6nemDQ4vRsccgqtRsiKmp7naxfuUCnFzc6Pv+SILDiuPm4UXJMpVx9/QplBheNSqV0Wv5+C+SzoXHli9fTkREBOHh4XTu3JnZs2ejUqkKTJ+WlsbXX3/N/PnzOXDgAAkJCbRv3/4fv+68efNwcXHh6NGjDBw4kH79+tG2bVuqVq3KiRMnaNiwIV26dCEtreDe07S0NCZMmMCCBQvYt28ft27d4sMPP/zHZZkwYQKlS5fm5MmTjBgx4pn/K5VKfHx8WLFiBRcuXGDkyJF8+umnLF++/B+/1j+REHOHlMRoAiPzfnxaWNniHVSKuwX8YMvNyeL+zfMEPvWD1UihIDCyCneu6d6nMGVnZ3P1ryuUjiqr2aZQKCgdVZbLl17sh0JmZia5uTnYFtALnZ2dzdbNG7G2tiYwMNgg5X5aTk4W926cJ6hYFc02hUJBcPEqBf5wvv3XaYKfSg8QUrI6twrhh/Y/ER+trlNBxbTrlE9QKe4UULacnCzu3TyvtY9CoSCoWBXNPvdunkeZm62VxtUzCHtnrwLz1Udy3B3SkqPxCc17PXNLW9z8SvHw5su/XmHlq8uT9q3rWBRUr3KfHItI7fb99LH4N+VkZ3Pz6kUiS1XSbFMoFESWqsTVy2cM9jrpackAWNsYflpcTk42t69dIKxkZc02hUJBWMnK3PjztM59rl85TXiJylrbIkpX5cYV3emTEmI4f3I/leu0NlzBDcChchQxuw5pbYve/juOlaMAMDI1xb5scWJ2HsxLoFIRs+sgDpXLGLw82Tm5XLwXS+UgL802hcKIykFenLlTcEdAWlY2jScto+H3y3h/yQ7+eqR9VT3K1429l2/xMClV3Wl//T43YxOpEuxt8BhA3S5uXL1EsVIVn4pDQfHSFbl6Wb/pJAt+/ZbS5apRvHSlv0+sp+zsbK79dYVSUeU12xQKBSWjynH50vkXyiPr8ee3ja16WtajB/dJiI/TytPa2obQ8EiuXDpn2ACekhh7h9SkaPwjtM/tngGluXftpM59cnOyeHDrPP7h2udb/4iq3Luuvc+FY+uZ/lEl5nzZnH1rJpKdZdhRVjnZ2dy+dpGIUtrnqYhSlbhWwHnn+pXThJfSrieRpaty/XH6nOwsAExNzbXyNDE14+pF3e+JPnKys7n+1yWKR+VvFxX469LLt4sTR/cRFBLJ1HHD6d+lMZ+934XdW9cYoMRC/DNFP979FTFr1iw6d+4MQOPGjUlMTGTv3r1aIw2elp2dzfTp06lUSX3CmjdvHpGRkRw9epSKFSvq3EeX0qVL8/nnnwMwfPhwxo0bh4uLC++88w4AI0eO5KeffuLMmTNUrlxZZx7Z2dn8/PPPBAerf1C+9957fPHFP5/jVrduXYYOzRuafuPGDa3/m5qaMmZM3jDTwMBADh06xPLly2nXTnv4pSGlJKq/TFnbaQ8Fs7ZzISUxRuc+aSnxqJS52OjYJ+bB9cIp6HMkJSWiVCpxcHTU2u7g4Midp0a8PM/8OTNwcnKmdJlyWtuPHTnEhPFfkZmZiaOTE2O+/ha7QliTIy05AaUyFxt77ffUxs6ZmPu639OUxJhn1hqwsXMu8Lj9W1KSojVledpz61Tyc+rU4/hTEqMxNjHFMt+8futCijktWR2Hpa12maxsXEhLfvnXK6x8dXle+05Nev6x0LVPQXWxMKU8bht2DtpD5O0cnHhw94ZBXkOpVLJ09gRCIqLw9g8xSJ5PS02KR6nMxTZf+7a1d+bRPd3vaXJCDLYOz6ZPKqCuH9u7DgsLK0pXLLwpES/D3N2FzIfaZc58GIOpvS0KC3NMHe1RmJiQ+Sg2X5pYrMODDF6e+LRMclWqZ0YeOFtbcj0mQec+AS72jGlZnVB3J1Iys5h38BzdZm1gVf83cbe3BuCTplX4Yv0BGn6/DBOFEUZGRox6oxrlAjwMHgNA8uN2YZ+/Xdg7cf/OjZfO9/D+bdy8eomRE+bpWcIXk5yU+DiO/J/fTty9/WJTShbO+RlHJxdKRak/v+Pj1XUp/3cCewcnEuJ1D403hNQCz7fOBZ5v0x9/n7LKt4+VrTNxD/NGSUZWaI6dkxc29m5E373M3jUTiHt4nVZ9pxus/CnJBZ+nHtzVfZ5KSojBLl96OwdnkhLU8Xp4B+Lo4snaxVPo2GckZuaW7Nq4gITYh5o0hpScpLtd2Ds4cf/uzZfON/rBPXZuXkXjlh1o0bY71/68wPwZ32NsYkrNes30LbYQL0w6F4DLly9z9OhRVq9WD/00MTHh7bffZtasWQV2LpiYmFChQgXN84iICBwcHLh48eI/6lwoVSpvMRxjY2OcnZ0pWTJvURp3d3cAHj16VGAeVlZWmo4FAE9Pz+emL0j58uX/Ns0PP/zA7NmzuXXrFunp6WRlZREVFfXcfTIzM8nM1J7Ll51lhqmZuc70Zw+vZ+OCUZrnHQb9/PeF/4/7bfkS9u/dzdfjJ2Jmpj0krmTpKCZP/5WkpES2bdnIt2O/5LtJ03HI90Xo/9mZQ+tZPz+vTnUa/HrWqSsn1rN3ZV4czXq+fnGcObyeDU8di47vv34xFIXFM8Zx79ZVPv56dlEX5aUd3rOactWbFXjuFy+vtK8bpX3dnnruTuvpK1lx/BLv1VX/oF1y5AJn7jxiSof6eNnbcPzmA77ZdAhXWysqF9LoBUOLjX7A4pkT+WjMdMxek3q0evlCDuzbyehxU//1Ml84uo5tS/LOt236/VJor1W6+tuav129w7G2d2X5lO7ER9/C0dWv0F5XX8YmpvT5cBILfxrFRz2qo1AYE16yEsXKVIfnjGB+1ShVSoJCInm7a38AAoLDuXPrGru2rJLOBfGvks4F1KMWcnJy8PLKG4KoUqkwNzdn+vSX63FVKBTPTKvIzs5+Jp1pvrm2RkZGWtueLNyoVCoLfC1deTz92i9aFmtr6wJfA2Dp0qV8+OGHTJw4kSpVqmBra8t3333HkSNHnrvf2LFjtUY8ALTuPpI3e47WmT4sqg7egXmdLjk56iFrqUmx2DrkfXlKTYrBw1f3CrhWNo4YKYyfWWgwNenZK+n/Bjs7exQKBQnx2sNUExLicXR6/oJgq1cuZ9WKJYz5+jsCdEx3sLCwxNPLG08vb8IjivFu767s2LqZt94ueIXtl2Fl64BCYUxKvkWTUpJiC3xPbeyfHQnwvPSFJTyqjtZdBHIf16kUXXXKr4A6Zfv3dcrG3pXcnGzS05K0Ri+kGijmgGJ1cPd7No705Fis7fLiSEuJwcXr5VeHtrJ1LZR8AcJL18Fn1Iu1b/eC2vfjY5H6irRvm8dtI/8idUkJcdg56F58659YPGMcZ/7Yz0dfzcTJxV3v/HSxtnNEoTB+ZlG05MTYZ0YnPGHr4EJywrPp7XQcg6sXj/Po3g26vz/BcIU2kMyHMZi7a5fZ3N2F7MRklBmZZMXEo8zJwdzNOV8aZzIfGP7KpqOVOcZGRs8s3hibmo6LjdUL5WFqrCDC05nbcUkAZGTnMHXncSa1r0fNMPV6F2EeTlx+EMe8g+cKpXPB9nG7yL9IXVJi3N8u1liQG1cvkZQYx6ghXTTblMpcrlw4yc5NK5i54gAKY2O9yp2frZ394zjyf37H4eD4/M/vtSuXsPq3xYz8+nutz2/Hx/EnxMfj6JRX9xIT4ggIMtzIpJBSdfEMyFtzJvep862N/dPn21jcfHTfNcTy8feptHzn27TkWKztCj7fPnndhOibButcsLEt+DxlV8DCuHYOLiTlS5+UoJ3eL7gYn05YQXpqMjk52djaO/Ht8I74B+u+e4M+bO10t4vEhLhnRjP8Ew6OLnj5Bmpt8/IJ4NjB3S+d5+tExX9z/YLX0f/9mgs5OTnMnz+fiRMncurUKc3j9OnTeHl5sWTJkgL3++OPPzTPL1++TEJCApGR6i/Drq6uWosqApqFEf9t+cuSm5vLuXP/fE7fgQMHqFq1Kv3796dMmTKEhIRw9erVv91v+PDhJCYmaj3e6Dy8wPTmFjY4uftrHq5eIdjYu3L9Yt6c2Mz0FO5eO4N3cJTOPIxNzPD0L86Np/ZRKZVcv3QYnyDd+xQmU1NTgkPCOPPUYoxKpZIzp04SHqH7VlYAq1YsZfmShYz6chyhYeEv9FoqpVJn55G+TEzM8AoozrULhzXblEol1y4cxreA4+AbUlorPcDV8wfxKyB9YTG3tMHZ3V/z0NSpC3n1IyM9hTvXzuBTQNlMTMzw8i+uVQ+VSiXXLh7W7OPlXxyFsalWvjH3r5EYe6/AfP8JMwsb7F38NQ9H9xCsbF2581fe62VlpPDo1hnc/V/+9WydfAolX1AfC13t+1q+9n3n2pkC65Xx42NxLV/7fvpY/JtMTE3xD47k4pm827AplUounjlKcHjBt2n9OyqVisUzxnHyyG6GjvkFV/fCu7psYmKKb1AxrpzN6yxWKpVcOXeYgFDdC2IGhpXmyjntzuXLZw8REPZs+sO7V+EbVAzvgBc7j/2bEg6fwrmu9rRDl3pViT98CgBVdjaJJ87jUvep9WOMjHCuU4WEw4afk21qYkyklzNHrufdtUqpVHHk2j1KFXAryvxylUr+fBiv6YzIyVWSo1SiyPf9W6EwQllIV2dNTE0JCI7gwpljmm1KpZILZ44RHF7wbQOfp1jpCnw1ZQlfTFqoeQSGRFK5ZmO+mLTQ4B0LoP78DgoJ4+yp45ptSqWSs6dOEB5R8I/PNb8tZuXS+Xz+xXeEhGr/cHfz8MTB0UmzwCNAWloqf16+SFiE7tvXvgwzCxsc3fw1D2fPEKztXLl1Wft8e//GabyCdK8fYmxihodfcW5e1j7f3rx8CK/AgtcceXTnIgDWdi9WZ1+EiakpvkGRXM53nrp89ghBOs47oD5PPZ0e4NKZwwTqSG9pbYutvROP7t/k1tULlKpQx2Blf8LE1JTAkAjOn9ZuF+fPHCMk4uXaBUBYZKlnplU8uHcLF7fCmfYkREH+70cubNiwgfj4eHr16oV9vnnqbdq0YdasWXz33XfP7GdqasrAgQOZOnUqJiYmvPfee1SuXFkzJaJu3bp89913zJ8/nypVqrBw4ULOnTtHmTKGX/zp79StW5chQ4awceNGgoOD+f777zV3m/gnQkNDmT9/Plu3biUwMJAFCxZw7NgxAgMDn7ufubk55ubaQwFNzV78y4yRkREV63fl940/4+QegIOLN3vWTMXWwY2IMnlzdxdM6E5E2fpUqKteO6Nyg+6snf0Jnv4l8AosxdEd88jOTKd0tTc1+6QkRpOSGEP8I/W8yUd3rmBmYY29kyeWNg4vXMYX0bL1W0z5fjwhoWGEhkWwfu1KMjIzqN+gEQCTJozD2dmFrj16A7ByxRIWL5jH0I8/xc3Ng/g4dS+3haUllpaWZGSks2LpIipWroqjozNJSYls2rCW2NgYqtWoZdCyP1G1UTdWzRiOd2AJvINKcmjbfLIy0ylbQ71A22+/DsPO0Z2GbYcAUKVBV2aN68qBzXMIK12Ls0c2ce/6eVp2zxvJkpaSQGLsfZIT1FN5nqyJYWPvgq2D4b6UPM3IyIjKDbqyb4O6Tjm6erNr9eM6VTavTs37Tl2nKtVT16kqjbqzeuYneAWUwDuwFIe3q+tUmerqOmVhZUvZGm3Yumw8ltb2mFvasGnRV/gERxX4Q1nfOErV6MrxnT9j7xKAnZM3R7dOxcrOjcDieXGs+6U7gSXqU7KaOo7szFQSY/LmCifF3SHm7kXMreyxdfR64XwNFUOl+l3Zv+FnnB+37906jsX8x8ei4uNjUblhd9bMeupYPG7fUTrad9zj9v3wzhXMC6l9N3ijE7OnjSIgpBiBocXZsX4xWZnpVKvbAoBZU0bg6OzGm53VtyXNyc7m3h31fOWcnGzi4x5x6/plLCwscfNUX+Vb/Os4juzfzIDhk7CwtCIxXn2V3NLKBjNzC4OWH6B2s64s+vEz/IKL4xdckr2bFpCVmU6l2q0AWDj9U+yd3Hij42AAajXpzNQxPdi1fh7Fy9bgxMEt3L56nrffGaWVb0ZaCqcOb6dll3++0PDLMLa2wjok70qpVaAPdqUjyIpLJOP2fcK/GoKFtzunewwD4OavS/Hv34mIsR9xe+5KXOpUxrNtE461yLuF6fXJcyg9ezwJx8+ReOwMAYO6YWJtye15uu+Uo68uVUowYvV+inu5UMLblYWHz5OenUOrMmEAfLZqL2521rxfXz2d8ec9Jynl44afky3JGVnMPXiW+4kpvFlWnd7Gwozy/h58v+0Y5iYmeDrYcPzGAzac/osPG734VM5/qlHLjsyYMobAkEiCQouzbf0SMjPSqVHvDQB+nTwKR2dX2nZ5D1C3i7u31e0iNyeb+Lhobl67jIWlFe6evlhaWuOTb80RM3NLbGztn9luSG+0bsf078cSHBpOSFgkG9euIDMjnToNmgIwdeLXODu70Km7us6sXrGIZQtnM/jjEbi6eRAfp75yrv78tsLIyIhmLduycul8PL18cPPwZOmCWTg6OVOxSvUCy6EvIyMjytXtyqHNP+Ho5o+9sw+/r5+Cjb0boaXzzrfLpnQjtHQDytZWn2/L1+3BpvnD8PAvgad/Kf7YrT7flqiiPt/GR9/i4rH1BJWohaW1A9F3L7Prt7H4hFQocETEy6rXvCvzf/gcv+BiBISUZNfGhWRmplO5TisA5k37FAcnd1p2eh+AOs06MWlUT3asn0eJsjU5fmAzt66ep2PfvFsxnzi0DRs7R5xcPLl7609+mzOe0hXrEFm6cO5i1aRlB36Z/AWBIZEEhxVjy7qlZGZkUKtecwB+njQaRydX3u42AHjSLtTfjXJysomLi+bmtSuYW1ji4aUeidS4ZQe++Lg3a5fPpVL1elz78wK7t66h54CCL+YJURj+7zsXZs2aRf369Z/pWAB158K3337LmTPPrvZtZWXFsGHD6NixI3fv3qVGjRrMmjVL8/9GjRoxYsQIPv74YzIyMujZsyddu3bl7Fn9Vkh+GT179uT06dN07doVExMTPvjgA+rU+ee9sX379uXkyZO8/fbbGBkZ0aFDB/r37691q8zCUrVxb7Iz09k4fyQZaUn4hZaj4+AZmDy1um989C3SkvOGLRav2JS0lDj2rp1GSlI07r6RdBw8Q2vY9PE9S9m3/gfN83nfqj9IW/T4RqsTwhBq1KpDUlIiixfMJT4+nsCgYEZ9MU4zrDIm+hGKpy4rbdm4npycbMZ/oz2lpH3HrnTo3A2Fwpg7d26z6+vRJCUmYWtnR2hYOGO/m4yff4BBy/5EyUpNSU2OZ+fqqaQkxuDpF0nXob9q3tPE2PsojPIGRPmFlqFt3+/YsWoK21dOwtndn46DpuHuE6ZJc+nkblbP+lTzfPlP6kVF67QcQN3W7xVKHADVmvQmKzOd9fPy6lTnITO0VoyOe6Rdp0pUbEpqchy710wjJTEaD99IOn+gXacadRiOkZGCZT++T252FsElqtOsy0gKS1Tt3mRnpbP3t5FkZSThEVCO5r2120ZS7C0yUvPieHTnHOt+7qZ5fnD9OADCy7WibvtxL5yvoVRron4trWPxgfZrxUXfIi1F+1ikJcexZ426fXv4RtIp37H4Y89S9q7La99zx6vbd8se3xBV3bDtu0L1RiQnxbN2yU8kJcTiGxjO+yOma6ZFxMU8wEiR1zYS4qP5cmgHzfNtaxewbe0CwoqX46MvZwCwZ+sKACaMeEfrtbq/N1rTaWFIZas2JiUpjk3LfyApIQafgAjeHf6zZvhwfOx9jJ46RwWGR9F14Dg2LZvOhqVTcPXwp9dHU/DyC9XK98TBzahUKspVa2LwMutiX64EVXYu0DwvNkF9frk9fxVneg3H3NMVS19Pzf/Tb9zhWIu+FJs4nICBXcm484CzfT8nZnveLQHvr9iMmasTYaMGYe7hStLpixxt3pusfIs8GkrjEkHEp2bw4+4TxKSkE+7hxI+dG2oWeXyQmIrCKO9YJGdk8cX634lJScfOwpxiXs7M69WcYLe8tXfGv1WbKTuPM3zVXpLSM/G0t+G9uuVoW96wP/6eVql6Q5ITE1i95BcS42PxCwxj6Kip2D9uF7HRDzTTPwHi46IZNaSz5vmWNQvZsmYh4cXLMvzrwlsv4O9Uq1mPpMQEli6cTUK8eurCZ19MeOrz+6HW8di2aS05OdlM+Eb73N+2Y3fe7tQTgFZvdSQzI4Nfpk0gNTWFiGIl+fzLCYW+LkPFBu+QnZnO1sUjyUxLwju4HG+9N1PrfJsQfZv0p863EeXV36cObJhKalI0bj6RvPXeTM20CGNjU25eOsTx3fPJzkzD1tGTsKiGVGnS3+DlL1etMclJ8WxY9iPJCTF4B4Qz4LOfNOfa+JgHGD31PSQoPIoe749j/ZJprF88FVdPP/p8rH2eSoyPZuW870hOiMXO0ZVKtd6gSZu+z7y2oVSu0YCkxARWLv6VxPhY/IPC+Hj0ZM10oZjoh1oxxMdF89ngvKlAm1YvYtPqRUSUKMvn3/wEqG9XOfjTb1k2/0fWLJuFq7sXnXt/QLXajQstjlfJf/W2jq8jI9Xz7rcoRCFZuP/1r3blve4WdREM4swjr79P9BrIVb7+HywPC+d3yr/O7eWnjb4yfBwLvv3v6yQt2/TvE70Gciu8/HDhV0W9+T2LuggGcTKqX1EXQW82poa9RWJROXKzcNZg+bcFuGb+faJXnL35f6NOVQh3KOoivJSjlxKLuggvpWKE4e/uVtT+79dcEEIIIYQQQgghhH6kc0EIIYQQQgghhBB6+b9fc0EIIYQQQgghxOtJWdQFEBoyckEIIYQQQgghhBB6kc4FIYQQQgghhBBC6EWmRQghhBBCCCGEeC3JrShfHTJyQQghhBBCCCGEEHqRzgUhhBBCCCGEEELoRToXhBBCCCGEEEIIoRdZc0EIIYQQQgghxGtJhay58KqQkQtCCCGEEEIIIYTQi3QuCCGEEEIIIYQQQi/SuSCEEEIIIYQQQgi9yJoLQgghhBBCCCFeSyqVrLnwqpCRC0IIIYQQQgghhNCLdC4IIYQQQgghhBBCLzItQgghhBBCCCHEa0luRfnqkJELQgghhBBCCCGE0It0LgghhBBCCCGEEEIv0rkghBBCCCGEEEIIvciaC0IIIYQQQgghXktKVVGXQDwhIxeEEEIIIYQQQgihF+lcEEIIIYQQQgghhF6kc0EIIYQQQgghhBB6kTUXhBBCCCGEEEK8llQYFXURxGMyckEIIYQQQgghhBB6kZELokgola9/D6OlKrWoi2AQpy9mF3URDKJ4mFlRF0E8pvgPdFunZP436lNGjnFRF8Egms7vWdRF0NvOrrOLuggGkbj746Iugt5KuGcUdREMwsFGWdRFMAhjo9c/DlPFf+O7lBD6ks4FIYQQQgghhBCvJZXq9b9o+V/xH7i+JIQQQgghhBBCiKIknQtCCCGEEEIIIYTQi3QuCCGEEEIIIYQQQi+y5oIQQgghhBBCiNeSSlXUJRBPyMgFIYQQQgghhBBC6EU6F4QQQgghhBBCCKEXmRYhhBBCCCGEEOK1pERuRfmqkJELQgghhBBCCCGE0It0LgghhBBCCCGEEEIv0rkghBBCCCGEEEIIvciaC0IIIYQQQgghXksqlay58KqQkQtCCCGEEEIIIYTQi3QuCCGEEEIIIYQQQi/SuSCEEEIIIYQQQgi9yJoLQgghhBBCCCFeSypVUZdAPCEjF4QQQgghhBBCCKEX6VwQQgghhBBCCCGEXmRahBBCCCGEEEKI15IKuRXlq0JGLgghhBBCCCGEEEIv0rkghBBCCCGEEEIIvUjnghBCCCGEEEIIIfQiay4IIYQQQgghhHgtKeVWlK8MGbnwHzd37lwcHBw0z0ePHk1UVFSRlUcIIYQQQgghxH+PjFwoYrVr1yYqKorJkydrbZ87dy6DBw8mISHhb/NYsmQJnTt35t133+WHH34wSLmSkpIYP348K1eu5MaNGzg4OFCiRAn69+9P69atMTL6d1dlValU7Fs3lZP7V5CZnoRPcFmadBqNk3vAc/f7Y/ciDm+bRUpiNO4+ETTsMALvwFKa/29aMJLrFw+SkvgIM3MrvIPLUPfND3HxDC6UONZt2MiKlauJi48nKDCQAe/2ISI8TGfaTVu2smPXbm7cuAlAaEgIPbp10Uqfnp7OrLnzOHjoCEnJyXi4u9OqRXOaN21SKOV/ol4ZYyqEG2NhBjcfqVh3MIfYpIK7jQPcjahR0hgvFwV2VkYs3JHNxVtKrTRmJtCovAmR/gqszCE+WcWhC7kcvawsIFf9qFQq9qydxol9K8hIS8I3pCzNuozC+W/q1NFdizi4ZRYpiTF4+EbQpOPneAfl1anje5dx9sgG7t+8QFZGKsOmHcXCyq5QYngSx7Ft07h4RN02PALKUvPNUTi4FhzHvWvHOLVnFtF3z5OWFE3jbtMJLFFf73xf1pGdizi4Wf2euvtF0LTT5/g89Z7md/7YFnatmkJCzF2c3P1p0PZDwkrX0vz/wh/b+GPPUu7dOE96aiLvjlmNp1+kwcud3+/blrBr/RySE2Pw8gvnze6f4h9SssD0pw5vZfOK6cRF38XVw5/mHT6gWJmaWmke3r3K+sWTuHrxD5TKXNy9g+jxwWQcXTwLJYZD2xexb9NsTf1u0fUzfIMLPhZnj2xh+8qpxMfcxdndn8ZvDyUiKu9Y7Fg1nTOHN5EQ+wBjE1O8A4vR8K3B+IWULpTyP7H06AXmHThHTEo6YR6OfNKkCiV9XHWmXXvyT0au3a+1zczYmGMjummep2VmM3nHH+y+dJPE9Ey8HWzpUKkY7SpEFEr5naqXJ2hoL+zLlsDCy40/2vTn4bqdz9+nZkWKTfgEm2KhZNy+z19jf+LO/NVaafz7dSRoSC/MPVxJOnOJ84O/JPHY2UKJ4Yn/yrl2y4ZVrFu1hIT4OPwDg+nZdzCh4cV0pt2xZR17d23l9s1rAASFhNOhax+t9CqVimWLZrFz63pSU1OIiCzJO/2H4untW2gxHN6xiP1Pte/mXf6mfR/dwo6VU0l43L4bvT2U8Mfn2tycbLavnMKV0/uIe3QHCysbgotXoVG7odg5uhVaDAB7Ni9l27p5JCXE4uMfxtu9hhEYqvtce+/2X6xf+hM3r10gLvo+bbt/SL3mnfXK0xC2bljJ+qfqU4++HxBSQH26ffMayxfN4vpfl4l+9ICu7wyiWct2WmnS09JYtnAGxw7tIzExnsCgMLr1eZ+QsML/7BPiaTJy4TWUlZWl9XzWrFl8/PHHLFmyhIyMDL3zT0hIoGrVqsyfP5/hw4dz4sQJ9u3bx9tvv83HH39MYmLiC5XLkA5tncGxXQto0nk03Ycvx9TckiVTepGTnVngPheObWLHirHUaD6AXp+vxs03gqVTepGaFKtJ4+FfnDe6j6XvmE20f38WqFQsmdwLpTLX4DHs2befX2bMonPH9vw4dRJBgQF8OmIU8QV0IJ0+e47aNWvy3divmTzxO1xdXRg+YhQxMXnl/3nGLP44foJhHw5h5s8/0LrlG0z/6RcOHT5i8PI/UaOkMVWKGbP2YA4/rc8mO1tF90ammBgXvI+ZqRH341SsP5RTYJqmlUwI9VGwYm82k1dlcfBCLs2rmBDhWzinqQObZ3JkxwKadRlN78+WY2ZuycLvez+3Tp07uolty8ZRq8UA+o5ahbtvOAsn9daqU9lZGYSUqEGNZn0Lpdz5ndozk7O/L6Dmm6NpM3A5pmaWbJj5/Diys9Jx9oqgRquRBs33ZZw7somtS8dRu+UA+o5ehYdvOAsm9iblqff0abf+PMFvPw+lTM23eHfMaiLK1mfptPd4eOeKVnx+oeVo0PZDg5b1eU4e2syaBd/SqE0/hn6zAi//cH4Z15fkRN1xXL9ykgXTPqZS7dZ8OHYFJcrXZfbEQdy//acmTczDW0wd3RU3r0AGjJjDR+NX0rD1u5iYmhVKDGcOb2Lj4vHUaz2A975ciadfOLO/fYeUAmK4eeUkS3/8kPK12jDwy1UUK1ePhZMH8uB23rFw8QigRdfPGTx2Le+OWIijizezv+1NSlJcocQAsOXcNSZsPUrf2lEs7duCcHcn+i3cSmxKeoH72JibsnNoe81jywfaX9wnbD3Cwb/u8M2btVg94E06VS7GuE2H2HPpVqHEYGxtRdKZy5wbNOaF0lsG+FBh3S/E7jnC7+Vbcn3aPEr+8hUuDapr0ni2bULkd8P586sf+L1ia5LPXKLSxlmYuToVSgxP/BfOtQf27WTezOm07dCd8VNm4h8Ywtcjh5KYEK8z/fmzp6heqz6jxk7l6wk/4+zqxlcjhxIbE61Js3blYjavX0mfAR8yduIvmFtY8tXIoWRlGfYc+8SZw5vYtHg8dVsNYMAXK/HwC2fud+8UeK69+edJlv/4IeVrtmHAF6uILFuPRZMHas612VkZ3LtxgTot+zHgy5V0HDSVmPs3WDCpf6GU/4k/Dmzlt3kTad62L59+uwSfgDCmfdWfpETd55SszAxc3L1p3el97BxcDJKnvg7u28n8mdNp06EH46bMwj8whG9GDimwPmVmZuLu4UWHbu/i4OisM80v08Zx9tQxBgwdwYTp8ylVpgJffT6YuKfq3H+ZSmX0Wj7+i6Rz4TXQvXt3WrVqxddff42Xlxfh4eGa/12/fp2DBw/yySefEBYWxqpVq14oz19++QVfX1+srKxo166dVofBp59+yo0bNzhy5AjdunWjWLFihIWF8c4773Dq1ClsbGwACAgI4Msvv6Rr167Y2dnRp08fwwb+mEql4uiO+VRv1o/wqPq4+0TQose3JCc84vLJHQXud2T7HKKqt6N0tTa4eoXQtNMYTMwsOH1gpSZN2Zpv4xdWAQcXHzz9i1Or1WCS4u+TGHPX4HGsXL2WJo0b0qhBffz9/Hj/vf6YW5izdZvuGIZ/NJQWzZsSHByEn68PHwx6D5VSycnTpzVpLly6RP16dSldqiQe7u40a9KYoMBALl35U2eehlCtuDF7Tudy8ZaSh/EqVuzLwdYSIv0KPp1cuaNkx4lcLtwseBSCn5sRJ//M5foDFQkpcOyykgdxKnxcDX/yValUHNkxn5rN3yWiTD3cfcNp1Ws8yQmPuHSi4Dp1eNtcytZsS5nq6jrVvMsYTM0sOPl7Xp2q3KAb1Zv2wSeocK/MPonjzP75lKv3LoEl6uHsFU7d9uNJS3rE9fMFx+EfUZNKjQcTVLKBQfN9GQe3zaVczbaUqdEGN+8Qmnd9/J7uX6kz/eHtCwgpWZ3qTXrh6hVMvTffx9O/GEd3LtKkKV21JbVbDiCoeBWDlvV59mycT5W6b1Gpdms8fIJp22skZmYWHNmzWmf6fZsXElG6GnXf6Im7dzBN2w3EJ7AY+7cu1qTZtGwqkVE1aNFpKD6Bkbi4+1GifB1s7XV/udTX/s3zqFC7LeVrvom7dwiteozGzNyCP/bp/lw5sG0+oaWqU7NZL9y8g2n41vt4BURyaEdeDFFVmxNSoipObr64+4TSrNMnZKan8OD25UKJAWDBoXO8WTacVmXCCHZz5PPm1bAwNWHNySsF7mOEES62VpqHs42l1v9P3X7EG1GhVAj0xNvRlrfKRxDm4cS5u4XzxT166z6ujJrMw7Uv1t78+7Qn/fodLn48npRL17j54yIerNxK4PvdNWkCB/fg9qzl3Jm3ipSLVznbfxS5aRn4dm9TKDHAf+dcu2HNMuo1eoM6DZrh6xdInwEfYmZuwa7tG3Wmf/+jkTRq1prAoFC8ff15d+AwVEol504fB9Tvy8a1y2nzdlcqVK6Bf2AI7w35jPi4WI4d2q8zT30d2DKP8rXbUq7mm7h5h9Cy+2hMzS04vld3+z60dT6hJatT43H7bvCkfW9Xt28LK1t6DptNyUpNcPUMxC8kije6fs69G+dJiLlXKDEA7Fi/gGr136Rq3VZ4+QbTsc/nmJpbcHDXGp3pA0JK0KbrECpUb4yJqalB8tTXxjVLNfXJxy+Q3gM+wszcgt3bN+hMHxIWSeeeA6hWqz6mOmLIyszkyIG9dOrRn2IlovDw8qFtp154eHqzbbPuzyAhCot0Lrwmdu7cyeXLl9m+fTsbNuSdfObMmUOzZs2wt7enc+fOzJo162/z+uuvv1i+fDnr169ny5YtnDx5kv791T3NSqWSpUuX0qlTJ7y8vJ7Z18bGBhOTvNk0EyZMoHTp0pw8eZIRI0YYINJnJcTcITUpmoDIqpptFla2eAeW5u61kzr3yc3J4v6t8wQ+tY+RQkFgZFXuFLBPVmYaZw6swsHFBzsnD4PGkJ2dzZ9//UWZp9a7UCgUlIkqzcVLl14oj8zMTHJyc7G1tdVsKxYRweEjR4mJiUWlUnHq9Bnu3rtHubJRBWekB0dbsLUy4uq9vE6CzGy4E63Cz02/ToBbj1RE+Cmws1I/D/QwwsXeiL/uGn5aRELMHVISowkqpl2nfIJKcfvqKZ375OZkce/meYLy1amgYlW4U8A+hS057g5pydH4hOaVydzSFje/Ujy8+fJlKqx888vJyeL+jfMEFc97HcXj9/T2X7pf587VU1rHDSC4RLUCj9u/IScnmzvXLxBWorJmm0KhILREZW7+eVrnPjf+PE1YCe3Oj/BSVTXplUolF07uw80zgJ/H9mFE35pM+rwDZ489f2j8y8eQxb0b5wl5qkNGoVAQXLwKtwo4Frf+Oq2VHiC0ZHVu/ak7fU5OFkd3LcfCyhZPv8KZTpCdk8vFe7FUDsr7/FIojKgc5MWZOwV3BKRlZdN40jIafr+M95fs4K9H2lcQo3zd2Hv5Fg+TUtUd3tfvczM2kSrB3oUSxz/lUDmKmF2HtLZFb/8dx8pRABiZmmJftjgxOw/mJVCpiNl1EIfKZQqtXP+Fc212djbX/rpCqahymm0KhYJSUeW5cun8C+WRlZlJTm4ONo8/vx89vE9CfBwlo8pr0lhb2xASHsnlF8zznyiofYcUe377Ds7XvkNKVi/w3AyQkZaMkZERFtaFMz0lJzubW9cuElmqkmabQqEgsmQlrl0+88rk+Xevd+2vK1rHXqFQUDKqPH++5LHPzc1FqczFNN+oNjNzcy6fN3wMQjyPrLnwmrC2tmbmzJmYmeWdOJRKJXPnzmXatGkAtG/fnqFDh3L9+nUCAwMLzCsjI4P58+fj7a3+UjRt2jSaNWvGxIkTUSgUxMfHExHxYl/86taty9ChQ5+bJjMzk8xM7WF+2VnmmJqZv9BrpCapvxBa22pfrbO2cyYlKUbnPmkp8aiUuVjb5dvH1pnY+9e0tv2xZxG7Vk4gOzMNZ/dAOg6eg7GJYYcdJyUloVQqcXxqcU0ARwcHbt9+sVESM+fMw9nJibJReVdpBvTry+Rp0+nYrQfGxsYojIwYPOg9SpUoYcjia9haqjsQUtK111dIyVBhY6lf58L6Qzm0qmbCsPbm5CpVqFSw+kAONx4afgnglMTHdSp//bBzIbWgOpVcQJ2ycyHm/nWDl/FFpCWr47DM1zasbFxIS9YdR1Hm++zrxKNU5mKT7z21sXch5oHu9zQlMUZn+pREw5Xrn0pNUseRf0SBrb0zj+7pjiM5IUZHeheSEtRxpCTFkZmRxs51s2jSbiBvdBjCxdO/M2fSYPp/PpuQYhUMGkNacoL6WOQvk50z0QXEkJIQg4299jBjG3vnZ47FxZO7WfrDh2RnpWPr4ErPYbOwtnU0aPmfiE/LJFelembkgbO1JddjEnTuE+Biz5iW1Ql1dyIlM4t5B8/RbdYGVvV/E3d7awA+aVqFL9YfoOH3yzBRGGFkZMSoN6pRLsCwHdEvy9zdhcyH2u975sMYTO1tUViYY+poj8LEhMxHsfnSxGIdHlRo5fovnGuTkxJRKnOxd9CePmLv4MjdOzdfKI+Fc3/CyclF84MyIV59HBwctNuBg4MTCQmGH4qvad/PnDudiS7gPU1J1NG+7ZxJLuBcm52VydblEylVuRkWljaGKXj+Mj3+zLDLf55ycObB3RuvTJ7Pk1RgfXLi3gvWp/wsrawIiyjBqqVz8fYNwMHBkQP7dnDl0nk8PF+NDlDx/0M6F14TJUuW1OpYANi+fTupqak0bdoUABcXFxo0aMDs2bP58ssvC8zLz89P07EAUKVKFZRKJZcvX37hToUnypcv/7dpxo4dy5gx2vNGW3UbReseo3WmP3dkHZsWjtI8f/u9X/5Rmf6pEhVbEBRZjZTEaA5vm8WqXwfTbdgSTExfrPPj37B0+W/s3bef78Z9rVUP1q7bwKVLVxgz8nPc3Vw5e+4803/6Rd0JUSZK79ctHaSgZbW808T87dl651mQKsWM8XUzYsH2bOJTVAR6GNGiignJadlcvadfB8OZw+vZMD+vTnV8/2d9i1skrpxYz96VeXE06/l6xiH+nkqpHrFTolwdajftCoB3QAQ3rpzi4I7lBu9cKEzBkZUY+PUq0pLjObZ7BUumfUD/0cue6cgoKqV93Sjt6/bUc3daT1/JiuOXeK+u+mr1kiMXOHPnEVM61MfL3objNx/wzaZDuNpaUfkVGb3wKvivnGsNafWKhRzYt5MxY6di9oIXVV43uTnZLP3hA1QqFS26j/r7HYTBDRg6gp+njKVft1YoFMYEBodRrWZ9rv1VeFPQXiUquRXlK0M6F4qYnZ2dzgUSExISsLe31zy3trZ+Js2sWbOIi4vD0jLvCo1SqeTMmTOMGTMGheKfz3pxdXXFwcGBSy84VF9XufIbPnw4Q4YM0dq24kjBH7ChpevSOzDv6nxujnqhyNTkWGwd8r4ApibF4u6ruzPEysYRI4Wx1uJPT/KwztcTb2Fli4WVLU7uAXgHlWbi4IpcPrmd4hWb/21sL8rOzk49KiTf4o3xCQk4OTo8d98VK1ez7LeVjP/6C4KeGpGSmZnJnPkLGPXZcCpVVP/QCAoM5Oq16/y2arVBOhcu3lJyOzpvoU4TY/XoBBtLI5KfGr1gY2HE/biXn75gYgwNyhmzeGcOl++o83kYr8LTSUn1EiZcvadfp0Z46Tr4jMpbETvnSZ1Kyl+nYnD31b2yspVtAXUq6dmrO4UloFgd3P3y4njSNtKTY7G2y4sjLSUGF6+XXyHayta1UPJ99nUcUSiMn1lQTD06Qfd7amPvojv9v3QMdLG2U8eRf/HG5MTYAhcQs3Vw0ZE+RpPe2s4RhbEJ7t7ad65x9w7i2uUTBiy9mpWtg/pY5C9TUiy2BcRg4/DsiJGUxNhnjoWZhRUuFv7g7o9fSBQTPmzEH3tXUruF4dfpcbQyx9jI6JnFG2NT03GxsXqhPEyNFUR4OnM7LgmAjOwcpu48zqT29agZpl7JP8zDicsP4ph38Nwr0bmQ+TAGc3ft993c3YXsxGSUGZlkxcSjzMnB3M05XxpnMh8YbtTPf+Vc+zRbO3sUCmMS840oSEyIL3BxvSfWrVrCmt8WMfKrSfgHhmi2P9kvISEeR6e8mBIS4ggIDDVg6dU07fuZc+ez7fUJXSPCUpJisc2XPjcnmyU/fEBCzD16fTKn0EYtANg8/sxIyn+eSij4XFsUeT6PXYH1Ke5v69PzeHh6M3rcdDIy0klPS8XRyYXJ40fi7vHsFGchCpOsuVDEwsPDOXHi2S+KJ06cICxM9y0KAWJjY1m7di1Lly7l1KlTmsfJkyeJj49n27ZtBe5769Yt7t3LW2zn8OHDKBQKwsPDUSgUtG/fnkWLFmmleSIlJYWcnIJX/NfF3NwcOzs7rcfzpkSYW9jg5Oavebh4hmBt58qNi3nzSTPTU7h7/TTeQbrnihqbmOHpV5wbl/L2USmV3Lh4CJ8C9gF1z6dKpdJ8ITIUU1NTQkNCOHUqb/61Uqnk1KkzRD5ntMjy31ayaOkyvvliFGGh2l84cnJzycnJwShfJ5JCoUBpoC7crByIS857PEpQkZymIsgr7zXNTcHH1Yhbj17+NY0V6o6L/DkoVWCIu56aW9rg5O6vebh6hWBj78q1fHXqzrUz+AZH6S6jiRle/sW19lEplVy7eBifAvYxNDMLG+xd/DUPR/cQrGxdufNXXpmyMlJ4dOsM7v4vXyZbJ59CyTc/ExMzPAOKc+1C3usolUquXzyMb4ju1/EJjtJKD3Dt/MECj9u/wcTEFJ/AYlw5l3eXFqVSyZ/nj+AfqnuxuYDQ0lw5f1hr25WzhzTpTUxM8QsqzqN8Q5aj79/AycXwXxZNTMzwCijO1Qt5ZVIqlVw9fxi/Ao6FX0hpruaL4a9zB/EL1Z3+icI4xz5hamJMpJczR67nfX4plSqOXLtHqQJuRZlfrlLJnw/jNZ0ROblKcpRKFPnORQqFkcHOtfpKOHwK57qVtba51KtK/OFTAKiys0k8cR6Xuk/NoTcywrlOFRIO616H6GX8V861TzM1NSUoJIyzjxdjBHXbOHv6OGERxQvcb+1vi/ht6Tw+GzOB4FDtz3k3d08cHJ04dyovz7S0VP66fJHw5+T5sjTt+3y+9n3hb9r3Be32ffXcQa1z85OOhdgHN+k5bDZWhTTd6QkTU1P8giK5dPaoZptSqeTS2aMEhRd8S81/O8+/ez1d9enc6eOEGuDYW1hY4ujkQkpKEqdPHKV85ep/v5MQBiQjF4pYv379mD59OoMGDaJ3796Ym5uzceNGlixZwvr16wvcb8GCBTg7O9OuXTuM8v36atq0KbNmzaJx48Y697WwsKBbt25MmDCBpKQkBg0aRLt27fDwUM8d/frrr9mzZw+VKlXi66+/pnz58piamrJ//37Gjh3LsWPHcMi3dkBhMjIyomL9rhzY9BNObv44uPiwd+0UbB3cCC9TX5Nu0ffdCItqQIW66vsXV2rQg3VzhuHpXwKvwFIc3TGP7Kx0SlV7E4D46Ntc+GMTQcWqYWXjRHLCAw5u/hVTMwtCStTSWRZ9tGndku++n0xoaAgRYWGsWruOjIwMGjWoB8C3Eyfh7OxEr+7qe6svW7GS+QsX8cnHH+Lu5k5cnHqBMUtLCywtLbG2sqJUyRLMmD0HczMz3NxcOXv2PDt27aZv754GL/8TB87nUqe0MbGJKuJTVNQva0xyunqUwxM9G5ty4WYuhy+qt5mZgLNdXj11tDXC08mItEwVianqRSGv3VfSuIIx2TkqElJUBHgoKBOiYNPRf9aZ9SKMjIyoVL8r+zf8jLN7AA4u3uxePRVbBzciyubVqfnfdSeibH0q1lPXqcoNu7Nm1id4BZTAO7AUh3fMIzsznajHdQrUc4xTEmOIe6S+Rd3DO1cwt7DG3skTSxsHg8dRqkZXju/8GXuXAOycvDm6dSpWdm4EFs+LY90v3QksUZ+S1dRxZGemkhiTdwu9pLg7xNy9iLmVPbaOXi+cryFUbdid1TM/wTugBN5BpTi0bR5ZmemUqa5+T1fNGIatgxsN2qrXdqncoAtzxnflwJbZhJWuzbkjG7l34zxvdP9Ck2daSgKJcfdJjn8EQOzjH+g29i7Y2r/YD8x/qnazriz+6TN8g4rjH1KCvZsXkpWZTqVarQBY9ONw7B3daN7hAwBqNunM9C96sHvDXIqVqcnJQ5u5fe087d4Zrcmzzhs9mD/lQ4IjyhNSvCKXTv/O+RN7GTBiTqHEUKNJN1b8OhzvwBL4BpXkwNb5ZGWmU65mawCW/zwMO0d3Gr+tHolWrWFXfv2mK/s3zSE8qhZnDm/i7vXztO6pngaXlZHG7nW/EFm2DrYOrqQlJ3Box2KS4h9SsmKjQokBoEuVEoxYvZ/iXi6U8HZl4eHzpGfn0KqMusP+s1V7cbOz5v366ml9P+85SSkfN/ycbEnOyGLuwbPcT0zhzbLq9DYWZpT39+D7bccwNzHB08GG4zcesOH0X3zYqGKhxGBsbYV1iJ/muVWgD3alI8iKSyTj9n3CvxqChbc7p3sMA+Dmr0vx79+JiLEfcXvuSlzqVMazbROOtci7TeP1yXMoPXs8CcfPkXjsDAGDumFibcnteS92l6mX8V851zZv9TY/TPqG4NAIQsIi2bh2BZkZ6dSpr56WOm3iVzg5u9Cp+7sArPltEcsWzuL9j0bi6u5B/OM1FiwsLLG0tMLIyIhmLduxctk8PLx9cHP3ZNnCmTg6OVOhSg2Dlv2Jao27sXKGun37BJXk4Dbt9r3iF3X7btRO3b6rNOrKzG+68vvmOYSXzmvfrR6379ycbBZPG8z9mxfoMuQnlMpckhMer9djY4+JgdeueqL+G12YO30E/sHFCAgpwa6Ni8jKTKdqnZYAzJn6OQ7ObrTuNAhQL6B4/87Vx2XOISHuEbevX8Lcwgo3T78XytPQmrVqz4+TviY4NILgsEg2rV1OZkY6tes3A2D6xC9xcnal4+P6lJOdzZ3bN9R/52QTHxvNjWt/YmFhiYeXDwCnjh8BVHh5+/Hg/l0Wzv4BLx8/TZ5C/Fukc6GIBQUFsW/fPj777DPq169PVlYWERERrFixosDOAYDZs2fTunXrZzoWANq0aUOXLl2IidE91DEkJIQ333yTpk2bEhcXR/Pmzfnxxx81/3dycuLw4cOMGzeOr776ips3b+Lo6EjJkiX57rvvtKZr/FuqNHqH7Mx0Ni0cSUZaEr4h5Wj//kytdRHio2+TnpK3wnexCk1JTY5j77qppCZF4+4TSftBMzXDrU1Mzbj95x8c2zGP9LQkrO2c8QstT7dhS55ZSMoQatesQWJiIvMXLiY+Pp6goCC+/mI0jo7qnv5H0dFax3PDps1k5+Tw5TfjtPLp3LE9XTt1BODTjz9i9rz5jJswkeTkFNzcXOnetTPNmzYxePmf2H82FzMTaFXNBAszuPlIxdyt2eTk5qVxsjXCyiIvFm8XI3o3zfui0ayS+tRz4s9cVu5Xdx4s25NNw3ImtKtliqU5JKSo2H48l6OXDH+3CIBqTXqTnZXO+nnqOuUXWo7OH8zQqlNx0bdIe6pOlajYlLTkOPasmUZKUjQevpF0+mCG1rDSP/YsZe+6HzTP545Xf1lu2eMboqrnfTE2lKja6jj2/jaSrIwkPALK0by3dhxJsbfISM2L49Gdc6z7uZvm+cH16joWXq4VdduPe+F8DaFEJXU73bVmGimJ0Xj4RdJlSN57mhh7T6td+IWW5a2+E9i5ajI7V07C2T2A9gOn4+6TN9Lr8qldrJn1qeb5ip/VX5ZrtxxAnVYDDVr+J8pUaUJKUjxbfptOUkIM3v4R9P3kZ82UgviY+xgZ5Y34CQwrQ5f3xrNp+TQ2LpuCq4c/PYdOxdM3b4RSqQr1adtrJDvWzWT1vLG4egXQ/YNJBEWULZQYSlVuSkpyPDtWTiU5MQZPv0h6fPSrZhh0Qqx2DP5hZWjf7zu2/TaFrSsm4eLuT+fB0/DwVR8LI4Ux0fevcWLqGlKT47GyccAnqCR9Pl+Iu4/hh34/0bhEEPGpGfy4+wQxKemEezjxY+eGmkUeHySmoniqTiVnZPHF+t+JSUnHzsKcYl7OzOvVnGC3vKuw49+qzZSdxxm+ai9J6Zl42tvwXt1ytC1fOHe9sC9Xgio7F2ieF5ugrs+356/iTK/hmHu6Yunrqfl/+o07HGvRl2IThxMwsCsZdx5wtu/nxGz/XZPm/orNmLk6ETZqEOYeriSdvsjR5r3JyrfIo6H9F8611WrWIykxgWULZ5EQH0dAUAiffTEBB0f1onwx0Q8xempoy7ZNa8jJyWbiWO27aLXt0IN2ndSd/y3bdCQjI51fpn1HWmoKEcVK8tkXEwptXYZSlZuSmhzPzlV57bv7R78+da7N175Dy9Cu33fs+G0K21ZMwtndn06Dp2nOtUnxj7h0chcA0z9vrfVavYbPIyiycDreyldrRHJSPOuX/kRSQgw+AeEM/OxH7BzU39viYu5rHYuE+Ed8/VF7zfPt6+azfd18QouVY+gXs14oT0Or+rg+LV84U1Ofhn8xUVOfYqMfak1tjouLYdigHprn61ctYf2qJRQrEcWocdMBSE9LYcm8X4iNicbG1o5KVWvRvmsfrTu8/ZcpMfxty8XLMVKpXpExfeL/yvy9RV0C/dXy/m8skvPrvoCiLoJBFA8rnKsk/6ZHhl8kvEh4FN3yBwZjZ2H4ETNFISPHuKiLYBBNr35X1EXQ286us4u6CAaRuPvF1mR6lZVwL/i2pK+TK3H/gZMt4GyV+feJXnGOFilFXQSDiAotnNF9hW3DidfzM7t52f9e54+suSCEEEIIIYQQQgi9/Pe6S4QQQgghhBBC/F+QcfivDhm5IIQQQgghhBBCCL1I54IQQgghhBBCCCH0Ip0LQgghhBBCCCGE0IusuSCEEEIIIYQQ4rWkUsmtKF8VMnJBCCGEEEIIIYQQepHOBSGEEEIIIYQQQuhFpkUIIYQQQgghhHgtKeVWlK8MGbkghBBCCCGEEEIIvUjnghBCCCGEEEIIIfQinQtCCCGEEEIIIYTQi6y5IIQQQgghhBDitaSSNRdeGTJyQQghhBBCCCGEEHqRzgUhhBBCCCGEEELoRToXhBBCCCGEEEIIoRdZc0EIIYQQQgghxGtJhVFRF0E8JiMXhBBCCCGEEEIIoRfpXBBCCCGEEEIIIYReZFqEEEIIIYQQQojXklJuRfnKkJELQgghhBBCCCGE0It0LgghhBBCCCGEEEIv0rkghBBCCCGEEEIIvciaC0IIIYQQQgghXksqWXPhlSEjF4QQQgghhBBCCKEXGbkgioSVhbKoi6C3+zkeRV0Eg/g0YmNRF8EgFqe9WdRF0Ju32+vfLgCMjIq6BPqrYH6iqItgEKl2jkVdBIM4aduvqIugt8TdHxd1EQzCvk5EURdBb2aXdhZ1EQxiw+booi6CQXzRKa6oi6C3dIVNURdBiFeCdC4IIYQQQgghhHgtybSIV4dMixBCCCGEEEIIIYRepHNBCCGEEEIIIYQQepHOBSGEEEIIIYQQQuhFOheEEEIIIYQQQryWlCqj1/LxMn744QcCAgKwsLCgUqVKHD169LnpV6xYQUREBBYWFpQsWZJNmza91Ou+KOlcEEIIIYQQQgghXmHLli1jyJAhjBo1ihMnTlC6dGkaNWrEo0ePdKY/ePAgHTp0oFevXpw8eZJWrVrxP/buOzqq4m3g+Deb3nvvPfQmTZp0pAiIIE2KIAoISFX8KSCoFAFpKlKkSO+9g4AgvffeEgLpPdmU3fePhV0WEgSykfI+n3Pu0dyduTtDZia7z52Z26JFC86ePVtkZZTgghBCCCGEEEII8QqbOHEin3zyCV27dqV48eJMnz4dKysr/vjjj3zTT548mUaNGjF48GCKFSvGqFGjKF++PNOmTSuyMkpwQQghhBBCCCGE+A8plUpSUlL0DqVSmW/a7Oxsjh07Rr169bTnFAoF9erV48CBA/nmOXDggF56gIYNGxaY3hAkuCCEEEIIIYQQ4rWkVr+ex+jRo7G3t9c7Ro8enW8d4+LiyMvLw93dXe+8u7s79+7dyzfPvXv3niu9IZgU2ZWFEEIIIYQQQgjxhKFDhzJgwAC9c+bm5i+pNIYhwQUhhBBCCCGEEOI/ZG5u/szBBBcXF4yNjbl//77e+fv37+Ph4ZFvHg8Pj+dKbwiyLEIIIYQQQgghxGvpZS9veNHjeZiZmVGhQgV27typPadSqdi5cydVq1bNN0/VqlX10gNs3769wPSGIDMXhBBCCCGEEEKIV9iAAQPo3Lkzb731FpUqVWLSpEmkp6fTtWtXADp16oS3t7d234Z+/fpRq1YtJkyYQJMmTViyZAlHjx5lxowZRVZGCS4IIYQQQgghhBCvsA8//JDY2FiGDRvGvXv3KFu2LFu2bNFu2nj79m0UCt3ChLfffptFixbxzTff8PXXXxMaGsqaNWsoWbJkkZVRggtCCCGEEEIIIcQr7vPPP+fzzz/P97Xdu3c/ca5169a0bt26iEulI8EFIYQQQgghhBCvJdVz7l8gio5s6CiEEEIIIYQQQohCkeCCEEIIIYQQQgghCkWCC0IIIYQQQgghhCgU2XNBCCGEEEIIIcRrSa02etlFEA/IzAUhhBBCCCGEEEIUigQXhBBCCCGEEEIIUSiyLEIIIYQQQgghxGtJLY+ifGXIzIXXSEBAAJMmTfrP3m/EiBGULVv2qWm6dOlCixYt/pPyCCGEEEIIIYR4NcnMhf/YO++8Q9myZZ8IEsydO5cvvviCpKSkAvMeOXIEa2vr537PiIgIbty4wa1bt/Dw8HjmfIMGDaJPnz7P/X5F4eCOhfy96Q/SkuPw8I2g6Uf/wze4dIHpzxzewo6VU0iKi8LZ3Z+GHw4kvEwtAPJyc9i+cjKXT+0lISYSCysbgktUpWGbgdg5uhVpPXZsXM7mNQtITozHNyCUjj0GERxWIt+0kbevsXrRDG5eu0hcTDTtu/Wn4Xvt9NKsXjyDNUtm6Z3z9PZnzK/Li6wOS3ceYP7mvcQnpxHm58GQDu9RMsj3X/NtPXSKodOX8E654kzs+1G+aX6Yt5qVuw8zsF0TOjSobuii61Gr1ezfOIUz+5ejzEzBK6g89duOwNEt4Kn5TuxZyJEds0lPicXVO4K6bb7FM0DXFpdM+ojIK4f18pSp/iH12400eB0O7ljIvs2P9IuO/8PnKf3i7OEt7Fil6xcN2uj3ix0rJ3P59CP9onhVGvwH/eJN6d8rN+9g8ZpNJCQlExzgS//uH1E8NDjftHsOHmH+yvVERceQm5eLj6cHbd97l0bvVNOm+WHqDDb/tU8vX6WypZg4bHCR1WHdho2sWLmKhMREggID6fXZp0SEh+WbdtOWrezYtYtbN28BEBISQtfOnfTSN2zSLN+83T/uSutW7xu+Ag/s2LSMzasXkJwUj19AKB0/GUxQAWNt1O1rrFr0OzevXSQ+Npp2H/en4XvtC7z2hpVzWfHnL9Rv2pYO3QcWVRUAzTi1e+1Uju9dTlZGCr4h5Wny0XCc3QOemu/wroX8s2W2tk+92/4bvIN0ferYnqWcObSB6Fvnyc5K58uph7GwsjN4+Z2qv0XQwG7Yly+JhZcbR1v14v66nU/PU7MSxcd/hU3xULLuRHN19G9Ezl+tl8a/Z3uCBnTD3MOVlNMXOffFKJKPnDF4+R+1cf0a1qxcRmJiAgGBwfTo2Yew8Ih8027bspG/dm7j1q2bAASHhPFR52566RcvmMffe/8iLjYWE1MTgkPC6NjpY8IjihVpPQBa1ramVnlLrCwUXLmTzfwNqdxPyCswfe23LKlT0RIXB2MAomJyWbsnnTNXs7VpTE2gbQNbKpe0wMQEzl7NZv7GVFLSVQYv/9oNm1i+ajUJiUkEBwbQ+9NPnjJObWP7rr+4ees2AKEhwXzcqaNe+sTEJGbOncexEydJT0+nVIkS9P70E3y8vQxe9oc2rl/L6gftKTAwmB49Py+wPW3dspG/dm7XtqeQkNAn2tOjfp06iS2bN9CtR0+at2hVVFUQIl8yc+E1kJ2tGbxdXV2xsrJ6rrz79u0jMzOTDz74gHnz5j1XXhsbG5ydnZ8rT1E4fXATmxaNpU6L3vQeuRIPv3Dm/vQJaSnx+aa/deUEy34dxFs1W9F75CqKla/Lwkl9uB95GYCc7Czu3jxP7eY96T1qJe37TiEu+iZ//tyrSOtx6O/tLP5jEs0/7M53E+fjGxjK+BF9SUlKyDd9tlKJq7s3rT/qjb1jwb8Hb78gJs/dpD3+N2ZmUVWBrYdOM3HJRno0r8uiEZ8T6utJ7wl/kJCS9tR8d+MS+XnpJsqFBRSYZtexc5y5dgdXB8N/wM3P4e0zObH7T+q3HUGHwcswNbNkxbRu5OYoC8xz8dgmdq8aTdXGvfnoq9W4+USwYlo30lP122Lpam3o+eM+7VGzxRCDl//MoU1sXjyW2s170+u7lXj4hjN3fMH94vaVEyz7bRAVarai14N+sWjyY/3i1nneea8nvUaupH2fKcTdu8mCSUXbL96U/r1z30GmzVlE1zYtmD1+JCEBfgwY+ROJSSn5pre1saFTq/eYPuZb5v38A43r1GD0tJkcOnFaL13lcqVZO3uK9hgxoOjqsXvv38yYOYsO7dvxy5RJBAUG8r9vhxUY9D595gy1a9Zk3Ogf+XnCT7i6uvD1t8OIi9P97hb/OV/vGPBFP4yMjKj+9ttFVo9D+7ax5I9JtGjbne8m/olvQCjjv+tT4FirVGbh6uFN606fP3WsBbh+5Ry7t67GNyC0KIr+hP2bZ3Fox580+WgE3f+3DDNzSxZM7P7Ucers4U1sWzqGWu/15tPhq3D3DWfBz91Jf6RP5WRnEVKyBjWafFqk5Te2tiLl9CXO9v3umdJbBvhQcd3vxO8+xL63mnNj6jxK/f49LvV1wWbP1u9S7KehXPn+F/ZVaknq6YtU3jgbM1enoqoGf+/5iz9mTufD9p2YOHU6gUHBjPj2S5KSEvNNf+b0KWrUqsP3oycwbsJUXFxcGfHNEOLjYrVpvLx96NGzD1N+ncmYnybj5ubOiG++JDk5qcjqAdC4mhX1K1sxb0MqI2cloMxWM/AjB0yfcrsxMSWP5TvSGPF7AiNmJHDhRjb92jng5WqsTdOuoS1lw835ZXkSo+ck4mCroM+H9gYv/+69+/h91h90bNeW3yZPJCgwgKHDviOxgHHq1Jmz1K5Vg59Gj2Ly+LG4urrw1bAR2nFKrVYz/PvR3Lt3n5HffM1vk3/G3c2VL78ZTmZWlsHLD5r2NHvmdNq2/4ifp04nICiI4d9+VWB7Onv6FDVr1eaH0eP5acIUXFzcGP7Nl8THxT2R9sA/+7h06QJOr8Dnd/H/kwQXXkEPlxr88MMPeHl5ER4eDjy5LCIpKYlPP/0Ud3d3LCwsKFmyJBs2bNC71uzZs2nfvj0fffQRf/zxxxPvFRkZSbt27XBycsLa2pq33nqLQ4cOAU8ui8jLy2PAgAE4ODjg7OzMkCFDUP8Hi5z2b5nHW++0pkLN93HzDqF5lxGYmltwbM+qfNMf2Dqf0FLVqdGkG27ewdT/oB9eAcU4sH0RABZWtnz85R+Uqvwurp6B+IWUpVmnb7h78xxJcXeLrB5b1i6iVoMW1KzXDG+/ILr0/Aozcwv27lifb/qg0OK07dqXKjUbYGpqVuB1jY2NcXB00R62dg5FVANYuO1vWtasSPMabxHk7c7/OrXAwsyMtX8fLTBPnkrF/35fymct6uFTwIe/mMRkxi1cxw+ffoiJcdEPS2q1muN/zadKo56ElKmHq3cEjTuPIy05hqundhSY7+jOOZR6uw2lqrbCxTOE+m2/w9TMgrMHVuqlMzGzwNreVXuYW9oYvA77t8zjrVq6fvFelxGYmllwbG/+/eKfbQ/6ReNuuHkFU69VPzwDinFwh65fdB2i6xe+IWVp+tGDfhFfdP3iTenfS9ZvoVn9d2hStyaBvt4M/rQLFubmbNi1J9/05UsWo1aVtwjw8cbbw502TRsS7O/L6QuX9dKZmZrg7OigPexsnn/22rNatXoNjRo1pGH9evj7+dH3816YW5izddv2fNN/NXgQzZo2ITg4CD9fX/r37YNapeLEqVPaNE5OjnrHgYMHKVO6FJ6ezz6L7nltfTDW1qj7Ht6+QXTuOVQz1u5cl2/6oNAStO3Sjyo1GmBiUvBYm5WZwe8/D6Nr76+xsrYtquJrqdVqDu2YT82mnxFRri7uvuG06DaW1KQYLh4veJw6uG0u5Wu2plz1Vrh6hdD0I804dWKfbpyqUr8z1Rv3wCeoTJHWIXbrXi4Pn8T9tQWX91H+PdqSeSOSC0PGknbxOrd+Xci9lVsJ7NdFmybwi67cmb2MyHmrSLtwjTO9hpOXkYVvl6K7Q7t29QoaNGpMvQaN8PMLoOfnX2Bubs6ObVvyTT9wyNc0btqcoOAQfHz9+LzfQFQqNadOndCmqVW7LmXLVcDD0ws//wC69ehJRkY6N29cL7J6ADSoYsW6vemcuKQk8n4uM1en4GhrTPkI8wLznLyczekr2dxPyON+fB4rd6WTla0mxMcUAEtzI2qWt2Tx1lQu3MjhVnQus9emEOpnRvCDNIaycs1a3m3YgEb16+Lv50u/3j0xNzdn6/b8Z8QMHTyA95o0JiQoCD9fHwb06Y1apebEKU0gN+ruXS5cukTfXp8RHhaKr483fXt9RnZ2Nn/t+dugZX9o7eqVj7Qnf3o9d3sa8KA9HddLFx8Xx4zfpjFw8FBMjP9/TU5XqV/P400kwYVX1M6dO7l06RLbt29/ImAAoFKpePfdd9m/fz8LFizg/PnzjBkzBmNjXRQ5NTWV5cuX07FjR+rXr09ycjJ//60bKNPS0qhVqxZRUVGsW7eOU6dOMWTIEFSq/KewTZgwgblz5/LHH3+wb98+EhISWL16db5pDSU3N5u7N88RUqKq9pxCoSCkeFVuXz2Zb57bV08R/Eh6gJBS1blTQHqArIxUjIyMsLAumrvmuTk53Lx2kRJlKmrPKRQKSpSpyNVLhZvKee/uHfp1acygHi2YPuFb4mPvFba4+crJzeXCzbtULhGiPadQKKhcPJjTV28XmG/G2p042VnTombFfF9XqVR8M2MZnRrVJNjb3eDlzk9yfCTpKbH4h+vunppb2uIZUIa7N07kmycvN5v7d87hH6HLY6RQ4BfxNnev6+e5cGQ9vwypzJzvm7J37QRysjMNWv6H/SL4sX4RXKJqge38Tj79IrTkv/SLzAf9ogimS8Ob079zcnK5fO0mb5XWTbtXKBS8Vbo45y5d/df8arWao6fPcftuNGWL609zPXH2Ik279Kbd50MY//tcklNTDV5+gJycHK5cvUr5srovmwqFgnJly3L+4qVnuoZSqSQ3Lw9b2/yDaYmJiRw+cpSGDeobpMz5eTjWFi9dSXtOM9ZW4lohx9o/Z4yjTIVqlChTubDFfCZJcZGkJccSVFw35lhY2eITVJo7107mmycvN5u7t84RVEx/nAoqXpXIAvK8ShyqlCVu1wG9c7Hb9+FYpSwARqam2JcvQdzOf3QJ1Gridv2DQ5VyRVKmnJwcrl29TJmy5bXnFAoFZcqW59LF8890DaVSSV5eLrY2+QelcnJy2Lp5I9bW1gQG5r+UyhBcHY1xsDXm/HXdcoZMpZprkTkE+xQcWHuUkRFULmmOuakRVyNzAAjwMsHE2EjvutFxecQl5Rk0uJCTk8Plq9coX1a3xEehUFC+bJnnGKey9capnBxNHczMdOVUKBSYmppw9vyz/X6fR05ODlevXqZsPu3p4nO3J93fNJVKxcTxY2jZqg1+/gGGLrYQz+z/V1jrNWJtbc2sWbMwM8t/sN+xYweHDx/mwoULhIVp1o0FBQXppVmyZAmhoaGUKKH5wNu2bVtmz55NjRo1AFi0aBGxsbEcOXIEJyfNHeWQkBAKMmnSJIYOHcr772vWyU6fPp2tW7cWrqL/IiM1CZUqDxs7/eldNvbOxEbfyDdPWnIcNvYu+untnElNfnL6GEBOtpKtyyZQukoTLIrgDjNAaoqmHvYO+nfu7R2ciI689cLXDQorySf9huHh7U9yQhxrlszih6E9+GHKYiytDHuHMyk1gzyVCic7/X8jJ3tbbt6LzTfPics3Wfv3URZ/17fA687dtBcTYwXt6hfdNOnHpadoymv1WLuysnUmPSX/dpKZlohalYe1rX4ea1tnEu7p7jQVe6spdk5e2Ni7ERt1ib1rx5N4/wbNe0wzWPm1/cL+yX4R95R+YW3n8kT6p/WLbUsnUKoI+8Wb0r+TU1M1feOxJT1ODvbcioouMF9aegYtP+lHdk4uxgoFA3p0omLZktrXK5crTa3Kb+Hp7krUvRhmLFzOoFETmD56GMYGnuGTkpKCSqXCwcFR77yjgwN37kQ+0zVmz5mLs5MT5QvYCHj7zl1YWloW6ZKI1NT8x1o7eyeiI2++8HUP/r2NW9cuMmz88y0vLIy0ZM04Zf1Y/7C2cylwnMpIfTBO5ZOnoLHhVWLu7oLyvn7dlPfjMLW3RWFhjqmjPQoTE5Qx8Y+licc6XP8zkKGkpCRr+oajft9wcHAk8s6dZ7rG/DkzcXJypky5Cnrnjxw6wPix36NUKnF0cuK7H8ZhZ2/4pQQP2dtoxo3kNP2bSCnpKu1rBfFxM+Gb7o6YmhihzFYzdWkSd2PzHlzXmJxcNRlZ+rdin+W6zyM5JRWVSoWjg4PeeUcHe+5EPts4NWvuPJydHLWBVF8fH9xcXZk970+++LwXFubmrFy7nti4eBIS8l+mUBhPa09Rz9ie5mnbky5AsXL5EoyNjWnWvKVByyvE85LgwiuqVKlSBQYWAE6ePImPj482sJCfP/74g44dO2p/7tixI7Vq1WLq1KnY2tpy8uRJypUrpw0sPE1ycjLR0dFUrqy7Y2NiYsJbb731r0sjlEolSqX++tCcbFNMzQqegvdfycvNYckv/VGr1bzXZfjLLs5zK1PhkQ/pAaEEhZVk4CfvcXj/DmrVb/7yCgakZyr5duYyvu3yPo62+Qc6zt+MYvH2/Swa0QcjI6MiK8v5w+vYvlj3+32/1+9F9l5lqn+o/X9X73Bs7F1ZNqULSbG3cXD1K7L3NaS83ByW/tIfNWre6/z69YuHXvX+bWVpwZwJ35OZlcXR0+eZNmcxXu5ulC+p2dCtXvUq2rTB/r4E+/vyYa9BnDh3QW+WxKtg6bLl7N77Nz+N+bHAv11bt2+nzjvvPPVv26soPvYei2ZNYPB30zArwr9bpw+uZ8N8XTtt3296kb2X+O+sWLaYv/f8xQ9jJzzR9kuVKcukaTNISUlm25aNjBs9ip9+nvZEkO9FVS1lQedmutkSPy9MeuFrRcfnMmx6ApbmRlQsbkH3FvaMmZugDTC8DpYsX8nuvfsYP/p77e/CxMSE4f/7kgmTp/F+247amRAVK5T/l6u9HJr2tFuvPV29cpn161bz85TfivSz1KtMHkX56pDgwn/Mzs6O5OTkJ84nJSVh/0i0+t+eCmFpafnU18+fP8/Bgwc5fPgwX375pfZ8Xl4eS5Ys4ZNPPvnXaxjK6NGj+e47/c2cWncbRptP/v3DvpWtAwqF8RObu6Ulxz9x9/IhG3sX0h67i5mWEo/tY+nzcnNY/Et/kuLu0u2rOUV2VxPA1k5Tj+THNhRLTkr41w3Enoe1jS0eXn7cj362CP7zcLC1wliheGLzxoTkVJztnpzqGRkbz924RL6YPF97TvVg9K/Y7X+sGj2AE5dvkJCaTuNBY7Vp8lQqfl6yiUXb9rNx/JdPXPdFhJSug2eAbrp3Xq5m6mZGSjw29ronCGSkxuPmk//uy5Y2jhgpjJ/YvDE9Nf6JGQGP8njwvomxtwwWXND2i+Tn6xeP3+1MS86/Xyz5pT9J8Xf5uIj7xZvSv+1tbTV947HNGxOSknF2KPgupEKhwMdTsxQoNNCfW5F3WbBqvTa48DhvDzcc7GyJjL5v8OCCnZ0dCoXiiQ3FEpOScHR8+hed5StXsXTFSsb8MIqgwMB805w5e47IyCi+/tIwfbogtrb5j7UpyS8+1t68dpGU5ASGD9A95UalyuPy+RPs3LScWcv3o3hkSeKLCi9TG5/huuneuQ/GqfSUeGwddONUekoc7r75txEr2wfj1GN9Kj3lyRk/ryLl/TjM3fXLae7uQk5yKqosJdlxiahyczF3c34sjTPKe/nP5igsOzt7Td9I1O8bSUmJOP7LzZnVK5exavlivvvhJwLyWe5gYWGJp5c3nl7ehEcU57PundixdTMffFjw00qex4lLSq5F5Wh/NnnQTO1tFHqzF+ysFdy+l/vUa+XlQcyDJ0rcik4j0NtEuzFkcloepiZGWFkY6c1esLNWPDFLojDs7WxRKBRPbN6YmJT87+PUqjUsWbGSsd+PJCgwQO+1sJAQfp86ifT0dHJyc3Gwt6fPgMGEhhY8m/dFPa09OTg9vQ6rVy5j5fIljPxhHIGBupk6586dITkpiW6dde1GpVIxZ9bvrF+zillzFxq2EkI8hey58B8LDw/n+PHjT5w/fvz4U2chPK506dJERkZy+fLlfF+fPXs2NWvW5NSpU5w8eVJ7DBgwgNmzZ2uvcfLkSRIS8t9B+1H29vZ4enpqN3sEyM3N5dixY/+ad+jQoSQnJ+sdLTt/9Uz1NDExwyugBNfOHdSeU6lUXDt/EL+Qsvnm8Qspw7XzB/XOXTv7D76PpH/4xSP+3i0+/vIPrGwNc5egICampgQER3D+9BHtOZVKxfnTRwkJL2Ww98nKzCDmXhQOjob/EGlqYkKxAC8On7+mPadSqTh84RqlQ5780hzg6cqyUf1Y/F0f7VGrbDHeighi8Xd98HCyp8nb5Vg6sq9eGlcHOzq9W5NfBn5ssLKbWdjg6OavPZw9Q7C2c+XWJd3aXmVmGtE3T+EVmP+6XWMTM9x9S3D7kTxqlYrblw7gFVTwWt/YyAsA2Ni7Gqg2un5x/bx+v7h+/qBeO3+Ubz794uq5J/vFkl/6E3//Fl2H/IGVTRH3izekf5uamhAWHMCx0+e051QqFcdOn6dE+LN/OFWpVWTnFPwBPyYugeTUNFwcHQpT3HyZmpoSGhLCiZO6p1WoVCpOnjxF8YjwAvMtW7GSRUuW8sPIEYSFFvwEha3bthEaEkJwUP7BB0MpeKw9QvALjrXFy1Tk+8mLGfnzAu0RGFKMKjUbMfLnBQYJLACYW9rg5O6vPVy9QrCxd+X6Bf1xKvL6aXyDy+Z7DWMTM7z8S+jlUatUXL9wEJ8C8rxKkg6exLlOFb1zLnXfJvHgSQDUOTkkHz+HS51H9l0xMsK5dlWSDua/X05hmZqaEhwSxulHNmNUqVScPnmC8IjiBeZbtXwJyxYvYPioMYSGFdyHHqVWqbR7ABhCVraamIQ87XE3No+k1DyKB+pmUFiYGxHsY8q1yOynXOlJRkZGmJpo7pLfvJtLbp5a77oezsa4OBhzLdJw9TE1NSUsJFi7GSNofhcnTp1+6ji1dMUqFixZxo/fDSf8KQEDa2trHOztiYy6y+Wr13i7cqUC074oU1NTQkLC9DZjfNieIp7SnlYuX8rSxQsYPmr0E+2pdp16TPllBpOn/a49nJydadmqNSO+H2PwOgjxNDJz4T/Ws2dPpk2bRt++fenevTvm5uZs3LiRxYsXs359/k8NyE+tWrWoWbMmrVq1YuLEiYSEhHDx4kWMjIyoW7cuf/75JyNHjqRkyZJ6+bp3787EiRM5d+4c7dq148cff6RFixaMHj0aT09PTpw4gZeXF1WrVn3iPfv168eYMWMIDQ0lIiKCiRMnFviIskeZm5tjbq4/ldTU7Nkj2dUadWblzKF4B5bEJ6gU/2ybT7Yykwo1NevKlv/+JXaO7jRsMwCAqg07MevHTuzbPIfwMrU4fXATUTfO0eJjzeyJvNwcFk39guhb5/lowG+oVHmkJmnWtlra2D91t/DCaNS8PTMnf0dgSDGCQkuwdf0SlFmZ1KjXFIDffx6Oo7MbbTr1BjQbk0XduaH9/8T4WG5dv4yFpSXunr4ALJ4zmXIVa+Ds6kFSQhyrF89AoVBQpWaDIqlDhwY1GD5rOcUDvCkR5MuibfvJVGbzXnXNOtJvZy7DzcGOPq0bYW5qSoiP/o7wtlYWANrzDjYmODy2+72JsQJnexsCPA33ZfxxRkZGlK/diYNbfsPRzR97Zx/2b5iMjb0bIWXqadMtm9yZkDL1Kf+OZnnRW3W7snn+l7j7lcQzoDTHds0jR5lJySqafUiSYm9z4eh6AkvUwtLagdioS/y1cjQ+IRVx9c5/RsSLetgvvB72i60P+kUNTb9Y8aBfNHjQL95u0IlZox/pF4c2cffGOVp01fWLxdO+4O6t83zU/7/rF29K/27brBE/TJ1JREggxUKDWLZ+G5lKJU3q1ARg1OTfcXV25LOObQD4c+V6IoID8fJwIyc3hwPHTrN1zz8M6tEZgIzMLOYsW02tKhVxdrQn6l4Mv85fireHG5XKGS4g+aj3W7Zg/MSfCQsNITwsjNVr15KVlUWD+po+MW7CRFycnfm4i6aMS5ev4M8FC/lyyCDc3dy165MtLS30ZsalZ2Swd99+enTvViTlflzDx8babesXa8baus0AmDFpOI7OrrT+6HPg4Vir2TclLzeHxIRYbl2/hIWlFe6evlhaWuPjr/+FxMzcEhtb+yfOG5KRkRGV63Xi7w3TcXYPwMHFm79WT8HWwY2I8rpxav5PXYgoX49KdTXjVJUGXVgz+yu8AkriHViagzs041TZau9r86Qlx5KWHEdCjGYz3vuRlzG3sMbeyRNLGweD1cHY2grrR4LPVoE+2JWJIDshmaw70YR/PwALb3dOddXMaLk1Ywn+vToQMXowd+auxKV2FTxbv8uR93SPzLwxaQ5l/hhL0rGzJB85TUDfzphYW3JnXv5PmDGE5i0/YPLEsYSEhhEaFsH6tSvJUmZRr35DAH4ePwZnZxc6de0OwMrli1n05zwGDvkaNzcPEh/cxLGwtMTS0pKsrEyWL1lIpSpv4+joTEpKMps2rCU+Po5qNWoVWT0Ath3MoFlNa+4l5BGXmMf7daxJTM3j+EXd8tUhnRw4dlHJzsOazYg/qGvD6atKEpLzsDBTUKWUBREBpkz4Mx3QbAq593gmbRvakpapIlOppmNjW67cyTZocAGgVYvmjPt58oNxKpTVa9eTlZVFw3p1ARg7YRIuzs5066KZabRkxSrmL1jE0MED8HB3I+HBjAFLC904tWfffhzs7HBzc+XGzVv8OmMWb1epxFvli2aT0OYtWzFp4jhCQsMJCwtn3dpVZCmzqFu/EaBpT07OLnTWtqclLPxzHoOGDMU9n/ZkZ2ePnZ3+LDkTYxMcHJ3w8fEtkjoIURAJLvzHgoKC2Lt3L//73/+oV68e2dnZREREsHz5cho1avRc11q5ciWDBg2iXbt2pKenExISwpgxY1i3bh3x8fG0bPnkpi7FihWjWLFizJ49m4kTJ7Jt2zYGDhxI48aNyc3NpXjx4vzyyy/5vt/AgQOJjo6mc+fOKBQKPv74Y1q2bJnvMg9DKl2lMempiexcNYXU5Dg8/YrRZfAM7RTP5PhojIx0k3D8Q8vRpudP7FgxmW3Lf8bZ3Z8OX0zF3UczMyQlMYaLJ3YBMO0b/X+jbkPnEVTM8JFqgMo16pOSksiqRTNITozHLzCMQcMnY++gmd6ZEHcfhUJXj8SEWIb11+2ZsXnNAjavWUBEyfIM/UGzFjcxLobfxn9DWmoytvaOhBUrw7fj/sDOvmju1DasXJrE1DR+W7OD+ORUwv08mTagK872mmUR9+KTULwm6/0q1f+EnOxMti0ahjIzBe/gCrTqPQsTU10gLCnuDpnpuqmLERUak5GawP4NU8hIjcXVuxgf9J6lXRahMDHl1sUDHPtrPjnKDGwdPQkr24AqjXoZvPylKjcmPUXTL9Ie9IvOg3T9IikhGqNH2pNfaDnafPYTO1ZOZvsKTb9o3y//fvHLt/r94uOviq5fvCn9u271KiSlpDJr8SoSkpIJCfRjwreDcXqwLOJ+XDwKha5vZCqVTJg5j5j4BMzNzPD39mRYv0+p+2CfBWOFgmu37rD5r32kZWTg4uhIxbIl+aRdK8xMDftot4feqVmD5ORk5i9YSGJiIkFBQfww8jvtdOPY2Fi9/r1x02ZycnP5/kf9O2Md27fjow666bl79uwF1NSuVbNIyv24ytUbkJqcxOrFv2vH2oHDp2jH2vjYe3rrkhMTYhk+QDfWblmzgC1rFhBeojxDfyi6/VmeRbV3u5OTncn6ecPIykjBL7QCHfvP1BunEmJvk5GmG6dKVtKMU7vXTCUtJRYP32J06D9Tb1nE0d1L2LNO97d+7lhN/Zt3/ZGy1XVBiMKyr1CSqjv/1P5cfPzXANyZv4rT3YZi7umKpa+n9vXMm5Ecee9Tik8YSkCfTmRF3uPMp98Qt32fNk308s2YuToRNrwv5h6upJy6wOGm3cl+bJNHQ6pRqzYpKcks+nMuiYmJBAYFM3zkGBwcNcsi4mJj9Pr3lo3ryc3NYeyP+ktC27bvRLuOnVEojImMvMOuH0aQkpyCrZ0doWHhjP5pUpHv9L9pfwbmZkZ0bWaLlYWCy7ezmbAgiUcnTbk5mWBrpQsK2Fkr6NHSHnsbBZlKNXfu5zDhzyTOPfJ0iMVbU1Gr4fMPHTA1NuLMNSV/bjT8023eqVmdpORk5i1YTGJiIsFBgfw4cjiOD2Z0xcTGYvTI72LDg3Fq5Ohxetf5qN2HdOrQDoCEhER+n/UHiUnJODk6Ur/OO3Ro28bgZX+oRq3aJD/SnoKCghkxcvQjY22M3t/vzQ/a05gfR+pdp237j2jfsXORlfN1InsuvDqM1P+2G58QRWDFIcOtwXtZfOyL5pFw/7VSCfk/G/p1syjDcB+IXxYHm9e/X4DmUWWvu1o2R/490Wsg3bxol4T8V6JzPP490SvuRnz+jyF83djXNuwsrJch+OKb8XdvzJ9FE2j8r43s8O/Lc191mYqi29fnvxQe/HrOdPhj18suwYv5uM7LLoHhyZ4LQgghhBBCCCGEKBQJLgghhBBCCCGEEKJQZM8FIYQQQgghhBCvJZUs8n9lyMwFIYQQQgghhBBCFIoEF4QQQgghhBBCCFEosixCCCGEEEIIIcRrSZ59+OqQmQtCCCGEEEIIIYQoFAkuCCGEEEIIIYQQolAkuCCEEEIIIYQQQohCkT0XhBBCCCGEEEK8llSql10C8ZDMXBBCCCGEEEIIIUShSHBBCCGEEEIIIYQQhSLLIoQQQgghhBBCvJbkUZSvDpm5IIQQQgghhBBCiEKR4IIQQgghhBBCCCEKRYILQgghhBBCCCGEKBTZc0EIIYQQQgghxGtJ9lx4dcjMBSGEEEIIIYQQQhSKBBeEEEIIIYQQQghRKBJcEEIIIYQQQgghRKHIngtCCCGEEEIIIV5LKtlz4ZUhMxeEEEIIIYQQQghRKBJcEEIIIYQQQgghRKHIsgghhBBCCCGEEK8l9Wv7LEqjl10Ag5OZC0IIIYQQQgghhCgUCS4IIYQQQgghhBCiUGRZhHgpsrJf/2lAxTKOvOwiGMQll1ovuwgGkX7xdZ0Sp5Od82bEex1tX//fhWlO5ssugkGYmVi+7CIYhI3p6//7KOme9bKLYBBmF3e+7CIU2rWIui+7CAZh+eOhl10EgzBW577sIhSa/8WNL7sIhhH82csugXjNSXBBCCGEEEIIIcRr6bXdcuEN9GbcJhNCCCGEEEIIIcRLI8EFIYQQQgghhBBCFIosixBCCCGEEEII8VpSqV52CcRDMnNBCCGEEEIIIYQQhSLBBSGEEEIIIYQQQhSKBBeEEEIIIYQQQghRKLLnghBCCCGEEEKI15I8ivLVITMXhBBCCCGEEEIIUSgSXBBCCCGEEEIIIUShSHBBCCGEEEIIIYQQhSJ7LgghhBBCCCGEeC2pZM+FV4bMXBBCCCGEEEIIIUShSHBBCCGEEEIIIYQQhSLLIoQQQgghhBBCvJbkUZSvDpm5IIQQQgghhBBCiEKR4IIQQgghhBBCCCEKRYILQgghhBBCCCGEKBTZc0EIIYQQQgghxGtJ/do+i9LoZRfA4GTmghBCCCGEEEIIIQpFggtCCCGEEEIIIYQoFFkWIYQQQgghhBDitfTarop4A8nMBSGEEEIIIYQQQhTK/+vgws2bNzEyMuLkyZNF+j67d+/GyMiIpKSk587bpUsXWrRoYfAyCSGEEEIIIYQQhvJGL4vo0qUL8+bN0/7s5ORExYoVGTduHKVLl36JJQO1Ws2sWbP4448/OHfuHCqVCn9/f+rVq0efPn0ICQl5qeV71ajVavasncqJv5eTlZGCb0h53u04HGf3gKfmO7JrIQe2ziYtOQ533wgatfsG7yDd7/74nqWcPbSB6Nvnyc5KZ/CUw1hY2RVZPZZv28OC9TuIT04h1M+bQV3aUCIk/zr8dfgkc9ZsJfJ+LLl5efh6uNKhSV0a16isTROflMK0xWs4dPoiqRkZlIsIYVCXNvh5uhVZHbZtXMn6VQtJTkzALzCELp8OICSseL5p79y6zoqFs7h+7SJxMff4qHs/Gjf/UC+NKi+PFYtns++vrSQlxePo5EKtuk1o+WEXjIyKbhddtVrNkW1TuXBoOcrMFDwCylPz/eE4uAYUmOfu9SOc3D2b2KhzZKTE0qjzNAJL1iv0dQtbj0Obp3D2oOb9vALLU7v1iH99v1N/L+T4rtlkpMbi4hVBrVbf4uGv6xvpKbHsWzeOO5f+IVuZjqNbIBXrf0ZImYZFUofda6dyfK+ufzf56N/79+FdC/lni6Z/e/hG8G57/f59bM9SzhzaQPQtTf/+cmoR9++tf7Fw/Xbik5IJ9fdhYNe2lAgJzDftX4eOM3fNZiLvPezfbrRvWp/GNato02RkZfHLotXsOXKSlNR0PN1c+PDd2rxfv1aR1WH1xi0sXb2OhMQkggP96dvjY4qFheabdu8/h1i4YhVR0ffIy83D28uDNi2a0aB2Lb0067ds4/K166SkpjFz0jhCgvL/NzGkzRtWsW7lEpISE/APDKbbZ/0IDc9/nNq+ZT17dm3lzs3rAASFhNO+8yd66dVqNUsX/MGOrevJSE8jvFgpevQegKe3b5HVYcuGVaxbtVhbh48//aLAOuzYsk5Th1u6OrTr1OPJOiyczc6t60lPTyOiWCk+6TWwSOsAsHH9GtasXEZiYgIBgcH06NmHsPCIfNNu27KRv3Zu49atmwAEh4TxUedueukXL5jH33v/Ii42FhNTE4JDwujY6WPCI4oVSfmdqr9F0MBu2JcviYWXG0db9eL+up1Pz1OzEsXHf4VN8VCy7kRzdfRvRM5frZfGv2d7ggZ0w9zDlZTTFzn3xSiSj5wpkjo8rmk1C6qXNsPS3Ijrd3NZtC2T2CRVgekbVjanbKgpHs7G5OSouXY3jzV7MrmfqJ8n0MuY5tUtCPA0QaWGyJg8pq5IIyfXsOVfs3EzS1fpxqk+n3Z7yjh1kEXLHx2nPGndohkN6ujGKbVazdyFS9m4bQdp6RmULBbOF7164OPladiCP2LJvpPM++sYcanphHm58lXL2pTy98g37drD5xi2ZJveOTMTY46M6wtATl4e0zb9w74LN4hMSMbWwpzKYX70a1IdN3ubIquDEPl542cuNGrUiOjoaKKjo9m5cycmJiY0bdr0pZZJrVbTvn17+vbtS+PGjdm2bRvnz59n9uzZWFhY8P3337/U8r2K/tkyi8M7/6RxxxF8/PUyTM0tWfRzd3JzlAXmOXd4E9uXjaFms958MmwV7r7hLJrUnfSUeG2anOwsgkvWoHrjT4u8DtsPHGPSn6vo3qox83/8ilB/H/qOmUZCcmq+6e1srOjasiGzRw5i0divaVarKqOmL+DAqfOAph0NnjiDqJg4xg/6lAWjh+Lp6sTnP04hM6vgf5fCOPD3Dv6cNYVW7T7mx0lz8A8MYcyw/iQnJeSbPluZhZuHF+0698TB0TnfNOtWLmD7ptV0+WwAE35dTPsuvVi/aiFb1y8vkjo8dHL3LM7s+5Oa74+gVZ9lmJpZsmHW09tUTnYmzl4R1GgxzKDXLYxjO2dycu+f1G49gg/7L8PEzJI107s99f0uH9/E32tGU7lRb9oOWo2LdwRrp3cjI1XXN7Yt/JKkmBs07f4bHYasJ7h0fTbP/YKYyPMGr8P+zbM4tONPmnw0gu7/W4aZuSULJj793+zs4U1sWzqGWu/15tPhmv694Ocn+3dIyRrUaPIf9O9/jjB5/gq6tWrCvDH/I8Tfh34/TiEhOSXf9HY21nRt2ZhZo75k4bhhNH3nbb7/bR4HT57Tppk0fzkHT57ju88/ZsnEEbRtXIfxfyxh79FTRVKHXX/v57fZ8+jctjUzfh5LcIA/Q4b/QGJScv51sLWhY+v3+WXcD8yaMp5GdWszdvKvHD5+UpsmS5lFyeIR9OjcsUjKnJ/9e3cyb+YvtG7fhXFTZhEQGML33w4iOSkx3/Tnzpyges26jBg9mR8n/IaLqxujvh1EfFysNs2aFYvYtH4lPXoP5MeJv2NuYcGobweRnV00/Xr/3p3MmzWN1u26MHbyLPwDQ/hh2MCn1OEk1WvVY/joKfwwfjrOrm58P2ygXh3WrlzE5vUr6dF7EKMn/I65hSXfDxtYZHUA+HvPX/wxczoftu/ExKnTCQwKZsS3X5JUQD3OnD5FjVp1+H70BMZNmIqLiysjvhmiVw8vbx969OzDlF9nMuanybi5uTPimy9JTk4qkjoYW1uRcvoSZ/t+90zpLQN8qLjud+J3H2LfW825MXUepX7/Hpf61bVpPFu/S7GfhnLl+1/YV6klqacvUnnjbMxcnYqkDo9qUMmc2uXNWbQ9g3ELU1FmQ9/W1pgYF5wn1NeEPSeyGbcglcnL0zBWQJ/WNpiZ6tIEehnT5wMbzt/MZeyCVMb+mcruE0rUBl4L/9ff+/lt1jw6tWvN75PGERwYwJfDvn/qONWhTSum/fQjM6dOoFG92oyb/AtHHhmnlqxcw6oNm+jfqwe/jP8RCwtzvhw2iuzsbMMW/oEtJy4xfu1ePm1YhSUDOhDu5ULPGauIT80oMI+NhRk7R/TQHlu+7aZ9LSs7l4tRMfRoUJmlAzowsUszbsYk0m/22iIp/6tIrX49jzfRGx9cMDc3x8PDAw8PD8qWLctXX33FnTt3iI2NzTf9nj17qFSpEubm5nh6evLVV1+Rm6sLuSqVSvr27YubmxsWFhZUr16dI0eO6F1j06ZNhIWFYWlpSe3atbl586be60uXLmXJkiUsXbqUb7/9lipVquDn50eVKlUYO3Ysc+bMKbA+AQEBTJo0Se9c2bJlGTFihPbnpKQkPv30U9zd3bGwsKBkyZJs2LBB+/rKlSspUaIE5ubmBAQEMGHCBL3r/frrr4SGhmJhYYG7uzsffPCB9jWVSsXo0aMJDAzE0tKSMmXKsGLFigLLawhqtZrDO+ZTo+lnhJeri7tvOM0/HktqUgwXT+woMN/B7XMpV6M1Zau3wtUrhCYdv8PUzIKT+1Zq01Su35lqjXvgHVSmSOsAsGjjTlrUeZtm71QlyMeTr7q1xcLMjPW7D+SbvkLxMGpXLEugtwc+7q60fbc2IX7enLp0DYDb92I4e+UGX37cluLB/vh7ufPlx21RZuew9Z+jRVKHjWuWUKfhe7xTryk+foF06zUEM3Nzdm/fkG/64LDidPj4c96uWR8TU9N801y+cIa3qtSgfMVquLp7UrlaHUqXrcTVK4b/EvuQWq3m9N/zqVD3MwJL1sXZK5w6bceSkRLDjXMFtyn/iJpUbvQFQaXqG/S6hanHyb3zqdSgJ8Gl6uHiFUGDDuNIT47h+pmC3+/E7jmUrNqG4pVb4ewRQp3W32FiZsH5Q7q+ce/GCUrX6IiHf2nsXXyp1KAX5pZ2xNw5V+B1X7QOh3bMp2bTz4h40L9bdHvQv48/pX9vm0v5mq0p96B/N/1I079PPNK/q9TvTPXGPfD5D/r34o07aF63Os1qVyPIx4uvunfQ9O+//sk3fYUS4bxTqRyBPp74eLjStnFdQvy8OXnpqjbNmUvXaVyrKhVKhOPl5kLLejUJ8ffh/NUbRVKH5Ws30KRBXd6tV5sAP18G9OqBhbkZm3fsyjd92VIlqFG1Mv6+Pnh7evDBe00IDvDn7PmL2jQNateic9vWVChTqkjKnJ/1q5dRr1FT6tRvjK9fAD0+H4i5hQW7tm3MN/0Xg4fRqGlLAoND8fb157O+Q1CrVJw5dQzQtNGNa5fT6sOPqFS1BgGBwfQZ+D8SE+I5fGBfkdRhw5ql1G3YjNr1m+DrF0iP3oMwM7dg1/b869Bv8DAaNmlJYNCDOvT5ErVKxVm9Oiyj1YedqFilBv6BIXw+QFOHIwf+LpI6AKxdvYIGjRpTr0Ej/PwC6Pn5F5ibm7Nj25Z80w8c8jWNmzYnKDgEH18/Pu83EJVKzalTJ7RpatWuS9lyFfDw9MLPP4BuPXqSkZHOzRvXi6QOsVv3cnn4JO6vfbYx3L9HWzJvRHJhyFjSLl7n1q8LubdyK4H9umjTBH7RlTuzlxE5bxVpF65xptdw8jKy8O3Sqkjq8Kg6FczZfDCL01dziYpVMXdTOvY2CsqG5v83GmDainQOnssmOl5FVKyK+ZszcLZX4Oeui0i0rm3JX8eUbDusJDpexf1EFccv5ZCbZ9jyL1+znsYN6/FuvToE+PnSv1cPzM3N2by9oHGqpN441eq9JgQF+HPm/AVA0zdWrttIxzatqFalEsGBAXzVvw9xCYnsO3jYsIV/4M89x3m/SklaVCpBsIcz33xQDwtTE9YcPltgHiOMcLGz1h7Ottba12wtzfn9s1Y0LBtOgJsTpQM8Gfp+bc5HxhCdmH+AW4ii8sYHFx6VlpbGggULCAkJwdn5ybuoUVFRNG7cmIoVK3Lq1Cl+++03Zs+erTeTYMiQIaxcuZJ58+Zx/PhxQkJCaNiwIQkJmju3d+7c4f3336dZs2acPHmS7t2789VXX+m9z+LFiwkPD+e9997Lt5yFmQquUql499132b9/PwsWLOD8+fOMGTMGY2PNH4Bjx47Rpk0b2rZty5kzZxgxYgTffvstc+fOBeDo0aP07duXkSNHcunSJbZs2ULNmjW11x89ejTz589n+vTpnDt3jv79+9OxY0f27NnzwmX+N0lxkaQlxxJY7G3tOQsrW7yDShN17WS+efJys4m+dY7A4ro8RgoFgcWqEnk9/zxFKSc3l4s37lCxpG5qp0KhoGLJCM5c+fcPRGq1msNnL3Ir+j7lIjRLZnIezDM0f+TWgUKhwNTERBuAMKTcnBxuXL1EyTJv6b1fybIVuXKp4D+I/yasWCnOnjpKdNRtAG7duMLFC6coW6FqoctckNSESDJSY/EJ1bUPc0tb3PxKc//WyVfuugVJiY8kIyUW3zD993P3L0P0zRP55snLzSYm8pxeHiOFAt+wt/XyeASW48qJzWSlJ6FWqbh8fCO5uUp8QioZtA4P+3dQcf3+7RNUmjtP6d93b50jqJh+HYKKVyWygDxFKSc3l4vXb1OplG5atkKhoGKpZ+/fR85c0PTvYrqpvaXCg/j76CliEhJRq9UcPXuJO9H3qVw6/6nxhapDTg6Xr16nQlndshKFQkH5MqU5d/HyM9Xh2Kkz3Im6S+kSRTM9/Vnk5ORw/eplSpfVH6dKla3ApYvPFhjLVirJy8vFxlazhCbmXjRJiQl617S2tiE0vBiXL7742FcQXR0qaM8pFApKl32Ly89Rh9y8XGxsbQGIua+pQ6nH6hASXuyZ/12eV05ODteuXqZM2fLacwqFgjJly3Pp4rMFj5UPfhe2NrYFvsfWzRuxtrYmMDDYIOUuLIcqZYnbpX/TIHb7PhyrlAXAyNQU+/IliNv5SOBRrSZu1z84VClXpGVzsVdgb6Pg4i3dTbOsbLgRnUeg17OvlLY013xOzcjS3Hq1tTIi0MuE1AwVg9rbMLaXHf3b2hDs/ZTpEC9AO06V0R+nKpQtxflLl/41v1qt5vip00RG3aV0Cc04Gn0/hoTEJL2xz8bammJhoZx/hrHvueuQm8eFyPtUCfN7pA5GVAnz4/TN6ALzZWRn02jULBqMnEm/2Wu5ei/uqe+TlqXEyEgTeBDiv/RG77kAsGHDBmxsNOuN0tPT8fT0ZMOGDSgUT8ZVfv31V3x9fZk2bRpGRkZERERw9+5dvvzyS4YNG0ZmZia//fYbc+fO5d133wVg5syZbN++ndmzZzN48GB+++03goODtbMBwsPDOXPmDGPHjtW+z+XLlwkPD9d77y+++IJZs2YB4ODgQGRk5AvVd8eOHRw+fJgLFy4QFhYGQFBQkPb1iRMnUrduXb799lsAwsLCOH/+PD/99BNdunTh9u3bWFtb07RpU2xtbfH396dcOc0fO6VSyY8//siOHTuoWrWq9tr79u3j999/p1atolkHnJasmWVibacfELK2cyEtOf/BNSMtEbUqD5t88sTdK5q7fk+TlJJGnkqFk73+ByQne1tu3b1XYL60jEya9Pqa7NxcjBUKhnT9kMqlNR/cA7w88HBx5JfFaxnavT2WFmYs2rSLmIQk4pIMH6lOSUlCpcrD3lF/2qa9gxN3I2+98HXf++AjMjPSGdizHQqFApVKRZuPPqX6O4Zf2/9QRqqmTVna6rcPKxsXMlKf/gf7ZVz3397P6vH3s3UmIyX/98tM1/SN/PIk3td9EW7ceRKb5/Vnxv8qo1CYYGJmQZOPp+Hg6m/QOjytf6cXUIeMVE0d8ssTF/0q9W+7f+3fTT/7kuzcHIwVCgZ3a68XOBjUtS2jZyygWc+vMDZWoDBS8HWPjpQrHmbwOiSnpKJSqXB0sNc77+hgz+2oqILrkJ5O666fkpOTi0Kh4IvPuvNWuaKfKVKQ1JRkzTjl4Kh33sHBiag7t5/pGgvmTMfRyUX75T4xUbPUxsFR/5r2Dk4kJea/JKwwdHV4fKx1JOoZx9oFc3/DyclFG0xIeliHfP5dkgpY1lZYKSnJqFSqJ/7dHBwcibxz55muMX/OTJycnClTroLe+SOHDjB+7PcolUocnZz47odx2NnbF3CV/5a5uwvK+/pjl/J+HKb2tigszDF1tEdhYoIyJv6xNPFYhwdRlOysNUGBlHT9vRJS01Xa1/6NEdC6jiVXI3O5G6e5jou95jN1k2oWrNqdxZ2YPKqUMKVfGxtGzUl96n4Oz0M7Tjk+Pk45cDvy6eNUmy6fkpOToxmneurGqYTERO019K9pT0JikkHK/ajE9EzyVGqcba30zjvbWnEjJv/lQgFujnz3YQNCvVxIy8xm3u6jdJ6ylFVDOuHu8GTgTZmTy6QN+3i3XAQ2FhJcEP+tNz64ULt2bX777TcAEhMT+fXXX3n33Xc5fPjJqU4XLlygatWqejMHqlWrRlpaGpGRkSQlJZGTk0O1atW0r5uamlKpUiUuXLigvUblypX1rvvwi/jT/O9//+Pzzz9n1apV/Pjjjy9UV4CTJ0/i4+OjDSw87sKFCzRv3lzvXLVq1Zg0aRJ5eXnUr18ff39/goKCaNSoEY0aNaJly5ZYWVlx9epVMjIyqF9ff0p4dna2NgCRH6VSiVKpv6YzJ9sMU7P8B7wzB9ez8c/h2p/b9Z3+1Dq/yawszFkwZiiZWUqOnL3EpAWr8HZ3oULxMExMjBnbvwffz1hAvU8GY6xQULFkOG+XLf5areM6uG8n+/Zs4/NBI/DxC+LW9cvMnzX5wcaOjQ3yHpePr2fPSl2bavLx69mmLh5dx1/LdPVo1uP3InuvA5sno8xMoWWvuVhYO3L9zA42z/2CD/ouxMUr/N8vUIDTB9ezYb6uDu37vZ6/C0OwsjDnz3HfaPr3mYtMnr8cbzcXKpTQ/Psu2/IXZ6/cYPyQXni4OHPywhV++mMxLo4OVCr98mYHPMrK0pJZk34iMyuL46fO8usf8/DycKdsqRIvu2gvZPWyBezfu5MRY6ZgVsDfqFfd6uWaOnw3+vWtA8CKZYv5e89f/DB2AmZmZnqvlSpTlknTZpCSksy2LRsZN3oUP/087Yngyf93FYuZ0r6B7kvsryvTCn3NtvUt8XIxZvwi3X5RDz827zuVzYGzmn0KVsTkEe5vytulzFj7d1ah37cwrCwtmTn54Th1hl9nz8PTw52ypUq+1HI9qzIBXpQJ8NL9HOhJyzHzWH7gDJ+/+7Ze2py8PAbP34haDf/7oM5/XdSXRqV6jT74vuHe+OCCtbW13pMXZs2ahb29PTNnzqR79+4vpUyhoaFcemz6lqurK66urri5PX2Xf4VCgfqxb445OTna/7e0tCxU2WxtbTl+/Di7d+9m27ZtDBs2jBEjRnDkyBHS0jR/lDZu3Ii3t7dePnPzgj/AjB49mu++098IqWWXYbz/8Yh804eVrY13oG56Wm6u5g9Veko8tg66f5/0lDg8fPP/gG1l44iRwpi0FP07A+kpcdjYuxRY1qLiYGeDsULxxOaNCcmpODsUvHu9QqHA10NT57AAX27cvc/ctduo8ODOZbEgPxaO+Zq0jExycnNxtLOl6zfjKBZk2LvLAHZ2DigUxiQ/dqcuOSkBB8cX34Rq4ZxfaP7BR7xdUxO08gsIJjb2HuuWzzdYcCGgeG3c/XRtKu9Bm8pMjcfaTtemMtLicPF68S9tVrauRXLdh4JK1sHDX3dX+GE9MlLjsbZ/5P1S43H1zn83dktrTd94dPPGh3ms7DR9IynuNqf/XkCHLzfg7KmZpu/qHcHd60c5vW8hddqMfOE6hJepjc/wZ+vf7gX1b1tNHdJf+f6dgpNDwXdTH+/fN6OimbdmCxVKhJOVnc1vi9cwdlBPqpfX7FcQ6u/D5Zt3WLhhm8GDC/Z2tigUiic2RUtMSsbpsTt6j9fB+8GO6iFBgdyKjGThitUvLbhga2evGace2zAw6RnGqbUrF7N6xSKG/TCRgEem2Ds+2Iw2KTERRydd+0pOSiAgyPBPdtLV4fGxNrHAjXEfWrdqMWtWLGTY9z/jH6gr28N8SUn6dUhKSiAgMP9d9gvLzs4ehUJBUuLjv4tEHJ2e/rtYvXIZq5Yv5rsfftL7XTxkYWGJp5c3nl7ehEcU57PundixdTMffNjeoHV4Ecr7cZi7649D5u4u5CSnospSkh2XiCo3F3M358fSOKP8l6nuz+v01RxuRuvGpYebNtpZK0hJ122GYGutIDLm3zdH+LCuJSWDTJm4JI2kNN1n0eR0zf9Hx+tf4158Hk52hluBrR2nEh8fp5JwcnQoMN/j49TtO1EsWr6asqVK4vRgZk1iUhLOTrrgVGJSMiFBAQYr+0OO1pYYK4ye2LwxPjUDl8dmMxTE1NiYCB837sQl6Z3Pyctj8LyNRCekMLPXBzJrQbwU/6/2XADNfgYKhYLMzMwnXitWrBgHDhzQ+/K+f/9+bG1t8fHxITg4GDMzM/bv3699PScnhyNHjlC8eHHtNR6fFXHw4EG9n9u1a8elS5dYu/b5d3F1dXUlOlq3JislJYUbN3TTgEuXLk1kZCSXL+e/TqxYsWJ65X9Yx7CwMO2+DCYmJtSrV49x48Zx+vRpbt68ya5duyhevDjm5ubcvn2bkJAQvcPXt+BHWQ0dOpTk5GS9o1nHoQWmN7ewwcndX3u4eoVgY+/KjQu6NYzKzDSirp/GO7hsvtcwNjHD078ENx/Jo1apuHHxID5B+ecpSqYmJkQE+nLkrC6opFKpOHruEqVCn30apFql0u618CgbK0sc7Wy5HR3Dheu3qfmW4R+1amJqSmBIOGdPH9OeU6lUnDt1lNDwF4/+ZyuznthnRKEwRmXA6RdmFjbYu/hrD0f3EKxsXYm8qmsf2VlpxNw+jbt/2Rd+H1snnyK57kNmFjY4uPprDyePEKzsXLlz5ZG+kZXG/Vun8AzIfzaRsYkZbj4l9PKoVSruXD6gzZObrRkfjYz0/0QYGRk/Edx8XuaW+ffv64/178jrp/F9Sv/28i+hl0etUnH9wkF8CshTlExNTIgI8uPImQvacyqViiNnLz5X/1ap1eQ82EA4NzeP3Lw8FE/0DYVB+8ZDpqamhIUEcfyU7lF4KpWK46fPUCLi2ZdhqFRqvYD3f83U1JSgkDDOnNQfp86cPE54RMEBjzUrFrFyyXy+GfkTIaH6gTk3D08cHJ20GzwCZGSkc+XSBcIiDH/nU1uHU4/V4dQxwp5Sh7UrFrJiyTz+9914gh+vg7umDmdP6tfh6qULT/13KQxTU1OCQ8I4/chmjCqVitMnTxAeUfC+IauWL2HZ4gUMHzWG0LBnmyWl+dv48trdo5IOnsS5ThW9cy513ybx4EkA1Dk5JB8/h0udR2a1GhnhXLsqSQfz3yvnRSlzIDZJpT2i41Ukp6kI99PdW7Qwg0BPY27cffrzIj+sa0nZUFMmLU0jPll/mUN8soqkVBXujvp7LLg7KkhIMcySCHhknDr92Dh16gzFw599Rp1KrWsvnu5uODk66I196RkZXLh8heLPMfY9K1MTY4r5uHPoim5pkEql5tCVO5QOeLZHX+apVFyJjsPFTrep48PAwu24JH7v2QoH68LdbBTiRb3xMxeUSiX37mnWvCYmJjJt2jTS0tJo1qzZE2l79erFpEmT6NOnD59//jmXLl1i+PDhDBgwAIVCgbW1NT179mTw4ME4OTnh5+fHuHHjyMjIoFs3zSNhPvvsMyZMmMDgwYPp3r07x44d026W+FDbtm1ZtWoVbdu2ZejQoTRs2BB3d3du3brF0qVLtV/y81OnTh3mzp1Ls2bNcHBwYNiwYXrpa9WqRc2aNWnVqhUTJ04kJCSEixcvYmRkRKNGjRg4cCAVK1Zk1KhRfPjhhxw4cIBp06bx66+/Apo9Kq5fv07NmjVxdHRk06ZNqFQqwsPDsbW1ZdCgQfTv3x+VSkX16tVJTk5m//792NnZ0blz53zLbG5u/sTMBlOzZ/9wbGRkRKV6ndi3cTpO7gE4uHize80UbB3ciChXT5vuz/FdiChfj4p1NI88q1K/C2v/+ApP/5J4BZbm8I555CgzKVPtfW2etORY0pLjSIzRrMWNibyMmYU19k6eWNo4PHMZn0X7JnX57rf5FAvyo0RIAEs27yJTqaRpLc2HkOG/zsPN0YHe7TTLVuau2UqxID983F3Jzs3lnxNn2bTvMF9+3FZ7zR0Hj+NoZ4OHsxNX70Qxcd4KalUsQ5UimjLdpEVbfvv5e4JCIggJK87mtUtRZmVRq57m8a6/ThyJo7Mr7Tr3BDSbQEbe0QS/cnNzSYyP5eb1y1hYWOHh5QNA+YrVWbNsHs6u7vj6BXHz+mU2rVnCO/WbFEkdQNOmStfoxLGd07F3CcDOyZvDW6dgZedGYAldm1r3excCS9ajVDVNm8pRppMcp1u3nZIQSVzUBcyt7LF19Hrm6xqyHmVrduLItt9wcPXHzsmHg5smY23vRlAp3fut+qUzwaXrU6aGph7l3unK9kVf4u5bEne/0pzcM4/c7EyKV9b0DUf3IOxd/Nm1bBjVm3+JhbUD18/s4Pbl/bz3iWGXYhgZGVG5Xif+3jAd5wf9+6/VD/p3eV0d5v+k6d+V6j7o3w26sGb2V3gFlMQ7sDQHH/Tvsvn074QH/ft+5GXMi6h/t2tSj5G/zqVYcADFgwNYsmknWcpsmr6jmbI6YtocXJ0c6N2+JQBzV2+mWLC/pn/naPr35r8P8mW3DoAmYFi+eBhTF6zE3MwUT1dnjp+/zOa9B+nXqbVBy/5Q6+ZNGTPpF8JCgikWFsKKdRvJylLSqG5tAH78eSquTk580llTxoXLVxMeEoSXpwc5OTkcOnqC7bv30r/nJ9prpqSmEhMbR1yC5u717ai7ADg5OmjvGBpas5ZtmDZxNMGh4YSEFWPj2uUoszKpXV8zE2rKhB9wdnahQxfNI0pXL1/I0gV/8MWQb3F18yAxQTMjxsLSEktLK4yMjGjSvDUrl8zH08sHNw9Plvw5G0cnZypVrV5gOQqjaYsP+eXnHwkOjdCvQz1NHaZO+B4nZxc6dPkMgDUrFrJ0wWz6DR6Gq7uHdp8IC4tH69CGlUvn4eHtg5u7J0sXzMLRyZmKVWsUSR0Amrf8gMkTxxISGkZoWATr164kS5lFvfqaPXV+Hj8GZ2cXOnXVzCRduXwxi/6cx8AhX+Pm5kHig82yNb8LS7KyMlm+ZCGVqryNo6MzKSnJbNqwlvj4OKrVKJp9n4ytrbAO0W2+ZxXog12ZCLITksm6E0349wOw8HbnVNcvAbg1Ywn+vToQMXowd+auxKV2FTxbv8uR93SPxL0xaQ5l/hhL0rGzJB85TUDfzphYW3Jn3qoiqcOjdh1T0riqObGJecQlq2hW3ZLkNBUnr+iCM/3aWHPySg57TmhmlrWtZ0nFYmZMX52GMket3Z8hU6nm4f2O7UeUNK1mQWRsHpExeVQpYYa7kzEz1hX8eMUX0bpFM8b8PI3wkGAiwkJYufbBOFVPM06NnjgFF2dn7Ti1aPkqwkKCHxmnjrP9r7188WCcMjIyotV7TViwdCXeXp54ursxZ8ESXJwcqV7FsBsYP/RRrfJ8u3grJXzdKOnnwYI9J8jMzqFFJU2g73+LtuBmZ0O/pprxZfrWg5QO8MTPxZ7UTCVz/zpGdEIK71fWBDdz8vIYNHcDF6JimNqtBSqVmriUdADsrSwwfdpzRt8Qr9Ny4DfdGx9c2LJlC56emkigra0tERERLF++nHfeeeeJR0R6e3uzadMmBg8eTJkyZXBycqJbt25888032jRjxoxBpVLx0UcfkZqayltvvcXWrVtxfPAhyc/Pj5UrV9K/f3+mTp1KpUqV+PHHH/n444+11zAyMmLp0qXMnDmTOXPmMG7cOHJycvDx8aFu3bpMnDixwPoMHTqUGzdu0LRpU+zt7Rk1apTezAXQPGpy0KBBtGvXjvT0dEJCQhgzZgwA5cuXZ9myZQwbNoxRo0bh6enJyJEj6dKlC6DZTHLVqlWMGDGCrKwsQkNDWbx4MSVKaAa8UaNG4erqyujRo7l+/ToODg6UL1+er7/++sV+Qc/o7UbdyVFmsnH+MLIyUvALrUD7L2ZiYqoLWiTG3iYjVTf9skSlxmSkJbBn7VTSUmJx9y1G+y9m6k2bPrZ7CXvX/6L9ed44zReX97r+qBeEMIT6VSuQmJLKjBUbiE9KJczfm8lf9dYui7gfl6h3lzJTmc24OUuJiU/C3MwUfy93RvbuQv2quo2t4pOSmfTnShKSU3FxtKNxjcp0e/9dg5b7UVVr1CMlOYkVC2eSlJiAf1AoX303UTvdOC72vt7d7sSEOIY+8vitDasXsWH1IoqVLMew0Zp/9y6f9mfZwpnM+W08ycmaKbt1GzWnVduPKUpl3+lOTnYme1YMIzsrBY+ACjTtrt+mUuJvk5Wua1MxkWdZN10XRPtnvaZfhVdoQZ22Y575uoZUoe4n5GZnsmvpMJSZKXgFVaD5p7P03i857g6Zabp6hJVvTGZ6Agc3TyE9JRZX72I0/3QWVraavmFsbErzT2ewf/0E1s/8jJzsDBxc/KjffgwBxQ3/Ab7au5p/s/XzdP27Y3/9f7OE2NtkPFKHkpUak5GawO41mv7t4VuMDv31+/fR3UvYs07Xv+eO1fTv5l1/pGx1A/fvtyuSlJLGjGXriE9KISzAh0lD++r6d3wCCoWuf2cplYybvZjY+ERN//b24LvPP6b+2xW1ab7v151fFq1m+NQ/SElLx8PVic/aNuf9+jWfeH9DqFOjGsnJKcxdtJSExCSCgwIYO+J/2unGMbFxemNUljKLSdNnERsfj7mZGX4+3nw9oA91auj2Jfrn8FHGTv5V+/OonyYB0Llta7q0b1Mk9ahWsy4pyUksWfAHSYmapQv/Gzleb5x6tB7bNq0lNzeH8T8O07tO6/Zd+LCDZhxq8UF7lFlZ/D51POnpaUQUL8U3o8YX2Z4GD+uwdMHsAutgpHi0DmvIzc1hwuhv9evQrittHtSheav2ZGVl8vvUn8h4UIf/jSy6OgDUqFWblJRkFv05l8TERAKDghk+cswj9YjR6xdbNq4nNzeHsT/qL6Vs274T7Tp2RqEwJjLyDrt+GEFKcgq2dnaEhoUz+qdJ+PkHFEkd7CuUpOrOP7U/Fx+v+bxzZ/4qTncbirmnK5a+ujvOmTcjOfLepxSfMJSAPp3IirzHmU+/IW677rGl0cs3Y+bqRNjwvph7uJJy6gKHm3Yn+7FNHovCtsNKzEyNaN/QCitzI65F5TJ1RbreIyNdHYyxsdSdqFVO00YGtNPfPHDepgwOntMEIHYdU2JiDB/UtsTawojI2DymLE8jzkCbOT5Uu0Y1kpJTmLNwCYkPx6nvHh+ndJ9DMrOUTP5tJrHxCZibmeHr48XXA/tS+5Fxqm2rFmRlKZk47XfS0tMpVTyCMd9988ReH4bSqFw4iWmZ/LrlAHEpGYR7u/Jrj5bax0veS0zVG6NSM7MYuWw7cSkZ2FmZU9zHnXl92xLsoVlaE5Ocxu5zmg2Z20xYoPdes3p9QMWQgmcXC2FoRurCznEV4gUs+Pv1b3bNrHe+7CIYxDWbon301X9l78UX3/fhVWFq+uKPoX2VONq+/v27sU3RPV73v5Rh+fr3C4B4Y/eXXYRCU6vfjP5tpsh+2UUotGsRdV92EQxiw4+HXnYRDOKb5s/29JBXmfOV/f+e6DVg0eSzl12EF/Lj0n/fM+RV9PWHb96skv93ey4IIYQQQgghhBDCsN74ZRFCCCGEEEIIId5MMg//1SEzF4QQQgghhBBCCFEoElwQQgghhBBCCCFEoUhwQQghhBBCCCGEEIUiey4IIYQQQgghhHgtqWTThVeGzFwQQgghhBBCCCFEoUhwQQghhBBCCCGEEIUiyyKEEEIIIYQQQryW1KqXXQLxkMxcEEIIIYQQQgghRKFIcEEIIYQQQgghhBCFIsEFIYQQQgghhBBCFIrsuSCEEEIIIYQQ4rWklkdRvjJk5oIQQgghhBBCCCEKRYILQgghhBBCCCGEKBRZFiGEEEIIIYQQ4rWkkkdRvjJk5oIQQgghhBBCCCEKRYILQgghhBBCCCGEKBQJLgghhBBCCCGEEKJQZM8FIYQQQgghhBCvJXkU5atDZi4IIYQQQgghhBCiUCS4IIQQQgghhBBCiEKR4IIQQgghhBBCCCEKRfZcEEIIIYQQQgjxWlLJlguvDJm5IIQQQgghhBBCiEKRmQvipbC3ynvZRSi0/dR62UUwiLm/R73sIhhEmzaOL7sIhWZjnvOyi2AQ16LNXnYRCq3LIq+XXQSDsLSxeNlFMIi6Dd1fdhEKzcFG9bKLYBAbNse+7CIUmuWPh152EQyi6deVX3YRDOLDvTNedhEKzdb57ZddBIPY3ORll0C87iS4IIQQQgghhBDitaSWdRGvDFkWIYQQQgghhBBCiEKR4IIQQgghhBBCCCEKRYILQgghhBBCCCGEKBTZc0EIIYQQQgghxGtJLVsuvDJk5oIQQgghhBBCCCEKRYILQgghhBBCCCHEGyIhIYEOHTpgZ2eHg4MD3bp1Iy0t7anp+/TpQ3h4OJaWlvj5+dG3b1+Sk5Of631lWYQQQgghhBBCiNeSSh5F+YQOHToQHR3N9u3bycnJoWvXrvTo0YNFixblm/7u3bvcvXuX8ePHU7x4cW7dusVnn33G3bt3WbFixTO/rwQXhBBCCCGEEEKIN8CFCxfYsmULR44c4a233gJg6tSpNG7cmPHjx+Pl5fVEnpIlS7Jy5Urtz8HBwfzwww907NiR3NxcTEyeLWwgyyKEEEIIIYQQQoj/kFKpJCUlRe9QKpWFvu6BAwdwcHDQBhYA6tWrh0Kh4NChQ898neTkZOzs7J45sAASXBBCCCGEEEIIIf5To0ePxt7eXu8YPXp0oa9779493Nzc9M6ZmJjg5OTEvXv3nukacXFxjBo1ih49ejzXe0twQQghhBBCCCHEa0mtVr+Wx9ChQ0lOTtY7hg4dWmA9v/rqK4yMjJ56XLx4sdD/nikpKTRp0oTixYszYsSI58orey4IIYQQQgghhBD/IXNzc8zNzZ85/cCBA+nSpctT0wQFBeHh4UFMTIze+dzcXBISEvDw8Hhq/tTUVBo1aoStrS2rV6/G1NT0mcsHElwQQgghhBBCCCFeaa6urri6uv5ruqpVq5KUlMSxY8eoUKECALt27UKlUlG5cuUC86WkpNCwYUPMzc1Zt24dFhYWz11GWRYhhBBCCCGEEEK8AYoVK0ajRo345JNPOHz4MPv37+fzzz+nbdu22idFREVFERERweHDhwFNYKFBgwakp6cze/ZsUlJSuHfvHvfu3SMvL++Z31tmLgghhBBCCCGEeC2pVS+7BK+ehQsX8vnnn1O3bl0UCgWtWrViypQp2tdzcnK4dOkSGRkZABw/flz7JImQkBC9a924cYOAgIBnel8JLgghhBBCCCGEEG8IJycnFi1aVODrAQEBqNVq7c/vvPOO3s8vSpZFCCGEEEIIIYQQolBk5oIQQgghhBBCiNeSygB33IVhyMwFIYQQQgghhBBCFIoEF4QQQgghhBBCCFEoElwQQgghhBBCCCFEocieC0IIIYQQQgghXkuGeMqBMAyZuSCEEEIIIYQQQohCkZkLb7guXbqQlJTEmjVr9M7v3r2b2rVrk5iYyMmTJ6lduzYARkZG2NraEhQURP369enfvz+enp7afCNGjGDNmjWcPHnyP6wF7N+2iN0b5pCaHIenXzgtO3+NX0jpAtOfOriVLcunkhgXhYuHP03aDqBYuZra15dM/5qje9fq5QkvXY1PvppRZHUA2LdtMbvWa+rh5RfO+12+xj+kVIHpTx7cyubl00iIjcLVw5+m7fpT/JF6ANyPusb6RT9z7cJRVKo83L2D6Np/Eo4ungVc1TDaNHSgbhUbrC0VXLyhZNbKeO7F5RaYvn5VWxq8bYurk2bYibyXzYrtyZy8mKlNM7ynByVCLPTybf8nlZkr4w1e/oM7FvL3pj9IS47DwzeCph/9D9/ggtvUmcNb2LFyCklxUTi7+9Pww4GEl6kFQF5uDttXTubyqb0kxERiYWVDcImqNGwzEDtHN4OX/aG/ty5m1/q5pCTF4e0fTquuQ5/ank4c2MqmZdNIiL2Lq4cfzTr0p8Qj7anfh/nnfa/DAOq+19Xg5X9IrVZzaPMUzh5cjjIzBa/A8tRuPQIH14Cn5jv190KO75pNRmosLl4R1Gr1LR7+ut9hekos+9aN486lf8hWpuPoFkjF+p8RUqZhkdWlXVNn6lez1/SL65lMXxxDdGxOgekb1bCnUU0H3B70i9vR2SzbFM/x8xnaNA52xnRp6UqZCCssLRRE3c9mxZYEDpxMK7J6fNDAnjqVbLC2NOLSzWz+WJ3w1P5dr4oN9ava4OL4oH/fz2HVjmROXcrSpun2viOlQi1wtDMmS6nm8i0lizclcTe24Ou+KLVazf4NUzi9/0GbCipPg3YjcHQLeGq+43sWcmT7bNJTYnHziaBum2/xDNC1qSU/f8SdK4f18pSp/iEN2o80eB3ehDHqoZa1ralV3hIrCwVX7mQzf0Mq9xPyCkxf+y1L6lS0xMXBGIComFzW7knnzNVsbRpTE2jbwJbKJS0wMYGzV7OZvzGVlHRVkdWjaTULqpc2w9LciOt3c1m0LZPYpILfr2Flc8qGmuLhbExOjpprd/NYsyeT+4n6eQK9jGle3YIATxNUaoiMyWPqijRyDNg1nKq/RdDAbtiXL4mFlxtHW/Xi/rqdT89TsxLFx3+FTfFQsu5Ec3X0b0TOX62Xxr9ne4IGdMPcw5WU0xc598Uoko+cMVzBC9CtQwDNGnhga23CmQspjP/1CpHRmf+eEej4gS+fdQ5i2dpIpsy6pj3v5GBKr4+DqVjWEStLY25HZTB/2W32/BNXVNXgo5buNKrlhLWVMeevpDNtfhR372f/e0agdRNXPm7tyZptsfy+KFp7/t1aTrxT1YEQf0usLI35oNdZ0jOKrl8I8SiZuSC0Ll26xN27dzly5AhffvklO3bsoGTJkpw5U/R/JJ7m5IHNrFswjvrv9+KLH5bj5RfOzDGfkpqc/xfOm5dPsHDaYCq98z79f1xByQp1mDuxD9F3ruilCy9TnWG/7tYeHT7/qUjrceLAZtb8OY6GrXoy8MflePmH8/tT6nHj8gn+nDqEyu+0ZNDo5ZR8qw5/TOirV4+4+7eZMqITbl6B9P52DoPHrqRBy88wMTUr0ro0r23HuzXsmLkinq8nR6PMVvO/Hu6YmhgVmCchOZdFGxP56ue7DP35LmevZjGkqxs+7qZ66XYcSOWTEXe0x4INCQYv/+mDm9i0aCx1WvSm98iVePiFM/enT0hLyf93cevKCZb9Ooi3arai98hVFCtfl4WT+nA/8jIAOdlZ3L15ntrNe9J71Era951CXPRN/vy5l8HL/tDxf7awev5PNGz1GYPHLMPLP4zffnxKe7p0kvlTvqRK7fcZPGY5pSrWYfZP/bh7W9eeRv3+l97R7rORGBkZUaZyvSKrB8CxnTM5ufdParcewYf9l2FiZsma6d3IzVEWmOfy8U38vWY0lRv1pu2g1bh4R7B2ejcyUnX137bwS5JibtC0+290GLKe4NL12Tz3C2IizxdJPVrWd6TpOw5MX3yfIT/dJkupZngf76f2i/ikXP5cE8fAMbcZNPY2Zy5nMPQzb3w9dX34i84eeLmb8eP0u/T7/hYHT6YxqLsngT7mRVKPZu/Y0qiaLbNXJfDt1Psos1V81c0N06fcjkhIzmPx5iT+N+Ue/5tyj3NXsxjU2VWvf9+Iymb6sgQGjo9m9OwYjIxgaHc3jAr+53lhh7fP5PjuP6nfbgQdBi/DzNyS5VOf3qYuHt3E7pWjebtJbzoNXY2rdwTLp3YjPVW/T5Wu1oaeo/dpj1othxi8/G/CGPVQ42pW1K9sxbwNqYyclYAyW83Ajxye2p4SU/JYviONEb8nMGJGAhduZNOvnQNersbaNO0a2lI23Jxflicxek4iDrYK+nxoX2T1aFDJnNrlzVm0PYNxC1NRZkPf1taYGBecJ9TXhD0nshm3IJXJy9MwVkCf1jaYPfJnL9DLmD4f2HD+Zi5jF6Qy9s9Udp9QYuhZ3sbWVqScvsTZvt89U3rLAB8qrvud+N2H2PdWc25MnUep37/HpX51bRrP1u9S7KehXPn+F/ZVaknq6YtU3jgbM1cnwxb+MR1a+fJBU2/G/3qFHoNOkJmVx8SRpTAz/ffBJCLUlvcaeXL1xpPB2W8GRODnbclXo87S+fOj7P0njpFDihMaZFMU1aB1Y1feq+/C1HlRfDHyKllKFd8PDMT0GeoRFmhJ43ecuX77yYCKubmCo2dSWbIhpiiK/UpSqdSv5fEmkuCC0HJzc8PDw4OwsDDatm3L/v37cXV1pWfPni+1XHs2zaNy7Q+o9E5LPHxCaNVtOKbmFhzZsyrf9H9vWUB4merUbvYx7t7BNGrTF+/A4uzftkgvnYmJGXYOrtrDyqboPpQA7N44n6p1PqDyOy3x8AmmdbdhmJlZcGj36nzT7928gIgy1ajzoB6N2/TBJ7A4f2/V1WPT0ikUK1uD9zoMxCewGC7ufpR8qza29s5FWpfGNe1YtSOJo+cyuR2dw7TFsTjamVCxpFWBeY6dz+TExUzuxeUSHZfLks1JZGWrCPXX/4KkzFGTnJqnPTKVhh9892+Zx1vvtKZCzfdx8w6heZcRmJpbcKyANnVg63xCS1WnRpNuuHkHU/+DfngFFOPAds3vwsLKlo+//INSld/F1TMQv5CyNOv0DXdvniMp7q7Byw+a9vR23VZUqa1pT226D8PMzJKDf+XfnvZsXkBE2WrUfa8rHj5BNPnwYXtarE1j5+Cid5w9+hchJSrh4u5bJHUAzR3mk3vnU6lBT4JL1cPFK4IGHcaRnhzD9TM7Csx3YvccSlZtQ/HKrXD2CKFO6+8wMbPg/KGV2jT3bpygdI2OePiXxt7Fl0oNemFuaUfMnXNFUpdmdRxZtiWBw6fTuRWVzeR593CyN6FymYI/mB45k86xc+lEx+ZwNyaHheviyVKqCA/UzeAJD7Rk0+5ErtzK4n58Dsu3JJCeoSLYr2iCC+9Wt2P1zmSOnc/k9r0cfl0aj6OdMW+VKLh/H7+QycmLWdyLy+VeXC7LtiaTla0ixE8XJNl1KJ2LN5TEJeZxMyqHZVuScXE0wdXRsJMo1Wo1x3bNp0qjnoSWqYebTwSNO48jLTmGK6cKblNHd82hdLU2lKraChfPEBq0+w5TMwvO/rNSL52pmQU29q7aw9zS8F883oQx6qEGVaxYtzedE5eURN7PZebqFBxtjSkfUXD7PXk5m9NXsrmfkMf9+DxW7konK1tNiI/mW7mluRE1y1uyeGsqF27kcCs6l9lrUwj1MyPYx7TA6xZGnQrmbD6YxemruUTFqpi7KR17GwVlQwt+v2kr0jl4LpvoeBVRsSrmb87A2V6Bn7suItG6tiV/HVOy7bCS6HgV9xNVHL+UQ27BEzteSOzWvVwePon7awvuA4/y79GWzBuRXBgylrSL17n160LurdxKYL8u2jSBX3TlzuxlRM5bRdqFa5zpNZy8jCx8u7QybOEf0/o9b+Yvu8W+Q/Fcu5nO9z9fxNnJnBpVXJ6az9JCwfCBEYybepnUtCenhZSMsGflhiguXEnl7v0s5i27TVp6LuEhRRNcaNHAhSXr7nPwRAo3I7MYP/MOzo6mvF3e7qn5LMwVDP7Uj8lzIknLeLKhrNkWx/KNsVy8lpFPbiGKlgQXRIEsLS357LPP2L9/PzExLyf6mZubTdSN84SVrKo9p1AoCC1ZhVtXTuWb59aVk4SWrKJ3Lrx0NW5dOal37tqFIwz/rAZjBzZh5eyRpKcmGbr4Wrm5OUTeOE/YI+X6t3rcvHJKr94A4aXf1qZXqVScP7EXN88Apo/uwbef1uTnb9px5sjTpzkWlpuTCY52Jpy+rJvunJml5uptJWH+z/Zlx8gI3i5rjbmZgsu39O8k1ihvzayRvowf5EW7xg7PdCfieeTmZnP35jlCSui3qZDiVbl99WS+eW5fPUVwCf3fRUip6twpID1AVkYqRkZGWFg//UPCi8jNzeHO9fOEldJvT2GlqnCzgPZ04/Ipwh/rFxFl3ubm5fzTpyTFce7E31Sp3dJwBc/vfeIjyUiJxTfsbe05c0tb3P3LEH3zRL558nKziYk8p5fHSKHAN+xtvTwegeW4cmIzWelJqFUqLh/fSG6uEp+QSgavh7uzKU72Jpy+qPswl5Gl4vLNLMKDLJ6SU0dhBNUr2GJhZsTF67r+delGJtUq2GJjpcDoQRozUyPOXnm2KcDPw83JGEc7Y85e0e/f1+4onwgEFsTICKqWscLcTMGVW/nPFDA3NaJWRWvux+cSn2zYZRHJ8ZGkp8TiH6HfpjwDynD3esFt6t7tc/iH67cp/4i3uXtDP8/5I+uZNrgyc0Y1Ze+aCeRkG/b38CaMUQ+5OhrjYGvM+eu6ad6ZSjXXInMI9nm2GXZGRlC5pDnmpkZcjdQsMQrwMsHE2EjvutFxecQl5RVJcMHFXoG9jYKLt3RtNSsbbkTnEej17MExS3PN37OMLE3Q3NbKiEAvE1IzVAxqb8PYXnb0b2tDsPdTpkP8RxyqlCVu1wG9c7Hb9+FYpSwARqam2JcvQdzOf3QJ1Gridv2DQ5VyRVYuL3cLXJzMOXIyUXsuPSOP85dTKBnx9LY84LNQ/jmawNFTSfm+fvZiMnVquGFrY4KREdSt4YqZmYITZ/JPXxgermY4OZhy4rxuBkVGpopL1zKICLZ+at7eH3lx5FQKJ88X3dI4IV6U7Lnw/8CGDRuwsdGPuublPVtIPCIiAoCbN2/i5lb06zIfl56ahEqVh81jd+Jt7Z2JuXsj3zypSXFP3Lm3sXcmNUk3nTS8dHVKVayHk6sP8ffvsGnZJGaN/ZQ+IxehUBj+j3p6SiIqVd4T5Xreetjau5CSpFn7l5aSgDIrg53rZvNumz40azeAC6f2MefnL+j1zR+EFK9o8HqAZv03QHKqfhtKTs3TvlYQXw9TfujriamJEVnZasbPiSHqvm49+r4TacQl5pKQnIe/lxkdmjji5WrKhHmxBit/xsM2ZfdkG4mNzv93kZYch429/h0RGztnUpPzX4eZk61k67IJlK7SBIsiuKv5wu3J4cn0KQXU4ciedVhYWFGmUtEuichI1fxurWz1y2Zl60xGSv5ly0xPRK3KyzdP4v3r2p8bd57E5nn9mfG/yigUJpiYWdDk42k4uPobuBbgYK9p+0kp+l+Uk1PycLR7+p9afy8zxgzyw8zUiCylijEzoom8p/vS9NOsaAZ182TB+BBy89Qos1WMmXGXe0/Zy+FF2ds+6N9p+fRv26ffj/D1MGVkb3dt/544P5aoGP1/j/pVbWjf2AELcwVRMTn8ODOGZ/xz9MzSkzVtyvqxPm5t50x6QW0q7UGbsnuyTSU80qaKVWyKnZMXNvZuxEZdYs+a8STcv0GLT6cZrPxvwhj1kL2Nps0kp+mv905JV2lfK4iPmwnfdHfE1MQIZbaaqUuTuBub9+C6xuTkqrVf0p/nui/CztpIe/1HpaartK/9GyOgdR1LrkbmcjdOcx0Xe01Zm1SzYNXuLO7E5FGlhCn92tgwak7qU/dzKGrm7i4o7+u3H+X9OEztbVFYmGPqaI/CxARlTPxjaeKxDg8qsnI5OWqCUolJ+uNfYlK29rX81K3hSliwDZ8MOF5gmmFjz/PdkOJsXlyN3FwVWUoVX/94jqjorALzvChHe83fhcTHgquJKbna1/JTq7I9wf6W9Bt51eBlEsIQJLjw/0Dt2rX57bff9M4dOnSIjh07/mveh492MSrEolilUolSqX/3KifbGFOzopnS+yzKvd1Y+/+efmF4+oUxun8jrp0/8sSsh1eVWqX50FGyQm3eadwJAO+ACG5ePsk/O5YZLLhQvbw1PT7QfcgdPev+C1/rbmwOgyfcxcpSQZXSVvRu58LwX+9pAww7D+qi8Hfu5ZCYksfwnh64OydyP97wm74VhbzcHJb80h+1Ws17XYa/7OK8sIO7V1OhehOD99OLR9fx1zLdv0uzHr8b9PqPOrB5MsrMFFr2mouFtSPXz+xg89wv+KDvQly8wgt17ZoVbenZzl378/e/Rb3wtaLuZ9N/9C2sLRRULW9L307u/O/nSG2AoX0zZ6wtFQybfIeUtDwql7FhcDdPvp54h1t3n23jr4JUK2dF9/d166PHzXnxQN7d2By+mnQPKwsjKpeyomcbZ0ZOv68XYNh3Ip0zV7JwsDWmaS1b+nV0YcSv9wq1cd35w+vYtljXplr1LLo2Vab6h9r/d/UOx9relWWTu5AYextHV78ie19DKsoxqmopCzo3s9X+/PPCpBe+VnR8LsOmJ2BpbkTF4hZ0b2HPmLkJ2gBDUapYzJT2DXTLgH5dWfg7xG3rW+LlYsz4Ranacw8/Wu07lc2Bs5q+vCImj3B/U94uZcbavw3/pfZ1U7+WG4N7h2l/HjLy+fcBc3Mxp98nIfQfdprsnIKXWnbvEIittQn9/neK5JQcalRxYeSQ4vT+6iTXb6W/UPkfql3VgT6dvbU/D//55nNfw8XJlE/be/H1TzfIeUo9/j+SJ1G+OiS48P+AtbU1ISEheuciIyOfKe+FCxcACAgIeOH3Hz16NN99p7+BUNtPvqX9p8P+Na+1rQMKhTFpj21Sl5ocj51D/mvrbB1cntjULi05/om7to9ydvfF2taRuPu3iyS4YG3niEJh/ES5nrceqclx2vTWdo4ojE1w9w7WS+PuHcT1SwVH5p/X0XMZelObH25OZ29rTNIjsxfsbY25GfX0Lzp5eWiDBDciswn2Nafxg40h83P1tuZ9PVxMDBZcsHrYplKebCOP3/l7yMbehbTH7gCmpcRj+1j6vNwcFv/Sn6S4u3T7ak6R3RF8WnsqqJ3bOrjozd55mN4unzpfu3CMmLs36dJvvOEK/UBQyTp4+JfR/pyXq2kzGanxWNvrZkdlpMbj6h2R7zUsrR0xUhjrbd74MI+VnaY+SXG3Of33Ajp8uQFnz1AAXL0juHv9KKf3LaROm8Lt7n/4dBqXb+o++D/sFw52JiSmPNIv7Iy5EVnwJoIAuXloZyE8XH7QrLYDvy2OwcPFlCbvONJn1E3uRGv+rW5GJVA8xJJ3azkwfXHhlqwdO5/J1dv3nqiHvY0xSam6u6b2tsbcvPv0mRJ6/TsqmSBfcxpVt2X2Kt305cwsNZlZmn0ZrtxWMus7HyqWtOKfky++NjikdB08A55sU+kp8dg80qbSU+Jx8ymgTdk8aFMpT7Ypa7uC13E/fN+k2FsGCy68zmPUiUtKrkXp2snDzQ7tbRR6sxfsrBXcvvf0MT0vD2IePFHiVnQagd4m2o0hk9PyMDUxwsrCSG/2gp214olZEi/i9NUcbkbrggAP62FnrSAlXde/ba0VRMb8e7Djw7qWlAwyZeKSNJLSdOVNTtf8f3S8/jXuxefhZPdyVy4r7wvSbnUAALYESURBVMdh7q7ffszdXchJTkWVpSQ7LhFVbi7mbs6PpXFGec9wT1fYdzie85ePan82M9X8uzg6mBKfqPvM4ehgxtXr+QeBwkNscHI0Y/akCtpzJsZGlClhz/tNvanz/l483Cz4oJk3H/U+wo3bmvHo6s10TZomXoz/9Uq+135WB0+k6O2B8HCsdbQ30Zu94GhnwrXb+QeVQgMscbQ3Zdp3odpzxsZGlAyzplldF97rfoY3dI9A8RqRPRdEgTIzM5kxYwY1a9bE1dX1ha8zdOhQkpOT9Y7WXb98prwmJmZ4BxbnyrmD2nMqlYqr5w7hH1om3zz+oWW5cvag3rnLZw7gH1q2wPdJir9HRlpSgV/0C8vExBSfwOJcPntIe06lUnHlKfUICC3D5XP51aOM9pp+QSWIeWyabGz0TZxcvAxW9iylmvvxudoj8n4OiSm5lArVrSO3NDcixM/8if0T/o3CiKfupB/g9WD6Y4rh7lSZmJjhFVCCa4+1qWvnD+IXUjbfPH4hZbh2Xv93ce3sP/g+kv7hh/b4e7f4+Ms/sLJ1NFiZH2diYopvUHEun9FvT5fPHiSggPYUGFZGr/0BXDpzgICwJ9Mf/GsVvkHF8Q4o3N39/JhZ2ODg6q89nDxCsLJz5c4V3dpeZVYa92+dwjMg/3W7xiZmuPmU0MujVqm4c/mANk/ug3XwRkb6f+aMjIy1M7IKI0up5l5sjva4E51NQnIupcN1dzstLRSEBVhw6frz3X00MjLS9gtzM81/Hy+ySqXpP4WVf//Oo+Rj/TvY17zA/RMK8m/92+jBYWJcuIqYWdjg6OavPZw9Q7C2c+X2pUfaVGYa0TdP4RVUcJvy8CvBrUv6berWpQN4BRa8fjwmUhOAt7Z78b+Rj3udx6isbDUxCXna425sHkmpeRQP1E1XtzA3ItjHlGuRzzfr5tF+cfNuLrl5ar3rejgb4+JgzLXIwi8XUuZAbJJKe0THq0hOUxHup7snZ2EGgZ7G3Lj79CDJh3UtKRtqyqSlacQn6wc+4pNVJKWqcHfUX1Lo7qggIeXlPjow6eBJnOvo32xxqfs2iQdPAqDOySH5+Dlc6jyy14eREc61q5J0MP+9TV5EZmYeUdFZ2uPG7QziEpS8VUbXfq0sjSkeZsfZiyn5XuPoqSQ+6n2Ern2Pao8LV1LYtieGrn2PolKBhbnmd6B67J89T6U2yFibmaUiOiZbe9y+qyQhKYeyxXUBPisLBeHBVly8lv8siZPn0/jsf5foPeyy9rh8PYO/DibRe9hlCSyIV4IEF4RWTEwM9+7d48qVKyxZsoRq1aoRFxf3xJKKzMxMTp48qXdcu3atgKuCubk5dnZ2esfzTLWu1bgzh/5awZG9a7gfdY1Vf4wkOyuTirU0G80t/nUom5b8rE1fo1FHLp3ez+6Nc4mJus7WFb8Qef0s1Rq0B0CZlc76heO5deUUCbFRXDl7kDkT+uDs7kd46er5lsEQ3mnSiYN/reDwnrXcj7rGij9Gka3MpHKtFgAs/HUoGxbr6lHz3Y5cPLWfvzbM5X7Udbas+IU7189Ro2F7bZrazbpy8sAWDuxcQey92/y9dRHnju+hWv22RVYPgE17U3i/nj0VSlji62HK5+1dSUzJ5chZXVT+28/caVhNNz22XWMHigWZ4+pogq+HKe0aO1A82IK/j2vuNLg7m9Cqnj2BPma4OppQoYQlvdu5cP5aFrejDbu2vFqjzhzds5zjf68hJuoa6+Z9R7Yykwo1NW1q+e9fsnXZRG36qg07ceXMPvZtnkPs3evsXDWNqBvnqFpf87vIy81h0dQvuHvjHG16/oRKlUdqUiypSbHk5hZu2npB3mnSiQO7VnJ4z1ruRV5n+awH7emdFgAsmPY16xdN0qav9W5HLpzaz67187gfdZ3Ny3/lzrVz1GjYTu+6WRlpnDy4nSp1ina374eMjIwoW7MTR7b9xvWzO4m7e4ntC4Zgbe9GUCndfg+rfunMqb8XaH8u905Xzh1YxoXDq0m4d42/lo8gNzuT4pXfB8DRPQh7F392LRvGvVunSYq7zfG//uD25f0ElyqafSTW70qk9btOVCxljb+XGV909iAhOZdDp3R300b29aFxLQftzx2bu1A8xBI3JxP8vczo2NyFkqGW7DmiuWsaeS+buzHZ9GznRqi/BR4upjSv60iZCCsOnSrcNN2CbN6XQos69lQorunfPT90JjElj6PndP37f5+40eBt3Yfito3siQg0x8XRGF8PU9o2sqdYkDn7T2jyuDkZ07y2HYHepjg7GBPqb8YXH7mQnaPm5EXDbohoZGREhTqdOLD5N66e3kls1CU2zRuCjb0boWV0v/ulkztzfLeuTb1Vpyun9y/j7MHVxEdfY9uSEeQoMylZVdOmEmNv88+mX7h3+yzJ8ZFcPb2TTfO+xCekYoEzIl7UmzBGPbTtYAbNalpTNtwcHzcTerS0IzE1j+MXdcGqIZ0cqFvJUvvzB3VtCPM3xcVBgY+bCR/UtSEiwJQDpzWBukylmr3HM2nb0JaIAFP8PU3o1sKOK3eyDRJcyM+uY0oaVzWndLAJXi4KOje2JjlNxckruvfr18aaWuV0AY+29SypVNyMPzako8xRY2dthJ21kd5jOLcfUVK7gjnlwkxxdVDQrJoF7k7G7D9j2N+LsbUVdmUisCujaatWgT7YlYnAwtcTgPDvB1Bmzlht+lszlmAV6EvE6MFYhwfh/1l7PFu/y43Jc7Vpbkyag2+3Nnh/1AKbiCBK/jICE2tL7szL/6kmhrJ8XRSdP/SjWiVngvyt+WZABPEJSv4+qJsxMen70rzfRHOjJTMzjxu3M/SOrCwVKSk52lkKtyIzuHM3g8G9QykWaouXhwVtW/hQsawjew/mP7uysNZsi6NtMzcql7UjwMeCgT18iU/M4Z/juiDJ6CGBNKurmR2SmaXiVpRS78jKVpGalsutKF1/crQ3IcjPAi83zWftAB8LgvwssLF++RuFijefLIsQWuHh4RgZGWFjY0NQUBANGjRgwIABeHh46KW7fPky5crp38mpW7cuO3Y82+ONnlfZqu+SlpLA1hXTSE2Kw8s/gu5f/a6d7pkYH43RI2HlgLBydOg9ji3Lp7B56SRcPPzpMmAqnr6aaWQKhTHRty9x9O+1ZKWnYOfoRlipt2nUpg8mps+2e/WLKFf1XdJSEtmyYhopSXF4+0fw6VfTsX0wWyIxLlrvLmtgWDk++nwsm5ZNZePSybh6+PPxwCnaegCUrliP1t2GsWPdLFbPG42rVwBd+v9MUET5IqsHwNq/UjA3U/DpBy5YWSq4eCOLH2fcJydXFzZ3dzbF7pE/ZPY2xvRu54qjnTEZmSpuRWfzw8z7nHnw1IncPDWlwixpXNMOczMF8Um5HDqTwartSQYvf+kqjUlPTWTnqimkJsfh6VeMLoNnaKccJ8fr/y78Q8vRpudP7FgxmW3Lf8bZ3Z8OX0zF3UezDjQlMYaLJ3YBMO0b/acrdBs6j6Bihn86Qfm3G5GWksCmZb+QkhSHT0AEnw2drp1983i/CAwvS6c+Y9i0dBoblmjaU7fBk/HyC9W77vF/NqNWq6lQ7V2Dl7kgFep+Qm52JruWDkOZmYJXUAWafzoLE1NdEDI57g6Zabrp9WHlG5OZnsDBzVNIT4nF1bsYzT+dhZWtpv7GxqY0/3QG+9dPYP3Mz8jJzsDBxY/67ccQULxWkdRj9fZELMwV9GrvjrWVggvXMhk5LUqvX3i4mmJno+sXDrbGfNHZA0c7Y9IffHD8bloUpx48dSJPBaN+iaJTCxf+19MLC3MF0bE5TJl/j2Pniia4sH53KuZmCrq3csLKQsGlm0rGzI7R2xfB3dkE20f6t52NMb0+dMbBzpiMLBW3o3MYMzuWMw+eOpGTC+GB5rxb3RZrSwXJaXlcuKFk+K/3n9gkzxAq1f+EHGUmWxcNQ5mRgndwBT74XL9NJcXqt6mItxqTkZbA/g2aNuXmU4wPPp+lXRZhbGzKrYsHOPbXfHKUGdg6ehJWtgFV3+1l8PK/CWPUQ5v2Z2BuZkTXZrZYWSi4fDubCQuS9NqTm5MJtla6L+l21gp6tLTH3kZBplLNnfs5TPgziXOPPB1i8dZU1Gr4/EMHTI2NOHNNyZ8bUykq2w4rMTM1on1DK6zMjbgWlcvUFel6j4x0dTDGxlJ3olY5TXsb0M5W71rzNmVw8JymLruOKTExhg9qW2JtYURkbB5TlqcRZ+DNHO0rlKTqzj+1Pxcf/zUAd+av4nS3oZh7umL5INAAkHkzkiPvfUrxCUMJ6NOJrMh7nPn0G+K279OmiV6+GTNXJ8KG98Xcw5WUUxc43LQ72TFF82X8oYUr72BhYcyQz8OwsTbhzPlkBg4/o7efgreHJQ52z/7kkLw8NYNHnOWzLoGM/bYklpbGREVn8sOkixw8llAU1WD5plgszBX07eqNjZUx5y6n8+0E/f0UPN3MsbN9vq9rjWs707GFbk+g8V9rlkZPmHWHHfsSC8r2WlPLtI1XhpHaEPNDhXhO64+9HpvzPY2x0ZvRdeYufPGN6F4lbdq8HpupPY2N+evfLwCuRRddkO6/sn395ZddBIOwtHm2x2C+6uo2fP37t4PNy53mbigbNhvu6T0vi6X1y9tQ2pCafl35ZRfBIEY3mvGyi1Bots5FtxTyv7R5bumXXYQX0m9y0QUWi9Lkfrb/nug1I8sihBBCCCGEEEIIUSiyLEIIIYQQQgghxGtJJRPxXxkyc0EIIYQQQgghhBCFIsEFIYQQQgghhBBCFIoEF4QQQgghhBBCCFEosueCEEIIIYQQQojXkjyK8tUhMxeEEEIIIYQQQghRKBJcEEIIIYQQQgghRKFIcEEIIYQQQgghhBCFInsuCCGEEEIIIYR4LcmeC68OmbkghBBCCCGEEEKIQpHgghBCCCGEEEIIIQpFlkUIIYQQQgghhHgtyaqIV4fMXBBCCCGEEEIIIUShSHBBCCGEEEIIIYQQhSLBBSGEEEIIIYQQQhSK7LkghBBCCCGEEOK1JI+ifHXIzAUhhBBCCCGEEEIUigQXhBBCCCGEEEIIUSiyLEIIIYQQQgghxGtJrZZlEa8KmbkghBBCCCGEEEKIQpHgghBCCCGEEEIIIQpFggtCCCGEEEIIIYQoFNlzQQghhBBCCCHEa0klj6J8ZcjMBSGEEEIIIYQQQhSKBBeEEEIIIYQQQghRKLIsQrwU6Urjl12EQgtwSnnZRTCIft1cXnYRDOJs5OsfK00zM3vZRTCIcgGpL7sIhdamd+LLLoJBZJg7vOwiGMSVDOXLLkKhGRupXnYRDGJkh4SXXYRCM1bnvuwiGMSHe2e87CIYxNAtPV52EQqtztZvXnYRDKT0yy6AeM1JcEEIIYQQQgghxGtJrZY9F14Vr/+tPiGEEEIIIYQQQrxUElwQQgghhBBCCCFEociyCCGEEEIIIYQQryW1PIrylSEzF4QQQgghhBBCCFEoElwQQgghhBBCCCFEoUhwQQghhBBCCCGEEIUiey4IIYQQQgghhHgtyZ4Lrw6ZuSCEEEIIIYQQQohCkeCCEEIIIYQQQgghCkWWRQghhBBCCCGEeC2p1LIs4lUhMxeEEEIIIYQQQghRKBJcEEIIIYQQQgghRKFIcEEIIYQQQgghhBCFInsuCCGEEEIIIYR4LcmjKF8dMnNBCCGEEEIIIYQQhSLBBSGEEEIIIYQQQhSKBBeEEEIIIYQQQghRKLLnghBCCCGEEEKI15JaLXsuvCpk5oIQQgghhBBCCCEKRYILQgghhBBCCCGEKBRZFiGEEEIIIYQQ4rWkkkdRvjJk5oIQQgghhBBCCCEKRYILz2jEiBGULVv2ufK88847fPHFF0VSHkOXIyAggEmTJv0n5RFCCCGEEEII8Wb5f7kswsjI6KmvDx8+nBEjRuidGzRoEH369CnCUhWdVatWYWpq+rKLUSiHdi7kn82zSUuOw90vgsYdvsEnqHSB6c8d2cKuVZNJiovCyd2f+q0HEVamlvZ1tVrNX2umcmzPcrIyUvALLU/Tj4bj7BFQpPXYsXE5m9csIDkxHt+AUDr2GERwWIl800bevsbqRTO4ee0icTHRtO/Wn4bvtdNLs3rxDNYsmaV3ztPbnzG/Li+yOuzctIwta+aTnKSpQ4fuQwgKK5lv2qjb11izeDo3r10gPjaath8PpEGz9npp/tqynL+2rCAuJhoAb98gmrX5hNIVqhVZHUDTBv7ZNIWz/ywnKzMF78Dy1P1wBI5uAU/Nd3LvQo7unE16Siyu3hHU/uBbPAP02+LdGyfYv/5nom/9H3t3HRZV9gZw/MsAAko30imgomJ399qxrt3d3bXuGmuvro2iayvW2rW6doPdioFKIx0zvz9GB0dAUcABfufzPPPscufcO+/r3Klzz3lPABKJBDNrD1r2X4NmAe0cyeO/fYu58d92EuKisHH2pn77qRhbfDmPqyc3cvHoGqIjgzG3cadeu0kUdkzN4+Dfk3l29xzRke/Q1CqIjXMparYciYmlc7bncPzANg7u2kBkRCh2Dq506DXqi+fUrk3Lefb4HqHBQfzSfTj1mrZPty3A/p3r2LFhCXV/+oX2PUdke+yf2nnwGJt3HyAsIhJnB1uG9eyEp2v6/16nLlxm/c59vAp6R3JKMjZWlrRr2pAGNdI/7/9YvpY9R04yuFt72jZpkGM57P1nP9t37iIsPBwnR0cG9O2NexG3dNseOHSYYydO8uzZcwBcXVzo1qWTUvu4uDjWrPPl3PmLRL1/j6WFBc2b/sRPjRrmWA4Apw5t4djedURFhGBt70bb7uNwcC2eYftr54/wz5YlhAa/xtzSjmYdh1HMu6ri/qiIUHb/vYB7AeeJjXmPi4c3bXuMw9zKPsdy+PfgFo7s9SUqIhQbezd+7jEGxwxyeP3iEfu2LOP5kzuEBQfRputIav/UMUvHzC57/jnAdr9dhIVH4OzowIA+vb5wTh3h6ImTPHseCICrizPdO3dUah8eHsGqdb5cvX6DmJgYihctyoA+vbCxLpyjeezef5Ctfns/5GHPoD498HBzTbft6XMX2LTdj1dBb0hJTsG6sBVtmjehXi3l7yHrNm5l/5FjRMfEUsyjCEP798amsFWO5gHQo4MDTepZoldIg5t3o5j710NeBsVlat+OrW3p28WJbXtesnj1Y8V2Y0NN+nd3pmxJIwrqqBP4Kpb12wI5dS4kW2M3rlIGpxE9MPAuhnZhc6606s/bvce/vE+1cnjOHYuupyvxL4J4NHMZL9fvUmpj3689TsN7oGVpRlTAPW4P/ZXIyzezNfZPbfn3Cr5HzxMaFY2bjQVjfq5PcQfrr+536PJtxvrsokYJNxb2bavYHhufyKLdJzjpf5/ImDisTQz5pWZZ2lQrnWM5CEJ6/i9HLgQFBSluCxcuRF9fX2nbyJEjFW1lMhnJycno6upiYmKiwqi/XWJiIgDGxsbo6empOJrvd+viAQ5vmUWNZgPoM9UPS9sibJjXk+io0HTbBz68xo7lIyhVrTV9p+3C3bsOW/4cyNuXDxRtzhxYzcWjG2jSeSq9Jm1Ds4AOG+b3JCkpIcfyuPjfUTb7LKTZzz2ZNn89to6uzJ06mKiIsHTbJyYkYGZhTZtOAzAwyvjcs7ZzYtG6A4rbhFmrcioFLp05wta182n6c2+mzNuIrYMb86cP/EIO8ZhZWNO606AMczAysaB1p0FMmfs3k//YgHvxsvw5azivAh+n2z67XD62ihunNlD756m0H7ENTS0d/P7qQfIXzoH7Vw9watdMKjQcQMfRuzCzdsfvrx7Evk89F18/vY7fXz2xd69C+5HbaT9yByWrdUBNLWfebi8cXsWVExto0GEqXcbK89i6+Mt53Ll8gOM7ZlKl8QC6T9iFhY07Wxf3IOaT15SlXVEad5lJr6kHaDdkDTKZjC0LeyCVpmRr/BfPHGGLzwKatevF1Pl/Y+vgxrxpgzI8pxIS4jGztKFN54FffF0APHl4m38P+2HrkP4PgOx0/MwFlqzdRLe2zVkzdzouDnYMn/4H4RFR6bbX09Wlc6umLJ81Cd8Fv9GoVlVmLlnFxesBadqeunCF2w8eY2pslKM5/Hv6P1asWkPH9u34a/ECnBwdGD9pCuEREem29795ixrVqvHHzN9YOO8PzMxMGTdpCiEhqefR8lVruHL1GmNGDmf18qW0aNaEJctWcP7CxRzL4+rZQ/j5/kGjNn0ZO3srNvZFWPJbX95Hpv+Z8eT+DdYuHEPFWi0YN2cbXuVqsXLOEF4HPgTk3wNWzhlCyLuX9Bm9iHFztmJsVpjF03uTEB+bIzlcOXuYHb7z+KlNH8bP2YyNgxt/zuhPVGTG77WmFta06DAEfUPTbDlmdvj39BlWrPah4y/tWLZoPk6ODoybPO2L51TN6lX5Y+avLJo7GzMzU8ZOnqo4p2QyGVNmzOTNm7dMnzieZYsWYGFuxpiJU4iLj8+xPE7+d5Zlq33p/EsbViycg7OjA2MmzyA8IjLd9vp6unRo24olf/zOqj/n0aBOTeYsWsrlazcUbbbs3I3fPwcY1r83S+f+jra2FmMm/6r47pZTOrSypfVP1sz96yG9R14nLj6F+dOLU0DzyxfeANxd9WjawIpHT6PT3DdxuDt21jqM/fUWXQZe4fS5EKaP9sTVSTdb41cvVJCogPvcGjwtU+11HGwou3cFof9e5EyZZjz905fiK2ZgWreKoo1Vm4Z4/DGOhzOWcqZcC94H3KP8/jUUMDPO1tg/OnzlNvN2HqVP46psHt8TNxsL+i/eTFhUzBf3exUawXy/Y3i72Ka5b+7Oo5y785jfujXDb0pf2tcqx6yth/jX/0E6R8p/ZFJZnrzlR/+XnQuWlpaKm4GBAWpqaoq/7927h56eHgcPHqR06dJoaWlx5syZNNMikpOTGTx4MIaGhpiYmDBmzBi6dOlC8+bN033M6dOnU6xY2itxJUuWZNKkSYq/fXx8KFq0KFpaWlhZWTFw4EDFfREREfTs2RMzMzP09fWpVasW/v7+ivs/xrh69WocHR3R1pZfJf18WsS7d+9o0qQJOjo6ODo6snHjxjRxfe2x/P39qVmzJnp6eujr61O6dGmuXLny1X/773HuyDpKV2tDqaqtMLd24afO09AsoM31/3am2/7C0Q24FK9ClYY9MCvsTO2WQ7Cy9+TScXmeMpmMC0fXU61JX9y9a2NpW4SWvWbzPvwd964dy5EcAA7t2UT1es2pVqcJ1nZOdO03lgJa2pw+ti/d9k6unrTrNpgK1eqhqVkgw+Oqq6tjaGSquOnpG+ZQBnB4799Uq9uCqrWbYm3rROe+4ymgpc1/x/ek297RtShtuw6lfNX6aGikn0PJstXwKl0Fi8J2WFrb06rjALS1C/L4Qc5dMZDJZFz/dz3l6/fDxasOZtbuNOg0h+jIdzwKyPgcuHpyLcUqtqVYhVaYWLlQ5+dpaBTQ5tb51HPxX7+ZlKreiXL1emNq5YqxhRNFvBuh8YXnMCt5XD6+nsqN+uFWsg7mNu781G0O7yPe8eBGxnlcOraWElXa4lW5FaaFXWjQQZ5HwLnUPEpV+xk7t7IYmtpgaVeU6s2GEhUeRGToq2zN4ciejVSr1zz1nOo37sM5tTfd9k6uRfm565AvnlMA8XGxrFwwia4DJlCwUM53rm7Zd4gmdWvQuHY1HG2tGdWnK9paWvxz4lS67b2LeVC9QhkcbKyxtrSg7U/1cba3JeCu8hfB4NAwFq7ewOShfdFQV8/RHHbu2kPDBvWoX7cO9nZ2DBnYHy1tLQ4fSf9cGjdqBE1/aoSzsxN2tjYMGzwQmVTK9U8+K+7cu0ed2rUo4VUcSwsLGjdsgJOjI/cePMyxPI7/s55KtVtRsWZzrGydadd7EgUK6HD+xO5025/cvxHPkpWp26wbljZONGk3EFsnD04d2gLAu6DnPH0YQLteE7F3KYaFtSPtek0kKTGeK2cP5kgOx/ZtoHKdllSq1ZzCts607z0RTS1tzmWQg4NLMVp1Hk7ZKg3QyGCk4rceMzvs3L2HhvXr0aBubeztbBkyoB9aWlocPpr+leZxo4bTtHEjXJzk59TwQQOQSWVc95d3ur16/Zq79+8zuH9firi5YmtjzeD+fUlMTOTkqf9yLI/tu/fRqH4dGtaphYOdLcP690ZLS4uDR0+k275k8WJUrVgee1sbrK0sadW0MU4O9ty8cxeQv3fv3Lufjm1bUblCOZwdHRg7bBAhYeGcuXApx/IAaNPUmvXbnnPmYiiPn8UwY8E9TIy1qFoh/U6pj3S0JUwZ4c6cPx/wPjo5zf3F3A3Y+c8r7j58z+u38fhuCyQ6JpkiLtnbuRB8+DQPpizk7Z7MfV+z792OuKcvuTt6NtH3nvD8r4282XkYxyFdFW0ch3bjxZptvPT1I/ruY272n0JKbDy2XVtla+wfbTh+kZaVS9G8UkmcrcyY+EsjtAtosvv8jQz3SZFKGe+zm34/VcPaNG1Hs//jlzSp4EVZNwesTQxpXdUbN2sLbj3L3s9sQfia/8vOhcwYO3Yss2bN4u7du3h5pR1+P3v2bDZu3MjatWs5e/YsUVFR7N69O8Pjde/enbt373L58mXFtuvXrxMQEEC3bt0AWLZsGQMGDKB3797cvHmTvXv34uLiomjfpk0b3r17x8GDB7l69Sre3t7Url2bsLDUqw6PHj1i586d+Pn5cePGjXRj6dq1Ky9evODkyZPs2LGDv/76i3fv3im1+dpjdejQARsbGy5fvszVq1cZO3Zsjky9SE5OJOjZbZyKVlJsk0gkOHlW5MWj9PN7+fgGTp6VlLY5F6vMi8fy9uHBL4mODFY6pnZBPaydvTI8ZlYlJyXx7PE9ipYoq9gmkUgoWqIsj+5n7Uf0m9cvGNK1ESN7N2f5vEmEBr/JarjpSk5K4vnje3iWKKfYJpFI8PQqx+Ms5vCRNCWFi/8dJiE+DuciGU97yarI0JfERAVjVyT1HNDS0cPSoQRBT6+nu09KciJvX9zG/pN91CQS7ItUIuiZfJ/Y96G8eeZPQT0TNs9vx/Lxldi6qCOvHudMx1tEiDwPB49PzmUdPQo7luDVk4zzeBN4G0cP5Twc3CtluE9iQiwB5/wwNLVB38gy2+JXvC68yiu2SSQSPEuU49H9tFfwv8WGlbMpUboyRUuU/3rjLEpKSubB42eU8Uqd4iSRSCjj5cnt+4++ur9MJuNKwG0CXwdR0tNdsV0qlfLrohX80rwRTnY2ORL7R0lJSTx89IhSn3SiSyQSSpUswd179zJ1jISEBJJTUpRGynm6u3Ph4iVCQkKRyWTc8A/g1evXlPYumfGBsiA5KYkXT+7i7lVBsU0ikeDuVZ4nD/zT3efpA3+KeCmfJx4lKvH0Q/vkJPmVZE1NLaVjamgW4PHd9F8zWZGclETgk7t4fPa68Cheniff+brIiWN+TVJSEg8ePca7ZOp7uUQiwbtkCe7cu5+pYyQkJH44p3QVxwQoUCD1+4ZEIkFTU4Nbd+5kY/Sp5Hk8oXQJ5TxKlyzOnftfz0Mmk3HNP4CXr17jVdQTgKC37wgLj6D0J/82uoUK4eHmyp17OXelubCFNqbGWly+Ea7YFhObwp0HURRz1//ivsP7unLuShhX/CPSvf/WvUhqVTVHT1cDNTWoXdWMAgUkXL+ZfvsfxbBCSUJOnFfaFnz0DEYVSgKgpqmJgXdRQo6fS20gkxFy4hyGFUplezxJySncDQyivLujYptEokZ5dwcCnmTcEbBi/38Y6xWiReX0YyrhbMO/AQ94GxElv/Bw/xnP34VR0dMp23MQhC/5v6y5kBnTp0+nbt26Gd7/559/Mm7cOFq0aAHAkiVLOHDgQIbtbWxsqF+/PmvXrqVsWfkPzLVr11K9enWcnOQv/BkzZjBixAiGDBmi2O9j2zNnznDp0iXevXuHlpb8C87cuXPZvXs3O3bsoHfv3oB8KsT69esxMzNLN44HDx5w8OBBLl26pDj2mjVr8PDwULTJzGMFBgYyatQo3N3lX4RdXXNm2HHs+3Ck0hR09ZWHP+samBLy5mm6+0RHhqTbPjoy5MP9wfJtn7fRT22T3d5HRSCVpmBgqDzEzsDQmKCXz7/7uE5uxeg1ZDKW1vZEhoWwe8tqfhvXm98Wb0anYKGshq3k/Xt5DvoGyv9u+oYmBL16lqVjv3z+kN/GdiMpMREtbR0Gjp2LtW3OfSDGRsnPgYJ6yrkU0jMhJir9cyAuJhyZNIWCn503BfVMCHv7BICIkBcAnD+whGotRmNu7cGdS7vZsaQrncf989V6Dt8q5kMehT6LqZC+CTEZnMux0R/y+Dx3fRNC3zxR2nb1342c9JtLUkIsxhaOtBu6FvUvjBb4Vopz6vPXhYExb14+++7jXvzvMM8f32PK3PVZjDBzIt+/J0UqxdhQ+cu5saEBz18FZbhfdEwsLXoNITEpGXWJhOG9O1O2ZOoIt4279qOurk6bxvVyLPaPoqKikEqlGBkaKm03MjTkxYvMXflavdYXE2NjvEuWUGwb0K8PC/9cQvsu3VBXV0eipsbQwQPxSmckX3aI/vCZoffZ+5SegQlvXqX/mREVEZLu+1pUhPw1ZGntiJGpFXs2LaJ978kU0NLhxP4NRIS+VbTJiRw+j0nP0IQ33/lemxPH/JrIqPcZnFMGvHj5MlPHWL3OFxNjI8U5ZWtjg7mZGWt8NzB0YH+0tbTYuWcfwSGhhIWFf+Vo30eRh5GB0nYjQ0MCX2b82oiOiaFt1z4kJSUhkUgY2q8nZUrJ8wgLD1ccQ/mYBoSFR2Rr/J8yNpK/f4dHJCltD49IVNyXntpVzXBz1qXX8GsZtpk8+w7TRntycHNlkpOlxCdIGf/7bV4F5dx0lczQsjAl4a3y6zThbQiaBnpItLXQNDJAoqFBwrvQz9qEUqhI9n8PCY+OJUUqw0Rf+Tuaib4uz96mP3Xr+qNAdp+7wdYJvTI87ti29Zm+cT/1xy1GQyJBTaLG5A6NKe2ac3VhchOZLH9OMciLROdCBsqUKZPhfZGRkbx9+5Zy5VKv4Kqrq1O6dGmkUmmG+/Xq1Yvu3bszf/58JBIJmzZtYsGCBYB8qsLr16+pXbt2uvv6+/sTHR2dpu5DXFwcjx+nzk23t7fPsGMB4O7du2hoaFC6dGqBF3d3dww/+YDLzGMNHz6cnj17smHDBurUqUObNm1wdk6/cFlCQgIJCcrzv5MSC6BZQCvd9kLmlSj9yQgNB1ec3IoxoldTLp09RvW6zVQX2DeyLOzA1PmbiYuN5sq5Y6xePIUxM1ZlWwfD3ct7ObZliuLv5n1XZMtx05DJX/9elX+mWAX5cEpzW08CH5zn1oWdVG2atYKCty7u5dDG1DzaDsyhPD4oWr4pjh6ViY4M5uLRNexeOZROozejoZl7X7uhwW/YtHoeI6ctzfXvMQV1tFk7bwZx8fFcCbjDkrWbKWxhjncxD+49fsr2/UfwmTv9q0WIc4Mt23Zw6vR//DHrNwoUSP2RsmfvP9y794BpkydiYW7GzVu3WbJshbwTolRJ1QX8DdQ1NOk9cgF/L5vCqG5VkEjUKVK8PJ6lqoD4Qptjtmzfyb+nzzB35gzFOaWhocGUCWOYt2gJLdt1VIyEKFvaW8XRplVQR4dVi/4gLj6ea/43+WuNL1aWFpQsnjMda+mpW92cUQNSi2GOnv7towzNTbUY0suFYZMDSEzK+Hzv2cERvUIaDJngT2RUElUrmDJ9tCcDxt7gyfMv1xIQMhYTn8CEdXuY3KExRroFM2y3+d/L3Hz6ikX92mJlbMC1R4HM3HIIMwNdKniI0QvCjyM6FzJQqFD2XvUFaNKkCVpaWuzatYsCBQqQlJRE69atAdDR0fnivtHR0VhZWfHvv/+mue/TjoHsiDszjzV16lTat2/P/v37OXjwIFOmTGHLli2KkRyfmjlzJtOmKRfeadV9Mq17TP1qLAX1jJBI1NMUb5SPTkh/fqCugWn67Q1MP9wv73yJjgpFz9A8tU1UCJa2HuQEPX1DJBJ1Ij8rUhcZEfbVonTfopCuHpaF7XgblLmrQt9CT0+eQ9RnRdGiIkIxyKCAWGZpaGpiYSUvUOTg7MHTR3c49s9muvSbkKXjfuRcvBaWDqlXU1OS5cOcY9+HomuQeg7EvA/F3No9zf4AOoWMUJOoE/vZuRX7PpRCH87FQvryc8vYSrmjzdjCmffhr7Och2uJWhR2TJtHTNRneUSFYmGbfh4FdT/k8V45D/kxlJ9HbR09tHX0MLZwwNqpBAuGleP+9aMULfdTlnOBT86pz18XkWHof+fr4vnje0RFhjF1eGqlfKk0hQd3rnP8wDZWbT+HJJtrFxjo6aEukRD2WfHGsIhITAwNMthLPrTaxsoCAFdHe56/fM3ffvvwLuZBwJ37hEdG0ar3MEX7FKmUJb6b2fbPEXasmJ+tOejr6yORSNIU2guPiMDYyPCL+27fuYutO3Yy+7fpODmmDvVNSEhg7foNTJkwjvLl5CPlnBwdefzkKTv8duVI54Luh8+Mz4s3vo8MzbDQob6habrva5+2t3P2ZPzc7cTFvCc5OQk9A2PmjGuPvXP6q/1kRw6fx/Q+IuMcVHHMrzHQ18vgnIrEyOjLxUm3++1my46dzJ4xHSdHB6X73FxcWPHnQmJiYkhKTsbQwIBBw0fh6uqS/sGySJFHuHLxxq+9NiQSCdYfVn5wcXIk8MUrNm3fRcnixTD+kH94RAQmnxRqDY+IxMXJIdtiP3MplDsPUqflFdCUz4Y2MtQkNDy1cKSRYQEePUlbpBGgiIsuxkYFWLMw9aKUhroaJYoa0PIna2q1PI2luTatm1jTacBlngbKi5w+ehYjb9O4MHP/yrkaK1+T8DYELQvlc1zLwpSkyPdI4xNIDAlHmpyMlrnJZ21MSHiT/SOTjHQLoi5RI/Sz4o2hUdGY6qetT/EiOJzXoZEMWbZVsU36oVOz9IDf2D21H2YGevy55yTz+7ShWnH5SGI3Gwvuv3jL+mMXROeC8EOJmgvfwcDAAAsLC6X6CSkpKVy7lvFwMZD3uHfp0oW1a9eydu1a2rVrp+hU0NPTw8HBgePH0y9y5O3tzZs3b9DQ0MDFxUXpZmqa+S8G7u7uJCcnc/XqVcW2+/fvE/HJh39mH8vNzY1hw4Zx5MgRWrZsydq1a9N9zHHjxhEZGal0a9ZpXKbi1dAogJVDUZ7cSZ0vJ5VKeXr3ArYuJdPdx8a5pFJ7gCe3z2HrLG9vZGaDroGZUpv4uGhePQ7I8JhZpaGpiYOzO3cCUs8ZqVTKnYAruBTJvmXA4uNieffmFYZG2f9lUUNTE3tnd+5+lsPdm5dxzsYcAGRSqWKec3YooK2LkZm94mZi6UIhfTMC76eeAwlx0bx55o+VY/rzGdU1CmBhW5TAB6n7yKRSAh+cx8pBvo++iQ2FDMwJf6s8/Do8+Bn6Rl9fYuprtLR1MTa3V9xMreR5PLunnMfrp/5YO2Wch6VdUZ7dVc7j+b3zGe4D8gu0MplM0aGRHVJfF6kFzKRSKXcDLuPynTU3PEqU5ddFW5i2YKPi5uDiSYVqDZi2YGO2dywAaGpq4ObswNWA24ptUqmUqwF3KFok8z94pDIpiUnyQmn1a1TGd/5vrJ03Q3EzNTbil2aNmD95VA7koImriws3bqTWJZBKpdy4EYCHe/odVQDbduxk45at/D59Cm6fTY9LTkkhOTkZNYnyVw2JRKL4cpzdNDQ1sXXy4P7N1NUopFIp929exMmtRLr7OLqVUGoPcC/gAo7ptNcppIeegTHvgp4T+PgOXmVrZm8CyHOwc/Lg3k3l18W9m5dw+s7XRU4c82s0NTVxc3FWFGP8+JjX/QPwdC+S4X5bd/jx95Zt/D5tCkW+0GFQqFAhDA0MePnqNQ8ePaZS+XIZts0KeR5OXAtIveovlUq55n8TzyIZ5/E5qUyqqBlhZWGOsZEh1/xTjxkTG8vdBw/xdE9/mc7vEReXwqugeMXtaWAsIWEJlCmR2qFRUEcdTzd9bt1Lf2WbK/4RdBpwmW6Dryhudx9GceTUO7oNvoJUCtpa8vfVzwfvpkhlSFQ88Criwg1MalVQ2mZauxLhF24AIEtKIvLabUxrVUxtoKaGSc2KRFzI/poqmhrqeNhZcel+6vcEqVTGpfvP8HJK+z3B0dKUHRN7s3V8L8WtupcbZd0c2Dq+F5ZGBiSnSElOkSL5bJSbRKKWY++1gpARMXLhOw0aNIiZM2fi4uKCu7s7f/75J+Hh4V8dvtqzZ09FfYOzZ88q3Td16lT69u2Lubk5DRs25P3795w9e5ZBgwZRp04dKlasSPPmzZkzZw5ubm68fv2a/fv306JFiy9O4/hUkSJFaNCgAX369GHZsmVoaGgwdOhQpZETX3usokWLMmrUKFq3bo2joyMvX77k8uXLtGqVflVdLS0tRe2GjzQLZP7NrlK9ruxaPRZrh2JYO3lx/ogviQlxlKrSEgC/VWPQMzSnbhv5kPMKdTuxdnZnzh7ywa1EDW5d3M/rZ7dp0nU6AGpqalSo25nT+5ZjYuGAkak1J3YtRs/IHHfvOpmO61s1aNaeVYum4ejigZNrUQ7v20JCfBxV68ivAq9YMAUjE3Padh4AyAtwvXrxVPH/4aHBPH/yAG0dHcVV/s1rF1GqbFVMzCyJCAth1+aVSCQSKlTLmTna9Zt2ZPXiKTg4e+DoWoyj/2wiIT6OKrWbArBq0WSMjM1o3WmQIu7XL+Xz+JOTk4gIfUfg0/toaRdU5LBjw58U966MiZkl8XExXDh9iPu3rzJ88pIcyQHk50CpGp25eHgZRub26JvYcO6fRegamOPilXoObP+zCy5edSlVXX4VvHTNbhz6ewwWdsWwtPfi2r++JCXEUbRCS8Vxy9buwbkDf2Jm7Y6ZjQd3Lu4i7O0TmnRfnCN5lK3dmXMHlmFsbo+BqQ2n9yxCz9Act5KpeWya3wW3UnUpU1OeR7k63fhn3RgsHYpR2MGLy8d9SUqMw6uSPI/w4BfcvXIAR8/KFNQz5n34G84fWolGAW2ci1VPN5bvVa9ZB1YvmoqDiydOrkU5su/jOdUEgFULJ2NoYk6bTvKVc5KTknj9Qn5OpSQnER4WTOCT+2jpyM8pHZ1C2Ngr/yDR0tJGV88wzfbs1K5JA377cxXuLo54uDqxbd8R4hISaFyrGgC/LlqBmYkRfTvK1yXfsHMf7s6OFLY0Jyk5ifNXAzh86hwje3cB5KMhDD5bQlhDXR0TQwPsrK1yJIdWLZrxx/yFuLq64O7mht+evcTHx1O/rny63px5CzAxMaZHV3mMW7fvZP3fGxk7eiQW5haKOe86Otro6OhQqGBBvIoXY5XPWrQKFMDc3IybN29z7MRJ+vTsniM5ANT+qTPrl07EztkTB5finNj/NwkJcVSo2RwA3z/HY2hsQbMO8vpGNRt3YMGU7hzb50sx72pcPXuQwMe3ad9nsuKY184fQVffCGNTK14FPmTH2tmUKFcTjxKV0gshy+o06cS6JZOwd/bEwaUYJ/ZvJDEhjko15dPd1i6eiKGJOS06DAbkr4ugl/JpiynJyUSEvePF03toaRfE3MouU8fMCa2aN2POgkW4ubpQxM2VXXv2yc+pOvJzava8hZiamNCjaycAtuzwY/3fmxg3ajiWFuaK2gQ62tqK7ymnzpzFUF8fc3Mznj57zl8rV1OpQjnKeGd/8b2P2jRvwqwFSyji4oy7mws79+wnPj6BBnXknUsz5y/G1MSEXl06ALBpux9uLs4UtrIkKSmJi1eucfTkaYb2k8+ZV1NTo1XTxvy9dSfWha2wsjBn7d9bMDU2okqFnOkk+Wj73ld0+dmOF6/jCHobT8+ODoSGJfDfhdSr9AtneHH6fAh++18TF5eiGI3wUXy8lKioJMX25y9jefE6llEDXFnq84TI90lUq2BK2ZJGjJ5+K1vjVy9UkEIudoq/CzraoF/CncSwSOJfBFFkxnC0rS3w7zZGHtvKLdj374D7zFG8WLcT05oVsGrTkMtN+yiO8XThWkr4zCbi6i0iLwfgMLgLGoV0eOHrl62xf9Spdnkm+e7F086KYg7WbDxxkbiEJJpVlHdoTly3B3NDPQY3r4WWpgYu1uZK++vpyFeD+7hdU0Od0q52LPA7jlYBDQobG3DlYSD/XLzJiFYZ14/LT2RfmJYu/Fiic+E7jRkzhjdv3tC5c2fU1dXp3bs39evXR/0rV8VcXV2pVKkSYWFhlC+vXJ26S5cuxMfHs2DBAkaOHImpqali2oSamhoHDhxgwoQJdOvWjeDgYCwtLalWrRoWFhbfFPvatWvp2bMn1atXx8LCghkzZigth/m1x1JXVyc0NJTOnTvz9u1bTE1NadmyZZqpD9mlWPlGxLwP48TuP4mODMbSzoNOw1cphnBHhr5W6tSxc/WmdZ+5HPdbyPGdCzCxcKDdoCVY2KReDajSqCdJiXHsWzeZ+Ngo7NxK03H4KqVq4NmtfNW6REWF47dpJZHhodg5ujFyyiIMDOVD8cJC3iL55ApfeFgwk4elDu0+uPtvDu7+G/di3oz7bbm8Tcg7ls2dSPT7SPQMjHDzKMGkOT7oG3x5yOn3KlelHu+jwtm9ZTmR4aHYOroxbPKfqTkEv1HqOY8ID2bq8PaKvw/t2cChPRsoUrQ0Y2asBCAqMpzViyYTGR6CTkFdbBxcGT55CUVLKl9pyG5l6/QiKTGOo5snkxAXhbVTaVr2X61UTyAy5AVxMalFwoqUbkRsdBjn9i8m9n0wZtYetOy/WjEtAsC7ZleSkxL5128m8bGRmFm703qAD4ZmduSECvXleRz8W34u27qUpu1g5TwiQl4QF52ah2dZeR7/7V1MTFQw5jYetB2cmoeGZgFePLrC5eO+xMdGUUjfBFvXMnQevTlN8cisKl+lHu8jw9m9ebnidTF8Suo5FRr8BjW11NdFRFgwU4Z3UPx9aPcGDu3eQJGi3oz9bWW2xvYtalepQETUe1Zv9iMsIhIXRzvmTRqF8YdpEW9DQpF8cgkvLiGBeat8eRcahlaBAthbWzF5SB9qV8nZ8/5LalSrSmRkJOv/3kR4eDhOTk78Nn2qYgj7u+Bgpffafw4cJCk5mV9/n6V0nI7t29G5g/x1P370KHx81zNr7jzev4/G3NyMrp078lOjhjmWR+nKDXgfFc4/W//ifUQI1g5FGDBhGfofzqnwEOVzyqlISboNmcW+zX+yb9NizKzs6D16EYXtUkdiRIYHs9P3D/k0AiMzyldvQsNWfdI8dnYpU7k+76PC2bdlGVERIdg4FGHQhL8UOYSFBKEm+fS99h2/jWqn+Pvo3vUc3bseV8/SjJi+JlPHzAk1qlUhIjIS3783Ex4ejrOTI79Pn4LRh+kE74KDlfL4eE5NnzlH6TidfvmZzh1+ASAsLJwVq30Ij4jE2MiIurVq0KFd2xzLAaBm1cpEREaxduMWwsMjcHZyYPa0CYppEe+CQ5B8ck7FxSewaNkqgj+8vm1tCjN+xGBqVq2saNOuVXPi4xOYv2QF0TExFPd0Z9a0iUo1S3LCxp0v0NZWZ/RAN3QLaXDzTiQjptxUqqdgbamDoX7mVwBLSZExauot+nZ1ZPakYujoqPMqKI7fFt7jwtWwrx/gGxiULkbF4xsUf3vOHQ/Ai/V+BPQYh5aVGTq2qR2wcc9ecrlpHzznjcNhUGfiX77hZp+JhBw9o2gTtP0gBcyMcZsyGC1LM6L873Lpp54kvku/wGJW1S9TlPDoWJb9c4qQqBiK2Fjw16BfMPkwLSIoLPKba+3M7tGSxXtOMN5nD1GxcVgZGzCwaQ3aVMt99UiE/E1NJsprZgupVIqHhwdt27bl119/zbCdTCbD1dWV/v37M3z48B8YYe6y5VzeP+0cjNMfQpjXpEizf5i4Ktx6mb1raauCVs5+p/xh3CzeqzqELHOV5syydj9arJahqkPIFg9jHVQdQpapq+WPK2vO2s9UHUKWqcuSVR1Ctvh5RPb+cFeVcYd6qzqELKt1eKKqQ8gWOrU6qTqE7/LL6EBVh/BdNs/JmQtPqiRGLnyn58+fc+TIEapXr05CQgJLlizh6dOntG/fPsN9goOD2bJlC2/evKFbt24/MFpBEARBEARBEARByDmic+E7SSQS1q1bx8iRI5HJZBQrVoxjx44p6imkx9zcHFNTU1auXPnVSsmCIAiCIAiCIAjCl0mleX9EdH4hOhe+k62tbZqCjF8jZqAIgiAIgiAIgiAI+ZFYilIQBEEQBEEQBEEQhCwRIxcEQRAEQRAEQRCEPEmMDs89xMgFQRAEQRAEQRAEQRCyRHQuCIIgCIIgCIIgCIKQJaJzQRAEQRAEQRAEQRCELBE1FwRBEARBEARBEIQ8SSaWosw1xMgFQRAEQRAEQRAEQRCyRHQuCIIgCIIgCIIgCIKQJWJahCAIgiAIgiAIgpAniWkRuYcYuSAIgiAIgiAIgiAIQpaIzgVBEARBEARBEARBELJEdC4IgiAIgiAIgiAIgpAlouaCIAiCIAiCIAiCkCdJZVJVhyB8IEYuCIIgCIIgCIIgCIKQJaJzQRAEQRAEQRAEQRCELBGdC4IgCIIgCIIgCIIgZImouSAIgiAIgiAIgiDkSTKpTNUhCB+IkQuCIAiCIAiCIAiCIGSJ6FwQBEEQBEEQBEEQBCFLxLQIQRAEQRAEQRAEIU8S0yJyDzFyQRAEQRAEQRAEQRCELBGdC4IgCIIgCIIgCIIgZInoXBAEQRAEQRAEQRAEIUtEzQVBJSRqeX9ulKlmmKpDyBY3QuxVHUK2kOX9U4qYOFVHkD2iErRUHUKW6b29peoQskWhgvqqDiFbvDO3UHUIWaYpSVJ1CNkiTqKr6hCyzP7eflWHkC30TCqpOoRsUevwRFWHkGUn6s9QdQjZonFSJ1WH8F1k+eFLYD4hRi4IgiAIgiAIgiAIgpAlonNBEARBEARBEARBEIQsEZ0LgiAIgiAIgiAIgiBkiai5IAiCIAiCIAiCIORJUqlU1SEIH4iRC4IgCIIgCIIgCIIgZInoXBAEQRAEQRAEQRAEIUvEtAhBEARBEARBEAQhT5JJxVKUuYUYuSAIgiAIgiAIgiAI+URYWBgdOnRAX18fQ0NDevToQXR0dKb2lclkNGzYEDU1NXbv3v1Njys6FwRBEARBEARBEAQhn+jQoQO3b9/m6NGj/PPPP5w+fZrevXtnat+FCxeipqb2XY8rpkUIgiAIgiAIgiAIQj5w9+5dDh06xOXLlylTpgwAf/75J40aNWLu3LkULlw4w31v3LjBvHnzuHLlClZWVt/82KJzQRAEQRAEQRAEQciTZLK8uRRlQkICCQkJStu0tLTQ0tLK0nHPnz+PoaGhomMBoE6dOkgkEi5evEiLFi3S3S82Npb27duzdOlSLC0tv+uxxbQIQRAEQRAEQRAEQfiBZs6ciYGBgdJt5syZWT7umzdvMDc3V9qmoaGBsbExb968yXC/YcOGUalSJZo1a/bdjy1GLgiCIAiCIAiCIAjCDzRu3DiGDx+utO1LoxbGjh3L7Nmzv3jMu3fvflcse/fu5cSJE1y/fv279v9IdC4IgiAIgiAIgiAIeVJeXYryW6dAjBgxgq5du36xjZOTE5aWlrx7905pe3JyMmFhYRlOdzhx4gSPHz/G0NBQaXurVq2oWrUq//77b6ZiFJ0LgiAIgiAIgiAIgpCLmZmZYWZm9tV2FStWJCIigqtXr1K6dGlA3nkglUopX758uvuMHTuWnj17Km0rXrw4CxYsoEmTJpmOUXQuCIIgCIIgCIIgCEI+4OHhQYMGDejVqxfLly8nKSmJgQMH0q5dO8VKEa9evaJ27dqsX7+ecuXKYWlpme6oBjs7OxwdHTP92KKgoyAIgiAIgiAIgiDkExs3bsTd3Z3atWvTqFEjqlSpwsqVKxX3JyUlcf/+fWJjY7P1ccXIBUEQBEEQBEEQBCFPyqs1F3KSsbExmzZtyvB+BwcHZLIv/7t97f70iJELgiAIgiAIgiAIgiBkiehcEARBEARBEARBEAQhS0TngiAIgiAIgiAIgiAIWSJqLgiCIAiCIAiCIAh5klQmVXUIwgdi5IIgCIIgCIIgCIIgCFmS5zoXnj17hpqaGjdu3MjScWrUqMHQoUMVfzs4OLBw4cIsHfNH6Nq1K82bN1d1GIIgCIIgCIIgCIKg8E3TIrp27Yqvry99+vRh+fLlSvcNGDCAv/76iy5durBu3bqvHuvff/+lZs2ahIeHY2ho+C1h5IjLly9TqFChTLdftWoVS5Ys4fHjx2hoaODo6Ejbtm0ZN25cDkb5/+visY2cOehDdGQIlnbuNO44ARsnrwzb37p0iON+i4kIeYWxpT3124zArUR1xf23rxzh8smtvH52m7iYSPpP88PK3iPH8/hn31527txBeHg4jo5O9O3XnyJFiqTb9tChg5w4foxnz58D4OLiQpcu3ZTaz58/l+PHjint5126NL/++luO5XDh2Eb+O/DhubB156dOE7B1zvi5uHnpEMd2yp8LEwt76v88giIfnouU5CSO7lzEA//ThL17iXZBXZyLVqR+2xHoG5nnWA4gX17n/IHF3Dy/nYS4KAo7elO77VSMzB2+uN+N0xu5emINMVHBmFm7U7P1JCzt5flHhr7EZ1rtdPdr3G0hbqUaZncayGQyLh5czK0LqXnUbDMVQzOHL+7n/99Grp1YQ+z7YEwLu1O9VWoeADFRwZzZO4cX98+RmBCDkbkjZev2xaVE/WzP4b/Dmzmxbx1RESFY2xehVbdx2LsUz7D99fOHObBtCWHBrzGztKNJh2EULVVNcf+Qn9Pft2mH4dRu2i3b4/9oy+lr+J64REhUDG7W5oxtXYfi9lbptt1z8SaTNx5U2lZAQ53L80co/j7m/4DtZ25w98UbImPj2Tq6C+42FjkWP8DWExfwPXyG0Mho3GwtGfPLTxRzsvnqfocuBTBu5TZqlPRgwcAOSvc9ef2ORTuPcO3BU5JTpDgVNmduv1+wMjHMoSzg6P7t7N+1kcjwUOwcXencewTObkXTbfsy8Ak7N67g6eP7hLwLomOPoTRo9kuadmGh79iybikB186RkJCAhZUNvQdPwsk1Zz47Dv+zk31+m4kID8Pe0ZlufYbhUsQz3bYvnj9h28Y1PH10n+B3b+jcazCNm7VVahMXG8vWv1dx+fxpIiPDcXRyo0vvIbi45exn3/59e9i1cxvh4WE4OjrTu99A3Iq4p9v28KH9nDx+lOfPnwHg4uJKpy49Mmz/158LOXTwH3r07kez5q1yKgUAtpy5ge/Jq4S8j8GtsBljW9SkuL1lum33XLrN5C1HlLYV0FDn8pzBACSlpLDkwDnO3H3Ky7BI9LS1KO9mx5DGVTA30M3RPAA6tbCgQXVjChVU587DGJasf8Xrt4mZ2rdNYzO6t7Fi95FgVmwKUmxvWN2YGhUNcbHXoaCOOq373yImNmeGqm/59wq+R88TGhWNm40FY36uT3EH66/ud+jybcb67KJGCTcW9k19fcTGJ7Jo9wlO+t8nMiYOaxNDfqlZljbVSudI/MZVyuA0ogcG3sXQLmzOlVb9ebv3+Jf3qVYOz7lj0fV0Jf5FEI9mLuPl+l1Kbez7tcdpeA+0LM2ICrjH7aG/Enn5Zo7kkNuIpShzj28euWBra8uWLVuIi4tTbIuPj2fTpk3Y2dlla3A/kpmZGQULFsxUWx8fH4YOHcrgwYO5ceMGZ8+eZfTo0URHR+dwlF+XmJi5D4e85ObFAxzcMpuazQfQb9pOLG2L4Du3F9FRoem2D3x4ne3LR1K6Wiv6TffDo1RtNi0exNuXDxRtkhLisHfzpl7bEekeIyecPnWKVatW0b59Rxb/uQRHJycmTZpAREREuu1vBgRQrXoNZs6czbx5CzAzNWPSxPGEhIQotStdugwb/t6kuI0ePTbHcgi4cIADm2ZTq/kABkzfiaVdEdb9kfFz8fzhdbb9NZIy1VoxYLofHt612bgw9blISozn9bM71GzWjwG/7qT94MWEBD1jw4L+OZbDR1eOreLG6Q3UaTuVX4ZvQ7OADn7LepCclJDhPvevHeD0rplUaDCADqN2YWrtjt9fPYh9L89fz8iK3jPOKN0qNhyEplZBHDyrZXjcrLh6XJ5HzTZT+XnYNjQK6LB7+ZfzeHDtAP/tnkn5BgNoN1Kex57lqXkAHNk4hoh3T/mp5zI6jN6Hs1ddDq4byruXd7I1/mvnDrFr/R/Ub9WXUbO2UdjejWW/9+F9ZPrn1NP7N1i/eAwVarZk1KztFC9bizV/DOF14ENFm19XnFS6/dJ3OmpqapQoXydbY//UoWt3mbvrJH0aVGbLqC4UsTaj31/bCH0fk+E+utoFOD6jv+J2aGpfpfvjEpIo5WTN0KbVMzhC9jp86Sbzth2kT5OabJrcHzdbS/ovXEdY1Jc/216HhLNg+yFKudqnue/Fu1C6z16Fo6Upq0b1YNvUgfT6qQZamjlX8unCf0fZuGYRLdr1YMYCX+wcXJg9ZQiREWHptk9IiMfM0pqfO/fHwMgk3TYx0VFMH9MbdQ11Rk1ZyOwlW+jQfTCFdPVyJIdzp4+zfvUSWv3SjVmL1mDv6MLvk4cTGRGeQQ4JWFgW5pcufTHMIIcVf87i5o3LDBgxiblL1uNVqiwzJg4lLCQ4R3IA+O/USdasWk679p1Y8OdyHJycmDJpLBEZ5HErwJ9q1Wvy28y5/DFvMaam5kyZOIbQzz73AM6fO8P9+3cxNkk/3+x06Pp95u45TZ/6FdgyvANFCpvSb6Ufoe9jM9xHV7sAx6f2VtwOTeqhuC8+MZl7r97Ru155tg7vwPyuTXj2Lpwha/bkeC5tGpnRtK4pf/q+Yuj0R8QnSJkxwhFNTbWv7uvmqEOjGiY8CYxLc5+WloQrN9+z5Z93ORG2wuErt5m38yh9Gldl8/ieuNlY0H/xZsKiMn6vBXgVGsF8v2N4u9imuW/uzqOcu/OY37o1w29KX9rXKsesrYf41/9BOkfKOvVCBYkKuM+twdMy1V7HwYaye1cQ+u9FzpRpxtM/fSm+Ygamdaso2li1aYjHH+N4OGMpZ8q14H3APcrvX0MBM+McyUEQMvLNnQve3t7Y2tri5+en2Obn54ednR2lSpVSbJNKpcycORNHR0d0dHQoUaIEO3bsAORTG2rWrAmAkZERampqdO3aFYBDhw5RpUoVDA0NMTEx4aeffuLx48dp4rh37x6VKlVCW1ubYsWKcerUKaX7T506Rbly5dDS0sLKyoqxY8eSnJycYV6fT4uIiIigT58+WFhYKB7jn3/+AWDv3r20bduWHj164OLiQtGiRfnll1/47Tf51eLTp0+jqanJmzdvlB5j6NChVK1aFYB169ZhaGjI4cOH8fDwQFdXlwYNGhAUlNoLnJKSwvDhwxX/FqNHj0YmU+6Zq1GjBgMHDmTo0KGYmppSv379TOVfo0YNBg0axNChQzEyMsLCwoJVq1YRExNDt27d0NPTw8XFhYMHla+s3bp1i4YNG6Krq4uFhQWdOnVK82M3u5077EuZ6m3wrtoSc2sXmnSZimYBba6d9ku3/fmj63EpXoUqjXpgXtiZOq2GYGXvwcVjmxRtSlZuRs1mA3D2rJSjsX9q1y4/GjRoQN169bCzs2fgwEFoa2lx5MjhdNuPGj2Gn35qgrOzM7a2tgweMhSpVIa//w2ldpqamhgbGytueno582UX4OwhX8rUaEPpavLnolnXqWhqaXP1VAbPxeH1uBavQtXGPTC3dqZu6yEUdvDg/FH5c6FdUI/uY3woXr4hZlaO2LmUpEnnibx+dpuIkNc5lodMJuPaqfWUq9cPZ686mFm706DTHGIi3/E44FiG+107uZZildpStEIrTKxcqNN2GhoFtLl1YScAEok6hfTNlG6PAo7hVqohBbQyPzLqW/K4cfpDHsXrYFrYnXod5Hk8uZlxHtf/XUuxim3xLN8KE0sXarWR53Hn4k5FmzdPr+NVtSOW9l4YmNpSrl5/tHT0effidrbm8O/+9VSq3YoKNVtgaeNM256TKVBAhwsnd6Xb/tTBv3EvWZnaTbthaeNE458HYePoyX+HNyva6BuaKt1uXTmJS9FymFqk/VKZXTacvELLSl40r1AcZytTJratj3YBTXZfyPiqkZqaGqb6uoqbib7yOdKkXFH6NqxM+SIOORb3p/4+epaWVcvQrEppnAubM6FjU3kOZ65muE+KVMr4Vdvp27QWNul8iV2y6xhVirsxtE0D3O0KY2tuQo2SHhjr59zV2YN7NlOzXjOq12mCtZ0T3fqPRUtLm1PH9qXb3tnVk/bdBlOxWj00NQuk22bfzg0Ym5rTZ8hknN2KYm5ZmOKlKmBh9fVRHd9j/+4t1K7fhJp1G2Nj50jPAaMooKXNyaP/pNvexc2Djt0HULl6HTQ1NdPcn5iQwMWzp+jQrT+exUpiWdiGNh16YGllzZGD6b/WssOeXTup16ARdeo1wM7Onv4Dh6KlpcWxI4fSbT9i9Hga/dQMJ2cXbGztGDhk+IfPvWtK7UJDQli5bAkjRo1DQz3na5NvOHWNlhWK0bxcUZwtTZjYug7amhrsvnQrw33UUMNUv5DiZqKX+vrW09FiRd9W1C9ZBAdzY7wcrBjXsiZ3Xr4jKDwqR3NpXs+ULXvfcuF6FM9exjN31QtMjDSp5K3/xf20tSSM6mPHorUviY5NSXP/7iMhbN8fzL3HGXe4ZIcNxy/SsnIpmlcqibOVGRN/aSR/nzp/I8N9UqRSxvvspt9P1bA2NUpzv//jlzSp4EVZNwesTQxpXdUbN2sLbj17lSM5BB8+zYMpC3m7J+PP6U/Z925H3NOX3B09m+h7T3j+10be7DyM45CuijaOQ7vxYs02Xvr6EX33MTf7TyElNh7brjk7okcQPvddNRe6d+/O2rVrFX/7+PjQrZvyUNOZM2eyfv16li9fzu3btxk2bBgdO3bk1KlT2NrasnOn/Evs/fv3CQoKYtGiRQDExMQwfPhwrly5wvHjx5FIJLRo0QKpVHlo1ahRoxgxYgTXr1+nYsWKNGnShNBQ+ZWuV69e0ahRI8qWLYu/vz/Lli1jzZo1zJgxI1P5SaVSGjZsyNmzZ/n777+5c+cOs2bNQl1dHQBLS0suXLjA8w/D1T9XrVo1nJyc2LBhg2JbUlISGzdupHv37optsbGxzJ07lw0bNnD69GkCAwMZOXKk4v558+axbt06fHx8OHPmDGFhYezalfZLgK+vLwUKFODs2bMsX7480/n7+vpiamrKpUuXGDRoEP369aNNmzZUqlSJa9euUa9ePTp16kRsrPyDIiIiglq1alGqVCmuXLnCoUOHePv2LW3btk0TU3ZJTk7k9bPbOHlWVGyTSCQ4F63Ii8c30t3nxSN/nD9pD+BSvAqBGbT/EZKSknj06CElS6Z2wEkkEkqWLMW9e3czdYyEhARSUpLR++xK2c2bAbT/5Wd69+rB0iV/EhWVM19MPj4XLkWVnwsXz4oEPrqR7j6Bj/xxLpr2uXiRQXuA+Nj3qKmpoV3oy190siIy9CWxUcHYFUntXNLS0cPSvgSvn11Pd5+U5ETevrittI+aRIJdkUoEPU1/n7eBtwh+dZdiFVpnbwIfRH3Iw9ZNOQ8L+xIEfSGPdy9vK+2jJpFg61ZJaR9Lx1I8vH6Q+JgIZFIpD67tJzk5ARuXctkWf3JyEi+e3MGteAXFNolEglvxCjx76J/uPk8f+FOkWAWlbe4lKvHsQfrtoyJCuH39PyrUbJFtcX8uKTmFuy/eUOGTTgCJRI0KRewJeJpxJ1lsQiINpiyn3uRlDFnpx6OgnO2o/ZKk5GTuPn9NeU9nxTaJREJ5D2cCnrzIcL+V+05irF+IFlXLpLlPKpVyJuA+dham9F+wjlrDZtLpt+WcvJ69o18+lZyUxNNH9yhaMvU8lUgkFC1Rlkf3vn948LVLp3Fy8WDxrHH079SACUM6cfLw7myIOK3kpCSePHpA8ZKp/6YSiYTiJcvw8N73de6lpKQglaak6TwpoKXF/dsBWYo3I/LPvQeULOmt2CaRSChR0pt79zJ3DqR+7qV+HkilUubPnUWLVm2xs3fI7rDTSEpO4e7Lt1RwSx2dK5GoUcHNjoBnQRnuF5uYSINfV1Nv+iqGrNnDozdffn1HxyegpibveMgplmYFMDbU5Pqd1NFIsXFS7j+Oxd35yx3gAzoV5rJ/FDfuqG6UblJyCncDgyjv7qjYJpGoUd7dgYAnGXcErNj/H8Z6hWhRuVS695dwtuHfgAe8jYhCJpNx+f4znr8Lo6KnU7bn8D0MK5Qk5MR5pW3BR89gVKEkAGqamhh4FyXk+LnUBjIZISfOYVgh/ZwFIad8V3dvx44dGTdunOLH9dmzZ9myZQv//vsvIP8w+P333zl27BgVK8p/WDg5OXHmzBlWrFhB9erVMTaWX+EwNzdXqrnQqpVyD5uPjw9mZmbcuXOHYsWKKbYPHDhQ0XbZsmUcOnSINWvWMHr0aP766y9sbW1ZsmQJampquLu78/r1a8aMGcPkyZORSL7cp3Ls2DEuXbrE3bt3cXNzU8T/0ZQpU2jZsiUODg64ublRsWJFGjVqROvWrRXH7tGjB2vXrmXUqFEA7Nu3j/j4eKUf4klJSSxfvhxnZ2dFTtOnT1fcv3DhQsaNG0fLli0BWL58OYcPp73K7erqypw5cxR/T5gwIVP5lyhRgokTJwIwbtw4Zs2ahampKb169QJg8uTJLFu2jICAACpUqMCSJUsoVaoUv//+u9LzY2try4MHDxT/Vp9LSEggIUF5iHZSoiaaBb7+ARr7PgKpNAVdA+Vhj7r6JoQEPU13n+jIEHQNTNO0j45U3Rf3qKgopFIphkaGStsNDQ158SLjL+6fWrvWB2NjE0p+MkKodOkyVKpUGUsLS4KCgvD1XceUyROZO2+BojMsuyieC/3PngsDE4K/8bl4n8FzkZSYwOFt8/Cq0BhtnZy7shkbJR8GXFBPOZeCeibERqUfW1xMODJpSrr7hL99ku4+ty7swNjCmcJO3unen1Wx73Muj0ZdFnLQdxgrJ5RHItFAo4A2jbsvwdAs7dD37xUTFY5UmoLeZ69vPQMT3r1O/5x6HxGCnmHa9lEZnFOXT+1FW7sgJcrl3JSI8JhYUqQyTPSUp9aZ6BXi6dv0h+I7mBszrX1DXAubER2XgO+Jy3RZ8Dd+43pgYZRzo48yEh4dS4pUmmZEgYm+Ls8y+FF0/eEzdp+5ypbJA9K9P+x9DLEJiaw9eJoBzeswpFV9zt56wIi/NrNyZHfKFHFMd7+seB8lf58yMFQeRWFgaEzQq/QvCGRG8JvXHD/oR4Nmv9C0TVeePLzD+lXzUdfQpFrtxlkNW0lUVGSGObx++X056BQsiJt7Mfy2rMPa1gFDQyPOnj7Gg3u3sbT6+lz17yHPQ4qhkfKVYkNDI15l8nPPd+0qjI1NKFEq9T105/YtqKur06RZznUYfio8Ji6D13dBnr5Lf3qHg7kR036uh2thU6LjEvH99wpdFm/Fb3RnLAzTvr4TkpJZ+M8ZGpZyR1c75zoXjAzkX/vDI5VH8oZHJSvuS0/18gY42+swZPqjHIstM+TvU7I0o7xM9HV59jb9qXTXHwWy+9wNtk7oleFxx7atz/SN+6k/bjEaEglqEjUmd2hM6XSmeqmCloUpCW+V34cT3oagaaCHRFsLTSMDJBoaJLwL/axNKIWK5I4Okpwmk4qlKHOL7+pcMDMzo3Hjxqxbtw6ZTEbjxo0xNU39AfHo0SNiY2OpW7eu0n6JiYlKUyfS8/DhQyZPnszFixcJCQlRjFgIDAxU6lz42GkBoKGhQZkyZbh7V34F+O7du1SsWBE1tdT5Y5UrVyY6OpqXL19+tTbEjRs3sLGxyfDHspWVFefPn+fWrVucPn2ac+fO0aVLF1avXs2hQ4eQSCR07dqViRMncuHCBSpUqMC6deto27atUtHIggULKjoWPh733Tv5XLXIyEiCgoIoX758mjw/nxpRurRywZnM5u/llVq8TV1dHRMTE4oXTy2EZmEhLxz2MSZ/f39OnjyJrm7aH32PHz/O8N9r5syZTJumPK+sdffJtOk5Jd32Qlrbtm3l9Kl/mTV7DgUKpF55ql69huL/HRwdcXB0pGePbty8GaA0SiIvSElOYsvSYchkMpp2zd5z4+7lvRzfmnrM5n1WZOvx05OcGM/9q/9Qvn721Y+4d2UvJ7el5tGkd87lcf7gIhLiomjRfx3ahYx4cvMYB9cNpfXgjZgWTr8IaW504d9dlK7SOFOdmT9SCUdrSjim/qgr4WRNi9/WsP3cDQY2rqrCyDInJj6BiWt2MKlzc4z00r/iKf3wWVWjpAcd61UGoIidFf6PX7Dj1KUc6VzIKVKZFCcXD37uLH89OzgX4WXgE04c8sv2zoWcMmDEJJYvmkm/Ls2RSNRxdHajcrU6PHl0X9WhpWvHts38d+pffps9T/G59+jhA/bt3cWCxcuUvuPkNiUcClPCoXDq345WtJjly/bzNxnYUHk6ZlJKCqPW70cmgwmta2VrHDUrGjKoS+r7zJQFz775GKbGmvRpX5jxfzwlKSlvFc2LiU9gwro9TO7QGCPdjOuqbf73MjefvmJRv7ZYGRtw7VEgM7ccwsxAlwoe/x8/zgUhu3z3RLXu3bszcOBAAJYuXap038fChvv378faWrlHXEvry1/wmjRpgr29PatWraJw4cJIpVKKFSv2QwsV6ujoZKpdsWLFKFasGP3796dv375UrVqVU6dOUbNmTczNzWnSpAlr167F0dGRgwcPKkZ2fPT5vEg1NbU0HQeZ8S2rXHzt8T/d9vGD+2MHT3R0NE2aNGH27NlpjmVllX5FdJCPihg+fLjStn3X084JTU9BPUMkEnWiPyvuFh0VmuaK+Ee6BqZpRil8qf2PoK+vj0QiISI8Qml7REQERsZp5/99aufOHezYvo3ffpuJo+OXP+SsrKzQ1zcg6PXrbO9cUDwXnxVvjI789udC77P2KclJbF46jIiQ1/QYuzbbRy04F6+FlUMJxd/JyfL3k9j3oegapK5KEfs+FDOb9KuS6xQyQk2irlT08OM+BfXS5v/gxiGSEuPxKNs8GzKQcypWC0v71DxSPsmj0Od5WH9HHvryPCJCAgn47286jPkHEytXAMys3Xn95AoBZzZSq+30NMf9HoX0jZBI1NMUb3wfGZpmdMJHeoamvI9I214/nXPw8d2rvHv9jK5D5mZLvBkxKlQQdYlamuJuoe9jMM3gh/fnNNXVcbex4EVw+ldCc5qRbkHUJZI0xRtDo6IxSad6/ct3YbwOiWDon38rtn3sTCjTezK7ZgzB0tgADXUJToXNlPZ1sjLj+sPvH0XwJXr68vepz4s3RkaEpRkJ8C0MjUwpbKvcGVLYxoHL505+9zEzoq9vkGEOGRVrzAxLK2umzlpCfHwccbExGBmbsnD2ZCwsC3995+8gz0NCRLjyOR0REY7hVz73du3cxs7tW5j+2xylz73bt28SGRFBjy7tFdukUilrV69g324/Vq/bmL1JAEaFdDJ4fcdiqpe5QuDy17c5L0IilLYnpaQwync/QWFRrOrfOttHLVy4HqVUA0FTQ/69zshAQ2n0gpG+Bo8D49M9hquDDkYGmiyZ5qrYpq6uRjG3QjSpbUrTnjf5UYX65e9TaoR+VrwxNCoa03TquLwIDud1aCRDlm1VbPv4PlV6wG/sntoPMwM9/txzkvl92lCtuDxHNxsL7r94y/pjF3JF50LC2xC0LJQ/47QsTEmKfI80PoHEkHCkyclomZt81saEhK9MxxGE7PZdNRcAGjRoQGJiIklJSYoigh95enqipaVFYGAgLi4uSjdbW3lBrY+90CkpqUVhQkNDuX//PhMnTqR27dp4eHgQHp7+F60LFy4o/j85OZmrV6/i4SFfTsnDw4Pz588r/VA/e/Ysenp62Nh8vfiSl5cXL1++5MGDzFeJ9fSULw8VE5P6htezZ0+2bt3KypUrcXZ2pnLlypk+noGBAVZWVly8eFGx7WOeX5PV/DPi7e3N7du3cXBwSPO8fqmDQ0tLC319faVbZq8iamgUoLBDUZ7cSX2+pVIpT+5cwNa5ZLr72LqUUGoP8Pj2OewyaP8jaGpq4uLiyo1PijFKpVJu3LiBu3vGy4Dt2L6dLZs3Mf3XGbhmMDLkUyEhwbx/H4WRcfZXB/74XDy+rfxcPL5zATuXkunuY+dSgsefPxe3zmH7SfuPHQuhb57TfYwPBfW+/KXzexTQ1sXQzF5xM7F0oaC+GS8epM5hTIiL5s1zfwo7pN8po65RAAvbokr7yKRSXtw/j5Vj2n1uX9iJU7FaFNTLvufi8zyMP+bx8JM84qN5+9wfqy/kYW5TVGkfmVTKiwfnFfskJ8orgaupKX9EqKmpf1cHaEY0NDSxdfLkwc3U9zmpVMqDWxdwcC2R7j6ObiV4cOui0rb7N8/j4Ja2/YWTftg6eWLtkLMjLTQ11PGwteTig9QfzFKpjIv3n+PlmLkfbilSKQ9fB6f7BflH0NTQwMO+MBfvpk6NkUqlXLr3BC+ntIUwHaxM2T5tEFumDFDcqpdwp2wRR7ZMGYClsQGaGhp4Oljz/LMvt8/fhuTYMpQampo4urhz2/+yUh63Ay7j4p7x8qZf4+bhlWZaxZvXgZiap78UYVZoaGri5OLGTf/Uz3upVMot/6u4uqe/nOa30NbWwcjYlOjoKPyvXaJMhSpf3+k7yD/33JSKMUqlUgJuXMfdPf0lNQF2bt/K1s1/M+XXmbi6Kb92a9aqw+KlK1m0ZIXiZmxiQotWbZg6Y1bO5KGhjoeNBRcfpk7lkEplXHz4Ai+HjC+sfCpFKuVhUAimnwzn/9ixEBgSwYp+rTAslLkLW98iLl5K0LtExS3wdQJhEUmU9Ex9nymoLaGIc0HuPU5/tYUbd6LpO+E+AyY/UNwePInl5IUIBkx+8MM6FuDDc2FnxaX7qdPmpFIZl+4/w8sp7fQeR0tTdkzszdbxvRS36l5ulHVzYOv4XlgaGZCcIiU5RYrks5EwEomaoiNC1SIu3MCklnKtIdPalQi/cAMAWVISkdduY1rrkxpXamqY1KxIxIX06y/lNzKpLE/e8qPvHrmgrq6umIbw+dxuPT09Ro4cybBhw5BKpVSpUoXIyEjOnj2Lvr4+Xbp0wd7eHjU1Nf755x8aNWqEjo4ORkZGmJiYsHLlSqysrAgMDGTs2PSX1Vu6dCmurq54eHiwYMECwsPDFcUS+/fvz8KFCxk0aBADBw7k/v37TJkyheHDh3+13gJA9erVqVatGq1atWL+/Pm4uLhw79491NTUaNCgAf369aNw4cLUqlULGxsbgoKCmDFjBmZmZkrTNerXr4++vj4zZsxQqqWQWUOGDGHWrFm4urri7u7O/PnzM1y28FNZzT8jAwYMYNWqVfzyyy+MHj0aY2NjHj16xJYtW1i9enW2z/H/qFL9LvitGoe1YzGsnYpz/sh6EhPi8K4qn2+5Y+UY9I0sqNdGPjqiYt3OrJnVmbMH1+JWojo3Lx7g9dPbNOuaOjUjNjqCyNAg3kfIp3yEvJF/UOkamKJnaEZOaNGiJfPnz8XV1RU3tyLs2bOL+IR46tatB8C8uX9gYmJC127y83j79m38vWEDo0ePwdzcgrAw+VUsHR0ddHR0iIuLY9Omv6lcuQpGRkYEBQXh47MGK6vCaabKZJfKDbqw88NzYeNUnHMfnovS1eTPxfYV8ueiftsPz0X9zqz+vTNnDq6lSInqBFw4wKunt2neXf5cpCQnsenPoQQ9v0On4cuQSlN4HyGvI6Cja4CGRvqV27NKTU0N7+qduXh4GYZm9hiY2HBu/yIKGZjj7JU6N3/Hki64eNWlZLWOAHjX7Mbhv8dgblsMS3svrv/rS1JiHEXLt1Q6fkTwc14+vkyLPitzJP5P8yhZrTOXj8jz0De24cIBeR5OxVPz8FvaBWevupSoKs+jVI1uHN00BgvbYljYeXHjlC/JiXF4fsjDyMIJA1N7TmybTJVmY9AuZMiTm8cIfHCWpr2ydypGjcad2fjXBOyci2LnXJxTBzaQmBBH+RrNAfh7yXgMjM1p0n4oANUbdmTxtG6c2OdLUe+qXDt3iBePb/NzL+WpNPGx0dy4cJRmnUbyI3SqWYZJfx+gqK0lxeyt+PvfK8QlJtG8vPwH7YQN+zE30GXIh2Ullx88i5dDYezMjHgfF8+645cICo+iZcXU6WqRMXEEhUcRHCkfTfDsnfw9QF59Pvs7ITrWrcxkn5142hemmKMNm46dIy4hkWaV5e8nE9fswNxQn8Gt6qGlqYmLtYXS/noFtQGUtnepX5UxK7bi7eZAmSJOnLv9kNP+91k1qjs5pWGzX1ixcDqOLh44u3lyaO8WEuLjqV77JwCWL5iKkbEZP3eR14pITkri1Qv5Z0BychJhYcE8f/IALW0dLAvLO1YaNPuF6aN7smfbOspXqc2Th3c4eXg33QeMy5EcGjdvx18LfsPZ1R1nNw8O7NlGQnwcNerIp2AsmfcrxiZmtO/aV5HDyxfPFDmEhwbz7MlDtLV1sCwsv6hw4+pFQEZhazveBL3ib5+lFLaxUxwzJzRr0YqF8+fg4loEN7ci7N3jR3xCPLXrNgBgwdxZGJuY0qVbT0BeT2HjBl9Gjh6Hhbkl4R8+97Q/fO7p6xugr2+g9Bga6hoYGhljY5Nzq8F0qu7NpM2HKWprTjE7S/4+dV3++i4n7+yZsOkQ5vq6DPlJ3lGz/PAFvByssDM14H1cAutOXiUoLIqW5eXTe5NSUhi57h/uvnrHnz2aI5XKCPlwNd6goDaaGjnzfQrkqzq0a2LOqzeJvA1JpFNLC0LDkzh3LbUY9MzRjpy7GsW+46HExUt5/kq5blZ8opT30clK240MNDAy0KCwufzikYONNnHxUt6FJhEdk3Z1ie/VqXZ5JvnuxdPOimIO1mw8cZG4hCSaVZR3ME9ctwdzQz0GN6+FlqYGLtbmSvvr6Xx8n5Jv19RQp7SrHQv8jqNVQIPCxgZceRjIPxdvMqKV8vTu7KJeqCCFXFKnaBd0tEG/hDuJYZHEvwiiyIzhaFtb4N9tDADPV27Bvn8H3GeO4sW6nZjWrIBVm4ZcbtpHcYynC9dSwmc2EVdvEXk5AIfBXdAopMML3/RX8xKEnJKl9Xv09TOu5v7rr79iZmbGzJkzefLkCYaGhnh7ezN+/HgArK2tmTZtGmPHjqVbt2507tyZdevWsWXLFgYPHkyxYsUoUqQIixcvpkaNGmmOP2vWLGbNmsWNGzdwcXFh7969iroP1tbWHDhwgFGjRlGiRAmMjY3p0aOHonhhZuzcuZORI0fyyy+/EBMTg4uLC7NmyXvF69Spg4+PD8uWLSM0NBRTU1MqVqzI8ePHMflkveWPtRd+//13OnfunOnH/mjEiBEEBQXRpUsXJBIJ3bt3p0WLFkRGRn5xv+zIPz2FCxfm7NmzjBkzhnr16pGQkIC9vT0NGjTIUqfF1xQv34iY9+Ec37WY6MgQrOw86DxipWIofmRoEJJPrrDauZaiTZ8/OOa3iKM7F2BiYU/7wX9iYZN65f/e9ZPsWjNe8fe2ZSMAqNlsALVaDMyRPKpVr05kVCR/b9hAeHg4Tk5OTJ8+A6MPxa6Cg9+hJkntOT+w/x+Sk5P4/XflVT7at+9Ah46dkEgkPHv6lOPHjhETE4OxsTGlvEvTqVPnDJdTyyqvCh+eC7/FvP/wXHQdpfxcfHq12961FG37/cGxHYs4sl3+XHQYmvpcRIW/4971EwAsmahcnKvHOF+cPLJvZYLPlanTi6TEOI5tmUxCXBSFnUrTst9qNDRTR9VEhrwgLjp19FQR70bERYdx/sBiYqOCMbPxoEW/1RTSVx6ueOvCTvQMLbF3z5krgp8qXbsXyYlxnNiamkezPl/Ow827EXExYVw4uJiYqGDMrD1o1me1YnqHuromzfqs5Oy+eexb1ZekxFgMTe2o234WDp7VszV+70oNiI4K48C2pURFhGDj4E7fccvRN5THEh4apPS6cCxSks6DZnFg6xL+2bIIM0t7eoxaRGE7V6XjXjt3EJlMRunKDbM13ow08PYgPDqOvw6cISQqhiI25vzVr42i8Nib8CilK2Pv4+KZvuUwIVEx6BfUxtPWAt+hHXC2Sj2X/r31iMkbU5cDHrNOvpRi3waV6Nco+8+t+uWKEx4dw7I9xwmNiqaIrRVLh3ZRTIt4ExqR5ure19Ty9mRCp6b4HDjNnM37sbc05Y9+v1DK1SHb4/+oQtW6REVGsHPTSiLDQ7F3cmP01IUYfJhSEBL8Vul9KjwsmAlDOyn+PrBrIwd2bcS9mDcTf18GyJerHDp+DlvX/8XurWswsyhMx57DqFyjQY7kUKlabaIiI9j292oiwsNwcHJh3PR5GBrJR0KFBr9V+twNCwthzODUVbv2+W1mn99mPIuVZMqsJQDExUaz2XcFoSHB6OrpU75Sddp17o2GRs4t5Vi1ek0ioyLZtGHdh889Z6ZOn/nZ515qHgf37yM5OYlZvytfkGnXvhPtO3bJsTi/pkGpIvLX96HzhETFUsTajL96t1AsL/km/H3a1/e2o4RExaJfUAtPGwt8B7fD2VJ+Dr6LjObf2/JRQm3n/a30WKv7t6asS851lGw/EIy2loTB3azRLajO7QcxTJqnXE/BylwLfb1vOy8a1TShY/PUjsW5410AmLf6BcfOZN90r/plihIeHcuyf059eK+14K9Bv2DyocM1KCzym+txzO7RksV7TjDeZw9RsXFYGRswsGkN2lTLmWLMBqWLUfF46opynnPl30dfrPcjoMc4tKzM0LFNHRUT9+wll5v2wXPeOBwGdSb+5Rtu9plIyNEzijZB2w9SwMwYtymD0bI0I8r/Lpd+6kniu/QLXQpCTlGTZecYVyGNHj16EBwczN69e1UdSq6y7Xzer+rqbZ4zc4Z/tBshuaMaclaFRORcB9ePkpL3XxYAOFv9uBo5OaXG2w1fb5QHSAvm3JKuP9Jt85y5gvgjaUqSVB1CttCRpD83Py+xv7df1SFkixbbK329UR7g1zn9pYTzkhP1M7fcfW7XOCl3Fnj9mjq/XFF1CN/l2Oa0yzjndTnXXf1/LjIykps3b7Jp0ybRsSAIgiAIgiAIgpADZLJ8cnUmHxCdCzmkWbNmXLp0ib59+6ZZklMQBEEQBEEQBEEQ8hPRuZBDPl92UhAEQRAEQRAEQRDyq7w/SVkQBEEQBEEQBEEQBJUSIxcEQRAEQRAEQRCEPEkqFesT5BZi5IIgCIIgCIIgCIIgCFkiOhcEQRAEQRAEQRAEQcgSMS1CEARBEARBEARByJNkUrEUZW4hRi4IgiAIgiAIgiAIgpAlonNBEARBEARBEARBEIQsEZ0LgiAIgiAIgiAIgiBkiai5IAiCIAiCIAiCIORJMrEUZa4hRi4IgiAIgiAIgiAIgpAlonNBEARBEARBEARBEIQsEdMiBEEQBEEQBEEQhDxJJhNLUeYWYuSCIAiCIAiCIAiCIAhZIjoXBEEQBEEQBEEQBEHIEtG5IAiCIAiCIAiCIAhCloiaC4IgCIIgCIIgCEKeJJaizD3EyAVBEARBEARBEARBELJEdC4IgiAIgiAIgiAIgpAlonNBEARBEARBEARBEIQsETUXBEEQBEEQBEEQhDxJJpWqOgThAzFyQRAEQRAEQRAEQRCELBGdC4IgCIIgCIIgCIIgZI1MEPKh+Ph42ZQpU2Tx8fGqDuW75YccZLL8kUd+yEEmE3nkJvkhB5ksf+SRH3KQyUQeuUl+yEEmyx955IccZLL8k4eQ/6nJZDKxMKiQ70RFRWFgYEBkZCT6+vqqDue75IccIH/kkR9yAJFHbpIfcoD8kUd+yAFEHrlJfsgB8kce+SEHyD95CPmfmBYhCIIgCIIgCIIgCEKWiM4FQRAEQRAEQRAEQRCyRHQuCIIgCIIgCIIgCIKQJaJzQciXtLS0mDJlClpaWqoO5bvlhxwgf+SRH3IAkUdukh9ygPyRR37IAUQeuUl+yAHyRx75IQfIP3kI+Z8o6CgIgiAIgiAIgiAIQpaIkQuCIAiCIAiCIAiCIGSJ6FwQBEEQBEEQBEEQBCFLROeCIAiCIAiCIAiCIAhZIjoXBEEQBEEQBEEQBEHIEtG5IAiCIAiCIAhCnnft2jVu3ryp+HvPnj00b96c8ePHk5iYqMLIBOH/g+hcEPKVxMREXr58SWBgoNItL0lMTOT+/fskJyerOpTvdvLkyQzvW7FixQ+MRBAEQRCE/xd9+vThwYMHADx58oR27dpRsGBBtm/fzujRo1UcnSDkf6JzQcgXHj58SNWqVdHR0cHe3h5HR0ccHR1xcHDA0dFR1eFlSmxsLD169KBgwYIULVpU0SkyaNAgZs2apeLovk2DBg0YNWoUSUlJim0hISE0adKEsWPHqjCy/1/5odMqOTmZY8eOsWLFCt6/fw/A69eviY6OVnFkmTN48GAWL16cZvuSJUsYOnTojw/o/9iOHTto27YtFSpUwNvbW+mWVyQlJdG9e3eePn2q6lCE/wNPnjyhXr16qg7jqx48eEDJkiUB2L59O9WqVWPTpk2sW7eOnTt3qja47/To0SMOHz5MXFwcADKZTMURCULGNFQdgCBkh65du6KhocE///yDlZUVampqqg7pm40bNw5/f3/+/fdfGjRooNhep04dpk6dmqd+lJ88eZLOnTtz9OhRNm3axNOnT+nRowdFihThxo0bqg7vi4yMjDJ9/oSFheVwNFkXGxvLoEGD8PX1BeRfvJycnBg0aBDW1tZ55rx6/vw5DRo0IDAwkISEBOrWrYuenh6zZ88mISGB5cuXqzrEr9q5cyd79+5Ns71SpUrMmjWLhQsX/vigvkF6saenadOmORxJ1ixevJgJEybQtWtX9uzZQ7du3Xj8+DGXL19mwIABqg4v0zQ1Ndm5cyeTJk1SdSjfpWXLlplu6+fnl4ORZJ///vuPFStW8PjxY3bs2IG1tTUbNmzA0dGRKlWqqDq8LHn//j3Hjx9XdRhfJZPJkEqlABw7doyffvoJAFtbW0JCQlQZ2jcLDQ3l559/5sSJE6ipqfHw4UOcnJzo0aMHRkZGzJs3T9UhCkIaonNByBdu3LjB1atXcXd3V3Uo32337t1s3bqVChUqKP24LVq0KI8fP1ZhZN+uUqVK3Lhxg759++Lt7Y1UKuXXX39l9OjRub7jJ7f/wPtW+aXTasiQIZQpUwZ/f39MTEwU21u0aEGvXr1UGFnmhYaGYmBgkGa7vr5+nvjS27x586+2UVNTIyUlJeeDyYK//vqLlStX8ssvv7Bu3TpGjx6Nk5MTkydPzhMdhp9q3rw5u3fvZtiwYaoO5Zt9+lqQyWTs2rULAwMDypQpA8DVq1eJiIj4pk4IVdq5cyedOnWiQ4cOXL9+nYSEBAAiIyP5/fffOXDggIoj/P9QpkwZZsyYQZ06dTh16hTLli0D4OnTp1hYWKg4um8zbNgwNDQ0CAwMxMPDQ7H9559/Zvjw4aJzQciVROeCkC94enrmiS/nXxIcHIy5uXma7TExMbn+B3l6Hjx4wJUrV7CxseH169fcv3+f2NhYChUqpOrQvqhLly6qDiFb5ZdOq//++49z585RoEABpe0ODg68evVKRVF9GxcXFw4dOsTAgQOVth88eBAnJycVRZV5H68G5nWBgYFUqlQJAB0dHcUUm06dOlGhQgWWLFmiyvC+iaurK9OnT+fs2bOULl06zfvr4MGDVRTZ161du1bx/2PGjKFt27YsX74cdXV1AFJSUujfvz/6+vqqCvGbzJgxg+XLl9O5c2e2bNmi2F65cmVmzJihwsj+vyxcuJAOHTqwe/duJkyYgIuLCyCfCvXxdZ9XHDlyhMOHD2NjY6O03dXVlefPn6soKkH4MtG5IOQLs2fPZvTo0fz+++8UL14cTU1NpfvzwpeTMmXKsH//fgYNGgSg+CG4evVqKlasqMrQvtmsWbOYMmUKvXv35o8//uDRo0d06tQJLy8v/v777zyXD0B8fHyaStN54bzKL51WUqk03SviL1++RE9PTwURfbvhw4czcOBAgoODqVWrFgDHjx9n3rx5+W7ETG5maWlJWFgY9vb22NnZceHCBUqUKMHTp0/z3FzmNWvWYGhoyNWrV7l69arSfWpqarm6c+FTPj4+nDlzRtGxAKCurs7w4cOpVKkSf/zxhwqjy5z79+9TrVq1NNsNDAyIiIj48QH9n/Ly8lJaLeKjP/74Q+n8ygtiYmIoWLBgmu1hYWFoaWmpICJB+DrRuSDkC3Xq1AGgdu3aSttlMlmeGKYL8Pvvv9OwYUPu3LlDcnIyixYt4s6dO5w7d45Tp06pOrxvsmjRInbv3k3Dhg0BKFasGJcuXWL8+PHUqFFDMVw0t4uJiWHMmDFs27aN0NDQNPfnhfMqv3Ra1atXj4ULF7Jy5UpAnkd0dDRTpkyhUaNGKo4uc7p3705CQgK//fYbv/76KyAfebFs2TI6d+6s4ui+7vTp05lql94PrNykVq1a7N27l1KlStGtWzeGDRvGjh07uHLlSp4Zgv9RfinmmJyczL179yhSpIjS9nv37uWZETOWlpY8evQIBwcHpe1nzpzJEyOTSpUq9cUO59jY2B8YTdZERESwY8cOHj9+zKhRozA2NubOnTtYWFhgbW2t6vAyrWrVqqxfv17xeaGmpoZUKmXOnDnUrFlTxdEJQvpE54KQL3xp6cO8okqVKty4cYNZs2ZRvHhxjhw5gre3N+fPn6d48eKqDu+b3Lx5E1NTU6Vtmpqa/PHHH4riSnnB6NGjOXnyJMuWLaNTp04sXbqUV69esWLFijyzgkd+6bSaN28e9evXx9PTk/j4eNq3b8/Dhw8xNTVl8+bNqg7vq5KTk9m0aRMtW7akX79+BAcHo6Ojg66urqpDy7QaNWoofnxkdIU/L3Tmrly5UvGDdcCAAZiYmHDu3DmaNm1Knz59VBxd5kVFRaGrq4tEorzwl1QqJTo6Ok+MrPqoW7du9OjRg8ePH1OuXDkALl68yKxZs+jWrZuKo8ucXr16MWTIEHx8fFBTU+P169ecP3+ekSNH5omim5mpqZIXBAQEULt2bQwNDXn27Bm9evXC2NgYPz8/AgMDWb9+vapDzLQ5c+ZQu3Ztrly5QmJiIqNHj+b27duEhYVx9uxZVYcnCOlSk+W1MYCCIOQJ6V05uHbtWp66cmBnZ8f69eupUaMG+vr6XLt2DRcXFzZs2MDmzZvzTIGux48fM2vWLPz9/YmOjsbb25sxY8bkuU6r5ORktm7dqpRHhw4d0NHRUXVomVKwYEHu3r2Lvb29qkP5LiYmJujp6dG1a1c6deqUpgPxo/SKVgrZa9euXYwZM4YbN26kGTYdExODt7c3c+fOpUmTJiqK8NtIpVLmzp3LokWLCAoKAsDKyoohQ4YwYsSIPDGcXSaT8fvvvzNz5kzFVX4tLS1GjhypuPIs5Lw6derg7e3NnDlz0NPTw9/fHycnJ86dO0f79u159uyZqkP8JpGRkSxZskTpc2/AgAFYWVmpOjRBSJfoXBDyhYCAgEy39fLyysFIvl9UVFS629XU1NDS0kpTyC43CwgIoE6dOhgYGPDs2TPu37+Pk5MTEydOzFNXDnR1dblz5w52dnbY2Njg5+dHuXLlePr0KcWLFyc6OlrVIQp5SI0aNRg6dGievUKYmJjIrl278PHx4b///qNRo0b06NGDBg0a5Pr6HQEBARQrVgyJRPLVz4vc+hnxqXr16tG2bVt69uyZ7v0+Pj5s3bqVw4cP/+DIsu7jZ2FeGnnxqcTERB49ekR0dDSenp55anTSRyEhITx79gw1NTUcHByUVujJ7QwMDLh27RrOzs5KnQvPnz+nSJEixMfHqzpEQcjXxLQIIV8oWbLkV7/c5vb6C4aGhl/MwcbGhq5duzJlypQ0w2Bzm2HDhtG1a1fFlYOPGjVqRPv27VUY2bdxcnLi6dOn2NnZ4e7uzrZt2yhXrhz79u3D0NBQ1eF9k3fv3vHu3bs085fzwg8pgJkzZ2JhYUH37t2Vtvv4+BAcHMyYMWNUFFnm9e/fnxEjRvDy5ct0K/vn9ueiQIEC/Pzzz/z8888EBgaybt06Bg4cSEJCAl26dGHatGloaOTOrxUlS5bkzZs3mJubKz4v0ru2kps/Iz5169Yt/vrrrwzvr1atGhMnTvyBEWWfvNqp8FGBAgXw9PQkKiqKY8eOUaRIEaVlBHOz27dv069fvzRD7qtXr86yZcvS1MTIjbS0tNK9WPPgwQPMzMxUEFHWxMfHExAQkO7nd9OmTVUUlSBkTIxcEPKF3bt3M3LkSEaNGqUoUnf+/HnmzZvHnDlzKFWqlKJtbh2SvH79eiZMmEDXrl0Vc04vXbqEr68vEydOJDg4mLlz5zJq1CjGjx+v4mi/LL9cOViwYAHq6uoMHjyYY8eO0aRJE2QyGUlJScyfP58hQ4aoOsSvunr1Kl26dOHu3btpfkzllR9SIC98uGnTpjRLiV28eJF27drlicJ26XUKfvyRm5eei089ffqUHj16cOrUKYKDgzE2NlZ1SOl6/vw5dnZ2qKmpfXUJt9z6GfEpHR0drl+/jru7e7r33717F29vb+Li4n5wZJnn7e3N8ePHMTIy+moxwWvXrv3AyL5P27ZtqVatGgMHDiQuLo6SJUsqViDZsmULrVq1UnWIX/TmzRuKFSuGmZkZffv2xd3dHZlMxp07d1i1ahWhoaHcunUr3dWHcpOePXsSGhrKtm3bMDY2JiAgAHV1dZo3b061atXy1Mo8hw4donPnzukutZ5XPzOE/C93XmIQhG/0+++/s3jxYqWq8V5eXtja2jJp0qQ0S3TlRr6+vsybN4+2bdsqtjVp0oTixYuzYsUKjh8/jp2dHb/99luu71zIL1cOhg0bpvj/OnXqcO/ePa5evYqLi0uuv8r8Uffu3XFzc2PNmjVYWFjk+uHrGXnz5k26c0zNzMwUc7Rzu7zQAZIZCQkJ7Ny5Ex8fH86fP0/jxo3Zv39/ru1YgNQOg6SkJKZNm8akSZNwdHRUcVTfz8HBgStXrmTYuXDlypVc30nSrFkzxXJ6eXWq0KdOnz7NhAkTAHlNDKlUSkREBL6+vsyYMSPXdy4sWLAAe3t7zp49i7a2tmJ7gwYN6NevH1WqVGHBggXMnDlThVF+3bx582jdujXm5ubExcVRvXp13rx5Q8WKFfntt99UHd43GTRoEG3atGHy5MlYWFioOhxByByZIOQD2trasjt37qTZfufOHZm2trYKIvp22trasgcPHqTZ/uDBA5mOjo5MJpPJnjx5ovj/3KxHjx6y5s2byxITE2W6urqyJ0+eyJ4/fy4rVaqUbMiQIaoOL9N8fX1l8fHxabYnJCTIfH19VRDRt9PV1ZU9fPhQ1WFkmYuLi2zDhg1ptq9fv17m6Oiogoj+/1y8eFHWt29fmaGhoaxkyZKyRYsWyUJDQ1Ud1jfT19eXPXnyRNVhZMn48eNldnZ2sjdv3qS5LygoSGZnZycbP368CiL7/6WtrS0LDAyUyWQyWadOnWRjxoyRyWQy2fPnz2WFChVSZWiZUqpUKdnWrVszvH/z5s2yUqVK/cCIsua///6TLV26VDZ79mzZ0aNHVR3Od9HT05M9evRI1WEIwjcRIxeEfMHDw4OZM2eyevVqReHDxMREZs6cmWfmOtra2rJmzZo0SxyuWbMGW1tbAEJDQzEyMlJFeN8kvSsHQUFBee7KQbdu3WjQoEGaYaDv37+nW7dudO7cWUWRZV7t2rXx9/fHxcVF1aFkSa9evRg6dChJSUnUqlULgOPHjzN69GhGjBih4ugytnfvXho2bIimpiZ79+79YtvcPn+2QoUK2NnZMXjwYEqXLg3AmTNn0rTL7Xk0b96c3bt3K41MymvGjh3Lnj17cHV1pWPHjoq58Pfu3WPjxo3Y2toyduxYFUeZeZcvX0YqlVK+fHml7RcvXkRdXZ0yZcqoKLLMs7W15fz58xgbG3Po0CG2bNkCQHh4uNJIgNzqyZMneHt7Z3h/mTJlePLkyQ+MKGuqVKlClSpVVB1GlrRu3Zp///0XZ2dnVYciCJkmai4I+cKlS5cU8+E/DlcPCAhATU2Nffv2KWoY5GZ79+6lTZs2uLu7U7ZsWUA+tPXu3bvs3LmTn376iWXLlvHw4UPmz5+v4mgz58yZMwQEBBAdHU3p0qWpXbu2qkP6JhKJhLdv36aZyuHv70/NmjUJCwtTUWSZFxISQpcuXShXrhzFihVDU1NT6f7c/kPwI5lMxtixY1m8eDGJiYkAaGtrM2bMGCZPnqzi6DImkUgUhQS/VIg1L8yfzUwh2byQx4wZM5g3bx61a9dOt7Dm4MGDVRTZt4mMjGTcuHFs3bqV8PBwQF4YuF27dvz22295oiP6o3LlyjF69Ghat26ttN3Pz4/Zs2dz8eJFFUWWeX/99RdDhgxBV1cXe3t7rl27hkQi4c8//8TPz4+TJ0+qOsQvUldXJygoKMOaCm/fvsXa2prk5OQfHNnXLV68ONNt88rrGyA2NpY2bdpgZmZG8eLF03x+56VchP8fonNByDdiYmLYuHEj9+7dA+SjGdq3b5/mi2Nu9uzZM5YvX86DBw8AKFKkCH369CE6OppixYqpOLqvO3/+PKGhofz000+Kbb6+vkyZMoXY2FiaN2/On3/+qZhnm1t9LC7m7+9P0aJFlSrgp6Sk8PTpUxo0aMC2bdtUGGXm7Nu3j06dOqVbAyMv/BD8XHR0NHfv3kVHRwdXV9dcfy4Juc+Xai2oqanlqauzIO94CwkJQSaTYWZmlifrqujq6hIQEICTk5PS9qdPn+Ll5cX79+9VFNm3uXLlCi9evKBu3bqKJSj379+PoaEhlStXVnF0X6aurv7Fukhv377F3d09V35mfP6aDg4OJjY2VrGqU0REBAULFsTc3DxPvb7XrFlD37590dbWxsTEROm1nRffq4T/D6JzQRByqaioKDZv3oyPjw9XrlzJlR/on2vYsCE1atRQLAt48+ZNSpcuTZcuXfDw8OCPP/6gT58+TJ06VbWBfsW0adMU/x0xYoTSOuUFChTAwcGBVq1aKabg5GYODg789NNPTJo0SRSEErJFaGioYt37Fy9esGrVKuLj42nSpAlVq1ZVcXT/n969e8f9+/cBead0bq/o/zkTExP++ecfxWpPH507d47GjRsrRmbkFR+/Wueljh6JRPLFeGV5ZFWbTZs28ddff7FmzRrFdKH79+/Tq1cv+vTpQ4cOHVQcYeZZWloyePBgxo4dm+uXIBeEj0TngpBvbNiwgRUrVvDkyRPOnz+Pvb09CxYswMnJiWbNmqk6vEw7ffo0a9asYefOnRQuXJiWLVvSqlUrxVSJ3MzKyop9+/Yp5sdOmDCBU6dOKeZlb9++nSlTpnDnzh1Vhplpvr6+/Pzzz3livmxG9PT0uHHjRr6Ys3nlyhW2bdtGYGCgYmrER35+fiqK6utOnDjBwIEDuXDhAvr6+kr3RUZGUqlSJZYtW0a1atVUFGHm3Lx5kyZNmvDixQtcXV3ZsmULDRo0ICYmBolEQkxMDDt27MgXlf/ziqioKAYMGMCWLVsUP/rU1dX5+eefWbp0KQYGBiqOMHN++eUXgoKC2LNnjyLmiIgImjdvjrm5eZ4YJQbyJaX/+OMPHj58CICbmxujRo2iU6dOKo7s606dOpWpdtWrV8/hSLLG2dmZHTt2KC1BDvJlmVu3bp2nVu0xNjbm8uXL+eLzW/j/IQo6CvnCsmXLmDx5MkOHDmXGjBmKL1lGRkYsXLgw13cuvHnzhnXr1rFmzRqioqJo27YtCQkJ7N69G09PT1WHl2nh4eFKV8dPnTpFw4YNFX+XLVuWFy9eqCK079KlSxdVh5BlLVu25OTJk3n+y8mWLVvo3Lkz9evX58iRI9SrV48HDx7w9u1bWrRooerwvmjhwoX06tUrTccCgIGBAX369GHBggW5vnNh9OjRFC9enI0bN7JhwwZ++uknGjduzKpVqwD5smmzZs3K9Z0L3bt3/+L9Pj4+PyiSrOvVqxfXr19Xuup//vx5hgwZQp8+fRRFBXO7uXPnUq1aNezt7RU/Cm/cuIGFhQUbNmxQcXSZM3/+fCZNmsTAgQMVUyDOnDlD3759CQkJyfUFRD//MZ5XBQUFpVsXIiUlhbdv36ogou/XpUsXtm7dmuuXHxeET4mRC0K+4Onpye+//07z5s3R09PD398fJycnbt26RY0aNQgJCVF1iBlq0qQJp0+fpnHjxnTo0IEGDRqgrq6OpqYm/v7+eapzwd7eng0bNlCtWjUSExMxNDRk3759ikKON2/epHr16rm6EKKxsTEPHjzA1NQUIyOjLw4Tzc15fPTbb7+xcOFCGjdunKcLQnl5edGnTx8GDBigeI07OjrSp08frKysFFNZciN7e3sOHTqU4co19+7do169egQGBv7gyL6NqakpJ06cwMvLi+joaPT19bl8+bJi5Yh79+5RoUIFIiIiVBvoV3zeGZWUlMStW7eIiIigVq1auXoUzOcKFSrE4cOH01TF/++//xSjSvKKj3WT/P390dHRwcvLi19++SXNe1Zu5ejoyLRp09KsIuTr68vUqVNz/RXzr02L+Ci3T4to0qQJr169YvXq1YrVL65evUrv3r2xtrb+6qo9ucngwYNZv349JUqUwMvLK81rIa8U9xb+v4iRC0K+8PTp03R73bW0tHL9l6uDBw8yePBg+vXrh6urq6rDyZJGjRoxduxYZs+eze7duylYsKDSHOyAgIBcfwV9wYIF6OnpAfIrznnd6tWr0dXV5dSpU2mGvaqpqeWZzoXHjx/TuHFjQF73IiYmBjU1NYYNG0atWrVydefC27dvv/gDSUNDg+Dg4B8Y0fcJCwvD0tISkBfgK1SokNKKBEZGRnmi8N6uXbvSbJNKpfTr1y/Xvz99zsTEJN2pDwYGBnlqtQiQd5T07t1badvdu3dZs2YNc+fOVVFUmRcUFESlSpXSbK9UqRJBQUEqiOjbfLqahUwmo1GjRqxevRpra2sVRvXtfHx86NKlC2XKlFG87yYnJ1O/fn1Wr16t4ui+zc2bNxXfbW/duqV0X16q5yH8fxGdC0K+4OjoyI0bN7C3t1fa/qWrhbnFmTNnWLNmDaVLl8bDw4NOnTrRrl07VYf1XX799VdatmxJ9erV0dXVxdfXV6nooY+PD/Xq1VNhhF/3cSpEcnIyampq1K9fP08XQsztV8sy69MfrtbW1ty6dYvixYsTERFBbGysiqP7so/xuri4pHt/QEAAVlZWPziq7/P5F9r88gVXIpEwfPhwatSowejRo1UdTqZNnDiR4cOHs2HDBkXHz5s3bxg1ahSTJk1ScXTfJyYmhi1btrBmzRouXLiAp6dnnuhccHFxYdu2bWmGsG/dujVPXDj4vJaCuro6FSpUSLOCR25nZmbGgQMHePDggWL1MHd3d9zc3FQc2bfL7cuXCkJ6ROeCkC8MHz6cAQMGEB8fj0wm49KlS2zevJmZM2fm+p7qChUqUKFCBRYuXMjWrVvx8fFh+PDhSKVSjh49iq2treJKem5namrK6dOniYyMRFdXF3V1daX7t2/frrTyQm6moaFB3759uXv3rqpDyTZ5sYL5R9WqVePo0aMUL16cNm3aMGTIEE6cOMHRo0epVauWqsP7okaNGjFp0iQaNGiQpjhoXFwcU6ZMUVq+NTfr2rWrYvnP+Ph4+vbtq1juNyEhQZWhZdnjx4/Tnaud23xcKvejhw8fYmdnh52dHQCBgYFoaWkRHBxMnz59VBXmNzt79ixr1qxh27ZtxMXFMWzYMHx8fHB3d1d1aJkybdo0fv75Z06fPq2ouXD27FmOHz+eZwpS5idubm55skMhIy9fvgTAxsZGxZEIwpeJmgtCvrFx40amTp3K48ePAfnVwqlTp9KjRw8VR/bt7t+/z5o1a9iwYQMRERHUrVs3T80TzC9q1KjB0KFDc32Buq/JyxXMPwoLCyM+Pp7ChQsjlUqZM2cO586dw9XVlZEjR+bqK/9v377F29sbdXV1Bg4cqFge7d69eyxdupSUlBSuXbuW60fIdOvWLVPt1q5dm8ORZM3w4cOV/pbJZAQFBbF//366dOnCkiVLVBRZ5nzLFKApU6bkYCRZ9+7dO9atW4ePjw+RkZH88ssvtG/fnooVK+a5mkMgn9u/YMECRae0h4cHI0aMyJPFEj+tX5XbDR8+nF9//ZVChQqleX1/Li/VKZBKpcyYMYN58+YRHR0NyJ+XESNGMGHCBLE8pZAric4FIV+Ii4tDJpNRsGBBYmNjuXXrFmfPnsXT05P69eurOrzvlpKSwr59+/Dx8RGdCyqwbds2xo0bx7BhwyhdurTiCu1HXl5eKoos8zKqYL506VJmzJiR6yuYf0l8fDxLly7ljz/+4M2bN6oO54ueP39Ov379OHz4sNIIkvr167N06VIcHR1VHOH/j5o1ayr9LZFIMDMzo1atWnTv3h0NDTGo80fR0dGhdevWdOzYkbp16yp+LOXFgsb5jZ6eHgEBAXnivalmzZrs2rULQ0NDatSokeHoPDU1NU6cOPGDo/t+48aNY82aNUybNk3p83vq1Kn06tWL3377TcURCkJaonNByBfq1atHy5Yt6du3LxEREbi7u6OpqUlISAjz58+nX79+qg5RyIPSuyqgpqaGTCZDTU0t11fNhrxfwTwhIYGpU6dy9OhRChQowOjRo2nevDlr165l4sSJqKurM2DAAMaMGaPqUDMlPDycR48eIZPJcHV1zXNF9wQhO7m7u5OQkED79u3p1KmTYgpEXuxcOHDgAOrq6mkuaBw+fBipVKq0LHNu1LJlS6W/9+3bR61atdJ0quel1VTyusKFC7N8+XKaNm2qtH3Pnj3079+fV69eqSgyQciY6J4X8oVr166xYMECAHbs2IGFhQXXr19n586dTJ48WXQuCN8lt//wzoy8XsF88uTJrFixgjp16nDu3DnatGlDt27duHDhAvPmzaNNmzZpanvkVt27d2fRokWULVtWaXtMTAyDBg3Cx8dHRZEJecnXlsj9VG5fLvfevXuKWgtly5bFzc2Njh07AnmvNszYsWOZNWtWmu0ymYyxY8fm+s6Fz1cd+fg85CVJSUno6Ohw48YNihUrpupwsiwsLCzdmiPu7u65/rUt/P8SIxeEfKFgwYLcu3cPOzs72rZtS9GiRZkyZQovXrygSJEiub6avCDklGLFitG+ffs0FcxnzJjB1q1buXnzpooiyxwnJycWLlxI06ZNuXXrFl5eXnTt2pU1a9bkuR8f6urqBAUFYW5urrQ9JCQES0vLPFFMMD94+/YtI0eO5Pjx47x7947Pvwbl9hFJvr6+mW77cfWbvCA6OprNmzezdu1aLly4QPXq1Wnfvj3NmzfHzMxM1eF9lY6ODnfv3sXBwUFp+7NnzyhatGiuXxY7v3BycmLXrl2UKFFC1aFkWfny5SlfvjyLFy9W2j5o0CAuX77MhQsXVBSZIGRMjFwQ8gUXFxd2795NixYtOHz4sGIe+bt379DX11dxdEJed+fOHQIDA0lMTFTa/vlQxdwor1cwf/nyJaVLlwbkHSVaWloMGzYsT3UsREVFIZPJkMlkvH//XmnFiJSUFA4cOJCmw0HIOV27diUwMJBJkyZhZWWVp84lyHyHQV67sqmrq0uvXr3o1asXd+/eZc2aNUycOJH+/fuTlJSk6vC+ysDAgCdPnqTpXHj06FGaqQVCzpkwYQLjx49nw4YNGBsbqzqcLJkzZw6NGzfm2LFjVKxYEYDz58/z4sULDhw4oOLoBCF9YuSCkC/s2LGD9u3bk5KSQu3atTly5AgAM2fO5PTp0xw8eFDFEQp50ZMnT2jRogU3b95U1FqA1OG6uf0K50d5uYK5uro6b968UVy5zEtFxj6SSCRf/AGrpqbGtGnTmDBhwg+M6v+Xnp4e//33HyVLllR1KDniyJEjrF69mn379hEXF6fqcLIkOTmZvXv3pqkHkBv16dOH8+fPs2vXLpydnQF5x0KrVq0oW7Zsrl8WO78oVaoUjx49IikpCXt7+zQdO9euXVNRZN/n9evXLF26lHv37gHyz+/+/ftTuHBhFUcmCOkTIxeEfKF169ZUqVKFoKAgpaFwtWvXpkWLFiqMTMjLhgwZgqOjI8ePH8fR0ZFLly4RGhrKiBEjmDt3rqrDy7TSpUvz999/qzqM7yKTyejatStaWlqAfIWIvn375qkiYydPnkQmk1GrVi127typdDWtQIEC2Nvbiy+KP5CtrW2aqRB53fPnz/Hx8cHX15fw8HAaNmzI+vXrVR1WpmVUDPHEiRPo6OioKKpvM2fOHBo0aIC7uzs2NjaAfORV1apV89TnRV6X15eO/igpKYkGDRqwfPlysSqEkKeIkQuCIAgZMDU15cSJE3h5eWFgYMClS5coUqQIJ06cYMSIEVy/fl3VIX5VXq9g3q1bt0y1W7t2bQ5HknXPnz/Hzs4uzw3Dz2+OHDnCvHnzWLFiRZoh7HlJYmIifn5+rF69mrNnz1KnTh0OHjzI9evXKV68uKrD+yZeXl7MmjWLRo0aKW0/dOgQY8aMwd/fX0WRfRuZTMbRo0fx9/dHR0cHLy8vqlWrpuqwhDzKzMyMc+fO4erqqupQBCHTROeCIAhCBoyMjLh27RqOjo44OzuzevVqatasyePHjylevHieKBSaX7605weHDh1CV1eXKlWqALB06VJWrVqFp6cnS5cuFctS/iBGRkbExsaSnJxMwYIF0dTUVLo/L9QqGDRoEJs3b8bV1ZWOHTvSrl07TExM8uQSjiCKIQrZKyIigh07dvD48WNGjRqFsbEx165dw8LCAmtra1WHl2nDhg1DS0sr3VVIBCG3EtMiBEEQMlCsWDH8/f1xdHSkfPnyzJkzhwIFCrBy5UqcnJxUHV6mPHz4MN0fGu7u7jx69EgFEf3/GjVqFLNnzwbg5s2bDB8+nBEjRnDy5EmGDx+eJ0Zf5AcLFy5UdQhZtmzZMsaMGcPYsWPR09NTdThZlh+KIU6fPv2L90+ePPkHRfL/LSAggDp16mBgYMCzZ8/o1asXxsbG+Pn5ERgYmKemCyUnJ+Pj48OxY8coXbp0mtfC/PnzVRSZIGRMdC4IgiBkYOLEiYorZtOmTaNJkyZUrVoVExMTtmzZouLoMic/fGnPL54+faro6Nm5cydNmjTh999/59q1a2lGlgg5Jy8tz5iRDRs24OPjg5WVFY0bN6ZTp065forTlzRr1oyhQ4emKYY4YsSIPLEqD8CuXbuU/k5KSuLp06doaGjg7OwsOhd+kOHDh9O1a1fmzJmj1PHWqFEj2rdvr8LIvt2tW7fw9vYG4MGDB0r3iel1Qm4lpkUIgiB8g7CwMIyMjPLMB7uoYJ57GBsbc+bMGTw9PalSpQqdO3emd+/ePHv2DE9PzzwxzSavioqKUixLHBUV9cW2eWn54qdPn7Ju3TrWrVtHbGwsYWFhbN26ldatW6s6tG8SGRlJgwYNuHLlSppiiH5+fhgaGqo2wO8UFRVF165dadGiBZ06dVJ1OP8XDAwMuHbtGs7Ozujp6eHv74+TkxPPnz+nSJEixMfHqzpEQcjXROeCIAjCZ7p3756pdj4+PjkcSdbl1y/teVHTpk1JTEykcuXK/Prrrzx9+hRra2uOHDnCwIED01yZErKPuro6QUFBmJubZ7g0qEwmQ01NLc8sMfspmUzGkSNHWLNmDXv37sXU1JSWLVuyePFiVYeWafm1GOLNmzdp0qQJz549U3Uo/xfMzc05fPgwpUqVUupcOHr0KN27d+fFixeqDlEQ8jXRuSAIgvAZiUSCvb09pUqV+uKSdZ8Pg82t8uuX9rwmMDCQ/v378+LFCwYPHkyPHj0AedGulJSUPPVDMK85deoUlStXRkNDg1OnTn2xbfXq1X9QVDkjLCyM9evXs3btWlGwNRc4c+YMTZo0ITw8XNWh/F/o2bMnoaGhbNu2DWNjYwICAlBXV6d58+ZUq1Yt19dcadmyZabb5uYlmIX/X6JzQRAE4TMDBgxg8+bN2Nvb061bNzp27IixsbGqwxIEQVBISkrC3d2df/75Bw8PD1WH880WL15M79690dbW/mrH2uDBg39QVN/v8xxkMhlBQUFs2LCB6tWrs2nTJhVF9v8lMjKS1q1bc+XKFd6/f0/hwoV58+YNFStW5MCBA7m+1tCnyy/LZDJ27dqFgYEBZcqUAeDq1atERETQsmVLUQRYyJVE54IgCEI6EhIS8PPzw8fHh3PnztG4cWN69OhBvXr18ky9hY+OHz/O8ePHeffuHVKpVOm+vDC1Iy/Lr3P987r4+HgCAgLSfU3klQKCANbW1hw7dixPdi44Ojpy5coVTExMcHR0zLCdmpoaT548+YGRfZ/Pc5BIJJiZmVGrVi3GjRuXL1b1yEvOnj2Lv78/0dHReHt7U6dOHVWH9M3GjBlDWFgYy5cvR11dHYCUlBT69++Pvr4+f/zxh4ojFIS0ROeCIAjCVzx//px169axfv16kpOTuX37Nrq6uqoOK1OmTZvG9OnTKVOmDFZWVmk6RvLK1I68Kr/P9c+LDh06ROfOnQkJCUlzX157Hn7//XcePHjA6tWr0dAQC4D9r707j6q6zv84/rqXVNAEXDClZBEFV9BsTPGASqNRbpWZORUI6IwyiqaWzsyvspSJHJemaLIcXPIk2KSmnmNloyBdXFHDJcEszTXLCBVIkeX3h7/4hYCiBN+7PB/neI73871/vDwudd/3836/AXvi4eEhi8WigICACuc5OTkKDg7Wjz/+aFAyoHr8lwgAbuKXD4VlZWU29cFDkhYtWqRly5YxqdwgW7ZsKW+pSU1NNTgNJGnSpEkaOXKkXnzxRd11111Gx6mV3bt3a/Pmzdq0aZO6detW6cq3LfRk23p7B6xLXFyc2rdvX6mVJjExUUePHrX6mQu/VlxcrOzs7ErFhezs7Eo3rgBrQXEBAKrw67YIi8WiIUOGKDExUeHh4TKbzUbHq7GioiIFBwcbHcNh/Xo4oK0PCrQX586d09SpU22+sCBJ7u7uGjFihNExaqVBgwY2ux6Q4XvWZ/Xq1Vq/fn2l8+DgYCUkJNhUcSEqKkoxMTH6+uuv1atXL0nSzp07lZCQUGE2A2BNKC4AwHViY2OVkpKitm3bKjo6WsnJyWrZsqXRsW7L2LFjtXLlSr3wwgtGR8H/KSws1IkTJ1RUVFThPDAw0KBEjuXxxx9XWlqa/Pz8jI5Sa/Yy0O3Pf/6zXnvtNZtr73BzczM6Aq7z448/Vvn74urqWmUrlDWbN2+eWrdurfnz5+vs2bOSpDZt2ui5557TtGnTDE4HVI2ZCwBwHbPZLC8vL/Xo0eOGwxtt4ZuoyZMn67333lNgYKACAwPVoEGDCs8XLFhgUDLH88MPPygqKkoff/xxlc9treXGVhUWFmrkyJHy8PBQt27dKv2dsIXNBM2aNavy3yY3Nzf5+/tr+vTpGjhwoAHJbs+jjz6qzZs3684777TZ9g5Yh65du2r8+PGaOHFihfM333xTb7/9tr788kuDktXOLwOBGfwLa2c75WEAqCcRERE2txGiOvv371f37t0lSQcPHjQ2jIObMmWK8vLytHPnTvXv319r167VuXPnNGfOHM2fP9/oeA4jOTlZmzZtkrOzs9LS0ir8XTeZTDZRXKjuandeXp727NmjIUOG6MMPP9TQoUPrN9htsof2DliHqVOnauLEifrhhx8UFhYm6drGpPnz59tUS8T1KCrAVnBzAQCAetCmTRutW7dOvXr1kqurqzIzM+Xv76/169dr7ty5slgsRkd0CK1bt1ZcXJxmzpxpU/NTbsWCBQv04Ycfatu2bUZHsXtff/214uPjy9f6enl5KT8/v/y5k5NTlRP/UXfefvttxcfH68yZM5IkHx8fzZo1SxEREQYnuzXnzp3T9OnTy1dJX/+RjdtusEYUFwDADtVk0JjJZNLq1avrIQ2ka9887d+/Xz4+PvL29tbKlSvVt29fHTt2TF26dFFhYaHRER1C8+bNtXv3bruYuVCdI0eOqHfv3srNzTU6yg3ZQ3vHlClT5OLioldffVWS1LRpU7344otq1aqVJGnVqlXy8vLSokWLjIzpkH744Qe5uLjYzOro6z300EM6ceKEJk6cWOUq6eHDhxuUDKgebREAYIcYNGZ9AgIClJOTIx8fHwUFBemdd96Rj4+PFi1apDZt2hgdz2FERkZq1apV+utf/2p0lDpz5coVNWzY0OgYN2UP7R2bN29WUlJShbMRI0aoXbt2kq59az527Fgjojmkl156SdHR0fL29paHh4fRcWrFYrHo888/L29tBGwBxQUAsEP2MkXeHhw7dky+vr6aPHly+cTvl156SeHh4Xr//ffVsGFDLVu2zNiQDqSkpERz587Vp59+ardDTpOSkmziA0lkZOQNn3fv3l2vvvqqVRcXjh8/Lk9Pz/LXY8eOrVDc9fHx0alTp4yI5pDWrVun+Ph49evXTzExMRoxYoQaNWpkdKzb0rZt20qtEIC1oy0CAIA6ZDab5e3trQEDBpT/uOeee1RYWKjs7Gx5eXnZ7KpTWzRgwIBqn5lMJm3ZsqUe09yeqVOnVnl+4cIF7d27V0eOHFF6erp69uxZz8l+W7bQ3uHm5qbPPvtMvXr1qvL5rl279Pvf/7582j/q3r59+7R06VIlJyeruLhYTz75pKKjo/W73/3O6Gi3ZNOmTZo/f375LTfAFnBzAQCAOrRlyxalpaUpLS1NycnJKioqUrt27RQWFqYBAwbo7rvvNjqiQ0lNTTU6Qq3t27evynNXV1cNHDhQa9aska+vbz2n+u3ZQntHly5d9N///rfa4sKnn36qrl271nMqx9ajRw/16NFD8+fP14YNG7R06VL17dtXHTt2VExMjMaMGWMTrYOjRo1SYWGh/Pz81Lhx40q3rKy56AbHRXEBAIA61L9/f/Xv31+SdPnyZW3btq282LB8+XJdvXpVHTt21KFDh4wNCpthDwWSmrCF9o6oqChNmTJFQUFBGjx4cIVnGzZsUEJCgk2vQLRlZWVlunr1qoqKilRWVqZmzZopMTFRL7zwghYvXqxRo0YZHfGGFi5caDdrseE4aIsAAKCeFRUVKSMjQx9//LHeeecd5efns1asngwYMOCG/8NuC20R9sJe2jtGjx6tVatWqWPHjuUrJ3NycpSTk6MRI0bogw8+MDihY9mzZ095W0SjRo0UERGhsWPHqn379pKkN998U3PmzNG5c+cMTgrYH4oLAADUsaKiIu3YsUOpqalKS0vTzp071bZtW4WGhio0NFT9+vWTl5eX0TEdwrPPPlvh9dWrV/XFF1/o4MGDioyM1D//+U+Dkjme6uZfuLq6KiAgQBMmTLCZ9o6UlBSlpKToyJEjkqQOHTpo9OjRevLJJw1O5li6deum7OxsDRo0SOPGjdPQoUPl5ORU4T3nz59Xq1atVFpaalDKmvllKOXIkSPl4uJidBygRiguAABQh8LCwrRz5075+vqqX79+CgkJUb9+/Vg/aWVmzZql/Px8zZs3z+goAG7T7NmzFR0dbRezbKZMmaKVK1fqypUreuKJJxQTE6PevXsbHQu4IYoLAADUoQYNGqhNmzZ65JFH1L9/f/Xr108tWrQwOhauc/ToUfXq1YshaaixW9kA4erqWodJYK+Ki4u1fv16LV++XB9//LHat2+v6OhoPfPMM7rrrruMjgdUQnEBAIA6VFBQoM8//1xpaWlKTU3VF198IX9/f/Xr16+82ODh4WF0TIe3YsUKzZgxQ2fOnDE6CmyE2Wyu8cA9ZqrUnepmd1RlwYIFdZikbn3//fd69913FR8fr5KSEj388MOKi4tTWFiY0dGAcmyLAACgDjVp0kTh4eEKDw+XJF26dEkWi0WpqamaO3eunnrqKXXo0EEHDx40OKljeOyxxyq8Lisr09mzZ5WZmakXXnjBoFSwRb/e2nH8+HHNnDlTY8aMUZ8+fSRJ27dv1/Lly/Xqq68aFdEhVLea9Xq2vHlh165dWrp0qVJSUtSqVSuNGTNGp0+f1pAhQxQbG0s7F6wGNxcAAKhHpaWl2r17t1JTU5WamiqLxaLLly/zzWY9iYqKqvDabDbLw8NDYWFhGjRokEGpYOseeOABjR07VqNHj65wvnLlSr377rtKS0szJhhs1vfff68VK1Zo6dKl+uqrrzR06FCNHTtWDz74YHmhxGKxKDw8XPn5+QanBa6huAAAQB0qLS1VZmZmeVtERkaGCgoKdPfdd2vAgAHlP7y9vY2OCuA2NW7cWFlZWerQoUOF8yNHjqh79+4qLCw0KBlsVcOGDeXn56fo6GiNGTOmyva5ixcvavjw4RVu0QBGorgAAEAdcnV1VUFBgVq3bl1eSOjfv7/8/PyMjubQMjMzdfjwYUlS586d1bNnT4MTwZYFBARo+PDhmjt3boXz559/XuvWrVNOTo5ByRzLo48+WmX7g8lkkrOzs9q3b68//OEPCggIMCDdrfn8888VEhJidAzgllBcAACgDr3zzjsaMGCA/P39jY4CSadOndLo0aOVkZEhd3d3SVJeXp6Cg4OVkpKie+65x9iAsEkbN27UiBEj1L59e91///2SrvXJf/XVV1q9erUefvhhgxM6hjFjxuijjz6Su7t7ecFw7969ysvL06BBg5SVlaXjx49r8+bN6tu3r8Fpb83WrVtVUFCgPn36qFmzZkbHAapEcQEAADiM8PBw5eXlafny5eXfXubk5CgqKkqurq765JNPDE4IW3Xq1Cn961//UnZ2tiSpU6dOGj9+vNq2bWtwMscxc+ZMXbx4UYmJiTKbzZKutaZNnjxZTZs2VXx8vMaPH69Dhw7JYrEYnLZqr732mvLz8zV79mxJ14bOPvTQQ9q0aZMkqVWrVtq8ebO6dOliZEygShQXAACAw3BxcdG2bdvUo0ePCud79uxRSEgIvfGADfPw8FBGRkalm2JHjhxRcHCwzp8/rwMHDigkJER5eXnGhLyJe++9VzNmzNCoUaMkSf/5z38UGRmpzz77TJ06dVJERIQaN26sDz74wOCkQGWsogQAAA6jbdu2unr1aqXzkpISeXp6GpAI9iIvL09JSUnlszy6dOmi6Ohoubm5GZzMcRQXFys7O7tScSE7O7t8I4+zs7NVr6U8duyYAgMDy19v3LhRjz/+eHkbx//8z/9o5MiRRsUDbshsdAAAAID68o9//EOTJk1SZmZm+VlmZqYmT57MrnjctszMTPn5+WnhwoXKzc1Vbm6uFixYID8/P+3du9foeA7jmWeeUUxMjBYuXCiLxSKLxaKFCxcqJiZGERERkq7NLrDmloLi4mI1atSo/PX27dsVHBxc/trT01Pnz583IhpwU7RFAAAAu9asWbMK31QWFBSouLhYd9xx7QLnLz9v0qSJcnNzjYoJGxYSEqL27dtr8eLFFf5cjR07Vt98843S09MNTugYSkpKlJCQoMTERJ07d06SdNddd2nSpEmaMWOGnJycdOLECZnNZqsd3tq9e3dNmTJFY8aM0YkTJ+Tj46ODBw+qc+fOkqRt27bpiSee0KlTpwxOClRGcQEAANi15cuX1/i9kZGRdZgE9srFxUX79u1Tx44dK5x/+eWXuu+++5jlYYCLFy9KurYO2JYsXrxYzz77rEaNGqUdO3bI3d1dGRkZ5c/nzJmjnTt3asOGDQamBKrGzAUAAGDXKBigrrm6uurEiROVigsnT55U06ZNDUrl2GytqPCLcePGycnJSRs2bFBoaKheeumlCs/PnDmjqKgog9IBN8bNBQAAYNd++QazJmz1AwmMFRcXp7Vr12revHnl/fEZGRl67rnnNGLECL3++uvGBrRj9957rzZv3qxmzZqpR48eNxzWyPwLoG5xcwEAANg1d3f3m06HLysrk8lkKp8oD9yKefPmyWQyKSIiQsXFxZKkBg0aaMKECUpISDA4nX0bPnx4+QDERx55xNgwv6GNGzfKyclJDz74YIXzTZs2qaSkRA899JBByYDqcXMBAADYta1bt9bofQcOHNDEiRPrOA3sWWFhob7++mtJkp+fnxo3bmxwIsdRUlKijIwMBQYGyt3d3eg4tRYYGKiEhAQ9/PDDFc4/+eQTzZgxQ1lZWQYlA6pHcQEAADisS5cuKTk5Wf/+97+1Z88ebi6g1n6Z4m+t2wjsmbOzsw4fPixfX1+jo9Sai4uLDh8+LB8fnwrnx48fV5cuXVRQUGBMMOAGzEYHAAAAqG/p6emKjIxUmzZtNG/ePIWFhWnHjh1Gx4KNKi0t1SuvvCI3Nzd5e3vL29tb7u7umj17tkpLS42O5zC6du2qb775xugYvwk3N7cqfy1Hjx5VkyZNDEgE3BwzFwAAgEP47rvvtGzZMiUlJenixYt64okndOXKFX300UflO+SB2/G3v/1NSUlJSkhIUN++fSVJFotFs2bN0uXLlxUfH29wQscwZ84cTZ8+XbNnz1bPnj0rfQi3pYGtw4cP15QpU7R27Vr5+flJulZYmDZtmoYNG2ZwOqBqtEUAAAC7N3ToUKWnp2vw4MF66qmnFB4eLicnJzVo0EBZWVkUF1Arnp6eWrRoUaUPfevWrVNsbKxOnz5tUDLH8Morr2jatGkV1n7+eoirLQ5svXDhgsLDw5WZmVneYnPq1CmFhIRozZo1djFXAvaH4gIAALB7d9xxh+Li4jRhwgR16NCh/JziAn4Lzs7O2r9/v/z9/Suc5+TkqHv37vr5558NSuYYnJycdPbsWR0+fPiG7+vXr189JfptlJWV6bPPPlNWVpZcXFwUGBio0NBQo2MB1aItAgAA2D2LxaKkpCT17NlTnTp10jPPPKMnn3zS6FiwE0FBQUpMTNQbb7xR4TwxMVFBQUEGpXIcv3xXamvFg5sxmUwaNGiQBg0aZHQUoEa4uQAAABxGQUGBVq1apSVLlmjXrl0qKSnRggULFB0dXeFKNXArtm7dqsGDB8vLy0t9+vSRJG3fvl0nT57Uxo0bFRISYnBC+2Y2m3Xu3Dl5eHgYHaVW3njjDf3xj3+Us7NzpULV9eLi4uopFVBzFBcAAIBDysnJUVJSklasWKG8vDwNHDhQ69evNzoWbNSZM2f01ltvKTs7W5LUqVMnxcbGytPT0+Bk9s9sNsvNza3CnIWq5Obm1lOi2+Pr66vMzEy1aNHihus0TSaT3WzFgH2huAAAABxaSUmJNmzYoCVLllBcAGyQ2WzW66+/Ljc3txu+LzIysp4SAY6J4gIAAABwi/bv31/j9wYGBtZhEpjNZn333Xdq1aqV0VEAh8ZARwAAAOAWde/eXSaTSTf7ns7WViDaopu1Q9iKqVOn1vi9CxYsqMMkwO2huAAAAADcomPHjhkdAf/HXi5i79u3r0bvs5diCuwPbREAAABALfz4449q0aKFJOnkyZNavHixfv75Zw0bNoxNEQAcBsUFAAAA4DYcOHBAQ4cO1cmTJ9WhQwelpKQoPDxcBQUFMpvNKigo0IcffqhHHnnE6KiwYadOnZIk3XPPPQYnAW7MbHQAAAAAwBY9//zz6tatm9LT09W/f38NGTJEgwcP1oULF/TTTz/pT3/6kxISEoyOCRtUWlqqV155RW5ubvL29pa3t7fc3d01e/ZslZaWGh0PqBI3FwAAAIDb0LJlS23ZskWBgYHKz8+Xq6urdu/erZ49e0qSsrOz1bt3b+Xl5RkbFDbnL3/5i5KSkvTyyy+rb9++kiSLxaJZs2Zp3Lhxio+PNzghUBnFBQAAAOA2XL8CsWnTpsrKylK7du0kSefOnZOnpyfbInDLPD09tWjRIg0bNqzC+bp16xQbG6vTp08blAyoHm0RAAAAwG26fnI/k/zxW8jNzVXHjh0rnXfs2FG5ubkGJAJujlWUAAAAwG0aM2aMGjVqJEm6fPmyxo8fryZNmkiSrly5YmQ02LCgoCAlJibqjTfeqHCemJiooKAgg1IBN0ZbBAAAAHAboqKiavS+pUuX1nES2JutW7dq8ODB8vLyUp8+fSRJ27dv18mTJ7Vx40ZWnMIqUVwAAAAAACtz5swZvfXWW8rOzpYkderUSbGxsfL09DQ4GVA1igsAAAAAAKBWmLkAAAAAAFbmp59+UlJSkg4fPixJ6ty5s6KiotS8eXODkwFV4+YCAAAAAFiR9PR0DR06VG5ubrrvvvskSXv27FFeXp42bNig0NBQgxMClVFcAAAAAAAr0q1bN/Xp00dvv/22nJycJEklJSWKjY3Vtm3bdODAAYMTApVRXAAAAAAAK+Li4qIvvvhCAQEBFc5zcnLUvXt3/fzzzwYlA6pnNjoAAAAAAOD/3XvvveWzFn7t8OHDCgoKMiARcHMMdAQAAAAAg+3fv7/853FxcZo8ebKOHj2q3r17S5J27Niht956SwkJCUZFBG6ItggAAAAAMJjZbJbJZNLNPp6ZTCaVlJTUUyqg5ri5AAAAAAAGO3bsmNERgFrh5gIAAAAAAKgVbi4AAAAAgBX68ssvdeLECRUVFVU4HzZsmEGJgOpRXAAAAAAAK/LNN9/o0Ucf1YEDByrMYTCZTJLEzAVYJVZRAgAAAIAVmTx5snx9ffX999+rcePGOnTokNLT03XfffcpLS3N6HhAlZi5AAAAAABWpGXLltqyZYsCAwPl5uamXbt2KSAgQFu2bNG0adO0b98+oyMClXBzAQAAAACsSElJiZo2bSrpWqHhzJkzkiRvb2/l5OQYGQ2oFjMXAAAAAMCKdO3aVVlZWfL19dX999+vuXPnqmHDhnr33XfVrl07o+MBVaItAgAAAACsyKeffqqCggI99thjOnr0qIYMGaIjR46oRYsWSklJ0QMPPGB0RKASigsAAAAAYOVyc3PVrFmz8o0RgLVh5gIAAAAAWJHo6GhdunSpwlnz5s1VWFio6Ohog1IBN8bNBQAAAACwIk5OTjp79qxatWpV4fz8+fNq3bq1iouLDUoGVI+BjgAAAABgBS5evKiysjKVlZXp0qVLcnZ2Ln9WUlKijRs3Vio4ANaC4gIAAAAAWAF3d3eZTCaZTCb5+/tXem4ymfTyyy8bkAy4OdoiAAAAAMAKbN26VWVlZQoLC9Pq1avVvHnz8mcNGzaUt7e3PD09DUwIVI/iAgAAAABYkW+//VZeXl5shoBNYVsEAAAAAFgRb29vWSwWPf300woODtbp06clSStWrJDFYjE4HVA1igsAAAAAYEVWr16tBx98UC4uLtq7d6+uXLkiSbpw4YL+/ve/G5wOqBrFBQAAAACwInPmzNGiRYu0ePFiNWjQoPy8b9++2rt3r4HJgOpRXAAAAAAAK5KTk6PQ0NBK525ubsrLy6v/QEANUFwAAAAAACvSunVrHT16tNK5xWJRu3btDEgE3BzFBQAAAACwIuPGjdPkyZO1c+dOmUwmnTlzRu+//76mT5+uCRMmGB0PqNIdRgcAAAAAAPy/mTNnqrS0VA888IAKCwsVGhqqRo0aafr06Zo0aZLR8YAqmcrKysqMDgEAAAAAqKioqEhHjx5Vfn6+OnfurDvvvNPoSEC1uLkAAAAAAFYgOjq6Ru9bsmRJHScBbh03FwAAAADACpjNZnl7e6tHjx660ce0tWvX1mMqoGa4uQAAAAAAVmDChAlKTk7WsWPHFBUVpaefflrNmzc3OhZQI9xcAAAAAAArceXKFa1Zs0ZLlizRtm3bNHjwYMXExGjQoEEymUxGxwOqRXEBAAAAAKzQt99+q2XLlum9995TcXGxDh06xFBHWC2z0QEAAAAAAJWZzWaZTCaVlZWppKTE6DjADVFcAAAAAAArceXKFSUnJ2vgwIHy9/fXgQMHlJiYqBMnTnBrAVaNgY4AAAAAYAViY2OVkpKitm3bKjo6WsnJyWrZsqXRsYAaYeYCAAAAAFgBs9ksLy8v9ejR44bDG9esWVOPqYCa4eYCAAAAAFiBiIgINkLAZnFzAQAAAAAA1AoDHQEAAAAAQK1QXAAAAAAAALVCcQEAAAAAANQKxQUAAAAAAFArFBcAAAAAAECtUFwAAAAAAAC1QnEBAAAAAADUCsUFAAAAAABQK/8LZ4adE/U+UdQAAAAASUVORK5CYII=", + "image/png": "iVBORw0KGgoAAAANSUhEUgAABBcAAARaCAYAAAAXepqDAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8pXeV/AAAACXBIWXMAAA9hAAAPYQGoP6dpAAEAAElEQVR4nOzddXhT1xsH8G9Sd3d3g5bixd2d4QyXMWQM2IDh2xgyYAwYw90LxUZxd3enFGkp1N2b/P4IpE2bAj+SrLLv53nyQG7fe/Oe3HPPTU7OPVcgFovFICIiIiIiIiL6QsKSToCIiIiIiIiIyjZ2LhARERERERGRQti5QEREREREREQKYecCERERERERESmEnQtEREREREREpBB2LhARERERERGRQti5QEREREREREQKYecCERERERERESmEnQtEREREREREpBB2LhAREdF/yqlTpyAQCHDq1CmlblcgEGD69OlK3SYREVFZwc4FIiIqt+7evYuvvvoKTk5O0NbWhp2dHZo2bYrFixeXdGrlzrt37zBu3Dh4e3tDV1cXenp6qFKlCn799VckJiaWdHpKExoayg4EIiIiOQRisVhc0kkQEREp24ULF9CwYUM4Ojqib9++sLa2xuvXr3Hp0iWEhYXh2bNnJZ1iuXH16lW0atUKqamp6N27N6pUqQIAuHbtGrZt24ZatWrhyJEjJZxlvlOnTqFhw4Y4efIkGjRo8H+tO2LECPz111+Q9/EpMzMT6urqUFdXV1KmREREZQfPfkREVC7NnDkTRkZGuHr1KoyNjWX+Fh0dXTJJfYbc3FyIRCJoamqWdCqfJTExER07doSamhpu3rwJb29vmb/PnDkTK1euVMprpaenQ1dXt8jy0vKeaWtrl+jrExERlSReFkFEROVSWFgY/Pz8inQsAIClpaXMc4FAgBEjRmDz5s3w8vKCtrY2qlSpgjNnzhRZNzIyEgMGDICVlRW0tLTg5+eHNWvWyMRkZ2dj6tSpqFKlCoyMjKCnp4e6devi5MmTMnEvXryAQCDAvHnzsHDhQri5uUFLSwsPHjzA9OnTIRAI8OTJE/Tu3RtGRkawsLDAlClTIBaL8fr1a7Rv3x6GhoawtrbG/PnzFc5hxYoV0hyqVauGq1evfvJ9Xr58OSIjI7FgwYIiHQsAYGVlhcmTJ8ssW7p0Kfz8/KClpQVbW1sMHz68yKUTDRo0QIUKFXD9+nXUq1cPurq6+Omnnz76ngHAo0eP8NVXX8HU1BTa2tqoWrUq9u3b98lynD17Fl26dIGjoyO0tLTg4OCA77//HhkZGdKYfv364a+//gIgqTMfHh/Im3Ph5s2baNmyJQwNDaGvr4/GjRvj0qVLMjHr1q2DQCDA+fPnMWbMGFhYWEBPTw8dO3ZETEzMJ3MnIiIqDThygYiIyiUnJydcvHgR9+7dQ4UKFT4Zf/r0aWzfvh2jRo2ClpYWli5dihYtWuDKlSvS9d+9e4eaNWtKOyMsLCxw8OBBDBw4EMnJyRg9ejQAIDk5GatWrUKPHj0wePBgpKSkYPXq1WjevDmuXLmCSpUqybz22rVrkZmZiSFDhkBLSwumpqbSv3Xr1g0+Pj6YPXs2Dhw4gF9//RWmpqZYvnw5GjVqhDlz5mDz5s0YN24cqlWrhnr16n1RDlu2bEFKSgqGDh0KgUCAuXPnolOnTnj+/Dk0NDSKfd/27dsHHR0dfPXVV5+xV4Dp06djxowZaNKkCYYNG4bHjx/j77//xtWrV3H+/HmZ14qLi0PLli3RvXt39O7dG1ZWVh99z+7fv4/atWvDzs4OEyZMgJ6eHnbs2IEOHTpg165d6NixY7F5BQcHIz09HcOGDYOZmRmuXLmCxYsXIyIiAsHBwQCAoUOH4s2bNzh69Cg2btz4ybLev38fdevWhaGhIX788UdoaGhg+fLlaNCgAU6fPo0aNWrIxI8cORImJiaYNm0aXrx4gYULF2LEiBHYvn37Z723REREJUpMRERUDh05ckSspqYmVlNTEwcFBYl//PFH8eHDh8XZ2dlFYgGIAYivXbsmXfby5Uuxtra2uGPHjtJlAwcOFNvY2IhjY2Nl1u/evbvYyMhInJ6eLhaLxeLc3FxxVlaWTExCQoLYyspKPGDAAOmy8PBwMQCxoaGhODo6WiZ+2rRpYgDiIUOGSJfl5uaK7e3txQKBQDx79myZbevo6Ij79u0rE/v/5GBmZiaOj4+XLt+7d68YgHj//v1F3q+CTExMxAEBAR+N+SA6OlqsqakpbtasmTgvL0+6fMmSJWIA4jVr1kiX1a9fXwxAvGzZMpltfOw9a9y4sbhixYrizMxM6TKRSCSuVauW2MPDQ7rs5MmTYgDikydPSpd92HcFzZo1SywQCMQvX76ULhs+fLi4uI9PAMTTpk2TPu/QoYNYU1NTHBYWJl325s0bsYGBgbhevXrSZWvXrhUDEDdp0kQsEomky7///nuxmpqaODExUe7rERERlSa8LIKIiMqlpk2b4uLFi2jXrh1u376NuXPnonnz5rCzs5M7TD4oKEg6ESEAODo6on379jh8+DDy8vIgFouxa9cutG3bFmKxGLGxsdJH8+bNkZSUhBs3bgAA1NTUpNf/i0QixMfHIzc3F1WrVpXGFNS5c2dYWFjILcegQYOk/1dTU0PVqlUhFosxcOBA6XJjY2N4eXnh+fPnMrH/Tw7dunWDiYmJ9HndunUBQGab8iQnJ8PAwOCjMR8cO3YM2dnZGD16NITC/I8ggwcPhqGhIQ4cOCATr6Wlhf79+8vdVuH3LD4+HidOnEDXrl2RkpIi3TdxcXFo3rw5nj59isjIyGJz09HRkf4/LS0NsbGxqFWrFsRiMW7evPlZ5SsoLy8PR44cQYcOHeDq6ipdbmNjg549e+LcuXNITk6WWWfIkCEyl1nUrVsXeXl5ePny5f/9+kRERP82di4QEVG5Va1aNYSEhCAhIQFXrlzBxIkTkZKSgq+++kp6jf4HHh4eRdb39PREeno6YmJiEBMTg8TERKxYsQIWFhYyjw9fgAtOFLl+/Xr4+/tDW1sbZmZmsLCwwIEDB5CUlFTkdVxcXIotg6Ojo8xzIyMjaGtrw9zcvMjyhIQEmWX/Tw6FX+dDR0PhbRZmaGiIlJSUj8Z88OFLspeXl8xyTU1NuLq6FvkSbWdnV+wkjYXfs2fPnkEsFmPKlClF9s+0adMAfHwiz1evXqFfv34wNTWFvr4+LCwsUL9+fQCQ+359SkxMDNLT04uUFQB8fHwgEonw+vVrmeVfug+IiIhKA865QERE5Z6mpiaqVauGatWqwdPTE/3790dwcLD0S+fnEIlEAIDevXujb9++cmP8/f0BAJs2bUK/fv3QoUMH/PDDD7C0tISamhpmzZqFsLCwIusV/NW8MDU1tc9aBkDm9oj/bw6fs015vL29cevWLWRnZyv9bg0fe18K/+3D/hk3bhyaN28udx13d3e5y/Py8tC0aVPEx8dj/Pjx8Pb2hp6eHiIjI9GvXz/ptlXtS/cBERFRacDOBSIi+k+pWrUqACAqKkpm+dOnT4vEPnnyBLq6utLh9wYGBsjLy0OTJk0++ho7d+6Eq6srQkJCZIa5/z+dGYr6t3Jo27YtLl68iF27dqFHjx4fjXVycgIAPH78WOZSgezsbISHh3/yff2YD9vT0ND4v7dz9+5dPHnyBOvXr0efPn2ky48ePVoktuB7+TEWFhbQ1dXF48ePi/zt0aNHEAqFcHBw+L/yJCIiKs14WQQREZVLJ0+elPuLb2hoKICiQ/MvXrwoMxfB69evsXfvXjRr1gxqampQU1ND586dsWvXLty7d6/IdgveMvDDL9AFX//y5cu4ePGiYoX6P/xbOXzzzTewsbHB2LFj8eTJkyJ/j46Oxq+//goAaNKkCTQ1NbFo0SKZvFavXo2kpCS0bt36i/OwtLREgwYNsHz58iIdRwA+ektHee+VWCzGn3/+WSRWT08PAIrcOlPeNps1a4a9e/fixYsX0uXv3r3Dli1bUKdOHRgaGn50G0RERGUJRy4QEVG5NHLkSKSnp6Njx47w9vZGdnY2Lly4gO3bt8PZ2bnIRIEVKlRA8+bNZW5FCQAzZsyQxsyePRsnT55EjRo1MHjwYPj6+iI+Ph43btzAsWPHEB8fDwBo06YNQkJC0LFjR7Ru3Rrh4eFYtmwZfH19kZqa+q+U/9/KwcTEBLt370arVq1QqVIl9O7dWzox5o0bN7B161YEBQUBkPyaP3HiRMyYMQMtWrRAu3bt8PjxYyxduhTVqlVD7969Fcrlr7/+Qp06dVCxYkUMHjwYrq6uePfuHS5evIiIiAjcvn1b7nre3t5wc3PDuHHjEBkZCUNDQ+zatUvuXAcfyjZq1Cg0b94campq6N69u9zt/vrrrzh69Cjq1KmDb7/9Furq6li+fDmysrIwd+5chcpKRERU2rBzgYiIyqV58+YhODgYoaGhWLFiBbKzs+Ho6Ihvv/0WkydPhrGxsUx8/fr1ERQUhBkzZuDVq1fw9fXFunXrpPMoAICVlRWuXLmCn3/+GSEhIVi6dCnMzMzg5+eHOXPmSOP69euHt2/fYvny5Th8+DB8fX2xadMmBAcH49SpU/9K+f/NHGrUqIF79+7h999/x4EDB7Bx40YIhUL4+PhgwoQJGDFihDR2+vTpsLCwwJIlS/D999/D1NQUQ4YMwW+//QYNDQ2F8vD19cW1a9cwY8YMrFu3DnFxcbC0tERgYCCmTp1a7HoaGhrYv38/Ro0ahVmzZkFbWxsdO3bEiBEjEBAQIBPbqVMnjBw5Etu2bcOmTZsgFouL7Vzw8/PD2bNnMXHiRMyaNQsikQg1atTApk2bUKNGDYXKSkREVNoIxJwliIiI/uMEAgGGDx+OJUuWlHQqRERERGUS51wgIiIiIiIiIoWwc4GIiIiIiIiIFMLOBSIiIiIiIiJSCDsXiIjoP08sFnO+BSIiIiq1zpw5g7Zt28LW1hYCgQB79uz55DqnTp1C5cqVoaWlBXd3d6xbt06lObJzgYiIiIiIiKgUS0tLQ0BAAP7666/Pig8PD0fr1q3RsGFD3Lp1C6NHj8agQYNw+PBhleXIu0UQERERERERlRECgQC7d+9Ghw4dio0ZP348Dhw4gHv37kmXde/eHYmJiTh06JBK8uLIBSIiIiIiIqJ/UVZWFpKTk2UeWVlZStv+xYsX0aRJE5llzZs3x8WLF5X2GoWpq2zLRB9xQMOrpFNQWNqZhyWdglJk5wpKOgWlyM0r++XQ1RKVdAr0Xnk5LtTVSjoD5cjNK+kMFCcSlY86patd9tupzOzysS+MdMvBgQEgLavsN1RCQfkYCN41qGz+7lxWv1dcndQDM2bMkFk2bdo0TJ8+XSnbf/v2LaysrGSWWVlZITk5GRkZGdDR0VHK6xTEzgUiIiIiIiKif9HEiRMxZswYmWVaWlollI1ysHOBiIiIiIiI6F+kpaWl0s4Ea2trvHv3TmbZu3fvYGhoqJJRCwDnXCAiIiIiIiIqV4KCgnD8+HGZZUePHkVQUJDKXpMjF4iIiIiIiKhMEmiUj3lUPiU1NRXPnj2TPg8PD8etW7dgamoKR0dHTJw4EZGRkdiwYQMA4JtvvsGSJUvw448/YsCAAThx4gR27NiBAwcOqCxHjlwgIiIiIiIiKsWuXbuGwMBABAYGAgDGjBmDwMBATJ06FQAQFRWFV69eSeNdXFxw4MABHD16FAEBAZg/fz5WrVqF5s2bqyxHgVgsLh/Tm1KZUlZndS2Id4soXXi3CFKm8nJc8G4RpQfvFlF68G4RpQvvFlF6lNW7RYTqepd0Cl+kVfqjkk5B6XhZBBEREREREZVJQvXy0WFYHpTN7ikiIiIiIiIiKjXYuUBERERERERECmHnAhEREREREREphHMuEBERERERUZkk0ODv5aUF9wQRERERERERKYSdC0RERERERESkEHYuEBEREREREZFCOOcCERERERERlUlCdUFJp0DvceQCERERERERESmEnQtEREREREREpBBeFkFERERERERlkkCDl0WUFhy5QEREREREREQKYecCERERERERESmEnQtEREREREREpBDOuUBERERERERlEm9FWXpw5AIRERERERERKYSdC0RERERERESkEF4WQaWeaZ2qcB07EEaVK0Db1hLXOn+Ld/uOf3ydetXhO28C9H09kPk6Cs9m/Y2IDbtlYpyG9YTrmIHQsrZA8p1HuD/6FyRdvavKouDysc04d3ANUpNiYe3ojda9J8He1b/Y+HtXDuF4yCIkxkbC1NoJzbuMhWdAfenf7187gqsnt+PNi/vISEvCtzNCYOPko9IyAIBYLMbpvYtx82wwMtOT4eBeGS17T4OZlfNH17t6YjMuHl6N1KRYWDl4o0WPybArUP4bp7fj3uV/EPXqAbIz0/DDoivQ1jVUWRnO7l+EW2eDkZWRDHu3ymjeczpMP1GG6yc34/LR1UhNioGlvTeadZ8CW5f8MhzcNBUvHl5AalI0NLR0Ye8WiIadxsHM2k3pZSgv9am8lKM8HBeXj2/GhYPvc3H0Rqtekz+6L+5fPYQTIX9K9oWVE5p2GSezL8RiMU7uWYzrpyXviaNHZbT5ehrMrJ1Vkn/B1y3r++JDOc7sW4SbBdqplr0+3U5dO7kZl45I2ikre2806zEFdgXaqdCNUxH+vp3S1NKFnVsgGnUaB3Mb5bdTl45txtnQ98e3gzfafD0JDm7F16m7Vw7h2C7J8W1m5YTm3cbC632dysvNwdFdf+LJ7TOIj46Atq4+3PyC0LzrWBiaWCo994LKQ506f2QLTv2zFilJsbBx9ELHvj/B0b34fXH70mEcCl6MhNhImFs7oXX3MfAJrCf9+7ZlP+Hamb0y63j518bgCStUkv8H5aGdKi/nPaLCOHKBSj01PV0k33mMe6NmfFa8jrM9qu1bjrhTl3GuanuEL16Pist/hXnTOtIYmy4t4fP7RDz99S+cq94RKXceocaB1dC0MFVVMXD3cigObpuDhh2GY9iMXbB28ML6eYORmhwnN/7V05sIXjYOVep1xrCfQ+AT2BhbFo3Eu4gn0picrAw4eVZGs65jVZa3PBcOrcKV4xvRqvd0DPhpBzS0dLDlj0HIzckqdp37V0JxdMds1Gs7HIOnhsDKwQtbFg5CWoHy52Rnwq1CXdRpNVTlZbh0eCWundiIFr2mo+8ESRm2Lxr40TI8uBqK4ztnoU7r4RgwaTes7L2xfdFAmTJYO/qhdd9ZGDw9FN2/Ww2xWIxtCwdCJMpTav7lpT6Vl3IAZf+4uHc5FIe3zUaD9sMxdHoIrB28sHH+oI/sixvYuWwsAut9hW9m7IZ35SbYtniEzL44F7oKl49uRNs+0zF4yg5oaOpg44JByPnIe6IMZX1ffHDx8EpcPbERLXtPR7+JknJs/fPT7dSx4Fmo22Y4Bk7eDUsHb2z7s1A75eSHtv1mYegMSTsFsRhbVdBO3bkUitAtc9Cow3AM/3kXrB29sO734o/vl09vYsfScaharzOG/xwCn8qNsXlh/vGdk52JNy8eoGH7YRj+yy70HLUIsVEvsPGPb5WatzxlvU7dungQ+zbNRdNO32L0zGDYOnph5eyhSEmSvy9ePLmJzUt+QPUGnfD9bztRoUojrFswElGvn8rEeQXUwdSlp6SPXiN+V2k5ykM7VZ7Oe6WFQENQJh/lETsXypmdO3eiYsWK0NHRgZmZGZo0aYK0tDQAwKpVq+Dj4wNtbW14e3tj6dKlMuteuXIFgYGB0NbWRtWqVbF7924IBALcunULAHDq1CkIBAIcP34cVatWha6uLmrVqoXHjx+rtEwxh8/gybSFeLf32GfFOw3pjozwCDz8cQ5SHz3Hy6Wb8XbXYbh8108a4zK6P16v3oGI9SFIfRiGu99OQ156Jhz6dVZRKYALh9ejav0uqFy3Eyzt3NG273RoaGrjxpkQufEXj26Ae8U6qNNqICxt3dCk83ewcfLB5WNbpDGVardHw/bD4eZbS2V5FyYWi3Hl2AbUbfMNvAIbw8rBC+0HzEFKYjQe3Sx+H106ug6BdbugUp3OsLB1R+veM6ChqY1b53ZJY2o07YvarYbAzjVA5WW4enwDarcaBs9KTWBp7402/eciJTEaT24VX4Yrx9YioE5X+NfuDHNbd7ToNQPqmtq4cyG/DIH1usHRsxqMze1h7eiH+u1HIzkhCklxkUotQ3mpT+WlHOXhuLhwZB2q1OuCwLqdYWnnjjZ9JLncPLtLbvyloxsl+6LlQFjYuqFxp+9g4+SLK8c3A5C8J5eObkC9tt/Au3JjWDt4odPgOUhJiMajG5/Xnn+J8rAvCpajTuth8KrUBFb23mj3vp16/JFyXD66FpXqdEVAbUk5Wr1vp26fzy9H5QLtlI2TH+p3eN9OxSq3nTp/aD2qNuiCKvUkx3f7ftOhoaWN66eLOb4Pb4BHxTqo23ogLO3c0PSr72Dr7IOLRyXHt7auAQaMX4OKNVrCwsYFju6V0LbPZLx5cR+JsW+UmntB5aFOnQ5djxoNv0L1Bh1hbe+OzgOnQUNLG1eL2RdnD22CV0AdNGw7AFZ2bmjRdRTsXHxx/sgWmTh1dU0YGltIH7r6RiotR3lop8rLeY9IHnYulCNRUVHo0aMHBgwYgIcPH+LUqVPo1KkTxGIxNm/ejKlTp2LmzJl4+PAhfvvtN0yZMgXr168HAKSmpqJNmzbw9fXF9evXMX36dIwbN07u60yaNAnz58/HtWvXoK6ujgEDBvybxfwk45qVEHviosyymKPnYFKzEgBAoKEBo8p+iD1+IT9ALEbsiQswrhmokpxyc7Px5sV9uPoGSZcJhUK4+QXhddgtueu8fnYbbgXiAcC9Yh28Kib+35IYG4HUpBi4+OSfwLR1DWDn6o/IYnLLy81G1Mv7cClw0hMIhXDxCULEc/nrqFJibATSkmPgXLAMOgawdQlA5PObctfJy83G21f3ZcotEArh7F2r2HWys9Jx50IIjM3tYWhirbT8y0t9Ki/lAMr+cZGbm42oF/fh6pefi1AohKtvEF4/k59LRNgtuBb6IOtWobZ03yXESN6TgtvU1jWAnZt/sdtUhrK+Lz6Q207pGsDuE+1UlJx2ysWnFiI+1k6df99OmSq/nXL3kz2+3X2D8KqY/f/q2W24+RU9vj9WXzLTUyAQCKCtp7rLU8p6ncrNzUZk+AN4VpDdFx4VauLl09ty13n59BY8KtSUWeblXxsvn96SWRb28CqmfVMXc8a2xq7VPyMtJVHZ6UuVh3aqPJ33iOThnAvlSFRUFHJzc9GpUyc4OTkBACpWrAgAmDZtGubPn49OnToBAFxcXPDgwQMsX74cffv2xZYtWyASibB69Wpoa2vDz88PERERGDZsWJHXmTlzJurXl1znNWHCBLRu3RqZmZnQ1tb+l0r6cVpW5sh6FyuzLOtdLDSMDCDU1oKGiRGE6urIio4rFBMHPS9XleSUnpIIkSgP+kZmMsv1Dc0QGxUud53UpFjoG5kXiU9NipUb/29JTYoBAOgZypZFz9C82NzSUxMgFuVBX846sW/ll1+V0pKLK4MZ0j5RBl2DouvEvX0us+z6qc04GTIPOVnpMLVyQffRa6Gmrqm0/MtLfSov5QDK/nGRnpIg2ReFctE3Kj6X1KRYufEfyvvhPSkS85H3RBnK+r74QNpOyWlzUpM/Xo4iZTcwQ1yUbDt17dRmnNglaafMrFzQU1XtVJE6YoaY//P4Tilmv+VkZ+Hwjvnwr9ka2jr6yklcbl5lu06lFdPWGhiZIfqN/FxSEmNhULhtNjJDSmL+Zycv/zqoWK0JTC3sEffuNUJ3LMSqOUMx8uctEArVlF6O8tBOlafzXmnCW1GWHuxcKEcCAgLQuHFjVKxYEc2bN0ezZs3w1VdfQVNTE2FhYRg4cCAGDx4sjc/NzYWRkWT42sOHD+Hv7y/TQRAUFFTkNQDA3z9/whkbGxsAQHR0NBwdHeXGZ2VlIStL9rq1HLEIGgIOnCkL7l7ajwMbp0mf9xi1rASz+TL3Lu/Doc35Zeg6YrlKX8+vRju4+NRGalIMLh9djT0rRuPrH7dCXUNLpa9L/57ycFyUF+VlX9y7vA+hm/LL0U3F7VSF6u3g+r6dunRkNUJWjEbf8WWnncrLzcG2v76HWCxGu37TPr3C/6G81ClVC6zVSvp/G0dP2Dh6Ytb3LRD24GqRUQ9E9N/AzoVyRE1NDUePHsWFCxdw5MgRLF68GJMmTcL+/fsBACtXrkSNGjWKrPP/0tDQkP5fIJD0FIpEomLjZ82ahRkzZCdj7CEwRS8182LWUEzWu1hoWcluW8vKHDlJKRBlZiE7NgGi3FxoWZoVijFD1lvV9ALrGhhDKFRDaqGJk1KT44r0Rn9QsGf9c+JVxbNSQ5lZxnNzswEAaclxMDDOn507LTkW1g7yZybW1TeBQKhWZLKitOSivfGq4BHQCLYu+dez5hUog75RwTLEwcrBW+42PpQhPaVwGYruE20dA2jrGMDUyhl2rgH44/vqeHzzKPyqt1FKecpyfSqoLJejPBwXMrkYmEj2RaFcJL/6fWRfyIt/n7u+kYVkWaH3JPUj78mXKC/7wiOgEQbJa6dSCpfj0+1UWuFypMRBr3A7pWsAbd38dmr+aBW1U0XqyP9/fBsUis/LzcHWv75HYuwbDJywVumjFspLnfpAr5i2NiUpDobG8nMxMDYvMtljalIcDIzN5MYDgJmVA/QMTBD77pVKOhfKcjv1QVk+7xF9Dv50XM4IBALUrl0bM2bMwM2bN6GpqYnz58/D1tYWz58/h7u7u8zDxcUFAODj44M7d+4gMzNTuq1Lly4pJaeJEyciKSlJ5tFVqLq7MiReugWzRrInNfPGtZBw6RYAQJyTg6Qb92HeqMDIDIEAZg2DkHhJ/jWpilJX14Stsx+eP8h/T0UiEZ4/uAQHt0py13FwD5CJB4Cw+xfgWEy8qmhp68PUykn6sLB1h76RBcIf5s9rkZWRisjnd2BXTG5q6pqwcfLDiwLriEUihD+6BHtX+esok5a2PkwtnaQPcxt36Bla4MUj2TK8Cb8NO1f5826oqWvC2rFoGV4+uljsOgAgFksmjPrwRUEZynJ9Kqgsl6M8HBcFqatrwsbZD88f5OciEokQ/vASHNzl52LvVkkmHgCe378g3XcmFvbQN7KQicnMSEVk2J1it/klysu+KLadKlyOT7RTNo5+Mm2bWCTCi4cXYf8Z7VSuCtqpsPuyx3fYg0twLGb/O7oHIKzw8X3vgkx9+dCxEPf2JQaMXwNdAxOl5fxBealTH6ira8LOxRdPC+2LZ/cvw8lD/kSSTh6V8PSe7L54cvcinDwqFfs6iXFvkZ6aWGyHhaLKcjv1QVk+7xF9DnYulCOXL1/Gb7/9hmvXruHVq1cICQlBTEwMfHx8MGPGDMyaNQuLFi3CkydPcPfuXaxduxYLFiwAAPTs2RMCgQCDBw/GgwcPEBoainnz5iklLy0tLRgaGso8/p9LItT0dGEY4A3DAMkvNbou9jAM8Ia2g+SSDK9fxyBg7Rxp/MsV26Dr4gDvWT9Az8sVTt/0hE2Xlgj/c500JnzhWjgM7Aq7rztA39sVFf6aDnU9HbxeL3+mXmWo1bwvrp8Oxs1zexD9Jgz7N8xAdlYGKtftCADYuWI8jgQvkMYHNe2Dp/fO4fzBtYh58xwndi/Bm/D7qNGkpzQmPTURUS8fIubNMwBA7NtwRL18iJTEGJWVQyAQoHqTPjh3YBke3zqBdxGPsWf1eBgYW8I7sIk0buO8frh6YpP0ec2m/XDjTDBun9+NmDdhCN00HTlZGQio3Ukak5oUg7evHiIh+hUAIDriCd6+eoiM1ESll6Fa4z64EPo3nt4+jujIx9i/9kcYGFvCs1J+GbYs6ItrJ/PLUL1Jf9w6twN3Lu5GbFQYDm2ZjpzsDPjXkpQhIeY1LhxcjqiX95AU/wYRYTewe8UoqGtqw61C/SJ5KKK81KfyUo7ycFzUatYPN04H49Y5SS7/bJiO7KwMBNaR5BKycjyOBs8vkPvXeHbvHM4fWoOYqOc4uWcx3ry4j+qNe0nfk5pN++DM/mV4dPME3r1+jN0rx8PAxBLelZvIS0EpysO+KFiO86F/48mt44iOeIx9ayTtlFeBcmxe0FemHDWa9sfNsztw54KknTq4+X07VTu/nTr/oZ2Kk7RTIctHQUNTG+5Kbqdqt+iLa6eDcePsHkRHhmHfesnxXaWe5PgOXj4eh3cUOL6b98HTu+dw7v3xfTxkCSLD7yOoqeT4zsvNwZbFo/Em/D66DvsdIlEeUhJjkJIYo9SOkcLKQ52q36ovLp/ciatn9uBdZBhC1vyM7MwMVKsv2Rdbl05E6LY/pPF1W/TG4zvncerAOkRHPsfhnX8h4vk91G4m2RdZmWnYv3keXj69jfiYSDy9dwlr54+EmZUjvPzryM1BGcpDO1VeznuliUBNUCYf5REviyhHDA0NcebMGSxcuBDJyclwcnLC/Pnz0bJlSwCArq4ufv/9d/zwww/Q09NDxYoVMXr0aACAvr4+9u/fj2+++QaBgYHw9fXFnDlz0Lmz6m7N+LmMqlRA0PGN0ue+834CALzeEII7AydCy8YCOu87GgAg40UErrYbCt/5E+E8sg8yI97i7tDJiD16ThoTFXwQmham8Jw2ClrWFki+/RBX2gxCdqFJHpWpYo1WSEtJwPHdi5CaFAsbRx/0GbtCOqwtKS4KwgKdLo4egegy9HccC/kTR3f9ATMrJ/QctRhW9p7SmEc3T2L36p+kz3f8Lbm/ccP2w9Go4wiVlaVWi0HIycrAgQ1TkZmeDEePKug5eqXMtboJMa+QnpIgfe5XvRXSU+Nxeu9ipCbHwMrBBz1Hr5QZ1nf91Dac2f+X9Pn6ub0BAO36/ybzYUwZajYfjJzsDBzcJCmDg3sVdB21SqYMibGvkZGaXwbfapIynN23CGnJMbC090HXUaug9344prqGJl4/u4arx9cjMz0ZeoZmcPCoij4/bi0yEZiiykt9Ki/lAMr+cVGhRiukpcTjxJ7FSE2KgbWjD74es7LAvngjvRQOABw9KuOrofNwPGQhju/6A2ZWzug+conMvqjTahBysjOwf93798SzCnqPWQkNFV/XX9b3xQdBzQcjJysDoQXaqe7frSpUjqLtVFpKPE6/b6es7H3QfdQq6bBxdQ1NvH56DVePrUfG+3bK0aMq+o5XfjvlX/P98R2yCCnvj+9+P8ge34ICx7eTRyC6Dvsdx3b+iSPBkuO71+j84zs5IRqPbp4AACyZ3FHmtQZOXA9Xn+pKzb+gsl6nKgW1RGpyPA7vXIKUxFjYOnlj0ITl0ktOEuKiIBDmH9/OnoHoNXwuDgUvwsHtC2Fu7YR+YxbDxsEDACAUqiHq1WNcO7sXmWnJMDSxhGfFWmjRdSTUNZQ3MWhh5aGdKk/nPaLCBGKxWFzSSVDp9OLFC7i4uODmzZuoVKmSUrd9QMNLqdsrCWlnHpZ0CkqRnVs+ek5z88p+OXS1ip+7hP5d5eW4UFf+hO0lIjevpDNQnEhUPuqUrnbZb6cys8vHvjDSLQcHBoC0rLLfUAkF5ePrVNegsjmo/UwF1dxKXtXq3VPN5dgliSMXiIiIiIiIqEwSltNLDMqistk9RURERERERESlBkcuULGcnZ3Bq2aIiIiIiIjoUzhygYiIiIiIiIgUwpELREREREREVCYVvNMJlSyOXCAiIiIiIiIihbBzgYiIiIiIiIgUws4FIiIiIiIiIlII51wgIiIiIiKiMkmgxt/LSwvuCSIiIiIiIiJSCDsXiIiIiIiIiEghvCyCiIiIiIiIyiShGm9FWVpw5AIRERERERERKYSdC0RERERERESkEHYuEBEREREREZFCOOcCERERERERlUkCIedcKC04coGIiIiIiIiIFMLOBSIiIiIiIiJSCC+LICIiIiIiojKJt6IsPThygYiIiIiIiIgUws4FIiIiIiIiIlIIOxeIiIiIiIiISCGcc4GIiIiIiIjKJAHnXCg1OHKBiIiIiIiIiBTCzgUiIiIiIiIiUgg7F4iIiIiIiIhIIZxzgUpE2pmHJZ2CwvTq+ZR0CspRDvYFALyMFJV0CgrzcCof1wya6uWUdAoKc9GPLOkUlCIiw7qkU1AKK+34kk5BYTritJJOQSmicst+nfJJv1rSKSjFedQv6RSUwtk0uaRTUJi5RtlvoyRcSjqBLyIQ8vfy0oJ7goiIiIiIiIgUws4FIiIiIiIiIlIIL4sgIiIiIiKiMkkgLB+XlZYHHLlARERERERERAph5wIRERERERERKYSdC0RERERERESkEM65QERERERERGWSUI1zLpQWHLlARERERERERAph5wIRERERERERKYSXRRAREREREVGZxFtRlh4cuUBERERERERECmHnAhEREREREREphJ0LRERERERERKQQzrlAREREREREZZJAyN/LSwvuCSIiIiIiIiJSCDsXiIiIiIiIiEgh7FwgIiIiIiIiIoVwzgUiIiIiIiIqkwRCQUmnQO9x5AIRERERERERKYSdC0RERERERESkEF4WQURERERERGWSUI2XRZQWHLlARERERERERAph5wIRERERERERKYSdC0RERERERESkEM658B9z8eJF1KlTBy1atMCBAwdKOp3PdvnYZpw7uAapSbGwdvRG696TYO/qX2z8vSuHcDxkERJjI2Fq7YTmXcbCM6C+9O/3rx3B1ZPb8ebFfWSkJeHbGSGwcfJRWf6mdarCdexAGFWuAG1bS1zr/C3e7Tv+8XXqVYfvvAnQ9/VA5usoPJv1NyI27JaJcRrWE65jBkLL2gLJdx7h/uhfkHT1rsrKAZT9fVFQvQoCBLoJoKUBRMQCB6+JkJBafLyDBRDkLYS1KWCgI0Dw2Tw8iZSNaVNDgAAX2X7bsCgxtp0WKT3/8rIvTh/ahmP71iE5MRZ2Tp7oOmAinD0qFht/4+IR/LNtCeJi3sDS2hHte3+PCpXrSv+enBiHPZv+wKM7F5GelgJ3n8roOnAiLG2cVFqO/fv3Y9fOnUhISICLqyuGDRsGLy8vubGHDh7E8ePH8fLlSwCAu7s7+vbrVyT+1atXWLtmDe7evYu8vDw4Ojpi0uTJsLS0VEkZTh7cjiN71iMpMQ72zp7oMWg8XDwqyI198yoMe7ctxauwh4iLiULX/uPQpG0vmZgn96/jyN4NeBn2AEkJsRg2fgECazRUSe4FHdi/B3t27UBCQjycXdwwZNhIeHp5y409cugATh4/gpcvXwAA3Nw98XXfgTLxWzetx9kzJxEbEwN1DXW4uXuid58B8PJW3fGx758DCN61G/EJCXB1ccHwb4bA28tTbmzoocM4duIkXryQ1CcPd3f07/u1THxGRgZWr1uPCxcvIzklBdZWVujQrg3atGqpsjIAwLEDwTi4ZxOSEuLg4OyB3kPGwc3TT25sxKsw7N6yAi/CHiE2Ogo9B36P5u16yMTs3roCe7atkllmY+eE2UuDVVYGAAg+chqb9h9DXFIyPBztMK5fV/i5O8uNPXnlFtbuOYyIdzHIzcuDg7UFerVujFZ1a0hj4hKTsWTrHly+8wgp6ekI9HbHuH5d4WijmmMbAM4d2YoT+9ciJSkWto5e6NTvJzi5F9/W3rp0GAeDlyA+JhIW1k5o0+N7+AbWk4l5FxmG/Vv+QNjDaxCJ8mBl54r+3y+EibmNyspRHurUP/v3Ydeu9+cLF1d8M+zb4s8Xhw7ixPFjeFHwfNG3v0z8ggXzcPzYMZn1Klepgl9+mamyMpQmvBVl6cGRC/8xq1evxsiRI3HmzBm8efOmpNP5LHcvh+Lgtjlo2GE4hs3YBWsHL6yfNxipyXFy4189vYngZeNQpV5nDPs5BD6BjbFl0Ui8i3gijcnJyoCTZ2U06zr2XymDmp4uku88xr1RMz4rXsfZHtX2LUfcqcs4V7U9whevR8Xlv8K8aR1pjE2XlvD5fSKe/voXzlXviJQ7j1DjwGpoWpiqqhjlYl98EOQtQDVPAQ5eE2HdURFycoEeDYRQ+0irqKkOvEsU4/C1j3cUhL0RY+GePOljzwXldyyUl31x/fwhhKz/Ha26fIMJc7bD3skLS2Z+g5Qk+eV4/vgW1i4cj6BGHTFx7g74V2+EFXO/w5tXTwEAYrEYK+Z+h9joCAz98U9MnLsdpha2WPTzEGRlpqusHKdPn8bKFSvQs1cvLF68GK4uLpgyeTISExPlxt+5cwf1GzTArNmzMX/BAphbWGDypEmIjY2VxkS9eYMfxo2DvYMD5syZg6VLl6JHz57Q1NRUSRmunjuM4LXz0abrUEyetwUOzp748+dvkZwYLzc+OysTFlb26Pj1KBgam8uNycrKgL2zJ3oOnqiSnOU5e/ok1qxchm49+2DB4mVwcXXD9CnjkZiYIDf+7p3bqFu/EX6dNR9z5y+GubkFpk/+EXGxMdIYWzt7DBk2EouWrsTs3/+EpaUVpk8ej6SkRJWU4dSZs1i+cjV69+yOpYv+gKuLM36aMg0JxdSn23fvoUG9evh91kwsnP87LCzMMXHKNMTG5h9Hy1auxrXrNzB+3BisWvYXOrZviyV/L8fFS5dVUgYAuHz2KLauWYj23QZhxoINcHDxwLzpoz5Sp7JgYWWHLl8Ph5GJWbHbtXN0xZ/rQqWPSbNXqqoIAICjF69j4cYQDOrcCht+mwAPJ3uMmr0E8UkpcuMN9XXRv2NzrP55HLbM+Qlt6wfhl2WbcPH2AwCSduqHBSsQGR2LeeOGYtOsibCxMMWI3xYhIzNLJWW4efEg9myci+adh2Hsb8GwdfLC8tlDi21rw5/cxMbFP6JGg44YNysYFao2wpr5oxD1+qk0JvbdKyya3geWti4YPmUtfpizC806fgN1DdW0UUD5qFNnTp/GypUr0bNnbyxavAQurq6YMmVSseeLu3fuoF79Bpg1aw7mz/8DFuYWmDL5J5nzBQBUqVIVGzdtkT5+/HGCyspAVBx2LvyHpKamYvv27Rg2bBhat26NdevWyfx937598PDwgLa2Nho2bIj169dDIBDINHbnzp1D3bp1oaOjAwcHB4waNQppaWkqzfvC4fWoWr8LKtftBEs7d7TtOx0amtq4cSZEbvzFoxvgXrEO6rQaCEtbNzTp/B1snHxw+dgWaUyl2u3RsP1wuPnWUmnuH8QcPoMn0xbi3d5jnw4G4DSkOzLCI/DwxzlIffQcL5duxttdh+HyXT9pjMvo/ni9egci1ocg9WEY7n47DXnpmXDo11lFpSgf++KD6l4CnLsvxpNIIDoJ2HdZBAMdwMu++N7vsCjg9F0xHkcWGwIAyBUBaZn5j8wcJSeP8rMvjv+zAbUad0ZQww6wcXBD9yFToKmpg4sn9siNP3lgM3wr1UbT9v1hbe+Ktt1HwMHVB6cPbQMAREe9RPjTO+g+eDKc3CvAys4F3QdPRk52Jq6dP6iycuzevRstWrZEs2bN4OjkhBEjR0JLSwtHjhyRG//j+PFo06YN3Nzc4ODggO+++w4ikQi3b92Sxqxfvx5Vq1XDwIED4ebuDhtbW9SsWRPGxsYqKcPR/ZtQp2kn1G7cHrYObug1dBI0tbRxvph94ezhh6/6fo/qdVpAQ0NDbkzFynXQoedwBNZspJKc5dm7eyeatWiFJs1awNHRGcNGjIaWlhaOHTkkN37sjz+hVZv2cHVzh72DI0Z8NxYikRi3b9+UxtRv2BiVAqvA2sYWjk7OGDhkGNLT0/Ai/LlKyrBr9160bNEMzZs2gZOjI74b8S20tLVw+Ij8c8jEH8aiXZtWcHNzhaODPb4fNQJikQg3b9+Wxjx49AhNGjdCgH9FWFtZoXXLFnB1ccGjJ0/lblMZDu3dgvrNOqBek7awc3RFv2EToKmljTPH9suNd/XwRff+o1CzXjNofOQLqpqaGoxNzKUPA0NjFZVAYsuB4+jQqBbaNgiCq70NJgzsDm1NTew/dVFufBVfTzSsVgkudtawt7JA95YN4e5oh9uPwwAAr95G497TcIwf0B2+bk5wsrXC+AHdkZWdg8MXrqmkDKcObEBQo69Qo0FHWNu7ocvAqdDU1MblU7vlxp85uAneAbXRqO0AWNm5oVXXkbB38cXZw/nnjNDti+BTqS7a9RoLexcfmFs5okLVhjAwKv5LvKLKQ53avTsELVq0QNNmzeDo6IQRI0ZCW0sLR44clhv/w4/j0aZNW+n5YtR3o9+3Ubdk4jQ0NGBqaip9GBgYqKwMRMVh58J/yI4dO+Dt7Q0vLy/07t0ba9asgVgsBgCEh4fjq6++QocOHXD79m0MHToUkyZNklk/LCwMLVq0QOfOnXHnzh1s374d586dw4gRI1SWc25uNt68uA9X3yDpMqFQCDe/ILwOuyV3ndfPbsOtQDwAuFesg1fFxJdGxjUrIfaE7IeWmKPnYFKzEgBAoKEBo8p+iD1+IT9ALEbsiQswrhmokpzK074w1gP0dQR48U4sXZaVA0TGAXZK+EzkZAmM7iDEN62EaFFFAB0l/4hTXvZFbk4OXj9/CG//mtJlQqEQ3v418PzJbbnrhD+5DS//GjLLfAJqIfx9fG5ONgBAQ0NLZpvqGpoIe3gTqpCTk4NnT5+iUqVKMq9ZqVIlPHr48LO2kZWVhby8POi//zAoEolw9epV2NnZYfKkSejRvTtGjx6NCxcufGJLXyY3Jwevwh7Cp8B7KxQK4eNfA88f31HJa6pCTk4Owp49QUClytJlQqEQAZUq4/GjB5+1Dcm+yIWBvvwP5jk5OTh88AD09PTg4uKmlLwLb//ps2cILFSfAisF4OGjR5+1jaysLOTm5cl8ufD19saly1cQGxsHsViMW7fvIPLNG1SpXKn4DSkgNycHL8IewS+gmnSZUCiEX0A1PHus2OV7b9+8xnf9WmHckA5YNn8K4mLeKppusXJyc/Eo/DWqVci/TEYoFKJaBW/cffrpziWxWIwr9x7hZdQ7BHq7S7aZkwsA0NLM75QTCoXQUFeXdkAoU25uDiLCH8Czgmxb61GhJl4+ld/Wvnh6G54VZM8ZXv61pPEikQgPbp6BpY0zls0agilD6+GPyT1w9+rHL/lUqBzloE7l5OTg2bOnqFQp/7Oa5HwRiEeP/p/zRdE26u7dO+jZoxuGDB6Iv5YsRnJyslJzJ/oc7Fz4D1m9ejV69+4NAGjRogWSkpJw+vRpAMDy5cvh5eWF33//HV5eXujevTv69esns/6sWbPQq1cvjB49Gh4eHqhVqxYWLVqEDRs2IDMzUyU5p6ckQiTKg36hXnB9QzOkJsXKXSc1KRb6RuafHV8aaVmZI+udbL5Z72KhYWQAobYWNM1NIFRXR1Z0XKGYOGhZyx+erKjytC/0tCX/phWqtmmZYujrKLbt51HAvksibD4pwonbIjhaCtC9vhACJV4OWF72RWpKAkSivCK/chkYmSE5UX5eyYmxMCwUb2icH29t5wITcxvs3fIn0lOTkZuTgyN71iAx7l2x21RUcnIyRCIRTExMZJYbm5ggPkH+UPzC1q5ZA1NTUwQGSj5wJiYmIiMjA8E7dqBK1ar4deZM1KpVCzN//RV37yj/y/6HfWFoLHtZlYGxGZIS5Q+bLo2Sk5MgEolgXHhfGJsgIV7+sOnCNqxdCVNTMwQEVpFZfvXyRXTr1BpdOrTEvj07MWPmXBgaGSkt9w+k9anQCBUTY2PEJyR+1jZWrV0PM1NTVK4UIF02fNhQODo6oGff/mjVvhMmTZ2OEcOGwr+C/Dk1FJWSLGmnjArVKSNjUyQlfHmdcvWsgMHfTcXY6X+i7zfjEfPuDWZOHIKMdNWMokxMTkWeSARTI9kvcqZGBohLLP7LW2p6Bur3+x61vh6FMXP/xri+XVDDXzJHh7OtNazNTfDX1r1ITk1HTm4u1u87guj4RMR+ZJtfKi35/29rUxJj5cSbS+NTk+ORlZmO4/tWwzugDr6ZuAIVqzXG2j9G49mDq0ovA1A+6tSH49vYxFhmubGxMRLiP/N8sXYNTE3NUCkwv4OiSpWqGDN2HH77bTb69x+Iu3fvYtrUycjLy1Nm+qWWQCgsk4/yiBM6/kc8fvwYV65cwe7dkuFv6urq6NatG1avXo0GDRrg8ePHqFatmsw61atXl3l++/Zt3LlzB5s3b5YuE4vFEIlECA8Ph4+P/ImtsrKykJUlew1hTrYGNDS15MYTKZufkwCtquZ/u99+RvlzIHzw4FX+aIiYJCA6UYThbdXgZAm8eKeyl6X31NQ1MGTcH9j09zT80L8OhEI1eFWsAd/AOoBY/OkNlIAdO3bg9OnTmDN3rnQ+hQ+jymoGBaFjx44AADc3Nzx88AChoaGo6F/8xJ305Xbu2Iqzp09i5pz5Rea2qBhQCQuXrEBychKOHDqAubN+we9/LIGxsUkxWysZ23bsxOkzZ/H77JkyZdi77x88evQEM6ZOhpWlBe7eu48lfy+XdEIEViq5hP9PAVUKXLbl7AFXzwoYO7gdrpw/hvpN25dcYoXoamth0+yJyMjMwtV7j7FwUwjsrMxRxdcT6upqmPP9EPy6YhOaDP4BakIhqlXwQq1KvqW1mSpCLJKcRytUaYgGrfoAAOycvfHiyS1cOLYD7r7VPrZ6qVJW6hQA7NixHWdOn8LsOXNlju/69RtI/+/s4gJnFxcMGtgfd+/ekRklQaRq7Fz4j1i9ejVyc3Nha2srXSYWi6GlpYUlS5Z81jZSU1MxdOhQjBo1qsjfHB0di11v1qxZmDFDdiLDrwZMRZdB0z75mroGxhAK1ZBaaMKh1OS4Ir/CfqBvZF7k19iPxZdGWe9ioWUlm6+WlTlyklIgysxCdmwCRLm50LI0KxRjhqy3qvl1tizvi6eRYqyKy//E9mHSRj1tILXA6AU9bQHeJSj3k11immREhIm+7GUYiijL+6IgfQMTCIVqRSYUS0mKK3aCQENjcyQXik9OlI13dPPFT/OCkZGWgtzcHBgYmWLuxJ5wcpM/m7iiDA0NIRQKkVBolEJiQgJMTT7+xXPXzp0I3rEDM3/7DS4uLjLbVFNTK9K2Ojg44P6Dzxve///4sC8KT4qWkhgHI2PVXT+tbIaGRhAKhUgsvC8SE2Bi+vHJbnfv2oGQ4K2YMfN3OMu53EFbWwc2tnawsbWDl7cvvhnUB8cOH8RX3XoquQzv61Ohyd0SEhNhWujXzsKCd+3G9p27MGfmz3AtUJ+ysrKwdsNGTJs0ETWqS770ubq4IOx5OHaG7FZJ54KBoaSdSipUp5IS4z86sd7/S0/fANa2jngXFaG0bRZkbKgPNaGwyOSN8UkpMDM2LHY9oVAIB2vJnR88nR0Q/uYd1u09giq+kjt4+Lg6YvPsn5CanoGc3FyYGBqg/+S58HFV/l1t9Az//7bWwNhcTnysNF7P0ARCNXVY2ckeK1Z2rnj++IYSsy+QUzmoUx+O78RCo5ASExNhYvqJ88WundgZvAMzZ86Ci4vrR2NtbGxgaGiEqDdv2LlA/6ryOR6DZOTm5mLDhg2YP38+bt26JX3cvn0btra22Lp1K7y8vHDtmuwkQlevyg5rq1y5Mh48eAB3d/cij4/NXj5x4kQkJSXJPDr0+bwZbNXVNWHr7IfnDy5Jl4lEIjx/cAkObpXkruPgHiATDwBh9y/AsZj40ijx0i2YNaops8y8cS0kXLoFABDn5CDpxn2YNypwPaRAALOGQUi8pJrrysvyvsjOBRJS8x+xyUBqhhjOVvmjGTTVJfMtRCp5BLiBDqCrJXk9ZSnL+6IgdQ0NOLj64PHd/NnqRSIRHt+9DFfPALnruHgGyMQDwKM7l+AiJ15HzwAGRqaIjnqJV2EP4F9NNbdA1NDQgLuHh8xkjCKRCLdu3YJ3MSO6ACA4OBhbt27FL7/8Ak9P2VsMamhowNPTExERsh9uIyMjVXIbSnUNDTi6+eDRHdl98fDOFbh6lZ1REhoaGnBz98SdApMxikQi3Ll1E17evsWuFxK8DTu2bsK0X2bDw1P+7eAKE4tEyMlR/mytGhoa8HB3x61b+dfCS+rTHfh4y7+dJgDs2LkLm7dtx28/T4Onh4fM33Lz8pCbm1tkGK5QKIRIRT+Vq2towNnNGw/u5H+WEIlEeHDnGty9ir/94f8rMyMd0W8jYWyimo5SDXV1eLs44Oq9x9JlIpEI1+4/RkWPj3/BK0hSX3KLLNfX1YGJoQFeRUXj4fNXqFdV+ceburoG7F188eSe7PH99P5lOHnIb2udPQLw5L7sOePJ3YvSeHV1DTi6+iE6KlwmJibqBUzNbaEK5aFOaWhowN3dA7cKTMYoPV985Na2O4ODsW3rFvz8y6/w8JR/S9qCYmNjkJKS/MlO1fJCIBSUyUd5xJEL/wH//PMPEhISMHDgQBgVuj60c+fOWL16NXbs2IEFCxZg/PjxGDhwIG7duiW9m4Tg/cXi48ePR82aNTFixAgMGjQIenp6ePDgAY4ePfrR0Q9aWlrQ0pK9BEJD8/OHpddq3hchKyfCzqUC7Fwr4uKRDcjOykDlupKhwjtXjIehiRWadRkDAAhq2gerZ/fB+YNr4RlQH3cvh+JN+H2075c/eiI9NRFJcVFISYwGAMS+lZwc9Y3MYWBs8dm5fS41PV3ouef/AqnrYg/DAG9kxych83UUvH4dA207K9zuPx4A8HLFNjh92wves37A63W7YN6wJmy6tMTVdkOl2whfuBYBa+Yg8fo9JF29A+dRfaGup4PX6+XfLUAZysO++ODKYzFq+wkQnyJGYhpQv6IQKRnA44j8D9o9GwrxJEKMa08lyzTUAVP9/G0Y6wlgZSxGRjaQnC75e10/AR5FiJGWCZjoA40ChIhPAZ4reW6o8rIvGrfpgw1/TYajmy+c3SvixIFNyMrKQM2GHQAA6xf/BGNTK7Tv9R0AoGHrXvhj2gAc278eFSrXw/XzB/Eq7D56Dp0q3eaNi0egb2gCU3MbRL56ip1r5yCgekP4BKjuLhgdO3bEgvnz4eHhAU8vL+zdswdZWVlo2rQpAGDevHkwMzND//79AQDBO3Zg48aN+HH8eFhaWSH+/XwAOjo60NGRTPzRuXNnzJ49GxUrVIB/QACuX7uGy5cvY86cOSopQ9O2vbF28VQ4ufvCxaMCju3fguysDNRuJBkWvObPyTA2s0Sn3pLRa7k5OYiKkExol5ubg8T4aLwOfwwtbR1Y2kjau8yMdMS8fS19jdjoSLwOfwxdfUOYWdiopBztO36FPxfMgbuHJzw8vbF/7y5kZmWiSdPmAIA/5s2GmZk5+vQfBADYFbwVWzaux9gff4KlpbV0bgbt9/siMzMDwds2o3rNWjAxMUNychJC/9mLuLhY1K5bXyVl6NyxPX5fsBAeHu7w9vREyN59yMzMRPOmjQEAc+f/ATMzUwzs1xcAsD14FzZs2owJP46DlaUV4t9fu62jow0dHR3o6erCv2IFrFyzFlqamrC0tMDdu/dx7MRJDB00QCVlAIAW7Xti5Z8z4OLuA1cPPxzevw1ZmRmo26QNAGD5H9NgYmaJrn2GA5DUqcjX4dL/J8TF4OXzJ9DW0YGVjQMAYOvaPxFYrS7MLKyRGB+L3VtXQCgUoma9ZiorR8/WjTHj7w3wcXWEn7szth08gYysLLSpL/kRYNrS9bA0McbwHpJjZd2ew/BxdYS9lQWyc3Nx4eY9hJ67gvEDuku3eezSDZgY6sPazBTPXkdiwfqdqF8tADX9i/+CqYgGrftgy9+T4ODqByf3Cjh9cBOyszJQo34HAMDmpRNhZGKJNj2+BwDUa9kbS37uj5P/rINvYD3cvHgQr5/fR9fB06XbbNi2Pzb8OQ5u3lXh7lcdj26fw/0bpzF8ylqVlAEoH3WqY8dOWLBgnuR84emFvXt3IzMrE02bSl5v/rzfYWZmhn79JcdmcPAObNq4ET/+OB6WlkXPFxkZGdiyZRNq164DExMTREVFYc2a1bCxsUWVKlWKzYNIFdi58B+wevVqNGnSpEjHAiD58Dp37lykpKRg586dGDt2LP78808EBQVh0qRJGDZsmLRjwN/fH6dPn8akSZNQt25diMViuLm5oVu3birNv2KNVkhLScDx3YuQmhQLG0cf9Bm7QjqcOykuCkJB/q8xjh6B6DL0dxwL+RNHd/0BMysn9By1GFb2+T29j26exO7VP0mf7/h7LACgYfvhaNRR+Xe/MKpSAUHHN0qf+86TvPbrDSG4M3AitGwsoOOQ/0E740UErrYbCt/5E+E8sg8yI97i7tDJiD16ThoTFXwQmham8Jw2ClrWFki+/RBX2gxCdrTqJl8rD/vig4uPxNBQB1pVE0JbE3gdA2w7LUJegX4vE31Ap0C/mI0p8HUjNenzppUlZb0dLsI/l8UQiwFLYwH8XQTQ1gBSMoHwt2KcviOW2a4ylJd9UaV2C6QkJ+Cf7UuRkhgLO2cvDJ/0NwzfD8VPiH0LQYFyuHpVQv/vZmP/1sXYv2URLGwcMeTHP2HrmP9LbVJCDHat/x0piXEwNLFAjfpt0bLz0CKvrUz169dHclISNm7ahIT4eLi6ueHnX36RTvIYEx0NYYFZPQ8cOIDc3Fz8NnOmzHZ69uolnXi3Vu3aGDFiBHbs2IFly5bB3t4ekyZPhp+KJuCrVqc5UpITsG/r30hOjIO9ixdGTflLui/iY9/K/PKdmBCDX8bmf1k6sncDjuzdAE+/Khj3yyoAwMuwB5g/dbA0JnjtfABAUMO26D/yZ5WUo279hkhOTsKWjeuQkJAAF1c3TPt5NoxNJL/gxcZEQ1jgF6NDB/YjNzcHc36TvXyve88+6NG7L4RCNUREvMaJmdORnJQMA0NDeHh6YdbvC+Ho5KySMjSoVxdJSUnYsGkLEhIS4Orqipk/T5fWp+iYGGnHPwD8E3oQObm5+OW32TLb6d2zO/r0kly28dOPP2DN+g2YPW8+UlJSYWlpgX59eqNNq5YqKQMA1KjbFMnJCQjZsgJJCXFwdPHEuGl/Si+1iY99B2GBOpUQH4Op3/eWPj+4ZxMO7tkE7wqVMXHmMklMbDT+njcZqSlJMDAygadPAKbMXQNDI9XNfdE0qAoSklOwYuc/iEtMgaeTHf6cMFx6WcS72ASZ4zsjKxtz125HdFwitDQ14GRrhZ+H90PToPwvenGJSVi4cRfik1JgbmKIVnVrYGAn1e2LwKCWSE1OwKGdS5CcGAs7J28MnbAMBu8vc0iIjZJpa108A/H1iDkI3bEYB7b/CQtrJwwYuwg2DvltrX+1JugycCqO7VuF3etnwcLWGf2+/wOu3pWLvL6ylIc6Va9+fSQlJ2HTxo3S4/vnn3/NP1/ERMv8qh164B/k5ubgt99+ldlOz5690Kv31xAKhXgRHo7jx44hLS1NMjlw5Sr4+us+H739JpEqCMTisjJ1DP3bZs6ciWXLluH169efDv4/7biougn1/i169VTz68K/Le3M5936qLR7+rLsN2UeTuVjiJypnvKHiv/bXPQjSzoFpYjIsC7pFJTCSvvz7vRQmumIVXM3g39bVG7Zr1M+6aq5m8G/7TxUM3Lm32aqm17SKSjMXKPst1EA4O7m8umgUuhRF9WNXFIl7+AjJZ2C0nHkAkktXboU1apVg5mZGc6fP4/ff/8dI0ao7pdjIiIiIiIiRZTX+QvKInYukNTTp0/x66+/Ij4+Ho6Ojhg7diwmTpxY0mkRERERERFRKcfOBZL6448/8Mcff5R0GkRERERERFTGsHOBiIiIiIiIyiReFlF6CD8dQkRERERERERUPHYuEBEREREREZFC2LlARERERERERArhnAtERERERERUJgmE/L28tOCeICIiIiIiIiKFsHOBiIiIiIiIiBTCzgUiIiIiIiIiUgjnXCAiIiIiIqIySagmKOkU6D2OXCAiIiIiIiIihbBzgYiIiIiIiIgUwssiiIiIiIiIqEwSCHlZRGnBkQtEREREREREpBB2LhARERERERGRQti5QEREREREREQK4ZwLREREREREVCYJhPy9vLTgniAiIiIiIiIihbBzgYiIiIiIiIgUwssiiIiIiIiIqEzirShLD45cICIiIiIiIiKFsHOBiIiIiIiIqJT766+/4OzsDG1tbdSoUQNXrlz5aPzChQvh5eUFHR0dODg44Pvvv0dmZqbK8mPnAhEREREREVEptn37dowZMwbTpk3DjRs3EBAQgObNmyM6Olpu/JYtWzBhwgRMmzYNDx8+xOrVq7F9+3b89NNPKsuRcy5QicjOLQfXRp15WNIZKIVePZ+STkEp9HY9KukUFKapLirpFJQiOVOjpFNQ2DsNi5JOQSlexuqWdApK8U5Tu6RTUNjthzklnYJS/OR9oKRTUNhj8/olnYJSrFseWdIpKMV3A81LOgWF3Yp1KukUlMLdraQz+DL/lTkXFixYgMGDB6N///4AgGXLluHAgQNYs2YNJkyYUCT+woULqF27Nnr27AkAcHZ2Ro8ePXD58mWV5ciRC0RERERERET/oqysLCQnJ8s8srKy5MZmZ2fj+vXraNKkiXSZUChEkyZNcPHiRbnr1KpVC9evX5deOvH8+XOEhoaiVatWyi/Mh5xUtmUiIiIiIiIiKmLWrFkwMjKSecyaNUtubGxsLPLy8mBlZSWz3MrKCm/fvpW7Ts+ePfHzzz+jTp060NDQgJubGxo0aKDSyyLYuUBERERERET0L5o4cSKSkpJkHhMnTlTa9k+dOoXffvsNS5cuxY0bNxASEoIDBw7gl19+UdprFMY5F4iIiIiIiKhMEgjL5u/lWlpa0NLS+qxYc3NzqKmp4d27dzLL3717B2tra7nrTJkyBV9//TUGDRoEAKhYsSLS0tIwZMgQTJo0CUIVvG9lc08QERERERER/QdoamqiSpUqOH78uHSZSCTC8ePHERQUJHed9PT0Ih0IampqAACxWKySPDlygYiIiIiIiKgUGzNmDPr27YuqVauievXqWLhwIdLS0qR3j+jTpw/s7Oyk8za0bdsWCxYsQGBgIGrUqIFnz55hypQpaNu2rbSTQdnYuUBERERERERl0n/lVpTdunVDTEwMpk6dirdv36JSpUo4dOiQdJLHV69eyYxUmDx5MgQCASZPnozIyEhYWFigbdu2mDlzpspyZOcCERERERERUSk3YsQIjBgxQu7fTp06JfNcXV0d06ZNw7Rp0/6FzCQ45wIRERERERERKYSdC0RERERERESkEF4WQURERERERGVSWb0VZXnEPUFERERERERECmHnAhEREREREREphJdFEBERERERUdkk+G/cirIs4MgFIiIiIiIiIlIIOxeIiIiIiIiISCHsXCAiIiIiIiIihXDOBSIiIiIiIiqTBELOuVBacOQCERERERERESmEnQtEREREREREpBB2LhARERERERGRQjjnAhEREREREZVJAiF/Ly8tuCeIiIiIiIiISCHsXCAiIiIiIiIihfCyiP+gmJgYTJ06FQcOHMC7d+9gYmKCgIAATJ06FbVr1y7p9OQSi8U4vXcxbp4NRmZ6MhzcK6Nl72kws3L+6HpXT2zGxcOrkZoUCysHb7ToMRl2rv7Sv984vR33Lv+DqFcPkJ2Zhh8WXYG2rqHKynH52GacO7gGqUmxsHb0Ruvek2BfIJ/C7l05hOMhi5AYGwlTayc07zIWngH1pX+/f+0Irp7cjjcv7iMjLQnfzgiBjZOPyvI3rVMVrmMHwqhyBWjbWuJa52/xbt/xj69Trzp8502Avq8HMl9H4dmsvxGxYbdMjNOwnnAdMxBa1hZIvvMI90f/gqSrd1VWDkBSp64eWYyHl4ORlZEMa+fKqNdpGowtnItd583zq7h1ajViIu8jPTkGLfougUuFJgpv90tdOLoFZw6sQUpSLGwcvdC+zyQ4uBVfn+5cPoQjOxcjITYS5lZOaNl9DLwr1ZcbG7JmOi6f2IE2vSegbos+Ss+9oItHN+NM6PvjwsEb7T5RjruXD+HorkVIiI2EmZUTWnQbKy1HXm4Ojuz8E49vn0F8dAS0dfXh7heEFt3GwtDEUqXlOB66Awd3b0RSYhwcnT3Qa/APcPWsIDc28lUYdm9ZhhdhjxAXE4UeA8agWbueMjEnDu7EyUM7ERsdBQCwc3RFu66D4F9Fte20WCzGmX2LcPOspA7bu1VGy17TYfqJ9vbayc24dGQ1UpNiYGXvjWY9psDOJX8/hm6civCHF5CaFA1NLV3YuQWiUadxMLdxU3oZynpbW1DjQDVU81KDtibwMlqMfRdyEZcsLjbe2UqAuhXVYGsuhKGuAJuO5eDhK5FMjKY60LyqOnychNDVAhJSxLj4IA9XHouK2eqX2378IjYcPIO4pFR4Olrjx17tUMHV4ZPrHb58GxOXbUODQF8sGPW13JiZ63dj16krGNujNXo1q6Ps1GUcObAL+0M2IykhHo4u7ug3dAzcPX3lxr5++Rw7N6/C87BHiI1+i68HfYdW7bvJxIjy8rBz62qcO3kYiYlxMDE1R/3GrdGxWz8IBKq9rV7X5sZoXFMfejpCPArPwqpdcXgbm1tsfNMgAzSrZQALU8nXhoi32dh5NAm3HmVIY6YNs4afu7bMekcvpGDlrjil5388dAcO7dmApMQ4ODh7oNegHz/a1u7Zugwvwh4iLiYK3QeMRbO2sm3tyUPBsm2tgyvadh2s0rb20rHNOFvgvNfm60+c964cwrFdkjbKzMoJzbuNhVdA/nnv6K4/8aTAec/NLwjNu6r+vFda8FaUpQdHLvwHde7cGTdv3sT69evx5MkT7Nu3Dw0aNEBcnPJPAMpy4dAqXDm+Ea16T8eAn3ZAQ0sHW/4YhNycrGLXuX8lFEd3zEa9tsMxeGoIrBy8sGXhIKQl55czJzsTbhXqok6roSovw93LoTi4bQ4adhiOYTN2wdrBC+vnDUZqsvz3/dXTmwheNg5V6nXGsJ9D4BPYGFsWjcS7iCf5+WdlwMmzMpp1Havy/AFATU8XyXce496oGZ8Vr+Nsj2r7liPu1GWcq9oe4YvXo+LyX2HeNP9DoE2XlvD5fSKe/voXzlXviJQ7j1DjwGpoWpiqqhgAgFunVuHuuY2o12k6Oo/cAQ1NHfyz6uN1Kic7A2a23qjbYapSt/slbl86iH82z0Hjjt9i1K87YePojdVzhiA1SX59evHkJrb+9QOq1e+EUb/ugm+Vxtjwx0i8ff20SOy9q8fw6tntf+VDyZ1LoTiwZQ4adxyOEb/sgo2jF9bMHVxsOV4+uYltS8ehav3OGPlLCHyrNMamhSPx9rXkuMjJzsSbFw/QqMMwjPx1F3p/twgxUS+w4Y9vVVqOy+eOYNuaP9C++2BMX7AJDs6emD9jJJIT4+XGZ2VlwsLaHl36jICRiZncGFMzS3z19QhMm78R0+ZtgE/Fqlg0aywiX4Wpsii4eHglrp7YiJa9p6PfREl7u/XPgR+tww+uhuJY8CzUbTMcAyfvhqWDN7b9OVCmvbV28kPbfrMwdEYoun+3GhCLsXXhQIhEeUrNvzy0tR/UraiGIF817L2Qi7/35yAnR4x+zTWgrlb8OpoaAkTFi7H/YvFfFlvVUIeHvRDBp3OwMCQbFx7koU2QOrwdlPux8PDlO1iw7QCGtG+MLdNHwMPBBsPnr0F8cupH13sTm4A/toci0NO52JgT1+/jbthrWBir7geBDy6ePYaNqxahc48B+G3hWji5uGP21O+RVMzxnZ2VCUtrW/ToOwzGxRzf+3ZtwtHQ3ej3zRjMX7oVPft9i/0hm3F4f7Aqi4L2DQ3Rsq4hVu6Mw09/RiErW4xJQ6ygoV78l7P4pFxsOZCACX+8wcQ/3uDes0z82N8S9lYaMnHHLqZg8PTX0semf+S/P4q4cu4Itq9dgHbdhmDa/M1wcPbEgp9HFNvWZmdlwsLKDl99PbLYttbEzApffT0S0+ZtwtTfN8K7YjUsnj1GZW3tnUuhCN0yB406DMfwn3fB2tEL634vvo16+fQmdiwdh6r1OmP4zyHwqdwYmxfmt1EfznsN2w/D8F92oeeoRYiNeoGNKj7vEcnDzoX/mMTERJw9exZz5sxBw4YN4eTkhOrVq2PixIlo166dNGbQoEGwsLCAoaEhGjVqhNu3bwOQjHqwtrbGb7/9Jt3mhQsXoKmpiePHP/4L9pcSi8W4cmwD6rb5Bl6BjWHl4IX2A+YgJTEaj24eK3a9S0fXIbBuF1Sq0xkWtu5o3XsGNDS1cevcLmlMjaZ9UbvVENi5Bqgk94IuHF6PqvW7oHLdTrC0c0fbvtOhoamNG2dC5MZfPLoB7hXroE6rgbC0dUOTzt/BxskHl49tkcZUqt0eDdsPh5tvLZXnDwAxh8/gybSFeLe3+Pe9IKch3ZERHoGHP85B6qPneLl0M97uOgyX7/pJY1xG98fr1TsQsT4EqQ/DcPfbachLz4RDv84qKoWkTt05uwFVGn8DlwqNYWbrhUbd5yA9ORrh94svm5N3PdRoMRquFZsqdbtf4uzBdajesAuq1e8EKzt3dOw/DRpa2rh6Wn59On94Izz966B+m4GwsnND8y6jYOvsiwtHN8vEJcW/w94NM9H927lQU1P94LazB9ejWoMuqFpPUo4O/adDU0sb14o5Ls4f2QAP/zqo13ogLO3c0Oyr72Dr7IOL748LbV0DDJywBv41WsLCxgWO7pXQru9kRIbfR2LsG5WV48jezajXrAPqNm4HOwdX9Bk2EZpa2jh7fJ/ceFcPP3Tr9x1q1G0OdXVNuTGVqtdDQNU6sLZ1hLWdEzr3Hg5tbV2EPVbdqJ4P7W2d1sPgVakJrOy90a7/XKQkRuPxR9rby0fXolKdrgioLWlvW/WaAXVNbdw+n9/eVq7XDY6e1WBsbg8bJz/U7zAayQlRSIqNVGoZykNb+0FtPzWcup2Hh69EeJcgRvCZXBjoAD6OxX98exIhwrEbeXjwsvhRCI6WAtx8mofwt2IkpgJXH4vwNl4Mewvl/vq3+chZdKxXDe3rVoWrnRUm9ekAbU1N7D17rdh18kQiTFq+Hd90aAL7YjqZoxOSMHfzPswc2g3qaqr/KHtgzzY0at4ODZq0gb2jCwZ++yM0tbRw6ug/cuPdPH3Ra8AI1KrXFOoaGnJjnjy8i6o166JytdqwsLJBjdqN4F+pOp49faDKoqBVPUOEHEvEtfsZeBWVgyVbY2BiqI5qFXSLXef6gwzcfJSBt7G5iIrNxbaDicjMFsHDSUsmLitHjKSUPOkjI6v4ETZf6vC+TajXtGN+W/vNT+/b2r1y4108/NC13+iPt7XV6sG/Sh1YFW5rn6imrT1/aD2qNuiCKvUkbVT7ftOhoaWN68Wcvy8e3gCPinVQ9/15r+mH897R/PPegPFrULHAea9tn8l480K15z0iedi58B+jr68PfX197NmzB1lZ8n+F6tKlC6Kjo3Hw4EFcv34dlStXRuPGjREfHw8LCwusWbMG06dPx7Vr15CSkoKvv/4aI0aMQOPGjVWSc2JsBFKTYuDik/+hTlvXAHau/ogMuyV3nbzcbES9vA+XAh8EBUIhXHyCEPFc/jqqlJubjTcv7sPVN0i6TCgUws0vCK+LKcPrZ7fhViAeANwr1sGrYuJLI+OalRB74qLMspij52BSsxIAQKChAaPKfog9fiE/QCxG7IkLMK4ZqLK8UuIjkJ4SA3uP/PqhpWMAS0d/vHt5q9Rtt7Dc3GxEhj+Ah19N6TKhUAh3vyC8eib/dV4+uwX3CrL1ydO/Nl49uy19LhKJsH3ZBNRvPQDW9h5Ky7c4H44Ld7+ix0Vx5Xj17LZMPAB4VKyDV0/lxwNAVnoKBAIBtPVU8wtnbk4OXoQ9gp9/DekyoVAI34DqePb4jlJeQ5SXh8tnDyMrMwNu3sUPnVVUYmwE0pJj4Fy4vXUJQOTzm3LXycvNRtSr+zJttKS9rYWIYtbJzkrHnfMhMDa3h6GptdLyL09trYkBYKArQNib/E6CrBwgIkYMR0vFOgFeRYvh7SiE4fvvky7WApgbCfAsUnmXReTk5uLhizeo4ecuXSYUClHD1w13nr0qdr0Ve4/D1FAPHepVk/t3kUiEySt2oE+LenCzs1JavsXJzclB+LPHqBBQVbpMKBSiQqVqePr43hdv19OnIu7dvoaoSMl78TL8KR49vI1KVYI+seaXszRVh4mhOu48yZQuy8gU49mrLHgW6igojkAA1KqkBy1NIZ68lP0cWbeyHlb97IB542zRo5UxNDWU21mVm5ODl2GP4BtQXbpMKBTC17+60jpdZdpaL+W3tcWd99x9P37ec/Mr2ka9LiYeADJVfN4jKg7nXPiPUVdXx7p16zB48GAsW7YMlStXRv369dG9e3f4+/vj3LlzuHLlCqKjo6GlJTnRzJs3D3v27MHOnTsxZMgQtGrVCoMHD0avXr1QtWpV6OnpYdasWSrLOTUpBgCgZyg7nE3P0BypSbFy10lPTYBYlAd9OevEvg1XTaIfkZ6SCJEoD/pGsvnoG5ohNkp+PqlJsdA3Mi8SX1yZSyMtK3NkvZPNN+tdLDSMDCDU1oKGiRGE6urIio4rFBMHPS9XleWVniKpUzoGsvtDV98c6Slf/v6qartFX+dDfZKtHwZGZoiJei53ndTEWBgUOh4MDM2Rkpif1+l/VkEoVEPt5r2VluvHFHdcGBiaIeZNMcdFopzjwqj44yInOwsHt8+Hf83W0NbRV07ihaS8L4ehseyvrEZGpngb8UKhbb9+8QwzJ/RHTnY2tLR1MGLC77BzUN2xkZb8vr01KNx2miE1+ePtbZE22sAMcYXq47VTm3Fi1zzkZKXDzMoFPUevhVoxvyZ+ifLU1hroSL6YpWbI/vqbmimGvo5iX9r2X8xFh9rqGN9dC3kiMcRiYPf5XLx4p7xfmhNT0pEnEsHUUPa4MzUywIu3MXLXufnkBfaevYatM0YVu911oWegriZEj6b/ziiS5GRJnTIyKXR8G5viTcTLL95uu6++RkZ6GsYO6wGhUAiRSISuXw9FnQbNFU25WMaGkutpklJkL0VKSsmT/q04DtYamDnKBhrqAmRmizFvbTQi3+VI/37uZipiE3IRn5QHJ1tN9GptAlsLDcxfL39ffwlpW1vo+DY0NkNU5AuFth3x8mmhtnaeStpaaRtVqL3UNzJDzP/ZRqV85Lx3eIdqz3ulDW9FWXqwc+E/qHPnzmjdujXOnj2LS5cu4eDBg5g7dy5WrVqFtLQ0pKamwsxMttHLyMhAWFj+tWfz5s1DhQoVEBwcjOvXr0s7IuTJysoqMkoiJ1sTGpry17l7aT8ObJwmfd5j1LIvKSaR1JMb+3F6V36daj2AdaqwiPD7OHd4I777dZfKJxP7t+Tl5mDrku8BsRgd+k/79AqlkI2dE2b8sQUZaam4evE4Vi2ajgkzVyjtQ++9y/sQuin/vek2YrlStlucCtXbwdWnNlKTYnDpyGqErBiNvuO3Ql3j8341Lc8CXIVoXzv/Y9mGozkfiVZMkK8aHCwF2Hg0BwmpYrhYC9AuSB0p6TkIe6P8oeyfIy0jC1NW7sCUfp1gYqAnN+bBi0hsPXoeW6aPLPPt1KVzx3Hu9BGMGDcd9o6uePn8CTas+vP9xI6tlPIadSrrYchX+Z/nZq1698XbehOTgx/mv4GujhA1/XUxvIc5pi19K+1gOH4pfx6N129zkJCch2nDrGFlloB3ccXP/1FaWNs6Y/qCrchIT8W1C8ewatE0jP91pUo7c1UhLzcH2/76HmKxGO36lc3zHpVt7Fz4j9LW1kbTpk3RtGlTTJkyBYMGDcK0adPw7bffwsbGBqdOnSqyjrGxsfT/YWFhePPmDUQiEV68eIGKFSsW+1qzZs3CjBmyEwB27DcVnQZMlxvvWamhzAzjubnZAIC05DgYGOdPMJeWHAtrB/mzdevqm0AgVCsyOU5actHe33+DroExhEK1IpPUpSbHFZuPvlHRkRkfiy+Nst7FQstKNl8tK3PkJKVAlJmF7NgEiHJzoWVpVijGDFlvlferobNvQ1g55tepvPd1KiMlDnqG+XUqPTUW5rZfPgO8roGFSrZb9HU+1CfZ9yglKQ4GxdUnY3OkFDoeUpJjYWAsiQ9/fB1pyfGY9V3+5U0iUR4ObJ6L84c2YMJC5c4ZARR/XKQkx0nzKkzfWM5xkVT0uMjLzcGWJd8jIfYNBk1cq9Jfbwzel6PwhGJJSfEwLGYCsc+lrqEBKxvJzPrO7j548fQBju7fin7fTlJoux94BDTCIJf8OWc+HBtpKYXb2zhYOXjL3caH9jatcHubEge9QvtFW9cA2roGMLVyhp1rAOaPro7HN4/Cr3obpZSnLLe1D1+J8DomW/pcXU3y5VlfR4CUAqMX9LUFiIr/8ssX1NWAplXUsOV4Lh5HSLbzLkEMG1MR6lRQR9gb5XRqGBvoQk0oLDJ5Y3xSCswMDYrER8TE4U1sAkb/uUG6TCSWlLvawEkImTUGN5+EIz4lDa3GzZHG5IlE+GNbKLYcOY8D88YrJfeCDA0ldSopodDxnRgPY5Mvn3h489q/0P6rr1GrnmQOH0dnN8TEvMW+4A1K61y4dj8dTwtcuvBh0kYjAzUkFhi9YGSghheR2UXWLygvD9JOgvCIbLg5aKHV+4kh5Xn2SvK61ubqSutckLa1hY7v5MQ4GBVzzvhcMm2tmw/Cnz3AsX+2ou8w5bS1H0jbqELtpbzz2AfFtVGFz/d5uTnY+tf3SIx9g4ETVHveIyoOx5AQAMDX1xdpaWmoXLky3r59C3V1dbi7u8s8zM0ljVh2djZ69+6Nbt264ZdffsGgQYMQHR1d7LYnTpyIpKQkmUfb3hOLjdfS1oeplZP0YWHrDn0jC4Q/zL92PysjFZHP78DOrZLcbaipa8LGyQ8vCqwjFokQ/ugS7F3lr6NK6uqasHX2w/MHl6TLRCIRnj+4BIdiyuDgHiATDwBh9y/AsZj40ijx0i2YNaops8y8cS0kXLoFABDn5CDpxn2YNypwLaFAALOGQUi8JP9a7S+hqa0PI3Mn6cPEyh26BhaIeJZfP7IzUxH96g6snCp98esYmNqrZLuFqatrws7FF8/uy9anZ/cvwdFd/us4uVdC2H3Z+vT03kU4uku+WFau3Q6jf9uD72aGSB+GJpao33oABv64Umm5Fy6HrbMfwgodF2EfKYeje0CRcjy7dwGOHvnxHzoW4t6+xMAJa6BnYKKK9KXUNTTg7OaNB3euSJeJRCI8vHMV7kq+ZlckFiE3R3m/aGtp68PU0kn6MLdxh56hhUzbmZWRisjw27BzlT8Pipq6Jmwc/fDikWx7++LhRdgXsw4AiMWSCSQ/dCArQ1lua7NzgfiU/Ed0ohgp6WK42uZ/VNPSAOwtBHgV/eWjC9SEko6LwlsQiSXX0yuLhro6fJxtceVB/qhHkUiEKw/D4O/uWCTe2cYCO375DltnjJQ+6lfyQVVvV2ydMRLWpkZoXSsQ238eJRNjYWyIPi3r4a+xA5SXfAHqGhpwcffCvTvXZcpx//Y1eHjJv/3h58jOyiwy+kIoVJN2qChDZpYY7+JypY+IdzlISM5FRY/8W0bqaAng7qhVZP6ETxEK8NE7TDjbSi53SkhW3t1g1DU04OTmjYd3rkqXiUQiPLx7FW5exf/I9SXEIhFyc5TXNn0gPe8VOn+HPfjEea9wG3XvAhwKxH/oWIh7+xIDxq+BrorPe6WNQCgok4/yiCMX/mPi4uLQpUsXDBgwAP7+/jAwMMC1a9cwd+5ctG/fHk2aNEFQUBA6dOiAuXPnwtPTE2/evMGBAwfQsWNHVK1aFZMmTUJSUhIWLVoEfX19hIaGYsCAAfjnH/mzJmtpaRW5bEJD8/NPngKBANWb9MG5A8tgauUMY3M7nNqzCAbGlvAObCKN2zivH7wrN0G1RpLrxWs27Ye9aybAxqkCbF38ceXYeuRkZSCgdifpOqlJMUhNikVCtGRCpeiIJ9DU1oORqQ109I0/O8fPUat5X4SsnAg7lwqwc62Ii0c2IDsrA5XrdgQA7FwxHoYmVmjWZQwAIKhpH6ye3QfnD66FZ0B93L0cijfh99G+X/4okPTURCTFRSElUdK582E+CX0jcxgYWyg1f0ByK0q9Ah8KdV3sYRjgjez4JGS+joLXr2OgbWeF2/0lvx69XLENTt/2gvesH/B63S6YN6wJmy4tcbVd/q0/wxeuRcCaOUi8fg9JV+/AeVRfqOvp4PV6+bMmK4NAIIB/3T64fnwZjMydYWhqhyuHF0HX0BIufvl1at/yfnCp0AQVa0vqVE5WGpJi8yciS46PQGzkQ2jpGsHAxPazt6sMdVv2w47lE2HvUgH2bhVx7tAG5GRloGp9SX3avmwCDE0s0bKbpD7Vbv41ls/sizOha+FdqT5uXwxF5PN76DxAUp/0DIyhZ2As8xpqaurQNzaHha2LUnOXLUdfBK+QHBcOrhVx/rDkuKhST1KOHcskx0WLD+Vo1gcrfuuDs6Fr4VWpPu5cCkVk+H10fF+OvNwcbF48Gm9ePEDfMX9DLMpDSuL7uTD0jYqdLVxRzdr3wqo/p8PZ3ReuHn44sn8LsjIzUKdxWwDAyoVTYWxmiS5fjwAgmZjszevn0pwT4mPw6vljaOnoSn89C964BP6Va8HM3BoZGem4dPYQHt+7jrHTFqukDEB+e3s+9G+YWjrB2Nwep/f+CQNjS3gVaG83L+gLz0pNpe1tjab9sW/teNn2NjsD/u/b24SY13hwLRSuvrWhq2+KlMS3uHBwBTQ0teFeob5Sy1Ae2toPzt/PQ8MANcQliZGQKkaTympIyZCMcvhgQAsNPHiZh0sPJcs01QEzw/wPrSYGAtiYCpCeJUZSmmRSyOdRIrSopoacXDESU8VwthYi0F2I0CvKHb7eq1ldTFsVDF9nO/i5OmDLkfPIyMpGuzpVAABTVu6ApbEhRnZpAS0NDbjby07uaaAr+RL8YbmxvjqM9WUvmVBXE8LMSB/ONqrbD607dMfff/wKV3dvuHv64uDe7cjKzET9JpIRN0sX/AwTMwv06DsMgOT4jngtqSO5ublIiIvBi+dPoK2tC2tbewBA5Wp1sGfHephZWMHB0RUvnj9B6J5taNC0tcrKAQChZ5LRqYkRomJzEB2Xi+4tTZCQnIur99KlMVO+scKVu+k4fD4FANCjlTFuPcpAbEIetLUEqFNZD75u2pi5UnKZhZWZOuoE6uHGowykpongaKuBvu1M8SAsE6+ilHt5T/N2vbFq0TQ4u/nAxaMCjv7zoa2V3PFs5Z9TYWJqga++HgngfVsbIWlrc3NzkBgXjVfhj6Glnd/W7ty4GBUr14aZhTUyM9Jw6cwhPL5/HWOmLlFq7h/UbtEXu963UfauFXHhiOx5L3i5pI1q3vV9G9W8D1b91gfnDq6FV0D+ea9DgfPelsWjEfXyAb4e8zdE/9J5j0gedi78x+jr66NGjRr4448/EBYWhpycHDg4OGDw4MH46aefIBAIEBoaikmTJqF///7SW0/Wq1cPVlZWOHXqFBYuXIiTJ0/C0FAyA+3GjRsREBCAv//+G8OGDVNJ3rVaDEJOVgYObJiKzPRkOHpUQc/RK2Wu002IeYX0lATpc7/qrZCeGo/TexcjNTkGVg4+6Dl6pcyws+untuHM/r+kz9fPlXxQbtf/N5lOCGWoWKMV0lIScHz3IqQmxcLG0Qd9xq6Q5pMUFwWhIP8XKkePQHQZ+juOhfyJo7v+gJmVE3qOWgwre09pzKObJ7F79U/S5zv+ltyDvWH74WjUcYRS8wcAoyoVEHR8o/S57zzJa7/eEII7AydCy8YCOg420r9nvIjA1XZD4Tt/IpxH9kFmxFvcHToZsUfPSWOigg9C08IUntNGQcvaAsm3H+JKm0HIjpY/1FJZKjUYhJzsDJzeORXZmcmwdq6CNoNk61Ry3CtkpuXXqeiIe9i3rK/0+YX9swEAXlU6oFH32Z+9XWUIqNkSacnxOLJrMVKSYmHr5I0BPy6XDpNMjI2CoEB9cvYMRI9v5+Jw8CIc2rEQ5tZO6PP9Ylg7qP6uEB/jX7MVUlMScGzXIqS8Py76/7AivxxxsuVw8gxE92G/48jOP3E4+A+YWzmh9+jFsHaQHBfJCdF4eOMEAGDR5I4yrzX4p/Vw9akOVahRpxlSkhKwZ+syJCXEwdHFE2OmLYaRseSyiLiYtzLlSIyPwbQxvaTPD+3ZiEN7NsLLrzImzFwBAEhJjMfKhdOQlBALHT19ODh5YOy0xfCrJDsaSNmCmg9GTlYGQjdJ2lsH9yro/t2qQu3ta2Sk5h8bvtVaIS0lHqf3LUJacgys7H3QfdQq6BtK9qO6hiZeP72Gq8fWIyM9GXqGZnD0qIq+47cWmQhSUeWhrf3g7N08aKoDHWqrQ1sTeBktxrrDOcgt8GOwqYEAutr5nQl25gIMapX/ZaJ1DclHvRtP87DrrKTzYPupHDSroo6u9TWgowUkpopx9HoerjxS3t0iAKB5DX8kpKTi7z3HEJeUAi9HGywZ0x9mRpLLIt7GJUJYBuZOCKrbBMlJidi5eSUSE+Lh5OqBCTMWSC+LiI15J3N8J8THYmKBWy7/s3sL/tm9BT4VAjF1luQzR7+h32PH5pVY+/c8JCUlwMTUHI1btEfn7qoZgfHB3pPJ0NIUYuhX5tDVEeJReCZ+W/EOObn5P/pYmWnAUC9/gkcjfTUM72EBE0M1pGeI8DIqGzNXvsPd93edyM0To6KnDlrVM4SWphBxibm4fDcdIUcTlZ5/9TrNkJKcgD3bJG2tg4snvp+a39bGx7yVqVOJCTGYPqan9PmhvRtxaO9GePlVwfhfJW1tclICVv05VdLW6urD3tkDY6YuUVlb61/zfRsVkn/e6/eDbBslc97zCETXYb/j2M4/cSRY0kb1Gp3fRiUnROPRTcl5b0mh897Aiao77xHJIxCLlTj+iugzbTpb9qudpnrZLwMA6NVT3lwAJenprkclnYLCnG2U+8G+pIjEpf/LwqdYG6SVdApK8Sy66LXtZZG2Ztk/Nm4/VN0Ejf+mn7wPlHQKCntsrtzRMiVl9vKUkk5BKb4bWHbmkipOVIpuSaegFF/VKJtXzL8b/3VJp/BFrOZs/HRQGcORC0RERERERFQmldf5C8qistk9RURERERERESlBjsXiIiIiIiIiEgh7FwgIiIiIiIiIoVwzgUiIiIiIiIqm4T8vby04J4gIiIiIiIiIoWwc4GIiIiIiIiIFMLLIoiIiIiIiKhMEgh4K8rSgiMXiIiIiIiIiEgh7FwgIiIiIiIiIoWwc4GIiIiIiIiIFMI5F4iIiIiIiKhMEvBWlKUG9wQRERERERERKYSdC0RERERERESkEHYuEBEREREREZFCOOcCERERERERlUkCoaCkU6D3OHKBiIiIiIiIiBTCzgUiIiIiIiIiUggviyAiIiIiIqKyibeiLDW4J4iIiIiIiIhIIexcICIiIiIiIiKFsHOBiIiIiIiIiBTCOReIiIiIiIioTOKtKEsPjlwgIiIiIiIiIoWwc4GIiIiIiIiIFMLLIoiIiIiIiKhMEgj4e3lpwc4FKhG5eWX/2qiXkaKSTkEp9HY9KukUlMKjs3dJp6Cwa2vvlXQKSqGnq1bSKSjsjbZ+SaegFNpaJZ2BchjoiEs6BYVVqaBR0ikoxY60TiWdgsIyn5d0Bsox4GuDkk5BKW691CzpFBSmXvZPe0RKwW4eIiIiIiIiIlIIOxeIiIiIiIiISCG8LIKIiIiIiIjKJt6KstTgyAUiIiIiIiIiUgg7F4iIiIiIiIhIIexcICIiIiIiIiKFcM4FIiIiIiIiKpMEQv5eXlpwTxARERERERGRQti5QEREREREREQK4WURREREREREVCYJeCvKUoMjF4iIiIiIiIhIIexcICIiIiIiIiKFsHOBiIiIiIiIiBTCOReIiIiIiIiobBLw9/LSgnuCiIiIiIiIiBTCzgUiIiIiIiIiUggviyAiIiIiIqIyibeiLD04coGIiIiIiIiIFMLOBSIiIiIiIiJSCDsXiIiIiIiIiEghnHOBiIiIiIiIyiYhfy8vLbgniIiIiIiIiEgh7FwgIiIiIiIiIoWwc+E/at26dTA2Ni412yEiIiIiIqKyi3MulEL9+vXD+vXrMXToUCxbtkzmb8OHD8fSpUvRt29frFu37otfo1u3bmjVqpX0+fTp07Fnzx7cunXri7epSmKxGGf3L8Kts8HIykiGvVtlNO85HaZWzh9d7/rJzbh8dDVSk2Jgae+NZt2nwNbFX/r3g5um4sXDC0hNioaGli7s3QLRsNM4mFm7qaws9SoIEOgmgJYGEBELHLwmQkJq8fEOFkCQtxDWpoCBjgDBZ/PwJFI2pk0NAQJcZPsKw6LE2HZapIISSPbH1SOL8fCyZH9YO1dGvU7TYGzhXOw6b55fxa1TqxETeR/pyTFo0XcJXCo0UXi7X8K0TlW4jh0Io8oVoG1riWudv8W7fcc/vk696vCdNwH6vh7IfB2FZ7P+RsSG3TIxTsN6wnXMQGhZWyD5ziPcH/0Lkq7eVWru8jTwF6KyhxDaGsDrGDEOXMlDfErx8Y6WAtTyFcLWVAADXQG2ncrF4whxkThzQ6BJZTU4WQogFAIxSWLsOJ2H5HTl5i8Wi3H92GI8uhqM7IwUWDkFok6HaTAydy52najwq7hzZg1iI+8jPSUGTXsvhrNffn0S5eXg6pE/8frxGaTER0BTWx+27kGo3mIs9AwtlVuAAuW4fGgx7l8MRlZmMmycK6Nhl0/X3zvnNuPGidVIT4mFua036nWaDGun/HYqLTkG5/f9jtdPLiA7Kw0mFi6o2nQo3AOaq6wc5/9ZhDvnJcehrWtlNOsxHSaWHy/HjdObcfXoaqQlS9rbxl2nwMY5vxzb/vgar59ekVknoE43NOv5s9LLcPHoFpwOXYPUpFjYOHihXZ9JcHDzLzb+zuVDOLprMRJiI2Fm5YSW3cbAu1J96d+PhizBnUsHkRj3FmrqGrB38UWzr76Do3uA0nPPL8NmnHlfBmsH70+W4e7lQzi6a5G0DC26jZUpw7GQJbhzKVRaBjsXXzT7arRKywDkn79vn5PUJzu3ymje4zPO36c24/KR/PrUtJvs+bvg9oOXDMbz+2fR6Zu/4FmpiZytKacclw4uwt2L748Ll8po1OXTx8Xts5tx7cRqpCfHwNzOGw07T5Ee30lxEVj7c2O567XqtxCegS2VWoazh7fixP51SE6MhZ2TFzr3nwgn94rFxt+8eBihO5YgPuYNLKwd0bbX9/ALrCf9+3fd5K/brtcYNG7XX6m5FyQWi3H54CLcu5S/Lxp2mf7Jtvb22Q9tbQzMbb1Rv8C+ACRt7bl9c/H68fu21tIF1Zp+o9K29kLoIty7EIzMjGTYuVRG426frlO3zmzGteOSY8PCzhsNv5JtawHgTfhNnN//B6Je3oFQKISFnQ86fbsaGpraKilLSRMIBCWdAr3HkQullIODA7Zt24aMjAzpsszMTGzZsgWOjo4KbTsnJwc6OjqwtFTNB2xVuHR4Ja6d2IgWvaaj74Qd0NDSwfZFA5Gbk1XsOg+uhuL4zlmo03o4BkzaDSt7b2xfNBBpyXHSGGtHP7TuOwuDp4ei+3erIRaLsW3hQIhEeSopR5C3ANU8BTh4TYR1R0XIyQV6NBBC7SNHoqY68C5RjMPXPt5REPZGjIV78qSPPRdU07EAALdOrcLdcxtRr9N0dB65AxqaOvhn1aCP7o+c7AyY2XqjboepSt3ul1DT00Xynce4N2rGZ8XrONuj2r7liDt1Geeqtkf44vWouPxXmDetI42x6dISPr9PxNNf/8K56h2RcucRahxYDU0LU6XmXlhtXyFqeAtx4HIeVh3KRXYu0LuR+qfrVIIYoVeLr+cm+kD/5uqITRJj/dFcLPsnF2fuipCrgkPj9plVuH9hE+p0mI72326HhqYuDq4Z/NH9npudAVMbL9RqP0X+33MyEffmAQIbDUPHkbvQpPciJMW8wJEN3yq/AO/dOLEKt89sRMMu09F1tKSd2rvs4/X3yc1QnN0zG9WbD0f3sSEwt/XCvuWDkJ6S304d3TweCTHhaD1wKXr+sA9u/k1xaP33iIl4oJJyXDm6EjdObUTTHtPR64cd0NTSQfDij7e3j66F4tSuWajVejj6TNwNCztvBC8eiLQC5QAA/9pdMWzWOemjfscflZ7/7UsH8c+WOWjS8VuM/GUnbBy9sXruEKQmxcmNf/nkJrYt/QFV63fCqF92wa9KY2xcOBJvXz+VxlhYO6Ndn0kYPWsPhk3ZCGNzO6yeOxipyfFKzx8A7lwKxYEtc9C443CM+GUXbBy9sGbu4E+UYRyq1u+Mkb+EwLdKY2xaOBJvXz+RxphbO6Ndn8kYPWsvvpmyCSbmdlgzd5DKyvDB5SMrcf3kRjTvOR19xkva9e2fqE8Pr4XixM5ZqNNmOPr/tBuW9t7Yvlj2/P3B1ePrAaj+i8W14ytx88xGNO46Hd2/l5Rj97KPl+PxjVCc2T0LNZsPR88fdsPC1hu7/x4oPb4NTGww+JdzMo+aLUdCQ0sXzr71it3ul7hx4RB2b/gdzTt/gx9m74Ctkyf+/m0oUoqpU+GPb2HDovGo2bATfpgdjIrVGmH179/hzav84+KX5SdlHj2++RkCgQABNVTTwfPB9eMrcet9W9vt+x1Q19TBnk/siyc3QnF2zyzUaDEc3cfthrmdN/YuGyjT1h7ZPB6J0eFoM+hv9PpxP9z8m+LgutGIVlFbe/XYStw6vRGNu01Hz7GSc0bI0k/UqeuhOL17Fmq2HI7eP0ra2pClsuV4E34TIUsHwcm7DnqOC0bPcTtRqV4vCAT82keqx1pWSlWuXBkODg4ICQmRLgsJCYGjoyMCAwOlyw4dOoQ6derA2NgYZmZmaNOmDcLCwqR/f/HiBQQCAbZv34769etDW1sbmzdvlrmcYd26dZgxYwZu374NgUAAgUAgHRWxYMECVKxYEXp6enBwcMC3336L1NSP/MyuAmKxGFePb0DtVsPgWakJLO290ab/XKQkRuPJrWPFrnfl2FoE1OkK/9qdYW7rjha9ZkBdUxt3LuySxgTW6wZHz2owNreHtaMf6rcfjeSEKCTFRRa7XUVU9xLg3H0xnkQC0UnAvssiGOgAXvbFfzAKiwJO3xXj8SdSyhUBaZn5j8wcJSf/nlgsxp2zG1Cl8TdwqdAYZrZeaNR9DtKToxF+v/j94eRdDzVajIZrxaZK3e6XiDl8Bk+mLcS7vZ+3Xach3ZERHoGHP85B6qPneLl0M97uOgyX7/pJY1xG98fr1TsQsT4EqQ/DcPfbachLz4RDv85Kzb2wGj5CnLkrwuMIMaITgT0X8mCgC3g7FF+nnr0R4+RtER69Ljpa4YNGldTwNFKMYzdFeJsAJKQCTyLESFduPw/EYjHund+AwIbfwNm3McxsvNCg62ykp0Tj5YPi94+DVz1UazYaLn7y65OmtgFaDVwDN/+WMLZwgZVjJdRuNxmxkfeRmvhGuYV4X45bpzegWrNv4FqxMcxtvdC05xykJUfj+d3iy3Hr1Dr4BXWBb43OMLV2R8MuknbqweX8durti1sIqNMb1k7+MDJ3QLVmw6ClY4DoiPsqKcf1ExtQs8UweARI2ttWfeciNSkaT28XX45rJ9bCv3ZXVAzqDHMbdzTrMQMamtq4V6C9BQANTW3oG1lIH1o6+kovw7mD61C9QRdUrdcJVnbu6NB/GjS1tHHtTIjc+PNHNsLTvw7qtx4ISzs3NPtqFGydfXHx2GZpTKVabeBRoRbMLB1gZe+BNr3GIysjFW9fP1Z6/gBw9uB6VJMpw/RPlGEDPPzroJ60DN/B1tkHF49tkSmDe4VaMH1fhta9Jqi0DED++btWS9nzd+rnnL9rd4V/rffn754zoKEhe/4GgHevH+LqsTVo1ec3lZXhQzlunt6AGs2Gwa1iE1jYeaN577lIS4pG2EeO7xun1qJCra7wq9kZZtbuaNxVcnzfvyQph1CoBj1DC5lH2J1j8KzUEppaekotw6kDG1CrcWfUbNgR1vZu6DpoKjQ1dXDp5G658acPboJ3pdpo3K4/rO1d0brbSNi7+OLs4a3SGENjc5nHvWsn4e5XHeZWDkrNvSCxWIxbZzag+vt9YW7rjWa9JPviY23tzVNrUSGoK3xrSPZFI3ltbfhN+NfNb2urN/sWWjqGiH6tmrb25qkNqNF8GNz9JXWqxdeStvbZneLLcf2kpBwVanaGmY07mnSTlOPexfxynAqZhcD6X6N6syEwt/GAqZUrvCq3grqGptLLQVQYOxdKsQEDBmDt2rXS52vWrEH//rLDzNLS0jBmzBhcu3YNx48fh1AoRMeOHSESyf5qPWHCBHz33Xd4+PAhmjeXHd7VrVs3jB07Fn5+foiKikJUVBS6desGABAKhVi0aBHu37+P9evX48SJE/jxR+X/0vQxibERSEuOgbNPLekybR0D2LoEIPL5Tbnr5OVm4+2r+3ApsI5AKISzd61i18nOSsedCyEwNreHoYm1cgsBwFgP0NcR4MW7/C90WTlAZBxgZ6b49p0sgdEdhPimlRAtqgigo6JzSEp8BNJTYmDvkf/eaukYwNLRH+9e3ip121UG45qVEHviosyymKPnYFKzEgBAoKEBo8p+iD1+IT9ALEbsiQswrhkIVTHWl1wq8/xt/vGelQNExIrhYKHYL3kedgLEp4jRq5Eaxn2ljoEt1D7aCfalUhIikJESCzv3IOkyTW0DWDj4492r20p9reysFEAggKa2oVK3CwDJcZL66+ApW3+tnPzx9sUtuevk5WYjOuK+zDoCoRAOHkF4W6DOWztXwtNbochMS4RYJMKTGweQm5sNO7fqSi9HUpykvXXyli2HjXMA3nyivXXyki2Hk3ctvAmXXefB1f1Y8kMNrP2lDc7smY+c7IzCm1NIbm42Il88gLtfTekyoVAId78gvHx2S+46L5/dgrtfkMwyz4q18fKp/PqXm5uNKyd2QFvXADaO3krLveD237y4L5OTUCiEm18QXhVThlfPbhcpg0fFOnj1VH68qsvwQZIC52/nwudvH9nzd052BvatHoum3adC38hCZWUA3h/fyUWPb2unAESFF1+O6NdFj29Hz1qIeiF/nXev7yEm8iH8gr5Sav65uTl4/fwBPCvKHheeFWviRTH1PPzJbXhVqCmzzDugFl48kR+fnBiL+zfPombDjspLXN7rFLMvrJwCin1fi21rC+0La5fA/7F33/FRFP/jx1936b33XgihJfQiNRRpUpQPiKIUUQERxIp8VcAKdikKooL0JkV67yX0TuglCQRSSO/J3e+Pg7tcuCCSOym/9/Px2AdkM7M37+zszt7s7Cznj6wtd64txD/cdOfawKrl6lTwvevUzQQD59qqujjystO4ceUYtg5uzP+hN1P/7ykWTniJaxcPGj2GR4pS+XguTyCZc+ER9tJLLzFq1CiuXr0KwO7du1mwYAHbtm3TpunRQ/+u6PTp0/Hw8OD06dPUrFlTu37EiBE899xzBj/HxsYGe3t7zM3N8fbW/1I9YsQI7f+Dg4P54osvGDx4ML/88kslo7t/uVkpANg56n8Dt3N0Izcz1WCevJx01KpSbB3uzpN245LeukPb5rJ16XcUF+bh6hVC7xEzMDM3/jdzu9uPueUW6K/PLVBjb1O5bV9KgrMJKjJyNcPZW0Up6d1SwZ+bVKgrvjn9QPKyNfvDptzf1tbenbxsw/vjYW7XGKy83Cm8qV+GwpupWDg5oLS2wsLFCaW5OYXJaeXSpGFXNdRk5bK31nzZv7tOgZ31g3cE2FmDlYWCpjWUbD2qYtORUsJ9lTzf0oyZG0u5mmy8SpV/e9/a2Ovvdxt7d/Jv1wljKCkuZP/a7wmL6oyltfHvlt+pv7b2d9ff3Arqb36u4fOUrYM76cmXtT937P8T62a+zW8fN0apNMfc0prOAybh7BFk5CggN/Me59usCuK4c751LB+HG7du6s631Ro8g6OrL/ZOnqRcO8v25d9x6+Zlug+abLTy52VnoFKVYu/krrfe3tGNlOuXDObJyUjF3km/7PZO7uSUa1/ijmxj/s/vUlxUgIOzBwNH/o6dg4vRyn6HLgb9Mjk4upFy/bLBPJoYysXs5GYghq0s+Pk9iovycXD24JWRf5gkBm25Kmq/HSquT3fab0N5yrbfmxePwy+sjsnmWCgr9/bxbXfXser2AMe3G7eSDdfFU3v/wtUrDN+QukYotU5uVjoqVSkO5euUkxvJFdSp7IxUHJzvTp9VwXXXge0rsLa2JbqhafeH9lxr4O+aV9E56h77Ir3MOapTv59YO/Ntpn3USHeufWWySc61eVmG47jXsaGN4x7n2ozUBAD2rplMi2c/wNOvGqf3L+evyf3pO2rVP87nIERlSefCI8zDw4POnTvz559/olar6dy5M+7u+hcP58+fZ/To0ezbt4/U1FTtiIX4+Hi9zoX69es/UBk2bdrEuHHjOHPmDFlZWZSUlFBQUEBeXh62trb3tY3CwkIKC/XHUhcXWWFhaWUw/cl9K1g3d4z2515v/vpAZb9fNRp1JaRaU3IyU9i38Q+WTxvByx/Mx9zCcPnue7tBCjrV133BW7jDdHMgnI7XfdlLyYTkDBVDu5gR5AlXblZu2+cOr2T7Et3+6PzK1HukFqZUK1jBM43MtD/P22qauUHuzIt0NkFN7BlNvb2ZriLAQ0G9CCVXkx/8cy8cWcnO5WO1P3foN6UyRb0vqtJiNs9/GzVqmnUf888Z7sPZQyvZuki3rS6vme64iF0zgcL8bLoPmYG1nQuXTmxi7cy36TFsDu6+VSu17dP7V7Bhvi6OHkNMd76Nbva89v8eflWxc/Jg0YT+pKfE4+JRubmE/gth1Roy/Mul5GVnsH/rYuZNeoehYxfc1QnwKAur1ohhXy4lLzudA1sXM3/S27wxdqHRYji1bwXr5unqU8+hpqlP549t5uqZWAZ8ZHhIf2WdObiCzQt1cXQbZNrrEICSogLOHF5Fo6dNNy+MKcVuW0a9Zp0rvLZ7UGcOrtA/175uun2xd+0ECvOzePaNP3Xn2j9H8L/hcyt9ro07sIJNC3RxdB9sojjUmjY7qunz1GysuQHpGVCd+HN7ORm7hOZd3zXN5wpxm3QuPOJeeeUV3nzzTQB+/vnnu37fpUsXgoKC+O233/D19UWlUlGzZk2Kior00tnZ/ftn965cucIzzzzDkCFD+PLLL3F1dWXXrl0MHDiQoqKi++5cGDduHJ9+qj9xXrd+Y+jef6zB9FWiW+Mbopu9urREE0tuVhr2TrpJKHOz0vAKMDyc09beBYXSTG+CG9029DtorG0csLZxwNUrGL/QaH58uyFnj2ykRsNn7iu+ipy/pub3NN2X/jsT7NlZQ06ZO8121gpupht3eEFGrmZEhIu9/mMYDyK4egxegbpZiO/sj/zsNL1Z9/NyUnH3rfbAn2Pr4GGS7RpD4c1UrLz0642VlzvFmdmoCgopSk1HVVKCladbuTRuFN4w3qiLs4lqElNLtD+b3+5nsLOGnDKjy+2sqVSdyiuEUpWalEz9baRmVv5xi8DqrXkuoEx9Kr1dn3LSsC2z3/NzUnHzqfx+V5UWs2ne2+SkX6fzqzOMNmohpEYMXu/dfVzk5aRh56Rffz0qqL82dobPU3nZqdg6aupbZmo8x3fN5cUPVuLmUwUAD79Irl86xIld84jpdX+TklYkPKo1PsH3d7719Dd8vrW5c77NKh9HGnaO7gbzANrPzUi5arTOBVsHZ5RKs7vu2OdkpWHvbLgs9s7ud02UmJN590gAS2tb3K2DwCuIwPBovn2vAwe2LyGm6+tGKfvdMeiXKTsrDYd7xlAu5sy72zv9GGrz3XvtObh9Ca2MFEN4dGteKdN+l1RUn7Irrk932u/ykzfmlqlPV8/Gkp4az4/vNNBLs+zXYfiH16fPu7MrFUdozdZ4Bxk4LrLLHd/ZaXj4VXBcVHh8p2HncPd+PH9sHSVFBVRr2L1SZTfEztEFpdLsrskbszPT7hqdcIeDszvZGXend3S6u+wX4w6RfP0K/d/6zniFvq2ifZFnpH1x51ybkRrP8Z1z6DNyVblz7UGO75pL616Ve6tNWK3WeBs41+ZlGzg2/imOe5xr7Rw111KuPvpvPXP1CiM73fjzDQlR3pP5sMcTpEOHDhQVFVFcXHzXXAlpaWmcPXuWjz/+mDZt2lCtWjXS09Mf6HMsLS0pLdW/G3no0CFUKhXff/89jRs3JiIiguvX//2JadSoUWRmZuotnV8cVWF6K2t7XD2DtIu7Tzh2jh5cOaN75r0wP4frl4/hF2r4eXYzc0u8A2twJU6XR61ScfXM3grzAKjVmkl27pz0K6OoRDMJ3p0lNQty8tUEe+m+nFmaa+ZbuGZ4suYH5mADtlaaz6ssS2t7nNyDtIuLVzi2Dh4kXtD9bYsKckiOP45XUO0HL7Orv0m2awwZsUdxa63/7Kl7m6dIjz0KgLq4mMzDp3BvXeaZZ4UCt5gmZMQafnbyQZSvUymZkJ2vJtRbdyq3tAB/dwUJKQ++71UquJ6mxs1RvyPB1UFBZu4Db1ZTPis7/frkGY6NgzvXLsZq0xQV5JCScByvwMq9Iu9Ox0JW2lU6DZyOtZ3xhn9bWtvj7BGkXVy9NcdFwjn9+nvz6nG8g2sb3IaZuSWe/jVIPKd/nko4H4v37Tp/Z04CRblnM5VKJWp15UdDWVrb4+IZpF3cbp9v48/qn2+TrhzD9x/Ot1fPljvfnt2Lb0jF59vkxDhAdzFsDObmlvgFV+fCaV19UqlUXDgVS1B4bYN5gsJrc+FUrN668yf3ElTl3vVPrVZrvzwbk7m5Jb7BNbhYLoaLp2IJrCCGwPBoLpaL4cLJPQRWMZz+DmPHYFWuPlWq/T5TcfvduP3rDPx4Ba98tFy7ALTpOYrO/So/uaPB49tR//guLMjhxtVj+FRQx83MLfEMqKGXR61SkXBuLz7Bd+c5GbuE0JqtsbU3/huGzM0tCAitzrkT+7TrVCoV507GElxBPQ+JiObcyX16686e2EtwxN3pY7cuJSC0On7Blbu7b0iF++K8/r64efWYwb8r6M61ZfOU3xcld8615d6ooFCYoTbC86WW1va4eARpFzdvw+faG1fuXae8AmoQX65OxZeJw9HNHzsnT9Jv6j/ukp5yBUcXv0rH8ahSKBWP5fIkkpELjzgzMzPi4uK0/y/LxcUFNzc3pk2bho+PD/Hx8Xz44YcP9DnBwcFcvnyZo0eP4u/vj4ODA+Hh4RQXFzNp0iS6dOnC7t27mTr13w/9tbKywspKf5jcv5mwVqFQ0KBNX/asmYKrZxBO7v7s+HsCDs6ees9azvuhHxF12lE/5iUAGrYdwKo/R+IdXBPf4CgObJ5JcVE+UU9p5p5IT0kg7uAaQqo3xdbBlez0G+xdNw1zS2vCarY0WJbK2n9WTdMamonyMnKhZS0l2fmaO9J3vBij5FyimoPnNesszMG1zM1WZzsFXs5q8osgK0/z++Y1FJxJVJNboJlzoXW0klvZcOmG8WNQKBRENe/Loc1TcXIPxtHVj/3rJ2Lr6ElIDd3+WPFrf0JqtqVWU83+KC7MJTM1Xvv7rFuJpF6Lw8rWCQcX3/verjGY2dliF667U2ob4o9jdCRFtzIpSEii6hfvYO3nxbEBIwG4Om0BQW/0IXLc+yT8uQT3mMb49OzIga6DtNu4/NMMoqd/Tcahk2QeOE7w8H6Y29mQMNPw7O7Gsi9ORfOaStKy1WTkqImJNiM7D703QbzcxowzCWoOnNN8GbUwB1cH3TZc7BV4uajJL9TUKYA9p1X8r5kZ8ckKLt9QE+6rpKq/gj83GvdRDIVCQc2mfTmyZSpObkE4uPpzcONEbB08Caqu2++rfx9AcPW21HiqD6CpT1lpuvqUnZ5I2nVNfbJ39tV0LMwdQer107TvNwW1ulT7rK6VjZPR51VRKBTUbtmXgxun4uyhqb+xaydi5+hJaC1dHMt+6U9orbZEN9ccF7Vb9WfTvA/xDKiJV1AUR7fPpKQon+qNNOcpF69QnNyD2LpoDE27foCNnTMXT2wi/tweurxq/EcxFAoF9Vr3Ze/aKbh4BuHk5s+ulROwd/KkSrQujoUT+lEluh11W2niqN96AGtmjcQ7qCY+QVEc3DqT4sJ8aja5c76NJ+7ASkJrtsTGzpmUa2fZ8tc4/MMbVHgH+0E169ifxdNG4R9Sk4DQWuxaP4uiwnzqtdBMNLdw6oc4uXjS4fl3AGj69Mv8+lU/dqyZQWTtlhyLXcO1yyd57hXNqJCigjy2rPiV6nVb4+DsTm52Bns3zSMr/SZRDdtXWI7KaN6xH4unjcLvdgy7y8WwaOpIHF28ysTQl2lf9WXnmhlUrd2S47FruHb5FM+WiWHril+pVjcGB2cP8srEUMtEMUCZ9nutrv3euWIC9uXa7/k/9iOidjvqlWu/fYJq4hMcxcEtMykq037fedtIeY6uvji7G/9NBQqFgjot+7J/wxScPTTHxZ41E7Bz8iSszPG9ZHI/wqLaUbuFJo66rQawYe5IvAJr4h0YxeHtmuuQO8f3HRkpV7l28QDdB00zetnvaNW5L3N/+YjAsBoEhtVi+5rZFBXm06hVdwDmTP4/nFw96fLiCABadnyJiZ8OYMvKmdSo25zDe9aRcPEUz7+m/2hZQV4OR2M30u3l90xW9rIUCgW1W/TlwO194ejqT+ztfVH2XLv0Z82+uHOurdNqABvnjcQroCZegRWfa7csGk2zbiOxtnPm0olNxJ/bTdfXjP8Ig0KhoE6rvuxbrznXOrr5s2eV5lwbHqWLY/GkfoRHtaNOS00c9WIGsG7O7ToVFMXhbZpzbY3Gz2m326DNQPasmYSHXyQe/tU4vW8Zt25eossrE40ehxDlSefCY8DR0fDM5kqlkgULFjB8+HBq1qxJ1apVmThxIq1atfrXn9GjRw+WLl1KTEwMGRkZzJgxg/79+/PDDz/w9ddfM2rUKFq0aMG4cePo27dvJSP69xq3f43ionzWzhlNQV4WAeH16DX8d715ETJSE8jP0Y3cqN6gE3k5t9i5YiK5WSl4+lej1/DftUPHzC0sSbhwkAObZ1KQl4WdoxsBVerT94P5d00kZSx7z6ixMIdODZRYW0JCCizYrqK0zA1IF3uwKdMX4+MKL7fWdSy1q6vpVT92WcWqfWrUavB0VhAVosDaArIL4PINNduPq/W2a0y1W71KcVE+2/8aTVFBFt7B9Xjm1d/09kdWWjwFubr9kZx4khVT+2l/3rNyPABV63Wnde/x971dY3CqV5Mmm3XDZqt/938AJMxayvGBo7Dy8cAmwEf7+/wriRzoOojq348ieFhfChJvcGLQx6Ru3KVNk7R4LZYerkSMGY6VtwdZx+LY/8yrFCUbeVhKObtPq7Awhy6NzLC2hPhkNXO2lOjte1cHBbbWus4GXzcF/dvpTv/t65sBZhy9qOLvvZrOgzMJalbtL6VZDTM61Ie0LFi0o7RSIyIqEt3iVUqK8tm5bAxFBVl4BdWlw4Bpd9enPF19Srl2itW/6epT7OqvAahStzuteo4jNyuZq3FbAFg6UX/28s6vzcQ31Pizf9dtram/WxeNpjA/C5+QenQdpF9/M1P1j4uIOp3Iz7nFvnWTyM1KwcOvGl0H/Ybt7WHTZmYWdH39V/as+p5Vvw+huCgPJ/dA2r0wnuDqpukEbdjuNYoL81k/bzSFeVn4hdXjf2+WO9+m6J9vI+trzre7V+nOt/97U3e+NTOz4OqZvRzaOoviwjwcXHyIqP00TToa//ny6MYdyc2+xcYlk8jOTMU3MJJX3v8Vh9vDuTPSkvTuTgZF1KH3kG/Y8NdE1i/+CXevIF4eMQnvAM3QaIXSjJSky8yZ+Ba52enY2jvjH1qTQR/Pxsu/itHLDxDVuBM52elsWjKR7MxUfAKrMeD9af8Qw7ds+GsC6xf/iLtXEC+NmIR3QESZGC5xeOLyMjHU4vWP55gshjsaPf0aRYX5rJurab/9w+vx/DD9+pSekkBemfpUrX4n8rJvsXOlrj49P+z3ez5mY2r127xGSVE+mxdqjm/f0Ho8O7jccZGWQH6Z47tqXc3xvXfNRPKyUnD3r0b3wXfHcSp2CQ5O3gRVbWay8td9qgM5WbdYs+hnsjJS8Q+OZPCoqTjeftQmPS1J705qSNXa9B02njULJ7NqwQQ8vIMY+P4EfAP168vhPWtRq9XUa9rRZGUvr97tfbGlzL7oNuj3cuda/XNURN1O5OfeInbtRO25ttug3/XOtd0GTWP3yu9Z+dtgiovycHYPpN2LpjvXNmirubbdOF8Th19oPZ57w0AcZetUPc25ds/qieRla+J47g39OlU3pj8lxUVsWzqOgrxMPPwi+d/Q6Tg/BnPbiMefQm2MsT5C/Et/bnvYJai8azdMM5nef83O9sl4OqpKD9O9Tu2/cnDGyYddBKOwszX750SPOOtKvG3jUWJt9WTE4ebw+J9v1TwZ+yIz9/FvMwoK/znN4yDE2/iP5TwMF5NM9O7s/5D549/sATDo6YddggeT88uDjdx+2OzfGP+wi2B0j38LIYQQQgghhBBCiIdKOheEEEIIIYQQQghRKdK5IIQQQgghhBBCiEqRCR2FEEIIIYQQQjyentDXOj6OZOSCEEIIIYQQQgghKkU6F4QQQgghhBBCCFEp0rkghBBCCCGEEEKISpE5F4QQQgghhBBCPJYUCrlf/qiQPSGEEEIIIYQQQohKkc4FIYQQQgghhBBCVIo8FiGEEEIIIYQQ4vEkr6J8ZMjIBSGEEEIIIYQQQlSKdC4IIYQQQgghhBCiUqRzQQghhBBCCCGEEJUicy4IIYQQQgghhHgsKZRyv/xRIXtCCCGEEEIIIYQQlSKdC0IIIYQQQgghhKgUeSxCCCGEEEIIIcTjSSGvonxUyMgFIYQQQgghhBBCVIp0LgghhBBCCCGEEKJSpHNBCCGEEEIIIYQQlSJzLgghhBBCCCGEeDzJqygfGbInhBBCCCGEEEIIUSnSuSCEEEIIIYQQQohKkc4FIYQQQgghhBBCVIp0LgghhBBCCCGEeDwpFI/n8gB+/vlngoODsba2plGjRuzfv/+e6TMyMhg6dCg+Pj5YWVkRERHBmjVrHuiz74dM6CgeClsr1cMuQqVVCXqwk8KjxtL88d8XAAdnnHzYRai0+gNqPuwiGEXaprMPuwiVVlj8sEtgHCUlD7sExnH1htwLeVT4eT7+bUZegdSnR4mdzcMuQeXl5j/sEoj/HyxcuJB33nmHqVOn0qhRI3766Sfat2/P2bNn8fT0vCt9UVER7dq1w9PTk7/++gs/Pz+uXr2Ks7OzycoonQtCCCGEEEIIIcQj7IcffuC1115jwIABAEydOpXVq1czffp0Pvzww7vST58+nVu3brFnzx4sLCwACA4ONmkZpetWCCGEEEIIIcRjSaFUPpZLYWEhWVlZekthYaHBGIuKijh06BBt27bVrlMqlbRt25a9e/cazLNixQqaNGnC0KFD8fLyombNmnz11VeUlpaaZD+AdC4IIYQQQgghhBD/qXHjxuHk5KS3jBs3zmDa1NRUSktL8fLy0lvv5eXFjRs3DOa5dOkSf/31F6WlpaxZs4ZPPvmE77//ni+++MLosdwhj0UIIYQQQgghhBD/oVGjRvHOO+/orbOysjLa9lUqFZ6enkybNg0zMzPq1avHtWvX+PbbbxkzZozRPqcs6VwQQgghhBBCCCH+Q1ZWVvfdmeDu7o6ZmRk3b97UW3/z5k28vb0N5vHx8cHCwgIzMzPtumrVqnHjxg2KioqwtLR88MJXQB6LEEIIIYQQQgjxeFIoH8/lX7C0tKRevXps3rxZu06lUrF582aaNGliME/Tpk25cOECKpXuLT/nzp3Dx8fHJB0LIJ0LQgghhBBCCCHEI+2dd97ht99+Y+bMmcTFxTFkyBByc3O1b4/o27cvo0aN0qYfMmQIt27d4q233uLcuXOsXr2ar776iqFDh5qsjPJYhBBCCCGEEEII8Qh7/vnnSUlJYfTo0dy4cYPatWuzbt067SSP8fHxKJW6sQMBAQGsX7+et99+m6ioKPz8/HjrrbcYOXKkycoonQtCCCGEEEIIIcQj7s033+TNN980+Ltt27bdta5JkybExsaauFQ60rkghBBCCCGEEOLxpFQ87BKI22TOBSGEEEIIIYQQQlSKdC4IIYQQQgghhBCiUuSxCCGEEEIIIYQQjyXFv3ytozAd2RNCCCGEEEIIIYSoFOlcEEIIIYQQQgghRKVI54IQQgghhBBCCCEqReZcEEIIIYQQQgjxeJJXUT4yZOSCEEIIIYQQQgghKkU6F4QQQgghhBBCCFEp8liEEEIIIYQQQojHk7yK8pEhe0IIIYQQQgghhBCVIp0LQgghhBBCCCGEqBTpXBBCCCGEEEIIIUSlyJwLQgghhBBCCCEeTwp5FeWjQjoXHhH9+/cnIyOD5cuXP+yiPJL2bZrLrrXTyclMxTswks4vfYR/aFSF6U/uX8fmpRPJSL2Gq3cQ7Xu+S0R0S+3vTx3cwIGtC7l+5RT5uZm88elSfIKqSRz3Yc/GeexYPZ3szFR8AqvSre9HBIRVHMPxfevY8Nck0lOv4e4VRMfe7xBZu6XBtEunj2XflkU889KHNO/Q11QhaLWKUlK3ihJrC0hIUbN6fym3sitOH+ip4KnqSnxdFTjYKliwrYSzieq70rk7Qtu6ZgR5KlAqISVTzaLtpWTlGa/srs3qE/ruQJzq1sTa15ODPd7g5orN987ToiHVv/sQ++pVKEhI4sK4KSTOWqaXJmjIi4S+MxArbw+yjp/h1IjPyTxwwngFN0CtVrNjxUSO7FxMYX4W/mF16dhnLK5ewffMd3DrXGI3/EFOZgpe/pE8/cIn+IXo6uKa2aO5HLeHnMxkLK1s8QurQ+vn3sPdJ8xkcexePZETuzVx+IbWpV3vsbh43juOI9vncmDTH+RmpeDhF0mbXp/gE6yLY8FPL5N4fr9enuhmz9Puhc9MEQZqtZq9ayZyYu/tOELq0qbXP8dxdMdcDm3RxRHzv0/wDtLEkZmWyPRP2xjM13nAT0TU6Wj0GA5smETcPk0M3sF1afHcGJw9Ko7h+qUDHN32BynXTpGXlUKHfpMJqdm20tv9/z2O2LLtXkAkz7z0Ef73aDNO7l/HptvtnptXEE/3epeqt9u90pJiNi2ZwLnjO7iVnIi1rT1h1ZvwdK93cXTxNHrZy1Kr1exbO5GTsbrjIqbn2H/8mx3bOZfDW/4gLzsFd99IWvbQHRcAuVkp7FrxDQln91BUmIuLZwgN2g0mPLq90WPYuX4+W1b+SVZGKn5BVekxYBRB4bUqTH9k73rWLJrMrZTreHgH0qXP29So00L7+7eeN5y3a593aNN1gNHLf4darWbnyokcLdNmtH/xn9uMQ1vnsm+jps3w9I/k6d6f4FumzVg7ZzRXbrcZFla2+IfVIea593DzNl2b8bjXKSHKk8cixCPvxL41rF3wNTHdhzLk0yV4B1Rl5nevkZOVZjB9/PkjLJ76HvVa9GDIZ0upVqcN8yYO42biOW2a4sJ8giLq8nSvd/+rMJ6IOI7FrmXV3K9p8+wbDP/iL3wCI/nj69fJyTQcw5VzR5j/8/s0aPkcw79YQvV6bZj14zBuJJy/K+3JA5uIv3DM5BeIdzStrqRRpJLV+0r5fV0JRSXwUmtzzO5xVrQ0h5vpatYcKK0wjYs9DGhvTmqmmpkbS5i6qoQdJ1SUVJzlgZjZ2ZJ1/Cwnh396X+ltgv1psOJX0rbtY1f9blyeNJNav36Be7tm2jQ+PTtS7dtRnP/iZ3Y1fJbs42dotPoPLD1cjVv4cvau/40DW2bT8aWx9B+1CAsrG+ZPGEhJcWGFeU4fWMOmxeNo/sxQBn68DM+ASBZMGEhumePJO6gGXfqPY9Cna+j91h+gVjP/p4GoVEbeGbft3/gbR7bNpl3vsfR5fxEWljb8NfnecZw5tIZtS8fRpNNQXv5wGZ7+kfw1eSC52frHVFTTXgz5apd2adH9A5PEAHBw028c3TGbtr3G8sI7mjiWTrl3HGcPr2HHsnE07jCUPu8vw90vkqW/DCTvdhwOLj68/sUuvaVJx2FYWNkSXL1Fhdt9UEe3/c6JXbNp8dxYegzTxLDq91fvGUNxUT5uvpE07z7aqNutjMc9jhP71rB2/tfEdBvKG7fbvT//od1bNEXT7r3x2VKq1W3DvAm6dq+4qIDrV0/TqusQ3vhsCS8Om0jqjSvM+ekNo5bbkEObNcdFTM+xPP/2IswtbVg+9d7HxbnDa9i5fByNOgyl93ua4+LvqbrjAmDD3JFkJF/mmVen0OeDlYRFtWPtnyNITjxt1PIf3rOOZbO+pX2Pwbw/fhG+QRFM+WoQ2RW035fPHmXWxJE0jnmO98cvplaD1vzx7Vtcj9e135//ulVveWHwZygUCqIbtTW4TWOJXf8bB7fMpkOfsfT7UNNmLJz4z23G5r/G0azzUF75aBle/pEsnFiuzQisQed+43htrKbNUKvVLDBhm/G41ykhDJHOhUdQq1atGD58OB988AGurq54e3szduxYvTQZGRkMGjQILy8vrK2tqVmzJqtWrdL+fsmSJdSoUQMrKyuCg4P5/vvv9fIHBwfzxRdf0LdvX+zt7QkKCmLFihWkpKTQrVs37O3tiYqK4uDBg3r5du3aRfPmzbGxsSEgIIDhw4eTm5trsr8FwJ71M6nfsid1mz+Hp184XfqNxcLSmsM7lhpMv3fjLMJrNaNZp4F4+obRtsdb+ARVY9+medo0tZt2I6bbUMKqP2XSspf1JMSxc+2fNIzpSYOWz+HlF86zA8ZgYWXNge2GY9i9fjYRUc1o+cxAvPzCaN9zOL7B1dmzca5eusxbN/l71pf0fuMbzMz+mwFVjaop2XFCxdlENckZsHxPKQ62EBlQ8dC6C9fVbD2m4kzC3aMV7mhd24zz19RsOqLiRjqk58C5RDV5Rv7ukbJ+B+fG/MTNvzfdV/qg13uTfzmRuA++JufMJa7+MpcbS9YT8lZ/bZqQEQNI+GMRiTOXkhN3kRNvjKE0r4CA/j2MW/gy1Go1+zfNolnnIVSt3RYv/0i6DviG7Ixkzh6pOLZ9G2dQu1kvopv2wMM3nE59PsXc0ppju5do09Rt8TyBEQ1wdvfHJ6gGLbuPICs9iczUayaJ4/DWWTTuMITw6LZ4+EXSqd835GQmc+FYxXEc3DyDWk/1olaTHrj7hNOu96dYWFpzcu8SvXTmltbYOXloFysbe6PHoI1j+ywaPj2EsChNHB1e/obczGQuHq84jsNbZ1DzqV7UaNwDN59w2vbS7I+TsZo4lEoz7Bw99JYLxzcRUacjllZ2Ro/h+M5Z1GszmJCabXDzrUrr3l+Tl5XM5VMVxxAU2YJGHUYQWqudUbf7/3Mcu9dp2r16LTTtXtf+mnbvUAXt3p4Ns6hSqxnNy7Z7wdWIvd3uWds6MOCD6dRq1BEPnxACwmvzzMsfc/3KKTLSrhu17GWp1WqO7rh9XNRqi7tvJE/30RwXl05U/Dc7sm0GNZv0onqjHrh5h9O6p+a4OL1Pd3zfuHyEqOYv4R0UhZN7AA2ffgMrG0eSE04ZNYZtq2fxVJseNI55Fm//MHq9OhpLSxtity4zmH772jlE1m5Km64D8PYPpfPzw/APqc7O9fO1aRyd3fWWkwe3El6jIe5eAUYte1lqtZoDm2fRtNMQImq3xdM/kmdutxnnjla8L/ZvmkF0s15ENe2Bu284HW63Gcf36PZFnTJthndgDVp2u91mpJmmzXjc65QQhkjnwiNq5syZ2NnZsW/fPr755hs+++wzNm7cCIBKpaJjx47s3r2bOXPmcPr0acaPH4+ZmRkAhw4dolevXvTu3ZsTJ04wduxYPvnkE/7880+9z/jxxx9p2rQpR44coXPnzrz88sv07duXl156icOHDxMWFkbfvn1RqzVfpC5evEiHDh3o0aMHx48fZ+HChezatYs333zTZH+HkpIirl85RWj1Jtp1SqWSsBpNSLh41GCehAvHCCuTHiC8VjPiK0j/X3gS4igpKeLa5dNUqdFYu06pVBJeownxFwyX6eqFo4TX1I8hIqop8ReOaX9WqVQsnPohLTu/grd/FZOUvTxne3CwUXDphkq7rrAYElPVBHhU7rm9Kn4KbmWr6dPajPf+Z87ADmZU9X/4zwI6N65N6pa9eutSNu7CpXFtABQWFjjVrUHq5j26BGo1qVv24Ny4jsnKlZGaSG5WCsHVdB1k1rYO+IVEc+3SEYN5SkuKSIo/RUiZPAqlkpBqT5FYQZ6iwjyO716Ks7s/jq7exg0CzbD/3KwUgqrqymRl44BPcDTXL1ccx82EUwRF6scRGPkU18vFEXdgJT9/0IgZXzzDjr+/p7go3+gx3IkjLyuFwHJxeAdFc/3KveMom0ehVBJY9SmSKoj9ZvxJUq7FUbPx/4wbAJB9K5G87BT8q+jH4BkYxc2rRx+57f7Xn/dfxXGn3QurYaDdq6DNSLhwTC89QJWazSpMD1CQn41CocDa1tEYxTYo6/ZxERCh/zfzCoom6R7HRXLiKb08CqWSgIin9PJ4h9Th/JG1FORmoFapOHd4NSUlhfiHNzRa+UtKikm4dJqIWvrtd0Stxlw5f8xgnsvnjlG1ZmO9dZHRT3HlnOH0WRmpnDqyk8Yxzxqt3IYYbDNsHPD9hzbjhoE2IzjyqQrzFBXmcXzP7TbDxfhtxuNepx45SuXjuTyBZM6FR1RUVBRjxowBoEqVKkyePJnNmzfTrl07Nm3axP79+4mLiyMiIgKA0NBQbd4ffviBNm3a8MknnwAQERHB6dOn+fbbb+nfv782XadOnRg0aBAAo0ePZsqUKTRo0ICePXsCMHLkSJo0acLNmzfx9vZm3Lhx9OnThxEjRmjLNXHiRFq2bMmUKVOwtrY2GEthYSGFhfq3bYuLLLCwtPrHv0NedgYqVSn2Tm566+0d3UhNumwwT05mKvZO7nelz8lM/cfPM5UnIQ5dDPplcnByIyXpksE8ORmpODjqx+zg6E52hi6G7at+R6k0o2n7l4xf6ArYW2u+7OcW6K/PLQA76wfvCLCzBisLBU1rKNl6VMWmI6WE+yp5vqUZMzeWcjW54hEPpmbl5U7hTf26U3gzFQsnB5TWVli4OKE0N6cwOa1cmjTsqoZiKrlZKQDYOejXEztHN3KyDNf1vJx01KpS7MrVLTsHN9LK1cWD2+ayZcl3FBfm4eYVwosjZmBmbmnECDTuxGFbrky2Dm7kVhBH/p04ysfu4MatG7o4qtV/BkdXX+ydPEm5dpYdf39H+s3LdHt9spGjgLw7cTjcHUdeRXHkauIwlCf9puFzw8nYv3D1CsM3tK4RSq0vL1sTg0358ti7k5f94OdPU233v/68/yqOCts9p3u3e3aO7nelz66g3SsuKmTDwu+p1bgz1iYazQO6v5kpjotO/X5i7cy3mfZRI5RKc8wtren8ymScPYKMVv7crHRUqlIcyu0LByc3kq8b3hfZGak4ON+dPquCfXFg+wqsrW2JbmjaRyK0bUb587+jG7kVlO1Om1F+X9g5upF2Q/8cdWjbXLYu1bQZrl4h9DZRm/G41ykhKiKdC4+oqCj9yY58fHxITk4G4OjRo/j7+2s7FsqLi4ujW7dueuuaNm3KTz/9RGlpqXaEQ9nP8PLyAqBWrVp3rUtOTsbb25tjx45x/Phx5s7VDWlXq9WoVCouX75MtWqGJxIcN24cn36q/1z4/14ZTc9Xx1T8BxD/X0i8fIpd62fz1hdLUJhwpt9awQqeaWSm/XneVtM8P3knhLMJamLPaEZF3ExXEeChoF6EkqvJpvncx8nJfStYM0d37D//5q8m/byaDbsSWq0pOZkpxG74g6XTRtBv5HzMLf65c/NeTu9fwcb5ujiee8N0cUQ3e177fw+/qtg7ebBoYn8yUuJx9gis1LbjDqxg80JdHN0HmXZ/AJQUFXD20CoatTfOc/LnDq9k+xJdDJ1fmWqU7f7XnpQ4/iulJcUs/Plt1Kjp2s+41xNnDq5g6yLdNru8brrjYu/aCRTmZ/HsG39ibefCpRObWPvnCP43fC7uvlVN9rnGFrttGfWadb6vG0f/xsl9K1g3V7cvepm4zajRqCsht9uMfRv/YPm0Ebz8QeXbDKlT4v8X0rnwiLKwsND7WaFQoFJpvqzY2NgY/TPufLEztO7O5+bk5DBo0CCGDx9+17YCAyu+wB01ahTvvPOO3rqVRywqSK3P1sEZpdLsrgkDc7LS7rqDfoe9k/tdd/fvlf6/8CTEoYtBv0zZmWk4VBSDszvZ5Sbuys5KxcFZk/7y2UPkZt1i3Fu6WeRVqlJWz/2G3etm8eFPxnn+92yimsTUEu3P5rf7GeysIafM6HI7a82EjQ8qrxBKVWpSMvW3kZpZ+cctKqvwZipWXvr7ycrLneLMbFQFhRSlpqMqKcHK061cGjcKbxjvbmaV6Na8GhKt/bm0pAiA3Ow0HJx1k3nmZqXhFRBpcBu29i4olGZ6E3Hd2YZdubpobeuAta0Drl7B+IVG8/2Ihpw9spEaDZ+pVBzhUa3xCb47jrysNOyddHHkZafh6W84Dps7cWQbiMOx4uPc+/bnpqdcrXTnQlgt/ThK7sSRfXccHhXFYaeJI69cHHnZadg63B3HuaPrKC4qoFqD7pUq+x3B1WPwCtR1lt/ZF/nZadg5lokhJxV33wd/m46tg4dJtnvHkxKH7nMqaPcy793ulR/pk2OgjSktKWbBz2+TkXadVz6cYfRRC6E1W+MdZOD4zk7Drvxx4fcAx8Xt4zsjNZ7jO+fQZ+Qq3Hw0jwV6+EVy/dJBju+aS+texnkjjJ2jC0ql2V2TN2Znpt01OuEOB2d3sjPuTu9oYN9djDtE8vUr9H/rO6OUt6wq0a3xNdRmlDvX3k+bUX5f5Bq4prK2ccDaRtdm/Pi2cdqMJ61OPXIUT+YjBo8j2ROPoaioKBITEzl37pzB31erVo3du3frrdu9ezcRERHaUQsPom7dupw+fZrw8PC7FkvLioeMWVlZ4ejoqLfcb8+2ubklvsE1uHQ6VrtOpVJx6XQsAWG1DeYJCI/WSw9w8dQeAitI/194EuIwN7fEL6Q6F07px3DhVCyB4YbLFBRem4un9GM4f3IvgeGaBrZu066M+Go5b325VLs4unjSsvMrDPzgN6OVvahEM7HinSUlE7Lz1YR6606Blhbg764gIeXBOxdUKriepsbNUb8jwdVBQaZp5z39RxmxR3Frrf/8rHubp0iPPQqAuriYzMOncG9d5nlnhQK3mCZkxBp+/vNBWFnb4+oZpF3cfcKxc/TgSpxuPojC/ByuXT6GX6jhuR7MzC3xCazBlTO6PGqViitxe/GvIA+AWq0ZbXXnC3RlWFrb4+IZpF3cbsdx9ax+HElXjuEbUnEcXgE1iD+rH0f82b343iOOlMQ4AOydPIwSh7NHkHZx8w7H1tGDhHP6cdy4egzf4HvHUTaPWqUi4exefAzEfip2CaE1W2PrYJy3kFha2+PkHqRdXLzCsXXwIPGCrjxFBTkkxx/HK6j2A3+Og6u/SbZ7x5MSxx33bPcqaDMCwqO5WK7du3Bqj176Ox0LaTevMuCD6djauxitzHeUPy5c7xwX58scFwU53Lx6DJ97HBee/jX08qhVKhLO7dXmKbk9d4qi3BcjhcJMO9+VMZibWxAQWp1zJ/Zp16lUKs6djCW4SrTBPCER0Zw7uU9v3dkTewmOuDt97NalBIRWxy/Y+HfFK2wzzuifo67/Q5vhHVhDr51Rq1RcPbO3wjygazNKjdRmPEl1SoiKSOfCY6hly5a0aNGCHj16sHHjRi5fvszatWtZt24dAO+++y6bN2/m888/59y5c8ycOZPJkyfz3nvvVepzR44cyZ49e3jzzTc5evQo58+f5++//zbphI4AT7Xvx6HtizmyaznJ1y+yctanFBXmU7e5ZtKgv6aNZMPiH7Tpm7Try/mTu9i9dgYp1y+xZdlkrl8+RaO2L2rT5OVkkHQ1jpTrFwBIvXGZpKtxZGekSBz30Lxjf/Zv+4tDO5Zz89pFls34lOLCfOq31MSwcOqHrF2oi6Fp+5c5e3wXO9bMIPn6JTYumcy1Syd5ql0fAOwcnPEOqKK3mJmZY+/sjodviEliuGNfnIrmNZVE+CvwdIZnnzIjOw+9N0G83MaMBhG606SFOXi5aBYAF3sFXi7gaKvb7p7TKmoGKagbrsDFHhpEKKnqr+DAOd3kkcZgZmeLY3QkjtGaOxy2If44RkdiHeADQNUv3iF6xtfa9FenLcA2JIDIce9jVzWUoMEv4tOzI5cn/KlNc/mnGQQM7IXfy92xjwyl5s9jMbezIWGm4ZndjUGhUNCwbV92r5nCuaObSU48y4rpH+Dg7EnVOrpnd+f+0I8DW+Zof27UbgBHdi7i+J5lpCZdZO3csRQX5RPV9DkA0lMS2L32V5KuniQz7TqJFw+z9NfhWFhaE16zpUniqBvTl9h1U7hwfDMp186ydtYH2Dt5Eh6ti2PRhH4c3qaLo36bARzfvYiTsctIu3GRjQvGUlyYT83GmjgyUuLZu/ZnbsSfJDMtkQvHN7Nm1kj8wxtUeHer0nG07Mu+9VO4eGIzqdfPsn7OB9g5eRIWpYvjr8n9OLpDF0fdmAGc2LOIU/s0cWxepNkfNRo9p7f9jJSrJF48QK0mxp/IsWwMUc37cmjzVC6f2kJa0lk2LxiJraMnITV0Maz4tT8ndutiKC7MJfVaHKnXNJ03WbcSSb0WR3b69X+1XYlDp2mHfhzcvpjDt9u9FTM17V69O+3eryPZsEjXZjz1dF/On9jFrtvt3ubb7V7j2+1eaUkx8yeP4NqVU/Qc/C0qVSnZGSlkZ6QYpdOwIgqFgtot+nJgwxQundQcFxtvHxehtXR/s6U/9+PYTt2+qNNqAKf2LiJu/zJu3bjI1sVjKSnKp/rt48LFKxQn9yC2LBrNjavHyUiN5/DW6cSf201YLePui1ad+7J3yxL2b/+bG4mXWPz75xQV5tOoVXcA5kz+P1bO+0mbvmXHl4g7tpstK2dy89ol1i7+hYSLp2je/gW97Rbk5XA0diONW5vurUJlKRQKGrTpy541Uzh/bDPJ186ycoamzYiorfubzfuhHwe36vZFw7YDOLprEcf3atqMdfNutxlP6dqMPXfajFuaNmPZtOGYW1oTZqI243GvU0IYIo9FPKaWLFnCe++9xwsvvEBubi7h4eGMHz8e0IwwWLRoEaNHj+bzzz/Hx8eHzz77TG8yxwcRFRXF9u3b+eijj2jevDlqtZqwsDCef/75f85cCbUadSI3O53NyyaSk5mKT2A1+r47TTuULTMtCWWZHtrAKnXoOehbNi2dwMYlP+LmFcSLwyfh5a+bo+LMka0s++P/tD8vmvIuADHdhtL6WdN0ljwJcUQ37khu1i02LJlEdmYqvkGRvPLBr9ohqxmpSXq95cERdXjhjW9Yv3gi6xb9hLt3EH3fnoR3wH/zVoh72X1ahYU5dGlkhrUlxCermbOlhNIyfQCuDgpsrXWdDb5uCvq3050229c3A8w4elHF33s18ymcSVCzan8pzWqY0aE+pGXBoh2llRoRYYhTvZo02Txb+3P17zT1IGHWUo4PHIWVjwc2tzsaAPKvJHKg6yCqfz+K4GF9KUi8wYlBH5O6cZc2TdLitVh6uBIxZjhW3h5kHYtj/zOvUpRs+D3oxtKk/WsUF+azZs5oCvKyCAivR++3ftd7xjU9JYH8nHRdvA06kZt9i+0rJpKblYKXfzV6D/8d+9tDQ80tLEk4f5ADm2aSn5eFnaMbgVXq02/k/LsmAjOWhu1eo7gonw3zRlOYn4VfWD16DNWPIyM1gfxcXRyR9TqRl32L3asmkpedgodfNf439HftYxFKcwuuntnLoa2zKC7Mw8HFh4jaT9O4g3HmKzCkfltNHJsWaOLwDa3Hc0P048hM1d8fVet2Ij/nFnvXTCQvKwUP/2o8O+T3ux7vOBm7BAdnb4Iim5ms/AC1W71KcVE+2/8aTVFBFt7B9Xjm1d/0YshKi6egzL5ITjzJiqn9tD/vWalpU6vW607r3uPve7sSh06tRp3IzUpn81Jdu9fvPV27l3ErCYVSv93rNfhbNi2ZwMa/brd7b+navaz0ZM4c2QLAz5/ov5XglQ9nElrNdLPh12vzGiVF+WxZqDsuug2693ERUbcT+bm3iF2rOU95+FWj26DftY8LmZlZ0G3QNHav/J6Vvw2muCgPZ/dA2r04nuDqxv1CW/epDuRk3WLNop/JykjFPziSwaOm4nj7McX0tCQUSt2ou5Cqtek7bDxrFk5m1YIJeHgHMfD9CfgG6rffh/esRa1WU69pR6OW914at9eco9aWaTN6DTdwri3XZuTl3GLn7TbD078avYbrzlHmFpYkXDjIgc0zKbjdZgRUqU/fD0zXZjzudUoIQxRqGSMjHoJFe417F1c8OEvzJ+MUcOzs41+n6g+o+bCLYBRpm84+7CJUWmHxwy6BcZQ+IXOIFhQ+GeepJ4Gf5+O/L5LTn4yBu2E+phut8V+6kWH8tzH813JN83bg/9zQ/66PyKgKlk982EV4INbd757H7nH3ZJxdhRBCCCGEEEII8dBI54IQQgghhBBCCCEqReZcEEIIIYQQQgjxeJJXUT4yZE8IIYQQQgghhBCiUqRzQQghhBBCCCGEEJUinQtCCCGEEEIIIYSoFJlzQQghhBBCCCHE40mheNglELfJyAUhhBBCCCGEEEJUinQuCCGEEEIIIYQQolKkc0EIIYQQQgghhBCVInMuCCGEEEIIIYR4PCnlfvmjQvaEEEIIIYQQQgghKkU6F4QQQgghhBBCCFEp8liEEEIIIYQQQojHk7yK8pEhIxeEEEIIIYQQQghRKdK5IIQQQgghhBBCiEqRzgUhhBBCCCGEEEJUisy5IIQQQgghhBDi8aSQ++WPCtkTQgghhBBCCCGEqBTpXBBCCCGEEEIIIUSlyGMRQgghhBBCCCEeT0q5X/6okD0hhBBCCCGEEEKISpHOBSGEEEIIIYQQQlSKdC4IIYQQQgghhBCiUmTOBSGEEEIIIYQQjyeF4mGXQNwmnQtCPCBXu+KHXQSjyCqweNhFMAo7W7OHXYRKS9t09mEXwSjc2lZ92EWotIDTOx92EYwiq9juYRfBKOJv2T7sIlTakzLf2JNwDe/ioH7YRTCKi0mWD7sIRlEnOPthF6HSsgqtHnYRjOTJqFPi4XlCmjohhBBCCCGEEEI8LNK5IIQQQgghhBBCiEqRxyKEEEIIIYQQQjyeFHK//FEhe0IIIYQQQgghhBCVIp0LQgghhBBCCCGEqBR5LEIIIYQQQgghxOPpSXiNzRNCRi4IIYQQQgghhBCiUqRzQQghhBBCCCGEEJUinQtCCCGEEEIIIYSoFJlzQQghhBBCCCHE40kp98sfFbInhBBCCCGEEEIIUSnSuSCEEEIIIYQQQohKkc4FIYQQQgghhBBCVIrMuSCEEEIIIYQQ4rGkVigedhHEbTJyQQghhBBCCCGEEJUinQtCCCGEEEIIIYSoFHksQgghhBBCCCHE40kh98sfFbInhBBCCCGEEEIIUSnSuSCEEEIIIYQQQohKkc4FIYQQQgghhBBCVIrMuSCEEEIIIYQQ4vEkcy48MmRPCCGEEEIIIYQQolKkc0EIIYQQQgghhBCVIo9FCCGEEEIIIYR4LKkVioddBHGbdC48Qfr378/MmTMBMDc3x9/fn549e/LZZ59hbW39kEtXOfs2zWXX2unkZKbiHRhJ55c+wj80qsL0J/evY/PSiWSkXsPVO4j2Pd8lIrql9venDm7gwNaFXL9yivzcTN74dCk+QdVMHsf2dQvYtOJPsjJS8QuKoNcrowiuUqvC9If3bmDVgsmkpVzH0zuQbi+9Tc26zbW/z8pIY/mcHzlzfC95udmEV6tLr4Gj8PQJMlkMezfOZcea2/siIJKufT8iIKzifXFi3zo2LplIeuo13LyC6PD8u0TW1uyL0pJiNvw1gbPHdnArORFrW3vCazShw/Pv4ujiabIYANRqNYc2TeLMgcUU5WfjFVSHZt3H4OQeXGGepMsHOL5jOqnXTpGXnUK7lyYRXKOt9veq0mIObJhAwtkdZN9KxNLaHt/wJjTs8C52jqaJR61Ws2PFRI7sXExhfhb+YXXp2Gcsrl4VxwFwcOtcYjf8QU5mCl7+kTz9wif4hej245rZo7kct4eczGQsrWzxC6tD6+few90nzKjld21Wn9B3B+JUtybWvp4c7PEGN1dsvneeFg2p/t2H2FevQkFCEhfGTSFx1jK9NEFDXiT0nYFYeXuQdfwMp0Z8TuaBE0Yte3nrVi1lxdL5ZKTfIigkjFcGjaBK1eoG0yZcvczCuX9w6cJZUpJv0P+1YXTu1ksvTX5eHgvm/M7+vTvIzEwnJDSCAa8PJzzCdOeqLWsWsm75LDIz0ggIjuDFVz8gNKKmwbTX4i+yfP4Url6MIy0lid6vvEu7Ln300qxeMp3DsVtISryCpaUVYZHR9Ow7HG+/YJPFAJrjYtvfkzi8YzEFeVkEhNel88tjcPuH42L/lrnsWfeH9vzW8cWP8SvT1hzavpAT+1aRdPU0RQW5jJy0H2tbR5PEsG/zXPas1ZTFKzCSTn0+vme7d+rAOrYsnaBp97yCaNfzPb127/TBDRzctkDb7g3+dBk+gaZv92I3zWVnmTbjmZf/oc3Yv45NSzTtt5tXEO2ff5eq0bo2Y+OSCZwr02aE1WhC+17/TZvxuNepO3HsWzuRk7GaNsM3pC4xPcfi7HHvOI7tnMvhLX+Ql52Cu28kLXt8gneQLo7crBR2rfiGhLN7KCrMxcUzhAbtBhMe3d7oMWxes4i1y2aTmZFGYHAV+rz2/j3PU8vmTeXKxTOkpSTxwivv8HTXFyvc9uolf/LX7Mm0e+YFXnz1XaOX/Y6d6+ezZeWd68Gq9BgwiqDwiq8Hj+xdz5pFk7mVch0P70C69HmbGnVaaH//1vOG83bt8w5tug4wevmFqIg8FvGE6dChA0lJSVy6dIkff/yRX3/9lTFjxjzsYlXKiX1rWLvga2K6D2XIp0vwDqjKzO9eIycrzWD6+PNHWDz1Peq16MGQz5ZSrU4b5k0cxs3Ec9o0xYX5BEXU5elepms4yju0ex1LZ35Lp56D+fDrhfgHVWXyl4PJzjQcx6WzR5nx00iatH6WUd8sIqpha6Z98xbX488DmguEad+8RWpyIoM+mMCobxbi6uHLxM9ep7AgzyQxHI9dw+p5X9Pm2aG8+fkSfAKrMv2b18ipIIar546w4Jf3qN+yB8M+X0r1em2Y89MwbiRo9kVxUQHXr5ymdfchDPtiCS+9NZGUpCvM+vENk5S/rGM7fufUnjk06z6Wbm8sxMLSlrXTX6OkuLDCPCVF+bj6VOWpbp8Y/n1xAWnXT1On9RCeHbaEti9NJDPlChtmmS6evet/48CW2XR8aSz9Ry3CwsqG+RMG3jOO0wfWsGnxOJo/M5SBHy/DMyCSBRMGklvmmPIOqkGX/uMY9Okaer/1B6jVzP9pICpVqVHLb2ZnS9bxs5wc/ul9pbcJ9qfBil9J27aPXfW7cXnSTGr9+gXu7Zpp0/j07Ei1b0dx/ouf2dXwWbKPn6HR6j+w9HA1atnL2r1jMzN/n0zPF/rz9YTfCQoJ58vR75KZkW4wfWFhAZ7ePvTpNwhnF8PlmjLpa44fPcCwdz/m+8kzia7TgM8+fpu01BSTxLB/13oWzviBrs+/zpjv5xEQXIUfPxtKVsYtg+mLCgvw8PKjx8vDcXJxN5jm3KlDxHTsxUdfz+TdsVMoLS3h+0/foLAg3yQx3LF77e/s2zSbzi+P5dWPFmFpZcOcH16953Fxcv8aNiwcT8uuQxk0ZileAVWZ8+OresdFcVEB4TWb07zzIJOW/+S+NaxfMJ5W3YYyaOxSvAOqMvv7V+/R7h3mr6nvUqfF/xj86TIi67ZlwaQ39du9onwCq9SjXc/3TFr2so7HrmHNvK9p3X0oQz9bgndgVf78tuL2++r5Iyz65T3qt+jB0M+WUq1uG+b+pGu/77QZMd2GMPTzJbw4fCKpSVeY/R+0GY97nbrj0ObfOLpjNjE9x/L824swt7Rh+dR7txnnDq9h5/JxNOowlN7vLcPdL5K/pw4kL1sXx4a5I8lIvswzr06hzwcrCYtqx9o/R5CceNqo5d+3awMLpv9It96vMfaHOQQER/D9p8MqPE8VFhbg4e1Pz75v4uTids9tXzp/im3rlxIQXMWoZS7v8J51LJv1Le17DOb98YvwDYpgyleDKrwevHz2KLMmjqRxzHO8P34xtRq05o9vddeDAJ//ulVveWHwZygUCqIbtTW4TSFMRToXnjBWVlZ4e3sTEBBA9+7dadu2LRs3bgQgLS2NF154AT8/P2xtbalVqxbz58/Xy69Sqfjmm28IDw/HysqKwMBAvvzyS+3vExIS6NWrF87Ozri6utKtWzeuXLli0pj2rJ9J/ZY9qdv8OTz9wunSbywWltYc3rHUYPq9G2cRXqsZzToNxNM3jLY93sInqBr7Ns3TpqndtBsx3YYSVv0pk5a9rM2rZvFUmx40iemOT0AYvV//BEtLG/ZuWW4w/dbVc6leuyntug3A2z+ULr3fJCC0GtvXLQAgOekql88fp/drHxMUXhMvvxB6v/YxxUUFHNy91iQx7Fw7kwatelK/xXN4+YXTfcBYLK2sOVjBvti9YRZVoprRovNAPP3CePp/b+EbXI29t/eFta0DAz+cTlSjjnj4hBAYXpuu/T7m2uVTZKReN0kMoOmYObl7FnViBhNcvQ1uPlVp1Ws8ednJXD29qcJ8AVVb0ODpEYTUaGfw95bWDnQaOJ2wqI44e4TgFVibpl0/JvXaKXIyjB+PWq1m/6ZZNOs8hKq12+LlH0nXAd+QnZHM2SMVx7Fv4wxqN+tFdNMeePiG06nPp5hbWnNs9xJtmrotnicwogHO7v74BNWgZfcRZKUnkZl6zagxpKzfwbkxP3Hz74rLW1bQ673Jv5xI3Adfk3PmEld/mcuNJesJeau/Nk3IiAEk/LGIxJlLyYm7yIk3xlCaV0BA/x5GLXtZq5YvpE37LsS060xAYAivD30PSytrtmxcbTB9eEQ1+r4ylKYt22JhYXnX7wsLC9m3ezsvDRhC9Zq18fH1p1efV/D28WPD2uUmiWHDirm0aPcszdp0wzcglJcHf4SllTW7Nv9tMH1IlRr06v82jZq3x9zcwmCat0f/TLPWXfELDCMgJIKBwz7lVsoNrlw07heOstRqNfs2zaLFM4OJrNMGr4CqdB/4NdkZyZw5XHE9i93wJ3Vb9KROM81x8czLn2Jhac2RXbrjonG7fjTr9Dr+odEmKz/Ang1/Uq9FT+o074GnXzjP9L1dlp1LDKaP3Thb0+51HIiHbxhtnnsLn6Dq7N88V5sm+qlutOo2lNAaTUxa9rJ2r5tJ/VY9qddC03536z8WCytrDm2voP1eP4sqtZrR/Hab0e5Om7FR12a8MnI6tcq0GV36fsz1K6ZvMx73OnUnjqM7ZtHw6SGE1WqLu28kT/f5htzMZC6dqDiOI9tmULNJL6o36oGbdzite2rajNP7dHHcuHyEqOYv4R0UhZN7AA2ffgMrG0eSE04ZNYYNf8+lxdPdad6mK34BofQdMgpLK2t2bl5hMH1olRo83/+t2+epu8+1dxTk5zHtx0/oP/QjbO0cjFrm8rat1lwPNo55Fm//MHq9OhpLSxtity4zmH772jlE1m5Km66a68HOzw/DP6Q6O9frruEdnd31lpMHtxJeoyHuXgEmjUWI8qRz4Ql28uRJ9uzZg6Wl5mRaUFBAvXr1WL16NSdPnuT111/n5ZdfZv/+/do8o0aNYvz48XzyySecPn2aefPm4eXlBUBxcTHt27fHwcGBnTt3snv3buzt7enQoQNFRUUmiaGkpIjrV04RWl13MaRUKgmr0YSEi0cN5km4cIyw6voXT+G1mhFfQfr/QklxMQmX4oiMaqxdp1QqiYxqxKVzxwzmuXzuGFWjGumtqxb9FJdvpy8p1vzNLSys9LZpbmHJxbgjxg5Buy/Ca9y9L+IvHDWYJ/7CMb30AFVqNSP+vOH0AIV52SgUCqztTDcsNDs9kfzsVPzCdWWztHbAIyCKm/GG98eDKirMBoUCS2vjx5ORmkhuVgrB1XSdZNa2DviFRHPtkuE6UFpSRFL8KULK5FEolYRUe4rECvIUFeZxfPdSnN39cXT1Nm4Q/5Jz49qkbtmrty5l4y5cGtcGQGFhgVPdGqRu3qNLoFaTumUPzo3rmKRMxcXFXLpwjqja9bTrlEolUbXrc+7Mg11Yq0pLUalKsSzX8WBpZcWZU8crVV5DSoqLuXoxjmrRunOOUqmkelQjLp413ufl5WUDYGfvZLRtlpeRmkhOZgqh1fWPC//QqArbjdKSIq5fPUVoueMitHoTEv/jtqOkpIikK6cIraEri/J2WRIqONcmXjyqFy9AWM2mFcb7X6iozQivfu82I6zG3e13RXEDFPwHbcbjXqfuyEpLJC8rhYAIXZmsbBzwCoom6UrFbUZy4im9PAqlkoCIp/TyeIfU4fyRtRTkZqBWqTh3eDUlJYX4hzc0WvlLiou5cvEMNaLKnaeiG3Khkuep2dO+JrpeU2pEN/rnxJVQUlJMwqXTRNTSvx6MqNWYK+fvcT1Ys7Heusjop7hSwfVjVkYqp47spHHMs8Yr+KNOoXw8lyeQzLnwhFm1ahX29vaUlJRQWFiIUqlk8uTJAPj5+fHee7rhkMOGDWP9+vUsWrSIhg0bkp2dzYQJE5g8eTL9+vUDICwsjGbNNMONFy5ciEql4vfff0dxe+KUGTNm4OzszLZt23j66aeNHk9edgYqVSn2TvpD2ewd3UhNumwwT05mKvZO7nelz8lMNXr57ldOdjoqVSkO5eJwcHLjxjXDcWRlpOJYLr2jsxtZGZo4vP1CcHH34e95E3jx9dFYWtmwZfVsMtJuatMYU0X7wsHRjZTrFeyLDAP7wqnifVFcVMjahd8T1bgz1jb2xim4AfnZms+3sdePxcbenfxs4w05LykuZP/a7wmL6oyltfHjyc3SlNXOQT8OO0c3crIM/43zctJRq0qxcyyXx8GNtKRLeusObpvLliXfUVyYh5tXCC+OmIHZPe78/BesvNwpvKkfW+HNVCycHFBaW2Hh4oTS3JzC5LRyadKwqxpqkjJlZ2WiUpXi5Kz/eIOTswvXEq8+0DZtbG2JiKzJXwtm4hcQjJOzC7t3bOLcmVN4+/gZo9h6sm8f345O+jE4OruSdO2KUT5DpVKx4I/vCI+sjX9QuFG2aUhO5u3jonwdd3Qnt6LjIruC48LRvcK2xlTybrcX9uXKYu/kTuqNe7R7BtI/zHZP22bcVS43Uv5l+519jzZj/SLTtxmPe53SlUkTh225NsPWwY28CuLIz9XEYShP+k1dm9Gp30+snfk20z5qhFJpjrmlNZ1fmYyzh/HmgNKep8qfa51cuZF45YG3u2/neq5ePMOY72ZVsoT/LDer4uvB5AqupbIzUnFwvjt9VgXHxYHtK7C2tiW6oTwSIf570rnwhImJiWHKlCnk5uby448/Ym5uTo8emqHApaWlfPXVVyxatIhr165RVFREYWEhtra2AMTFxVFYWEibNm0MbvvYsWNcuHABBwf94WIFBQVcvHixwjIVFhZSWKj/LF9xkQUWllYV5BD3w8zcgtff+5E5U8bw/oBmKJVmVK3ViOp1moFa/bCL96+VlhQzf/LboFbTfYBx5wm5cGQlO5eP1f7cod8Uo27fEFVpMZvnv40aNc26Gyeek/tWsGaOblvPv/mrUbZbkZoNuxJarSk5mSnEbviDpdNG0G/kfMwt5Nj9Lwx792N+mTCOQf2eRak0IyQsgmYt2nDpwrl/zvwImjttPNfiL/LhV9ONut3jsStZNUt3XLz41lSjbl88mkpLilnw89uo1Wq69jdum/Gk1KkzB1ewdZEuji6vm67N2Lt2AoX5WTz7xp9Y27lw6cQm1v45gv8Nn4u7b1WTfW5lpaXcYN7v3/Pepz8/MdelsduWUa9Z5ycmHvF4kc6FJ4ydnR3h4Zo7QtOnTyc6Opo//viDgQMH8u233zJhwgR++uknatWqhZ2dHSNGjNA+0mBjY3PPbefk5FCvXj3mzp171+88PDwqzDdu3Dg+/VR/srb/vTKanq/+88WArYMzSqXZXRMG5mSl3XV34w5Dd2vulf6/YO/gglJpdtdkPdmZaTg6Gy6Xo7M7WeXSZ2Xopw8Mq87/fbeY/NxsSkqKcXBy5ZtRLxIUVsPoMVS0L7Kz0nCoIAZ7ZwP7IvPufVFaUsy8yW+TnnqdV0fNMPodqMDqrXkuQDerdWmpps7n56RhW+YtDvk5qbj5VH72dFVpMZvmvU1O+nU6vzrDaKMWqkS35tUQ3XO5pSWaOHKz03Bw1sWRm5WGV0CkwW3Y2rugUJrpTSh2Zxt25faLta0D1rYOuHoF4xcazfcjGnL2yEZqNHzGKPE8iMKbqVh56ZfTysud4sxsVAWFFKWmoyopwcrTrVwaNwpvmOYuroOjE0qlGZnlJhTLzEjH+R8mELsXbx8/Phs/mYKCfPLzcnFxdeeHr8fg6e1T2SLfxeH28Z2VqR9DVsYtnJwfPIY75k4bz7GDOxn55e+4untVentlVY2OwX+M7vguuXNcZJU/LlLxCjB8fNs6VHBcZN19J93UbG+3F+UnPdSMTrhHu2co/UNs97Rtxl3l+vftt4OBNmP+z2+TkXqdgR8av814UupUaM3WeAfd3WbkZadh56SLIy87DQ8/w22GjZ0mjrKTN97JY3u7PmakxnN85xz6jFyFm49mMkQPv0iuXzrI8V1zad3rM6PEoz1PlT/XZt7C8QHPtVcvniEr8xZj33lJu06lKuXc6SNsXrOI3xbvQWlmVqlyl2XnWPH1YPnRCXc4OLuTnWHg+tFAPboYd4jk61fo/9Z3RiuzEP/Gk/mwhwA0z3D93//9Hx9//DH5+fns3r2bbt268dJLLxEdHU1oaCjnzunugFWpUgUbGxs2bzb8Gri6dety/vx5PD09CQ8P11ucnCp+fnbUqFFkZmbqLd37fnhfMZibW+IbXINLp2O161QqFZdOxxIQVttgnoDwaL30ABdP7SGwgvT/BXMLCwJCq3H2xD7tOpVKxdkT+wiNMDyJU0hEtF56gDPHYwkxkN7GzgEHJ1eSk64Sf/E0UQ1ijBsAun1xsdy+uHgqlsDw2gbzBIZHc/GU/r64cHIPgVV06e90LKTduMrAD6dj5+Bi9LJbWtnh5B6kXVw8w7FxcOfaRV3ZigpySEk4jldg5SbVutOxkJV2lU4Dp2NtZ7x4rKztcfUM0i7uPuHYOXpwJU43B0Fhfg7XLh/DL9Tw/AJm5pb4BNbgyhldHrVKxZW4vfhXkAc0g2HUarX2IvthyYg9iltr/WdP3ds8RXrsUQDUxcVkHj6Fe+syz20rFLjFNCEj1vhzkQBYWFgQGh7BiWOHtOtUKhUnjh0iIrLyHX3W1ja4uLqTk5PNscP7adC4+T9n+pfMLSwICqtG3HHdHDwqlYq4E/sJq1rxawP/iVqtZu608Rzet5X3P/sVDy/jP9JhZWOPq1eQdvHwDcfeyYNL5Y6LxEvHK2w3zMwt8Q2qoZdHrVJxKS4W//+47TA3t8QnuAaXTuvKolKpuBwXS0AF51r/sNp66QEundpTYbz/BW2bcapcm3H6H9qM8u33yT16cd/pWEi7cZVXRk7H1gRtxpNSpyyt7XH2CNIurt7h2Dp6kHC+TBwFOdy8egyf4IrbDE//Gnp51CoVCef2avOUFGne/qIo9wy5QmGG2ogjKc0tLAgOi+R0+fPU8QOEP+B5qlp0Az6fsIBPf5yrXYLDq9O4RQc+/XGuUTsWAMzNLQgIrc65cteD507GElyl4uvBcyf1rwfPnthLsIHrwditSwkIrY5f8KM7WsQkFIrHc3kCSefCE65nz56YmZnx888/U6VKFTZu3MiePXuIi4tj0KBB3Lx5U5vW2tqakSNH8sEHHzBr1iwuXrxIbGwsf/zxBwB9+vTB3d2dbt26sXPnTi5fvsy2bdsYPnw4iYmJFZbBysoKR0dHveXfDNV6qn0/Dm1fzJFdy0m+fpGVsz6lqDCfus01E9X8NW0kGxb/oE3fpF1fzp/cxe61M0i5foktyyZz/fIpGrXVvdc4LyeDpKtxpFy/AEDqjcskXY0jO8M0r3gDaPNMX3ZvXkLstr+5kXiJBb99QWFhPo1jugMwc9L/8ffcCdr0MZ37cProHjatnMmNa5dZvegX4i+eomWH3to0h/du4NypA6TeTOTYga1M+nwQ0Q1jqBZtmrdgNO/YjwPbFnNo53KSr13k7z81+6JeC82+WDR1JOsW6vZF06f7cu7ELnaumUHy9UtsWjqZa5dP0eT2vigtKWbupBFcu3yK54d8i1pVSnZGCtkZKSb9EqtQKKjZtC9Htkzl6ukt3Lpxjm2LP8TWwZOg6rpnFFf/PoBTe3QjdYoLc0m7Hkfa9ThAMzFk2vU47ZsgVKXFbJo7gtRrp4h5/lvU6lLyslPIy07R3jEydhwN2/Zl95opnDu6meTEs6yY/gEOzp5UraOLY+4P/TiwZY7250btBnBk5yKO71lGatJF1s4dS3FRPlFNnwMgPSWB3Wt/JenqSTLTrpN48TBLfx2OhaU14TVbGjUGMztbHKMjcYzW3DWzDfHHMToS6wDN3fmqX7xD9IyvtemvTluAbUgAkePex65qKEGDX8SnZ0cuT/hTm+byTzMIGNgLv5e7Yx8ZSs2fx2JuZ0PCTMMz1BvDM92fZ/P6VWzbvJbEhCv89sv3FBbkE9O2EwCTvv+CuX/qhlYXFxdz+dJ5Ll86T0lJMWlpKVy+dJ6k67pz6dFD+zhyaB83b1zn2JEDjB01HD//QO02je3prn3YsXEZu7es5HrCJeb8+hWFBfk0bdMVgN8nfMKS2ZO06UuKi4m/fJb4y2cpKSkmPS2Z+MtnuZkUr00zZ9p49m5fw+tvf4W1jS2Z6alkpqdSVFhgkhhAc1w0atuXnaumcvboFm4mnmXZ7yNxcPYksq7uuJj1bX/2b9YdF42f7s/hHYs5unsZKdcvsmrOWIoL86l9+7gAzbP3N+LjuJWsifFm4jluxMeRn5Nh1Bieero/h7cv5uiu22WZNZaiwnzqNNOUZelvI9m4+Htd2du9zIWTu9i9bjopSZfYunwS16+comGbPto0eTkZJMXHkXJN8xhjWtJlkuLjyM40XbvXtEM/Dm5fzOHbbcaKmfptxuJfR7J+UZn2u31fzp/Yxa7b7ffmO21GO12bMW/SCK5fPkWvId+i+g/bjMe9Tt2Jo3aLvhzYMIVLJzeTev0sG+d8gJ2TJ6G1dHEs/bkfx3bq4qjTagCn9i4ibv8ybt24yNbFYykpyqd6I00cLl6hOLkHsWXRaG5cPU5GajyHt04n/txuwmoZ97n/p7v1YfvG5ezasorrCZeZNXUchQX5NGvTBYDffhrN4tmTtelLiouJv3SW+EtnKS0pJv1WCvGXznIzKQEAGxs7/IPC9RYrK2vsHZxNNjdMq8592btlCfu3a64HF//+OUWF+TRq1R2AOZP/j5XzftKmb9nxJeKO7WbLypncvHaJtYt/IeHiKZq3f0FvuwV5ORyN3Ujj1qZ7M5IQ/0Qei3jCmZub8+abb/LNN99w5MgRLl26RPv27bG1teX111+ne/fuZGZmatN/8sknmJubM3r0aK5fv46Pjw+DBw8GwNbWlh07djBy5Eiee+45srOz8fPzo02bNjg6mm6W5lqNOpGbnc7mZRPJyUzFJ7Aafd+dph1WmJmWhLJMb3lglTr0HPQtm5ZOYOOSH3HzCuLF4ZPw8o/QpjlzZCvL/vg/7c+LprwLQEy3obR+9k2TxFGvaQeys9JZtfAXsjNS8QuuytCPpuB4exhceuoNvV7/0Kq1GfDWeFbOn8TKeRPx8Ank9Q8m4Buoe/9yZnoKS2Z+S3ZGGo4uHjRq2YWOPUz3ruyoxp3IyU5n05KJZN/eFwPen6YdspqRlqQXQ1BEHXoP+ZYNf01g/eIfcfcK4qURk/AO0OyLrPRk4g5vAWDix/qzGr/2fzMJrWa8WabLi27xKiVF+excNoaigiy8gurSYcA0vfkEstLiKchL1/6ccu0Uq3/rp/05drXmS2+Vut1p1XMcuVnJXI3TxLN0on48nV+biW+o8eNp0v41igvzWTNnNAV5WQSE16P3W7/rxZGekkB+ji6O6g06kZt9i+0rJpKblYKXfzV6D/9dO+Ta3MKShPMHObBpJvl5Wdg5uhFYpT79Rs6/a3KyynKqV5Mmm2fryvad5rhMmLWU4wNHYeXjgU2A7jGA/CuJHOg6iOrfjyJ4WF8KEm9wYtDHpG7cpU2TtHgtlh6uRIwZjpW3B1nH4tj/zKsUJRt+h7gxNG3RhqzMDBbO+YOM9FsEh4bz0Wff4eyimXgsNeUmCqXuLkX6rVQ+GP6K9ueVSxewcukCqteszafjNV/g8/JymTfzV9JSU7B3cKDRU614oe9rmJubpulu2Kw92VnpLF8whaz0NAJCqvL26MnaxyJupeifozLSU/j0Hd3F7fq/Z7P+79lUrVGPD774DYBt6xYD8M0nr+l91oBhY2nWuqtJ4gBo2vFViovyWTlTc1wEVqnHS2//pndc3EqJJ6/McVGzYSfysm+xbfkkcrJS8A6oRp+3f9Mbwn5w2wK2r/hZ+/OfX2uGUncb8BW1m+m+MFZWzUaaY3TL8knkZKbgHViNl9/5rUy7d107sTJAYJW6/G/Qd2xe+hObl/yIm1cwvYdN1mv3zh7dwvIy7d7iqe8A0KrbUGK6DzNa2cuKany7/V6qazP6v6/ffuu1GVXq0GvIt2z6awIbFmva7z4jdO13VnoyZ45ozrGTy7UZA0eZts143OvUHfXavEZJUT5bFo6mMD8L39B6dBuk32Zkpuq3GRF1O5Gfe4vYtZo2w8OvGt0G/Y6tgyYOMzMLug2axu6V37Pyt8EUF+Xh7B5IuxfHE1zduB3SjZo9TXZmOsvnTyUzPY3AkAjeGTNJe55KK3+eupXCmHd0nWzrls9m3fLZVK1Rlw+/nGbUst2vuk91ICfrFmsW/UxWRir+wZEMHjVV+9hrelqSXnsRUrU2fYeNZ83CyaxaMAEP7yAGvq9/PQhweM9a1Go19Zp2/E/jEaIshdqY45WEuE+L9qoedhEqzdWu+GEXwSiyCgy/n/5xc6niwTOPDU+3J2MwmVvbx384ZsDpnQ+7CEaRVWz3sItgFPG3bB92ESpN+WQc3pibPf6XjUXFT8Zw5PTsJyOOOsHZD7sIlZZV+GRMntih9sN9I9SDytu95GEX4YHYNn3yRpk8IU2dEEIIIYQQQgghHhbpXBBCCCGEEEIIIUSlSOeCEEIIIYQQQgghKkUmdBRCCCGEEEII8VhSP6GvdXwcycgFIYQQQgghhBBCVIp0LgghhBBCCCGEEKJS5LEIIYQQQgghhBCPJ4XcL39UyJ4QQgghhBBCCCFEpUjnghBCCCGEEEIIISpFOheEEEIIIYQQQghRKTLnghBCCCGEEEKIx5Ja5lx4ZMieEEIIIYQQQgghRKVI54IQQgghhBBCCCEqRToXhBBCCCGEEEIIUSky54IQQgghhBBCiMeTQvGwSyBuk5ELQgghhBBCCCGEqBTpXBBCCCGEEEIIIUSlyGMRQgghhBBCCCEeS/IqykeH7AkhhBBCCCGEEEJUinQuCCGEEEIIIYQQolKkc0EIIYQQQgghhBCVInMuCCGEEEIIIYR4PMmrKB8ZMnJBCCGEEEIIIYQQlSKdC0IIIYQQQgghhKgUeSxCCCGEEEIIIcTjSV5F+ciQPSGEEEIIIYQQQohKkZEL4qEoKnn8J14Jsb/2sItgFDctPB52EYziurX9wy5CpRUWP+wSGEfA6Z0PuwiVllC9+cMuglH4t/F62EUwCv/v1z7sIlRaTqHlwy6CUTSwOvywi1BpFsX5D7sIRtF/nu/DLoJR9Bqa/rCLUGkON08+7CIYycCHXQDxmJORC0IIIYQQQgghxCPu559/Jjg4GGtraxo1asT+/fvvK9+CBQtQKBR0797dpOWTzgUhhBBCCCGEEI8ltULxWC7/1sKFC3nnnXcYM2YMhw8fJjo6mvbt25OcnHzPfFeuXOG9996jeXPTj8qUzgUhhBBCCCGEEOIR9sMPP/Daa68xYMAAqlevztSpU7G1tWX69OkV5iktLaVPnz58+umnhIaGmryM0rkghBBCCCGEEEL8hwoLC8nKytJbCgsLDaYtKiri0KFDtG3bVrtOqVTStm1b9u7dW+FnfPbZZ3h6ejJw4H8zn4Z0LgghhBBCCCGEEP+hcePG4eTkpLeMGzfOYNrU1FRKS0vx8tKfqNnLy4sbN24YzLNr1y7++OMPfvvtN6OXvSLytgghhBBCCCGEEI8nxeN5v3zUqFG88847euusrKyMsu3s7GxefvllfvvtN9zd3Y2yzfshnQtCCCGEEEIIIcR/yMrK6r47E9zd3TEzM+PmzZt662/evIm3t/dd6S9evMiVK1fo0qWLdp1KpQLA3Nycs2fPEhYWVonSG/Z4dvMIIYQQQgghhBD/H7C0tKRevXps3rxZu06lUrF582aaNGlyV/rIyEhOnDjB0aNHtUvXrl2JiYnh6NGjBAQEmKScMnJBCCGEEEIIIcRjSc2/f63j4+idd96hX79+1K9fn4YNG/LTTz+Rm5vLgAEDAOjbty9+fn6MGzcOa2tratasqZff2dkZ4K71xiSdC0IIIYQQQgghxCPs+eefJyUlhdGjR3Pjxg1q167NunXrtJM8xsfHo1Q+3AcTpHNBCCGEEEIIIYR4xL355pu8+eabBn+3bdu2e+b9888/jV+gcmTOBSGEEEIIIYQQQlSKjFwQQgghhBBCCPFYUj+mr6J8EsmeEEIIIYQQQgghRKVI54IQQgghhBBCCCEqRR6LEEIIIYQQQgjxeJLHIh4ZsieEEEIIIYQQQghRKdK5IIQQQgghhBBCiEqRzgUhhBBCCCGEEEJUisy5IIQQQgghhBDisaRWKB52EcRtMnJBCCGEEEIIIYQQlSKdC0IIIYQQQgghhKgU6VwQQgghhBBCCCFEpUjnwmNg27ZtKBQKMjIyTP5ZCoWC5cuXm/xzhBBCCCGEEKKy1ArlY7k8iWRCRyObOnUq77//Punp6Ziba/68OTk5uLi40LRpU7Zt26ZNu23bNmJiYrhw4QJhYWEVbvOpp54iKSkJJyenf/z8O9tMT0/H2dlZ73c3btzgyy+/ZPXq1Vy7dg1PT09q167NiBEjaNOmDQBJSUm4uLj8+8BNTK1Ws/3vSRzZuZiCvCwCwuvS8aUxuHkF3zPfgS1z2bv+D3IyU/EKiKTDCx/jFxql/f3h7Qs5uW8VSfGnKSrI5f2J+7G2dTRZHCtXrmTJX3+Rnp5OSGgoQ4YMoWrVqgbTrlu7ls2bN3P16lUAwsPD6de//13p4+PjmTF9OidOnKC0tJTAwEA++vhjPD09TRLD5jWLWLtsNpkZaQQGV6HPa+8TGlHTYNpr8RdZNm8qVy6eIS0liRdeeYenu76ol2bL2r/Yuu4vUpOTAPALDKVrr1eJqtfUJOW/Q61Ws2/dJE7tXUxhQRY+wXWJ6TkGZ4/ge+Y7vmsuh7f8QV52Ku6+kbR47mO8g3R1Kjcrhd0rviXh3B6KCnNx8QihfrtBhEe3N1kcu1dP5MTuxRTmZ+EbWpd2vcfi4nnvOI5sn8uBTX+Qm5WCh18kbXp9gk+wLo4FP71M4vn9enmimz1Puxc+M3oM61YtZcXS+WSk3yIoJIxXBo2gStXqBtMmXL3Mwrl/cOnCWVKSb9D/tWF07tZLL01+Xh4L5vzO/r07yMxMJyQ0ggGvDyc8oprRyw7g2qw+oe8OxKluTax9PTnY4w1urth87zwtGlL9uw+xr16FgoQkLoybQuKsZXppgoa8SOg7A7Hy9iDr+BlOjficzAMnTBLDHW5dnsXzf70xd3El/9JFrv0ygfxzcRWmd+/eE7dnumHp4UVJViaZO7eRNGMa6uIiTQKlEu+XBuDc+mksXFwpTkvl1qa1JM+bZdI4tq5dyPrls8jMSCMgOIIXXv2AkCoVn6dWLJjC1YtxpKUk8fyAd2nbpY9emjVLpnM4dgs3rl3B0tKKsMhoerw8HG+/YJPFsGvDfLasnEF2Ziq+gVV5rv//ERReq8L0R2PXs3bxZG6lXMPDO4hnXnib6nVa6KW5ee0iK+f9yMW4g6hUpXj5hTLg7Z9wcfcxWRxL1m5i/vI13MrIJCw4gLdffZnqVQxf82yPPcCsJSu5lpRMSWkJ/j7e9O7akQ6tdO3Bl5OmsXbrLr18DWvX4ofR75ssBoDF67cyd+VG0jIyqRLkz7sDelMjPMRg2q37DvPn8rUk3kihpLSUAG9PXnymHZ1aNNamySso4Od5y9h+4ChZ2bn4eLrzfMcYnmvX0qRxALzwjBvtmjphZ6PkzKV8ps5PJimluML0HZo70aGFM56umuva+KQiFq1J4/DpPG0aZ0cz+j/rQXSkLTbWSq7dLOKvdbfYezTH6OU3dp0q69upM/h7w1aGD3iRXl06GL3sdyzYcZiZW/aTmpVLhJ8nH/6vLbWCDB+Hf+87wei5a/XWWZqbceCHd7U/bzp2jsW7jhKXcIPMvAIWftCPSH8vk5VfiIo8mV0mD1FMTAw5OTkcPHhQu27nzp14e3uzb98+CgoKtOu3bt1KYGDgPTsWACwtLfH29kZRiZlQr1y5Qr169diyZQvffvstJ06cYN26dcTExDB06FBtOm9vb6ysrCrcTnFxxY2PKe1Z9zv7N8+m00tjeeX/FmFhZcO8H1+lpLiwwjyn9q9h46LxtOgylNdGL8UroCrzfnqV3Kw0bZriogLCajanWadBJo9h+/bt/DZtGi/26cOkSZMIDQnhk48/rnBEyvHjx2nZqhXjxo/n+x9+wN3Dg48/+ojU1FRtmqTr13n/vffwDwjg66+/5pdffuGFF1/E0tLSJDHs27WBBdN/pFvv1xj7wxwCgiP4/tNhZGXcMpi+sLAAD29/evZ9EycXN4NpXN08+d/LbzLm+9mM+W4W1WrVZ+K4d7kWf9EkMdxxeMvvHNsxm5ieY+k1QlOn/p567zp17sgadi4fT8P2Q+n97lLcfauy4tdXycvW1amNc0eSnnKZzgN/4cX3VxAW1Y51M98mJfG0SeLYv/E3jmybTbveY+nz/iIsLG34a/LAe8Zx5tAati0dR5NOQ3n5w2V4+kfy1+SB5JaJAyCqaS+GfLVLu7To/oHRy797x2Zm/j6Zni/05+sJvxMUEs6Xo98lMyPdYPrCwgI8vX3o028Qzi6uBtNMmfQ1x48eYNi7H/P95JlE12nAZx+/TVpqitHLD2BmZ0vW8bOcHP7pfaW3CfanwYpfSdu2j131u3F50kxq/foF7u2aadP49OxItW9Hcf6Ln9nV8Fmyj5+h0eo/sPQwHLMxOLdoje9rQ7kx50/OvfkqBZcuEPrld5g7ORtO36otPq+8zs05f3Lm9ZdJ+PFrnFu2xmfAa9o0nj1fxK1zN6798iNnXn+ZpOlT8fzfi7h362GyOA7sWs+iGT/QpdfrfPLdPPyDq/DTZ0MrPE8VFRbg7uXHcy8Px8nZ3WCac6cOEdOxF6PGz+TtMVMoLSnhx0/foLAg3yQxHNm7luWzv6F9jyG8+9VifIOq8uv4QWRnphlMf/ncEWZP+oBGrZ7lvXGLqVm/NdO/H05SwnltmtSb8Uwc2xdP3xCGfjKD979ewtPPDsbcwjTtBcDmXbFMnjGPAb2688d3nxEeHMg7n31LekaWwfQO9vb07dGVqeM/YeaPX9KpdXPGTf6NfUeO66VrVCeKv/+YqF3GvvOGyWIA2LjnABNm/cXAHp2ZOf4jwoP8eeuridzKNByHo70dA57txO+fj2TuN6N5ptVTfDFlJrFHT2nT/DRrMbFHT/Hpm6+w4Iex9O7Umu+mL2DHwWMmjeXZdi4808qZqfNv8sG38RQUqhkzzA8L84qvMdMySpi9PJV3x8fz3tfxnDiXx6jBfgT46OrOiH7e+HpZ8tXU67z1xVVij+bw3qs+hPhXfE35IExVpwC2xx7k1LmLuLua9ibbusNxfLdsK4M6NGXB+/2o6ufBkF8WkZadW2Eee2tLNn/xhnZZN3aw3u/zC4upE+rHiK6m75wS4l6kc8HIqlatio+Pz10jFLp160ZISAixsbF662NiYpg9ezb169fHwcEBb29vXnzxRZKTk/XSlX0s4urVq3Tp0gUXFxfs7OyoUaMGa9as4cqVK8TExADg4uKCQqGgf//+ALzxxhsoFAr2799Pjx49iIiIoEaNGrzzzjt6ZSr7WMSVK1dQKBQsXLiQli1bYm1tzdy5cwGYPn06NWrUwMrKCh8fH958800T/DU11Go1+zfNovkzg6lapw1eAVXp9srXZGckc+bIpgrzxW78kzrNe1K7WQ88fMPp/NKnWFhac3TXEm2aRu360bTT6/iFRpus/HcsW7aMDh078vTTTxMYFMSbw4ZhZWXFhg0bDKb/YORInnnmGcLCwggICOCtt95CpVJx7OhRbZqZM2dSv0EDBg4cSFh4OD6+vjRu3PiuUSvGsuHvubR4ujvN23TFLyCUvkNGYWllzc7NKwymD61Sg+f7v0Wj5u0xNzd8AVu7YQui6zfD2zcQb78gerw0FGtrWy6eNd0dWrVazdHts2jw9GBCa7XB3bcq7V78mtysZC6dqLhOHd32JzWa9KR6ox64eocT0/NTzC2tOb1PV6duXDlKdLOX8A6Kwsk9gAZPD8HKxoHkxFMVbrcycRzeOovGHYYQHt0WD79IOvX7hpzMZC4cqziOg5tnUOupXtRq0gN3n3Da9dYcGyf3LtFLZ25pjZ2Th3axsrE3egyrli+kTfsuxLTrTEBgCK8PfQ9LK2u2bFxtMH14RDX6vjKUpi3bYmHgS1FhYSH7dm/npQFDqF6zNj6+/vTq8wrePn5sWLvc6OUHSFm/g3NjfuLm3xX/zcsKer03+ZcTifvga3LOXOLqL3O5sWQ9IW/116YJGTGAhD8WkThzKTlxFznxxhhK8woI6G+6L+Xuz/Xi1rpVpG9cS2H8VRInfY+6sADX9p0NprerXpPcUyfJ2LaJ4ps3yDl8gPRtm7GtWk0vTWbsbrL3x1J88waZu7aTffiAXhpj27hyLs3bPUvTNt3wDQjlpUEfYWllze4tfxtMH1KlBj37vU3DZu0xt7AwmGbE6J9p2rorfoFhBIREMGDYp9xKvcHVi6bpNNy2ehZNWv+PRq2exds/jJ4DR2Npac2+bcsMpt+xdg6R0U1p3eUVvPzC6NRrGP4h1dm5fp42zZqFE6lWuzld+7yLf0g13L0CqVk/Bgcnwx2/xrBg5Tq6tGtF5zYtCAnw4/1B/bG2smLVlu0G09etWY2WjesT7O+Hn7cXvZ5pT1hQAMfjzumls7Qwx83FWbs42tuZLAaA+as30a1NM7rENCXU35cPX+2DtaUlK7fuMZi+Xo2qtGpYhxB/H/y9PejdqQ3hgX4cPXtBm+bE2Ut0atmEejWq4uvpzrNtWxAe5M/pC5dNGkuX1i4sWneL/cdzuXqtiAkzb+DqZE6j6IrP7wdO5HLoVC5JKcVcTy5m7oo0CgpVVA2x1qapGmLDmm3pnL9awM20Yhavu0VunoqwQON2LpiqTqWk3eKn32czesRgzM3MjFrm8mZvPchzT0XRvXEtwnzc+bhXe6wtLVgeW/F1j0KhwN3RXru4OerX+S4NazC4Y1MaVQ02adkfWQrF47k8gaRzwQRiYmLYunWr9uetW7fSqlUrWrZsqV2fn5/Pvn37iImJobi4mM8//5xjx46xfPlyrly5ou0UMGTo0KEUFhayY8cOTpw4wddff429vT0BAQEsWaL5cnD27FmSkpKYMGECt27dYt26dQwdOhQ7u7sb4H/6Ivrhhx/y1ltvERcXR/v27ZkyZQpDhw7l9ddf58SJE6xYsYLw8PB//4e6TxmpieRkphBS7SntOmtbB/xCo7h28ajBPKUlRSRdPUVIdV0ehVJJSLUmJF4ynMeUiouLuXD+PLVr19auUyqV1K5dmzNxFQ85LquwsJDS0lLsHRwAUKlUHDhwAD8/Pz7+6CNe6N2bESNGsGeP4YudyiopLubKxTPUiGqkF0P16IZcOHv3HYAHoSotZd/O9RQW5BMWGfXPGR5QVloiedkpBETo6oeVjQNeQVHcuHLUYJ7SkiKSE0/p5VEolQRUacKNq7o83sG1OX90DQW5GahVKs4dXk1JSRF+YQ2NHkdmWiK5WSkEVdWPwyc4muuXj1QYx82EUwRF6scRGPkU1y/p54k7sJKfP2jEjC+eYcff31NcZNy7tMXFxVy6cI6o2vW065RKJVG163PuzIN1xqhKS1GpSrEs1/FgaWXFmVPGqaeV5dy4Nqlb9uqtS9m4C5fGtQFQWFjgVLcGqZvLHMtqNalb9uDcuI5JyqQwN8e2SgTZR3Sj7lCryT5yCNtqNQzmyT19EtsqEdjcftzE0tsHxwaNydofq5fGoXZdLP38AbAOCcOuRi2yDuwzSRwlxcVcvRhHtXLnqWpRjbhopPMUQH5eNgB29v/8uOK/VVJSTOLl00TU1A2hVyqVVKnZmKvnDd/VvnL+GBE1m+itqxr1lDa9SqXi9JEdePoEM3Xc63wyqAU/fvwCJw7c+/GdyiguLuHcxSvUj9LVH6VSSf2o6pwq8yW7Imq1moPHTxF/PYna1SP1fnfk5Bme6T+UF978gO9+/ZPM7Gyjl/+O4pISzlyKp2EtXYeYUqmkQa1ITpy/9I/51Wo1B07EcTXpJnWqVdGur1U1lJ0Hj5F8K10T68mzJCTdpFGU4UfCjMHLzQJXJ3OOn9E9zpBXoOLclQKqhlrfI6eOUgHN6jlgbangzCXdaNyzl/NpWs8Be1slittpLC0UnDxvvHbDVHVKpVLx+YRfeaF7J0ID/Y1WXkOKS0qJS7hB4zKdAEqlgsZVgzh++XqF+fIKi+gwZipPj57CW9OWciEptcK0QjxMMueCCcTExDBixAhKSkrIz8/nyJEjtGzZkuLiYqZOnQrA3r17KSwsJCYmhsDAQG3e0NBQJk6cSIMGDcjJycHe/u6e5Pj4eHr06EGtWrW0ee5wddUMmfX09NR2Guzfvx+1Wk1kZORd27ofI0aM4LnnntP+/MUXX/Duu+/y1ltvadc1aNDggbZ9P3IyNUOZ7Rz1767YObqTk2n45JqXk45aVYq9gTypN0x7V8CQrKwsVCrVXfNZOLu4kJCYeF/bmDF9Oq6urtSpo/lykZGRQX5+PosXLaJvv34MeOUVDh06xJdffMH48eOpFWXcL+fZ2RmoVKU4OusPy3ZycuVG4pVKbTvhygW+/HAAxUVFWFnb8OaH3+IXEPrPGR9QXramTtna69cPW3t3crMN16n8XE2dsnUol8fBnfRkXZ3q2P8n1s18m98+boxSaY65pTWdB0zC2SPIyFFo5ncAsHUsXyY3crMqiOP2sWFXLg47Bzdu3dBdKFer/wyOrr7YO3mScu0sO/7+jvSbl+n2+mSjlT87KxOVqhSn8nXK2YVriVcfaJs2trZERNbkrwUz8QsIxsnZhd07NnHuzCm8ffyMUexKs/Jyp/Cm/v4pvJmKhZMDSmsrLFycUJqbU5icVi5NGnZVTXNcmDk6oTAzp6Tc4yglGbewCgg0mCdj2ybMnZwI/34yCoUChbk5qauWk7xwjjZN8qK5mNnaEfnbHFCpQKnkxszfyNi60SRx5FRwnnJ0duXGtStG+QyVSsWC6d8RHlkbvyDjd6znZqWjUpXeNaLAwcmN5OuG26/sjFQD6d3JytDUs5ysWxQW5LF5xR907DWMLi+8Q9yxXcz4cQRvfDyd8OrGb8Mzs7MpValwddafx8jV2Ymr15IqzJeTm8ezr71FUXEJZkol77zelwa1dfNlNKoTRctG9fHx8uDajWSmzV3Me59/z9RxozEzM/49s4ysHE0cTg76cTg5cvX6jYrjyMvnmcEjKSopxkyp5P2BL+p1HLw3oDfjps2hy5APMTNTolQo+b/XX6JO9Qijx3CHs5PmjnxGVone+sysUlwc7/2VIMjXkvHvBWJpoaCgUMX4aUkk3ijS/v7b35N4b6APc74Lp6RUTWGRivHTrnPjHnM5/FumqlNzl63GzMyMnp2fNlpZK5Kem0epSo2bg63eejcHOy7fNPzoVrCnK5++2JEqvh7k5Bcyc8sB+v04h6WjBuLl4mAwjxAPi3QumECrVq3Izc3lwIEDpKenExERgYeHBy1btmTAgAEUFBSwbds2QkNDCQwM5NChQ4wdO5Zjx46Rnp6OSqUCNJ0I1avf3YM9fPhwhgwZwoYNG2jbti09evQg6h5fJNVqdaXiqV+/vvb/ycnJXL9+XTsB5P0oLCyksFD/+e/iIkssLA0PlTsRu5LVs8dof35h+NR/WeInz6JFi9i+fTtff/ONdj6FO/u1cZMmPPvsswCEhYURd/o0a9asMXrngin5+AXx6Y/zyM/N4cDezfw+cSwffjnNaB0MZw+tZOsiXZ3q8prp6lTsmgkU5mfTfcgMrO1cuHRiE2tnvk2PYXNw9zU8eef9Or1/BRvn6+J47o1fK1vcCkU3e177fw+/qtg7ebBoYn8yUuJx9jD8ZfNRMezdj/llwjgG9XsWpdKMkLAImrVow6UL5/45s7hvdlG18Xz+Ja79/AN5Z+Kw9PXDb/Bwil/sq52w0blFDM6t2xH/9WcUXL2CTVg4voOGUZyWRvqmdQ85ggcz77fxXI+/yAdfTn/YRblv6tvXFTXrxdCqU18A/IIjuXLuKHs2LTJJ58KDsrWxZsb3X5BfUMDB46eZPGM+vl6e1K2pGTnQtpluREdYUABhQQE8/8Z7HDkVp3dH+2GztbZi9jcfk19QyIETZ5gwazF+nu7Uq6FpBxat28rJ85f57oM38HZ342jceb6dPh93F2caRhnnsaEWDRwY8oJuUr8vplx74G1du1nE2+OuYmetpEldB4b39eKjHxO1HQwvdnHDzkbJ6AkJZOWU0ijanvcH+vB/PyRw9XrRP2zdtO5Vp85cvMzi1RuY/t1nlZrbzJSiQ/yIDtF1jkeH+vHsl3+weM9R3uzc/CGWTIi7SeeCCYSHh+Pv78/WrVtJT0+nZUvN5Cq+vr4EBASwZ88etm7dSuvWrcnNzaV9+/a0b9+euXPn4uHhQXx8PO3bt6eoyPDJ+NVXX6V9+/asXr2aDRs2MG7cOL7//nuGDRtmMH2VKlVQKBScOXPmgeIp+yiFjY3Nv84/btw4Pv1Uf6KzZ/uP5rlXxhpMH1E7Br8Q3RfjkhLN3yE3NwsLxAABAABJREFUKw0HZ90bEHKzUvEOMNwA29q7oFCakZOlf+cvNysVeyfDE3aZkqOjI0qlkvR0/buCGenpuP7D2zmW/PUXixct4suvviIkRDcztaOjI2ZmZnojXwACAgI4ddr4zwE7ODijVJrdNSlaZuYtHCuYrPF+mVtY4OUTAEBweDWunD/NxpXz6f/GR5Xa7h0hNWLwek9Xp0pv16m8nDTsnHR1Ki8nFQ9fw3XKxk5Tp/LKTXqYl52KraOmTmWmxnN811xe/GAlbj6a4a8efpFcv3SIE7vmEdPr/ib8q0h4VGt8gnXzg2jjyErDvmwc2Wl4+hseqWRz+9goP3ljbnYado4VHxvetz83PeWq0ToXHBydUCrNyCxfpzLSca5EnfL28eOz8ZMpKMgnPy8XF1d3fvh6DJ7eppsR/98ovJmKlZf+39rKy53izGxUBYUUpaajKinBytOtXBo3Cm+YZihsaVYm6tISzJ31z0fmzq6UpBu+m+bddyDpWzZwa51mfoyCK5dQWlsTMPx9kufPBrUan1ffIHnRXDK2b9GmsfD0xvP5PibpXLCv4DyVlXELR+fKzy0w77fxHD+4k/e/+B1Xd9PMxG7n6IJSaXbX5I3ZmWk4VjDhpIOzu4H0qdr0do4uKM3M8fLTn0Dayy+US2cPG7H0Ok4ODpgpldwqN9HerYxM3JwrfpxEqVTi76P521YJCeJq4nXmLF2p7Vwoz8/bE2dHBxKTbpqkc8HZ0V4TR6b+oxe3MrNw/Yc4Arw15+WI4ACuXEti5vJ11KtRlYKiIqbMX87X7w2hWV3NKNQqQf6cu5LA3FUbjNa5sP94Dueu6B5duDNpo7OjOelZpdr1To5mXE6seBJggJJStKMQLiYUUiXIii4xzkyZn4y3uwWdW7kw7PMrJCRp2qUr125RPdyGji2dmTo/+V6bvm+mqFPHT58lPTOLHq+/rU1fqlIxeeZ8Fq3awF+//mCUst/hYmeLmVJBWnae3vq07FzcHe5v7hALMzMi/b1ISDE88fH/j57U1zo+jmRPmEhMTAzbtm1j27ZttGrVSru+RYsWrF27lv379xMTE8OZM2dIS0tj/PjxNG/enMjISL3JHCsSEBDA4MGDWbp0Ke+++y6//fYbgPaudmmprtFwdXWlffv2/Pzzz+Tm3j0TbUVvKzDEwcGB4OBgNm++/+c0R40aRWZmpt7S5aVRFaa3srbH1StIu3j4hmPv5MHlON0zyoX5OVy7dBy/sNoGt2FmbolPUA2ulMmjVqm4fCYW/1DDeUzJwsKC8CpV9CZjVKlUHD16lMhqFV9ELF68mPnz5/P5558TEaE/VNLCwoKIiAgSyz1Wcec1o8ZmbmFBcFgkp4/rXk+oUqmIO36A8KrGHSWhUqsoMeKbSSyt7XH2CNIurt7h2Dp4kHBOVz+KCnK4efU43sG1DW7DzNwST/8aJJ7Tr1MJ52PxDtLkuTMngUKpf2pVKpWo1SqjxOHiGaRd3HzCsXP04OpZ/WMj6coxfEMMP5tvZm6JV0AN4s/qxxF/di++oRU/z5+SqJkbxN7Jo9Jx3GFhYUFoeAQnjh3SrlOpVJw4doiIyMp/SbC2tsHF1Z2cnGyOHd5Pg8aPxh2ejNijuLVurLfOvc1TpMceBUBdXEzm4VO4ty7zDL1CgVtMEzJiDc+lUVnqkhLyzp/Docz8FygU2NeuS16c4fkvlFbWoCo3Mu72HfI7E1Uprax067RpSlGY6ELQ3MKCoLBqxN11ntpPWCXOU2q1mnm/jefIvq28++mveHiZ7hEbc3ML/EOqc+6kbl4KlUrF+VP7CKpiePLh4CrRnDsVq7fu3Im92vTm5hYEhtYgOUn/sYqUpCu4uvsaOQINCwtzIsKCOXRcV39UKhWHjp+mRtX7f5xEpVZRVFxS4e+TU2+RmZ2Du4tzZYpbIQtzcyJDAzlwQjc/kkql4sDJM9Sqcv+j61RqNcUlmjhKSkopKS1FWe5OuVKpRFXJ0aZlFRSquZFSrF0Skoq4lVlCVFXdkHwbayURwdacLTN/wv1QKBTazgorS82/5YuuUmnmaDAWU9Sp9q2aMvOHL5nx/Rfaxd3VhRe6dTLJ600tzM2oFuDNvnO6R/9UKjX7zl4lKuT+jsVSlYrz11NwdzT+JMtCVJaMXDCRO694LC4u1o5cAGjZsiVvvvkmRUVFxMTEYG5ujqWlJZMmTWLw4MGcPHmSzz///J7bHjFiBB07diQiIoL09HS2bt1KtdtfUIOCglAoFKxatYpOnTphY2ODvb09P//8M02bNqVhw4Z89tlnREVFUVJSwsaNG5kyZQpx9zmpIMDYsWMZPHgwnp6edOzYkezsbHbv3l3hyAkrK6u7Xm9pYXn/jadCoaBh277sWj0VV69gnN392LZ8Ig7OnkTWaatNN/u7/kTWbUuD1i8B0Lhdf/6e/iE+QTXxDYli/6aZFBfmE91UN39ETmYKOZmppCfHA5CceA5LazucXH2wsXe+7zLej2effZYfvv+eKlWqEFG1Kn8vX05hYSHt2rUD4LvvvsPNzY0BAwYAsHjRImbPns0HI0fi6eXFrVuaO3E2NjbaESQ9evTQzK9QsyZR0dEcOniQffv28fXXXxu17Hc83a0Pv08YS3B4dUKr1GDDynkUFuTTrE0XAH77aTTObp70fFnz9pCS4mKuJ2ie4y8tKSb9Vgrxl85iZWOrHamwePZkouo+hZu7N/n5ecTuXMfZk4d4d8wkk8QAmjpVu2VfDm6cirNHMI6ufsSunYidoyehtXR1atkv/Qmt1Zbo5po6VbtVfzbN+xDPgJp4BUVxdPtMSoryqd5IU6dcvEJxcg9i66IxNO36ATZ2zlw8sYn4c3vo8qrxH8VQKBTUjelL7LopuHgG4eTmz+5VE7B38iQ8WhfHogn9CI9uR91WmjjqtxnA2lkj8QqsiU9wFIe2aI6Nmo01cWSkxBN3cCUhNVpiY+dMyrWzbF0yDv/wBnj4PdjcLRV5pvvz/PzjV4RViSQ8ohqr/15MYUE+MW07ATDp+y9wdXOnT3/Na7eKi4tJTLgCaCa+S0tL4fKl81hb2+Djq5mI6+ihfagBX78AbiRdY/b0X/DzD9Ru09jM7GyxC9eN5rAN8ccxOpKiW5kUJCRR9Yt3sPbz4tiAkQBcnbaAoDf6EDnufRL+XIJ7TGN8enbkQFfdK3Ev/zSD6Olfk3HoJJkHjhM8vB/mdjYkzFxqkhgAUpcuIuC9Ufw/9u46yonrbeD4d7Pu7u672C7u7lK0UNwLxWlpS2mL1aAtFK3i7u7uXtzdWWDdPXn/CGQJZCk/Nlug7/M5J+dsZp+Z3CeZO5PcufdO2tXLpF2+iHOL1ijMzInbuhEA70+/JDs2hoez/gIg6chBnFu0If36Fc2wCLfOPUg6clDToJB05CAubTuRFf3oybCIYJxbfKDZZmGo+14HZk4ZiV9QEfyDi7J93UKyMtOpXKspADMmDcfe0YWWHdXnrJzsbB7cUx+ncnKyiY97zJ2blzEzM8fFXf25LvxrLEf2baLfsAmYmVuQGK/uQWJuYYWJ6atNhPe/qNG4Mwt//wrvgKL4BhVjz6b5ZGWmU756cwAW/DYMW3sXmrRTX22t1rAjU7/pxq71sylSshonD23i7o3ztPlwlGabNd/rxtxJnxIYVoagouW4dHo/50/sod/wWXov/1Nt32vA91OmERbkT3hwAEvXbSU9M5PGtaoB8O2kP3F2tOejjm0AmLdiHWGB/ni4uZCdk82h42fYsucgn/bqAkBaegazlq6ieoWyONrbcv/hY36buwRPNxfKlSxeaHm0a1yHb36bTXigH0UC/Vi8cQcZmVk0qaGeGHfU1Fk4O9jRr716iOLsVZsID/TFy9WZrOwcDp48x6Z9hxnaowMAVhbmlCoSwpT5KzA1Mcbd2ZETF66wae9hBnVuXWh5AKzbGU/rhg48eJzF49hs2r/nRFxiDkdOp2hivhnoxeHTKWzckwBAx2ZOnDifSkxcNuZmCqqWtaFYsDmjp6q/l9x7mMWDx1n0aefC7JUxJKeqh0VEhFnw/e/5T1L4OvS9T9laW2NrrT1vgZGhIY52tvh4Fk5vt041yzB8/kaKertRzNed+bv/Jj0rm+bl1fvwV/M24GJrxaAnt5X8Y9MBSvh54ONsT3J6BrN3HCUqPomWFfMaTBNT04mKTyI6Uf053nqs/mycbCylEUL8q6RxoZDUrFmT9PR0wsLCcHXN6zpZvXp1kpOTNbesBJg9ezZffvklkydPplSpUowbN46mTZvmu+3c3Fz69evHvXv3sLGxoUGDBkyYMAEAT09PRo8ezRdffEG3bt3o3Lkzs2fPJiAggBMnTvD9998zZMgQoqKicHZ2pnTp0vz+++//U25dunQhIyODCRMm8Omnn+Lk5MT777//Gu/Sq6vUoCfZmelsmDuCjLQkfIJL037wNIyM8xot4qPvkJac10WsaLlGpKXEsWfNFFKSonH1Dqf94GlawyKO717M3nW/ap7P+Un946tptx+0GiH0oXr16iQlJjJv/nzi4+IICAzkm2+/1UzyGP34sdZVjA0bNpCTk8MP33+vtZ32HTrQsaO6nJUqV6Z///4sXbqUP/74Ay8vL776+muKFitGYShfpR7JifGsXvQHifGx+PiH8MnIKdg+6W4cG/1Q64pkQlw0Iz/poHm+efU8Nq+eR2jRUnzxvfoHSnJCHNMmjiQxPgZzSyu8fYMZMnIKRSO1r+zqW6laPcnOSmfX0hFkpifh7l+apr2196nEmDtkpObtUyElG5GeEseRzVNITYrG2TOcpr2nYWGt3qcMDY1p2utPDq4fz/rpfcjOSsPWyYe67cbiV6Rw7j1dru6HZGels3WhOg/PwNK06jddK4+EmLukP5NHWOlGpCXHcWD9ZNKS1Xm832+6ZliEwsiY25cOcXzXXLIz07C2dycksh4VGuj/XvKVq9UmKTGBJfNnkBAfh19AEF99Mw47e/WEfDHRjzB45tJXfFwMnw/srnm+buVi1q1cTJFikYweq26QSktLZeGcP4mNicbK2prylWrQrvOHGBkVzinPtnQxKu6Yp3leZNyXANydu5IzPYZh6u6MuXfel9T0W/c41rQ3RcYPw29AZzLuPeRs76+J2bZfExO1bBMmzg6EjByIqZszSacvcrRJT7Kem+RRnxL27sTQ1g63Tt0xsncg/cY1bn79qWaSRxMXV61Lk48WzgWVCrcuPTF2dCYnMYGkIweJmj1NE3P/t4m4de6JV79PMLKzJzs2hthNa3m0YHah5VG2Sn2Sk+JZs+h3khJi8fYPZdDwqZphEXExD7V6FyXER/PtkHaa51vXzGPrmnmEFC3NZ9+qc9m9ZRkA44Z/qPVaXfuP0jRa6FPJig1JSYpn8/KpJCXE4OkbRu8v/sD6yTCH+JgorWOtf0hJOvX/kY1Lp7BhySSc3XzpPmQy7t55dycoUbYOrXuMYPva6ayaMwZnDz+6fjyBgLBSei//U7WrVCAhKZnpi1YSl5BIkL8P44d/phlO8CgmFsUz9Ts9M5Px0+bwODYOUxMTfD3dGTGoN7WfzLNgqFBw/fZdNu3aT0paGk729pSNLMaH7Vphks9tRPWhbqWyJCSl8NfStcQmJBHi58XEYQNxfDKx4KPYOK08MjIz+WnGIqJj4zE1McbX043R/btTt1Le3BbfDerJrwtXMXLKTJJSUnFzduCjts1oWbdaoeUBsGpbPGamCvq2d8XSQsHF6+l8M/U+2Tl5ddvN2Rgbq7zbMdpZGzK4ixv2NoakZii5fT+T0VPvc/rJXSdylfDtr/fp3NyJr/p4YGaqICo6m8lzH3L8/Is9ZgtC3/vUm9CgVDjxKen8tnE/MUmphHq58Fuf1prbSz6MT9L6PpicnsE3i7cQk5SKjYUZRbxdmTO4A4Hued9nd5+7xogFmzTPh85eB8BHDSrRp1GVfykzIcBAVdDZ/oR4DfP3vfu7XUXPf/+uE4XhUab+urm/SSduvvst80+7lr7ryvvqZ3ztm3S3yNsxhKKgvGoXzrwA/7bE8Zv+Oegtl5Jp8s9B74CypoUzR8O/yThbv7fVfVO6/lU4Q1r+bdP6vftzB1jfO/emi6AXZvV7vOkivJaYc4f+Oegt5PTcLYT/C2TOBSGEEEIIIYQQQhSINC4IIYQQQgghhBCiQGTOBSGEEEIIIYQQ7yS5FeXbQz4JIYQQQgghhBBCFIg0LgghhBBCCCGEEKJApHFBCCGEEEIIIYQQBSJzLgghhBBCCCGEeDcZ/Ddu5f1fID0XhBBCCCGEEEIIUSDSuCCEEEIIIYQQQogCkWERQgghhBBCCCHeSSq5Xv7WkE9CCCGEEEIIIYQQBSKNC0IIIYQQQgghhCgQaVwQQgghhBBCCCFEgcicC0IIIYQQQggh3kkquRXlW0N6LgghhBBCCCGEEKJApHFBCCGEEEIIIYQQBSKNC0IIIYQQQgghhCgQmXNBCCGEEEIIIcQ7SWUg18vfFvJJCCGEEEIIIYQQokCkcUEIIYQQQgghhBAFIsMihBBCCCGEEEK8k1TIrSjfFtJzQQghhBBCCCGEEAUijQtCCCGEEEIIIYQoEGlcEEIIIYQQQgghRIHInAtCCCGEEEIIId5JcivKt4c0Log3wsjwTZeg4O6lu73pIujF7RiLN10EvTAzfdMlKLicnDddAv1IyrZ800UoMK/arm+6CHpxb8ejN10EvTDMNn7TRSiwjJz/wIkPSLWxf9NFKDATI/M3XQS9MLcye9NF0Is0U7s3XYQCs7SwedNFEOKtIM08QgghhBBCCCGEKBDpuSCEEEIIIYQQ4p2kMpBbUb4tpOeCEEIIIYQQQgghCkQaF4QQQgghhBBCCFEg0rgghBBCCCGEEEKIApE5F4QQQgghhBBCvJNUyJwLbwvpuSCEEEIIIYQQQogCkcYFIYQQQgghhBBCFIg0LgghhBBCCCGEEKJAZM4FIYQQQgghhBDvJJWBXC9/W8gnIYQQQgghhBBCiAKRxgUhhBBCCCGEEEIUiAyLEEIIIYQQQgjxTpJbUb49pOeCEEIIIYQQQgghCkQaF4QQQgghhBBCCFEg0rgghBBCCCGEEEKIApE5F4QQQgghhBBCvJPkVpRvD/kkhBBCCCGEEEIIUSDSuCCEEEIIIYQQQogCkWERQgghhBBCCCHeSXIryreH9FwQQgghhBBCCCFEgUjjghBCCCGEEEIIIQpEGheEEEIIIYQQQghRIDLnghBCCCGEEEKId5LcivLtIY0L/8907dqVOXPmaJ47ODhQtmxZfvrpJ0qUKAGAgYF6UpRDhw5RoUIFTWxmZiYeHh7ExcWxa9cuatSooYlftWoVzZs3L7RyH9mxgIObZpCSGIOrTxiNOnyNV0CJfOPPH9vMzpWTSIi5j4OrL3Vbf0pIRHXN/1UqFbtWT+H4nmVkpCXhE1yKJp1G4ujmV2g5AOzatIStq+eQmBCLl18I7XoOxT+4mM7YB3eus2bxb9y5fpHY6CjadPuUOu910Iq5cv44W9fM5fb1CyTGx9Bn6C+ULF+zUHMA9fu3d+1kTu5bRmZ6El6BpWjYYRQOrn4vXe/vXQs4vHUGKYnRuHqFUa/dcDz98z7HjfNGcPPiQVISH2NiaoFnYElqtfwUJ/fAQsnhwPrJnDmgzsEjoBT12o3C3uXlOZzYs4Bj22aQmhSNi1cYtdsMx90vL4fFEzpx9+pRrXUiqnxAvfbf6D0HUOdxaONkzh56kod/KWq3+ec8Tu1dwPGd6jycPcOo+f5w3HzVeSTG3mPm6No612vcbSIhJRvqNYedG5ewefVcEhNi8fYLoX3PzwkI0V0v7t+5zupFv3P7Sb1o230IdZ+rFxtWzOTE4Z1E3buFiYkpgWERtO48EDdPP72W+3mO77XA5f22GNk7kH7jOvd/m0T6lYv5xjs1b41jk2aYOLuSk5RI4r7dRM36C1V2ljpAocCtYzfsatXD2N6B7NgY4rZv4vHCuYVSfocqZQgY0gPbUsUw83Dh71Z9ebR2x8vXqVaOIuO+wKpIMBl3o7g25nfuzV2lFePbpz0Bn/TA1M2ZpDOXOD/4WxKPnS2UHJ7at2URO9fNJikhBk/fUFp1G4ZvUPF8408e2sLGpVOJi36As5sP73X4mKIlq2n+P+gD3es27fAJtZt203v5AQ5tW8DejTNJSYzBzTuMpp2/wjsw//Pe2SOb2bZiMvEx93F09aXBB0MIi8w7721fOZUzhzeSEPsQQyNjPP2LUO/9wfgERRRK+Z9au34Dy1esJC4+ngB/f/p+1Juw0BCdsRs3b2H7zp3cvnUbgKCgILp16awVX7/xezrX7dm9G61btdR/Ak+s2rCZJavWEhefQKC/LwN7dSc8JFhn7N6DR1iwfCX3ox6Sm5OLp4cbbZq/R72a1bVi1m3eypXrN0hKTmHaxJ8ICvAvtPI/6/16ttQqZ4WluQGXb2Uxc1UcD2Ny8o2vU8GKuhWtcLJX/2y49yibldsTOX05QxPTo6U9xYPNsLcxJCNTxZXbmSzamMCD6Py3+7rWrt/AshWrNPtUv496/cM+tYtbT/ap4KAgunXppBWfnp7OjNlzOHjoCEnJybi5utK8aROaNNLvue5ZS3YeZs6W/cQmphDi7cbQdk0oFuD1j+ttPnqGYX8tpUZkOBP6a5/7bjx4zKQVWzlx5SY5uUoCPFwY16cd7o52hZSFEC+SZp7/hxo0aEBUVBRRUVHs2LEDIyMjmjRpohXj7e3NrFmztJatWrUKKyurf7OoAJw7spEti8dSo1k/eo9aiZt3KPPG9yQlKVZn/J2rJ1j+xxBKVnufj0avIqxUHRZP6c+je1c0Mfs3TufItnm813kUHw5firGJOfN+6Ul2dmah5XFs/xaWzRpPkza9+XrcQrz9Qpj0TV+SEuJ0xmdlZuDs6kWLTgOxsXPSGZOZmY6XXwjtPxxWaOXW5dCWaRzbOY+GHUfRddhSjE3NWTSpBzkvef8uHNvI9mVjqNqkHz2+XoWLdxiLJ/Ug9ZnP0c23KO91HUPv0RtpO2gGqFQsmtgDpTJX7zkc3TaNE7vnUbfdKDp8thQTU3OWTXl5Dpf+3sjuFWOo1LgfnYetwtkzjGVTepCarL0vlqjchj5j9mse1Vt8rvfyP/X39mmc2juPOm1G0e4T9b688veX53H5xEb2rhpDhQb96PDZKpw8w1j5Ww/SnuRhbe9Or+/2az0qNhyAsakFfkWq5bvd13F0/xaWzPqFph/0YuT4hXj7BTPhm37/UC88adVpILb2uuvFlfPHqdmwDV/9OIcho34nNzeH8aP7kpmRrteyP8uuWi08PuzHw/mzudK/Jxk3rhHw/TiMbO10x9eog3v3XjyaP5tLvTpxd8KP2FWvhXu3DzUxLq3b49i4Gfd/m8ClXp2ImvkHLu+3x6lZq0LJwdDSgqQzlzk3cPQrxZv7eVF27Z/E7j7C/jLNuDllDsX//A6nulU0Me6tGxL+8zCufvcr+8u1IPnMJcpvmIGJs0Oh5ABw4uBmVs39mfqtPuKzsUvx8A3h9x96k5yo+5xx8/Ip5k4eSoWaLfls7DKKl63FjJ8H8eDOVU3Mt3/u0nq0++gbDAwMiChfp1ByOHN4IxsW/kjtFv3o/+0K3H1CmfnTh6Tkk8PtKydZ/NunlKneigHfrqRI6drMnziAh3fzzntObn407fw1g8es4aPh87F38mTmTz1JSdJd1/Rh9959/DVtOh3at+PXyRMJ8Pfnq+EjSEhI0Bl/5uxZalarxk9jfmDC+J9xdnbiy+EjiInJy3vRvLlaj08GD8LAwIAqlSoVWh479x3g9xlz6NK2NX9N+JFAP18+H/k98QmJOuNtrK3o2Lolv/70PdMnj6NB7Zr8OOk3jp44pYnJyMygWJEwenXpWGjl1uW9GtY0qGzNjJVxDJ/yiMwsJV/0cMH4JZcb4xJzWbQpga8mP+SryQ85fy2DT7s44+VqrIm5eT+LP5bGMWRcFGNmPMbAAIb1dMFAz5P47967jz+nzaBj+7b8NnkCAf5+fDl8JPH57FOnz56jRrVq/DzmeyY+2aeGDR+ptU/9MW0Gfx8/wdBPP2H6H7/Sotl7TP39Tw4dPqLfwj+x5ehZxi/dRO/3arJwRF9CvN3oO3E2cUkpL13vQUw8E5ZtpmSw7wv/u/s4lu4/TsPfzYlpn/Vg6aj+fNikBqYv+2CFKATSuPD/kKmpKW5ubri5uREZGckXX3zB3bt3iY6O1sR06dKFxYsXk56e92V85syZdOnS5V8v78GtsyldrTUlq7bCxTOIJp1HY2xixsl9K3TGH942j6DiVajSsAfOHoHUbjkId98iHN2xAFBf6T28bS7V3vuIsFK1cfMOpeWHP5Ic/5hLJ7YXWh7b1s2nSt2WVK7dDA/vQDr0/goTUzMO7FytM94vuCjvd/mYclUaYGxsrDOmeKkqNG/fj5IVahVauZ+nUqk4un0uVRr3ITSyDq5eYTTt9hPJCY+5fDL/9+/ItllEVmlDROVWOHsE0ajDaIxMzDh9IO9zLFXtA3xCymLn5IW7b1GqNx9MUnwUiTH39Z7D8Z1zqdCgD8ERdXDxCqNRl59ISXzM1dP55/D3zlmUqNyG4hVb4eQeRL126n3x3EHtfdHYxAwrW2fNw9S8cBrlVCoVJ/bMpVy9PgSWqIOzZxgNOv1EauJjrp/JP48Tu2ZRrFIbilZohaN7EHXaqD+Lc4fVeSgUhljaOGs9rp3ZTkjJhpiYWuo1h61rF1Ctbguq1G6Gh3cAnT5S14v9O9bojPcPLkqbrh9Tvmp9jIx014uPR/xKlVpN8fQJxNs/hB4DRhMX/ZBb1y/otezPcmrZhrjN64nftonMO7e5N2U8qswMHOo31hlvWaQYqefPkbB7O9mPHpJy4hjxu3dgERquFZN4+ADJRw+T/eghifv3kHzimFaMPkVv2cuVkRN5tObVjoO+vdqSfvMeFz//kZRLN7j92wIertiC/6Cumhj/wd24O2Mp9+asJOXidc72HUluWgbeXQungQRg94a5VKrdigo1W+DmFUibniMwMTHn8K5VOuP3bJpPWGRlajfthptXAI0/GICXfxH2bVmkibGxc9J6nPt7F0FFy+Hk6l0oOezbNIeyNVpTplpLXD2DaN5tFCamZvy9d6XO+ANb5xJcogrVGvfAxTOQeu8PwsMvnEPbF2piIis1IahYJRxcvHH1CqZxhy/ITE/h4d3LhZIDwMpVq2nQoD7169bB18eHgf37Ympmypat23TGf/HZp7zXpDGBgQH4eHvz8cABqJRKTp4+rYlxcLDXehw6fJiIEsVxd3crtDyWrVlP43q1aVinJn4+3nzStxdmpiZs2r5TZ3xk8aJUrVgeX28vPN3deL9pYwL9fDl34ZImpl7N6nRp25rSEfn3qCkMDavYsGpHIscvpHPnYTa/LYnF3saQMkUt8l3nxMV0Tl3K4GFMDg9jcli6JZGMLCVBPiaamJ1HUrl0M5OY+Fxu3c9m6eZEnOyNcLbX74/bFavW0LBBPc0+NUizT+k+bg37bAhNmzR6sk958fHA/i/sUxcuXaJO7VpElCiOm6srjRs2IMDfn0tXrurcZkHN33aAllXL0KxKaQI9XPiqY1PMTIxZvf94vuvkKpV8OW0ZHzWthZeOxtmpq7ZTpXgIg1s3IMzHA28XR2pEhuNg8+9fFBT/v0njwv9zKSkpzJ8/n6CgIBwdHTXLS5cujZ+fHytWqH9s3Llzh71799KpU6d/tXw5OVlE3TpPQNG8KxIKhYKAIhW5e+2UznXuXT9FQBHtKxiBxSpz97o6Pj76HimJ0VrbNLOwxjOwRL7bLKic7GzuXL9IeInymmUKhYLwEuW5cflMobxmYUmIuUdqUjR+4c+9f/4R3L9xUuc6uTlZRN05j/8z6xgoFPiHV+JePutkZaZx5sBK7Jy8sHHQ75fGxFh1Dr5heeUxNbfG3S+CBy/J4eGd8/iGaufgG1aJBze117lwbB1TPyvPrG+bsHf1eLKzCueKeWLsPdKSovEJ1c7DzTeCB7fyz+PR3fNa6xgoFPiEViLqpu51Ht05R/T9ixSr8L5ey5+Tnc3t6xcJj9CuF0VKlOe6HutFWloyAJZWtnrb5rMMjIywCA4h+eTfeQtVKpJPHscivKjOdVIvnMMiOATzEHVDgYmbOzZlK5B09LBWjHVkKUw81V1lzfwDsSxanKRjhXM17X9lVyGSmJ2HtJZFb9uPfYVIAAyMjbEtVZSYHQfzAlQqYnYexK5CyUIpU05ONndvXCCkeN6QPoVCQUjxCty6elrnOjevnCa0WAWtZWERlbh1RXd8UkIM50/uo0LNFvor+DNycrJ4cOs8QUUrapYpFAoCi1bkTj7nqDvXTmvFAwQXr8Kdq7rjc3KyOLpzKWYW1rj7hOmr6Fqys7O5eu0apSLzhl0oFApKRkZy4dKrNWhkZmaSk5uLtbXuH0jx8fEcPfY39evV1UuZdcnOzubKtRuUjswbkqJQKCgVUYLzl668ZE01lUrF8dNnuXv/ASWKFk7D4KtycTDE3saQc1fzhjOkZ6i4fjeTYF/TV9qGgQFUjLDA1ETB1du6e8iZGhtQvawlj2JziE3U37CIp/tUychIzTL1PhXBxUuX8l/xGXn7lLVmWZGwMA4fOUpMTCwqlYpTp89w/8EDSpeKzH9Dryk7J4eLtx9QvkjecE+FQkH58EDO3Lib73p/rduFg40lLaqWeeF/SqWS/Wcu4+PqRN8Js6n18Rg6ff8Hu04WXoP620aFwTv5+C+SvjL/D61fv14zvCE1NRV3d3fWr1+PQqHd1tS9e3dmzpxJx44dmT17No0aNcLZ2flfLWtacjxKZS5WNo5ay61snYh5eFPnOimJMTrjUxJjnvxf3UPjhRibvBh9S3mSh42ddmuztZ0jUfdvFcprFpbUJPX7Z2mt/f5Z2jiSkqT7/UtLiUelzMXyuffc0tqR2KgbWsv+3r2AnSvGkZ2ZhqOrP+0Hz8LQyAR9Sn2yD7xQHhtHUvPJIf1JDhbPrWNh7Ujco7wcwss2wcbBAytbF6LvX2bP6nHEPbpJ895T9ZoDQNqTz8LC+sUypeWXR+qTPHSsE//ohs51zh1ejoNrIB4BpfRQ6jzJyQnqemGrXS9s7Bz0Vi+USiWLZ4wjKCwSL98gvWzzeYY2thgYGpGTEK+1PCchDlNvH53rJOzejpGtLUHjp2JgYICBkREx61fzeMl8TczjpQswtLAkbNp8UCpBoeDhnGkk7NJ91fffZurqROYj7f0s81EMxrbWKMxMMba3RWFkRObj2OdiYrEMDSiUMqUmqY+11rba+7e1rSOPH+g+ZyQnxGBt92J8Uj7ng2N71mJmZkFEucIZEpH2pF5YPZ+DjSPR+eSQkhCDla32MCErW8cXzmkXT+5i8a+fkp2VjrWdM92HzsDS2l6/CTyRlJSEUqnEzk57+/Z2dty9e++VtjFj1mwcHRwo9cyPyWdt27ETc3PzQh0SkZiUjFKpxN5Ou3HS3s6WO/fz71WXkppK6269yc7OQaFQMPijnpQpWbjzW/wTW2tDABJTtIcaJibnYmf98uuN3m7GfNPPFWMjAzKyVPwyN5r7j7UbDupWtKJ9IzvMTBXcf5zND9Mek6vHUY1P9yl7Ozut5ep96tV6OE6fNefJPpX3WfTr05uJU6bSvks3DA0NURgYMHhgf0oU0z33T0HEp6SRq1S+0KPA0caKWw91H3NOXr3F6v3HWTyin87/xyWnkpaZxaxNe+nXvA6DWtXnwLkrDPltEX992p0yof/OXB5CgDQu/L9Us2ZNfv/9d0Dd6v/bb7/RsGFDjh49iq9v3jiujh078sUXX3Djxg1mz57N5MmTX+v1MjMzyczUbt3OzjLB2OTVWsnFm3XuyFo2zh+pef5B/z8L9fWKlWtKQHhlUhKjObx1Biv/GkyXoYswMn79/eXC0bVsXZSXQ6s+hZdDRJUPNH87e4ZiaevM0kldiY++g72z7h+ar+risbXsWJKXR/PehftZAORkZXD5+HrK1+9b6K9VGBb8NZb7d67zxQ8z33RRtFiWiMTlg47c//UX0i5dxMTDE8+PBpLdvrNmwka7ajWxq1WXOz9+Q8btW5gHBuHRewDZsbHEb9/8hjP4/+vw7lWUrtL4nTyHBYaXZ8D3K0lLjufYrmUsmvIxfUcteaEh422wZOkydu/dx89jf8DERHcD85Zt26hVo0a+/3+TLMzNmT7xZ9IzMjhx+hy/zZyDh5srkcV192YqDJVLWtCzZV7j7U+zol8S/XIPorP5YuJDLMwMKF/cgj5tHPnmj0daDQz7T6Zy9moGdtaGNKluzaCOToz67SHZ+p/T8bUsXrqcPXv38fPY77X2mTVr13Pp0hVGj/gaVxdnzp47z9Tf/1Q3QpSMfHMFBlIzMvl6xnKGd26OvbXuYYlKlQqAGpHhdKxXGYBQH3dOX7/L8j1HpXFB/KukceH/IUtLS4KC8q7gTZ8+HVtbW6ZNm8Z3332nWe7o6EiTJk3o0aMHGRkZNGzYkOTk5P/59caMGcPo0doThLXqPoL3e4z6x3UtrO1RKAxfmLxR3TtB92RuVrZOuuOfXNWxslX3vkhJisXaziUvJikGN+/C6bJo9SSP5yepS06Ixdbu7ftS96zgiFr09M9r4c/NUc9kn5qs/f6lJsXi6q27e62FlT0GCkOtyRufbsPyuattZhbWmFlY4+Dqh2dABOMHl+PyyW0ULac96ej/IqhELdz9dOSQFIuVrXYOLl66czB/kkPaczmkJcdimc++CGheNyH6doEbFwKLa+eR8ySPtGTtPNKSY3HOLw/LJ3kkv5iHhfWLeVw5tZnsrAzCyzYvUNl1sba2U9eLRO16kZQQp5d6seCvsZz+ex9Dv5+Og5NrgbeXn9ykRFS5ORg9d4XWyM6BnHjdk+W5de5B/M6txG3eAEDGrRsozMzwHvgZjxfNA5UK9559ebx0AQl7dmpijF3ccPmgw1vRuJD5KAZTV+19xtTViezEZJQZmWTFxKPMycHUxfG5GEcy87lCV1CWNupj7fOTNyYnxr7QO+EpazsnkhNejLexfbE+XL94nMcPbtF10Dj9Ffo5Fk/qxfOTNyYnxWKdz+S+VnYv9rxLSYx9oTeDiZkFTma+4OqLT1Ak4z6tz997VlCjaS/9JgHY2NigUChIeK5HT3xCAvb2L+8tsWzFSpYsX8HY778lwF/3D6Oz585z7959vhw6VG9l1sXWxhqFQvHC5I3xCYk4PHcF/VkKhQJPD3cAggL8uX3vHguWr/pXGxeOX0jn2p2HmufGRupu2LZWhiQkKzXLba0NufUg+6Xbys2FR7HqVoKb9xMJ8DalQRVrZqzM+3zTM1SkZ6jnZbh6J5Ppo70oW8yCg6fS9JLP033q+ckb4xMScLC3e+m6y1asYsnyFfz4/Tda+1RmZiaz5s5j5FfDKF+uLAAB/v5cv3GT5StX6b1xwd7KAkOF4oXJG2OTUnC0fXH4z73HcTyISWDwlLxebU8bE8r0GsGq7wbh5mCLkaGCAA/t3sUB7s6cvHpbr+V/W6n0PXOoeG0y54LAwMAAhUKhNXnjU927d2f37t107twZQ0PD19r+sGHDSExM1Ho06/RqdzcwMjLB3a8oNy7kjetVKpXcvHgY76BInet4BUZqxQPcOH8Q70B1vL2zF1a2zloxGekp3L9+Jt9tFpSRsTE+geFcOpM3VlqpVHLxzFECQvO/tdjbwNTMCgcXX83DyT0ISxtnbl3Me/8y01O4f/M0ngG6x1EbGpng7lOUW5fy1lEpldy6eAivfNYBUKnU41Wf/oh+XSZmVti7+Goejk9yuHNZO4eoW6fxeEkObj5FuX1ZO4fblw/h4Z9/Do/vqW9FaGlT8CFFJmZW2Dn7ah6ObkFY2Dhz94p2Hg9vn8bDL/88XL2Laq2jUiq5e/kQ7jryOH94BQHFamFhrf/Z/Y2MjfENDOfimbxbdyqVSi6ePUpgAeqFSqViwV9jOXFkF5998yfOrp76KG7+r5eTQ9rVK1hHls5baGCAVWQp0i6e17mOwtQMlCrthUqlZl11jGneMk1MLgZvyf28Ew6fwrGW9lwFTrUrEX/4FACq7GwST5zHqdYzcwEYGOBYsyIJh3XP71FQRkbGeAcU4cpZ7WPtlXOH8QvW3SXdPySCK+e057G4fPYQfiEvxh/etRLvgCJ4+oXqt+DPMDIywcOvKNcv5M2/oVQquX7+MD75nKN8giK4fv6w1rJr5w7iE6w7/il9HF/zY2xsTHBQECdP5c2folQqOXXqNEXC8n//li5fwcLFS/j+m1GEBOu+1SPAlq1bCQ4KIrCQb99obGxMSFAAJ07n3T5VqVRy4sxZiobpvv2hLkqliuzsl/+A17eMTBWPYnM0j3uPsolPyqVYsJkmxtzUgEBv03znT8iPwiCvsUIXgycPI0P9/eh7uk+dOpU3H4p6nzpDeFj+c4csXb6CBYuX8MM3I1/Yp3Jyc8nJycHguaHBCoVC8yNen4yNjAj39eDIxbxhiEqlkqOXblAi4MUJYv3cnVg2egCLR/bTPKpHhFE21J/FI/vh5mCLsZERRfw8uf1co+3tRzFyG0rxr5OeC/8PZWZm8vChuiU7Pj6eqVOnkpKSwnvvvXjv6AYNGhAdHY2Njc1rv56pqSmmptrdR41NXv2AXaleV1ZN/wJPv2J4BpTg0NY5ZGWmU7KK+n7WK6cNxdrOhbqthwBQoW4nZv3YmQObZxISUYNzRzbw4NZ53uv6DaBuTKlQtzN71/2Bo6sf9k6e7Fw1GWt7F8JKFc4YWoC673Vk1pQR+AYVwT+4GNvXLSQrM53KtZoBMHPS19g5utCy40BAPdld1D31yScnJ5uEuMfcvXkZUzNzXNzVV8Az0tOIfpg3AVDM4/vcvXkZCysbHJ3dCyUPAwMDytXpzIGNv+Pg4oudkxd71kzC2s6F0JJ579+CX7oQElmXsrXUt9kqX7cba2cNxd23GB7+JTi6fQ7ZWemUqKz+HOOj73Lh740EFKmMhZUDyQkPObjpL4xNzAgqVl1nWQqSQ+lanTm06XfsXXyxdfRi/7pJWNm6EByRl8OSSV0IjqhLqRrqHMrU6sbGuUNx8y2Gu28J/t41h+zMdIpVfJrDHS4eW0dAseqYW9oRff8yO5ePwSuobL49IgqaR6nqnTmy5XfsnNV5HNwwCUtbFwJL5OWxfGoXgkrUJbKaOo9SNbuxZf5QXLyL4eZbgpO71Z9F0fLa94hPiL7NvevHaNH7L72X/al6TTswY/JI/AKL4B9clO3rF5KZkU7l2k0BmD5pOPYOLrTqNABQ14sHz9SL+NjH3HlSL1yf1Iv5f43lyN5NDBg2ATNzCxLj1V+4zC2sMDE101GKgotZuRTvT4eRdvUyaZcv4tyiNQozc+K2bgTA+9MvyY6N4eEs9XuZdOQgzi3akH79imZYhFvnHiQdOahpUEg6chCXtp3Iin70ZFhEMM4tPtBsU98MLS2wDMrrXWPh74VNRBhZcYlk3I0i9LtPMPN05XQ39ZXi238txrdvB8LGfMbd2StwqlkB99YNOda0t2YbNyfOImLmjyQcP0fisTP4DeyCkaU5d+fovuuBPtRo3JkFv32FT2BRfAKLs2fjPLIy0ylfozkA86d+ia2DC++1HwxA9YYdmTy6GzvXzaFoqaqcOLiZu9fP88GHI7W2m5GWwqnD22jW6dNCK/tTVRt2Ydlfw/D0L4Z3QHEObJlLVmY6paupJ5Fc+sdQbOxdafDBJwBUrteZv37ozL6NswiNrM6Zwxu5f/M8Lbqrew1mZaSxa+2fhJeqibWdM2nJCRzavpCk+EcUL1e/0PJo2aI5436ZQEhwEKEhIaxas4aMjAzq1VUfn34a/wtOjo5076q+E9WSZcuZN38BQz//FFcXV+Li1FfFzc3NMDc312w3NS2NvfsP0Ktnj0Ir+7NaN2vC2Im/EhIUSHhIEMvXbiAjI5MGtWsC8MOEKTg7OPBhlw4ALFi2itCgADzc3cjOzubI3yfZtnsvH/fJu9VsUnIyj6NjiHmS4537DwBwsLfD4R96dhTEpv1JNK9ly8OYHB7H5dC6ni3xSbn8fT6vd8FXH7pw7HwaWw+qr663bWDLqcsZxCTkYG6qoHKkBeEBpoydkQSoJ4qsGGHJmSvpJKUqcbA1pFlNG7KyVZy6pN8JjVu1aMbPv0wkODiIsJAQVq5ZS0ZGBvXr1gbgp/ETcHR0oIdmn1rB3PkL+CKffcrSwoISxYsxbeYsTE1McHFx5uzZ82zfuYvePbvrtexPdaxbmREzV1DE14Ni/l4s3H6Q9MwsmlVWN1B/PWM5LnY2DGxVD1NjY4I8tXveWVuoz2PPLu9SvypD/1xCqRA/yoQGcPD8Vfaevsy0zwonByHyI40L/w9t3rwZd3f1D09ra2vCwsJYtmwZNWrUeCHWwMAAJ6f8u3z/G4qVb0Rqchw7V08hJTEaN59wOn0yTdPdMzH2AQbPdIfyCS7F+73HsWPlRHasmICjqx9tB0zF1SvvCkOVRj3Jzkpn3ewRZKQl4RNSmo6fTMO4AOP6/0nZKvVJTopn7aLfSUqIxcs/lIHDf8XmSVfduJiHWi3nCfHRfDukreb51jVz2bpmLiFFS/Ppt9MBuH39AuNH5H1ZWTZrPAAVa75HtwHfFFouFet/SHZmOhvnq98/76DStB00XWtehPjou6Sn5HWXLFJW/TnuWTuZ1KRoXL3CaTtwumZ4i5GxCXev/s2x7XNIT0vC0sYRn+AydBm66IWJF/WhXF11DlsWjiAzLQnPwNK83187h4Tncggr04i0lDgOrFfn4OIVzvv9p2uGRRgaGnP70iGO75pLdmYa1vbuhETWo2LDwpuvoEydD8nOSmf74hFkpifhEVCaln2080iM0c4jtFQj0lPiOLRxMmlJ0Th7hdOiz/QXhnecO7wCazs3fMOqFFr5yz2pF6sX/05SfCze/qF8PGKqZlhEXPRDrSv1CfHRjP6kneb5ljXz2LJmHqFFS/P5d9MA2L15GQA/Df+QZ3UbMIoqtZoWSh4Je3diaGuHW6fuGNk7kH7jGje//lQzyaOJi6u6K84TjxbOBZUKty49MXZ0JicxgaQjB4maPU0Tc/+3ibh17olXv08wsrMnOzaG2E1rebRgdqHkYFu6GBV3zNM8LzLuSwDuzl3JmR7DMHV3xtw7r9Ey/dY9jjXtTZHxw/Ab0JmMew852/trYrbt18RELduEibMDISMHYurmTNLpixxt0pOs5yZ51KdSlRqQkhTHxqW/kpQQg5dfGB8N+wObJ0MK4mOjMFDknTP8QyPpPGAsG5dMZf3iSTi7+dLjs0l4+Ghf4TxxcBMqlYrSlRsWWtmfKlGhESnJ8WxfMZnkxBjcfcLp9tlfWD857yXERmnVC9+QkrTt8zNbl09iy7IJOLn60nHwFNy81ec9A4Uh0VE3ODF5NanJ8VhY2eEVUJxeX8/H1Sv/3gEFVaNaVRITE5k7fwHx8fEEBATw/TejNcMioqOjUTxz/t6wcRPZOTl898NYre10bN+OTh3aa57v2bMXUFGzerVCK/uzalWtTGJiErMXLiEuPoHAAD9+HPWVpiv+4+gYrTwyMjOY+Md0omNjMTUxwcfLky8/GUCtqpU1MQeP/s2Pk37TPP/254kAdGnbmq7t2xRaLut2J2NqoqBnKwcszBRcvpXJ2BmPteZFcHU0wtoyr7eqjZUhfT9wxM7GkLQMJXeishk7I5qzT+46kZ0Dof6mNKxijaW5gsSUXC7ezGTkb49ISlU+X4QCydunFj6zT43S7FOPo6O1vhOuf7JPffvCPtWWzk/2qS8//4yZc+Yydtx4kpNTcHFxpmvnjjRpVDh1vX654sSnpPL7mh3EJqUQ6u3Or4O7aIZFPIxN0NqfXkWtUkX4qlNTZm7cy0+LNuDr5sTPfdpRMtivEDIQIn8GKlUh9PkR4h8sPvju73butoVze8F/2+2Y/O9t/S7JeksmjCqInP9ADgDFvFPfdBEKzPqTwv8B+W+4t+PRmy6CXhgeO/vPQW+5tKz/xvWcUg7X3nQRCswkN+Ofg94BQ2bYveki6MXYXu/+9ynnqHfrtuL5saja+k0X4bVcu677Tjpvu6DA/95km2/HwE0hhBBCCCGEEEK8s6RxQQghhBBCCCGEEAXy3+ijJ4QQQgghhBDi/x2VXC9/a8gnIYQQQgghhBBCiAKRxgUhhBBCCCGEEEIUiDQuCCGEEEIIIYQQokBkzgUhhBBCCCGEEO8kFQZvugjiCem5IIQQQgghhBBCiAKRxgUhhBBCCCGEEEIUiDQuCCGEEEIIIYQQokBkzgUhhBBCCCGEEO8kmXPh7SE9F4QQQgghhBBCCFEg0rgghBBCCCGEEEKIApFhEUIIIYQQQggh3kkyLOLtIT0XhBBCCCGEEEIIUSDSuCCEEEIIIYQQQogCkcYFIYQQQgghhBBCFIjMuSCEEEIIIYQQ4p0kcy68PaTnghBCCCGEEEIIIQpEGheEEEIIIYQQQghRINK4IIQQQgghhBBCiAKROReEEEIIIYQQQryTVCqZc+FtIT0XhBBCCCGEEEIIUSDSuCCEEEIIIYQQQogCkWERQgghhBBCCCHeSXIryreH9FwQQgghhBBCCCFEgUjPBfFG5OS+6RIUnKtZ3Jsugl48MjF700XQC2tz1ZsuQoHdfvjfaO+9E2fxpotQYF7jN73pIuiFYbbxmy6CXuSWLf6mi1BgjeZ2f9NF0IuT1n3edBEKzMo4/U0XQS9q13d900XQi6tpmW+6CAX22OW/8VmUfdMFEO+8/8Y3WSGEEEIIIYQQQrwx0nNBCCGEEEIIIcQ7SeZceHtIzwUhhBBCCCGEEOIt9+uvv+Ln54eZmRnly5fn6NGj+cZOmzaNqlWrYm9vj729PXXq1HlpvD5I44IQQgghhBBCCPEWW7JkCZ988gkjR47kxIkTREREUL9+fR4/fqwzfvfu3bRr145du3Zx6NAhvL29qVevHvfv3y+0MkrjghBCCCGEEEKId5IKg3fy8b/65Zdf+PDDD+nWrRtFihThjz/+wMLCgpkzZ+qMX7BgAX379iUyMpKwsDCmT5+OUqlkx44dBX3L8yWNC0IIIYQQQgghxL8oMzOTpKQkrUdmpu67p2RlZXH8+HHq1KmjWaZQKKhTpw6HDh16pddLS0sjOzsbBwcHvZRfF2lcEEIIIYQQQggh/kVjxozB1tZW6zFmzBidsTExMeTm5uLqqn3bU1dXVx4+fPhKrzd06FA8PDy0Gij0Te4WIYQQQgghhBBC/IuGDRvGJ598orXM1NS0UF5r7NixLF68mN27d2NmZlYorwHSuCCEEEIIIYQQ4h2lUr2bt6I0NTV95cYEJycnDA0NefTokdbyR48e4ebm9tJ1x40bx9ixY9m+fTslSpR47fK+ChkWIYQQQgghhBBCvKVMTEwoXbq01mSMTydnrFixYr7r/fTTT3z77bds3ryZMmXKFHo5peeCEEIIIYQQQgjxFvvkk0/o0qULZcqUoVy5ckycOJHU1FS6desGQOfOnfH09NTM2/Djjz8yYsQIFi5ciJ+fn2ZuBisrK6ysrAqljNK4IIQQQgghhBBCvMU++OADoqOjGTFiBA8fPiQyMpLNmzdrJnm8c+cOCkXewITff/+drKws3n//fa3tjBw5klGjRhVKGaVxQQghhBBCCCHEO0nJuznnwuvo378//fv31/m/3bt3az2/detW4RfoOTLnghBCCCGEEEIIIQpEGheEEEIIIYQQQghRIDIsQgghhBBCCCHEO0n1/2hYxNtOei4IIYQQQgghhBCiQKRxQQghhBBCCCGEEAUijQtCCCGEEEIIIYQoEJlzQQghhBBCCCHEO0mlkjkX3hbSc0EIIYQQQgghhBAFIo0LQgghhBBCCCGEKBAZFiGEEEIIIYQQ4p0kt6J8e0jPhVewe/duDAwMSEhIAGD27NnY2dm9FWUpTLdu3cLAwIBTp04V+msJIYQQQgghhHh3Sc+FZxw6dIgqVarQoEEDNmzY8KaLo1OlSpWIiorC1ta20F/L29ubqKgonJycCv21/olKpWLPmimc3LeMjLQkvINK0bDjSBxd/V663rGdCzi0ZQYpiTG4eofRoN3XeAaU0Pz/xJ4lnDuynqg7F8jKSOWzyUcxs7AptDw2rFvN6hVLiY+Pw88/kF59BhASGqYzduvmDezasZXbt28BEBgUQqcuPbTiF82fw769u4iJjsbI2IjAoBA6du5OaFh4oeVwZPsC9m+aSUpiDG4+YTTu+BVez7ynzzt3dDM7Vk4mIeY+Dm6+1G89hJCI6pr/n/97K8d2LeHBrfOkpybSd/RK3H0Lr/xPHdq2kD0b1Xm4e4fStPNXeAfmn8eZI5vZtmIK8TH3cXT1peEHnxAWmZfHtpVTOXN4EwmxDzE0MsbLvwj13h+ET1BEoeahUqk4tnUKF48sIzM9CTe/UlRrORI7Z79813lw4xinds8g+v550pKiadBlKv7F6hR4uwXJYfeaKZzYm1e/G3f65/p9dOcCDm5W12837zAatteu38f3LOHskfVE3VbX76FTCrd+79q0hC2r55KYEIu3Xwjten6Of3AxnbH371xn7eLfuX39IrHRUXzQbQh13uugFbNxxUxOHN7Jw/u3MDExJTAsgladBuLm6VdoOezbsoid62aTlBCDp28orboNwzeoeL7xJw9tYePSqcRFP8DZzYf3OnxM0ZLVNP8f9IHudZt2+ITaTbvpvfwADlXKEDCkB7alimHm4cLfrfryaO2Ol69TrRxFxn2BVZFgMu5GcW3M79ybu0orxrdPewI+6YGpmzNJZy5xfvC3JB47Wyg5ACw+eoE5B84Rk5JOiJs9XzSsSHEvZ52xa05eZcSafVrLTAwNOTa8i+Z5WmY2E7f/za5Lt0lMz8TTzpp25YvQpqzuc5C+bN+4lE2r5pOYEIuPXzAdP/yMgJCiOmPv37nOyoV/cuv6JWKjo2jX/WPqN22f77bXr5jN8nm/UrdJWzr0HFJYKQCwaf1K1q5YTEJ8HL7+gfT4aBDBoUV0xm7bvI49O7dw99YNAAKCQmnf5UOteJVKxZL5M9m+ZR1pqSmEhhenV79PcPf0LtQ8VCoVB9ZP5swB9bHdI6AU9dqNwt7F76XrndizgGPbZpCaFI2LVxi12wzH3S/veLt4QifuXj2qtU5ElQ+o1/4bveewZ/Nitq99epwKoU33YfgF53+cOnFoK+sXTyU2+gEubj406/gxxUpV1fw/KSGW1fMncOnMIdJSkwkKL0WbHsNwcffVe9mf2rZhGRtWLSAxPhYf/2A69xpCYD714t6dG6xY8Cc3r18m5nEUHXsMpkGzdi/ExcU+ZvHsXzlz4iCZmZm4unvRa+BwAoIL/zuVEE9Jz4VnzJgxgwEDBrB3714ePHjwpoujk4mJCW5ubhgYFG73n6ysLAwNDXFzc8PI6M23QR3cPJ2jO+bRqOMoun+5FGNTcxZO6ElOdma+65w/upFtS8dS7b1+fDhiJa7eoSyc2JPUpFhNTHZWBoHFqlKlUe9Cz2Hfnl3MnPYHH7TvzC9T/sA/IJBRw4eSkBCvM/7smdNUrV6L78aM56fxU3BycmbU158TGxOtifHw9KJXnwFM/m0aY3+ehIuLK6O+HkpiYkKh5HD2yEY2Lf6Rms370Wf0Cty8Q5kz7kNSnnlPn3Xn6kmW/fEppau1os83KwkvWZuFkwfw6N4VTUx2Zjq+IaWo16Zwvxg+6/ThTaxf+CN1WvRlwLfLcfcJY8ZPvUhJ1J3H7SsnWfzbZ5Sp3pKB366gaOnazJs4gId3r2pinN38aNr5KwaPWU2f4fOwc/Jkxk8fkpIUV6i5nNo9nbP751Gt5ShaDViKsYk566e/vG5kZ6Xj6BFG1eYj9Lrd13Vg03SObJ9H406j6PnVUkxMzZn/y8tf69zRjWxdMpbqTfvRe6S6fs+f8GL9DipWlaqNC79+H9u/haWzfuG9Nr0YPm4hXn7BTPymH0kJuj//rMwMnFw9adlpILZ2uhtwr5w/Ts2GbRg2dg4fj/yd3JwcJozuS2ZGeqHkcOLgZlbN/Zn6rT7is7FL8fAN4fcfepOcT724efkUcycPpULNlnw2dhnFy9Zixs+DeHAnr158++curUe7j77BwMCAiPJ1dG5THwwtLUg6c5lzA0e/Ury5nxdl1/5J7O4j7C/TjJtT5lD8z+9wqltFE+PeuiHhPw/j6ne/sr9cC5LPXKL8hhmYODsUSg6bz91g3Jaj9K4RyeLeTQl1daDP/C3EpuT/2VuZGrNjSFvNY/PHbbT+P27LEQ5eu8cPLauzql9LOlQowtiNh9h96U6h5ABwZP9WFs+cSPO2PRn9yzy8/YIZN3pAvvUiMzMDZzdPWnfuj62940u3fePqeXZvWYW3X3BhFF3Lgb07mDPtV1q378pPk6fj5x/Ed8M/JTGf8/f5syepUq02o8ZM4ofxv+Pk7MK3wz/VOn+vXr6QjetW0KvfEH745U9Mzcz4dvinZGXp/xj7rKPbpnFi9zzqthtFh8/Ux9tlU3q89Hh76e+N7F4xhkqN+9F52CqcPcNYNqUHqcnax4YSldvQZ8x+zaN6i8/1Xv7jBzazcs7PNGr9EV/8uAQv31Cmfv9RvsepG5dPMWviUCrWasGwn5ZSolwt/vop7zilUqn466dBxDy+R+/PJzHspyU4OHsw+ZteZGak6b38AIf3bWPBjEm0aNuD7ybMwccviB9HDiLxH+rFB5375lsvUlOS+GZoLwyNDPls5ER+nLqYDt0HYmllXSg5CJEfaVx4IiUlhSVLltCnTx8aN27M7Nmz/3Gd1atXExwcjJmZGfXr1+fu3bua/3Xt2pXmzZtrxQ8ePJgaNWponteoUYMBAwYwePBg7O3tcXV1Zdq0aaSmptKtWzesra0JCgpi06ZNmnXyG6KxZcsWwsPDsbKyokGDBkRFRWm9zuDBg7XK0rx5c7p27ap57ufnx7fffkvnzp2xsbGhV69eLwyLyM3NpUePHvj7+2Nubk5oaCiTJk36x/epoFQqFUe3z6Vqk48ILVkbV+9QmnX/keSEx1w6uT3f9Q5vm03Jqq2JrNIKZ48gGnccjbGJGaf2r9DElK/bhcqNeuEZULhXlwHWrFpOvQaNqFOvAT4+fvTpPxhTU1O2b92sM37I51/SqEkzAgKD8PL2of+gISiVKk6fPqmJqV6zNpElS+Pm7oGPrx89evUhLS2VWzdvFEoOB7fMoUz11pSq2hIXzyDe6zIKYxMzTuxdqTP+0La5BBWvQpVGPXDxCKROq0G4+4ZzZPtCTUxk5WbUbNaPwCKVCqXMuuzfNJtyNVpTplpLXD2DaN5tJCamZvydTx4Hts4jpEQVqjfugYtnIPXeH4iHXxEObV+giYms1ITgYpVwdPHG1SuYJh2GkpmewsO7lwstD5VKxZl9cyld+yP8i9XG0SOUWm1/JC3pMTfP5183fMOqUb7BYAKK19Xrdl83hyPb51KtyUeEPanfzXs8qd8nXlK/t86mVLXWlHxSv5t0Utfvk8/U7wp1u1ClUS+8/oX6vW3dAqrWbUHl2s3w8A6gY++vMDE148DONTrj/YOL0rrLx5SrUh8jY2OdMYNH/ErlWk3x9AnE2z+EbgNGExfzkNvXLxRKDrs3zKVS7VZUqNkCN69A2vQcgYmJOYd3rdIZv2fTfMIiK1O7aTfcvAJo/MEAvPyLsG/LIk2MjZ2T1uPc37sIKloOJ9fCuzobvWUvV0ZO5NGaV9tXfXu1Jf3mPS5+/iMpl25w+7cFPFyxBf9BXTUx/oO7cXfGUu7NWUnKxeuc7TuS3LQMvLu2KpQc5h06R8tSoTQvGUKgiz1fN6mMmbERq09eyXcdAwxwsrbQPBytzLX+f+ruY96LDKasvzue9ta8XyaMEDcHzt2PzmeLBbdlzUKq12tO1dpN8fQOoEufYZiYmrF3x1qd8QHBRWnbdRAVqtbDyMgk3+1mpKfx54QRdOv3JRaWhf/jad2qpdRp0IRadRvh7eNHr/5DMDUzY+dW3b1cB382ggZNWuAfGIynty8fDfwclVLJ2dPHAfVxb8OaZbT6oBPlKlbFzz+QAUO+Ij4ulqOH9hdaHiqViuM751KhQR+CI+rg4hVGoy4/kZL4mKun868vf++cRYnKbShesRVO7kHUa6c+3p47uEIrztjEDCtbZ83D1NxK7znsWK8+TlWs2Rx370Da9hqOiYk5h3au1hm/a8MCikRWpm4z9XHqvbb98Q4IZ8/mxQA8jrrNzatnaPvh1/gGFcPV05+2H35NdlYGfx/YpHObBbVpzSJq1mtG9Trv4ekTQLe+X2Bqasae7et0xgcGF6F9t4FUrFYPY2Pd9WLdink4OLnQe9AIAkOK4uLmQfGSFXB19yqUHN42KpXBO/n4L5LGhSeWLl1KWFgYoaGhdOzYkZkzZ6JSqfKNT0tL4/vvv2fu3LkcOHCAhIQE2rZt+z+/7pw5c3BycuLo0aMMGDCAPn360Lp1aypVqsSJEyeoV68enTp1Ii0t/9bTtLQ0xo0bx7x589i7dy937tzh008//Z/LMm7cOCIiIjh58iTDhw9/4f9KpRIvLy+WLVvGhQsXGDFiBF9++SVLly79n1/rf5EQc4+UxGj8w/N+fJpZWOMZUIL710/pXCc3J4uo2+fxf+YHq4FCgX94Re7d0L1OYcrOzub6tStERJbSLFMoFEREluLypVf7oZCZmUlubg7W+bRCZ2dns2XTBiwtLfH3D9RLuZ+Vk5PFg1vnCShSUbNMoVAQWLQid/P5HO5eO03gM/EAQcWrcCef+H9DTk4W929dIKhoBc0yhUJBUNGK3L6mu1y3r50iqKh2HiHFK3P76ul8X+PozqWYWVjj7lN4XY6T4+6RlhyNV3Defm5qbo2LTwke3T711m1Xl6f1O6CIdv32CiiR736Vm5PFg9vnCQjXrt8BRSpy7w3sWznZ2dy+fpHwEuU1yxQKBeElynP98hm9vU56WjIAllb6HxaXk5PN3RsXCCmuXS9CilfgVj77+c0rpwktVkFrWVhEJW5d0R2flBDD+ZP7qFCzhf4Krgd2FSKJ2XlIa1n0tv3YV4gEwMDYGNtSRYnZcTAvQKUiZudB7CqU1Ht5snNyufgglgoBHpplCoUBFQI8OHMv/4aAtKxsGkxYQr1fljBo0XauPda+qh7p7cKey3d4lJSqbrS/GcXt2EQqBnrqPQdQ14tb1y9RpES5Z/JQUDSiHNcvF2w4yby/fiKidGWKRpT/5+ACys7O5sa1K5SILKNZplAoKB5ZmsuXzr/SNrKenL+trNXDsh4/jCIhPk5rm5aWVgSHhnPl0jn9JvCMxNh7pCZF4xumfWx394vgwY2TOtfJzcni4Z3z+IZqH299wyrx4Kb2OheOrWPqZ+WZ9W0T9q4eT3aWfntZ5WRnc/fGRcJKaB+nwkqU50Y+x52bV04TWkJ7PwmPqMTNJ/E52VkAGBubam3TyNiE6xd1vycFkZOdzc1rlyga+Xy9KMu1S69fL04c3UtAUDiTxw6jb6cGfDWoE7u2rNZDiYX437z5/u5viRkzZtCxY0cAGjRoQGJiInv27NHqafCs7Oxspk6dSvny6gPWnDlzCA8P5+jRo5QrV07nOrpERETw9ddfAzBs2DDGjh2Lk5MTH374IQAjRozg999/58yZM1SoUEHnNrKzs/njjz8IDFT/oOzfvz/ffPO/j3GrVasWQ4bkdU2/deuW1v+NjY0ZPTqvm6m/vz+HDh1i6dKltGmj3f1Sn1IS1V+mLG20u4JZ2jiRkhijc520lHhUylysdKwT8/Bm4RT0JZKSElEqldjZ22stt7Oz594zPV5eZu6saTg4OBJRsrTW8mNHDjHux+/IzMzE3sGB0d//hE0hzMmRlpyAUpmLla32e2pl40hMlO73NCUxBitbpxfi8/vc/g15ebxYrugHunt8pCTEvJi37Yv738WTu1n06xCyszKwtnOmx9DpWFprf+b6lJasrhvm1tpls7ByIi359d/jwtquLi+r36lJ+dTvZHX91rVOfvtiYUp5sk/Z2Gl3kbexc+Dh/Vt6eQ2lUsnimeMICovE0zdIL9t8VmpSPEplLtbP7efWto48fqD7PU1OiMHa7sX4pHzq97E9azEzsyCiXOENiXgdpq5OZD7SLnPmoxiMba1RmJlibG+LwsiIzMexz8XEYhkaoPfyxKdlkqtSvdDzwNHSnJsxCTrX8XOyZXSzKgS7OpCSmcWcg+foMmM9K/u2xNXWEoAvGlXkm3UHqPfLEowUBhgYGDDyvcqU9nPTew4AyU/qhe3z9cLWgah7t157u4f3beX29UuMGDengCV8NclJiU/yeP787cD9u682pGT+rD+wd3CiRKT6/B0fr96Xnv9OYGvnQEJ84Q2lS833eOuY7/E2/cn3KYvn1rGwdiTuUd45M7xsE2wcPLCydSH6/mX2rB5H3KObNO89VW/lT0nO/zj18L7u41RSQgw2z8Xb2DmSlKDO183TH3snd9YsnET7XiMwMTVn54Z5JMQ+0sToU3KS7npha+dA1P3br73d6IcP2LFpJQ2ataNp667cuHqBudN+wdDImGq1Gxe02EK8MmlcAC5fvszRo0dZtUrd9dPIyIgPPviAGTNm5Nu4YGRkRNmyZTXPw8LCsLOz4+LFi/9T40KJEnmT4RgaGuLo6Ejx4nmT0ri6ugLw+PHjfLdhYWGhaVgAcHd3f2l8fsqUKfOPMb/++iszZ87kzp07pKenk5WVRWRk5EvXyczMJDNTeyxfdpYJxiamOuPPHl7HhnkjNc/bDfzjnwv/H7d86SL27dnF9z+Ox8REu0tc8YhIJk79i6SkRLZu3sBPY77l5wlTsbMrvB+1QrfA8HIM/H4lackJHN21jIVTPqHfqMUvNEy8risn1rFnRV7daNz93asbZw6vY/3cvBzaD3r3cngTFk4by4M71/n8+5lvuiiv7fDuVZSu0jjfY794fRHeLkR4uzzz3JUWU1ew7Pgl+tdS/6BddOQCZ+49ZlK7OnjYWnH89kN+2HgIZ2sLKhRS7wV9i41+yMLp4/ls9FRM3pH9aNXS+RzYu4NRYyf/62W+cHQtWxflHW9b9fmz0F4rosoHmr+dPUOxtHVm6aSuxEffwd7Zp9Bet6AMjYzp9ekE5v8+ks+6VUGhMCS0eHmKlKwCL+nB/LZRqpQEBIXzQee+APgFhnLvzg12bl4pjQviXyWNC6h7LeTk5ODhkdcFUaVSYWpqytSpr9fiqlAoXhhWkZ2d/UKc8XNjbQ0MDLSWPZ24UalU5vtaurbx7Gu/alksLS3zfQ2AxYsX8+mnnzJ+/HgqVqyItbU1P//8M0eOHHnpemPGjNHq8QDQousIWnYfpTM+JLImnv55jS45Oeoua6lJsVjb5X15Sk2Kwc1b9wy4Flb2GCgMX5hoMDXpxSvp/wYbG1sUCgUJ8drdVBMS4rF3ePmEYKtWLGXlskWM/v5n/HQMdzAzM8fdwxN3D09Cw4rwUc/ObN+yifc/yH+G7ddhYW2HQmH4wqSHKUmx+b6nuq7uvyz+35CXh45y5TOxnpWd04t56+iVYWJmgZOZL7j64hMUwc+fNuDYnhXUbNpLL2X3K1ITV5+8upH7pG6kJ8diaZNXN9JSYnDyeP3ZoS2snQtluwChETXxGvlq9ds1v/ptra7fqW9J/bZ6sk89P0ldUkIcNnYFb1haOG0sZ/7ex2ffTcfBybXA29PF0sYehcLwhUnRkhNjX+id8JS1nRPJCS/G2+j4DK5fPM7jB7foOmic/gqtJ5mPYjB11S6zqasT2YnJKDMyyYqJR5mTg6mL43MxjmQ+1P+VTXsLUwwNDF6YvDE2NR0nK4tX2oaxoYIwd0fuxiUBkJGdw+Qdx5nQtjbVQtTzXYS4OXD5YRxzDp4rlMYF6yf14vlJ6pIS4/5xssb83Lp+iaTEOEZ+0kmzTKnM5cqFk+zYuIzpyw6gMDQsULmfZ21j+ySP58/fcdjZv/z8vWbFIlYtX8iI73/ROn/bP8k/IT4ee4e8fS8xIQ6/AP31TAoqUQt3v7w5Z3KfOd5a2T57vI3FxUv3ED7zJ9+n0p473qYlx2Jpk//x9unrJkTf1lvjgpV1/scpm3zO3zZ2TiQ9F5+UoB3vE1iEL8ctIz01mZycbKxtHfhpWHt8A3XfvaEgrG1014vEhLgXejP8L+zsnfDw9tda5uHlx7GDu157m+8SFf/N+QveRf/v51zIyclh7ty5jB8/nlOnTmkep0+fxsPDg0WLFuW73t9//615fvnyZRISEggPV38ZdnZ21ppUEdBMjPhve74subm5nDv3v4/pO3DgAJUqVaJv376ULFmSoKAgrl+//o/rDRs2jMTERK3Hex2H5RtvamaFg6uv5uHsEYSVrTM3L+aNic1MT+H+jTN4Bkbq3IahkQnuvkW59cw6KqWSm5cO4xWge53CZGxsTGBQCGeemYxRqVRy5tRJQsN038oKYOWyxSxdNJ+R344lOCT0lV5LpVTqbDwqKCMjEzz8inLjwmHNMqVSyY0Lh/HO53PwDorQige4fv4gPvnE/xuMjEzw9CvCtefyuHb+ML5BusvlGxTJtfPaeVw9dwjf4JdPFKhSqTQ/nvXBxMwKWydfzcPeNQgLa2fuXcvbz7MyUnh85wyuvpGv/TrWDl6Fsl0AU3Pd9fvGc/X73o0z+e5XhkYmePgW1VpHpVRy4+JhvN7AvmVkbIxvYDgXz+Tdhk2pVHLxzFECQ/O/vek/UalULJw2lpNHdjFk9J84uxbe1WUjI2O8A4pw5WxeY7FSqeTKucP45bOf+4dEcOWcduPy5bOH8At5Mf7wrpV4BxTB0+/VjmP/poTDp3CspT3s0Kl2JeIPnwJAlZ1N4onzONV6Zt4VAwMca1Yk4bD+x2QbGxkS7uHIkZt5d61SKlUcufGAEvncivJ5uUolVx/FaxojcnKV5CiVKJ77/q1QGKAspKuzRsbG+AWGceHMMc0ypVLJhTPHCAzN/7aBL1MkoizfTVrENxPmax7+QeFUqNaAbybM13vDAqjP3wFBIZw9dVyzTKlUcvbUCULD8v/xuXr5QlYsnsvX3/xMULD2D3cXN3fs7B00EzwCpKWlcvXyRULCdN++9nWYmFlh7+KreTi6B2Fp48ydy9rH26hbp/EI0D1/iKGRCW4+Rbl9Wft4e/vyITz8859z5PG9iwBY2rzaPvsqjIyN8Q4I5/Jzx6nLZ48QoOO4A+rj1LPxAJfOHMZfR7y5pTXWtg48jrrNnesXKFG2pt7K/pSRsTH+QWGcP61dL86fOUZQ2OvVC4CQ8BIvDKt4+OAOTi6FM+xJiPz8v++5sH79euLj4+nRowe2z41Tb9WqFTNmzODnn39+YT1jY2MGDBjA5MmTMTIyon///lSoUEEzJKJWrVr8/PPPzJ07l4oVKzJ//nzOnTtHyZL6n/zpn9SqVYtPPvmEDRs2EBgYyC+//KK528T/Ijg4mLlz57Jlyxb8/f2ZN28ex44dw9/f/6XrmZqaYmqq3RXQ2OTVv8wYGBhQrk5n9m/4AwdXP+ycPNm9ejLWdi6ElcwbuztvXFfCStWhbC313BkV6nZlzcwvcPcthod/CY5un0N2ZjoRlVtq1klJjCYlMYb4x+pxk4/vXcHEzBJbB3fMrexeuYyvolmL95n0y48EBYcQHBLGujUryMjMoE7d+gBMGDcWR0cnOnfrCcCKZYtYOG8OQz7/EhcXN+Lj1K3cZubmmJubk5GRzrLFCyhXoRL29o4kJSWycf0aYmNjqFy1ul7L/lSl+l1YOW0Ynv7F8AwozqGtc8nKTKdUVfUEbcv/GoqNvSv1Wn8CQMW6nZkxtjMHNs0iJKI6Z49s5MHN8zTrmteTJS0lgcTYKJIT1EN5ns6JYWXrhLWd/r6UPKtKw64s+2sYXv7F8A4ozv4t6jxKV1PnseSPL7C1d6HBB+o8KtfrxJ8/dGHvxlmERVbn9OGN3L95jpbd1XlkZaSxc+2fFClVC2s7J1KTEzi0fSFJ8Y8oUa5+oeQA6rpRompnju/4A1snP2wcPDm6ZTIWNi74F82rG2v/7Ip/sToUr6yuG9mZqSTG5I0VToq7R8z9i5ha2GJt7/HK29VXDuXrdGbf+j9wfFK/d616Ur9L5b3W3J/V9btc7Sf1u15XVs/4Ag+/Ynj6l+Dwk/odqaN+xz2p34/uXcG0kOp33fc6MHPKSPyCiuAfXJTt6xaSlZlO5VpNAZgxaTj2ji607DgAUE/q9eCeerxyTk428XGPuXPzMmZm5ri4q6/yLfxrLEf2baLfsAmYmVuQGK++Sm5uYYWJqZleyw9Qo3FnFvz2FT6BRfEJLM6ejfPIykynfI3mAMyf+iW2Di68134wANUbdmTy6G7sXDeHoqWqcuLgZu5eP88HH47U2m5GWgqnDm+jWaf/faLh12FoaYFlUN6VUgt/L2wiwsiKSyTjbhSh332Cmacrp7sNBeD2X4vx7duBsDGfcXf2CpxqVsC9dUOONc27henNibOImPkjCcfPkXjsDH4Du2Bkac7dObrvMFNQnSoWY/iqfRT1cKKYpzPzD58nPTuH5iVDAPhq5R5cbCwZVEc9nPGP3Scp4eWCj4M1yRlZzD54lqjEFFqWUsdbmZlQxteNX7Yew9TICHc7K47fesj609f4tP6rD+X8X9Vv1p5pk0bjHxROQHBRtq5bRGZGOlVrvwfAXxNHYu/oTOtO/QF1vbh/V10vcnOyiY+L5vaNy5iZW+Dq7o25uSVez805YmJqjpW17QvL9em9Fm2Y+ssYAoNDCQoJZ8OaZWRmpFOzbiMAJo//HkdHJzp0Ve8zq5YtYMn8mQz+fDjOLm7Ex6mvnKvP3xYYGBjQuFlrViyei7uHFy5u7iyeNwN7B0fKVaySbzkKysDAgNK1OnNo0+/Yu/hi6+jF/nWTsLJ1ITgi73i7ZFIXgiPqUqqG+nhbplY3Ns4diptvMdx9S/D3LvXxtlhF9fE2PvoOF4+tI6BYdcwt7Yi+f5mdy8fgFVQ23x4Rr6t2k87M/fVrfAKL4BdUnJ0b5pOZmU6Fms0BmDPlS+wcXGnWYRAANRt3YMLI7mxfN4dipapx/MAm7lw/T/veebdiPnFoK1Y29jg4uXP/zlWWz/qRiHI1CY8onLtYNWzWjj8nfoN/UDiBIUXYvHYxmRkZVK/dBIA/JozC3sGZD7r0A57WC/V3o5ycbOLiorl94wqmZua4eah7IjVo1o5vPu/JmqWzKV+lNjeuXmDXltV075f/xTwhCsP/+8aFGTNmUKdOnRcaFkDduPDTTz9x5syLs31bWFgwdOhQ2rdvz/3796latSozZszQ/L9+/foMHz6czz//nIyMDLp3707nzp05e7ZgMyS/ju7du3P69Gk6d+6MkZERH3/8MTVr/u+tsb179+bkyZN88MEHGBgY0K5dO/r27at1q8zCUqlBT7Iz09kwdwQZaUn4BJem/eBpGD0zu2989B3SkvO6LRYt14i0lDj2rJlCSlI0rt7htB88Tavb9PHdi9m77lfN8zk/qU+kTbv9oNUIoQ9Vq9ckKSmRhfNmEx8fj39AICO/GavpVhkT/RjFM5eVNm9YR05ONj/+oD2kpG37zrTr2AWFwpB79+6y8/tRJCUmYW1jQ3BIKGN+noiPr59ey/5U8fKNSE2OZ8eqyaQkxuDuE07nIX9p3tPE2CgUBnkdonyCS9K6989sXzmJbSsm4OjqS/uBU3D1CtHEXDq5i1UzvtQ8X/q7elLRms36UatF/0LJI6JCQ1KT49i2YgrJiTF4+ITR/bM/sX6SR0JsFAbP5OEbUpK2fX5i6/LJbFk2ESdXXzoNnoKbt/r+6gYKQ6KjbjJ/8iBSk+OxsLLDK6AYvb+eh6tX4d6DPbJGT7Kz0tmzfARZGUm4+ZWmSU/tupEUe4eM1Ly68fjeOdb+0UXz/OC6sQCElm5OrbZjX3m7+lK5ofq11s3Jq98dP9Z+rbjoO6Sl5OVQrFwj0pLj2L1aXb/dvMPp8LF2/f5792L2rM2r37N/VNfvZt1+ILKKfut32Sr1SU6KZ82i30lKiMXbP5RBw6dqhkXExTzEQJG3TyXER/PtkHaa51vXzGPrmnmEFC3NZ99OA2D3lmUAjBv+odZrde0/StNooU+lKjUgJSmOjUt/JSkhBi+/MD4a9oem+3B8bBQGzxyj/EMj6TxgLBuXTGX94kk4u/nS47NJePho7/MnDm5CpVJRunJDvZdZF9vSxai4Y57meZFx6uPL3bkrOdNjGKbuzph7u2v+n37rHsea9qbI+GH4DehMxr2HnO39NTHb8m4JGLVsEybODoSMHIipmzNJpy9ytElPsp6b5FFfGhQLID41g992nSAmJZ1QNwd+61hPM8njw8RUFAZ5n0VyRhbfrNtPTEo6NmamFPFwZE6PJgS65M298+P7NZi04zjDVu4hKT0Td1sr+tcqTesyhXdHm/JV6pGcmMCqRX+SGB+Lj38IQ0ZOxvZJvYiNfqgZ/gkQHxfNyE86ap5vXj2fzavnE1q0FMO+L7z5Av5J5Wq1SUpMYPH8mSTEq4cufPXNuGfO34+0Po+tG9eQk5PNuB9GaG2ndfuufNChOwDN329PZkYGf04ZR2pqCmFFivP1t+MKfV6GcnU/JDsznS0LR5CZloRnYGne7z9d63ibEH2X9GeOt2Fl1N+nDqyfTGpSNC5e4bzff7pmWIShoTG3Lx3i+K65ZGemYW3vTkhkPSo27Kv38peu3IDkpHjWL/mN5IQYPP1C6ffV75pjbXzMQ63zd0BoJN0GjWXdoimsWzgZZ3cfen2ufZxKjI9mxZyfSU6IxcbemfLV36Nhq94vvLa+VKhal6TEBFYs/IvE+Fh8A0L4fNREzXChmOhHWjnEx0Xz1eC8oUAbVy1g46oFhBUrxdc//A6ob1c5+MufWDL3N1YvmYGzqwcde35M5RoNCi2Pt8l/9baO7yID1cvutyhEIZm/793f7cp43H/TRdCLM489/jnoHWBs+O7vU7cf/jdGqrm8/rDRt4aXff63/32XpGUb/3PQOyC37Ot3F35b1J7b/U0XQS9ORvZ500UoMCtj/d4i8U05crtw5mD5t/k5Z/5z0FvO1vS/sU+VDbV700V4LUcvJb7pIryWcmH6v7vbm/bf+CYrhBBCCCGEEEKIN0YaF4QQQgghhBBCCFEg/+/nXBBCCCGEEEII8W5SvukCCA3puSCEEEIIIYQQQogCkcYFIYQQQgghhBBCFIgMixBCCCGEEEII8U6SW1G+PaTnghBCCCGEEEIIIQpEGheEEEIIIYQQQghRINK4IIQQQgghhBBCiAKROReEEEIIIYQQQryTVMicC28L6bkghBBCCCGEEEKIApHGBSGEEEIIIYQQQhSINC4IIYQQQgghhBCiQGTOBSGEEEIIIYQQ7ySVSuZceFtIzwUhhBBCCCGEEEIUiDQuCCGEEEIIIYQQokBkWIQQQgghhBBCiHeS3Iry7SE9F4QQQgghhBBCCFEg0rgghBBCCCGEEEKIApHGBSGEEEIIIYQQQhSIzLkghBBCCCGEEOKdpFS96RKIp6TnghBCCCGEEEIIIQpEGheEEEIIIYQQQghRINK4IIQQQgghhBBCiAKROReEEEIIIYQQQryTVBi86SKIJ6TnghBCCCGEEEIIIQpEei6IN0KpfPdbGM1VqW+6CHpx+mL2my6CXpQuZvymiyCeUPwHmq1TMk3edBH0IiPH8E0XQS8aze3+potQYDs6z3zTRdCLxF2fv+kiFFgx14w3XQS9sLNSvuki6IWhwbufh7Hiv/FdSoiCksYFIYQQQgghhBDvJJXq3b9o+V/xH7i+JIQQQgghhBBCiDdJGheEEEIIIYQQQghRINK4IIQQQgghhBBCiAKROReEEEIIIYQQQryTVKo3XQLxlPRcEEIIIYQQQgghRIFI44IQQgghhBBCCCEKRIZFCCGEEEIIIYR4JymRW1G+LaTnghBCCCGEEEIIIQpEGheEEEIIIYQQQghRINK4IIQQQgghhBBCiAKROReEEEIIIYQQQryTVCqZc+FtIT0XhBBCCCGEEEIIUSDSuCCEEEIIIYQQQogCkcYFIYQQQgghhBBCFIjMuSCEEEIIIYQQ4p2kUr3pEoinpOeCEEIIIYQQQgghCkQaF4QQQgghhBBCCFEgMixCCCGEEEIIIcQ7SYXcivJtIT0XhBBCCCGEEEIIUSDSuCCEEEIIIYQQQogCkcYFIYQQQgghhBBCFIjMuSCEEEIIIYQQ4p2klFtRvjWk58J/3OzZs7Gzs9M8HzVqFJGRkW+sPEIIIYQQQggh/nuk58IbVqNGDSIjI5k4caLW8tmzZzN48GASEhL+cRuLFi2iY8eOfPTRR/z66696KVdSUhI//vgjK1as4NatW9jZ2VGsWDH69u1LixYtMDD4d2dlValU7F07mZP7lpGZnoRXYCkadhiFg6vfS9f7e9cCDm+dQUpiNK5eYdRrNxxP/xKa/2+cN4KbFw+SkvgYE1MLPANLUqvlpzi5BxZKHmvXb2DZilXExccT4O9Pv496ERYaojN24+YtbN+5i1u3bgMQHBREty6dtOLT09OZMXsOBw8dISk5GTdXV5o3bUKTRg0LpfxP1S5pSNlQQ8xM4PZjFWsP5hCblH+zsZ+rAVWLG+LhpMDGwoD527O5eEepFWNiBPXLGBHuq8DCFOKTVRy6kMvRy8p8tlowh7YtYO/GmaQkxuDmHUbTzl/hHVgi3/izRzazbcVk4mPu4+jqS4MPhhAWWV3z/+0rp3Lm8EYSYh9iaGSMp38R6r0/GJ+giEIp/1MqlYpjW6dw8Yi6brj5laJay5HYOfvlu86DG8c4tXsG0ffPk5YUTYMuU/EvVqfA231dR3Ys4OCmGaQkxuDqE0ajDl/jFZD/Z3H+2GZ2rpxEQsx9HFx9qdv6U0Ii8j6LC39v5e/di3lw6zzpqYl8NHoV7j7hei/38/ZvXcTOdbNITozBwyeUll2/xDeoeL7xpw5vYdOyqcRF38fZzZcm7T6mSMlqWjGP7l9n3cIJXL/4N0plLq6eAXT7eCL2Tu6FksN/pV4sPnqBOQfOEZOSToibPV80rEhxL2edsWtOXmXEmn1ay0wMDTk2vIvmeVpmNhO3/82uS7dJTM/E086aduWL0KZsWKGU36FKGQKG9MC2VDHMPFz4u1VfHq3d8fJ1qpWjyLgvsCoSTMbdKK6N+Z17c1dpxfj2aU/AJz0wdXMm6cwlzg/+lsRjZwslh6dUKhW710zhxN5lZKQl4R1UisadRuL4D+fvozsXcHDzDM2+2LD913g+c1w4vmcJZ4+sJ+r2BbIyUhk65ShmFjaFlsfm9StZu3IRCfFx+PoH0r33YIJDi+iM3b55LXt2buHu7RsABASF0q5zL614lUrFkgUz2LFlHampKYSFF+fDvkNw9/QutBwOb1/Avmfqd5NO/1C/j25m+4rJJDyp3/U/GELok2Ntbk4221ZM4srpvcQ9voeZhRWBRStSv80QbOxdCi0HgN2bFrN17RySEmLx8g3hgx5D8Q/Wfax9cPca6xb/zu0bF4iLjqJ110+p3aRjgbapD1vWr2DdM/tTt94fE5TP/nT39g2WLpjBzWuXiX78kM4fDqRxszZaMelpaSyZP41jh/aSmBiPf0AIXXoNIiik8M99QjxLei68g7KysrSez5gxg88//5xFixaRkZFR4O0nJCRQqVIl5s6dy7Bhwzhx4gR79+7lgw8+4PPPPycxMfGVyqVPh7ZM49jOeTTsOIquw5ZibGrOokk9yMnOzHedC8c2sn3ZGKo26UePr1fh4h3G4kk9SE2K1cS4+Rblva5j6D16I20HzQCVikUTe6BU5uo9h9179/HntBl0bN+W3yZPIMDfjy+HjyQ+nwak02fPUaNaNX4e8z0Tx/+Ms7MTw4aPJCYmr/x/TJvB38dPMPTTT5j+x6+0aPYeU3//k0OHj+i9/E9VLW5IxSKGrDmYw+/rssnOVtG1vjFGhvmvY2JsQFScinWHcvKNaVTeiGAvBcv2ZDNxZRYHL+TSpKIRYd76P0ydObyRDQt/pHaLfvT/dgXuPqHM/OlDUhJjdcbfvnKSxb99SpnqrRjw7UqKlK7N/IkDeHj3iibGyc2Ppp2/ZvCYNXw0fD72Tp7M/KknKUlxei//s07tns7Z/fOo1nIUrQYsxdjEnPXTe760bmRnpePoEUbV5iP0ut3Xce7IRrYsHkuNZv3oPWolbt6hzBvfk5Qk3Z/FnasnWP7HEEpWe5+PRq8irFQdFk/pz6N7eZ9FdlY6PsGlqdv6U72W9WVOHtrE6nk/Ub9VH4b8sAwP31D+HNub5Hz2qZtXTjJvyueUr9GCT8cso1iZWswcP5Cou1c1MTGP7jB5VGdcPPzpN3wWn/24gnotPsLI2KRQcviv1IvN524wbstReteIZHHvpoS6OtBn/hZiU9LzXcfK1JgdQ9pqHps/1v7iPm7LEQ5eu8cPLauzql9LOlQowtiNh9h96U6h5GBoaUHSmcucGzj6leLN/bwou/ZPYncfYX+ZZtycMofif36HU90qmhj31g0J/3kYV7/7lf3lWpB85hLlN8zAxNmhUHJ46sCm6RzZPo/GnUbR86ulmJiaM/+Xlx9Lzh3dyNYlY6netB+9R67E1TuU+RN6ap2/s7MyCCpWlaqNexdq+QEO7N3BnOlTad2uKz9Omo6vfxDfjxhCYkK8zvjzZ09RpXodRo6ZzPfj/sDR2YXvRgwhNiZaE7NmxUI2rVtBr36fMmb8n5iamfPdiCFkZen3GPvUmcMb2bjwR2o170e/b1bg5hPK7J8/zPdYe/vqSZb+9illqrWi3zcrCS9VmwUTB2iOtdlZGTy4dYGazfrQ79sVtB84mZioW8yb0LdQyv/U3we2sHzOeJq07s2XPy3Cyy+EKd/1JSlR9zElKzMDJ1dPWnQYhI2dk162WVAH9+5g7vSptGrXjbGTZuDrH8QPIz7Jd3/KzMzE1c2Ddl0+ws7eUWfMn1PGcvbUMfoNGc64qXMpUbIs3309mLhn9rn/MpXK4J18/BdJ48I7oGvXrjRv3pzvv/8eDw8PQkNDNf+7efMmBw8e5IsvviAkJISVK1e+0jb//PNPvL29sbCwoE2bNloNBl9++SW3bt3iyJEjdOnShSJFihASEsKHH37IqVOnsLKyAsDPz49vv/2Wzp07Y2NjQ69evfSb+BMqlYqj2+dSpXEfQiPr4OoVRtNuP5Gc8JjLJ7fnu96RbbOIrNKGiMqtcPYIolGH0RiZmHH6wApNTKlqH+ATUhY7Jy/cfYtSvflgkuKjSIy5r/c8VqxaQ8MG9ahftw6+Pj4M6t8XUzNTtmzVncOwz4bQtEkjAgMD8PH24uOB/VEplZw8fVoTc+HSJerUrkVEieK4ubrSuGEDAvz9uXTlqs5t6kPloobsPp3LxTtKHsWrWLY3B2tzCPfJ/3By5Z6S7SdyuXA7/14IPi4GnLyay82HKhJS4NhlJQ/jVHg56//gu2/THMrWaE2Zai1x9QyiebdRmJia8fde3fXnwNa5BJeoQrXGPXDxDKTe+4Pw8Avn0PaFmpjISk0IKlYJBxdvXL2CadzhCzLTU3h497Ley/+USqXizL65lK79Ef7FauPoEUqttj+SlvSYm+fzrxu+YdUo32AwAcXr6nW7r+Pg1tmUrtaaklVb4eIZRJPOozE2MePkvhU64w9vm0dQ8SpUadgDZ49AarcchLtvEY7uWKCJiajUjBrN+hFQtKJey/oyuzfMpWKt9ylfowVuXoG07jECExMzjuxepTN+76b5hEVUptZ73XH1DKRRmwF4+Rdh35a8fWrjksmER1alaYchePmH4+TqQ7EyNbG21f3lsqD+K/Vi3qFztCwVSvOSIQS62PN1k8qYGRux+uSVfNcxwAAnawvNw9HKXOv/p+4+5r3IYMr6u+Npb837ZcIIcXPg3P3C+eIevWUvV0ZO5NGaV6tvvr3akn7zHhc//5GUSze4/dsCHq7Ygv+grpoY/8HduDtjKffmrCTl4nXO9h1JbloG3l1bFUoOoD6WHNk+l2pNPiKsZG1cvUNp3uNHkhMec+lE/rkd3jqbUtVaU7KK+vzdpNOT48L+vONChbpdqNKoF14BhdsLBmD96iXUrv8eNes2xtvHn179PsXE1Iyd2zbojB/02QjqN26Bf0Awnt6+fDRgKCqlknOnjwPq92XDmqW0+qAzZStUxdc/iP6ffEV8XCzHDu3Tuc2COrB5DmVqtKZ0tZa4eAbRrOsojE3NOL5Hd/0+tGUuwcWrUPVJ/a77tH5vU9dvMwtrug+dSfHyDXF298cnKJL3On/Ng1vnSYh5UCg5AGxfN4/KdVpSqVZzPLwDad/ra4xNzTi4c7XOeL+gYrTq/AllqzTAyNhYL9ssqA2rF2v2Jy8ff3r2+wwTUzN2bVuvMz4oJJyO3ftRuXodjHXkkJWZyZEDe+jQrS9FikXi5uFF6w49cHP3ZOsm3ecgIQqLNC68I3bs2MHly5fZtm0b69fnHXxmzZpF48aNsbW1pWPHjsyYMeMft3Xt2jWWLl3KunXr2Lx5MydPnqRvX3VLs1KpZPHixXTo0AEPD48X1rWyssLIKG80zbhx44iIiODkyZMMHz5cD5m+KCHmHqlJ0fiFV9IsM7OwxtM/gvs3TupcJzcni6g75/F/Zh0DhQL/8Ercy2edrMw0zhxYiZ2TFzYObnrNITs7m6vXrlHymfkuFAoFJSMjuHjp0ittIzMzk5zcXKytrTXLioSFcfjIUWJiYlGpVJw6fYb7Dx5QulRk/hsqAHtrsLYw4PqDvEaCzGy4F63Cx6VgjQB3HqsI81FgY6F+7u9mgJOtAdfu63dYRE5OFg9unSfomR+eCoWCwKIVuXPtlO6yXTutFQ8QXLwKd67qjs/JyeLozqWYWVjj7lM43aYBkuPukZYcjVdw3n5uam6Ni08JHt3WXbY3ud3n5eRkEXXrPAFF815HoVAQUKQid/P5LO5dP0VAkUpaywKLVebudf2V63+Vk5PNvZsXCClWQbNMoVAQXKwCt6+e1rnOraunCSmmvU+FlqikiVcqlVw4uRcXdz/+GNOL4b2rMeHrdpw99vKu8a+fw3+jXmTn5HLxQSwVAvLOXwqFARUCPDhzL/+GgLSsbBpMWEK9X5YwaNF2rj3WvoIY6e3Cnst3eJSUqm7wvhnF7dhEKgZ6Fkoe/yu7CpHE7DyktSx6237sK0QCYGBsjG2posTsOJgXoFIRs/MgdhVKFlq5EmLukZIYrVVnzSys8QookW+dzc3J4sHt8wQ8d/4OKFKRe2+gnmdnZ3Pj2hVKRJbWLFMoFJSILMOVS+dfaRtZmZnk5OZg9eT8/fhRFAnxcRSPLKOJsbS0Iig0nMuvuM3/RX71O6jIy+t34HP1O6h4lXyPzQAZackYGBhgZlk4w1NysrO5c+Mi4SXKa5YpFArCi5fnxuUzb802/+n1bly7ovXZKxQKikeW4eprfva5ubkolbkYP9erzcTUlMvn9Z+DEC8jcy68IywtLZk+fTomJnkHDqVSyezZs5kyZQoAbdu2ZciQIdy8eRN/f/98t5WRkcHcuXPx9FR/KZoyZQqNGzdm/PjxKBQK4uPjCQt7tS9+tWrVYsiQIS+NyczMJDNTu5tfdpYpxiamr/QaqUnqL4SW1tpX6yxtHElJitG5TlpKPCplLpY2z61j7Uhs1A2tZX/vXsDOFePIzkzD0dWf9oNnYWik327HSUlJKJVK7J+ZXBPA3s6Ou3dfrZfE9FlzcHRwoFRk3lWafn16M3HKVNp36YahoSEKAwMGD+xPiWLF9Fl8DWtzdQNCSrr2/AopGSqszAvWuLDuUA7NKxsxtK0puUoVKhWsOpDDrUf6nQI4LTkBpTIXq+eu/lrbOBL94KbOdVISYrCy1e5OaWXrSEqi9v538eQuFv/6KdlZ6VjbOdN96Awsre31Wv5npSWr64b5c3XDwsqJtGTddeNNbvfF14lXfxbP1VMrWydiHubzWSTG6Ix//rP4N6UmqfN4vkeBta0jj/PZp5ITYnTEO5GUoM4jJSmOzIw0dqydQcM2A3iv3SdcPL2fWRMG0/frmQQVKavXHP4r9SI+LZNcleqFngeOlubcjEnQuY6fky2jm1Uh2NWBlMws5hw8R5cZ61nZtyWutpYAfNGoIt+sO0C9X5ZgpDDAwMCAke9VprSffhuiX5epqxOZj7Tf98xHMRjbWqMwM8XY3haFkRGZj2Ofi4nFMjSg0MqVkvjk/P38udjGidT8zt/J+Zy/bZyIidK9Lxam5KRElMpcbO20h4/Y2tlz/97tV9rG/Nm/4+DgpPlBmRCv/hzs7LTrgZ2dAwkJ+u+Kr6nfLxw7HYnO5z1NSdRRv20cSc7nWJudlcmWpeMpUaExZuZW+in482V6cs6wef44ZefIw/u33pptvkxSvvuTAw9ecX96nrmFBSFhxVi5eDae3n7Y2dlzYO92rlw6j5v729EAKv7/kMaFd0Tx4sW1GhYAtm3bRmpqKo0aNQLAycmJunXrMnPmTL799tt8t+Xj46NpWACoWLEiSqWSy5cvv3KjwlNlypT5x5gxY8YwerT2uNHmXUbSotsonfHnjqxl4/yRmucf9P/zfyrT/6pYuaYEhFcmJTGaw1tnsPKvwXQZuggj41dr/Pg3LF66nD179/Hz2O+19oM1a9dz6dIVRo/4GlcXZ86eO8/U3/9UN0KUjCzw60YEKGhWOe8wMXdbdoG3mZ+KRQzxdjFg3rZs4lNU+LsZ0LSiEclp2Vx/8G7cYygwvDwDvl9JWnI8x3YtY9GUj+k7askLP9he15UT69izIq9uNO7+h162K94+KqW6x06x0jWp0agzAJ5+Ydy6coqD25fqvXGhMBV2vSioCG8XIrxdnnnuSoupK1h2/BL9a6mvVi86coEz9x4zqV0dPGytOH77IT9sPISztQUV3pLeC2+DM4fXsX5u3jGq/SA5Rq1aNp8De3cwesxkTF7xosq7Jjcnm8W/foxKpaJp15H/vILQu35DhvPHpDH06dIchcIQ/8AQKlerw41rhTcE7W2ieje+Jv6/II0Lb5iNjY3OCRITEhKwtbXVPLe0tHwhZsaMGcTFxWFunneFRqlUcubMGUaPHo1C8b+PenF2dsbOzo5Lr9hVX1e5njds2DA++eQTrWXLjuR/gg2OqEVP/7yr87k56okiU5NjsbbL+wKYmhSLq7fuxhALK3sMFIZakz893Yblcy3xZhbWmFlY4+Dqh2dABOMHl+PyyW0ULdfkH3N7VTY2NupeIc9N3hifkICDvd1L1122YhVLlq/gx++/IeCZHimZmZnMmjuPkV8No3w59Q+NAH9/rt+4yfKVq/TSuHDxjpK70XkTdRoZqnsnWJkbkPxM7wUrMwOi4l5/+IKRIdQtbcjCHTlcvqfezqN4Fe4OSqoUM+L6A/01alhY26FQGL4wSV1yUizW+Uz2ZGX34pXxlMTYF67qmJhZ4GTmC66++ARFMu7T+vy9ZwU1mupnPhK/IjVx9cmb2ftp3UhPjsXSJq9upKXE4OTx+jNEW1g7F8p2X3wde/Vn8Vw9VfdOyOezsHXSHW+rO/7fYGmjzuP5yRuTE2PznUDM2s5JR3yMJt7Sxh6FoRGuntp3rnH1DODG5RN6LL3au1wvnmVvYYqhgcELkzfGpqbjZGXxStswNlQQ5u7I3bgkADKyc5i84zgT2tamWoh6Jv8QNwcuP4xjzsFzb0XjQuajGExdtd93U1cnshOTUWZkkhUTjzInB1MXx+diHMl8qL9eP6ERNfEamXeMynl6/k56/vwdg6u37mOJhXU+5++kN1PPrW1sUSgMSXyuR0FiQny+k+s9tXblIlYvX8CI7ybg6x+kWf50vYSEeOwd8nJKSIjDzz9Yj6VX09TvF46dL9bXp3T1CEtJisX6ufjcnGwW/foxCTEP6PHFrELrtQBg9eSckfT8cSoh/2Ptm9jmy9jkuz/F/eP+9DJu7p6MGjuVjIx00tNSsXdwYuKPI3B1e3GIsxCFSeZceMNCQ0M5ceLFL4onTpwgJET3LQoBYmNjWbNmDYsXL+bUqVOax8mTJ4mPj2fr1q35rnvnzh0ePMibbOfw4cMoFApCQ0NRKBS0bduWBQsWaMU8lZKSQk5O/jP+62JqaoqNjY3W42VDIkzNrHBw8dU8nNyDsLRx5tbFvPGkmekp3L95Gs8A3WNFDY1McPcpyq1LeeuolEpuXTyEVz7rgLrlU6VSab4Q6YuxsTHBQUGcOpU3/lqpVHLq1BnCX9JbZOnyFSxYvIQfvhlJSLD2F46c3FxycnIweK4RSaFQoNRTE25WDsQl5z0eJ6hITlMR4JH3mqbG4OVswJ3Hr/+ahgp1w8XzW1CqQN93PTUyMsHDryjXLxzOex2lkuvnD+MTFKlzHZ+gCK6fP6y17Nq5g/gE645/St/7komZFbZOvpqHvWsQFtbO3LuWt59nZaTw+M4ZXH1fXraXsXbwKpTtPs/IyAR3v6LcuJD3OkqlkpsXD+Odz2fhFRipFQ9w4/xBvAP1V67/lZGRMV7+RbhyLu8uLUqlkqvnj+AbrHuyOb/gCK48t09dOXtIE29kZIxPQFEeP9dlOTrqFg5O+v+y+C7Xi2cZGxkS7uHIkZt55y+lUsWRGw8okc+tKJ+Xq1Ry9VG8pjEiJ1dJjlKJ4rljkUJhoLdjbUElHD6FY60KWsucalci/vApAFTZ2SSeOI9TrWfG0BsY4FizIgmHdc9D9DpMza1wcPXVPJw9grCydebGc+fvezfO5FtnDY1M8PAtqrWOSqnkxsXDeL2Bem5sbExAUAhnn0zGCOq6cfb0cULCiua73prlC1i+eA5fjR5HYLD2ed7F1R07ewfOncrbZlpaKtcuXyT0Jdt8XZr6ff65+n3hH+r3Be36ff3cQa1j89OGhdiHt+k+dCYWhTgMEMDI2BifgHAunT2qWaZUKrl09igBofnfUvPf3uY/vZ6u/enc6eME6+GzNzMzx97BiZSUJE6fOEqZClX+eSUh9EgaF96wPn36cOXKFQYOHMiZM2e4fPkyv/zyC4sWLXrpXAbz5s3D0dGRNm3aUKxYMc0jIiKCRo0avXRiRzMzM7p06cLp06fZt28fAwcOpE2bNri5qceOfv/993h7e1O+fHnmzp3LhQsXuHr1KjNnzqRkyZKkpKTo/X14GQMDA8rV6cyBjb9z5dQOHt+7zNqZn2Nt50JoyTqauAW/dOHYzvma5+XrduPkvqWcObiKmKjrbFowiuysdEpUbglAfPRdDmz6k6jb50iMfcC96ydY+edAjE3MCCpW/YVyFFSrFs3YuGUrW7fv4M6du0z+9XcyMjKoX7c2AD+Nn8CM2XM08UuWrWDOvAUMGTwQVxdX4uLiiYuLJz1dfUXO0sKCEsWLMW3mLE6fOUvUw4ds3baD7Tt3UbliBZ1l0IcD53OpGWFImLcCV3sD3q9mRHK6upfDU90bGFMhPO/wYmIE7g4GuDuov53bW6v/fjKcmcxsuBGlpEFZQ/zdDLC3gpJBCkoGKbhwW/+3Ba3asAvHdi/j+L7VPL5/nTWzR5OVmU7pai0AWPrHUDYv+UUTX7leZ66c3c++jbN4/OAG21dO5f7N81Ss0x6ArIw0tiydwJ1rp4iPuc/9m+dZPu0rkuIfUbxcfb2X/ykDAwNKVO3M8R1/cPP8TmKjLrNj8VAsbFzwL5pXN9b+2ZWzB/LqRnZmKjH3LxJz/yIASXH3iLl/keT4B//TdvWhUr2unNizjFP7VxH94Drr544iKzOdklXU9XTltKFsWzZeE1+hbieundvPgc0ziY66wa7VU3hw6zzlanfQxKSlJBB15yLR968DEBt1k6g7F0lOLLxbctVo3JnDu5ZzdM8aHt2/zvKZ35KVmU756s0BWPDbMNYvmqCJr9awI5dOH2DX+tk8un+Dzct/5e6N81St314TU/O9bpw6tJlDO5YT/fAO+7Ys5PyJPVSu27ZQcviv1ItOFYux8vgV1p66yo3oBL7bcJD07Byal1Q32H+1cg+Ttv+tif9j90kOXrvPvbgkLj6I4cuVe4hKTKFlKXW8lZkJZXzd+GXrMY7djOJefDJrTl5l/elr1A73LZQcDC0tsIkIwyZC/aPUwt8Lm4gwzLzdAQj97hMiZv2oib/912Is/L0JG/MZlqEB+H7UHvfWDbk5abYm5ubEWXj3aINnp+ZYhQVQ7NdRGFmac3fOq91l6nUYGBhQvk5n9q3/g8undvLo3mVWTR+KtZ0LYaXyjiVzf+7K0R15x6gK9bpyYu8yTh14clyYP4rszHQin5y/QT2fw8M7F4l7rL4d6KN7V3h45yLpKQl6z6NJ8w/YsWU9u3ds4t7dW0z7bTyZGenUrKMeljpl/HcsmJ03BGT18gUsnj+DvoO+wNnVjfj4WOLjY0lPT9O8L42btWHFkjkcO7Kf27euM/WX77B3cKRsxap6Lz9A5QZd+HvPMk48qd9r52jX72V/DmXL0rz6XbF+Z66e3c/+TbOIfnCDHU/rd111/c7NyWbhlME8uHmeNn1+RqnMJTkhmuSE6EJrPASo814n9m9fyaHda4m6d4NF074nKzOdSjWbATBr8tesWjBZE5+Tnc3dm5e4e/MSuTk5JMQ95u7NSzyOuvPK29S3xs3bsnPLOvY82Z+m/zaOzIx0atRpDMDU8d+y8Jn9KSc7m1s3rnLrxlVycrKJj43m1o2rPHxwTxNz6vgRTh0/zOOHDzhz8hjfDBuIh5ePZptC/FtkWMQbFhAQwN69e/nqq6+oU6cOWVlZhIWFsWzZMho0aJDvejNnzqRFixYY6Lis26pVKzp16kRMjO6ujkFBQbRs2ZJGjRoRFxdHkyZN+O233zT/d3Bw4PDhw4wdO5bvvvuO27dvY29vT/Hixfn555+1hmv8WyrW/5DszHQ2zh9BRloS3kGlaTtouta8CPHRd0lPyZvhu0jZRqQmx7Fn7WRSk6Jx9Qqn7cDpmu7WRsYm3L36N8e2zyE9LQlLG0d8gsvQZeiiFyaS0oca1aqSmJjI3PkLiY+PJyAggO+/GYW9vbql/3F0tNbnuX7jJrJzcvj2h7Fa2+nYvi2dO6hP7l9+/hkz58xl7LjxJCen4OLiTNfOHWnSqKHey//UvrO5mBhB88pGmJnA7ccqZm/JJueZNgAHawMszPJy8XQyoGejvLkiGpdXH3pOXM1lxT51T5glu7OpV9qINtWNMTeFhBQV247ncvSSfu8WAVCiQiNSkuPZvmIyyYkxuPuE0+2zvzTdPRNiozAwyGsc8Q0pSds+P7N1+SS2LJuAk6svHQdPwc1b/ePDQGFIdNQNTkxeTWpyPBZWdngFFKfX1/Nx9dJ/F9dnRdboSXZWOnuWjyArIwk3v9I06TlNq24kxd4hIzWvbjy+d461f3TRPD+4Tr2PhZZuTq22Y195u/pQrLy6nu5cPYWUxGjcfMLp9Mk0TVfdxNgHWvXCJ7gU7/cex46VE9mxYgKOrn60HTAVV6+8nl6XT+1k9YwvNc+X/aEellWjWT9qNh+g1/I/VbJiQ1KS4tm8fCpJCTF4+obR+4s/NEMK4mO09yn/kJJ06v8jG5dOYcOSSTi7+dJ9yGTcvfP2lxJl69C6xwi2r53OqjljcPbwo+vHEwgIK1UoOfxX6kWDYgHEp2bw264TxKSkE+rmwG8d62kmeXyYmIrimX0qOSOLb9btJyYlHRszU4p4ODKnRxMCXfKuwv74fg0m7TjOsJV7SErPxN3Wiv61StO6TOHc9cK2dDEq7pineV5knHp/vjt3JWd6DMPU3RnzJw0NAOm37nGsaW+KjB+G34DOZNx7yNneXxOzbb8mJmrZJkycHQgZORBTN2eSTl/kaJOeZD03yaO+VW6oPpasm6M+f/sEl6bjx9rHkrjoO6Q9c/4uVq4Raclx7F49hZSkaNy8w+nw8TStLvx/717MnrW/ap7P/rEjAM26/UBklbxGCL3kUK02SYkJLJk/g4T4OPwCgvjqm3HY2asn5YuJfoTBM11btm5cTU5ONuPHaN9Fq3W7brTp0F1dzlbtychI588pP5OWmkJYkeJ89c24QpuXoUSFRqQmx7NjZV797vrZX88ca5+r38EladPn5/9j766jozraAA7/snF3dw/uVqy4FyiFYkUKpVAKFCulAhTaIgWK1XAo7u5QtLi7WyAQ92Qju98fCxsWEgpk0wDf+5xzT5ubmbvzsjOzm7kzc9mxYjLblv+Co6svHb6Yqu1rE+MiuXRyFwDTvm2p81rdhs4joEjFAomjfNUGJCXGsX7J7yTGR+PlF0qfb37Dxk7zvS02OkLnvYiPi+THwTkDstvXzWf7uvkEFy3HwJGzXuia+vbOo/q0bMFMbX0aOnKCtj7FRD3UWdocGxvNkL5dtT+vX7WY9asWU7R4aYaPmQZAWmoyi+f9SUx0FFbWNlR6pyZtO/XQecLb20yF/h9bLl6NgVr9mszpE/9X5u8p7BLkX03Pt2OTnOl7/Qq7CHpRrnjuz69+k9x58HZ8OLoV3vYHemNj9nLLv15X6VmGhV0EvWh8/efCLkK+7ew0u7CLoBcJf7/Ynkyvs+KuBTeL6b90JfYt6GwBRwvlvyd6zdmb/bezegtK6eAXWz72utlw4s38zG5a9u0b/JFlEUIIIYQQQgghhMiXt2+4RAghhBBCCCHE/wWZh//6kJkLQgghhBBCCCGEyBcZXBBCCCGEEEIIIUS+yOCCEEIIIYQQQggh8kX2XBBCCCGEEEII8UZSq9+Op229DWTmghBCCCGEEEIIIfJFBheEEEIIIYQQQgiRL7IsQgghhBBCCCHEG0klj6J8bcjMBSGEEEIIIYQQQuSLDC4IIYQQQgghhBAiX2RwQQghhBBCCCGEEPkiey4IIYQQQgghhHgjqWXPhdeGzFwQQgghhBBCCCFEvsjgghBCCCGEEEIIIfJFBheEEEIIIYQQQgiRL7LnghBCCCGEEEKIN5Iag8IugnhEZi4IIYQQQgghhBAiX2RwQQghhBBCCCGEEPkiyyKEEEIIIYQQQryRVPIoyteGzFwQQgghhBBCCCFEvsjgghBCCCGEEEIIIfJFBheEEEIIIYQQQgiRL7LnghBCCCGEEEKIN5Ja9lx4bcjMBSGEEEIIIYQQQuSLzFwQhcLCTFXYRci3iCy3wi6CXnwdtrGwi6AXy1LeL+wi5Juny5vfLgAMDAq7BPlXwfREYRdBL1Js7Au7CHpx0rpXYRch3xL+/rKwi6AXtrXCCrsI+WZyaWdhF0EvNmyOKuwi6MXIDrGFXYR8S1NYFXYRhHgtyOCCEEIIIYQQQog3kiyLeH3IsgghhBBCCCGEEELkiwwuCCGEEEIIIYQQIl9kcEEIIYQQQgghhBD5IoMLQgghhBBCCCHeSCq1wRt5vIpff/0VPz8/zMzMqFSpEkeOHHlu+uXLlxMWFoaZmRklSpRg06ZNr/S6L0oGF4QQQgghhBBCiNfY0qVLGTBgAMOHD+fEiROUKlWKBg0aEBkZmWv6f/75h3bt2tGtWzdOnjxJixYtaNGiBefOnSuwMsrgghBCCCGEEEII8RqbOHEin3zyCV27dqVo0aL88ccfWFhYMHv27FzTT548mYYNGzJ48GCKFCnCqFGjKFu2LNOmTSuwMsrgghBCCCGEEEII8R9SKpUkJibqHEqlMte0GRkZHD9+nLp162rPKRQK6taty8GDB3PNc/DgQZ30AA0aNMgzvT7I4IIQQgghhBBCiDeSWv1mHqNHj8bW1lbnGD16dK4xRkdHk52djaurq855V1dXHjx4kGueBw8evFR6fTAqsCsLIYQQQgghhBDiGUOHDmXAgAE650xNTQupNPohgwtCCCGEEEIIIcR/yNTU9IUHE5ycnDA0NOThw4c65x8+fIibm1uuedzc3F4qvT7IsgghhBBCCCGEEG+kwl7e8KrHyzAxMaFcuXLs3LlTe06lUrFz506qVKmSa54qVaropAfYvn17nun1QWYuCCGEEEIIIYQQr7EBAwbQuXNnypcvT8WKFZk0aRIpKSl07doVgE6dOuHp6andt6Ffv37UrFmTCRMm0KRJE5YsWcKxY8eYPn16gZVRBheEEEIIIYQQQojX2IcffkhUVBTDhg3jwYMHlC5dmi1btmg3bbxz5w4KRc7ChHfeeYdFixbx7bff8vXXXxMcHMyaNWsoXrx4gZVRBheEEEIIIYQQQojX3Oeff87nn3+e6+927979zLnWrVvTunXrAi5VDhlcEEIIIYQQQgjxRlK95P4FouDIho5CCCGEEEIIIYTIFxlcEEIIIYQQQgghRL7I4IIQQgghhBBCCCHyRfZcEEIIIYQQQgjxRlKrDQq7COIRmbkghBBCCCGEEEKIfJHBBSGEEEIIIYQQQuSLLIsQQgghhBBCCPFGUsujKF8bMnPhDeLn58ekSZP+s9cbMWIEpUuXfm6aLl260KJFi/+kPEIIIYQQQgghXk8yc+E/9u6771K6dOlnBgnmzp3LF198QXx8fJ55jx49iqWl5Uu/ZlhYGDdv3uT27du4ubm9cL5BgwbRp0+fl369gnBox0L2bZpNckI0bt5hNP3oG7wDS+aZ/uyRLexYOYX46Hs4uvrS4MOBhJaqCUB2VibbV07myum9xEaGY2ZhRWCxKjRoMxAbe5cCjWPHxuVsXrOAhLgYvP2C6dhjEIEhxXJNG37nOqsXTefW9UtER0bQvlt/GrzXTifN6sXTWbNkps45d09fxvy2vMBiWLrzIPM37yUmIZkQHze+7PAexQO8/zXf1sOnGfrHEt4tU5SJfT/KNc2P81azcvcRBrZrQof61fRddB1qtZp966dwev9ylGmJeAaWpUG7ETi4+j033/HdCzm8bRYpiVG4eIVR78Pv8PB/ti6q1WqWT/uEG+f38X7PXwkpXVfvMRzasZD9m59oFx2/wes57eLckS3sWJXTLuq30W0XO1ZO5sqZJ9pF0SrU/w/axdvSvldu3sHiNZuIjU8g0M+b/t0/omhwYK5p9xw6yvyV67kXEUlWdhZe7m60fa8RDd+tqk3z49TpbP57v06+iqVLMHHY4AKLYd2GjaxYuYrYuDgC/P35rOenhIWG5Jp205at7Ni1i9u3bgMQFBRE186ddNI3aNIs17zdP+5K61bv6z+AR3ZsWsbm1QtIiI/Bxy+Yjp8MJiCPvvbeneusWvQnt65fIiYqgnYf96fBe+3zvPaGlXNZ8dev1Gvalg7dBxZUCICmH9m9dion9i4nPTUR76CyNPloOI7/0k8d2bWQf7bM0rapRu2/xTMgp00d37OUs4c3EHH7AhnpKQyZegQzCxu9l9+hWnkCBnbDtmxxzDxcONbqMx6u2/n8PDUqUnT8V1gVDSb9bgTXRv9O+PzVOml8e7UnYEA3TN2cSTxzifNfjCLh6Fm9l/9JG9evYc3KZcTFxeLnH0iPXn0ICQ3LNe22LRv5e+c2bt++BUBgUAgfde6mk37xgnns2/s30VFRGBkbERgUQsdOHxMaVqRA4wBoWcuSmmXNsTBTcPVuBvM3JPEwNjvP9LXKm1O7gjlOdoYA3IvMYu2eFM5ey9CmMTaCtvWtqVTcDCMjOHctg/kbk0hMUem9/Gs3bGL5qtXExsUT6O9H708/eU4/tY3tu/7m1u07AAQHBfJxp4466ePi4pkxdx7HT54iJSWFEsWK0fvTT/Dy9NB72R/buH4tqx/VJ3//QHr0+jzP+rR1y0b+3rldW5+CgoKfqU9P+m3qJLZs3kC3Hr1o3qJVQYUgRK5k5sIbICND03k7OztjYWHxUnn3799PWloaH3zwAfPmzXupvFZWVjg6Or5UnoJw5tAmNi0aS+0Wvek9ciVuPqHM/fkTkhNjck1/++pJlv02iPI1WtF75CqKlK3Dwkl9eBh+BYDMjHTu37pArea96D1qJe37TiE64hZ//fJZgcZxeN92Fs+eRPMPu/P9xPl4+wczfkRfEuNjc02foVTi7OpJ6496Y2uf9/vg6RPA5LmbtMc3Y2YUVAhsPXyGiUs20qN5HRaN+Jxgb3d6T5hNbGLyc/Pdj47jl6WbKBPil2eaXcfPc/b6XZzt9P8FNzeHt83g+N9/0aD9CDoNWYaxiTlLp3YjK1OZZ56Lxzaxa8VoqjXtTdevV+PiFcbSqd1IyaUuHt05Dyi43YvPHt7E5sVjqdW8N599vxI371Dmjs+7Xdy5epJlvw+iXI1WfPaoXSya/FS7uH2Bd9/rxWcjV9K+zxSiH9xiwaSCbRdvS/veuf8Q0+YsomubFswaP5IgPx8GjPyZuPjEXNNbW1nRqdV7/DHmO+b98iONa1dn9LQZHD55RiddpTIlWTtrivYYMaDg4ti9dx/TZ8ykQ/t2/DplEgH+/nzz3bA8B73PnD1LrRo1GDf6J36Z8DPOzk58/d0woqNz3rvFf83XOQZ80Q8DAwOqvfNOgcVxeP82lsyeRIu23fl+4l94+wUz/vs+efa1SmU6zm6etO70+XP7WoAbV8+ze+tqvP2CC6LozziweSaHd/xFk49G0P2bZZiYmrNgYvfn9lPnjmxi29Ix1HyvN58OX4WrdygLfumu009lZqQTVLw61Zt8WqDlN7S0IPHMZc71/f6F0pv7eVFh3Z/E7D7M/vLNuTl1HiX+/AGnejmDze6tG1Hk56Fc/eFX9ldsSdKZS1TaOAsTZ4eCCoN9e/5m9ow/+LB9JyZO/QP/gEBGfDeE+Pi4XNOfPXOa6jVr88PoCYybMBUnJ2dGfPslMdFR2jQenl706NWHKb/NYMzPk3FxcWXEt0NISIgvsDgAGle1oF4lC+ZtSGLkzFiUGWoGfmSH8XNuN8YlZrN8RzIj/oxlxPRYLt7MoF87OzycDbVp2jWwpnSoKb8uj2f0nDjsrBX0+dBW7+XfvXc/f86cTcd2bfl98kQC/P0YOux74vLop06fPUetmtX5efQoJo8fi7OzE18NG6Htp9RqNcN/GM2DBw8Z+e3X/D75F1xdnBny7XDS0tP1Xn7Q1KdZM/6gbfuP+GXqH/gFBDD8u6/yrE/nzpymRs1a/Dh6PD9PmIKTkwvDvx1CTHT0M2kP/rOfy5cv4vAafH8X/59kcOE19HipwY8//oiHhwehoaHAs8si4uPj+fTTT3F1dcXMzIzixYuzYcMGnWvNmjWL9u3b89FHHzF79uxnXis8PJx27drh4OCApaUl5cuX5/Dhw8CzyyKys7MZMGAAdnZ2ODo68uWXX6L+DxY5Hdgyj/LvtqZcjfdx8QyieZcRGJuacXzPqlzTH9w6n+AS1ajepBsunoHU+6AfHn5FOLh9EQBmFtZ8PGQ2JSo1wtndH5+g0jTr9C33b50nPvp+gcWxZe0iatZvQY26zfD0CaBLr68wMTVj7471uaYPCC5K2659qVyjPsbGJnle19DQEDt7J+1hbWNXQBHAwm37aFmjAs2rlyfA05VvOrXAzMSEtfuO5ZknW6Ximz+X0rNFXbzy+PIXGZfAuIXr+PHTDzEyLPhuSa1Wc3TnfN5p1IuQ0nVx8QqjaddxJMdHcuXUjjzzHdkxh1JV21DynVY4eQTRsP33GBubceaflTrpHt69yNEds2nc6acCi+HAlnmUr5nTLt7rMgJjEzOO7829Xfyz7VG7aNwNF49A6rbqh7tfEQ7tyGkXXb/MaRfeQaVp+tGjdhFTcO3ibWnfS9ZvoVm9d2lSpwb+3p4M/rQLZqambNi1J9f0ZYsXoWbl8vh5eeLp5kqbpg0I9PXmzMUrOulMjI1wtLfTHjZWLz977UWtWr2Ghg0b0KBeXXx9fOj7+WeYmpmyddv2XNN/NXgQzZo2ITAwAB9vb/r37YNapeLk6dPaNA4O9jrHwUOHKFWyBO7uLz6L7mVtfdTXVq/zHp7eAXTuNVTT1+5cl2v6gOBitO3Sj8rV62NklHdfm56Wyp+/DKNr76+xsLQuqOJrqdVqDu+YT42mPQkrUwdX71BadBtLUnwkl07k3U8d2jaXsjVaU6ZaK5w9gmj60fcYm5hxcn9OP1W5XmeqNe6BV0CpAo0hautergyfxMO1eZf3Sb492pJ2M5yLX44l+dINbv+2kAcrt+Lfr4s2jf8XXbk7axnh81aRfPE6Zz8bTnZqOt5dCu4O7drVK6jfsDF16zfEx8ePXp9/gampKTu2bck1/cAvv6Zx0+YEBAbh5e3D5/0GolKpOX36pDZNzVp1KF2mHG7uHvj4+tGtRy9SU1O4dfNGgcUBUL+yBev2pnDyspLwh1nMWJ2IvbUhZcNM88xz6koGZ65m8DA2m4cx2azclUJ6hpogL2MAzE0NqFHWnMVbk7h4M5PbEVnMWptIsI8JgY/S6MvKNWtp1KA+DevVwdfHm369e2FqasrW7bnPiBk6eADvNWlMUEAAPt5eDOjTG7VKzcnTmoHce/fvc/HyZfp+1pPQkGC8vTzp+1lPMjIy+HvPPr2W/bG1q1c+UZ98+eyl69OAR/XphE66mOhopv8+jYGDh2Jk+P81OV2lfjOPt5EMLrymdu7cyeXLl9m+ffszAwYAKpWKRo0aceDAARYsWMCFCxcYM2YMhoY5o8hJSUksX76cjh07Uq9ePRISEti3L6ejTE5OpmbNmty7d49169Zx+vRpvvzyS1Sq3KewTZgwgblz5zJ79mz2799PbGwsq1evzjWtvmRlZXD/1nmCilXRnlMoFAQVrcKda6dyzXPn2mkCn0gPEFSiGnfzSA+QnpqEgYEBZpYFc9c8KzOTW9cvUaxUBe05hUJBsVIVuHY5f1M5H9y/S78ujRnUowV/TPiOmKgH+S1urjKzsrh46z6VigVpzykUCioVDeTMtTt55pu+dicONpa0qFEh19+rVCq+nb6MTg1rEOjpqvdy5yYhOpyUxCj8iuTcPTUzt8bDvxT3bpzMNU92VgYP7pzXyWOgUOBX5B2dPJkZaaybNZB6bYdhZetcIOV/3C4Cn2oXgcWq5FnP7+bSLoKL/0u7SHvULgpgujS8Pe07MzOLK9dvUb5kzrR7hUJB+ZJFOX/52r/mV6vVHDtznjv3IyhdVHea68lzl2japTftPv+S8X/OJSEpSe/lB8jMzOTqtWuULZ3zx6ZCoaBM6dJcuHT5ha6hVCrJys7G2toq19/HxcVx5OgxGtSvp5cy5+ZxX1u0ZEXtOU1fW5Hr+exr/5o+jlLlqlKsVKX8FvOFxEeHk5wQRUDRJ/opC2u8Akpy9/qpXPNkZ2Vw//Z5Ap7qpwKKViE8jzyvE7vKpYnedVDnXNT2/dhXLg2AgbExtmWLEb3zn5wEajXRu/7BrnKZAilTZmYm169doVTpstpzCoWCUqXLcvnShRe6hlKpJDs7C2ur3AelMjMz2bp5I5aWlvj7576USh+c7Q2xszbkwo2c5QxpSjXXwzMJ9Mp7YO1JBgZQqbgppsYGXAvPBMDPwwgjQwOd60ZEZxMdn63XwYXMzEyuXLtO2dI5S3wUCgVlS5d6iX4qQ6efyszUxGBiklNOhUKBsbER5y682Pv7MjIzM7l27Qqlc6lPl166PuV8pqlUKiaOH0PLVm3w8fXTd7GFeGH/X8NabxBLS0tmzpyJiUnunf2OHTs4cuQIFy9eJCREs24sICBAJ82SJUsIDg6mWDHNF962bdsya9YsqlevDsCiRYuIiori6NGjODho7igHBQWRl0mTJjF06FDef1+zTvaPP/5g69at+Qv0X6QmxaNSZWNlozu9y8rWkaiIm7nmSU6IxsrWSTe9jSNJCc9OHwPIzFCyddkESlZugpl57l+K8yspUROHrZ3unXtbOwciwm+/8nUDQorzSb9huHn6khAbzZolM/lxaA9+nLIYcwv93uGMT0olW6XCwUb338jB1ppbD6JyzXPyyi3W7jvG4u/75nnduZv2YmSooF29gpsm/bTkRE15LZ+qV5bWjqQk5l5PUpPjUKuyc80T8yDnTtPO5aPxDCxTIHssaMvyuF3YPtsuop/TLixtnJ5J/7x2sW3pBEoUYLt4W9p3QlKSpm08taTHwc6W2/ci8syXnJJKy0/6kZGZhaFCwYAenahQurj295XKlKRmpfK4uzpz70Ek0xcuZ9CoCfwxehiGep7hk5iYiEqlws7OXue8vZ0dd++Gv9A1Zs2Zi6ODA2Xz2Ah4+85dmJubF+iSiKSk3PtaG1sHIsJvvfJ1D+3bxu3rlxg2/uWWF+ZHckIe/ZSNU979VFIe/ZSNU559w+vE1NUJ5UPd2JQPozG2tUZhZoqxvS0KIyOUkTFPpYnBMlT3O5C+JCYmaNqGvW7bsLOzJ/zu3Re6xvw5M3BwcKRUmXI6548ePsj4sT+gVCqxd3Dg+x/HYWOr/6UEj9laafqNhGTdm0iJKSrt7/Li5WLEt93tMTYyQJmhZurSeO5HZT+6riGZWWpS03Vvxb7IdV9GQmISKpUKezs7nfP2drbcDX+xfmrm3Hk4OthrB1K9vbxwcXZm1ry/+OLzzzAzNWXl2vVERccQG5v7MoX8eF59uveC9Wmetj7lDFCsXL4EQ0NDmjVvqdfyCvGyZHDhNVWiRIk8BxYATp06hZeXl3ZgITezZ8+mY8eO2p87duxIzZo1mTp1KtbW1pw6dYoyZcpoBxaeJyEhgYiICCpVyrljY2RkRPny5f91aYRSqUSp1F0fmplhjLFJ3lPw/ivZWZks+bU/arWa97oML+zivLRS5Z74ku4XTEBIcQZ+8h5HDuygZr3mhVcwICVNyXczlvFdl/ext859oOPCrXss3n6ARSP6YGBQcPsTnD+8ji2Lct7f1r3/LJDXuXp6J7cvHaLrNwU7o6egZWdlsvTX/qhR817nN69dPPa6t28LczPmTPiBtPR0jp25wLQ5i/FwdaFscc2GbnWrVdamDfT1JtDXmw8/G8TJ8xd1Zkm8DpYuW87uvfv4ecxPeX52bd2+ndrvvvvcz7bXUUzUAxbNnMDg76dhUoCfW2cOrWfD/Jx62r7fHwX2WuK/s2LZYvbt+Zsfx054pu6XKFWaSdOmk5iYwLYtGxk3ehQ//zLtmUG+V1WlhBmdm+XMlvhlYfwrXysiJothf8RibmpAhaJmdG9hy5i5sdoBhjfBkuUr2b13P+NH/6B9L4yMjBj+zRAmTJ7G+207amdCVChX9l+uVjg09Wm3Tn26dvUK69et5pcpvxfod6nXmTyK8vUhgwv/MRsbGxISEp45Hx8fj+0To9X/9lQIc3Pz5/7+woULHDp0iCNHjjBkyBDt+ezsbJYsWcInn3zyr9fQl9GjR/P997qbObXuNow2n/z7l30LazsUCsNnNndLToh55u7lY1a2TiQ/dRczOTEG66fSZ2dlsvjX/sRH36fbV3MK7K4mgLWNJo6EpzYUS4iP/dcNxF6GpZU1bh4+PIx4sRH8l2FnbYGhQvHM5o2xCUk42jw71TM8Kob70XF8MXm+9pzqUe9fods3rBo9gJNXbhKblELjQWO1abJVKn5ZsolF2w6wcfyQZ677KoJK1eZj/5zp3llZmqmbKYkxWNnmPEEgJSkGF6/cd1+2sLLHQGH4zOaNKUkx2hkBty8fIi76Dr8M0F0CsvrPPngFlafDwL/0Eo+2XSS8XLt4+m5nckLu7WLJr/2Jj7nPxwXcLt6W9m1rba1pG09t3hgbn4CjXd53IRUKBV7umqVAwf6+3A6/z4JV67WDC0/zdHPBzsaa8IiHeh9csLGxQaFQPLOhWFx8PPb2z/9DZ/nKVSxdsZIxP44iwN8/1zRnz50nPPweXw/RT5vOi7V17n1tYsKr97W3rl8iMSGW4QNynnKjUmVz5cJJdm5azszlB1A8sSTxVYWWqoXX8Jzp3k/2U9Z2T/RTidG4eudeRyys8+inEp+d8fM6Uj6MxtRVt5ymrk5kJiShSleSER2HKisLUxfHp9I4onyQ+2yO/LKxsdW0jTjdthEfH4f9v9ycWb1yGauWL+b7H3/GL5flDmZm5rh7eOLu4UloWFF6du/Ejq2b+eDDvJ9W8jJOXlZy/V6m9mejR9XU1kqhM3vBxlLBnQdZz71WdjZEPnqixO2IZPw9jbQbQyYkZ2NsZICFmYHO7AUbS8UzsyTyw9bGGoVC8czmjXHxCf/eT61aw5IVKxn7w0gC/P10fhcSFMSfUyeRkpJCZlYWdra29BkwmODgvGfzvqrn1Sc7h+fHsHrlMlYuX8LIH8fh758zU+f8+bMkxMfTrXNOvVGpVMyZ+Sfr16xi5tyF+g1CiOeQPRf+Y6GhoZw4ceKZ8ydOnHjuLISnlSxZkvDwcK5cuZLr72fNmkWNGjU4ffo0p06d0h4DBgxg1qxZ2mucOnWK2Njcd9B+kq2tLe7u7trNHgGysrI4fvz4v+YdOnQoCQkJOkfLzl+9UJxGRiZ4+BXj+vlD2nMqlYrrFw7hE1Q61zw+QaW4fuGQzrnr5/7B+4n0j//wiHlwm4+HzMbCWj93CfJiZGyMX2AYF84c1Z5TqVRcOHOMoNASenud9LRUIh/cw85e/18ijY2MKOLnwZEL17XnVCoVRy5ep2SQzzPp/dydWTaqH4u/76M9apYuQvmwABZ/3wc3B1uavFOGpSP76qRxtrOhU6Ma/DrwY72V3dTMCnsXX+3h5B6EpY0zty7lrO1VpiVz/+ZpPANyX7draGSCm08xnTxqlYrblw5q81Ru0INu367j42/WaA+AOq2H0qSz/jZ3fNwublzQbRc3LhzSqedP8s6lXVw7/2y7WPJrf2Ie3qbrl7OxsCrgdvGWtG9jYyNCAv04fua89pxKpeL4mQsUC33xL6cqtYqMzLy/4EdGx5KQlIyTvV1+ipsrY2NjgoOCOHkq52kVKpWKU6dOUzQsNM98y1asZNGSpfw4cgQhwXk/QWHrtm0EBwURGJD74IO+5N3XHiXwFfvaoqUq8MPkxYz8ZYH28A8qQuUaDRn5ywK9DCwAmJpb4eDqqz2cPYKwsnXmxkXdfir8xhm8A0vneg1DIxM8fIvp5FGrVNy4eAivPPK8TuIPncKxdmWdc0513iHu0CkA1JmZJJw4j1PtJ/ZdMTDAsVYV4g/lvl9OfhkbGxMYFMKZJzZjVKlUnDl1ktCwonnmW7V8CcsWL2D4qDEEh+Tdhp6kVqm0ewDoQ3qGmsjYbO1xPyqb+KRsivrnzKAwMzUg0MuY6+EZz7nSswwMDDA20twlv3U/i6xstc513RwNcbIz5Hq4/uIxNjYmJChQuxkjaN6Lk6fPPLefWrpiFQuWLOOn74cT+pwBA0tLS+xsbQm/d58r167zTqWKeaZ9VcbGxgQFhehsxvi4PoU9pz6tXL6UpYsXMHzU6GfqU63adZny63QmT/tTezg4OtKyVWtG/DBG7zEI8Twyc+E/1qtXL6ZNm0bfvn3p3r07pqambNy4kcWLF7N+fe5PDchNzZo1qVGjBq1atWLixIkEBQVx6dIlDAwMqFOnDn/99RcjR46kePHiOvm6d+/OxIkTOX/+PO3ateOnn36iRYsWjB49Gnd3d06ePImHhwdVqlR55jX79evHmDFjCA4OJiwsjIkTJ+b5iLInmZqaYmqqO5XU2OTFR7KrNuzMyhlD8fQvjldACf7ZNp8MZRrlamjWlS3/cwg29q40aDMAgCoNOjHzp07s3zyH0FI1OXNoE/dunqfFx5rZE9lZmSya+gURty/w0YDfUamySYrXrG01t7J97m7h+dGweXtmTP4e/6AiBAQXY+v6JSjT06hetykAf/4yHHtHF9p06g1oNia7d/em9v/jYqK4feMKZubmuLp7A7B4zmTKVKiOo7Mb8bHRrF48HYVCQeUa9Qskhg71qzN85nKK+nlSLMCbRdsOkKbM4L1qmnWk381YhoudDX1aN8TU2JggL90d4a0tzAC05+2sjLB7avd7I0MFjrZW+LkXzGaIoPlSVKFOJ/7Z/DsOLr7YOnmxb91krOxcdPZKWPxLZ0JK16NcLc3yoop1u7Jh7hDcfYvj7leSY7vmkZGRRsl3NPuQWNk657qJo42DB3ZO3nqN4XG78HjcLrY+ahfVNe1ixaN2Uf9Ru3infidmjn6iXRzexP2b52nRNaddLJ72BfdvX+Cj/v9du3hb2nfbZg35ceoMwoL8KRIcwLL120hTKmlSuwYAoyb/ibOjPT07tgHgr5XrCQv0x8PNhcysTA4eP8PWPf8wqEdnAFLT0pmzbDU1K1fA0d6Wew8i+W3+UjzdXKhYRn8Dkk96v2ULxk/8hZDgIEJDQli9di3p6enUr6dpE+MmTMTJ0ZGPu2jKuHT5Cv5asJAhXw7C1cVVuz7Z3NxMZ2ZcSmoqe/cfoEf3bgVS7qc1eKqv3bZ+saavrdMMgOmThmPv6Ezrjz4HHve1mn1TsrMyiYuN4vaNy5iZW+Dq7o25uSVevrp/kJiYmmNlbfvMeX0yMDCgUt1O7NvwB46uftg5efL36ilY27kQVjann5r/cxfCytalYh1NP1W5fhfWzPoKD7/iePqX5NCOeWQq0yhd9X1tnuSEKJIToomN1GzG+zD8CqZmltg6uGNuZae3GAwtLbB8YvDZwt8Lm1JhZMQmkH43gtAfBmDm6crprpoZLbenL8H3sw6EjR7M3bkrcapVGffWjTj6Xs4jM29OmkOp2WOJP36OhKNn8OvbGSNLc+7Oy/0JM/rQvOUHTJ44lqDgEIJDwli/diXpynTq1msAwC/jx+Do6ESnrt0BWLl8MYv+msfAL7/GxcWNuEc3cczMzTE3Nyc9PY3lSxZSsfI72Ns7kpiYwKYNa4mJiaZq9ZoFFgfAtkOpNKthyYPYbKLjsnm/tiVxSdmcuJSzfPXLTnYcv6Rk55E0AD6oY8WZa0piE7IxM1FQuYQZYX7GTPgrBdBsCrn3RBptG1iTnKYiTammY2Nrrt7N0OvgAkCrFs0Z98vkR/1UMKvXric9PZ0GdesAMHbCJJwcHenWRTPTaMmKVcxfsIihgwfg5upC7KMZA+ZmOf3Unv0HsLOxwcXFmZu3bvPb9Jm8U7ki5csWzCahzVu2YtLEcQQFhxISEsq6tatIV6ZTp15DQFOfHByd6KytT0tY+Nc8Bn05FNdc6pONjS02Nrqz5IwMjbCzd8DLS7/fPYT4NzK48B8LCAhg7969fPPNN9StW5eMjAzCwsJYvnw5DRs2fKlrrVy5kkGDBtGuXTtSUlIICgpizJgxrFu3jpiYGFq2fHZTlyJFilCkSBFmzZrFxIkT2bZtGwMHDqRx48ZkZWVRtGhRfv3111xfb+DAgURERNC5c2cUCgUff/wxLVu2zHWZhz6VrNyYlKQ4dq6aQlJCNO4+RegyeLp2imdCTAQGBjmTcHyDy9Cm18/sWDGZbct/wdHVlw5fTMXVSzMzJDEukksndwEw7Vvdf6NuQ+cRUET/I9UAlarXIzExjlWLppMQF4OPfwiDhk/G1k4zvTM2+iEKRU4ccbFRDOufs2fG5jUL2LxmAWHFyzL0R81a3LjoSH4f/y3JSQlY29oTUqQU342bjY1twdypbVCpJHFJyfy+ZgcxCUmE+rgzbUBXHG01yyIexMSjeEPW+1Wq/wkZyjS2LBxGemoiXkHl+LDPTIyMcwbC4qLukpqcM3WxSPnGpCbFsm/9FFISo3DxKsKHfWY+s1Hif6FEpcakJGraRfKjdtF5UE67iI+NwOCJ+uQTXIY2PX9mx8rJbF+haRft++XeLn79TrddfPxVwbWLt6V916lWmfjEJGYuXkVsfAJB/j5M+G4wDo+WRTyMjkGhyGkbaUolE2bMIzImFlMTE3w93RnW71PqPNpnwVCh4Prtu2z+ez/Jqak42dtToXRxPmnXChNj/T7a7bF3a1QnISGB+QsWEhcXR0BAAD+O/F473TgqKkqnfW/ctJnMrCx++En3zljH9u34qEPO9Nw9e/YCamrVrFEg5X5apWr1SUqIZ/XiP7V97cDhU7R9bUzUA511yXGxUQwfkNPXblmzgC1rFhBarCxDfyyY/VleVNVG3cnMSGP9PE0/5RNcjo79Z+j0U7FRd3T6qeIVNf3U7jVTSU6Mws27CB36z9BZFnFs9xL2rMv5rJ87VhN/864/UbpaziBEftmWK06VnTnLwYqO/xqAu/NXcabbUEzdnTH3dtf+Pu1WOEff+5SiE4bi16cT6eEPOPvpt0Rv369NE7F8MybODoQM74upmzOJpy9ypGl3Mp7a5FGfqtesRWJiAov+mktcXBz+AYEMHzkGO3vNsojoqEid9r1l43qysjIZ+5PuktC27TvRrmNnFApDwsPvsuvHESQmJGJtY0NwSCijf55U4Dv9bzqQiqmJAV2bWWNhpuDKnQwmLIjnyUlTLg5GWFvkDArYWCro0dIWWysFaUo1dx9mMuGveM4/8XSIxVuTUKvh8w/tMDY04Ox1JX9t1P/Tbd6tUY34hATmLVhMXFwcgQH+/DRyOPaPZnRFRkVh8MR7seFRPzVy9Did63zU7kM6dWgHQGxsHH/OnE1cfAIO9vbUq/0uHdq20XvZH6tesxYJT9SngIBARowc/URfG6nz+b35UX0a89NIneu0bf8R7Tt2LrByvklkz4XXh4H633bjE6IArDisvzV4hcXLtmAeCfdfKxGb+7Oh3zTLlPr7QlxYrMzf/HYBmkeVvelqWh3990RvgBTTgl0S8l+JyHT790SvuZsxuT+G8E1jWyv3fWneJIGX3o7PvTF/FcxA439tZId/X577uktTFNy+Pv+l0MA3c6bD7F2FXYJX83Htwi6B/smeC0IIIYQQQgghhMgXGVwQQgghhBBCCCFEvsieC0IIIYQQQggh3kgqWeT/2pCZC0IIIYQQQgghhMgXGVwQQgghhBBCCCFEvsiyCCGEEEIIIYQQbyR59uHrQ2YuCCGEEEIIIYQQIl9kcEEIIYQQQgghhBD5IoMLQgghhBBCCCGEyBfZc0EIIYQQQgghxBtJpSrsEojHZOaCEEIIIYQQQggh8kUGF4QQQgghhBBCCJEvsixCCCGEEEIIIcQbSR5F+fqQmQtCCCGEEEIIIYTIFxlcEEIIIYQQQgghRL7I4IIQQgghhBBCCCHyRfZcEEIIIYQQQgjxRpI9F14fMnNBCCGEEEIIIYQQ+SKDC0IIIYQQQgghhMgXGVwQQgghhBBCCCFEvsieC0IIIYQQQggh3kgq2XPhtSEzF4QQQgghhBBCCJEvMrgghBBCCCGEEEKIfJFlEUIIIYQQQggh3kjqN/ZZlAaFXQC9k5kLQgghhBBCCCGEyBcZXBBCCCGEEEIIIUS+yLIIUSjSM978aUBFUo8WdhH04rJTzcIugl6k3yjsEuRfavrbMd5rb/2mTk/MYZyZVthF0AsTI/PCLoJeWBm/+e9Hcdf0wi6CXphc2lnYRci362F1CrsIemH+0+HCLoJeGKqzCrsI+eZ7aWNhF0E/AnsWdgnEG04GF4QQQgghhBBCvJHe2C0X3kJvx20yIYQQQgghhBBCFBoZXBBCCCGEEEIIIUS+yLIIIYQQQgghhBBvJJWqsEsgHpOZC0IIIYQQQgghhMgXGVwQQgghhBBCCCFEvsjgghBCCCGEEEIIIfJF9lwQQgghhBBCCPFGkkdRvj5k5oIQQgghhBBCCCHyRQYXhBBCCCGEEEIIkS8yuCCEEEIIIYQQQoh8kT0XhBBCCCGEEEK8kVSy58JrQ2YuCCGEEEIIIYQQIl9kcEEIIYQQQgghhBD5IssihBBCCCGEEEK8keRRlK8PmbkghBBCCCGEEEKIfJHBBSGEEEIIIYQQQuSLDC4IIYQQQgghhBAiX2TPBSGEEEIIIYQQbyT1G/ssSoPCLoDeycwFIYQQQgghhBBC5IsMLgghhBBCCCGEECJfZFmEEEIIIYQQQog30hu7KuItJDMXhBBCCCGEEEIIkS//14MLt27dwsDAgFOnThXo6+zevRsDAwPi4+NfOm+XLl1o0aKF3sskhBBCCCGEEELoy1u9LKJLly7MmzdP+7ODgwMVKlRg3LhxlCxZshBLBmq1mpkzZzJ79mzOnz+PSqXC19eXunXr0qdPH4KCggq1fK8btVrNnrVTOblvOempiXgHlaVRx+E4uvo9N9/RXQs5uHUWyQnRuHqH0bDdt3gG5Lz3J/Ys5dzhDUTcuUBGegqDpxzBzMKmwOJYvm0PC9bvICYhkWAfTwZ1aUOxoNxj+PvIKeas2Ur4wyiysrPxdnOmQ5M6NK5eSZsmJj6RaYvXcPjMJZJSUykTFsSgLm3wcXcpsBi2bVzJ+lULSYiLxcc/iC6fDiAopGiuae/evsGKhTO5cf0S0ZEP+Kh7Pxo3/1AnjSo7mxWLZ7H/763Ex8dg7+BEzTpNaPlhFwwMCm4XXbVazaHNUzh7cDnKtEQ8/MtSu/UI7F38npvv9L6FHNs1i9TEKJw8w6jV6jvcfDV1KiEmnDkj6+Sar3GXSYSUaaTvMFCr1RzePIVzh3LiqNV6BHbOfs/Nd3rfQk7smkVqUhROHmHUfCIOgJTEKPavG8fdy/+QoUzB3sWfCvV6ElSqQYHEsHvtVE7szWnfTT769/Z9ZNdC/tmiad9u3mE0aq/bvo/vWcrZwxuIuK1p30OmFnD73vo3C9dvJyY+gWBfLwZ2bUuxIP9c0/59+ARz12wm/MHj9u1C+6b1aFyjsjZNano6vy5azZ6jp0hMSsHdxYkPG9Xi/Xo1CyyG1Ru3sHT1OmLj4gn096Vvj48pEhKca9q9/xxm4YpV3It4QHZWNp4ebrRp0Yz6tWrqpFm/ZRtXrt8gMSmZGZPGERSQ+7+JPm3esIp1K5cQHxeLr38g3Xr2Izg0935q+5b17Nm1lbu3bgAQEBRK+86f6KRXq9UsXTCbHVvXk5qSTGiREvToPQB3T+8Ci2HLhlWsW7VYG8PHn36RZww7tqzTxHA7J4Z2nXo8G8PCWezcup6UlGTCipTgk88GFmgMABvXr2HNymXExcXi5x9Ij159CAkNyzXtti0b+XvnNm7fvgVAYFAIH3XuppN+8YJ57Nv7N9FRURgZGxEYFELHTh8TGlakQMrvUK08AQO7YVu2OGYeLhxr9RkP1+18fp4aFSk6/iusigaTfjeCa6N/J3z+ap00vr3aEzCgG6ZuziSeucT5L0aRcPRsgcTwtKZVzahW0gRzUwNu3M9i0bY0ouJVeaZvUMmU0sHGuDkakpmp5vr9bNbsSeNhnG4efw9Dmlczw8/dCJUawiOzmboimcws/ZZ/zcbNLF2V00/1+bTbc/qpQyxa/mQ/5U7rFs2oXzunn1Kr1cxduJSN23aQnJJK8SKhfPFZD7w83PVb8Ccs2X+KeX8fJzophRAPZ75qWYsSvm65pl175DzDlmzTOWdiZMjRcX0ByMzOZtqmf9h/8SbhsQlYm5lSKcSHfk2q4WJrVWAxCJGbt37mQsOGDYmIiCAiIoKdO3diZGRE06ZNC7VMarWa9u3b07dvXxo3bsy2bdu4cOECs2bNwszMjB9++KFQy/c6+mfLTI7s/IvGHUfw8dfLMDY1Z9Ev3cnKVOaZ5/yRTWxfNoYazXrzybBVuHqHsmhSd1ISY7RpMjPSCSxenWqNPy3wGLYfPM6kv1bRvVVj5v/0FcG+XvQdM43YhKRc09tYWdC1ZQNmjRzEorFf06xmFUb9sYCDpy8Amno0eOJ07kVGM37QpywYPRR3Zwc+/2kKael5/7vkx8F9O/hr5hRatfuYnybNwdc/iDHD+pMQH5tr+gxlOi5uHrTr3As7e8dc06xbuYDtm1bTpecAJvy2mPZdPmP9qoVsXb+8QGJ47NjOGZzc+xd12oygbf9lGJuYs/qPbs+tU5dPbGLv6tFUbtCb9oNX4+wRxurfu5GapKlT1vbufDJqv85RuVEfjE0t8Ctao0DiOL5zBqf2/kWt1iP4sP8yjEzMWfMvcVw5sYl9a0ZTqWFv2g5ajZNnGGv/yIkDYNvCIcRH3qRp99/p8OV6AkvWY/PcL4gMv6D3GA5snsnhHX/R5KMRdP9mGSam5iyY+Pz2fe7IJrYtHUPN93rz6XBN+17wy7PtO6h4dao3+Q/a9z9HmTx/Bd1aNWHemG8I8vWi309TiE1IzDW9jZUlXVs2ZuaoISwcN4ym777DD7/P49Cp89o0k+Yv59Cp83z/+ccsmTiCto1rM372EvYeO10gMezad4DfZ82jc9vWTP9lLIF+vnw5/Efi4hNyj8Haio6t3+fXcT8yc8p4GtapxdjJv3HkxCltmnRlOsWLhtGjc8cCKXNuDuzdybwZv9K6fRfGTZmJn38QP3w3iIT4uFzTnz97kmo16jBi9GR+mvA7Ts4ujPpuEDHRUdo0a1YsYtP6lfToPZCfJv6JqZkZo74bREZGwfS1B/buZN7MabRu14Wxk2fi6x/Ej8MGPieGU1SrWZfho6fw4/g/cHR24YdhA3ViWLtyEZvXr6RH70GMnvAnpmbm/DBsYIHFALBvz9/MnvEHH7bvxMSpf+AfEMiI74YQn0ccZ8+cpnrN2vwwegLjJkzFycmZEd9+qROHh6cXPXr1YcpvMxjz82RcXFwZ8e0QEhLiCyQGQ0sLEs9c5lzf718ovbmfFxXW/UnM7sPsL9+cm1PnUeLPH3CqV02bxr11I4r8PJSrP/zK/ootSTpziUobZ2Hi7FAgMTypfkVTapU1ZdH2VMYtTEKZAX1bW2JkmHeeYG8j9pzMYNyCJCYvT8ZQAX1aW2FinJPG38OQPh9YceFWFmMXJDH2ryR2n1Si1vNa+L/3HeD3mfPo1K41f04aR6C/H0OG/fDcfqpDm1ZM+/knZkydQMO6tRg3+VeOPtFPLVm5hlUbNtH/sx78Ov4nzMxMGTJsFBkZGfot/CNbTl5m/Nq9fNqgMksGdCDUw4le01cRk5SaZx4rMxN2juihPbZ81037u/SMLC7di6RH/UosHdCBiV2acSsyjn6z1hZI+V9HavWbebyN3vrBBVNTU9zc3HBzc6N06dJ89dVX3L17l6ioqFzT79mzh4oVK2Jqaoq7uztfffUVWVk5Q65KpZK+ffvi4uKCmZkZ1apV4+jRozrX2LRpEyEhIZibm1OrVi1u3bql8/ulS5eyZMkSli5dynfffUflypXx8fGhcuXKjB07ljlz5uQZj5+fH5MmTdI5V7p0aUaMGKH9OT4+nk8//RRXV1fMzMwoXrw4GzZs0P5+5cqVFCtWDFNTU/z8/JgwYYLO9X777TeCg4MxMzPD1dWVDz74QPs7lUrF6NGj8ff3x9zcnFKlSrFixYo8y6sParWaIzvmU71pT0LL1MHVO5TmH48lKT6SSyd35Jnv0Pa5lKnemtLVWuHsEUSTjt9jbGLGqf0rtWkq1etM1cY98AwoVaAxACzauJMWtd+h2btVCPBy56tubTEzMWH97oO5pi9XNIRaFUrj7+mGl6szbRvVIsjHk9OXrwNw50Ek567eZMjHbSka6IuvhytDPm6LMiOTrf8cK5AYNq5ZQu0G7/Fu3aZ4+fjT7bMvMTE1Zff2DbmmDwwpSoePP+edGvUwMjbONc2Vi2cpX7k6ZStUxdnVnUpVa1OydEWuXdX/H7GPqdVqTu6ZT6X6vQgsURdnzzAadBxHSkIk18/mXadO7J5D8XfaUKxyKxzdgqjT5nuMTMw4f0hTpxQKQyxtnHWO62d2EFK6ESamlgUSx6m986n4KA4njzDqd9DEceM5cZzcPYfiVdpQtJImjtqtNXFcOJzTNh7cPEnJ6h1x8y2JrZM3Fet/hqm5DZF3z+d53VeN4fCO+dRo2pOwR+27RbdH7fvEc9r3trmUrdGaMo/ad9OPNO375BPtu3K9zlRr3AOv/6B9L964g+Z1qtGsVlUCvDz4qnsHTfv++59c05crFsq7Fcvg7+WOl5szbRvXIcjHk1OXr2nTnL18g8Y1q1CuWCgeLk60rFuDIF8vLly7WSAxLF+7gSb169Cobi38fLwZ8FkPzExN2LxjV67pS5coRvUqlfD19sLT3Y0P3mtCoJ8v5y5c0qapX6smndu2plypEgVS5tysX72Mug2bUrteY7x9/Ojx+UBMzczYtW1jrum/GDyMhk1b4h8YjKe3Lz37folapeLs6eOApo5uXLucVh9+RMUq1fHzD6TPwG+Ii43hyMH9BRLDhjVLqdOgGbXqNcHbx58evQdhYmrGru25x9Bv8DAaNGmJf8CjGPoMQa1ScU4nhmW0+rATFSpXx9c/iM8HaGI4enBfgcQAsHb1Cuo3bEzd+g3x8fGj1+dfYGpqyo5tW3JNP/DLr2nctDkBgUF4efvweb+BqFRqTp8+qU1Ts1YdSpcph5u7Bz6+fnTr0YvU1BRu3bxRIDFEbd3LleGTeLg27/7oSb492pJ2M5yLX44l+dINbv+2kAcrt+Lfr4s2jf8XXbk7axnh81aRfPE6Zz8bTnZqOt5dWhVIDE+qXc6UzYfSOXMti3tRKuZuSsHWSkHp4Nw/owGmrUjh0PkMImJU3ItSMX9zKo62Cnxcc0YkWtcy5+/jSrYdURIRo+JhnIoTlzPJytZv+ZevWU/jBnVpVLc2fj7e9P+sB6ampmzenlc/VVynn2r1XhMC/Hw5e+EioGkbK9dtpGObVlStXJFAfz++6t+H6Ng49h86ot/CP/LXnhO8X7k4LSoWI9DNkW8/qIuZsRFrjpzLM48BBjjZWGoPR+uc7xTW5qb82bMVDUqH4ufiQEk/d4a+X4sL4ZFExOU+wC1EQXnrBxeelJyczIIFCwgKCsLR8dm7qPfu3aNx48ZUqFCB06dP8/vvvzNr1iydmQRffvklK1euZN68eZw4cYKgoCAaNGhAbKzmzu3du3d5//33adasGadOnaJ79+589dVXOq+zePFiQkNDee+993ItZ36mgqtUKho1asSBAwdYsGABFy5cYMyYMRgaaj4Ajh8/Tps2bWjbti1nz55lxIgRfPfdd8ydOxeAY8eO0bdvX0aOHMnly5fZsmULNWrk3HEdPXo08+fP548//uD8+fP079+fjh07smfPnlcu87+Jjw4nOSEK/yLvaM+ZWVjjGVCSe9dP5ZonOyuDiNvn8S+ak8dAocC/SBXCb+SepyBlZmVx6eZdKhTPmdqpUCioUDyMs1f//QuRWq3myLlL3I54SJkwzZKZzEfzDE2fuHWgUCgwNjLSDkDoU1ZmJjevXaZ4qfI6r1e8dAWuXs77A/HfhBQpwbnTx4i4dweA2zevcuniaUqXq5LvMuclMSac1MQovENy6oepuTVuvqWIuHky1zzZWRlE3j2vk8dAocAn5B0ibuWe5+Hdc0Tdu0ixKh/k+vv8yisOV99SeZYpOyuDyPBn4/B+Kg43/zJcPbmZ9JR41CoVV05sJCtLiVdQRb3G8Lh9BxTVbd9eASW5+5z2ff/2eQKK6MYQULQK4XnkKUiZWVlcunGHiiVypmUrFAoqlHjx9n307EVN+y6SM7W3RGgA+46dJjI2DrVazbFzl7kb8ZBKJXOfGp+vGDIzuXLtBuVK5ywrUSgUlC1VkvOXrrxQDMdPn+XuvfuULFYw09NfRGZmJjeuXaFkad1+qkTpcly+9GIDYxlKJdnZWVhZa5bQRD6IID4uVuealpZWBIcW4cqlV+/78pITQzntOYVCQcnS5bnyEjFkZWdhZW0NQORDTQwlnoohKLTIC/+7vKzMzEyuX7tCqdJltecUCgWlSpfl8qUXGzxWPnovrK2s83yNrZs3Ymlpib9/oF7KnV92lUsTvUv3pkHU9v3YVy4NgIGxMbZlixG984mBR7Wa6F3/YFe5TIGWzclWga2Vgku3c26apWfAzYhs/D1efKW0uanme2pquubWq7WFAf4eRiSlqhjU3oqxn9nQv60VgZ7PmQ7xCrT9VCndfqpc6RJcuHz5X/Or1WpOnD5D+L37lCym6UcjHkYSGxev0/dZWVpSJCSYCy/Q9710DFnZXAx/SOUQnydiMKByiA9nbkXkmS81I4OGo2ZSf+QM+s1ay7UH0c99neR0JQYGmoEHIf5Lb/WeCwAbNmzAykqz3iglJQV3d3c2bNiAQvHsuMpvv/2Gt7c306ZNw8DAgLCwMO7fv8+QIUMYNmwYaWlp/P7778ydO5dGjTRrp2fMmMH27duZNWsWgwcP5vfffycwMFA7GyA0NJSzZ88yduxY7etcuXKF0NBQndf+4osvmDlzJgB2dnaEh4e/Urw7duzgyJEjXLx4kZCQEAACAgK0v584cSJ16tThu+++AyAkJIQLFy7w888/06VLF+7cuYOlpSVNmzbF2toaX19fypTRfNgplUp++uknduzYQZUqVbTX3r9/P3/++Sc1axbMOuDkBM0sE0sb3QEhSxsnkhNy71xTk+NQq7KxyiVP9IOCuev3PPGJyWSrVDjY6n5BcrC15vb9B3nmS05No8lnX5ORlYWhQsGXXT+kUknNF3c/DzfcnOz5dfFahnZvj7mZCYs27SIyNp7oeP2PVCcmxqNSZWNrrztt09bOgfvht1/5uu998BFpqSkM7NUOhUKBSqWizUefUu1d/a/tfywl6VGdstatHxbWjqQk5V6n0lI0dcoilzyxkbn/AXn+4AocXAPx8C+b6+/zK/VRHLmVKTXx5eOIe5gTR+POk9g8rz/Tv6mEQmGEkYkZTT6ehp2zr15jeF77TskjhtQkTQy55YmOeJ3at82/tu+mPYeQkZWJoULB4G7tdQYOBnVty+jpC2jW6ysMDRUoDBR83aMjZYqG6D2GhMQkVCoV9na2Ouft7Wy5c+9e3jGkpNC666dkZmahUCj4omd3ypcp+JkieUlKTND0U3b2Ouft7By4d/fOC11jwZw/sHdw0v5xHxenWWpjZ697TVs7B+Ljcl8Slh85MTzd19pz7wX72gVzf8fBwUk7mBD/OIZc/l3i81jWll+JiQmoVKpn/t3s7OwJv3v3ha4xf84MHBwcKVWmnM75o4cPMn7sDyiVSuwdHPj+x3HY2NrmcZX/lqmrE8qHun2X8mE0xrbWKMxMMba3RWFkhDIy5qk0MViGBlCQbCw1gwKJKbp7JSSlqLS/+zcGQOva5lwLz+J+tOY6Traa79RNqpqxanc6dyOzqVzMmH5trBg1J+m5+zm8DG0/Zf90P2XHnfDn91NtunxKZmampp/qldNPxcbFaa+he01bYuPi9VLuJ8WlpJGtUuNobaFz3tHagpuRuS8X8nOx5/sP6xPs4URyWgbzdh+j85SlrPqyE652zw68KTOzmLRhP43KhGFlJoML4r/11g8u1KpVi99//x2AuLg4fvvtNxo1asSRI89Odbp48SJVqlTRmTlQtWpVkpOTCQ8PJz4+nszMTKpWrar9vbGxMRUrVuTixYvaa1SqVEnnuo//EH+eb775hs8//5xVq1bx008/vVKsAKdOncLLy0s7sPC0ixcv0rx5c51zVatWZdKkSWRnZ1OvXj18fX0JCAigYcOGNGzYkJYtW2JhYcG1a9dITU2lXr16OvkzMjK0AxC5USqVKJW6azozM0wwNsm9wzt7aD0b/xqu/bld3z+eG/PbzMLMlAVjhpKWruTouctMWrAKT1cnyhUNwcjIkLH9e/DD9AXU/WQwhgoFFYqH8k7pom/UOq5D+3eyf882Ph80Ai+fAG7fuML8mZMfbezYWC+vcenYOnYuzalTzT/9Uy/XfZ6sjHQundhApfqf6e2al46t4+9lOXE061FwcRzcPBllWiItP5uLmaU9N87uYPPcL/ig70KcPEL//QJ5OHNoPRvm58TQvt//d/v+a9y3mvZ99hKT5y/H08WJcsU0/77LtvzNuas3Gf/lZ7g5OXLq4lV+nr0YJ3s7KpYsvNkBT7IwN2fmpJ9JS0/nxOlz/DZ7Hh5urpQuUaywi/ZKVi9bwIG9OxkxZgomeXxGve5WL9fE8P3oNzcGgBXLFrNvz9/8OHYCJiYmOr8rUao0k6ZNJzExgW1bNjJu9Ch+/mXaM4Mn/+8qFDGmff2cP2J/W5mc72u2rWeOh5Mh4xfl7Bf1+Gvz/tMZHDyn2adgRWQ2ob7GvFPChLX70vP9uvlhYW7OjMmP+6mz/DZrHu5urpQuUbxQy/WiSvl5UMrPI+dnf3dajpnH8oNn+bzROzppM7OzGTx/I2o1fPNB7f+6qIVGpXqDvvi+5d76wQVLS0udJy/MnDkTW1tbZsyYQffu3QulTMHBwVx+avqWs7Mzzs7OuLg8f5d/hUKB+qm/HDMzM7X/b25unq+yWVtbc+LECXbv3s22bdsYNmwYI0aM4OjRoyQnaz6UNm7ciKenp04+U9O8v8CMHj2a77/X3QipZZdhvP/xiFzTh5Suhad/zvS0rCzNB1VKYgzWdjn/PimJ0bh55/4F28LKHgOFIcmJuncGUhKjsbJ1yrOsBcXOxgpDheKZzRtjE5JwtMt793qFQoG3mybmED9vbt5/yNy12yj36M5lkQAfFo75muTUNDKzsrC3sabrt+MoEqDfu8sANjZ2KBSGJDx1py4hPhY7+1ffhGrhnF9p/sFHvFNDM2jl4xdIVNQD1i2fr7fBhYDitXHzzbmbmv24TiXFYGmbU6dSk2Jw9sx9F3NzS02denLTw8d5LK2frVNXT28hKyOdIhVb6CECjbziSNVTHBY2mjjio+9wZt8COgzZgKO7Zpq+s2cY928c48z+hdRuM/KVYwgtVQuv4S/Wvl3zat/WmhhSXvv2nYiDXd53U59u37fuRTBvzRbKFQslPSOD3xevYeygXlQrq9mvINjXiyu37rJwwza9Dy7Y2lijUCie2RQtLj4Bh6fu6D0dg+ejHdWDAvy5HR7OwhWrC21wwdrGVtNPPbVhYPwL9FNrVy5m9YpFDPtxIn5PTLG3f7QZbXxcHPYOOfUrIT4WvwD9P9kpJ4an+9q4PDfGfWzdqsWsWbGQYT/8gq9/Ttke54uP140hPj4WP//cd9nPLxsbWxQKBfFxT78Xcdg7PP+9WL1yGauWL+b7H3/WeS8eMzMzx93DE3cPT0LDitKzeyd2bN3MBx+212sMr0L5MBpTV91+yNTVicyEJFTpSjKi41BlZWHq4vhUGkeU/zLV/WWduZbJrYicfunxpo02lgoSU3I2Q7C2VBAe+e+bI3xYx5ziAcZMXJJMfHLOd9GEFM3/R8ToXuNBTDYONvpbga3tp+Ke7qficbC3yzPf0/3Unbv3WLR8NaVLFMfh0cyauPh4HB1yBqfi4hMICvDTW9kfs7c0x1Bh8MzmjTFJqTg9NZshL8aGhoR5uXA3Ol7nfGZ2NoPnbSQiNpEZn30gsxZEofi/2nMBNPsZKBQK0tLSnvldkSJFOHjwoM4f7wcOHMDa2hovLy8CAwMxMTHhwIED2t9nZmZy9OhRihYtqr3G07MiDh06pPNzu3btuHz5MmvXvvwurs7OzkRE5KzJSkxM5ObNnGnAJUuWJDw8nCtXcl8nVqRIEZ3yP44xJCREuy+DkZERdevWZdy4cZw5c4Zbt26xa9cuihYtiqmpKXfu3CEoKEjn8PbO+1FWQ4cOJSEhQedo1nFonulNzaxwcPXVHs4eQVjZOnPzYs4aRmVaMvdunMEzsHSu1zA0MsHdtxi3nsijVqm4eekQXgG55ylIxkZGhPl7c/RczqCSSqXi2PnLlAh+8WmQapVKu9fCk6wszLG3seZORCQXb9yhRnn9P2rVyNgY/6BQzp05rj2nUqk4f/oYwaGvPvqfoUx/Zp8RhcIQlR6nX5iYWWHn7Ks9HNyCsLBx5u6VJ+pUejIPbp/G3T/3WTiGRia4eBfTyaNWqbh75SDufs/mOXdoJQHFa2Nhpb/dv/OM46puHA9vn861TNo4vIrp5Hk6jqwMTf9oYKD7EWFgYPjM4ObLMjXPvX3feKp9h984g/dz2reHbzGdPGqVihsXD+GVR56CZGxkRFiAD0fPXtSeU6lUHD136aXat0qtJvPRBsJZWdlkZWejeKZtKPTaNh4zNjYmJCiAE6dzHoWnUqk4ceYsxcJefBmGSqXWGfD+rxkbGxMQFMLZU7r91NlTJwgNy3vAY82KRaxcMp9vR/5MULDuwJyLmzt29g7aDR4BUlNTuHr5IiFh+r/zqY3h9FMxnD5OyHNiWLtiISuWzOOb78cT+HQMrpoYzp3SjeHa5YvP/XfJD2NjYwKDQjjzxGaMKpWKM6dOEhqW974hq5YvYdniBQwfNYbgkBebJaX5bCy8evek+EOncKxdWeecU513iDt0CgB1ZiYJJ87jVPuJWa0GBjjWqkL8odz3ynlVykyIildpj4gYFQnJKkJ9cu4tmpmAv7shN+8//3mRH9Yxp3SwMZOWJhOToLvMISZBRXySCld73T0WXO0VxCbqZ0kEPNFPnXmqnzp9lqKhLz6jTqXOqS/uri442Nvp9H0pqalcvHKVoi/R970oYyNDini5cvhqztIglUrN4at3Ken3Yo++zFapuBoRjZNNzqaOjwcW7kTH82evVthZ5u9moxCv6q2fuaBUKnnwQLPmNS4ujmnTppGcnEyzZs2eSfvZZ58xadIk+vTpw+eff87ly5cZPnw4AwYMQKFQYGlpSa9evRg8eDAODg74+Pgwbtw4UlNT6dZN80iYnj17MmHCBAYPHkz37t05fvy4drPEx9q2bcuqVato27YtQ4cOpUGDBri6unL79m2WLl2q/SM/N7Vr12bu3Lk0a9YMOzs7hg0bppO+Zs2a1KhRg1atWjFx4kSCgoK4dOkSBgYGNGzYkIEDB1KhQgVGjRrFhx9+yMGDB5k2bRq//fYboNmj4saNG9SoUQN7e3s2bdqESqUiNDQUa2trBg0aRP/+/VGpVFSrVo2EhAQOHDiAjY0NnTt3zrXMpqamz8xsMDZ58S/HBgYGVKzbif0b/8DB1Q87J092r5mCtZ0LYWXqatP9Nb4LYWXrUqG25pFnlet1Ye3sr3D3LY6Hf0mO7JhHpjKNUlXf1+ZJTogiOSGauEjNWtzI8CuYmFli6+COuZXdC5fxRbRvUofvf59PkQAfigX5sWTzLtKUSprW1HwJGf7bPFzs7ejdTrNsZe6arRQJ8MHL1ZmMrCz+OXmOTfuPMOTjttpr7jh0AnsbK9wcHbh29x4T562gZoVSVC6gKdNNWrTl919+ICAojKCQomxeuxRlejo162oe7/rbxJHYOzrTrnMvQLMJZPhdzeBXVlYWcTFR3LpxBTMzC9w8vAAoW6Eaa5bNw9HZFW+fAG7duMKmNUt4t16TAokBNHWqTM1OHNn2O3bOvtg6evHPpslY2roQWCKnTq2c1pnAkvUoXUNTp8q+25VtC4fg6lMcN5+SnNgzj8yMNIpWel/n+vFRt7l3/SgtPp1eYDE8jqN0jU4cfRSHjYMXhx7FEfBEHKt+1cRRqromjjLvdmX7oiG4ehfH1ackp/bMI+uJOOxdA7B18mXXsmFUaz4EM0s7bpzdwZ0rB3jvE/0uxTAwMKBS3U7s2/AHjo/a99+rH7XvsjkxzP9Z074r1nnUvut3Yc2sr/DwK46nf0kOPWrfpXNp37GP2vfD8CuYFlD7btekLiN/m0uRQD+KBvqxZNNO0pUZNH1XM2V1xLQ5ODvY0bt9SwDmrt5MkUBfTfvO1LTvzfsOMaRbB0AzYFi2aAhTF6zE1MQYd2dHTly4wua9h+jXqbVey/5Y6+ZNGTPpV0KCAikSEsSKdRtJT1fSsE4tAH76ZSrODg580llTxoXLVxMaFICHuxuZmZkcPnaS7bv30r/XJ9prJiYlERkVTXSs5u71nXv3AXCwt9PeMdS3Zi3bMG3iaAKDQwkKKcLGtctRpqdRq55mJtSUCT/i6OhEhy6aR5SuXr6QpQtm88WX3+Hs4kZcrGZGjJm5OebmFhgYGNCkeWtWLpmPu4cXLm7uLPlrFvYOjlSsUi3PcuRH0xYf8usvPxEYHKYbQ11NDFMn/ICDoxMduvQEYM2KhSxdMIt+g4fh7Oqm3SfCzOzJGNqwcuk83Dy9cHF1Z+mCmdg7OFKhSvUCiQGgecsPmDxxLEHBIQSHhLF+7UrSlenUrafZU+eX8WNwdHSiU1fNTNKVyxez6K95DPzya1xc3Ih7tFm25r0wJz09jeVLFlKx8jvY2zuSmJjApg1riYmJpmr1gtn3ydDSAsugnM33LPy9sCkVRkZsAul3Iwj9YQBmnq6c7joEgNvTl+D7WQfCRg/m7tyVONWqjHvrRhx9L+eRuDcnzaHU7LHEHz9HwtEz+PXtjJGlOXfnrSqQGJ6067iSxlVMiYrLJjpBRbNq5iQkqzh1NWdwpl8bS05dzWTPSc3MsrZ1zalQxIQ/ViejzFRr92dIU6p5fL9j+1ElTauaER6VTXhkNpWLmeDqYMj0dXk/XvFVtG7RjDG/TCM0KJCwkCBWrn3UT9XV9FOjJ07BydFR208tWr6KkKDAJ/qpE2z/ey9fPOqnDAwMaPVeExYsXYmnhzvuri7MWbAEJwd7qlXW7wbGj31UsyzfLd5KMW8Xivu4sWDPSdIyMmlRUTPQ982iLbjYWNGvqaZ/+WPrIUr6uePjZEtSmpK5fx8nIjaR9ytpBjczs7MZNHcDF+9FMrVbC1QqNdGJKQDYWphh/LznjL4l3qTlwG+7t35wYcuWLbi7a0YCra2tCQsLY/ny5bz77rvPPCLS09OTTZs2MXjwYEqVKoWDgwPdunXj22+/1aYZM2YMKpWKjz76iKSkJMqXL8/WrVuxf/QlycfHh5UrV9K/f3+mTp1KxYoV+emnn/j444+11zAwMGDp0qXMmDGDOXPmMG7cODIzM/Hy8qJOnTpMnDgxz3iGDh3KzZs3adq0Kba2towaNUpn5gJoHjU5aNAg2rVrR0pKCkFBQYwZMwaAsmXLsmzZMoYNG8aoUaNwd3dn5MiRdOnSBdBsJrlq1SpGjBhBeno6wcHBLF68mGLFNB3eqFGjcHZ2ZvTo0dy4cQM7OzvKli3L119//Wpv0At6p2F3MpVpbJw/jPTURHyCy9H+ixkYGecMWsRF3SE1KWf6ZbGKjUlNjmXP2qkkJ0bh6l2E9l/M0Jk2fXz3Evau/1X787xxmj9c3uv6k84ghD7Uq1KOuMQkpq/YQEx8EiG+nkz+qrd2WcTD6Didu5RpygzGzVlKZEw8pibG+Hq4MrJ3F+pVydnYKiY+gUl/rSQ2IQknexsaV69Et/cb6bXcT6pSvS6JCfGsWDiD+LhYfAOC+er7idrpxtFRD3XudsfFRjP0icdvbVi9iA2rF1GkeBmGjdb8u3f5tD/LFs5gzu/jSUjQTNmt07A5rdp+TEEqX+cTsjLS2Ll0GMq0RDwCytGy50ydOhUfc5e0lJw6FVq2MWnJsRzcNIXUxCicvIrQoudMLG10p8CeP7QSa1s3fEML5g+PJ5V7FMeuJ+Jo/qluHAnRd0lLzokjpGxj0lJiObR5CimJUTh7FqH5pzOxeLS8w9DQmOafTufA+gmsn9GTzIxU7Jx8qNd+DH5F9f8Fvmqj7mRmpLF+Xk777thft33HRt0h9YkYildsTGpSLLvXaNq3m3cROvTXbd/Hdi9hz7qc9j13rKZ9N+/6E6Wr6bl9v1OB+MRkpi9bR0x8IiF+Xkwa2jenfcfEolDktO90pZJxsxYTFROnad+ebnz/+cfUe6eCNs0P/brz66LVDJ86m8TkFNycHejZtjnv16vxzOvrQ+3qVUlISGTuoqXExsUTGODH2BHfaKcbR0ZF6/RR6cp0Jv0xk6iYGExNTPDx8uTrAX2oXT1nX6J/jhxj7OTftD+P+nkSAJ3btqZL+zYFEkfVGnVITIhnyYLZxMdpli58M3K8Tj/1ZBzbNq0lKyuT8T8N07lO6/Zd+LCDph9q8UF7lOnp/Dl1PCkpyYQVLcG3o8YX2J4Gj2NYumBWnjEYKJ6MYQ1ZWZlMGP2dbgztutLmUQzNW7UnPT2NP6f+TOqjGL4ZWXAxAFSvWYvExAQW/TWXuLg4/AMCGT5yzBNxROq0iy0b15OVlcnYn3SXUrZt34l2HTujUBgSHn6XXT+OIDEhEWsbG4JDQhn98yR8fP0KJAbbcsWpsvMv7c9Fx2u+79ydv4oz3YZi6u6MuXfOHee0W+Ecfe9Tik4Yil+fTqSHP+Dsp98SvT3nsaURyzdj4uxAyPC+mLo5k3j6IkeadifjqU0eC8K2I0pMjA1o38ACC1MDrt/LYuqKFJ1HRjrbGWJlnnOiZhlNHRnQTnfzwHmbUjl0XjMAseu4EiND+KCWOZZmBoRHZTNleTLRetrM8bFa1asSn5DInIVLiHvcT33/dD+V8z0kLV3J5N9nEBUTi6mJCd5eHnw9sC+1nuin2rZqQXq6konT/iQ5JYUSRcMY8/23z+z1oS8Ny4QSl5zGb1sOEp2YSqinM7/1aKl9vOSDuCSdPiopLZ2Ry7YTnZiKjYUpRb1cmde3LYFumqU1kQnJ7D6v2ZC5zYQFOq8187MPqBCU9+xiIfTNQJ3fOa5CvIIF+978atfMcmdhF0EvrlsV7KOv/iuHbzx/LfKb4G3Zj8je+s0PpLFVwT1e97+Uaq6/ZTmFKcbQtbCLkG9q9as/Zvp1YqLIKOwi5Nv1sDqFXQS92PDT4cIugl582/zFnh7yOnO8euDfE70BzJr0LOwivJKflv77niGvo68/fPtmlfzf7bkghBBCCCGEEEII/Xrrl0UIIYQQQgghhHg7yTz814fMXBBCCCGEEEIIIUS+yOCCEEIIIYQQQggh8kUGF4QQQgghhBBCCJEvsueCEEIIIYQQQog3kko2XXhtyMwFIYQQQgghhBBC5IsMLgghhBBCCCGEECJfZFmEEEIIIYQQQog3klpV2CUQj8nMBSGEEEIIIYQQQuSLDC4IIYQQQgghhBAiX2RwQQghhBBCCCGEEPkiey4IIYQQQgghhHgjqeVRlK8NmbkghBBCCCGEEEKIfJHBBSGEEEIIIYQQQuSLLIsQQgghhBBCCPFGUsmjKF8bMnNBCCGEEEIIIYQQ+SKDC0IIIYQQQgghhMgXGVwQQgghhBBCCCFEvsieC0IIIYQQQggh3kjyKMrXh8xcEEIIIYQQQgghRL7I4IIQQgghhBBCCCHyRQYXhBBCCCGEEEIIkS+y54IQQgghhBBCiDeSSrZceG3IzAUhhBBCCCGEEELki8xcEIXC1iK7sIuQbweoWdhF0Iu5f94r7CLoxccfWRd2EcQj1yNMCrsI+dZlkUdhF0EvzK3MCrsIelGngWthFyHf7KxUhV0EvdiwOaqwi5Bv5j8dLuwi6EXTrysVdhH04sO90wu7CPlm7fhOYRdBLzY3KewSiDedDC4IIYQQQgghhHgjqWVdxGtDlkUIIYQQQgghhBAiX2RwQQghhBBCCCGEEPkigwtCCCGEEEIIIYTIF9lzQQghhBBCCCHEG0ktWy68NmTmghBCCCGEEEIIIfJFBheEEEIIIYQQQoi3RGxsLB06dMDGxgY7Ozu6detGcnLyc9P36dOH0NBQzM3N8fHxoW/fviQkJLzU68qyCCGEEEIIIYQQbySVPIryGR06dCAiIoLt27eTmZlJ165d6dGjB4sWLco1/f3797l//z7jx4+naNGi3L59m549e3L//n1WrFjxwq8rgwtCCCGEEEIIIcRb4OLFi2zZsoWjR49Svnx5AKZOnUrjxo0ZP348Hh4ez+QpXrw4K1eu1P4cGBjIjz/+SMeOHcnKysLI6MWGDWRZhBBCCCGEEEII8R9SKpUkJibqHEqlMt/XPXjwIHZ2dtqBBYC6deuiUCg4fPjwC18nISEBGxubFx5YABlcEEIIIYQQQggh/lOjR4/G1tZW5xg9enS+r/vgwQNcXFx0zhkZGeHg4MCDBw9e6BrR0dGMGjWKHj16vNRry+CCEEIIIYQQQog3klqtfiOPoUOHkpCQoHMMHTo0zzi/+uorDAwMnntcunQp3/+eiYmJNGnShKJFizJixIiXyit7LgghhBBCCCGEEP8hU1NTTE1NXzj9wIED6dKly3PTBAQE4ObmRmRkpM75rKwsYmNjcXNze27+pKQkGjZsiLW1NatXr8bY2PiFywcyuCCEEEIIIYQQQrzWnJ2dcXZ2/td0VapUIT4+nuPHj1OuXDkAdu3ahUqlolKlSnnmS0xMpEGDBpiamrJu3TrMzMxeuoyyLEIIIYQQQgghhHgLFClShIYNG/LJJ59w5MgRDhw4wOeff07btm21T4q4d+8eYWFhHDlyBNAMLNSvX5+UlBRmzZpFYmIiDx484MGDB2RnZ7/wa8vMBSGEEEIIIYQQbyS1qrBL8PpZuHAhn3/+OXXq1EGhUNCqVSumTJmi/X1mZiaXL18mNTUVgBMnTmifJBEUFKRzrZs3b+Ln5/dCryuDC0IIIYQQQgghxFvCwcGBRYsW5fl7Pz8/1Gq19ud3331X5+dXJcsihBBCCCGEEEIIkS8yc0EIIYQQQgghxBtJpYc77kI/ZOaCEEIIIYQQQggh8kUGF4QQQgghhBBCCJEvMrgghBBCCCGEEEKIfJE9F4QQQgghhBBCvJH08ZQDoR8yc0EIIYQQQgghhBD5IjMX3nJdunQhPj6eNWvW6JzfvXs3tWrVIi4ujlOnTlGrVi0ADAwMsLa2JiAggHr16tG/f3/c3d21+UaMGMGaNWs4derUfxgFHNi2iN0b5pCUEI27TygtO3+NT1DJPNOfPrSVLcunEhd9Dyc3X5q0HUCRMjW0v1/yx9cc27tWJ09oyap88tX0AosBYP+2xexar4nDwyeU97t8jW9QiTzTnzq0lc3LpxEbdQ9nN1+atutP0SfiAHh47zrrF/3C9YvHUKmycfUMoGv/Sdg7uedxVf1o08COOpWtsDRXcOmmkpkrY3gQnZVn+npVrKn/jjXODppuJ/xBBiu2J3DqUpo2zfBebhQLMtPJt/2fJGasjNF7+fdtXcyu9XNJjI/G0zeUVl2HPve9OHlwK5uWTSM26j7Obj4069CfYk+8F/0+zD3vex0GUOe9rnovP7wdMYDmjsPhzVM4d2g5yrREPPzLUqv1COyc/Z6b7/S+hZzYNYvUpCicPMKo2eo73Hxz+oWUxCj2rxvH3cv/kKFMwd7Fnwr1ehJUqkGBxdKuqSP1qtpq2sWNNP5YHElEVGae6RtWt6VhDTtcHrWLOxEZLNsUw4kLqdo0djaGdGnpTKkwC8zNFNx7mMGKLbEcPJVcYHF8UN+W2hWtsDQ34PKtDGavjn1u+65b2Yp6Vaxwsn/Uvh9msmpHAqcvp2vTdHvfnhLBZtjbGJKuVHPltpLFm+K5H5X3dV+VWq3mwIYpnDnwqE4FlKV+uxHYu/g9N9+JPQs5un0WKYlRuHiFUafNd7j75dSpJb98xN2rR3TylKr2IfXbj9R7DId2LGTfptkkJ0Tj5h1G04++wTsw78+9s0e2sGPlFOKj7+Ho6kuDDwcSWqomANlZmWxfOZkrp/cSGxmOmYUVgcWq0KDNQGzsXfRe9qe1rGVJzbLmWJgpuHo3g/kbkngYm51n+lrlzaldwRwnO0MA7kVmsXZPCmevZWjTGBtB2/rWVCpuhpERnLuWwfyNSSSmqAosjqZVzahW0gRzUwNu3M9i0bY0ouLzfr0GlUwpHWyMm6MhmZlqrt/PZs2eNB7G6ebx9zCkeTUz/NyNUKkhPDKbqSuSydRj03CoVp6Agd2wLVscMw8XjrX6jIfrdj4/T42KFB3/FVZFg0m/G8G10b8TPn+1ThrfXu0JGNANUzdnEs9c4vwXo0g4elZ/Bc9Dtw5+NKvvhrWlEWcvJjL+t6uER6T9e0ag4wfe9OwcwLK14UyZeV173sHOmM8+DqRCaXsszA25cy+V+cvusOef6IIKg49autKwpgOWFoZcuJrCtPn3uP8w498zAq2bOPNxa3fWbIviz0UR2vONajrwbhU7gnzNsTA35IPPzpGSWnDtQognycwFoXX58mXu37/P0aNHGTJkCDt27KB48eKcPVvwHxLPc+rgZtYtGEe99z/jix+X4+ETyowxn5KUkPsfnLeunGThtMFUfPd9+v+0guLlajN3Yh8i7l7VSRdaqhrDftutPTp8/nOBxnHy4GbW/DWOBq16MfCn5Xj4hvLnc+K4eeUkf039kkrvtmTQ6OUUL1+b2RP66sQR/fAOU0Z0wsXDn97fzWHw2JXUb9kTI2OTAo2leS0bGlW3YcaKGL6eHIEyQ803PVwxNjLIM09sQhaLNsbx1S/3GfrLfc5dS+fLri54uRrrpNtxMIlPRtzVHgs2xOq9/Cf+2cLq+T/ToFVPBo9ZhodvCL//9Jz34vIp5k8ZQuVa7zN4zHJKVKjNrJ/7cf9Oznsx6s+/dY52PUdiYGBAqUp19V7+tyWGx47vnMGpvX9Rq/UIPuy/DCMTc9b80Y2sTGWeea6c2MS+NaOp1LA3bQetxskzjLV/dCM1KSf+bQuHEB95k6bdf6fDl+sJLFmPzXO/IDL8QoHE0bKePU3fteOPxQ/58uc7pCvVDO/j+dx2EROfxV9rohk45g6Dxt7h7JVUhvb0xNs9pw1/0dkND1cTfvrjPv1+uM2hU8kM6u6Ov5dpgcTR7F1rGla1ZtaqWL6b+hBlhoqvurlg/JzbEbEJ2SzeHM83Ux7wzZQHnL+WzqDOzjrt++a9DP5YFsvA8RGMnhWJgQEM7e6CQd7/PK/syPYZnNj9F/XajaDD4GWYmJqzfOrz69SlY5vYvXI07zTpTaehq3H2DGP51G6kJOm2qZJV29Br9H7tUbPll3ov/5lDm9i0aCy1W/Sm98iVuPmEMvfnT0hOzL193756kmW/DaJ8jVb0HrmKImXrsHBSHx6GXwEgMyOd+7cuUKt5L3qPWkn7vlOIjrjFX798pveyP61xVQvqVbJg3oYkRs6MRZmhZuBHds+tT3GJ2SzfkcyIP2MZMT2Wizcz6NfODg9nQ22adg2sKR1qyq/L4xk9Jw47awV9PrQtsDjqVzSlVllTFm1PZdzCJJQZ0Le1JUaGeecJ9jZiz8kMxi1IYvLyZAwV0Ke1FSZPfOz5exjS5wMrLtzKYuyCJMb+lcTuk0r0Pcvb0NKCxDOXOdf3+xdKb+7nRYV1fxKz+zD7yzfn5tR5lPjzB5zqVdOmcW/diCI/D+XqD7+yv2JLks5cotLGWZg4O+i38E/p0MqbD5p6Mv63q/QYdJK09GwmjiyBifG/dyZhwda819CdazefHZz9dkAYPp7mfDXqHJ0/P8bef6IZ+WVRggOsCiIMWjd25r16Tkydd48vRl4jXanih4H+GL9AHCH+5jR+15Ebd54dUDE1VXDsbBJLNkQWRLFfSyqV+o083kYyuCC0XFxccHNzIyQkhLZt23LgwAGcnZ3p1atXoZZrz6Z5VKr1ARXfbYmbVxCtug3H2NSMo3tW5Zp+35YFhJaqRq1mH+PqGUjDNn3x9C/KgW2LdNIZGZlgY+esPSysCu5LCcDujfOpUvsDKr3bEjevQFp3G4aJiRmHd6/ONf3ezQsIK1WV2o/iaNymD17+Rdm3NSeOTUunUKR0dd7rMBAv/yI4ufpQvHwtrG0dCzSWxjVsWLUjnmPn07gTkcm0xVHY2xhRobhFnnmOX0jj5KU0HkRnERGdxZLN8aRnqAj21f0DSZmpJiEpW3ukKfXf+e7eOJ936rSici3Ne9Gm+zBMTMw59Hfu78WezQsIK12VOu91xc0rgCYfPn4vFmvT2Ng56Rznjv1NULGKOLl66738b0sMoLnDfGrvfCrW70Vgibo4eYRRv8M4UhIiuXF2R575Tu6eQ/EqbShaqRWObkHUbv09RiZmXDi8Upvmwc2TlKzeETffktg6eVOx/meYmtsQefd8gcTSrLY9y7bEcuRMCrfvZTB53gMcbI2oVCrvL6ZHz6Zw/HwKEVGZ3I/MZOG6GNKVKkL9c2bwhPqbs2l3HFdvp/MwJpPlW2JJSVUR6FMwgwuNqtmwemcCxy+kcedBJr8tjcHexpDyxfJu3ycupnHqUjoPorN4EJ3Fsq0JpGeoCPLJGSTZdTiFSzeVRMdlc+teJsu2JOBkb4SzvX4nUarVao7vmk/lhr0ILlUXF68wGnceR3JCJFdP512nju2aQ8mqbShRpRVO7kHUb/c9xiZmnPtnpU46YxMzrGydtYepuf7/8DiwZR7l321NuRrv4+IZRPMuIzA2NeN4Hp97B7fOJ7hENao36YaLZyD1PuiHh18RDm7XfF6YWVjz8ZDZlKjUCGd3f3yCStOs07fcv3We+Oj7ei//k+pXtmDd3hROXlYS/jCLGasTsbc2pGxY3vX31JUMzlzN4GFsNg9jslm5K4X0DDVBXpq/ys1NDahR1pzFW5O4eDOT2xFZzFqbSLCPCYFexnleNz9qlzNl86F0zlzL4l6UirmbUrC1UlA6OO/Xm7YihUPnM4iIUXEvSsX8zak42irwcc0ZkWhdy5y/jyvZdkRJRIyKh3EqTlzOJCvviR2vJGrrXq4Mn8TDtXm3gSf59mhL2s1wLn45luRLN7j920IerNyKf78u2jT+X3Tl7qxlhM9bRfLF65z9bDjZqel4d2ml38I/pfV7nsxfdpv9h2O4fiuFH365hKODKdUrOz03n7mZguEDwxg39QpJyc9OCykeZsvKDfe4eDWJ+w/TmbfsDskpWYQGFczgQov6TixZ95BDJxO5FZ7O+Bl3cbQ35p2yNs/NZ2aqYPCnPkyeE05y6rMVZc22aJZvjOLS9dRccgtRsGRwQeTJ3Nycnj17cuDAASIjC2f0Mysrg3s3LxBSvIr2nEKhILh4ZW5fPZ1rnttXTxFcvLLOudCSVbl99ZTOuesXjzK8Z3XGDmzCylkjSUmK13fxtbKyMgm/eYGQJ8r1b3HcunpaJ26A0JLvaNOrVCounNyLi7sff4zuwXef1uCXb9tx9ujzpznml4uDEfY2Rpy5kjPdOS1dzbU7SkJ8X+yPHQMDeKe0JaYmCq7c1r2TWL2sJTNHejN+kAftGtu90J2Il5GVlcndGxcIKaH7XoSUqMytPN6Lm1dOE/pUnQor9Q63ruSePjE+mvMn91G5Vkv9FfwJb0MM2teJCSc1MQrvkHe050zNrXH1LUXErZO55snOyiAy/LxOHgOFAu+Qd3TyuPmX4erJzaSnxKNWqbhyYiNZWUq8girqPQ5XR2McbI04cynny1xquoort9IJDTB7Ts4cCgOoVs4aMxMDLt3IaV+Xb6ZRtZw1VhYKDB6lMTE24NzVF5sC/DJcHAyxtzHk3FXd9n39rvKZgcC8GBhAlVIWmJoouHo795kCpsYG1KxgycOYLGIS9LssIiEmnJTEKHzDdOuUu18p7t/Iu049uHMe31DdOuUb9g73b+rmuXB0PdMGV2LOqKbsXTOBzAz9vg9ZWRncv3WeoGK6n3tBRatw59qpXPPcuXaawGK6nxdBJapxN4/0AOmpSRgYGGBm+fw/ZPLD2d4QO2tDLtzImeadplRzPTyTQK8Xm2FnYACViptiamzAtXDNEiM/DyOMDA10rhsRnU10fHaBDC442SqwtVJw6XZOXU3PgJsR2fh7vPjgmLmp5vMsNV0zaG5tYYC/hxFJqSoGtbdi7Gc29G9rRaDnc6ZD/EfsKpcmetdBnXNR2/djX7k0AAbGxtiWLUb0zn9yEqjVRO/6B7vKZQqsXB6uZjg5mHL0VJz2XEpqNheuJFI87Pl1eUDPYP45Fsux0/G5/v7cpQRqV3fB2soIAwOoU90ZExMFJ8/mnj4/3JxNcLAz5uSFnBkUqWkqLl9PJSzQ8rl5e3/kwdHTiZy6UHBL44R4VbLnwv+BDRs2YGWlO+qanf1iQ+JhYWEA3Lp1CxeXgl+X+bSUpHhUqmysnroTb23rSOT9m7nmSYqPfubOvZWtI0nxOdNJQ0tWo0SFujg4exHz8C6blk1i5thP6TNyEQqF/j/UUxLjUKmynynXy8ZhbetEYrxm7V9yYizK9FR2rptFozZ9aNZuABdP72fOL1/w2bezCSpaQe9xgGb9N0BCkm4dSkjK1v4uL95uxvzY1x1jIwPSM9SMnxPJvYc569H3n0wmOi6L2IRsfD1M6NDEHg9nYybMi9Jb+V/5vbB7Nn1iQu7rMI/uWYeZmQWlKhbMcoK3IYbHUpM0762FtW7ZLKwdSU3MvWxpKXGoVdm55ol7eEP7c+POk9g8rz/Tv6mEQmGEkYkZTT6ehp2zr56jADtbTd2PT9T9QzkhMRt7m+d/1Pp6mDBmkA8mxgakK1WMmR5B+IOcP5p+nhnBoG7uLBgfRFa2GmWGijHT7/PgOXs5vCpb60ftOzmX9m39/PsR3m7GjOztqm3fE+dHcS9S99+jXhUr2je2w8xUwb3ITH6aEckLfhy9sJQETZ2ytNGtH5Y2jqTkVaeSH9Upm2frVOwTdapIhabYOHhgZetC1L3L7FkzntiHN2nx6TS9lT/18eeezbOfY1ERubfv5IRorGx179pa2TiSlEf7zsxQsnXZBEpWboJZAcy8eMzWSlNnEpJ113snpqi0v8uLl4sR33a3x9jIAGWGmqlL47kflf3ouoZkZqm1f6S/zHVfhY2lgfb6T0pKUWl/928MgNa1zbkWnsX9aM11nGw1ZW1S1YxVu9O5G5lN5WLG9Gtjxag5Sc/dz6Ggmbo6oXyoW3+UD6MxtrVGYWaKsb0tCiMjlJExT6WJwTI0oMDK5WCvGZSKi9ft/+LiM7S/y02d6s6EBFrxyYATeaYZNvYC339ZlM2Lq5KVpSJdqeLrn85zLyI9zzyvyt5W87kQ99TgalxilvZ3ualZyZZAX3P6jbym9zIJoQ8yuPB/oFatWvz+++865w4fPkzHjh3/Ne/jR7sY5GNRrFKpRKnUvXuVmWGIsUnBTOl9EWXeaaz9f3efENx9QhjdvyHXLxx9ZtbD60qt0nzpKF6uFu827gSAp18Yt66c4p8dy/Q2uFCtrCU9Psj5kjt65sNXvtb9qEwGT7iPhbmCyiUt6N3OieG/PdAOMOw8lDMKf/dBJnGJ2Qzv5YarYxwPY/S/6VtBObR7NeWqNSnUOp5fBRXDpWPr+HvZcO3PzXr8qdfrP+ng5sko0xJp+dlczCztuXF2B5vnfsEHfRfi5BGar2vXqGBNr3au2p9/+P3eK1/r3sMM+o++jaWZgiplrenbyZVvfgnXDjC0b+aIpbmCYZPvkpicTaVSVgzu5s7XE+9y+/6LbfyVl6plLOj+fs766HFzXn0g735UJl9NeoCFmQGVSljQq40jI/94qDPAsP9kCmevpmNnbUjTmtb06+jEiN8e5GvjugtH1rFtcU6datWr4OpUqWofav/f2TMUS1tnlk3uQlzUHeydfQrsdfUpOyuTJb/2R61W816X4f+e4SVUKWFG52bW2p9/WRj/yteKiMli2B+xmJsaUKGoGd1b2DJmbqx2gKEgVShiTPv6OcuAfluZ/zvEbeuZ4+FkyPhFSdpzj79a7T+dwcFzmra8IjKbUF9j3ilhwtp9+v+j9k1Tr6YLg3uHaH/+cuTL7wPm4mRKv0+C6Nu7yaAAALmVSURBVD/sDBmZeS+17N7BH2tLI/p9c5qExEyqV3Zi5JdF6f3VKW7cTnml8j9Wq4odfTp7an8e/sutl76Gk4Mxn7b34Oufb5L5nDj+H8mTKF8fMrjwf8DS0pKgoCCdc+Hh4S+U9+LFiwD4+fm98uuPHj2a77/X3UCo7Sff0f7TYf+a19LaDoXCkOSnNqlLSojBxi73tXXWdk7PbGqXnBDzzF3bJzm6emNpbU/0wzsFMrhgaWOPQmH4TLleNo6khGhteksbexSGRrh6BuqkcfUM4MblvEfmX9ax86k6U5sfb05na21I/BOzF2ytDbl17/l/6GRnox0kuBmeQaC3KY0fbQyZm2t3NK/r5mSkt8GF570XedURazsnnZkvj9Pb2D773l2/eJzI+7fo0m+8Xsqbmzc5hoDitXHzLaX9OTtLU2dSk2KwtM2ZHZWaFIOzZ1iu1zC3tMdAYaizeePjPBY2mnjio+9wZt8COgzZgKN7MADOnmHcv3GMM/sXUrtN/nb3P3ImmSu3cr74P24XdjZGxCU+0S5sDLkZnvcmggBZ2WhnITxeftCslh2/L47EzcmYJu/a02fULe5GaP6tbt2LpWiQOY1q2vHH4vwtWTt+IY1rdx48E4etlSHxSTl3TW2tDbl1//kzJXTa970EArxNaVjNmlmrcqYvp6WrSUvX7Mtw9Y6Smd97UaG4Bf+cevW1wUEla+Pu92ydSkmMweqJOpWSGIOLVx51yupRnUp8tk5Z2uS9jvvx68ZH3dbb4ILF48+9xGc/x56enfCYla0TyU/NUkhOjMH6qfTZWZks/rU/8dH36fbVHL3PWjh5Wcn1ezn15PFmh7ZWCp3ZCzaWCu48eH6fnp0NkY+eKHE7Ihl/TyPtxpAJydkYGxlgYWagM3vBxlLxzCyJV3HmWia3InIGAR7HYWOpIDElp31bWyoIj/z3wY4P65hTPMCYiUuSiU/OKW9Ciub/I2J0r/EgJhsHm8Jduax8GI2pq279MXV1IjMhCVW6kozoOFRZWZi6OD6VxhHlA/09XWH/kRguXDmm/dnEWPPvYm9nTExczncOezsTrt3IfRAoNMgKB3sTZk0qpz1nZGhAqWK2vN/Uk9rv78XNxYwPmnnyUe+j3Lyj6Y+u3UrRpGniwfjfruZ67Rd16GSizh4Ij/tae1sjndkL9jZGXL+T+6BSsJ859rbGTPs+WHvO0NCA4iGWNKvjxHvdz/KW7hEo3iCy54LIU1paGtOnT6dGjRo4Ozu/8nWGDh1KQkKCztG665AXymtkZIKnf1Gunj+kPadSqbh2/jC+waVyzeMbXJqr5w7pnLty9iC+waXzfJ34mAekJsfn+Yd+fhkZGePlX5Qr5w5rz6lUKq4+Jw6/4FJcOZ9bHKW01/QJKEbkU9NkoyJu4eDkobeypyvVPIzJ0h7hDzOJS8yiRHDOOnJzUwOCfEyf2T/h3ygMeO5O+n4ej6Y/JurvTpWRkTHeAUW5clb3vbhy7hB+ebwX/iGldN47gMtnD+IX8mz6Q3+vwjugKJ5++bsz/jxvcgwmZlbYOftqDwe3ICxsnLl7NWdtrzI9mYe3T+Pul/u6XUMjE1y8iunkUatU3L1yUJsn69E6eAMD3Y85AwND7Yys/EhXqnkQlak97kZkEJuQRcnQnLud5mYKQvzMuHzj5e4+GhgYaNuFqYnmv08XWaXStJ/8yr19Z1P8qfYd6G2a5/4Jefm39m3w6DAyzF8gJmZW2Lv4ag9H9yAsbZy5c/mJOpWWTMSt03gE5F2n3HyKcfuybp26ffkgHv55rx+PDNcMwFvavPpn5NOMjEzw8CvG9ac+965fOIRPUOlc8/gEleL6Bd3Pi+vn/sH7ifSPBxZiHtzm4yGzsbC211uZH0vPUBMZm6097kdlE5+UTVH/nOnqZqYGBHoZcz385WbdPNkubt3PIitbrXNdN0dDnOwMuR6e/+VCykyIildpj4gYFQnJKkJ9cu7JmZmAv7shN+8/f5DkwzrmlA42ZtLSZGISdAc+YhJUxCepcLXXXVLoaq8gNrFwHx0Yf+gUjrV1b7Y41XmHuEOnAFBnZpJw4jxOtZ/Y68PAAMdaVYg/lPveJq8iLS2bexHp2uPmnVSiY5WUL5VTfy3MDSkaYsO5S4m5XuPY6Xg+6n2Urn2PaY+LVxPZtieSrn2PoVKBmanmPVA99c+erVLrpa9NS1cREZmhPe7cVxIbn0npojkDfBZmCkIDLbh0PfdZEqcuJNPzm8v0HnZFe1y5kcrfh+LpPeyKDCyI14IMLgityMhIHjx4wNWrV1myZAlVq1YlOjr6mSUVaWlpnDp1Sue4fv16HlcFU1NTbGxsdI6XmWpds3FnDv+9gqN71/Dw3nVWzR5JRnoaFWpqNppb/NtQNi35RZu+esOOXD5zgN0b5xJ57wZbV/xK+I1zVK3fHgBlegrrF47n9tXTxEbd4+q5Q8yZ0AdHVx9CS1bLtQz68G6TThz6ewVH9qzl4b3rrJg9igxlGpVqtgBg4W9D2bA4J44ajTpy6fQB/t4wl4f3brBlxa/cvXGe6g3aa9PUataVUwe3cHDnCqIe3GHf1kWcP7GHqvXaFlgcAJv2JvJ+XVvKFTPH282Yz9s7E5eYxdFzOaPy3/V0pUHVnOmx7RrbUSTAFGd7I7zdjGnX2I6igWbsO6G50+DqaESrurb4e5ngbG9EuWLm9G7nxIXr6dyJ0O/a8nebdOLgrpUc2bOWB+E3WD7z0XvxbgsAFkz7mvWLJmnT12zUkYunD7Br/Twe3rvB5uW/cff6eao3aKdz3fTUZE4d2k7l2gW7U/bbEgNo/mAoXaMTR7f9zo1zO4m+f5ntC77E0taFgBI5+z2s+rUzp/ct0P5c5t2unD+4jItHVhP74Dp/Lx9BVkYaRSu9D4C9awC2Tr7sWjaMB7fPEB99hxN/z+bOlQMEliiYfSTW74qjdSMHKpSwxNfDhC86uxGbkMXh0zl300b29aJxTTvtzx2bO1E0yBwXByN8PUzo2NyJ4sHm7DmquWsa/iCD+5EZ9GrnQrCvGW5OxjSvY0+pMAsOn87fNN28bN6fSIvatpQrqmnfvT50JC4xm2Pnc9r3N5+4UP+dnC/FbRvaEuZvipO9Id5uxrRtaEuRAFMOnNTkcXEwpHktG/w9jXG0MyTY14QvPnIiI1PNqUv63RDRwMCAcrU7cXDz71w7s5Ooe5fZNO9LrGxdCC6V894vndyZE7tz6lT52l05c2AZ5w6tJibiOtuWjCBTmUbxKpo6FRd1h382/cqDO+dIiAnn2pmdbJo3BK+gCnnOiHhVVRt25tie5ZzYt4bIe9dZN+97MpRplKuh+dxb/ucQti6bqE1fpUEnrp7dz/7Nc4i6f4Odq6Zx7+Z5qtTTfF5kZ2WyaOoX3L95nja9fkalyiYpPoqk+CiysvK3tObfbDuUSrMalpQONcXLxYgeLW2IS8rmxKWcwaovO9lRp6K59ucP6lgR4muMk50CLxcjPqhjRZifMQfPaAbq0pRq9p5Io20Da8L8jPF1N6JbCxuu3s3Qy+BCbnYdV9K4iiklA43wcFLQubElCckqTl3Neb1+bSypWSZnwKNtXXMqFjVh9oYUlJlqbCwNsLE00HkM5/ajSmqVM6VMiDHOdgqaVTXD1cGQA2f1+74YWlpgUyoMm1Kaumrh74VNqTDMvN0BCP1hAKXmjNWmvz19CRb+3oSNHoxlaAC+Pdvj3roRNyfP1aa5OWkO3t3a4PlRC6zCAij+6wiMLM25Oy/3p5roy/J19+j8oQ9VKzoS4GvJtwPCiIlVsu9QzoyJST+U5P0mmhstaWnZ3LyTqnOkp6tITMzUzlK4HZ7K3fupDO4dTJFgazzczGjbwosKpe3Zeyj32ZX5tWZbNG2buVCptA1+XmYM7OFNTFwm/5zIGSQZ/aU/zepoZoekpau4fU+pc6RnqEhKzuL2vZz2ZG9rRICPGR4umu/afl5mBPiYYWVZ+BuFirefLIsQWqGhoRgYGGBlZUVAQAD169dnwIABuLm56aS7cuUKZcro3smpU6cOO3a82OONXlbpKo1IToxl64ppJMVH4+EbRvev/tRO94yLicDgiWFlv5AydOg9ji3Lp7B56SSc3HzpMmAq7t6aaWQKhSERdy5zbN9a0lMSsbF3IaTEOzRs0wcj4xfbvfpVlKnSiOTEOLasmEZifDSevmF8+tUfWD+aLREXHaFzl9U/pAwffT6WTcumsnHpZJzdfPl44BRtHAAlK9Sldbdh7Fg3k9XzRuPs4UeX/r8QEFa2wOIAWPt3IqYmCj79wAkLcwWXbqbz0/SHZGblDJu7Ohpj88QHma2VIb3bOWNvY0hqmorbERn8OOMhZx89dSIrW02JEHMa17DB1ERBTHwWh8+msmp7vN7LX/adhiQnxrJp2a8kxkfj5RdGz6F/aGeuPF2n/ENL06nPGDYtncaGJZr3otvgyXj4BOtc98Q/m1Gr1ZSr2kjvZX4bY3isXJ1PyMpIY9fSYSjTEvEIKEfzT2diZJwzCJkQfZe05Jzp9SFlG5OWEsuhzVNISYzC2bMIzT+diYW1Jn5DQ2OafzqdA+snsH5GTzIzUrFz8qFe+zH4Fa1ZIHGs3h6HmamCz9q7Ymmh4OL1NEZOu6fTLtycjbGxymkXdtaGfNHZDXsbQ1IefXH8fto9Tj966kS2Ckb9eo9OLZz4ppcHZqYKIqIymTL/AcfPF8zgwvrdSZiaKOjeygELMwWXbykZMytSZ18EV0cjrJ9o3zZWhnz2oSN2Noakpqu4E5HJmFlRnH301InMLAj1N6VRNWsszRUkJGdz8aaS4b89fGaTPH2oWO8TMpVpbF00DGVqIp6B5fjgc906FR+lW6fCyjcmNTmWAxs0dcrFqwgffD5TuyzC0NCY25cOcvzv+WQqU7G2dyekdH2qNPpM7+UvWbkxKUlx7Fw1haSEaNx9itBl8HTtsoiEGN3PC9/gMrTp9TM7Vkxm2/JfcHT1pcMXU3H10qxVT4yL5NLJXQBM+1b3CTDdhs4joIj+n6Dy2KYDqZiaGNC1mTUWZgqu3MlgwoJ4nfrk4mCEtUXOH+k2lgp6tLTF1kpBmlLN3YeZTPgrnvNPPB1i8dYk1Gr4/EM7jA0NOHtdyV8bkygo244oMTE2oH0DCyxMDbh+L4upK1J0HhnpbGeIlXnOiZplNPVtQDtrnWvN25TKofOaWHYdV2JkCB/UMsfSzIDwqGymLE8mWs+bOdqWK06VnX9pfy46/msA7s5fxZluQzF1d8b80UADQNqtcI6+9ylFJwzFr08n0sMfcPbTb4nevl+bJmL5ZkycHQgZ3hdTN2cST1/kSNPuZEQWzB/jjy1ceRczM0O+/DwEK0sjzl5IYODwszr7KXi6mWNn8+JPDsnOVjN4xDl6dvFn7HfFMTc35F5EGj9OusSh47EFEQbLN0VhZqqgb1dPrCwMOX8lhe8m6O6n4O5iio31y/251riWIx1b5OwJNP5rzdLoCTPvsmN/XF7Z3mhqmbbx2jBQ62N+qBAvaf3xN2dzvrwYGrwdTWfuwlffiO518vFH+lsKIvLnekTBDdL9V7avv1LYRdALc6sXewzm665Ogzdjs8TnsbMq3Gnu+rJhs/6e3lNYzC3f3M12n9T060qFXQS9GN1wemEXId+sHfW/zKgwbJ5bsrCL8Er6TS64gcWCNLmf9b8nesPIsgghhBBCCCGEEELkiyyLEEIIIYQQQgjxRlLJRPzXhsxcEEIIIYQQQgghRL7I4IIQQgghhBBCCCHyRQYXhBBCCCGEEEIIkS+y54IQQgghhBBCiDeSPIry9SEzF4QQQgghhBBCCJEvMrgghBBCCCGEEEKIfJHBBSGEEEIIIYQQQuSL7LkghBBCCCGEEOKNJHsuvD5k5oIQQgghhBBCCCHyRQYXhBBCCCGEEEIIkS+yLEIIIYQQQgghxBtJVkW8PmTmghBCCCGEEEIIIfJFBheEEEIIIYQQQgiRLzK4IIQQQgghhBBCiHyRPReEEEIIIYQQQryR5FGUrw+ZuSCEEEIIIYQQQoh8kcEFIYQQQgghhBBC5IssixBCCCGEEEII8UZSq2VZxOtCZi4IIYT4H3t3GR3V1QVg+I2RBOIe4kqw4FrcpXihFIoXd4filBYpFCkUl0Bxh+JWKO7ubgHiIS4z34+UCUMSCCTpJPn2s9asNnfOvbM3c8fOPWcfIYQQQgghMkQ6F4QQQgghhBBCCJEh0rkghBBCCCGEEEKIDJGaC0IIIYQQQgghciSFLEWZbcjIBSGEEEIIIYQQQmSIdC4IIYQQQgghhBAiQ2RahNCIyFgdTYeQYa4W4ZoOIVP072Kl6RAyxeUneTQdQoblM9R0BJmjhOtbTYeQYa16h2g6hEwRpW+m6RAyxb2oWE2HkGE6WgpNh5ApJrYN1nQIGaajTNB0CJni22OLNB1Cphi5t5umQ8iwGvtGazqETOKr6QBEDiedC0IIIYQQQgghciSlUmouZBcyLUIIIYQQQgghhBAZIp0LQgghhBBCCCGEyBCZFiGEEEIIIYQQIkdSylKU2YaMXBBCCCGEEEIIIUSGSOeCEEIIIYQQQgghMkQ6F4QQQgghhBBCCJEhUnNBCCGEEEIIIUSOJDUXsg8ZuSCEEEIIIYQQQogMkc4FIYQQQgghhBBCZIhMixBCCCGEEEIIkSMplDItIruQkQtCCCGEEEIIIYTIEOlcEEIIIYQQQgghRIZI54IQQgghhBBCCCEyRGouCCGEEEIIIYTIkWQpyuxDRi4IIYQQQgghhBAiQ6RzQQghhBBCCCGEEBkinQtCCCGEEEIIIYTIEKm5IIQQQgghhBAiR1IqpeZCdiEjF4QQQgghhBBCCJEh0rkghBBCCCGEEEKIDJFpEUIIIYQQQgghciSFLEWZbcjIBSGEEEIIIYQQQmSIdC6k0/jx4ylevPhn7VOtWjUGDBiQJfFkdhyurq7MmjXrP4lHCCGEEEIIIUTu8n85LUJLS+uj948bN47x48erbRsyZAh9+/bNwqiyzpYtW9DT09N0GBly5tBqTu5ZSkRYILbOPjRoOxpHd9802984t5fDW2YTGvgCC1sXarccgnexqqr7lUolR7b9zoWjG4mJCsfZqyRftxuHpZ1rluZxcNdG9mz7k7CQIJxcvfi+2xA8vAun2vb50wdsXbOIxw9uE/jGnzZdBlK38XdqbbauXcS2dUvUttk7uDDlj41ZlsOh3RvYu20lYaFJObT9YRju3kVSbfvi6QO2rV3A4we3CArwp3XnwdRp1EatzZG9GzmydxOBb/wBcHByp1GrrviW+irLcoCkc+DMnjlcP72R2Ohw8ruVpHrL8ZhZu350vyv/rObi4aVEvQ3AKr8PVVuMwc4l+VyMDA/g+I5pPLtzkrjYSMxt3ChTuweexepmWR7/7JzD5X+S8nD0KEndNuOxsP14HheOrObMgaVEhAVg4+hDndZjyO+WnMeeP8fy+NZJIsLeoKefF0ePElRvPgRLO49Mz+HQ7g3s2bqKsNAgnF29aNt16EfPqa1rFvD4wW2CAvz5rvMg6jRuk2pbgF2bV7Bp1Vxqf/0dbX4YnOmxv2/znoOs3bab4NAwPFydGPhDOwp5pf7vdfT0OVZu3skL/zckJCbgaG9H68b1qVct9fP+1wXL2b7/CP06taFVo3pZlsOOv3axcfNWgkNCcHdzo3ePbvgU8E617e69+zh4+AiPHz8BwMvTk04d2qm1j46OZukKP06eOkP427fY2drStPHXfN2gfpblAHB07zoO7lhBeGggDi7etOo8Elevomm2v3hqP3+tm0tQwEts7Jxp8v1AipSsrLo/PDSIbX/O5PbVU0RFvsWzYEladRmJjb1LluXw95517N/hR3hoEI4u3nzbZThuaeTw8tl9dq6bz5OHNwkO8KdlxyHU/Pr7DB0zs2z/azcbt2wlOCQUDzdXenfv+pFzaj8HDh/h8ZOnAHh5etC5/fdq7UNCQlm8wo8Lly4TGRlJ0cKF6d29K44O+bM0j2279rB+y45/83Chb/cuFPT2SrXtsZOnWbNxCy/8X5GYkIhDfntaNm1EnRrq30NWrF7Prv0HiYiMokjBAgzo1Q3H/PZZmgdAl7auNKpjh3E+Xa7dCmf6H/d47h+drn2//8aJHh3c2bD9OXOWPFBttzDTo1dnD8oUNyevoQ5PX0SxcsNTjp4MzNTYLSqVxn1wF0xLFsEgvw3nW/Ti9Y5DH9+nSlkKTR+BUSEvYp75c3/yfJ6v3KrWxqVnG9wHdUHfzprwq7e5MeAnws5dy9TY37fu7/P4HThFUHgE3o62DP+2LkVdHT65395zNxixbCvVinkzq0cr1faomDhmbzvMkSt3CIuMxsHSjO+ql6FllVJZloMQqfm/HLng7++vus2aNQsTExO1bUOGDFG1VSqVJCQkYGRkhKWlpQaj/nxxcXEAWFhYYGxsrOFovtz1M7vZt24K1Zr0pvv4Ldg5FWDVjB+ICA9Ktf3TexfZtGAwJap8Q48JW/EpWYt1v/fh9fO7qjbHdy/hzIFVNGo/nq5jNqCXx5BVv/1AfHxsluVx5p8DrF02iybf/sCE31bi5ObF9PH9CA8NTrV9XGws1rYOtGzXG1PztM89B2d3Zq/YrbqNmrI4q1Lg7PH9rF/+G42/7ca4GatxcvXmt4l9PpJDDNa2DnzTrm+aOZhb2vJNu76Mm/4nY39dhU/RMvw+ZRAvnj5ItX1muXBoMZePraJ6y/F8O3ADunkM2bagCwkfOQfuXtzNP9smU65eb1oP2YqVgw/bF3Qh6m3yubh/9XBC3zzi6x/m03bYTjx8a7NnxQDePL+ZJXmc3reY84dXUa/teDqM2ICeviHr53w8j5vndnNo02QqNexN51FbsXX0Yf2cLkS+95qycy5Mww6T6Tp+N637L0WpVLJuVhcUisRMjf/M8f2sWzaTJq27Mv63P3Fy9WbGhL5pnlOxsTFY2znSsn2fj74uAB7eu8Hf+7bg5Jr6D4DMdOj4aeYuX0OnVk1ZOn0inq7ODJr4KyGh4am2NzYyon2LxiyYMga/mT/ToEZlJs9dzJlLV1O0PXr6PDfuPsDKwjxLc/j72D8sXLyU79u05o85M3F3c+XHMeMICQ1Ntf2Va9epVqUKv07+mVkzfsXa2oqRY8YRGJh8Hi1YvJTzFy4yfMggliyYR7MmjZg7fyGnTp/JsjwunNjLFr9fadCyByOmrsfRpQBzf+7B27DUPzMe3rnM8lnDqVCjGSOnbcC3bA0WTevPy6f3gKTvAYum9SfwzXO6D5vNyGnrsbDOz5yJ3YiNicqSHM6f2Mcmvxl83bI7P05bi6OrN79P6kV4WNrvtVa2DjRr2x8TM6tMOWZm+PvYcRYuWcb337Vm/uzfcHdzZeTYCR89p6pXrcyvk39i9vSpWFtbMWLseNU5pVQqGTdpMq9evWbi6B+ZP3smtjbWDB89juiYmCzL48g/J5i/xI/237Vk4axpeLi5MnzsJEJCw1Jtb2JsRNtWLZj76y8s/n0G9WpVZ9rseZy7eFnVZt3mbWz5azcDe3Vj3vRfMDDQZ/jYn1Tf3bJK2xZOfPO1A9P/uEe3IZeIjknkt4lFyaP38QtvAD5exjSuZ8/9RxEp7hs9yAdnB0NG/HSdDn3Oc+xkIBOHFcLL3ShT49fJl5fwq3e43m9CutobujpSZsdCgv4+w/HSTXj0ux9FF07CqnYlVRv7lvUp+OtI7k2ax/GyzXh79Tbldi0lj7VFpsb+zr7zN5ix+QDdG1Zm7Y8/4O1oS685awkOj/zofi+CQvlty0FKejqluG/65gOcvPmAnzs1Ycu4HrSpUZYp6/fy95W7qRwp91EqlDnylhv9X3Yu2NnZqW6mpqZoaWmp/r59+zbGxsbs2bOHUqVKoa+vz/Hjx1NMi0hISKBfv36YmZlhaWnJ8OHD6dChA02bNk31MSdOnEiRIimvxBUvXpwxY8ao/l62bBmFCxdGX18fe3t7+vTpo7ovNDSUH374AWtra0xMTKhRowZXrlxR3f8uxiVLluDm5oaBgQGQclrEmzdvaNSoEYaGhri5ubF69eoUcX3qsa5cuUL16tUxNjbGxMSEUqVKcf78+U/+23+Jk/tXUKpKS0pUboGNgydft5+AXh4DLv2zOdX2pw+swrNoJSrV74J1fg9qNu+PvUshzh5KylOpVHL6wEqqNOqBT8ma2DkVoHnXqbwNecPtiwezJAeAvdvXULVOU6rUaoSDszsde44gj74Bxw7uTLW9u1chWnfqR/kqddDTy5PmcXV0dDAzt1LdjE3MsigD2LfjT6rUbkblmo1xcHKnfY8fyaNvwD+Htqfa3s2rMK06DqBc5bro6qaeQ/EyVfAtVQnb/M7YObjQ4vveGBjk5cHdrLtioFQquXxsJWXr9MSjaC2s8vtQp+00IsPe8PBa2ufApb+XU6RCKwqVa4GlnSc1Wk5AN48BN88kn4uvHl3Ct/L32Ln4YmrlRNk6vdA3NOHNsxtZkse5Qyv5qkFPvIvXwsbRh687TeNt6BvuXk47j7MHl1OsUit8v2qBVX5P6rVNyuPqyeQ8SlT5FmfvMphZOWLnXJiqTQYQHuJPWNCLTM1h//bVVKnTNPmc6jny33NqR6rt3b0K823H/h89pwBioqNYNHMMHXuPIm++rO9cXbdzL41qV6NhzSq4OTkwtHtHDPT1+evw0VTblyxSkKrlS+Pq6ICDnS2tvq6Lh4sTV2+pfxEMCApm1pJVjB3QA10dnSzNYfPW7dSvV4e6tWvh4uxM/z690DfQZ9/+1M+lkUMH0/jrBnh4uOPs5MjAfn1QKhRceu+z4ubt29SqWYNivkWxs7WlYf16uLu5cfvuvSzL49BfK6lYswUVqjfF3smD1t3GkCePIacOb0u1/ZFdqylU/CtqN+mEnaM7jVr3wcm9IEf3rgPgjf8THt27Suuuo3HxLIKtgxutu44mPi6G8yf2ZEkOB3eu4qtazalYoyn5nTxo0200evoGnEwjB1fPIrRoP4gyleqhm8ZIxc89ZmbYvG079evWoV7tmrg4O9G/d0/09fXZdyD1K80jhw6iccMGeLonnVOD+vZGqVBy6UpSp9uLly+5decO/Xr1oIC3F06ODvTr1YO4uDiOHP0ny/LYuG0nDerWon6tGrg6OzGwVzf09fXZc+Bwqu2LFy1C5QrlcHFyxMHejhaNG+Lu6sK1m7eApPfuzTt28X2rFnxVviwebq6MGNiXwOAQjp8+m2V5ALRs7MDKDU84fiaIB48jmTTzNpYW+lQun3qn1DuGBtqMG+zDtN/v8jYiIcX9RXxM2fzXC27de8vL1zH4bXhKRGQCBTwzt3MhYN8x7o6bxevt6fu+5tKtNdGPnnNr2FQibj/kyR+rebV5H279O6rauA3oxLOlG3jut4WIWw+41msciVExOHVskamxv7Pq0Bmaf1WCphWL42FvzejvGmCQR49tpy6nuU+iQsGPy7bR8+sqOFil7Gi+8uA5jcr7UsbbFQdLM76pXBJvB1uuP87cz2whPuX/snMhPUaMGMGUKVO4desWvr4ph99PnTqV1atXs3z5ck6cOEF4eDjbtm1L83idO3fm1q1bnDt3TrXt0qVLXL16lU6dOgEwf/58evfuTbdu3bh27Ro7duzA09NT1b5ly5a8efOGPXv2cOHCBUqWLEnNmjUJDk6+6nD//n02b97Mli1buHz5cqqxdOzYkWfPnnHkyBE2bdrEH3/8wZs3b9TafOqx2rZti6OjI+fOnePChQuMGDEiS6ZeJCTE4f/4Bu6FK6q2aWtr416oAs/up57f8weXcS9UUW2bR5GvePYgqX1IwHMiwgLUjmmQ1xgHD980j5lRCfHxPH5wm8LFyqi2aWtrU7hYGe7fydiP6Fcvn9G/YwOGdGvKghljCAp4ldFwU5UQH8+TB7cpVKysapu2tjaFfMvyIIM5vKNITOTMP/uIjYnGo0Da014yKjzoOVHhATh5J58D+obG2LoUw//xpVT3SUyI483zG2r7aGlr4+RdUW0fO7cS3Lu0h5jIUJQKBXcv7iIhIRZHz7KpHTZDQgOfExkegGvB985lQ2PyuxXjxcO083j19AZuBdXzcPWpmOY+cbFRXD25BTMrR0zM7TItftXrwrecapu2tjaFipXl/p2UV/A/x6pFUylW6isKFyv36cYZFB+fwN0HjyntmzzFSVtbm9K+hbhx5/4n91cqlZy/eoOnL/0pXshHtV2hUPDT7IV817QB7s6OWRL7O/Hx8dy7f58S73Wia2trU6J4MW7dvp2uY8TGxpKQmKg2Uq6Qjw+nz5wlMDAoqVPvylVevHxJqZLF0z5QBiTEx/Ps4S18fMurtmlra+PjW46Hd6+kus+ju1co4Kt+nhQsVpFH/7ZPiE+6kqynp692TF29PDy4lfprJiMS4uN5+vAWBT94XRQsWo6HX/i6yIpjfkp8fDx37z+gZPHk93JtbW1KFi/Gzdt30nWM2Ni4f88pI9UxAfLkSf6+oa2tjZ6eLtdvZs3osKQ8HlKqmHoepYoX5eadT+ehVCq5eOUqz1+8xLdwIQD8X78hOCSUUu/92xjly0dBby9u3s66K835bQ2wstDn3OUQ1bbIqERu3g2niI/JR/cd1MOLk+eDOX8lNNX7r98Oo0ZlG4yNdNHSgpqVrcmTR5tL11Jv/18xK1+cwMOn1LYFHDiOefniAGjp6WFasjCBh04mN1AqCTx8ErPyJTI9nviERG499aecj5tqm7a2FuV8XLn6MO2OgIW7/sHCOB/Nvko9pmIejvx99S6vQ8OTLjzcecyTN8FUKOSe6TkI8TH/lzUX0mPixInUrl07zft///13Ro4cSbNmzQCYO3cuu3fvTrO9o6MjdevWZfny5ZQpk/QDc/ny5VStWhV396QX/qRJkxg8eDD9+/dX7feu7fHjxzl79ixv3rxBXz/pC8706dPZtm0bmzZtolu3bkDSVIiVK1dibW2dahx3795lz549nD17VnXspUuXUrBgQVWb9DzW06dPGTp0KD4+SV+EvbyyZthx1NsQFIpEjEzUhz8bmVoR+OpRqvtEhAWm2j4iLPDf+wOStn3YxiS5TWZ7Gx6KQpGIqZn6EDtTMwv8nz/54uO6exeha/+x2Dm4EBYcyLZ1S/h5ZDd+nrMWw7z5Mhq2mrdvk3IwMVX/dzMxs8T/xeMMHfv5k3v8PKIT8XFx6BsY0mfEdBycsu4DMept0jmQ11g9l7zGlkSFp34OREeGoFQkprpPyOuHqr8bdJjFHr+BLBpVDm1tXXTzGNCw81zMrDN/bnZkeFIe+T44l/OZWBKZxrkcFZF6HvlMLAl69VBt24W/V3Nky3TiY6OwsHWj9YDl6HxktMDnUp1TH74uTC149fzxFx/3zD/7ePLgNuOmr8xghOkT9vYtiQoFFmbqX84tzEx58sI/zf0iIqNo1rU/cfEJ6GhrM6hbe8oUTx7htnrrLnR0dGjZsE6Wxf5OeHg4CoUCczMzte3mZmY8e5a+K19LlvthaWFByeLFVNt69+zOrN/n0qZDJ3R0dNDW0mJAvz74pjKSLzNE/PuZYfzB+5SxqSWvXqT+mREeGpjq+1p4aNJryM7BDXMre7avmU2bbmPJo2/I4V2rCA16rWqTFTl8GJOxmSWvvvC9NiuO+Slh4W/TOKdMefb8ebqOsWSFH5YW5qpzysnRERtra5b6rWJAn14Y6OuzeftOAgKDCA4O+cTRvowqD3NTte3mZmY8fZ72ayMiMpJWHbsTHx+PtrY2A3r+QOkSSXkEh4SojqF+TFOCQ0IzNf73WZgnvX+HhMarbQ8JjVPdl5qala3x9jCi66CLabYZO/UmE4YVYs/ar0hIUBATq+DHX27wwj/rpqukh76tFbGv1V+nsa8D0TM1RttAHz1zU7R1dYl9E/RBmyDyFcj87yEhEVEkKpRYmqh/R7M0MeLx69Snbl26/5RtJy+zflTXNI87olVdJq7eRd2Rc9DV1kZLW4uxbRtSyivr6sJkJ0pl7pxikBNJ50IaSpcuneZ9YWFhvH79mrJlk69E6ujoUKpUKRQKRZr7de3alc6dO/Pbb7+hra3NmjVrmDlzJpA0VeHly5fUrFkz1X2vXLlCREREiroP0dHRPHiQPDfdxcUlzY4FgFu3bqGrq0upUskFXnx8fDB77wMuPY81aNAgfvjhB1atWkWtWrVo2bIlHh6pFy6LjY0lNlZ9/nd8XB708uin2l6kX7FS743QcPXC3bsIg7s25uyJg1St3URzgX0mu/yujP9tLdFREZw/eZAlc8YxfNLiTOtguH1+B0c2jFP93ajbwkw5bmpO7ZlNbHQ4zXqtwCCfOQ+vHWTPigF80281VvkLZOjY18/sYO/q5Dxa9cm6PAAKl2uMW8GviAgL4MyBpWxbNIB2w9aiq5d9X7tBAa9Ys2QGQybMy/bvMXkNDVg+YxLRMTGcv3qTucvXkt/WhpJFCnL7wSM27trPsukTP1mEODtYt2ETR4/9w69TfiZPnuQfKdt3/MXt23eZMHY0tjbWXLt+g7nzFyZ1QpQorrmAP4OOrh7dhszkz/njGNqpEtraOhQoWo5CJSqBfKHNMus2bubvY8eZPnmS6pzS1dVl3KjhzJg9l+atv1eNhChTqqSGo00pr6Ehi2f/SnRMDBevXOOPpX7Y29lSvGjWdKylpnZVG4b2Ti6GOWzi548ytLHSp39XTwaOvUpcfNrn+w9t3TDOp0v/UVcIC4+ncnkrJg4rRO8Rl3n45OO1BETaImNiGbViO2PbNsTcKG+a7db+fY5rj14wu2cr7C1MuXj/KZPX7cXa1IjyBWX0gvjvSOdCGvLly9yrvgCNGjVCX1+frVu3kidPHuLj4/nmm28AMDQ0/Oi+ERER2Nvb8/fff6e47/2OgcyIOz2PNX78eNq0acOuXbvYs2cP48aNY926daqRHO+bPHkyEyaoF95p0Xks33QZ/8lY8hqbo62tk6J4Y9LohNTnBxqZWqXe3tTq3/uTOl8iwoMwNrNJbhMeiJ1TQbKCsYkZ2to6hH1QpC4sNPiTRek+Rz4jY+zyO/PaP31XhT6HsXFSDuEfFEULDw3CNI0CYumlq6eHrX1SgSJXj4I8un+Tg3+tpUPPURk67jvuRWpg55J8NTUxIWmYc9TbIPKZJp8DUW+DsHbwSbE/gGE+c7S0ddSKN77bJ++/52Jo4FOu/vMnbYf/haV90mgeawcfXj48z9Xjq6nRamKG8vAqVoP8binziAwPwui9PCLDg7B1Sj2PvEap55F0DPXn0cDQGANDYyxsXXFwL8bMgWW5c+kAhct+naE83lGdUx++LsKCMfnC18WTB7cJDwtm/KDkSvkKRSJ3b17i0O4NLN54Eu1Mrl1gamyMjrY2wR8UbwwODcPSzDSNvZKGVjva2wLg5ebCk+cv+XPLTkoWKcjVm3cICQunRbeBqvaJCgVz/day4a/9bFr4W6bmYGJigra2dopCeyGhoViYm310342bt7J+02am/jwRd7fkob6xsbEsX7mKcaNGUq5s0kg5dzc3Hjx8xKYtW7Okc8Ho38+MD4s3vg0LSrPQoYmZVarva++3d/YoxI/TNxId+ZaEhHiMTS2YNrINLh6pr/aTGTl8GNPb0LRz0MQxP8XUxDiNcyoMc/OPFyfduGUb6zZtZuqkibi7uard5+3pycLfZxEZGUl8QgJmpqb0HTQULy/P1A+WQao8QtSLN37qtaGtrY3Dvys/eLq78fTZC9Zs3ErxokWw+Df/kNBQLN8r1BoSGoanu2umxX78bBA37ybXw8qjlzQb2txMj6CQ5MKR5mZ5uP8wZZFGgAKeRliY52HprOSLUro6WhQrbErzrx2o0fwYdjYGfNPIgXa9z/HoaVKR0/uPI5PaNMzP9D+yrsbKp8S+DkTfVv0c17e1Ij7sLYqYWOICQ1AkJKBvY/lBG0tiX2X+yCRzo7zoaGsR9EHxxqDwCKxMUtaneBYQwsugMPrPX6/apvi3U7NU75/ZNr4n1qbG/L79CL91b0mVoknfPbwdbbnz7DUrD56WzgXxn5KaC1/A1NQUW1tbtfoJiYmJXLyY9nAxSOpx79ChA8uXL2f58uW0bt1a1algbGyMq6srhw6lXuSoZMmSvHr1Cl1dXTw9PdVuVlbp/2Lg4+NDQkICFy5cUG27c+cOoe99+Kf3sby9vRk4cCD79++nefPmLF++PNXHHDlyJGFhYWq3Ju1GpiteXd082LsW5uHN5PlyCoWCR7dO4+RZPNV9HD2Kq7UHeHjjJE4eSe3NrR0xMrVWaxMTHcGLB1fTPGZG6erp4erhw82ryeeMQqHg5tXzeBbIvGXAYqKjePPqBWbmmf9lUVdPDxcPH259kMOta+fwyMQcAJQKhWqec2bIY2CEmbWL6mZh50leE2ue3Us+B2JjInj95Ar2rqnPZ9TRzYONY2G1fZQKBc/unlLtkxCXtJSXlpb6W6uWlk6mDNnTNzDCwsZFdbOy9ySfiTWPb7+XR3QELx9dwcE97TzsnAvz+JZ6Hk9un0pzH0i6QKtUKlUdGpkh+XWRXMBMoVBw6+o5PL+w5kbBYmX4afY6Jsxcrbq5ehaifJV6TJi5OtM7FgD09HTx9nDlwtXkop0KhYILV29SuED6f/AolAri4pMKpdWt9hV+v/3M8hmTVDcrC3O+a9KA38YOzYIc9PDy9OTy5eS6BAqFgsuXr1LQJ/WOKoANmzazet16fpk4Du8PpsclJCaSkJCAlrb660FbW1v15Tiz6erp4eRekDvXklejUCgU3Ll2BnfvYqnu4+ZdTK09wO2rp3FLpb1hPmOMTS144/+Epw9u4lumeuYmQFIOzu4FuX1N/XVx+9pZ3L/wdZEVx/wUPT09vD09VMUY3z3mpStXKeST9iiu9Zu28Oe6DfwyYRwFPtJhkC9fPsxMTXn+4iV37z+gYrnMr2sD7/Jw5+LV5Kv+CoWCi1euUahA+kejKZQKVc0Ie1sbLMzNuHgl+ZiRUVHcunuPQj6pL9P5JaKjE3nhH6O6PXoaRWBwLKWLJXdo5DXUoZC3Cddvp76yzfkrobTrfY5O/c6rbrfuhbP/6Bs69TuPQgEG+knvqx8O3k1UKNHW8MCr0NOXsaxRXm2bVc2KhJy+DIAyPp6wizewqlEhuYGWFpbVKxB6OvNrqujp6lDQ2Z6zd5KnaSkUSs7eeYyve8qlKN3srNg0uhvrf+yqulX19aaMtyvrf+yKnbkpCYkKEhIVaH8wyk1bWyvL3muFSIuMXPhCffv2ZfLkyXh6euLj48Pvv/9OSEjIJ4ev/vDDD6r6BidOnFC7b/z48fTo0QMbGxvq16/P27dvOXHiBH379qVWrVpUqFCBpk2bMm3aNLy9vXn58iW7du2iWbNmH53G8b4CBQpQr149unfvzvz589HV1WXAgAFqIyc+9ViFCxdm6NChfPPNN7i5ufH8+XPOnTtHixapV9XV19dX1W54Ry9P+t/sKtbpyNYlI3BwLYKDuy+n9vsRFxtNiUrNAdiyeDjGZjbUbpm0hn352u1YPrU9J/Yuw7tYNa6f2cXLxzdo1DHpqrGWlhbla7fn2M4FWNq6Ym7lwOGtczA2t8GnZK10x/W56jVpw+LZE3DzLIi7V2H27VxHbEw0lWslXQVeOHMc5pY2tGrfG0gqwPXi2SPV/4cEBfDk4V0MDA1VV/nXLp9NiTKVsbS2IzQ4kK1rF6GtrU35KlkzR7tu4+9ZMmccrh4FcfMqwoG/1hAbE02lmo0BWDx7LOYW1nzTrq8q7pfPk+bxJyTEExr0hqeP7qBvkFeVw6ZVv1O05FdYWtsREx3J6WN7uXPjAoPGzs2SHCDpHChepT3n9s/HzNoFEwtHTu+eTT5TG9yLJp8DW+Z1wMO3NsUqJ10FL1GtEwfWDMfWqQi2zr5cPupHQlw0hcolnYvmtu6YWrlweMNYKjUZjkE+Mx5eO8jTuydo3DXzpzBoaWlRpmZ7Tu6ej4WNC6ZWjhzbPhtjMxu8iyfnsea3DniXqE3p6kl5lK3Vib9WDMfOtQj5XX05d8iP+LhofCsm5RES8Ixb53fjVugr8hpb8DbkFaf2LkI3jwEeRaqmGsuXqtOkLUtmj8fVsxDuXoXZv/PdOdUIgMWzxmJmaUPLdkkr5yTEx/PyWdI5lZgQT0hwAE8f3kHfMOmcMjTMh6OL+g8SfX0DjIzNUmzPTK0b1ePn3xfj4+lGQS93NuzcT3RsLA1rVAHgp9kLsbY0p8f3SeuSr9q8Ex8PN/Lb2RCfEM+pC1fZd/QkQ7p1AJJGQ5h+sISwro4OlmamODvYZ0kOLZo14dffZuHl5YmPtzdbtu8gJiaGurWTputNmzETS0sLunRMinH9xs2s/HM1I4YNwdbGVjXn3dDQAENDQ/LlzYtv0SIsXrYc/Tx5sLGx5tq1Gxw8fITuP3TOkhwAan7dnpXzRuPsUQhXz6Ic3vUnsbHRlK/eFAC/33/EzMKWJm2T6htVb9iWmeM6c3CnH0VKVuHCiT08fXCDNt3Hqo558dR+jEzMsbCy58XTe2xaPpViZatTsFjF1ELIsFqN2rFi7hhcPArh6lmEw7tWExcbTcXqSdPdls8ZjZmlDc3a9gOSXhf+z5OmLSYmJBAa/IZnj26jb5AXG3vndB0zK7Ro2oRpM2fj7eVJAW8vtm7fmXRO1Uo6p6bOmIWVpSVdOrYDYN2mLaz8cw0jhw7CztZGVZvA0MBA9T3l6PETmJmYYGNjzaPHT/hj0RIqli9L6ZKZX3zvnZZNGzFl5lwKeHrg4+3J5u27iImJpV6tpM6lyb/NwcrSkq4d2gKwZuMWvD09yG9vR3x8PGfOX+TAkWMM6Jk0Z15LS4sWjRvy5/rNOOS3x97WhuV/rsPKwpxK5bOmk+SdjTte0OFbZ569jMb/dQw/fO9KUHAs/5xOvko/a5Ivx04FsmXXS6KjE1WjEd6JiVEQHh6v2v7keRTPXkYxtLcX85Y9JOxtPFXKW1GmuDnDJl7P1Ph18uUln6ez6u+8bo6YFPMhLjiMmGf+FJg0CAMHW650Gp4U26J1uPRqi8/koTxbsRmr6uWxb1mfc427q47xaNZyii2bSuiF64Sdu4prvw7o5jPkmd+WTI39nXY1yzHGbweFnO0p4urA6sNniI6Np0mFpA7N0Su2Y2NmTL+mNdDX08XTwUZtf2PDpNXg3m3X09WhlJczM7ccQj+PLvktTDl/7yl/nbnG4BZp14/LTZQfmZYu/lvSufCFhg8fzqtXr2jfvj06Ojp069aNunXrovOJq2JeXl5UrFiR4OBgypVTr07doUMHYmJimDlzJkOGDMHKyko1bUJLS4vdu3czatQoOnXqREBAAHZ2dlSpUgVbW9vPin358uX88MMPVK1aFVtbWyZNmqS2HOanHktHR4egoCDat2/P69evsbKyonnz5immPmSWIuUaEPk2mMPbficiLAA754K0G7RYNYQ7LOilWqeOs1dJvuk+nUNbZnFo80wsbV1p3Xcuto7JVwMqNfiB+Lhodq4YS0xUOM7epfh+0GK1auCZrVzl2oSHh7BlzSLCQoJwdvNmyLjZmJolDcULDnyN9ntX+EKCAxg7MHlo955tf7Jn25/4FCnJyJ8XJLUJfMP86aOJeBuGsak53gWLMWbaMkxMPz7k9EuVrVSHt+EhbFu3gLCQIJzcvBk49vfkHAJeqfWch4YEMH5QG9Xfe7evYu/2VRQoXIrhkxYBEB4WwpLZYwkLCcQwrxGOrl4MGjuXwsXVrzRktlI1u5IQF83h9WOJjQ4nv3spmnRfolZPICzwGdERyUXCvEs2IDoymNN75hAZHoC1Q0GadF9CXuOkc1FHR48m3RdxYucMdi7uQXxcFGZWztRuMwXXQpn7o/yd8nW7Eh8XzZ4/k85lJ89StOqnnkfoB3kUKtOAqIhg/tmRlIeNY0Fa9VtCvn+nd+jq5eHZ/fOcO+RHTFQ4+UwscfIqTftha1MUj8yocpXq8DYshG1rF6heF4PGJZ9TQQGv1EaChAYHMG5QW9Xfe7etYu+2VRQoXJIRPy/K1Ng+R81K5QkNf8uStVsIDg3D082ZGWOGYvHvtIjXgUFov3cJLzo2lhmL/XgTFIx+njy4ONgztn93albK2vP+Y6pVqUxYWBgr/1xDSEgI7u7u/DxxvGoI+5uAALX32r927yE+IYGffpmidpzv27Smfduk1/2Pw4ayzG8lU6bP4O3bCGxsrOnY/nu+blA/y/Io9VU93oaH8Nf6P3gbGoiDawF6j5qPyb/nVEig+jnlXqA4nfpPYefa39m5Zg7W9s50Gzab/M7JIzHCQgLY7Pdr0jQCc2vKVW1E/RbdUzx2Zin9VV3ehoewc918wkMDcXQtQN9Rf6hyCA70R0v7/ffaN/w8tLXq7wM7VnJgx0q8CpVi8MSl6TpmVqhWpRKhYWH4/bmWkJAQPNzd+GXiOMz/nU7wJiBALY9359TEydPUjtPuu29p3/Y7AIKDQ1i4ZBkhoWFYmJtTu0Y12rZulWU5AFSv/BWhYeEsX72OkJBQPNxdmTphlGpaxJuAQLTfO6eiY2KZPX8xAf++vp0c8/Pj4H5Ur/yVqk3rFk2JiYnlt7kLiYiMpGghH6ZMGK1WsyQrrN78DAMDHYb18cYony7XboYxeNw1tXoKDnaGmJmkfwWwxEQlQ8dfp0dHN6aOKYKhoQ4v/KP5edZtTl8I/vQBPoNpqSJUOLRK9Xeh6T8C8GzlFq52GYm+vTWGTskdsNGPn3OucXcKzRiJa9/2xDx/xbXuowk8cFzVxn/jHvJYW+A9rh/6dtaEX7nF2a9/IO5N6gUWM6pu6cKEREQx/6+jBIZHUsDRlj/6foflv9Mi/IPDPrvWztQuzZmz/TA/LttOeFQ09ham9GlcjZZVsl89EpG7aSmlvGamUCgUFCxYkFatWvHTTz+l2U6pVOLl5UWvXr0YNGjQfxhh9rLuZM4/7VwtUh9CmNMkKjJ/mLgmXH6SuWtpa0K+j5deyTG8bd9qOoQM81JkzbJ2/7UofTNNh5Ap7kW5ajqEDNPRyh1X1jwMHms6hAzTUSZoOoRM8e3gzP3hrikj93bTdAgZVmPfaE2HkCkMa7TTdAhf5LthTzUdwhdZO835041yGBm58IWePHnC/v37qVq1KrGxscydO5dHjx7Rpk2bNPcJCAhg3bp1vHr1ik6dOv2H0QohhBBCCCGEEFlHOhe+kLa2NitWrGDIkCEolUqKFCnCwYMHVfUUUmNjY4OVlRWLFi36ZKVkIYQQQgghhBAfp1Dk/BHRuYV0LnwhJyenFAUZP0VmoAghhBBCCCGEyI1kKUohhBBCCCGEEEJkiIxcEEIIIYQQQgiRI8no8OxDRi4IIYQQQgghhBAiQ6RzQQghhBBCCCGEEBkinQtCCCGEEEIIIYTIEKm5IIQQQgghhBAiR1LKUpTZhoxcEEIIIYQQQgghRIZI54IQQgghhBBCCCEyRKZFCCGEEEIIIYTIkWRaRPYhIxeEEEIIIYQQQgiRIdK5IIQQQgghhBBCiAyRzgUhhBBCCCGEEEJkiNRcEEIIIYQQQgiRIymUCk2HIP4lIxeEEEIIIYQQQgiRIdK5IIQQQgghhBBCiAyRzgUhhBBCCCGEEEJkiNRcEEIIIYQQQgiRIykVSk2HIP4lIxeEEEIIIYQQQgiRIdK5IIQQQgghhBBCiAyRaRFCCCGEEEIIIXIkmRaRfcjIBSGEEEIIIYQQQmSIdC4IIYQQQgghhBAiQ6RzQQghhBBCCCGEEBkiNReERmhr5fy5UVZ6wZoOIVNcDnTRdAiZQldH0xFkXGS0piPIHOGx+poOIcOMX1/XdAiZIl9eE02HkCne2NhqOoQM09OO13QImSJa20jTIWSYy+1dmg4hUxhbVtR0CJmixr7Rmg4hww7XnaTpEDJFw/h2mg7hiyiVOf93RW4hIxeEEEIIIYQQQgiRIdK5IIQQQgghhBBCiAyRzgUhhBBCCCGEEEJkiNRcEEIIIYQQQgiRIykUCk2HIP4lIxeEEEIIIYQQQgiRIdK5IIQQQgghhBBCiAyRaRFCCCGEEEIIIXIkpUKWoswuZOSCEEIIIYQQQgiRSwQHB9O2bVtMTEwwMzOjS5cuREREpGtfpVJJ/fr10dLSYtu2bZ/1uNK5IIQQQgghhBBC5BJt27blxo0bHDhwgL/++otjx47RrVu3dO07a9YstLS0vuhxZVqEEEIIIYQQQgiRC9y6dYu9e/dy7tw5SpcuDcDvv/9OgwYNmD59Ovnz509z38uXLzNjxgzOnz+Pvb39Zz+2dC4IIYQQQgghhMiRlMqcuRRlbGwssbGxatv09fXR19fP0HFPnTqFmZmZqmMBoFatWmhra3PmzBmaNWuW6n5RUVG0adOGefPmYWdn90WPLdMihBBCCCGEEEKI/9DkyZMxNTVVu02ePDnDx3316hU2NjZq23R1dbGwsODVq1dp7jdw4EAqVqxIkyZNvvixZeSCEEIIIYQQQgjxHxo5ciSDBg1S2/axUQsjRoxg6tSpHz3mrVu3viiWHTt2cPjwYS5duvRF+78jnQtCCCGEEEIIIXKknLoU5edOgRg8eDAdO3b8aBt3d3fs7Ox48+aN2vaEhASCg4PTnO5w+PBhHjx4gJmZmdr2Fi1aULlyZf7+++90xSidC0IIIYQQQgghRDZmbW2NtbX1J9tVqFCB0NBQLly4QKlSpYCkzgOFQkG5cuVS3WfEiBH88MMPatuKFi3KzJkzadSoUbpjlM4FIYQQQgghhBAiFyhYsCD16tWja9euLFiwgPj4ePr06UPr1q1VK0W8ePGCmjVrsnLlSsqWLYudnV2qoxqcnZ1xc3NL92NLQUchhBBCCCGEECKXWL16NT4+PtSsWZMGDRpQqVIlFi1apLo/Pj6eO3fuEBUVlamPKyMXhBBCCCGEEELkSDm15kJWsrCwYM2aNWne7+rqilL58X+3T92fGhm5IIQQQgghhBBCiAyRzgUhhBBCCCGEEEJkiHQuCCGEEEIIIYQQIkOk5oIQQgghhBBCiBxJoVRoOgTxLxm5IIQQQgghhBBCiAzJcZ0Ljx8/RktLi8uXL2foONWqVWPAgAGqv11dXZk1a1aGjvlf6NixI02bNtV0GEIIIYQQQgghhMpnTYvo2LEjfn5+dO/enQULFqjd17t3b/744w86dOjAihUrPnmsv//+m+rVqxMSEoKZmdnnhJElzp07R758+dLdfvHixcydO5cHDx6gq6uLm5sbrVq1YuTIkVkY5f+vMwdXc3zPMiLCArFz9qHh96NwdPdNs/31s3s5tGUOoYEvsLBzoW7LwXgXq6q6/8b5/Zw7sp6Xj28QHRlGrwlbsHcpmOV5/LVzB5s3byIkJAQ3N3d69OxFgQIFUm27d+8eDh86yOMnTwDw9PSkQ4dOau1/+206hw4eVNuvZKlS/PTTz1mWw+mDq/ln97/PhZMPX7cbhZNH2s/FtbN7Obg56bmwtHWh7reDKfDvc5GYEM+BzbO5e+UYwW+eY5DXCI/CFajbajAm5jZZlgMkLa9zcvccrp/cSEx0OA5uJan57XjMbVw/ut/lY6s5f2gpkeEBWDv4UP2bMdi7quf/8tElTuycif+Tq2hra2PtUJDmvZail8cgS/I4s2cO109vJDY6nPxuJanecjxm1h/P48o/q7l4eClRbwOwyu9D1RZjsHNJziMyPIDjO6bx7M5J4mIjMbdxo0ztHngWq5vpOfyzby2Hd64gPDQQB5cCtOg0EhfPomm2v3RqH7s3zCU44CXWds40ajuQwiWqqO7v/23q+zZuO4iajTtlevzvrDt2Eb/DZwkMj8TbwYYR39SiqIt9qm23n7nG2NV71Lbl0dXh3G+DVX8fvHKXjccvc+vZK8KiYlg/rAM+jrZZFj/A+sOn8dt3nKCwCLyd7Bj+3dcUcXf85H57z15l5KINVCtekJl92qrd9/DlG2Zv3s/Fu49ISFTgnt+G6T2/w97SLIuygAO7NrJr62rCQoJwdvOifbfBeHgXTrXt86cP2bx6IY8e3CHwjT/fdxlAvSbfpWgXHPSGdSvmcfXiSWJjY7G1d6RbvzG4e2XNZ8e+vzazc8taQkOCcXHzoFP3gXgWKJRq22dPHrJh9VIe3b9DwJtXtO/aj4ZNWqm1iY6KYv2fizl36hhhYSG4uXvToVt/PL2z9rNv187tbN28gZCQYNzcPOjWsw/eBXxSbbtv7y6OHDrAkyePAfD09KJdhy5ptv/j91ns3fMXXbr1pEnTFlmVAgDrjl/G78gFAt9G4p3fmhHNqlPUxS7VttvP3mDsuv1q2/Lo6nBuWj8A4hMTmbv7JMdvPeJ5cBjGBvqU83amf8NK2JgaZWkeAO2a2VKvqgX58upw814kc1e+4OXruHTt27KhNZ1b2rNtfwAL1/irttevakG1CmZ4uhiS11CHb3pdJzIqa4aqr/v7PH4HThEUHoG3oy3Dv61LUVeHT+6399wNRizbSrVi3szqkfz6iIqJY/a2wxy5coewyGgcLM34rnoZWlYplSXxW1QqjfvgLpiWLIJBfhvOt+jF6x2HPr5PlbIUmj4Co0JexDzz5/7k+TxfuVWtjUvPNrgP6oK+nTXhV29zY8BPhJ27liU5ZDeyFGX28dkjF5ycnFi3bh3R0dGqbTExMaxZswZnZ+dMDe6/ZG1tTd68edPVdtmyZQwYMIB+/fpx+fJlTpw4wbBhw4iIiMjiKD8tLi59Hw45ybUzu9mzbirVm/am54TN2DkVwG96VyLCg1Jt//TeJTYuGEKpKi3oOXELBUvUZM2cvrx+flfVJj42GhfvktRpNTjVY2SFY0ePsnjxYtq0+Z45v8/Fzd2dMWNGERoammr7a1evUqVqNSZPnsqMGTOxtrJmzOgfCQwMVGtXqlRpVv25RnUbNmxEluVw9fRudq+ZSo2mvek9cTN2zgVY8Wvaz8WTe5fY8McQSldpQe+JWyhYsiarZyU/F/FxMbx8fJPqTXrS+6fNtOk3h0D/x6ya2SvLcnjn3MHFXD66iprfjqfN4A3o6Ruy5Y8uJMTHprnPnQu7Obp1MuXr9+b7YVuxdvBhyx9diHqbnP/LR5fY8scPuPhUos2QjbQZsoniVdqipZU1A8UuHFrM5WOrqN5yPN8O3IBuHkO2Lfh4Hncv7uafbZMpV683rYdsxcrBh+0L1PPYv3o4oW8e8fUP82k7bCcevrXZs2IAb57fzNT4L57cy9aVv1K3RQ+GTtlAfhdv5v/SnbdhqZ9Tj+5cZuWc4ZSv3pyhUzZStEwNlv7an5dP76na/LTwiNrtux4T0dLSoli5Wpka+/v2XrzF9K1H6F7vK9YN7UABB2t6/rGBoLeRae5jZJCHQ5N6qW57x/dQuz86Np4S7g4MaFw1jSNkrn1nrzFjwx66N6rOmrG98Hayo9esFQSHf/yz7WVgCDM37qWEl0uK+569CaLz1MW42VmxeGgXNozvQ9evq6Gvl3Uln07/c4DVS2fTrHUXJs30w9nVk6nj+hMWGpxq+9jYGKztHPi2fS9MzS1TbRMZEc7E4d3Q0dVh6LhZTJ27jrad+5HPyDhLcjh57BArl8ylxXedmDJ7KS5unvwydhBhoSFp5BCLrV1+vuvQA7M0clj4+xSuXT5H78FjmD53Jb4lyjBp9ACCAwOyJAeAf44eYeniBbRu046Zvy/A1d2dcWNGEJpGHtevXqFK1er8PHk6v86Yg5WVDeNGDyfog889gFMnj3Pnzi0sLFPPNzPtvXSH6duP0b1uedYNakuB/Fb0XLSFoLdRae5jZJCHQ+O7qW57x3RR3RcTl8DtF2/oVqcc6we15beOjXj8JoT+S7dneS4tG1jTuLYVv/u9YMDE+8TEKpg02A09Pa1P7uvtZkiDapY8fBqd4j59fW3OX3vLur/eZEXYKvvO32DG5gN0b1iZtT/+gLejLb3mrCU4PO33WoAXQaH8tuUgJT2dUtw3ffMBTt58wM+dmrBlXA/a1CjLlPV7+fvK3VSOlHE6+fISfvUO1/tNSFd7Q1dHyuxYSNDfZzheugmPfvej6MJJWNWupGpj37I+BX8dyb1J8zhethlvr96m3K6l5LG2yJIchEjLZ3/bLVmyJE5OTmzZskW1bcuWLTg7O1OiRAnVNoVCweTJk3Fzc8PQ0JBixYqxadMmIGlqQ/Xq1QEwNzdHS0uLjh07ArB3714qVaqEmZkZlpaWfP311zx48CBFHLdv36ZixYoYGBhQpEgRjh49qnb/0aNHKVu2LPr6+tjb2zNixAgSEhLSzOvDaRGhoaF0794dW1tb1WP89ddfAOzYsYNWrVrRpUsXPD09KVy4MN999x0//5x0tfjYsWPo6enx6tUrtccYMGAAlStXBmDFihWYmZmxb98+ChYsiJGREfXq1cPfP7kXODExkUGDBqn+LYYNG4ZSqd4zV61aNfr06cOAAQOwsrKibt266cq/WrVq9O3blwEDBmBubo6trS2LFy8mMjKSTp06YWxsjKenJ3v2qF9Zu379OvXr18fIyAhbW1vatWuX4sduZju5z4/SVVtSsnJzbBw8adRhPHp5DLh4bEuq7U8dWIln0UpUatAFm/we1GrRH3uXgpw5uEbVpvhXTajepDcehSpmaezv27p1C/Xq1aN2nTo4O7vQp09fDPT12b9/X6rthw4bztdfN8LDwwMnJyf69R+AQqHkypXLau309PSwsLBQ3YyNs+bLLsCJvX6UrtaSUlWSnosmHcejp2/AhaNpPBf7VuJVtBKVG3bBxsGD2t/0J79rQU4dSHouDPIa03n4MoqWq4+1vRvOnsVp1H40Lx/fIDTwZZbloVQqufT3SsrV7Ymnby2sHXyo124aEWFvuH/1YJr7XTiynCIVWlGkfAss7T2p9e0EdPMYcP3UZlWbv7dMpkTVdpSt0w0rey8sbN0pULIBunp5siSPy8dWUrZOTzyK1sIqvw912k4jMuwND6+lncelv5PyKFSuBZZ2ntRomZTHzTPJebx6dAnfyt9j5+KLqZUTZev0Qt/QhDfPbmRqDn/vWknFmi0oX70Zdo4etPphLHnyGHL6yNZU2x/d8yc+xb+iZuNO2Dm60/Dbvji6FeKffWtVbUzMrNRu188fwbNwWaxsU36pzCyrjpyneUVfmpYvioe9FaNb1cUgjx7bTqd91UhLSwsrEyPVzdJEffRco7KF6VH/K8oVcM2yuN/354ETNK9cmiaVSuGR34ZR3zdOyuH4hTT3SVQo+HHxRno0roFjKl9i5249SKWi3gxoWQ8f5/w42VhSrXhBLEyy7ursnu1rqV6nCVVrNcLB2Z1OvUagr2/A0YM7U23v4VWINp36UaFKHfTSeJ3u3LwKCysbuvcfi4d3YWzs8lO0RHls7T89quNL7Nq2jpp1G1G9dkMcnd34ofdQ8ugbcOTAX6m29/QuyPede/NV1Vro6emluD8uNpYzJ47StlMvChUpjl1+R1q27YKdvQP796T+WssM27dupk69BtSqUw9nZxd69RmAvr4+B/fvTbX94GE/0uDrJrh7eOLo5Eyf/oP+/dy7qNYuKDCQRfPnMnjoSHR1sr42+aqjF2levghNyxbGw86S0d/UwkBPl21nr6e5jxZaWJnkU90sjZNf38aG+izs0YK6xQvgamOBr6s9I5tX5+bzN/iHhGdpLk3rWLFux2tOXwrn8fMYpi9+hqW5HhVLmnx0PwN9bYZ2d2b28udERCWmuH/b/kA27grg9oO0O1wyw6pDZ2j+VQmaViyOh701o79rkPQ+depymvskKhT8uGwbPb+ugoOVeYr7rzx4TqPyvpTxdsXB0oxvKpfE28GW649fZEkOAfuOcXfcLF5vT/tz+n0u3VoT/eg5t4ZNJeL2Q578sZpXm/fh1r+jqo3bgE48W7qB535biLj1gGu9xpEYFYNTx6wd0SPEh77oUlrnzp1Zvny56u9ly5bRqZP6UNPJkyezcuVKFixYwI0bNxg4cCDff/89R48excnJic2bk77E3rlzB39/f2bPng1AZGQkgwYN4vz58xw6dAhtbW2aNWuGQqE+tGro0KEMHjyYS5cuUaFCBRo1akRQUNKVrhcvXtCgQQPKlCnDlStXmD9/PkuXLmXSpEnpyk+hUFC/fn1OnDjBn3/+yc2bN5kyZQo6OjoA2NnZcfr0aZ78O1z9Q1WqVMHd3Z1Vq1aptsXHx7N69Wo6d+6s2hYVFcX06dNZtWoVx44d4+nTpwwZMkR1/4wZM1ixYgXLli3j+PHjBAcHs3Vryi8Bfn5+5MmThxMnTrBgwYJ05+/n54eVlRVnz56lb9++9OzZk5YtW1KxYkUuXrxInTp1aNeuHVFRSR8UoaGh1KhRgxIlSnD+/Hn27t3L69evadWqVYqYMktCQhwvH9/AvVAF1TZtbW08Clfg2YPLqe7z7P4VPN5rD+BZtBJP02j/X4iPj+f+/XsUL57cAaetrU3x4iW4fftWuo4RGxtLYmICxh9cKbt27SptvvuWbl27MG/u74SHZ80Xk3fPhWdh9efCs1AFnt6/nOo+T+9fwaNwyufiWRrtAWKi3qKlpYVBvo9/0cmIsKDnRIYH4FwguXNJ39AYO9di+D+6lOo+iQlxvH52A5f39tHS1salQEX8HyftE/U2iFePr5DX2JK1v7VmwY8VWT/7e148OJ8leYQHPScqPAAnb/U8bF2KqWJKLY83z2+o7aOlrY2Td0W1fezcSnDv0h5iIkNRKhTcvbiLhIRYHD3LZlr8CQnxPHt4E++i5VXbtLW18S5ansf3rqS6z6O7VyhQpLzaNp9iFXl8N/X24aGB3Lj0D+WrN8u0uD8Un5DIrWevKP9eJ4C2thblC7hw9VHanWRRsXHUG7eAOmPn03/RFu77Z21H7cfEJyRw68lLyhXyUG3T1tamXEEPrj58luZ+i3YewcIkH80ql05xn0Kh4PjVOzjbWtFr5gpqDJxMu58XcORS5o5+eV9CfDyP7t+mcPHk81RbW5vCxcpw//aXDw++ePYY7p4FmTNlJL3a1WNU/3Yc2bctEyJOKSE+nof371K0ePK/qba2NkWLl+be7S/r3EtMTEShSEzReZJHX587N65mKN60JH3u3aV48ZKqbdra2hQrXpLbt9N3DiR/7iV/HigUCn6bPoVmLVrh7OKa2WGnEJ+QyK3nrynvnTw6V1tbi/Lezlx97J/mflFxcdT7aQl1Ji6m/9Lt3H/18dd3REwsWlpJHQ9Zxc46DxZmely6mTwaKSpawZ0HUfh4fHxqcO92+Tl3JZzLNzU3Sjc+IZFbT/0p5+Om2qatrUU5H1euPky7I2Dhrn+wMM5Hs69KpHp/MQ9H/r56l9eh4SiVSs7decyTN8FUKOSe6Tl8CbPyxQk8fEptW8CB45iXLw6Alp4epiULE3joZHIDpZLAwycxK596zkJklS/q7v3+++8ZOXKk6sf1iRMnWLduHX///TeQ9GHwyy+/cPDgQSpUSPph4e7uzvHjx1m4cCFVq1bFwiLpCoeNjY1azYUWLdR72JYtW4a1tTU3b96kSJEiqu19+vRRtZ0/fz579+5l6dKlDBs2jD/++AMnJyfmzp2LlpYWPj4+vHz5kuHDhzN27Fi0tT/ep3Lw4EHOnj3LrVu38Pb2VsX/zrhx42jevDmurq54e3tToUIFGjRowDfffKM6dpcuXVi+fDlDhw4FYOfOncTExKj9EI+Pj2fBggV4eHiocpo4caLq/lmzZjFy5EiaN28OwIIFC9i3L+VVbi8vL6ZNm6b6e9SoUenKv1ixYowePRqAkSNHMmXKFKysrOjatSsAY8eOZf78+Vy9epXy5cszd+5cSpQowS+//KL2/Dg5OXH37l3Vv9WHYmNjiY1VH6IdH6eHXp5Pf4BGvQ1FoUjEyFR92KORiSWB/o9S3SciLBAjU6sU7SPCNPfFPTw8HIVCgZm5mdp2MzMznj1L+4v7+5YvX4aFhSXF3xshVKpUaSpW/Ao7Wzv8/f3x81vBuLGjmT5jpqozLLOonguTD54LU0sCPvO5eJvGcxEfF8u+DTPwLd8QA8Osu7IZFZ40DDivsXou+YwtiQxPPbboyBCUikTyfpB/XmNLgl8/BCA0MOm5PLV7LlWaDcPGoSA3z25j09yOtB/51yfrOXx2Hm9TzyOvsSVRn8ojlX1C/s0DoEGHWezxG8iiUeXQ1tZFN48BDTvPxcw65dD3LxUZHoJCkYjxB69vY1NL3rxM/Zx6GxqIsVnK9uFpnFPnju7AwCAvxcpm3ZSIkMgoEhVKLI3Vp9ZZGufj0evUh+K72lgwoU19vPJbExEdi9/hc3SY+SdbRnbB1jzrRh+lJSQiikSFIsWIAksTIx6n8aPo0r3HbDt+gXVje6d6f/DbSKJi41i+5xi9m9aif4u6nLh+l8F/rGXRkM6ULuCW6n4Z8TY86X3K1Ex9FIWpmQX+L1K/IJAeAa9ecmjPFuo1+Y7GLTvy8N5NVi7+DR1dParUbJjRsNWEh4elmcPL51+Wg2HevHj7FGHLuhU4OLliZmbOiWMHuXv7Bnb2n56r/iWS8lBgZq5+pdjMzJwX6fzc81u+GAsLS4qVSO6g2LxxHTo6OjRqknUdhu8LiYxO4/Wdl0dvUp/e4WpjzoRv6+CV34qI6Dj8/j5Phznr2TKsPbZmKV/fsfEJzPrrOPVL+GBkkHWdC+amSV/7Q8LUR/KGhCeo7ktN1XKmeLgY0n/i/SyLLT2S3qeUKUZ5WZoY8fh16lPpLt1/yraTl1k/qmuaxx3Rqi4TV++i7sg56Gpro6Wtxdi2DSmVylQvTdC3tSL2tfr7cOzrQPRMjdE20EfP3BRtXV1i3wR90CaIfAWyRwdJVlMqZCnK7OKLOhesra1p2LAhK1asQKlU0rBhQ6yskn9A3L9/n6ioKGrXrq22X1xcnNrUidTcu3ePsWPHcubMGQIDA1UjFp4+farWufCu0wJAV1eX0qVLc+tW0hXgW7duUaFCBbS0kuePffXVV0RERPD8+fNP1oa4fPkyjo6Oaf5Ytre359SpU1y/fp1jx45x8uRJOnTowJIlS9i7dy/a2tp07NiR0aNHc/r0acqXL8+KFSto1aqVWtHIvHnzqjoW3h33zZukuWphYWH4+/tTrly5FHl+ODWiVCn1gjPpzd/XN7l4m46ODpaWlhQtmlwIzdY2qXDYu5iuXLnCkSNHMDJK+aPvwYMHaf57TZ48mQkT1OeVfdN5LC1/GJdqe5HShg3rOXb0b6ZMnUaePMlXnqpWrab6f1c3N1zd3PihSyeuXbuqNkoiJ0hMiGfdvIEolUoad8zcc+PWuR0cXJd8zKY9Fmbq8VX+XWfZ96tvKVI+qfPTxqkQT++e4vrpzVRunLEaH7fP7+DIhuQ8GnXLojyAU3tmExsdTrNeKzDIZ87DawfZs2IA3/RbjVX+1IuQZken/95KqUoN09WZ+V8q5uZAMbfkH3XF3B1o9vNSNp68TJ+GlTUYWfpExsQyeukmxrRvirlx6lc8Ff9+VlUrXpDv63wFQAFne648eMamo2ezpHMhqyiUCtw9C/Jt+6R6MK4eBXj+9CGH927J9M6FrNJ78BgWzJ5Mzw5N0dbWwc3Dm6+q1OLh/TuaDi1Vmzas5Z+jf/Pz1Bmqz7379+6yc8dWZs6Zr/YdJ7sp5pqfYq75k/92s6fZFD82nrpGn/rq0zHjExMZunIXSiWM+qZGpsZRvYIZfTskv8+Mm/n4s49hZaFH9zb5+fHXR8TH56yieZExsYxasZ2xbRtibpR2XbW1f5/j2qMXzO7ZCnsLUy7ef8rkdXuxNjWifMH/jx/nQmSWL56o1rlzZ/r06QPAvHnz1O57V9hw165dODio94jr63/8C16jRo1wcXFh8eLF5M+fH4VCQZEiRf7TQoWGhobpalekSBGKFClCr1696NGjB5UrV+bo0aNUr14dGxsbGjVqxPLly3Fzc2PPnj2qkR3vfDgvUktLK0XHQXp8zioXn3r897e9++B+18ETERFBo0aNmDp1aopj2dunXhEdkkZFDBo0SG3bzksp54SmJq+xGdraOkR8UNwtIjwoxRXxd4xMrVKMUvhY+/+CiYkJ2trahIaEqm0PDQ3F3CLl/L/3bd68iU0bN/Dzz5Nxc/v4h5y9vT0mJqb4v3yZ6Z0Lqufig+KNEWGf/1wYf9A+MSGetfMGEhr4ki4jlmf6qAWPojWwcy323uMlvZ9EvQ3CyDR5VYrIt0HYOKReldwwnzla2jpEfZB/1Nsg8pkk5ZPPxBoAC3sPtTYWth68Dcl4DQn3IjWwc0k9j3zv5RH1NgjrT+XxNmUeef/NIzTwKVf/+ZO2w//C0t4LAGsHH14+PM/V46up0WpiiuN+iXwm5mhr66Qo3vg2LCjF6IR3jM2seBuasr1JKufgg1sXePPyMR37T8+UeNNini8vOtpaKYq7Bb2NxCqNH94f0tPRwcfRlmcBqV8JzWrmRnnR0dZOUbwxKDwCy1Sq1z9/E8zLwFAG/P6natu7zoTS3caydVJ/7CxM0dXRxj2/tdq+7vbWXLr35aMIPsbYJOl96sPijWGhwSlGAnwOM3Mr8jupd4bkd3Tl3MkjX3zMtJiYmKaZQ1rFGtPDzt6B8VPmEhMTTXRUJOYWVsyaOhZbu/yf3vkLJOWhTWiI+jkdGhqC2Sc+97Zu3sDmjeuY+PM0tc+9GzeuERYaSpcObVTbFAoFy5csZOe2LSxZsTpzkwDM8xmm8fqOwso4fYXAk17fNjwLDFXbHp+YyFC/XfgHh7O41zeZPmrh9KVwtRoIerpJ3+vMTXXVRi+Ym+jy4GlMqsfwcjXE3FSPuRO8VNt0dLQo4p2PRjWtaPzDNf6rQv1J71NaBH1QvDEoPAKrVOq4PAsI4WVQGP3nr1dte/c+Var3z2wb3xNrU2N+336E37q3pErRpBy9HW258+w1Kw+ezhadC7GvA9G3Vf+M07e1Ij7sLYqYWOICQ1AkJKBvY/lBG0tiPzEdR4jM9sXly+vVq0dcXBzx8fGqIoLvFCpUCH19fZ4+fYqnp6fazckpqaDWu17oxMTkojBBQUHcuXOH0aNHU7NmTQoWLEhISOpftE6fPq36/4SEBC5cuEDBgknLKRUsWJBTp06p/VA/ceIExsbGODp+uviSr68vz58/5+7d9FeJLVQoaXmoyMjkN7wffviB9evXs2jRIjw8PPjqq6/SfTxTU1Ps7e05c+aMatu7PD8lo/mnpWTJkty4cQNXV9cUz+vHOjj09fUxMTFRu6X3KqKubh7yuxbm4c3k51uhUPDw5mmcPIqnuo+TZzG19gAPbpzEOY32/wU9PT08Pb24/F4xRoVCweXLl/HxSXsZsE0bN7Ju7Rom/jQJrzRGhrwvMDCAt2/DMbfI/OrA756LBzfUn4sHN0/j7Fk81X2cPYvx4MPn4vpJnN5r/65jIejVEzoPX0Ze449/6fwSeQyMMLd2Ud0s7TzJZ2LN0zvJcxhjoyN49fgK9m6pd8ro6ObB1qkwT+8m76NUKHh69xT2rkn7mFg6ks/UhpDX6kP6QwIeY2Ke8aHHeQyMMLN2Ud0s7DzJa2LNs3vv5RETwesnV1QxpZaHjWNhtX2UCgXP3ssjIS6pEviHK1xoael8UQdoWnR19XByL8Tda8nvcwqFgrvXT+PqVSzVfdy8i3H3+hm1bXeuncLVO2X700e24OReCAfXrB1poaerQ0EnO87cTf7BrFAoOXPnCb5u6fvhlqhQcO9lQKpfkP8Lerq6FHTJz5lbyVNjFAoFZ28/xNc9ZSFMV3srNk7oy7pxvVW3qsV8KFPAjXXjemNnYYqeri6FXB148sGX2yevA7NsGUpdPT3cPH24ceWcWh43rp7D0yft5U0/xbugb4ppFa9ePsXKJvWlCDNCV08Pd09vrl1J/rxXKBRcv3IBL5/Ul9P8HAYGhphbWBEREc6Vi2cpXb7Sp3f6Akmfe95qxRgVCgVXL1/Cxyf1JTUBNm9cz/q1fzLup8l4eau/dqvXqMWceYuYPXeh6mZhaUmzFi0ZP2lK1uShq0NBR1vO3EueyqFQKDlz7xm+rmlfWHlfokLBPf9ArN4bzv+uY+FpYCgLe7bALF/6Lmx9jugYBf5v4lS3py9jCQ6Np3ih5PeZvAbaFPDIy+0Hqa+2cPlmBD1G3aH32Luq292HURw5HUrvsXf/s44F+Pe5cLbn7J3kz1iFQsnZO4/xdU/5GetmZ8Wm0d1Y/2NX1a2qrzdlvF1Z/2NX7MxNSUhUkJCoQPuDkTDa2lqqjghNCz19Gcsa6rWGrGpWJOT0ZQCU8fGEXbyBVY33alxpaWFZvQKhp1Ovv5TbKBXKHHnLjb545IKOjo5qGsKHc7uNjY0ZMmQIAwcORKFQUKlSJcLCwjhx4gQmJiZ06NABFxcXtLS0+Ouvv2jQoAGGhoaYm5tjaWnJokWLsLe35+nTp4wYkfqyevPmzcPLy4uCBQsyc+ZMQkJCVMUSe/XqxaxZs+jbty99+vThzp07jBs3jkGDBn2y3gJA1apVqVKlCi1atOC3337D09OT27dvo6WlRb169ejZsyf58+enRo0aODo64u/vz6RJk7C2tlabrlG3bl1MTEyYNGmSWi2F9Orfvz9TpkzBy8sLHx8ffvvttzSXLXxfRvNPS+/evVm8eDHfffcdw4YNw8LCgvv377Nu3TqWLFmS6XP836lYtwNbFo/Ewa0IDu5FObV/JXGx0ZSsnDTfctOi4ZiY21KnZdLoiAq127N0SntO7FmOd7GqXDuzm5ePbtCkY/LUjKiIUMKC/HkbmjTlI/BV0geVkakVxmbWZIVmzZrz22/T8fLywtu7ANu3byUmNobatesAMGP6r1haWtKxU9J5vHHjBv5ctYphw4ZjY2NLcHDSVSxDQ0MMDQ2Jjo5mzZo/+eqrSpibm+Pv78+yZUuxt8+fYqpMZvmqXgc2//tcOLoX5eS/z0WpKknPxcaFSc9F3Vb/Phd127Pkl/Yc37OcAsWqcvX0bl48ukHTzknPRWJCPGt+H4D/k5u0GzQfhSKRt6FJdQQMjUzR1c38FRYgaVROiWrtObNvPuY2LphYOnLyr9kYmdrg6Zs8N3/j7x3w9K1NiarfA1Cqeif2/jkcW+ci2Ln4cvFvP+JjoylcvrnquGVqduHk7t+xdvDB2rEgN89sJfj1Qxp1npMleRSv0p5z++djZu2CiYUjp3fPJp+pDe5Fk/PYMq8DHr61KVY5KY8S1TpxYM1wbJ2KYOvsy+WjfiTERVOoXFIe5rbumFq5cHjDWCo1GY5BPjMeXjvI07snaNw1c6diVGvYntV/jMLZozDOHkU5unsVcbHRlKvWFIA/5/6IqYUNjdoMAKBq/e+ZM6ETh3f6UbhkZS6e3MuzBzf4tqv6VJqYqAgunz5Ak3ZD+C+0q16aMX/uprCTHUVc7Pnz7/NEx8XTtFzSD9pRq3ZhY2pE/3+XlVyw5wS+rvlxtjbnbXQMKw6dxT8knOYVkqerhUVG4x8STkBY0miCx2+S3gOSqs9nfifE97W/YuyyzRRyyU8RN0fWHDxJdGwcTb5Kej8ZvXQTNmYm9GtRB309PTwdbNX2N85rAKC2vUPdygxfuJ6S3q6ULuDOyRv3OHblDouHdiar1G/yHQtnTcTNsyAe3oXYu2MdsTExVK35NQALZo7H3MKabzsk1YpIiI/nxbOkz4CEhHiCgwN48vAu+gaG2OVP6lip1+Q7Jg77ge0bVlCuUk0e3rvJkX3b6Nx7ZJbk0LBpa/6Y+TMeXj54eBdk9/YNxMZEU61W0hSMuTN+wsLSmjYde6hyeP7ssSqHkKAAHj+8h4GBIXb5ky4qXL5wBlCS38GZV/4v+HPZPPI7OquOmRWaNGvBrN+m4elVAG/vAuzYvoWY2Bhq1q4HwMzpU7CwtKJDpx+ApHoKq1f5MWTYSGxt7Aj593PP4N/PPRMTU0xMTNUeQ1dHFzNzCxwds241mHZVSzJm7T4KO9lQxNmOP49eSnp9l03q7Bm1Zi82Jkb0/zqpo2bBvtP4utrjbGXK2+hYVhy5gH9wOM3LJU3vjU9MZMiKv7j14g2/d2mKQqEk8N+r8aZ5DdDTzZrvU5C0qkPrRja8eBXH68A42jW3JSgknpMXk4tBTx7mxskL4ew8FER0jIInL9TrZsXEKXgbkaC23dxUF3NTXfLbJF08cnU0IDpGwZugeCIiU64u8aXa1SzHGL8dFHK2p4irA6sPnyE6Np4mFZI6mEev2I6NmTH9mtZAX08XTwcbtf2NDd+9TyVt19PVoZSXMzO3HEI/jy75LUw5f+8pf525xuAW6tO7M4tOvrzk80yeop3XzRGTYj7EBYcR88yfApMGYeBgy5VOwwF4smgdLr3a4jN5KM9WbMaqennsW9bnXOPuqmM8mrWcYsumEnrhOmHnruLarwO6+Qx55pf6al5CZJUMrd9jYpJ2NfeffvoJa2trJk+ezMOHDzEzM6NkyZL8+OOPADg4ODBhwgRGjBhBp06daN++PStWrGDdunX069ePIkWKUKBAAebMmUO1atVSHH/KlClMmTKFy5cv4+npyY4dO1R1HxwcHNi9ezdDhw6lWLFiWFhY0KVLF1XxwvTYvHkzQ4YM4bvvviMyMhJPT0+mTEnqFa9VqxbLli1j/vz5BAUFYWVlRYUKFTh06BCW7623/K72wi+//EL79u3T/djvDB48GH9/fzp06IC2tjadO3emWbNmhIWFfXS/zMg/Nfnz5+fEiRMMHz6cOnXqEBsbi4uLC/Xq1ctQp8WnFC3XgMi3IRzaOoeIsEDsnQvSfvAi1VD8sCB/tN+7wursVYKW3X/l4JbZHNg8E0tbF9r0+x1bx+Qr/7cvHWHr0h9Vf2+YnzQXvnqT3tRo1idL8qhStSph4WH8uWoVISEhuLu7M3HiJMz/LXYVEPAGLe3knvPdu/4iISGeX35RX+WjTZu2tP2+Hdra2jx+9IhDBw8SGRmJhYUFJUqWol279mkup5ZRvuX/fS62zOHtv89Fx6Hqz8X7V7tdvErQquevHNw0m/0bk56LtgOSn4vwkDfcvnQYgLmj1YtzdRnph3vBzFuZ4ENlanUlPi6aA2vHEhsdjoN7KZr3WoKuXvKomrDAZ0RHJo+eKlCqAVERwZzcNYeotwFYOxSkea8lqmkRACWrdyQhPo6/t0wmJioMawcfvum9DDPrj9d6+VKlanYlIS6aw+uT8sjvXoom3VPJIyI5D++SDYiODOb0njlEhifl0aT7EvIaJ+Who6NHk+6LOLFzBjsX9yA+LgozK2dqt5mCa6GqmRp/yYr1iAgPZveGeYSHBuLo6kOPkQswMUuKJSTIX+114VagOO37TmH3+rn8tW421nYudBk6m/zOXmrHvXhyD0qlklJf1c/UeNNSr2RBQiKi+WP3cQLDIyngaMMfPVuqCo+9CglXuzL2NjqGiev2ERgeiUleAwo52eI3oC0e9snn0t/X7zN2dfJywMNXJC2l2KNeRXo2yPyrzXXLFiUkIpL52w8RFB5BASd75g3ooJoW8SooNMXVvU+pUbIQo9o1ZtnuY0xbuwsXOyt+7fkdJbxcMz3+d8pXrk14WCib1ywiLCQIF3dvho2fhem/UwoCA16rvU+FBAcwakA71d+7t65m99bV+BQpyehf5gNJy1UO+HEa61f+wbb1S7G2zc/3Pwzkq2r1siSHilVqEh4WyoY/lxAaEoyruycjJ87AzDxpVFpQwGu1z93g4ECG90tetWvnlrXs3LKWQkWKM27KXACioyJY67eQoMAAjIxNKFexKq3bd0NXN+uWcqxctTph4WGsWbXi3889D8ZPnPzB515yHnt27SQhIZ4pv6hfkGndph1tvu+QZXF+Sr0SBZJe33tPERgeRQEHa/7o1ky1vOSrkLcpX98bDhAYHoVJXn0KOdri1681HnZJ5+CbsAj+vpE0SqjVjD/VHmtJr28o45l1HSUbdwdgoK9Nv04OGOXV4cbdSMbMUK+nYG+jj4nx550XDapb8n3T5I7F6T96AjBjyTMOHs+86V51SxcmJCKK+X8d/fe91pY/+n6H5b8drv7BYZ9dj2Nql+bM2X6YH5dtJzwqGnsLU/o0rkbLKiU/vfMXMC1VhAqHkleUKzQ96fvos5VbuNplJPr21hg6JY+KiX78nHONu1Noxkhc+7Yn5vkrrnUfTeCB46o2/hv3kMfaAu9x/dC3syb8yi3Ofv0DcW9SL3QpRFbRUmbmGFeRQpcuXQgICGDHjh2aDiVb2XAq51d1LWmTNXOG/2uXA7NHNeSMCgrLug6u/0pC5l3c0SgP+/+uRk5WqfZ61acb5QCKvFm3pOt/6YZN1lxB/C/pacdrOoRMYaid+tz8nMTl9i5Nh5Apmm2s+OlGOcCW9qkvJZyTHK6bvuXus7uG8dmzwOun1Poua5b8zmoH16Zcxjmny7ru6v9zYWFhXLt2jTVr1kjHghBCCCGEEEJkAaUy51+0zC2kcyGLNGnShLNnz9KjR48US3IKIYQQQgghhBC5iXQuZJEPl50UQgghhBBCCCFyq5w/SVkIIYQQQgghhBAaJSMXhBBCCCGEEELkSAqFrE+QXcjIBSGEEEIIIYQQQmSIdC4IIYQQQgghhBAiQ2RahBBCCCGEEEKIHEmpkKUoswsZuSCEEEIIIYQQQogMkc4FIYQQQgghhBBCZIh0LgghhBBCCCGEECJDpOaCEEIIIYQQQogcSSlLUWYbMnJBCCGEEEIIIYQQGSKdC0IIIYQQQgghhMgQmRYhhBBCCCGEECJHUiplKcrsQkYuCCGEEEIIIYQQIkOkc0EIIYQQQgghhBAZIp0LQgghhBBCCCGEyBCpuSCEEEIIIYQQIkeSpSizDxm5IIQQQgghhBBCiAyRzgUhhBBCCCGEEEJkiHQuCCGEEEIIIYQQIkOk5oIQQgghhBBCiBxJqVBoOgTxLxm5IIQQQgghhBBCiAyRzgUhhBBCCCGEEEJkjFKIXCgmJkY5btw4ZUxMjKZD+WK5IQelMnfkkRtyUColj+wkN+SgVOaOPHJDDkql5JGd5IYclMrckUduyEGpzD15iNxPS6lUysKgItcJDw/H1NSUsLAwTExMNB3OF8kNOUDuyCM35ACSR3aSG3KA3JFHbsgBJI/sJDfkALkjj9yQA+SePETuJ9MihBBCCCGEEEIIkSHSuSCEEEIIIYQQQogMkc4FIYQQQgghhBBCZIh0LohcSV9fn3HjxqGvr6/pUL5YbsgBckceuSEHkDyyk9yQA+SOPHJDDiB5ZCe5IQfIHXnkhhwg9+Qhcj8p6CiEEEIIIYQQQogMkZELQgghhBBCCCGEyBDpXBBCCCGEEEIIIUSGSOeCEEIIIYQQQgghMkQ6F4QQQgghhBBCCJEh0rkghBBCCCGEyPEuXrzItWvXVH9v376dpk2b8uOPPxIXF6fByIT4/yCdCyJXiYuL4/nz5zx9+lTtlpPExcVx584dEhISNB3KFzty5Eia9y1cuPA/jEQIIYQQ/y+6d+/O3bt3AXj48CGtW7cmb968bNy4kWHDhmk4OiFyP+lcELnCvXv3qFy5MoaGhri4uODm5oabmxuurq64ublpOrx0iYqKokuXLuTNm5fChQurOkX69u3LlClTNBzd56lXrx5Dhw4lPj5etS0wMJBGjRoxYsQIDUb2/ys3dFolJCRw8OBBFi5cyNu3bwF4+fIlERERGo4sffr168ecOXNSbJ87dy4DBgz47wP6P7Zp0yZatWpF+fLlKVmypNotp4iPj6dz5848evRI06GI/wMPHz6kTp06mg7jk+7evUvx4sUB2LhxI1WqVGHNmjWsWLGCzZs3aza4L3T//n327dtHdHQ0AEqlUsMRCZE2XU0HIERm6NixI7q6uvz111/Y29ujpaWl6ZA+28iRI7ly5Qp///039erVU22vVasW48ePz1E/yo8cOUL79u05cOAAa9as4dGjR3Tp0oUCBQpw+fJlTYf3Uebm5uk+f4KDg7M4moyLioqib9+++Pn5AUlfvNzd3enbty8ODg455rx68uQJ9erV4+nTp8TGxlK7dm2MjY2ZOnUqsbGxLFiwQNMhftLmzZvZsWNHiu0VK1ZkypQpzJo1678P6jOkFntqGjdunMWRZMycOXMYNWoUHTt2ZPv27XTq1IkHDx5w7tw5evfurenw0k1PT4/NmzczZswYTYfyRZo3b57utlu2bMnCSDLPP//8w8KFC3nw4AGbNm3CwcGBVatW4ebmRqVKlTQdXoa8ffuWQ4cOaTqMT1IqlSgUCgAOHjzI119/DYCTkxOBgYGaDO2zBQUF8e2333L48GG0tLS4d+8e7u7udOnSBXNzc2bMmKHpEIVIQToXRK5w+fJlLly4gI+Pj6ZD+WLbtm1j/fr1lC9fXu3HbeHChXnw4IEGI/t8FStW5PLly/To0YOSJUuiUCj46aefGDZsWLbv+MnuP/A+V27ptOrfvz+lS5fmypUrWFpaqrY3a9aMrl27ajCy9AsKCsLU1DTFdhMTkxzxpbdp06afbKOlpUViYmLWB5MBf/zxB4sWLeK7775jxYoVDBs2DHd3d8aOHZsjOgzf17RpU7Zt28bAgQM1Hcpne/+1oFQq2bp1K6amppQuXRqACxcuEBoa+lmdEJq0efNm2rVrR9u2bbl06RKxsbEAhIWF8csvv7B7924NR/j/oXTp0kyaNIlatWpx9OhR5s+fD8CjR4+wtbXVcHSfZ+DAgejq6vL06VMKFiyo2v7tt98yaNAg6VwQ2ZJ0LohcoVChQjniy/nHBAQEYGNjk2J7ZGRktv9Bnpq7d+9y/vx5HB0defnyJXfu3CEqKop8+fJpOrSP6tChg6ZDyFS5pdPqn3/+4eTJk+TJk0dtu6urKy9evNBQVJ/H09OTvXv30qdPH7Xte/bswd3dXUNRpd+7q4E53dOnT6lYsSIAhoaGqik27dq1o3z58sydO1eT4X0WLy8vJk6cyIkTJyhVqlSK99d+/fppKLJPW758uer/hw8fTqtWrViwYAE6OjoAJCYm0qtXL0xMTDQV4meZNGkSCxYsoH379qxbt061/auvvmLSpEkajOz/y6xZs2jbti3btm1j1KhReHp6AklTod697nOK/fv3s2/fPhwdHdW2e3l58eTJEw1FJcTHSeeCyBWmTp3KsGHD+OWXXyhatCh6enpq9+eELyelS5dm165d9O3bF0D1Q3DJkiVUqFBBk6F9tilTpjBu3Di6devGr7/+yv3792nXrh2+vr78+eefOS4fgJiYmBSVpnPCeZVbOq0UCkWqV8SfP3+OsbGxBiL6fIMGDaJPnz4EBARQo0YNAA4dOsSMGTNy3YiZ7MzOzo7g4GBcXFxwdnbm9OnTFCtWjEePHuW4ucxLly7FzMyMCxcucOHCBbX7tLS0snXnwvuWLVvG8ePHVR0LADo6OgwaNIiKFSvy66+/ajC69Llz5w5VqlRJsd3U1JTQ0ND/PqD/U76+vmqrRbzz66+/qp1fOUFkZCR58+ZNsT04OBh9fX0NRCTEp0nngsgVatWqBUDNmjXVtiuVyhwxTBfgl19+oX79+ty8eZOEhARmz57NzZs3OXnyJEePHtV0eJ9l9uzZbNu2jfr16wNQpEgRzp49y48//ki1atVUw0Wzu8jISIYPH86GDRsICgpKcX9OOK9yS6dVnTp1mDVrFosWLQKS8oiIiGDcuHE0aNBAw9GlT+fOnYmNjeXnn3/mp59+ApJGXsyfP5/27dtrOLpPO3bsWLrapfYDKzupUaMGO3bsoESJEnTq1ImBAweyadMmzp8/n2OG4L+TW4o5JiQkcPv2bQoUKKC2/fbt2zlmxIydnR3379/H1dVVbfvx48dzxMikEiVKfLTDOSoq6j+MJmNCQ0PZtGkTDx48YOjQoVhYWHDz5k1sbW1xcHDQdHjpVrlyZVauXKn6vNDS0kKhUDBt2jSqV6+u4eiESJ10Lohc4WNLH+YUlSpV4vLly0yZMoWiRYuyf/9+SpYsyalTpyhatKimw/ss165dw8rKSm2bnp4ev/76q6q4Uk4wbNgwjhw5wvz582nXrh3z5s3jxYsXLFy4MMes4JFbOq1mzJhB3bp1KVSoEDExMbRp04Z79+5hZWXF2rVrNR3eJyUkJLBmzRqaN29Oz549CQgIwNDQECMjI02Hlm7VqlVT/fhI6wp/TujMXbRokeoHa+/evbG0tOTkyZM0btyY7t27azi69AsPD8fIyAhtbfWFvxQKBRERETliZNU7nTp1okuXLjx48ICyZcsCcObMGaZMmUKnTp00HF36dO3alf79+7Ns2TK0tLR4+fIlp06dYsiQITmi6GZ6aqrkBFevXqVmzZqYmZnx+PFjunbtioWFBVu2bOHp06esXLlS0yGm27Rp06hZsybnz58nLi6OYcOGcePGDYKDgzlx4oSmwxMiVVrKnDYGUAiRI6R25eDixYs56sqBs7MzK1eupFq1apiYmHDx4kU8PT1ZtWoVa9euzTEFuh48eMCUKVO4cuUKERERlCxZkuHDh+e4TquEhATWr1+vlkfbtm0xNDTUdGjpkjdvXm7duoWLi4umQ/kilpaWGBsb07FjR9q1a5eiA/Gd1IpWisy1detWhg8fzuXLl1MMm46MjKRkyZJMnz6dRo0aaSjCz6NQKJg+fTqzZ8/G398fAHt7e/r378/gwYNzxHB2pVLJL7/8wuTJk1VX+fX19RkyZIjqyrPIerVq1aJkyZJMmzYNY2Njrly5gru7OydPnqRNmzY8fvxY0yF+lrCwMObOnav2ude7d2/s7e01HZoQqZLOBZErXL16Nd1tfX19szCSLxceHp7qdi0tLfT19VMUssvOrl69Sq1atTA1NeXx48fcuXMHd3d3Ro8enaOuHBgZGXHz5k2cnZ1xdHRky5YtlC1blkePHlG0aFEiIiI0HaLIQapVq8aAAQNy7BXCuLg4tm7dyrJly/jnn39o0KABXbp0oV69etm+fsfVq1cpUqQI2tran/y8yK6fEe+rU6cOrVq14ocffkj1/mXLlrF+/Xr27dv3H0eWce8+C3PSyIv3xcXFcf/+fSIiIihUqFCOGp30TmBgII8fP0ZLSwtXV1e1FXqyO1NTUy5evIiHh4da58KTJ08oUKAAMTExmg5RiFxNpkWIXKF48eKf/HKb3esvmJmZfTQHR0dHOnbsyLhx41IMg81uBg4cSMeOHVVXDt5p0KABbdq00WBkn8fd3Z1Hjx7h7OyMj48PGzZsoGzZsuzcuRMzMzNNh/dZ3rx5w5s3b1LMX84JP6QAJk+ejK2tLZ07d1bbvmzZMgICAhg+fLiGIku/Xr16MXjwYJ4/f55qZf/s/lzkyZOHb7/9lm+//ZanT5+yYsUK+vTpQ2xsLB06dGDChAno6mbPrxXFixfn1atX2NjYqD4vUru2kp0/I953/fp1/vjjjzTvr1KlCqNHj/4PI8o8ObVT4Z08efJQqFAhwsPDOXjwIAUKFFBbRjA7u3HjBj179kwx5L5q1arMnz8/RU2M7EhfXz/VizV3797F2tpaAxFlTExMDFevXk3187tx48YaikqItMnIBZErbNu2jSFDhjB06FBVkbpTp04xY8YMpk2bRokSJVRts+uQ5JUrVzJq1Cg6duyomnN69uxZ/Pz8GD16NAEBAUyfPp2hQ4fy448/ajjaj8stVw5mzpyJjo4O/fr14+DBgzRq1AilUkl8fDy//fYb/fv313SIn3ThwgU6dOjArVu3UvyYyik/pCCp8OGaNWtSLCV25swZWrdunSMK26XWKfjuR25Oei7e9+jRI7p06cLRo0cJCAjAwsJC0yGl6smTJzg7O6OlpfXJJdyy62fE+wwNDbl06RI+Pj6p3n/r1i1KlixJdHT0fxxZ+pUsWZJDhw5hbm7+yWKCFy9e/A8j+zKtWrWiSpUq9OnTh+joaIoXL65agWTdunW0aNFC0yF+1KtXryhSpAjW1tb06NEDHx8flEolN2/eZPHixQQFBXH9+vVUVx/KTn744QeCgoLYsGEDFhYWXL16FR0dHZo2bUqVKlVy1Mo8e/fupX379qkutZ5TPzNE7pc9LzEI8Zl++eUX5syZo1Y13tfXFycnJ8aMGZNiia7syM/PjxkzZtCqVSvVtkaNGlG0aFEWLlzIoUOHcHZ25ueff872nQu55crBwIEDVf9fq1Ytbt++zYULF/D09Mz2V5nf6dy5M97e3ixduhRbW9tsP3w9La9evUp1jqm1tbVqjnZ2lxM6QNIjNjaWzZs3s2zZMk6dOkXDhg3ZtWtXtu1YgOQOg/j4eCZMmMCYMWNwc3PTcFRfztXVlfPnz6fZuXD+/Pls30nSpEkT1XJ6OXWq0PuOHTvGqFGjgKSaGAqFgtDQUPz8/Jg0aVK271yYOXMmLi4unDhxAgMDA9X2evXq0bNnTypVqsTMmTOZPHmyBqP8tBkzZvDNN99gY2NDdHQ0VatW5dWrV1SoUIGff/5Z0+F9lr59+9KyZUvGjh2Lra2tpsMRIn2UQuQCBgYGyps3b6bYfvPmTaWBgYEGIvp8BgYGyrt376bYfvfuXaWhoaFSqVQqHz58qPr/7KxLly7Kpk2bKuPi4pRGRkbKhw8fKp88eaIsUaKEsn///poOL938/PyUMTExKbbHxsYq/fz8NBDR5zMyMlLeu3dP02FkmKenp3LVqlUptq9cuVLp5uamgYj+/5w5c0bZo0cPpZmZmbJ48eLK2bNnK4OCgjQd1mczMTFRPnz4UNNhZMiPP/6odHZ2Vr569SrFff7+/kpnZ2fljz/+qIHI/n8ZGBgonz59qlQqlcp27dophw8frlQqlconT54o8+XLp8nQ0qVEiRLK9evXp3n/2rVrlSVKlPgPI8qYf/75Rzlv3jzl1KlTlQcOHNB0OF/E2NhYef/+fU2HIcRnkZELIlcoWLAgkydPZsmSJarCh3FxcUyePDnHzHV0cnJi6dKlKZY4XLp0KU5OTgAEBQVhbm6uifA+S2pXDvz9/XPclYNOnTpRr169FMNA3759S6dOnWjfvr2GIku/mjVrcuXKFTw9PTUdSoZ07dqVAQMGEB8fT40aNQA4dOgQw4YNY/DgwRqOLm07duygfv366OnpsWPHjo+2ze7zZ8uXL4+zszP9+vWjVKlSABw/fjxFu+yeR9OmTdm2bZvayKScZsSIEWzfvh0vLy++//571Vz427dvs3r1apycnBgxYoSGo0y/c+fOoVAoKFeunNr2M2fOoKOjQ+nSpTUUWfo5OTlx6tQpLCws2Lt3L+vWrQMgJCREbSRAdvXw4UNKliyZ5v2lS5fm4cOH/2FEGVOpUiUqVaqk6TAy5JtvvuHvv//Gw8ND06EIkW5Sc0HkCmfPnlXNh383XP3q1atoaWmxc+dOVQ2D7GzHjh20bNkSHx8fypQpAyQNbb116xabN2/m66+/Zv78+dy7d4/ffvtNw9Gmz/Hjx7l69SoRERGUKlWKmjVrajqkz6Ktrc3r169TTOW4cuUK1atXJzg4WEORpV9gYCAdOnSgbNmyFClSBD09PbX7s/sPwXeUSiUjRoxgzpw5xMXFAWBgYMDw4cMZO3ashqNLm7a2tqqQ4McKseaE+bPpKSSbE/KYNGkSM2bMoGbNmqkW1uzXr5+GIvs8YWFhjBw5kvXr1xMSEgIkFQZu3bo1P//8c47oiH6nbNmyDBs2jG+++UZt+5YtW5g6dSpnzpzRUGTp98cff9C/f3+MjIxwcXHh4sWLaGtr8/vvv7NlyxaOHDmi6RA/SkdHB39//zRrKrx+/RoHBwcSEhL+48g+bc6cOelum1Ne3wBRUVG0bNkSa2trihYtmuLzOyflIv5/SOeCyDUiIyNZvXo1t2/fBpJGM7Rp0ybFF8fs7PHjxyxYsIC7d+8CUKBAAbp3705ERARFihTRcHSfdurUKYKCgvj6669V2/z8/Bg3bhxRUVE0bdqU33//XTXPNrt6V1zsypUrFC5cWK0CfmJiIo8ePaJevXps2LBBg1Gmz86dO2nXrl2qNTBywg/BD0VERHDr1i0MDQ3x8vLK9ueSyH4+VmtBS0srR12dhaSOt8DAQJRKJdbW1jmyroqRkRFXr17F3d1dbfujR4/w9fXl7du3Gors85w/f55nz55Ru3Zt1RKUu3btwszMjK+++krD0X2cjo7OR+sivX79Gh8fn2z5mfHhazogIICoqCjVqk6hoaHkzZsXGxubHPX6Xrp0KT169MDAwABLS0u113ZOfK8S/x+kc0GIbCo8PJy1a9eybNkyzp8/ny0/0D9Uv359qlWrploW8Nq1a5QqVYoOHTpQsGBBfv31V7p378748eM1G+gnTJgwQfXfwYMHq61TnidPHlxdXWnRooVqCk525urqytdff82YMWOkIJTIFEFBQap17589e8bixYuJiYmhUaNGVK5cWcPR/X968+YNd+7cAZI6pbN7Rf8PWVpa8tdff6lWe3rn5MmTNGzYUDUyI6d499U6J3X0aGtrfzReZQ5Z1WbNmjX88ccfLF26VDVd6M6dO3Tt2pXu3bvTtm1bDUeYfnZ2dvTr148RI0Zk+yXIhXhHOhdErrFq1SoWLlzIw4cPOXXqFC4uLsycORN3d3eaNGmi6fDS7dixYyxdupTNmzeTP39+mjdvTosWLVRTJbIze3t7du7cqZofO2rUKI4ePaqal71x40bGjRvHzZs3NRlmuvn5+fHtt9/miPmyaTE2Nuby5cu5Ys7m+fPn2bBhA0+fPlVNjXhny5YtGorq0w4fPkyfPn04ffo0JiYmaveFhYVRsWJF5s+fT5UqVTQUYfpcu3aNRo0a8ezZM7y8vFi3bh316tUjMjISbW1tIiMj2bRpU66o/J9ThIeH07t3b9atW6f60aejo8O3337LvHnzMDU11XCE6fPdd9/h7+/P9u3bVTGHhobStGlTbGxscsQoMUhaUvrXX3/l3r17AHh7ezN06FDatWun4cg+7ejRo+lqV7Vq1SyOJGM8PDzYtGmT2hLkkLQs8zfffJOjVu2xsLDg3LlzueLzW/z/kIKOIleYP38+Y8eOZcCAAUyaNEn1Jcvc3JxZs2Zl+86FV69esWLFCpYuXUp4eDitWrUiNjaWbdu2UahQIU2Hl24hISFqV8ePHj1K/fr1VX+XKVOGZ8+eaSK0L9KhQwdNh5BhzZs358iRIzn+y8m6deto3749devWZf/+/dSpU4e7d+/y+vVrmjVrpunwPmrWrFl07do1RccCgKmpKd27d2fmzJnZvnNh2LBhFC1alNWrV7Nq1Sq+/vprGjZsyOLFi4GkZdOmTJmS7TsXOnfu/NH7ly1b9h9FknFdu3bl0qVLalf9T506Rf/+/enevbuqqGB2N336dKpUqYKLi4vqR+Hly5extbVl1apVGo4ufX777TfGjBlDnz59VFMgjh8/To8ePQgMDMz2BUQ//DGeU/n7+6daFyIxMZHXr19rIKIv16FDB9avX5/tlx8X4n0yckHkCoUKFeKXX36hadOmGBsbc+XKFdzd3bl+/TrVqlUjMDBQ0yGmqVGjRhw7doyGDRvStm1b6tWrh46ODnp6ely5ciVHdS64uLiwatUqqlSpQlxcHGZmZuzcuVNVyPHatWtUrVo1WxdCtLCw4O7du1hZWWFubv7RYaLZOY93fv75Z2bNmkXDhg1zdEEoX19funfvTu/evVWvcTc3N7p37469vb1qKkt25OLiwt69e9Ncueb27dvUqVOHp0+f/seRfR4rKysOHz6Mr68vERERmJiYcO7cOdXKEbdv36Z8+fKEhoZqNtBP+LAzKj4+nuvXrxMaGkqNGjWy9SiYD+XLl499+/alqIr/zz//qEaV5BTv6iZduXIFQ0NDfH19+e6771K8Z2VXbm5uTJgwIcUqQn5+fowfPz7bXzH/1LSId7L7tIhGjRrx4sULlixZolr94sKFC3Tr1g0HB4dPrtqTnfTr14+VK1dSrFgxfH19U7wWckpxb/H/RUYuiFzh0aNHqfa66+vrZ/svV3v27KFfv3707NkTLy8vTYeTIQ0aNGDEiBFMnTqVbdu2kTdvXrU52FevXs32V9BnzpyJsbExkHTFOadbsmQJRkZGHD16NMWwVy0trRzTufDgwQMaNmwIJNW9iIyMREtLi4EDB1KjRo1s3bnw+vXrj/5A0tXVJSAg4D+M6MsEBwdjZ2cHJBXgy5cvn9qKBObm5jmi8N7WrVtTbFMoFPTs2TPbvz99yNLSMtWpD6ampjlqtQhI6ijp1q2b2rZbt26xdOlSpk+frqGo0s/f35+KFSum2F6xYkX8/f01ENHneX81C6VSSYMGDViyZAkODg4ajOrzLVu2jA4dOlC6dGnV+25CQgJ169ZlyZIlGo7u81y7dk313fb69etq9+Wkeh7i/4t0Lohcwc3NjcuXL+Pi4qK2/WNXC7OL48ePs3TpUkqVKkXBggVp164drVu31nRYX+Snn36iefPmVK1aFSMjI/z8/NSKHi5btow6depoMMJPezcVIiEhAS0tLerWrZujCyFm96tl6fX+D1cHBweuX79O0aJFCQ0NJSoqSsPRfdy7eD09PVO9/+rVq9jb2//HUX2ZD7/Q5pYvuNra2gwaNIhq1aoxbNgwTYeTbqNHj2bQoEGsWrVK1fHz6tUrhg4dypgxYzQc3ZeJjIxk3bp1LF26lNOnT1OoUKEc0bng6enJhg0bUgxhX79+fY64cPBhLQUdHR3Kly+fYgWP7M7a2prdu3dz9+5d1ephPj4+eHt7aziyz5fdly8VIjXSuSByhUGDBtG7d29iYmJQKpWcPXuWtWvXMnny5GzfU12+fHnKly/PrFmzWL9+PcuWLWPQoEEoFAoOHDiAk5OT6kp6dmdlZcWxY8cICwvDyMgIHR0dtfs3btyotvJCdqarq0uPHj24deuWpkPJNDmxgvk7VapU4cCBAxQtWpSWLVvSv39/Dh8+zIEDB6hRo4amw/uoBg0aMGbMGOrVq5eiOGh0dDTjxo1TW741O+vYsaNq+c+YmBh69OihWu43NjZWk6Fl2IMHD1Kdq53dvFsq95179+7h7OyMs7MzAE+fPkVfX5+AgAC6d++uqTA/24kTJ1i6dCkbNmwgOjqagQMHsmzZMnx8fDQdWrpMmDCBb7/9lmPHjqlqLpw4cYJDhw7lmIKUuYm3t3eO7FBIy/PnzwFwdHTUcCRCfJzUXBC5xurVqxk/fjwPHjwAkq4Wjh8/ni5dumg4ss93584dli5dyqpVqwgNDaV27do5ap5gblGtWjUGDBiQ7QvUfUpOrmD+TnBwMDExMeTPnx+FQsG0adM4efIkXl5eDBkyJFtf+X/9+jUlS5ZER0eHPn36qJZHu337NvPmzSMxMZGLFy9m+xEynTp1Sle75cuXZ3EkGTNo0CC1v5VKJf7+/uzatYsOHTowd+5cDUWWPp8zBWjcuHFZGEnGvXnzhhUrVrBs2TLCwsL47rvvaNOmDRUqVMhxNYcgaW7/zJkzVZ3SBQsWZPDgwTmyWOL79auyu0GDBvHTTz+RL1++FK/vD+WkOgUKhYJJkyYxY8YMIiIigKTnZfDgwYwaNUqWpxTZknQuiFwhOjoapVJJ3rx5iYqK4vr165w4cYJChQpRt25dTYf3xRITE9m5cyfLli2TzgUN2LBhAyNHjmTgwIGUKlVKdYX2HV9fXw1Fln5pVTCfN28ekyZNyvYVzD8mJiaGefPm8euvv/Lq1StNh/NRT548oWfPnuzbt09tBEndunWZN28ebm5uGo7w/0f16tXV/tbW1sba2poaNWrQuXNndHVlUOd/xdDQkG+++Ybvv/+e2rVrq34s5cSCxrmNsbExV69ezRHvTdWrV2fr1q2YmZlRrVq1NEfnaWlpcfjw4f84ui83cuRIli5dyoQJE9Q+v8ePH0/Xrl35+eefNRyhEClJ54LIFerUqUPz5s3p0aMHoaGh+Pj4oKenR2BgIL/99hs9e/bUdIgiB0rtqoCWlhZKpRItLa1sXzUbcn4F89jYWMaPH8+BAwfIkycPw4YNo2nTpixfvpzRo0ejo6ND7969GT58uKZDTZeQkBDu37+PUqnEy8srxxXdEyIz+fj4EBsbS5s2bWjXrp1qCkRO7FzYvXs3Ojo6KS5o7Nu3D4VCobYsc3bUvHlztb937txJjRo1UnSq56TVVHK6/Pnzs2DBAho3bqy2ffv27fTq1YsXL15oKDIh0ibd8yJXuHjxIjNnzgRg06ZN2NracunSJTZv3szYsWOlc0F8kez+wzs9cnoF87Fjx7Jw4UJq1arFyZMnadmyJZ06deL06dPMmDGDli1bpqjtkV117tyZ2bNnU6ZMGbXtkZGR9O3bl2XLlmkoMpGTfGqJ3Pdl9+Vyb9++raq1UKZMGby9vfn++++BnFcbZsSIEUyZMiXFdqVSyYgRI7J958KHq468ex5ykvj4eAwNDbl8+TJFihTRdDgZFhwcnGrNER8fn2z/2hb/v2TkgsgV8ubNy+3bt3F2dqZVq1YULlyYcePG8ezZMwoUKJDtq8kLkVWKFClCmzZtUlQwnzRpEuvXr+fatWsaiix93N3dmTVrFo0bN+b69ev4+vrSsWNHli5dmuN+fOjo6ODv74+NjY3a9sDAQOzs7HJEMcHc4PXr1wwZMoRDhw7x5s0bPvwalN1HJPn5+aW77bvVb3KCiIgI1q5dy/Llyzl9+jRVq1alTZs2NG3aFGtra02H90mGhobcunULV1dXte2PHz+mcOHC2X5Z7NzC3d2drVu3UqxYMU2HkmHlypWjXLlyzJkzR2173759OXfuHKdPn9ZQZEKkTUYuiFzB09OTbdu20axZM/bt26eaR/7mzRtMTEw0HJ3I6W7evMnTp0+Ji4tT2/7hUMXsKKdXMH/+/DmlSpUCkjpK9PX1GThwYI7qWAgPD0epVKJUKnn79q3aihGJiYns3r07RYeDyDodO3bk6dOnjBkzBnt7+xx1LkH6Owxy2pVNIyMjunbtSteuXbl16xZLly5l9OjR9OrVi/j4eE2H90mmpqY8fPgwRefC/fv3U0wtEFln1KhR/Pjjj6xatQoLCwtNh5Mh06ZNo2HDhhw8eJAKFSoAcOrUKZ49e8bu3bs1HJ0QqZORCyJX2LRpE23atCExMZGaNWuyf/9+ACZPnsyxY8fYs2ePhiMUOdHDhw9p1qwZ165dU9VagOThutn9Cuc7ObmCuY6ODq9evVJducxJRcbe0dbW/ugPWC0tLSZMmMCoUaP+w6j+fxkbG/PPP/9QvHhxTYeSJfbv38+SJUvYuXMn0dHRmg4nQxISEtixY0eKegDZUffu3Tl16hRbt27Fw8MDSOpYaNGiBWXKlMn2y2LnFiVKlOD+/fvEx8fj4uKSomPn4sWLGorsy7x8+ZJ58+Zx+/ZtIOnzu1evXuTPn1/DkQmROhm5IHKFb775hkqVKuHv7682FK5mzZo0a9ZMg5GJnKx///64ublx6NAh3NzcOHv2LEFBQQwePJjp06drOrx0K1WqFH/++aemw/giSqWSjh07oq+vDyStENGjR48cVWTsyJEjKJVKatSowebNm9WupuXJkwcXFxf5ovgfcnJySjEVIqd78uQJy5Ytw8/Pj5CQEOrXr8/KlSs1HVa6pVUM8fDhwxgaGmooqs8zbdo06tWrh4+PD46OjkDSyKvKlSvnqM+LnC6nLx39Tnx8PPXq1WPBggWyKoTIUWTkghBCpMHKyorDhw/j6+uLqakpZ8+epUCBAhw+fJjBgwdz6dIlTYf4STm9gnmnTp3S1W758uVZHEnGPXnyBGdn5xw3DD+32b9/PzNmzGDhwoUphrDnJHFxcWzZsoUlS5Zw4sQJatWqxZ49e7h06RJFixbVdHifxdfXlylTptCgQQO17Xv37mX48OFcuXJFQ5F9HqVSyYEDB7hy5QqGhob4+vpSpUoVTYclcihra2tOnjyJl5eXpkMRIt2kc0EIIdJgbm7OxYsXcXNzw8PDgyVLllC9enUePHhA0aJFc0Sh0NzypT032Lt3L0ZGRlSqVAmAefPmsXjxYgoVKsS8efNkWcr/iLm5OVFRUSQkJJA3b1709PTU7s8JtQr69u3L2rVr8fLy4vvvv6d169ZYWlrmyCUcQYohiswVGhrKpk2bePDgAUOHDsXCwoKLFy9ia2uLg4ODpsNLt4EDB6Kvr5/qKiRCZFcyLUIIIdJQpEgRrly5gpubG+XKlWPatGnkyZOHRYsW4e7urunw0uXevXup/tDw8fHh/v37Gojo/9fQoUOZOnUqANeuXWPQoEEMHjyYI0eOMGjQoBwx+iI3mDXrf+3de1SU5doG8GsGD6DBIAoJJgOi4hFB3aayAaU0EvFsZiWHAdtKCqSWtr/KI0XmoW20tQw8rQTbqal7UWoI0uARMVATiATxlKaECCTIMN8ffs3XyEGU4Jl35vqt5VryvPPH5TKSuee57/sj0RGabP369Vi4cCEWLVoES0tL0XGazBiGIS5btqzB5++++24LJTFt2dnZePbZZ6FQKFBYWIiZM2fCxsYGu3btQlFRkaTahaqrqxEfH4/vvvsOgwYNqvW9sGbNGkHJiOrH4gIRUT3efvtt3SdmS5cuRUBAALy8vNCxY0ckJiYKTtc4xvBDu7EoKCjQFXp27tyJgIAAvPfee8jMzKx1s4Saj5TWM9Zn27ZtiI+Ph729Pfz9/TFjxgyDb3FqyPjx4xEVFVVrGOL8+fMlsZUHAHbv3q339b1791BQUIBWrVrBxcWFxYUWMm/ePAQHB2PlypV6hbcxY8bgpZdeEpjs0Z09exYDBw4EAOTl5ek9Y3sdGSq2RRARPYLi4mJ06NBBMv+wc4K54bCxsYFarUafPn3w97//HYGBgXj11VdRWFiIPn36SKLNRqpKS0t1a4lLS0sbfK2U1hcXFBRg8+bN2Lx5MyoqKlBcXIwdO3ZgypQpoqM9ktu3b8PPzw8ZGRm1hiHu2rUL1tbWYgM+ptLSUgQHB2PixImYMWOG6DgmQaFQIDMzEy4uLrC0tERWVha6deuGixcvwtXVFXfv3hUdkciosbhARPQAlUrVqNfFx8c3c5KmM9Yf2qVo3LhxqKqqgqenJ5YvX46CggJ06dIFBw4cwJw5c2p9MkV/HTMzM1y7dg12dnb1rgbVarWQyWSSWTH7Z1qtFgcOHEBcXBz27t2LTp06YdKkSVi3bp3oaI1mrMMQz5w5g4CAABQWFoqOYhLs7Oywf/9+eHh46BUXDh48CJVKhUuXLomOSGTUWFwgInqAXC6HUqmEh4dHgyvrHrwGa6iM9Yd2qSkqKkJ4eDguXbqEiIgIhIaGArg/tEuj0UjqjaDUHD58GJ6enmjVqhUOHz7c4Gt9fHxaKFXzKC4uxtatW7Fp0yYObDUAarUaAQEB+O2330RHMQlhYWG4desWvvzyS9jY2CA7OxtmZmaYMGECvL29DX7myqRJkxr9WkNewUymi8UFIqIHvPbaa0hISIBSqURISAheeeUV2NjYiI5FRKRz79499OrVC//973/Ru3dv0XEe2bp16/Dqq6/C3Nz8oYW1iIiIFkr1+B78M2i1Wly7dg3btm2Dj48Ptm/fLiiZabl9+zamTJmCjIwM3LlzBw4ODvjll18wbNgwJCUlGfysoT+vX9Zqtdi9ezcUCgUGDx4MADh16hRKSkowadIkDgEmg8TiAhFRHSorK7Fr1y7Ex8fjyJEj8Pf3R2hoKEaPHi2ZeQt/SE5ORnJyMm7cuIGamhq9Z1Jo7ZAyY+31l7q7d+8iOzu7zu8JqQwQBIAuXbrgu+++k2RxwdnZGRkZGejYsSOcnZ3rfZ1MJsOFCxdaMNnjefDPIJfLYWtrC19fX7z11ltGsdVDStLT05GVlYWysjIMHDgQzz77rOhIj2zhwoUoLi7Ghg0bYGZmBgDQaDQIDw+HlZUVPvzwQ8EJiWpjcYGI6CEuXryIzZs3Y+vWraiursa5c+fwxBNPiI7VKEuXLsWyZcswePBg2Nvb1yqMSKW1Q6qMvddfir799lsEBgbi5s2btZ5J7e/hvffeQ15eHj7//HO0asUFYETGxNbWFmq1Gq6urnrnubm5GD58OG7duiUoGVH9+C8REdFD/PGmUKvVSuqNBwBs2LABmzdv5qRyQQ4dOqRrqUlJSRGchgBg7ty5mDp1Kt599108+eSTouM0ycmTJ5GcnIwDBw6gf//+ta58S6EnW+rtHWRYIiIi0L1791qtNLGxscjPzzf4mQt/Vl1djZycnFrFhZycnFo3rogMBYsLRER1+HNbhFqtxtixYxEbGws/Pz/I5XLR8RqtqqoKw4cPFx3DZP15OKDUBwUai+vXr2PevHmSLywAgLW1NSZPniw6RpO0bt1asusBOXzP8OzcuRN79+6tdT58+HDExMRIqrgQEhKC0NBQ/PzzzxgyZAgA4Pjx44iJidGbzUBkSFhcICJ6QHh4OBITE9G1a1eoVCokJCSgU6dOomM9lrCwMGzfvh3vvPOO6Cj0fyoqKlBUVISqqiq9czc3N0GJTMuUKVOQmpoKFxcX0VGazFgGur322mv44IMPJNfeoVAoREegB9y6davOvxcrK6s6W6EM2apVq9C5c2esXr0a165dAwDY29vjjTfewPz58wWnI6obZy4QET1ALpfD0dERHh4eDQ5vlMInUZGRkdi6dSvc3Nzg5uaG1q1b6z1fs2aNoGSm59dff0VISAi++eabOp9LreVGqioqKjB16lTY2tqif//+tb4npLCZoEOHDnX+v0mhUKBnz55YsGABRo0aJSDZ45k4cSKSk5PxxBNPSLa9gwxDv379MGvWLMyZM0fv/OOPP8b69evx448/CkrWNH8MBObgXzJ00ikPExG1kMDAQMlthKhPdnY23N3dAQBnz54VG8bERUVFoaSkBMePH8eIESOwe/duXL9+HStWrMDq1atFxzMZCQkJOHDgAMzNzZGamqr3vS6TySRRXKjvandJSQlOnTqFsWPH4quvvkJAQEDLBntMxtDeQYZh3rx5mDNnDn799Vf4+voCuL8xafXq1ZJqiXgQiwokFby5QERE1ALs7e2xZ88eDBkyBFZWVsjIyEDPnj2xd+9erFy5Emq1WnREk9C5c2dERERg0aJFkpqf8ijWrFmDr776CkeOHBEdxej9/PPPiI6O1q31dXR0RFlZme65mZlZnRP/qfmsX78e0dHRuHr1KgDAyckJS5YsQWBgoOBkj+b69etYsGCBbpX0g2/ZeNuNDBGLC0RERqgxg8ZkMhl27tzZAmkIuP/JU3Z2NpycnKBUKrF9+3Z4enqioKAAffv2RUVFheiIJsHGxgYnT540ipkL9cnLy8PQoUNRXFwsOkqDjKG9IyoqChYWFnj//fcBAJaWlnj33XdhZ2cHANixYwccHR2xYcMGkTFN0q+//goLCwvJrI5+0PPPP4+ioiLMmTOnzlXS48ePF5SMqH5siyAiMkIcNGZ4XF1dkZubCycnJwwYMACffvopnJycsGHDBtjb24uOZzKCgoKwY8cO/POf/xQdpdlUVlaiTZs2omM8lDG0dyQnJyMuLk7vbPLkyejWrRuA+5+ah4WFiYhmkhYvXgyVSgWlUglbW1vRcZpErVbj+++/17U2EkkBiwtEREbIWKbIG4OCggI4OzsjMjJSN/F78eLF8PPzwxdffIE2bdpg8+bNYkOaEI1Gg5UrV2L//v1GO+Q0Li5OEm9IgoKCGnzu7u6O999/36CLC4WFhXBwcNB9HRYWplfcdXJywuXLl0VEM0l79uxBdHQ0fHx8EBoaismTJ6Nt27aiYz2Wrl271mqFIDJ0bIsgIiJqRnK5HEqlEiNHjtT9euqpp1BRUYGcnBw4OjpKdtWpFI0cObLeZzKZDIcOHWrBNI9n3rx5dZ7fvn0bmZmZyMvLQ1paGgYNGtTCyf5aUmjvUCgUOHjwIIYMGVLn8xMnTuDZZ5/VTfun5nf69Gls2rQJCQkJqK6uxosvvgiVSoW//e1voqM9kgMHDmD16tW6W25EUsCbC0RERM3o0KFDSE1NRWpqKhISElBVVYVu3brB19cXI0eORJcuXURHNCkpKSmiIzTZ6dOn6zy3srLCqFGjsGvXLjg7O7dwqr+eFNo7+vbti++++67e4sL+/fvRr1+/Fk5l2jw8PODh4YHVq1dj37592LRpEzw9PdGrVy+EhoYiODhYEq2D06ZNQ0VFBVxcXNCuXbtat6wMuehGpovFBSIiomY0YsQIjBgxAgBw9+5dHDlyRFds2LJlC+7du4devXrh3LlzYoOSZBhDgaQxpNDeERISgqioKAwYMAD+/v56z/bt24eYmBhJr0CUMq1Wi3v37qGqqgparRYdOnRAbGws3nnnHWzcuBHTpk0THbFBa9euNZq12GQ62BZBRETUwqqqqpCeno5vvvkGn376KcrKyrhWrIWMHDmywR/YpdAWYSyMpb1j+vTp2LFjB3r16qVbOZmbm4vc3FxMnjwZX375peCEpuXUqVO6toi2bdsiMDAQYWFh6N69OwDg448/xooVK3D9+nXBSYmMD4sLREREzayqqgrHjh1DSkoKUlNTcfz4cXTt2hXe3t7w9vaGj48PHB0dRcc0Ca+//rre1/fu3cMPP/yAs2fPIigoCP/6178EJTM99c2/sLKygqurK2bPni2Z9o7ExEQkJiYiLy8PANCjRw9Mnz4dL774ouBkpqV///7IycnB6NGjMXPmTAQEBMDMzEzvNTdv3oSdnR1qamoEpWycP4ZSTp06FRYWFqLjEDUKiwtERETNyNfXF8ePH4ezszN8fHzg5eUFHx8frp80MEuWLEFZWRlWrVolOgoRPably5dDpVIZxSybqKgobN++HZWVlXjhhRcQGhqKoUOHio5F1CAWF4iIiJpR69atYW9vjwkTJmDEiBHw8fFBx44dRceiB+Tn52PIkCEckkaN9igbIKysrJoxCRmr6upq7N27F1u2bME333yD7t27Q6VSYcaMGXjyySdFxyOqhcUFIiKiZlReXo7vv/8eqampSElJwQ8//ICePXvCx8dHV2ywtbUVHdPkbdu2DQsXLsTVq1dFRyGJkMvljR64x5kqzae+2R11WbNmTTMmaV43btzAZ599hujoaGg0GowZMwYRERHw9fUVHY1Ih9siiIiImlH79u3h5+cHPz8/AMCdO3egVquRkpKClStX4uWXX0aPHj1w9uxZwUlNw6RJk/S+1mq1uHbtGjIyMvDOO+8ISkVS9OetHYWFhVi0aBGCg4MxbNgwAMDRo0exZcsWvP/++6IimoT6VrM+SMqbF06cOIFNmzYhMTERdnZ2CA4OxpUrVzB27FiEh4eznYsMBm8uEBERtaCamhqcPHkSKSkpSElJgVqtxt27d/nJZgsJCQnR+1oul8PW1ha+vr4YPXq0oFQkdc888wzCwsIwffp0vfPt27fjs88+Q2pqqphgJFk3btzAtm3bsGnTJvz0008ICAhAWFgYnnvuOV2hRK1Ww8/PD2VlZYLTEt3H4gIREVEzqqmpQUZGhq4tIj09HeXl5ejSpQtGjhyp+6VUKkVHJaLH1K5dO2RlZaFHjx5653l5eXB3d0dFRYWgZCRVbdq0gYuLC1QqFYKDg+tsnystLcX48eP1btEQicTiAhERUTOysrJCeXk5OnfurCskjBgxAi4uLqKjmbSMjAycP38eANCnTx8MGjRIcCKSMldXV4wfPx4rV67UO3/zzTexZ88e5ObmCkpmWiZOnFhn+4NMJoO5uTm6d++Ol156Ca6urgLSPZrvv/8eXl5eomMQPRIWF4iIiJrRp59+ipEjR6Jnz56ioxCAy5cvY/r06UhPT4e1tTUAoKSkBMOHD0diYiKeeuopsQFJkpKSkjB58mR0794dTz/9NID7ffI//fQTdu7ciTFjxghOaBqCg4Px9ddfw9raWlcwzMzMRElJCUaPHo2srCwUFhYiOTkZnp6egtM+msOHD6O8vBzDhg1Dhw4dRMchqhOLC0RERGQy/Pz8UFJSgi1btug+vczNzUVISAisrKzw7bffCk5IUnX58mX8+9//Rk5ODgCgd+/emDVrFrp27So4melYtGgRSktLERsbC7lcDuB+a1pkZCQsLS0RHR2NWbNm4dy5c1Cr1YLT1u2DDz5AWVkZli9fDuD+0Nnnn38eBw4cAADY2dkhOTkZffv2FRmTqE4sLhAREZHJsLCwwJEjR+Dh4aF3furUKXh5ebE3nkjCbG1tkZ6eXuumWF5eHoYPH46bN2/izJkz8PLyQklJiZiQDzFw4EAsXLgQ06ZNAwD85z//QVBQEA4ePIjevXsjMDAQ7dq1w5dffik4KVFtXEVJREREJqNr1664d+9erXONRgMHBwcBichYlJSUIC4uTjfLo2/fvlCpVFAoFIKTmY7q6mrk5OTUKi7k5OToNvKYm5sb9FrKgoICuLm56b5OSkrClClTdG0cb7/9NqZOnSoqHlGD5KIDEBEREbWUDz/8EHPnzkVGRobuLCMjA5GRkdwVT48tIyMDLi4uWLt2LYqLi1FcXIw1a9bAxcUFmZmZouOZjBkzZiA0NBRr166FWq2GWq3G2rVrERoaisDAQAD3ZxcYcktBdXU12rZtq/v66NGjGD58uO5rBwcH3Lx5U0Q0oodiWwQREREZtQ4dOuh9UlleXo7q6mq0anX/Aucfv2/fvj2Ki4tFxSQJ8/LyQvfu3bFx40a9/67CwsJw4cIFpKWlCU5oGjQaDWJiYhAbG4vr168DAJ588knMnTsXCxcuhJmZGYqKiiCXyw12eKu7uzuioqIQHByMoqIiODk54ezZs+jTpw8A4MiRI3jhhRdw+fJlwUmJamNxgYiIiIzali1bGv3aoKCgZkxCxsrCwgKnT59Gr1699M5//PFHDB48mLM8BCgtLQVwfx2wlGzcuBGvv/46pk2bhmPHjsHa2hrp6em65ytWrMDx48exb98+gSmJ6saZC0RERGTUWDCg5mZlZYWioqJaxYVLly7B0tJSUCrTJrWiwh9mzpwJMzMz7Nu3D97e3li8eLHe86tXryIkJERQOqKG8eYCERERGbU/PsFsDKm+ISGxIiIisHv3bqxatUrXH5+eno433ngDkydPxkcffSQ2oBEbOHAgkpOT0aFDB3h4eDQ4rJHzL4iaF28uEBERkVGztrZ+6HR4rVYLmUymmyhP9ChWrVoFmUyGwMBAVFdXAwBat26N2bNnIyYmRnA64zZ+/HjdAMQJEyaIDfMXSkpKgpmZGZ577jm98wMHDkCj0eD5558XlIyofry5QEREREbt8OHDjXrdmTNnMGfOnGZOQ8asoqICP//8MwDAxcUF7dq1E5zIdGg0GqSnp8PNzQ3W1tai4zSZm5sbYmJiMGbMGL3zb7/9FgsXLkRWVpagZET1Y3GBiIiITNadO3eQkJCAzz//HKdOneLNBWqyP6b4G+o2AmNmbm6O8+fPw9nZWXSUJrOwsMD58+fh5OSkd15YWIi+ffuivLxcTDCiBshFByAiIiJqaWlpaQgKCoK9vT1WrVoFX19fHDt2THQskqiamhosW7YMCoUCSqUSSqUS1tbWWL58OWpqakTHMxn9+vXDhQsXRMf4SygUijr/LPn5+Wjfvr2AREQPx5kLREREZBJ++eUXbN68GXFxcSgtLcULL7yAyspKfP3117od8kSP43/+538QFxeHmJgYeHp6AgDUajWWLFmCu3fvIjo6WnBC07BixQosWLAAy5cvx6BBg2q9CZfSwNbx48cjKioKu3fvhouLC4D7hYX58+dj3LhxgtMR1Y1tEURERGT0AgICkJaWBn9/f7z88svw8/ODmZkZWrdujaysLBYXqEkcHBywYcOGWm/69uzZg/DwcFy5ckVQMtOwbNkyzJ8/X2/t55+HuEpxYOvt27fh5+eHjIwMXYvN5cuX4eXlhV27dhnFXAkyPiwuEBERkdFr1aoVIiIiMHv2bPTo0UN3zuIC/RXMzc2RnZ2Nnj176p3n5ubC3d0dv//+u6BkpsHMzAzXrl3D+fPnG3ydj49PCyX6a2i1Whw8eBBZWVmwsLCAm5sbvL29RcciqhfbIoiIiMjoqdVqxMXFYdCgQejduzdmzJiBF198UXQsMhIDBgxAbGws1q1bp3ceGxuLAQMGCEplOv74rFRqxYOHkclkGD16NEaPHi06ClGj8OYCERERmYzy8nLs2LED8fHxOHHiBDQaDdasWQOVSqV3pZroURw+fBj+/v5wdHTEsGHDAABHjx7FpUuXkJSUBC8vL8EJjZtcLsf169dha2srOkqTrFu3Dq+++irMzc1rFaoeFBER0UKpiBqPxQUiIiIySbm5uYiLi8O2bdtQUlKCUaNGYe/evaJjkURdvXoVn3zyCXJycgAAvXv3Rnh4OBwcHAQnM35yuRwKhUJvzkJdiouLWyjR43F2dkZGRgY6duzY4DpNmUxmNFsxyLiwuEBEREQmTaPRYN++fYiPj2dxgUiC5HI5PvroIygUigZfFxQU1EKJiEwTiwtERERERI8oOzu70a91c3NrxiQkl8vxyy+/wM7OTnQUIpPGgY5ERERERI/I3d0dMpkMD/ucTmorEKXoYe0QUjFv3rxGv3bNmjXNmITo8bC4QERERET0iAoKCkRHoP9jLBexT58+3ajXGUsxhYwP2yKIiIiIiJrg1q1b6NixIwDg0qVL2LhxI37//XeMGzeOmyKIyGSwuEBERERE9BjOnDmDgIAAXLp0CT169EBiYiL8/PxQXl4OuVyO8vJyfPXVV5gwYYLoqCRhly9fBgA89dRTgpMQNUwuOgARERERkRS9+eab6N+/P9LS0jBixAiMHTsW/v7+uH37Nn777Tf84x//QExMjOiYJEE1NTVYtmwZFAoFlEollEolrK2tsXz5ctTU1IiOR1Qn3lwgIiIiInoMnTp1wqFDh+Dm5oaysjJYWVnh5MmTGDRoEAAgJycHQ4cORUlJidigJDlvvfUW4uLisHTpUnh6egIA1Go1lixZgpkzZyI6OlpwQqLaWFwgIiIiInoMD65AtLS0RFZWFrp16wYAuH79OhwcHLgtgh6Zg4MDNmzYgHHjxumd79mzB+Hh4bhy5YqgZET1Y1sEEREREdFjenByPyf501+huLgYvXr1qnXeq1cvFBcXC0hE9HBcRUlERERE9JiCg4PRtm1bAMDdu3cxa9YstG/fHgBQWVkpMhpJ2IABAxAbG4t169bpncfGxmLAgAGCUhE1jG0RRERERESPISQkpFGv27RpUzMnIWNz+PBh+Pv7w9HREcOGDQMAHD16FJcuXUJSUhJXnJJBYnGBiIiIiIjIwFy9ehWffPIJcnJyAAC9e/dGeHg4HBwcBCcjqhuLC0RERERERETUJJy5QEREREREZGB+++03xMXF4fz58wCAPn36ICQkBDY2NoKTEdWNNxeIiIiIiIgMSFpaGgICAqBQKDB48GAAwKlTp1BSUoJ9+/bB29tbcEKi2lhcICIiIiIiMiD9+/fHsGHDsH79epiZmQEANBoNwsPDceTIEZw5c0ZwQqLaWFwgIiIiIiIyIBYWFvjhhx/g6uqqd56bmwt3d3f8/vvvgpIR1U8uOgARERERERH9v4EDB+pmLfzZ+fPnMWDAAAGJiB6OAx2JiIiIiIgEy87O1v0+IiICkZGRyM/Px9ChQwEAx44dwyeffIKYmBhREYkaxLYIIiIiIiIiweRyOWQyGR729kwmk0Gj0bRQKqLG480FIiIiIiIiwQoKCkRHIGoS3lwgIiIiIiIioibhzQUiIiIiIiID9OOPP6KoqAhVVVV65+PGjROUiKh+LC4QEREREREZkAsXLmDixIk4c+aM3hwGmUwGAJy5QAaJqyiJiIiIiIgMSGRkJJydnXHjxg20a9cO586dQ1paGgYPHozU1FTR8YjqxJkLREREREREBqRTp044dOgQ3NzcoFAocOLECbi6uuLQoUOYP38+Tp8+LToiUS28uUBERERERGRANBoNLC0tAdwvNFy9ehUAoFQqkZubKzIaUb04c4GIiIiIiMiA9OvXD1lZWXB2dsbTTz+NlStXok2bNvjss8/QrVs30fGI6sS2CCIiIiIiIgOyf/9+lJeXY9KkScjPz8fYsWORl5eHjh07IjExEc8884zoiES1sLhARERERERk4IqLi9GhQwfdxggiQ8OZC0RERERERAZEpVLhzp07emc2NjaoqKiASqUSlIqoYby5QEREREREZEDMzMxw7do12NnZ6Z3fvHkTnTt3RnV1taBkRPXjQEciIiIiIiIDUFpaCq1WC61Wizt37sDc3Fz3TKPRICkpqVbBgchQsLhARERERERkAKytrSGTySCTydCzZ89az2UyGZYuXSogGdHDsS2CiIiIiIjIABw+fBharRa+vr7YuXMnbGxsdM/atGkDpVIJBwcHgQmJ6sfiAhERERERkQG5ePEiHB0duRmCJIXbIoiIiIiIiAyIUqmEWq3GK6+8guHDh+PKlSsAgG3btkGtVgtOR1Q3FheIiIiIiIgMyM6dO/Hcc8/BwsICmZmZqKysBADcvn0b7733nuB0RHVjcYGIiIiIiMiArFixAhs2bMDGjRvRunVr3bmnpycyMzMFJiOqH4sLREREREREBiQ3Nxfe3t61zhUKBUpKSlo+EFEjsLhARERERERkQDp37oz8/Pxa52q1Gt26dROQiOjhWFwgIiIiIiIyIDNnzkRkZCSOHz8OmUyGq1ev4osvvsCCBQswe/Zs0fGI6tRKdAAiIiIiIiL6f4sWLUJNTQ2eeeYZVFRUwNvbG23btsWCBQswd+5c0fGI6iTTarVa0SGIiIiIiIhIX1VVFfLz81FWVoY+ffrgiSeeEB2JqF68uUBERERERGQAVCpVo14XHx/fzEmIHh1vLhARERERERkAuVwOpVIJDw8PNPQ2bffu3S2YiqhxeHOBiIiIiIjIAMyePRsJCQkoKChASEgIXnnlFdjY2IiORdQovLlARERERERkICorK7Fr1y7Ex8fjyJEj8Pf3R2hoKEaPHg2ZTCY6HlG9WFwgIiIiIiIyQBcvXsTmzZuxdetWVFdX49y5cxzqSAZLLjoAERERERER1SaXyyGTyaDVaqHRaETHIWoQiwtEREREREQGorKyEgkJCRg1ahR69uyJM2fOIDY2FkVFRby1QAaNAx2JiIiIiIgMQHh4OBITE9G1a1eoVCokJCSgU6dOomMRNQpnLhARERERERkAuVwOR0dHeHh4NDi8cdeuXS2YiqhxeHOBiIiIiIjIAAQGBnIjBEkWby4QERERERERUZNwoCMRERERERERNQmLC0RERERERETUJCwuEBEREREREVGTsLhARERERERERE3C4gIRERERERERNQmLC0RERERERETUJCwuEBEREREREVGTsLhARERERERERE3yv6xpSihBVeirAAAAAElFTkSuQmCC", "text/plain": [ "
" ] @@ -2500,12 +2615,12 @@ }, { "cell_type": "code", - "execution_count": 44, + "execution_count": 10, "metadata": {}, "outputs": [ { "data": { - "image/png": "iVBORw0KGgoAAAANSUhEUgAABBcAAARaCAYAAAAXepqDAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8pXeV/AAAACXBIWXMAAA9hAAAPYQGoP6dpAAEAAElEQVR4nOzdd3hTVR8H8G+S7r0XnVDoYrTssveUPVX2EARUFBQRZfiqiIKiqCgyCoiKQEFGAdmzZZdCKasU6KJ7pLtp8v4RmjYlKWgSO/x+nifP09yee3N+OeMm5557IpDJZDIQEREREREREf1DwprOABERERERERHVbRxcICIiIiIiIiKNcHCBiIiIiIiIiDTCwQUiIiIiIiIi0ggHF4iIiIiIiIhIIxxcICIiIiIiIiKNcHCBiIiIiIiIiDTCwQUiIiIiIiIi0ggHF4iIiIiIiIhIIxxcICIiqqW6deuGbt26/aN9BQIBli5dqngeEhICgUCAhw8faiVvtcnSpUshEAi0esyTJ09CIBDg5MmTWj0uERFRfcXBBSIiIlR8+b58+bLS9pycHLRt2xZGRkY4dOhQDeXu3xcZGYlx48bBzc0NhoaGsLGxQa9evbBp0yaUlZXVdPa05ocffkBISEhNZ4OIiKjO06vpDBAREdVWubm56NOnD6KiorB7927069evprP0r1i/fj1mzpwJR0dHjB8/Ho0bN4ZYLMaxY8cwdepUJCcn44MPPqjpbGrFDz/8ADs7O0yaNElpe5cuXVBYWAgDA4OayRgREVEdw8EFIiIiFcRiMfr27YvIyEiEhoaif//+NZ2lf0VERARmzpyJ4OBghIWFwdzcXPG/uXPn4vLly7h586bGryOVSlFSUgIjI6Nn/pefnw9TU1ONX0MTQqFQZd6IiIhINd4WQUREVEVeXh769euHq1evYteuXRg4cKDS/xMTEzFlyhQ4OjrC0NAQAQEB2Lhxo1Ka8nv2//jjD3z66adwdXWFkZERevbsifv37z/zmuvWrUOjRo1gbGyMtm3b4syZM8+kKSkpweLFi9GqVStYWlrC1NQUnTt3xokTJ7QW+7JlyyAQCLBt2zalgYVyrVu3VrrKn5+fj3nz5ilun/Dx8cHKlSshk8mU9hMIBJgzZw62bduGgIAAGBoa4tChQ4rbUU6dOoVZs2bBwcEBrq6uiv0OHjyIzp07w9TUFObm5hg4cCCio6OfG8emTZvQo0cPODg4wNDQEP7+/li7dq1SGk9PT0RHR+PUqVMQCAQQCASKNS7UrbmwY8cOtGrVCsbGxrCzs8O4ceOQmJiolGbSpEkwMzNDYmIihg4dCjMzM9jb22P+/Pn16pYSIiKiyjhzgYiIqJL8/Hz0798fly5dws6dO/HSSy8p/T8lJQXt27dXfFm2t7fHwYMHMXXqVOTm5mLu3LlK6T///HMIhULMnz8fOTk5+OKLL/Dqq6/iwoULijQbNmzAjBkz0KFDB8ydOxcPHjzA4MGDYWNjAzc3N0W63NxcrF+/Hi+//DKmT58OsViMDRs2oG/fvrh48SICAwM1ir2goADHjh1Dly5d4O7u/tz0MpkMgwcPxokTJzB16lQEBgbi8OHDePfdd5GYmIivv/5aKf3x48fxxx9/YM6cObCzs4OnpyciIyMBALNmzYK9vT0WL16M/Px8AMDWrVsxceJE9O3bFytWrEBBQQHWrl2LTp064dq1a/D09FSbt7Vr1yIgIACDBw+Gnp4e9u3bh1mzZkEqlWL27NkAgNWrV+ONN96AmZkZFi1aBABwdHRUe8yQkBBMnjwZbdq0wfLly5GSkoJvvvkG586dw7Vr12BlZaVIW1ZWhr59+6Jdu3ZYuXIljh49ilWrVqFRo0Z4/fXXn/veEhER1TkyIiIikm3atEkGQObh4SHT19eX7dmzR2W6qVOnypydnWXp6elK28eOHSuztLSUFRQUyGQymezEiRMyADI/Pz9ZcXGxIt0333wjAyC7ceOGTCaTyUpKSmQODg6ywMBApXTr1q2TAZB17dpVsU0ikSilkclksqysLJmjo6NsypQpStsByJYsWfJMfHFxcWrfg+vXr8sAyN566y21aSrbs2ePDIDsk08+Udo+cuRImUAgkN2/f18pP0KhUBYdHa2UtjxfnTp1kkkkEsV2sVgss7Kykk2fPl0p/ZMnT2SWlpZK25csWSKr+pGmvBwq69u3r6xhw4ZK2wICApTe43Ll5XfixAmZTFZRTk2bNpUVFhYq0u3fv18GQLZ48WLFtokTJ8oAyD7++GOlYwYFBclatWr1zGsRERHVB7wtgoiIqJKUlBQYGRkpzRgoJ5PJsGvXLgwaNAgymQzp6emKR9++fZGTk4OrV68q7TN58mSlRQE7d+4MAHjw4AEA4PLly0hNTcXMmTOV0k2aNAmWlpZKxxKJRIo0UqkUmZmZkEgkaN269TOv+0/k5uYCgMrbIVQJCwuDSCTCm2++qbR93rx5kMlkOHjwoNL2rl27wt/fX+Wxpk+fDpFIpHh+5MgRZGdn4+WXX1Z6n0UiEdq1a/fcW0GMjY0Vf+fk5CA9PR1du3bFgwcPkJOT80LxVVZeTrNmzVJai2HgwIHw9fXFgQMHntln5syZSs87d+6sKHciIqL6hrdFEBERVfLTTz/hnXfeQb9+/XDmzBn4+Pgo/peWlobs7GysW7cO69atU7l/amqq0vOqtxdYW1sDALKysgAAjx49AgA0btxYKZ2+vj4aNmz4zPE3b96MVatW4fbt2ygtLVVs9/LyetEQ1bKwsAAgX8zyRTx69AguLi7PDEb4+fkp/l9ZdXms+r979+4BAHr06FFtXtU5d+4clixZgvDwcBQUFCj9Lycn55mBm+cpj6VyfSjn6+uLs2fPKm0zMjKCvb290jZra2tFuRMREdU3HFwgIiKqxN/fH2FhYejZsyd69+6Nc+fOKWYxSKVSAMC4ceMwceJElfs3b95c6Xnlq/GVyaosePgifvnlF0yaNAlDhw7Fu+++CwcHB4hEIixfvhyxsbF/+3hVeXt7Q09PDzdu3ND4WKpUnk3wvP+Vv9dbt26Fk5PTM+n19NR/hImNjUXPnj3h6+uLr776Cm5ubjAwMEBYWBi+/vprxbF1SV25ExER1VccXCAiIqqibdu22LNnDwYOHIjevXvjzJkzsLe3h729PczNzVFWVoZevXpp5bU8PDwAyK/UV75KX1pairi4OLRo0UKxbefOnWjYsCFCQ0MhEAgU25csWaKVvJiYmKBHjx44fvw44uPjVd4aUjXvR48ehVgsVpq9cPv2baXY/olGjRoBABwcHP72e71v3z4UFxdj7969SjNHVN1KUfl9rE55LHfu3HlmNsWdO3c0ipWIiKg+4JoLREREKvTs2RO//fYb7t+/j379+iE3NxcikQgjRozArl27cPPmzWf2SUtL+9uv07p1a9jb2+PHH39ESUmJYntISAiys7OV0pZfDa886+HChQsIDw//26+rzpIlSyCTyTB+/Hjk5eU98/8rV65g8+bNAIABAwagrKwM3333nVKar7/+GgKBAP379//H+ejbty8sLCzw2WefKd3+Ua6691rV+5STk4NNmzY9k9bU1PSZ91mV1q1bw8HBAT/++COKi4sV2w8ePIiYmJhnfq6UiIjov4YzF4iIiNQYNmwYfv75Z0yZMgWDBw/GoUOH8Pnnn+PEiRNo164dpk+fDn9/f2RmZuLq1as4evQoMjMz/9Zr6Ovr45NPPsGMGTPQo0cPjBkzBnFxcdi0adMzay689NJLCA0NxbBhwzBw4EDExcXhxx9/hL+/v8qBgH+iQ4cO+P777zFr1iz4+vpi/PjxaNy4McRiMU6ePIm9e/fik08+AQAMGjQI3bt3x6JFi/Dw4UO0aNECf/31F/7880/MnTtXMfvgn7CwsMDatWsxfvx4tGzZEmPHjoW9vT0eP36MAwcOoGPHjs8MapTr06cPDAwMMGjQIMyYMQN5eXn4+eef4eDggOTkZKW0rVq1wtq1a/HJJ5/A29sbDg4OKtd50NfXx4oVKzB58mR07doVL7/8suKnKD09PfH222//41iJiIjqAw4uEBERVWPy5MnIzMzE/PnzMWrUKOzevRsXL17Exx9/jNDQUPzwww+wtbVFQEAAVqxY8Y9e47XXXkNZWRm+/PJLvPvuu2jWrBn27t2Ljz76SCndpEmT8OTJE/z00084fPgw/P398csvv2DHjh04efKkFqKVmzFjBtq0aYNVq1Zhy5YtSEtLg5mZGVq2bIlNmzZh3LhxAAChUIi9e/di8eLF2L59OzZt2gRPT098+eWXmDdvnsb5eOWVV+Di4oLPP/8cX375JYqLi9GgQQN07twZkydPVrufj48Pdu7ciQ8//BDz58+Hk5MTXn/9ddjb22PKlClKaRcvXoxHjx7hiy++gFgsRteuXdUuIjlp0iSYmJjg888/x4IFC2Bqaophw4ZhxYoVsLKy0jheIiKiukwg+ycrShERERERERERPcU1F4iIiIiIiIhIIxxcICIiIiIiIiKNcHCBiIiIiIiIiDTCwQUiIiIiIiKiWuz06dMYNGgQXFxcIBAIsGfPnufuc/LkSbRs2RKGhobw9vZGSEiITvPIwQUiIiIiIiKiWiw/Px8tWrTA999//0Lp4+LiMHDgQHTv3h2RkZGYO3cupk2bhsOHD+ssj/y1CCIiIiIiIqI6QiAQYPfu3Rg6dKjaNAsWLMCBAwdw8+ZNxbaxY8ciOzsbhw4d0km+OHOBiIiIiIiI6F9UXFyM3NxcpUdxcbHWjh8eHo5evXopbevbty/Cw8O19hpV6ensyETVOKDvU9NZ0Nj90Ns1nQWtKC2tH5OXikvqfhxmphzvrS0kZTWdA+0Q1ZMqVSat6Rxorqys7vdRAGBiLKjpLGisuKSmc6AdpvWgLACgqLjutw1B/SgKvDWobgZSV79XXFr0MpYtW6a0bcmSJVi6dKlWjv/kyRM4OjoqbXN0dERubi4KCwthbGysldepjIMLRERERERERP+ihQsX4p133lHaZmhoWEO50Q4OLhARERERERH9iwwNDXU6mODk5ISUlBSlbSkpKbCwsNDJrAWAay4QERERERER1SvBwcE4duyY0rYjR44gODhYZ6/JmQtERERERERUJwn06+ZaEX9XXl4e7t+/r3geFxeHyMhI2NjYwN3dHQsXLkRiYiK2bNkCAJg5cya+++47vPfee5gyZQqOHz+OP/74AwcOHNBZHjlzgYiIiIiIiKgWu3z5MoKCghAUFAQAeOeddxAUFITFixcDAJKTk/H48WNFei8vLxw4cABHjhxBixYtsGrVKqxfvx59+/bVWR45c4GIiIiIiIioFuvWrRtkMvW/rhISEqJyn2vXrukwV8o4uEBERERERER1klDvv3FbRF3A2yKIiIiIiIiISCMcXCAiIiIiIiIijXBwgYiIiIiIiIg0wjUXiIiIiIiIqE4S6PN6eW3BkiAiIiIiIiIijXBwgYiIiIiIiIg0wsEFIiIiIiIiItII11wgIiIiIiKiOkmoJ6jpLNBTnLlARERERERERBrh4AIRERERERERaYS3RRAREREREVGdJNDnbRG1BWcuEBEREREREZFGOLhARERERERERBrh4AIRERERERERaYRrLhAREREREVGdxJ+irD04c4GIiIiIiIiINMLBBSIiIiIiIiLSCG+LoFrPplNrNJw3FZYtm8LIxQGXR8xCyt5j1e/TpS38V74PM//GKIpPxv3la5GwZbdSGo/XX0HDd6bC0MkeuVG3ET33f8i5dEOXoeDGuW2IPLkBBeJ02Dr7ovOwD+Ho3lxt+vvXD+HioW8gzkqEpZ0HggfOh4dfV8X/Y2/8hejw35GWEI3ighyMfns37Br46TQGAJDJZLhydA1uX9qBkkIxHD2C0GnoEljaeVa7X3T4NkSd3ojCvHTYOPmiw+BFcHCriD/m4h+IjdyP9KRbKC3Ox4TFF2BobKGzOLo0FSCokQCG+kBCOnDwshRZedXv08pbgPZ+ApgZASnZwF9XpEjKVJ12bBchGrkIsONMGe4maj379aY+1Zc4ZDIZrhxZg5iLO1BSmAsnz5boNOwF2sX5bbh+egMKxemwcfZFxyEfKreLC9txP3I/0hPl7WLi0os6axc3z21D5KmKsug0tPqyiL1+CBcPV5RF+wHKZSGTyXDprzWIubADxU/fky7Dl8DK3lMn+a/8unW9LMrjuHp0De5cruhrOwx5fhy3wrfhxpmKvjZ40CLYP42juCAbV49+h8T755CXnQwjUxt4+PdEq95vwsDIXOsxRJ3dhqvH5XXKzsUXXYZ/CCcP9XXqXuQhRBz8BuLMRFjZe6DDS/Ph6S+vU2VlpYgI+waPYk4hJyMBhkZmcG3SAR1eegdmlo5az3tl9aFORZ7ehivHNyA/Nw32DXzRfeRH1ZbF3WsHcf7AN8jNTISVvSc6D54Pr4CK9h0etgZ3rh6AOPsJRCJ9OLgFoONLb8PZs4VO8l+uPvRT9eW8R1QVZy5QrScyNUFu1B3cfHPZC6U39nRFm70/IePkBZxtPQRxazaj2U+fwK53J0Ua51H94fflQtz75HucbTsM4qjbaHdgAwzsbXQVBu5FhuHc3s/RuvdsjJobCjsXH+z/eRoKxBkq0yc/vIoj2+bBr+1IjHp7N7ya9sLBkDnISL6rSCMpKYSzZysED5yvs3yrcv30ekSf/wWdhi7FkFnboW9ggoMbp0NSWqx2n9ioMEQcWIGWPWdj2JxdsHX2wcGN01GYVxG/pKQQrk06I7DbDJ3HEOwrQJsmAhy8LEXIESlKJcDL3YQQVdMr+rkJ0CtIgDM3ZdhwWIrUbBnGdhPCxPDZtG2bCCDTXfbrTX2qL3EAwPVT63Hz3FZ0HrYUQ+f8AT0DY4RtmFZ9u7gehvD9n6NVz9kY/mYobJ19ELZhWpV2UQS3Jp0R1F237eJ+ZBjO7ZOXxci5obB18cH+9dNQkKe6LJ48vIojv86Db9uRGDV3N7wCeuHQ5jnIeFJRFpEn1+PG2a3oMnwpRrzxB/QNjLF/ffXviTbU9bIoF3V6PW6F/4KOQ5Zi8OvboWdggsObqu9rH0SF4ULYCgT1nI0hs3fBxtkHhzZV9LX5uakoEKeibf/3MPytvegy8jMk3D2DM7s+1Hr+714Lw5k9n6Nt39kYO0/evvf+VE37jruKw1vnIaDdSIydvxsNm/bCgY0V7VtSUoS0hFto03sWxs7bhQGT1yA7NQ4H1s/Set6rqut16s7VMJzevRzt+83Gq+/uhl0DX4T+MFVtWSQ9uIqwzfPQNHgkXn1vD7yb98Te9bORnlTRvq0dPNF91GKMf38fRs/9FZY2DRD6wxQUiNWMuGtBfein6tN5r7YQ6Avq5KM+4uBCPbNz5040a9YMxsbGsLW1Ra9evZCfnw8AWL9+Pfz8/GBkZARfX1/88MMPSvtevHgRQUFBMDIyQuvWrbF7924IBAJERkYCAE6ePAmBQIBjx46hdevWMDExQYcOHXDnzh2dxpR2+DTuLlmNlD+PvlB6j9fGojAuATHvrUDe7Qd49MM2PNl1GF5vTVKk8Zo7GfEb/kDC5lDkxcTixqwlKCsogtukETqKArh+KgT+7UbBr+0I2Dh5o+uIZdDTN8LtS7tUpo86sxXuPp0Q1H0qbBwboV2/t2DfwB83zm1TpPFpNQRt+syGa+NgneW7KplMhpvntiCo+0x4+veErbMPuo3+HAXiVDy6pb6MbpzZDN82o+DTejisHb3RaehS6BkY4c7lUEWaZp0mIrDbdDi46/aqBwC09RHgbLQMdxOB1Bxg7wUpzI0BH1f1nX07XwEiY2WIipMhPRcIuySDRAK0aKi8j6OVPO3+i1Kd5b++1Kf6EodMJsONs1sQ1GMmPAPk7aL76BUoyE3Fw2j17SLqTAh8246CT5sRsHb0Rudh8vjvVIq/WeeJCOz+ms7bxfXT8rLwbTMCNo7e6Dp8GfT1jXD7opqyOPu0LLpNhbVjI7Tt9xbsGvjj5tOykMlkiDqzBa16zoRX056wdfFBj7Hy9ySumvdEU/WhLMrjiD6/BYHdZ8LDvydsnH3QddTz+9qbZzfDp80oNGkl72s7DpH3tXevyPtaG6cm6Pnqt3D36w4LW3e4NGqP1n3m4vHtE5CWSbQaQ+TJEAQEj4J/O3n77j5qGfQMjHDrguo6FXl6Kzx8O6FlD3n7bj/gLdi7+iPqjLxOGRqbY+jrG9E4qD+sHRrCyTMQXUd8hNSEaIizkrSa98rqQ526emITmnYYjYD2I2Dr7I1eo+VlcTNCdVlcO7UFnn6d0brnNNg6NUKHgXPh4OqPyDO/KNL4th4ED58OsLJzg51zY3QZthAlRXlIT9Ld58L60E/Vl/MekSocXKhHkpOT8fLLL2PKlCmIiYnByZMnMXz4cMhkMmzbtg2LFy/Gp59+ipiYGHz22Wf46KOPsHnzZgBAXl4eXnrpJfj7++PKlStYunQp5s9XPfq5aNEirFq1CpcvX4aenh6mTJnyb4b5XFbtA5F+PFxpW9qRs7BuHwgAEOjrw7JlANKPna9IIJMh/fh5WLUP0kmeyiQlSEuMhmuTDoptAqEQro2D8eRRpMp9Uh5FwrVxB6Vtbj4dkaIm/b9FnJWAQnE6GnhXnMAMjMxh79YcKY+vq9ynTFKC9KRopX0EQiEaNApG6uNIXWf5GVamgJmxAA9TKuYWFJcCiRlAA1vV+wiFgLM1EJeiPB8hLkUGV9uKwQU9ETAkWIjDV6TIL9JJ9utNfaovcQCAODMBheI0NKiUNwNjczi4NVdbx8skJUhPjFaKRyAUooF3MFL+5XahKIuqeWkcrPa9TXkUqRQvALg1qSgLcWYCCsRpSsc0NDaHg3tznZZXXS+LcuV9rUujKn2ta3OkPqevdanS17o8p68tKRLDwNAMQpH27pYtk5QgNSEablXat1s17fvJw0il9ADg7tMRydXUl+JCMSAQ6PT2lLpep8okJUiJj4a7j3Je3H06IDnumsp9kh9Gwr2J8hdVD79OSI6LVPsaN85vh6GxOewb+Ggt71Vfo673U/XpvEekCtdcqEeSk5MhkUgwfPhweHh4AACaNWsGAFiyZAlWrVqF4cOHAwC8vLxw69Yt/PTTT5g4cSJ+/fVXSKVSbNiwAUZGRggICEBCQgJef/31Z17n008/Rdeu8vu83n//fQwcOBBFRUUwMjL6lyKtnqGjHYpT0pW2FaekQ9/SHEIjQ+hbW0Kop4fi1IwqaTJg6tNQJ3kqys+CTFoGEzPlb67G5nbISo1TuU+BOB0m5srpTczsUCBOV5n+31L49PWNq8ZiZodCcZrKfYoKsiGTlj27j7ktstNUx69Lpk+ratUv//lFMpgZq97HxAAQCgUq9gFsK32m7R0kQGK6TCdrLJSrL/WpvsQBAAVP6/4zsVSTt6KCLDXtwu5fbxflZVE1LyZmdsiuriyqpjeviLf8PTH+l8urrpdFuWr72ry/2dea2SJHTRxF+Vm4dmItfNqO1kKuKxSWt++q5f9327e5HQpyVZebpLQY5/evRJOggTAwMtNOxlXmq27XKfVlYYuslAcq98nPTYeJhZ3SNlNz22fifXDzBMJC3kFpaSFMLewxfNZGGJvp5hbT+tBP1afzXm3Cn6KsPTi4UI+0aNECPXv2RLNmzdC3b1/06dMHI0eOhIGBAWJjYzF16lRMnz5dkV4ikcDS0hIAEBMTg+bNmysNEAQHq55a1bx5xYIzzs7OAIDU1FS4u7urTF9cXIziYuX71kplUugLOHGmLrh/bR/O7FmqeN5v4tqay8w/FOAhwIDWFSee7ad1c7tCYxfA01GA9Yd1dzsE1Q73ru3DmdAliuf9Jv9Yg7n5b6svZXE/ch/OVepr+0zQfV9bUpSHvzbPhLWDN1r2nK3z19OmsrJSHNo8F5AB3Uct1eqx60ud+je4NW6HcQv2oDAvCzfC/8CBTXPx8rwdz3wZJqL/Bg4u1CMikQhHjhzB+fPn8ddff2HNmjVYtGgR9u3bBwD4+eef0a5du2f2+bv09fUVfwsE8i9sUqn6L1PLly/HsmXKizG+LLDBqyI7NXtopjglHYaOysc2dLRDaY4Y0qJilKRnQSqRwNDBtkoaWxQ/0c0osJGpNQRC0TMLDhWKn70yUE4+sq6cviAvHSbmunnf1HH374HhlVa2LisrAQAU5mXAxMJBsb0wLx22zqpXJjYysYJAKFJaxAoACsUZ/0o89xJlWJ9RcTtD+aKNpkZAXqWZCKZGAqRkqV6GsaAEkEplilkPFfsA+YXyvz0dBbA2A+YPVx44G9FRiPh04Jfj2hl0qMv1qbK6HIeHf3elFd/LJCVP86KiXbioaxfWatrFvx9PeVlUzUt1762Jud0zZVdQKe8m5vYA5O3ctNJ7UpCXDjs178k/UV/Kwt2vh8o4VPW1Nn+3r83LgHGVOEqK83E4ZDr0DU3Q89U1EIr0oU3G5e27anv9u+1bRXr5wMLbyM1KwrBZIVqftVBf6lQ59WWh/hxsavHsjJF8Fen1DU1gZe8BK3sPOHsFYtP/+uBm+E607aP9BSrrcj9Vri6f94heBC8d1zMCgQAdO3bEsmXLcO3aNRgYGODcuXNwcXHBgwcP4O3trfTw8vICAPj5+SEqKgpFRRXftCIiIrSSp4ULFyInJ0fpMVqou19lyI6IhG2P9krb7Hp2QFZEJABAVlqKnKvRsOtRaWaGQADb7sHIjlB976GmRHoGsG8QgMR7FWtByKRSJNyPgJNHoMp9HD0CkXBPee2I+Lvn4agmva4YGJrC0s5D8bB28IaxuR0SYyvqR0lRHtLio+CoZkEqkZ4B7FwClPaRSaVIio2Ag3ugrkNAiQTIyqt4pOcCeYUyeDpWzGYw0JOvt5CoerFmSKVAchaU9gHkzxOeDlycj5Hh50NSrD9c8QCAI9dk2HdBe7MZ6nJ9qqwux2FgaKbcLhy9YWxuj6T7FXkrKcpDanyU2jou0jOAXYMAJN5Xjj/pfgQc/4V2UTUv9g0CkFAlL4n3I9S+t44egUplBwAJ9yrKwtzGFSbm9krHLCnKQ+rjKK2WV30pCwNDU1jYeigeVk/72qSqfW1ClNrF/8r72uT71fe1JUV5OLRxKoQiffQe/wP09FX85I2GRHoGcHANQMJd5fc0/p769u3kGYj4u8+2b+dK6csHFrLTHmHY65tgbGqt9bzXlzpVOS+ObgFK761MKkX8nXA4e6lea8rZMxCP7yp/Dnx8+zycvQKrfS2ZVKoYjNG2utxPlavL5z2iF8HBhXrkwoUL+Oyzz3D58mU8fvwYoaGhSEtLg5+fH5YtW4bly5fj22+/xd27d3Hjxg1s2rQJX331FQDglVdegUAgwPTp03Hr1i2EhYVh5cqVWsmXoaEhLCwslB5/55YIkakJLFr4wqKFLwDAxMsVFi18YeQmvyXD55N30GLTCkX6R+t+h4mXG3yXvwtTn4bwmPkKnEf1R9w3IYo0cas3wW3qaDQYPxRmvg3R9Pul0DM1RvzmUOhKi66TcOvCDty+tBuZKbE4FboUkpJC+LaRr4Nx9LcFCA9bpUjfvPN4xN85i8iTG5GV+gAXD69BWkI0mnV8VZGmqCAb6YkxyEqJBQBkpcUhPTEGBbmq78fVBoFAgKYdJ+Da8R/x6NZxZD65i5M73oeJuQM8/Hsp0h1YPxnR5ytWMm7WeSLuXNqBu1f2ICs1Fmf/XIbSkkI0aTVMkaZAnIaMpBjkZjwCAGQ+uYuMpBgUFWRrPY6Ld2ToGCBAYxfA3hIY3F4IcSFwJ6Fi5sIr3YVo3bhiMOHCbRmCGgnQzFMAWwugf2sB9PWAqAfyffKLgLQc5QcA5BbIkJOv3fzXl/pUX+IQCARo1mkCrh7/EQ9vHUdm8h2c2L4AJhYO8AyoaBf7103CzfMVq6037zwJty/uwN0ru5GVEoszu5eitLQQTVoPV6QpEKchPSkGuRmPAcjbRboO2kWLLpMQc2EHbl+W5+V06FKUViqLY78tQETlsuj0tCxOycvi0l/ysmj6tCwEAgGad56AK8d+RFz0cWQk38Gx3+XviVel90Tb6kNZlMcR0GECIk/8iEcx8r72lIq+Nmz9ZNwKr+hrm3aaiDuXd+De1T3ITo3FuT+XQVJSiCYt5X1tSVEeDm2aCklpIToP/wQlxXkoEKehQJwGqbRMqzEEdpuE6IgdiLkob98ndsrbt387+Xv617YFOL+/ok4FdhmPx7fP4uqJjchMeYALh9YgNT4azTvL61RZWSkOhryF1Pib6DPuS0ilZcjPTUN+bprOvtAC9aNOtew+GTfO/4HoC7uR8SQWx/6Qt++Ap2VxaOt7OLu3oiyCuk7Ao5gzuHJ8IzJTYhEetgYp8TcR2HkcAKC0uABn932F5LhI5GYmIuXxTfy1bSHyclLQOKifVvNeWX3op+rLea82EYgEdfJRH/G2iHrEwsICp0+fxurVq5GbmwsPDw+sWrUK/fv3BwCYmJjgyy+/xLvvvgtTU1M0a9YMc+fOBQCYmZlh3759mDlzJoKCguDv748VK1ZgxAjd/TTji7Js1RTBx7Yqnvuv/AAAEL8lFFFTF8LQ2R7GTwcaAKDwYQIuDZ4B/1UL4fnGBBQlPMGNGR8i/chZRZrkHQdhYG+DJkvehKGTPXKvx+DiS9NQkqrmsrUWNA4cgKK8TFw8vAYF4jTYufjhpWk/K6a15WUlKW4zAQBnz5bo9epKXDy0GhEHv4aVnSf6T/oOts5NFGkeRh/H8e0fKJ4f+eUdAEDr3rPRtu8bOoulRZdpkJQU4szuJSgpyoWjR0v0m7xO6epXbsZjFBVkKZ43aj4ARXlZuHL0WxSI5bdQ9J+8TmlaX8yF7bh67HvF8/3rxgMAuo78TGkQQhvCb8ugrwcMaCOEkQEQnwb8fkqKskoTDKzNAONKF/Ri4uW3RXRtJpDfQpEN/H5Sinzd/BR2tepLfaovcQBAi65P28WuxSgpyoWTZyv0n/KzcrvIfIyi/ErtosUAFOZn4vJf8vhtXfwwYMrPSu3iVsTvuHq0ol3s+1H+4b7rqM/gU+lLiqa8A+V5uaSuLLKVy8LJsyV6vbISFw6vxoWDX8PSzhP9Jn4HW6eKsgjsNg2lJYU4tbPiPXlp2s86uVJeWV0vi3LNn/a15yr1tX2r9LXiKnE0bD4ARfnyvrbwaV/bd/I6xW0RGUm3kBYfBQDYsaqv0uuNfvcozK0baC3/TYIGoDAvExcOrUF+bhrsG/hh8Ixq2rdXS/QZvxIRYasRfuBrWNl7YuCUivadn5OCuJvHAQC/rxyq9FrDZm+Gq7fyrZ/aVNfrlE9LeVmEh32Lgtw02Lv6Ydjr62H6dCq+OCsZgkoXflwatkT/iStx/sBqnNv3FawcPDF42vewc5GXhUAoQlbKA+y7uBtFeVkwMrWCo3szjH5rG+ycG2st31XVh36qPp33iKoSyGQy1TcY03/ew4cP4eXlhWvXriEwMFCrxz6gr5ufKfo33Q+9XdNZ0IrS0vrRBRSX1P04zEw5may2kGj3Am6NEdWTKlVWD9ZILSur+30UAJgY1/2rbcW6m+TwrzKtB2UBAEXFdb9tCOpHUeCtQXUzkNNNdfNT8rrW5aZubseuSZy5QERERERERHWSsJ7eYlAX1ZNrGkRERERERERUUzhzgdTy9PQE75ohIiIiIiKi5+HMBSIiIiIiIiLSCGcuEBERERERUZ0kEHLNhdqCMxeIiIiIiIiISCMcXCAiIiIiIiIijXBwgYiIiIiIiIg0wjUXiIiIiIiIqE4SiHi9vLZgSRARERERERGRRji4QEREREREREQa4W0RREREREREVCcJRfwpytqCMxeIiIiIiIiISCMcXCAiIiIiIiIijXBwgYiIiIiIiIg0wjUXiIiIiIiIqE4SCLnmQm3BmQtEREREREREpBEOLhARERERERGRRnhbBBEREREREdVJ/CnK2oMzF4iIiIiIiIhIIxxcICIiIiIiIiKNcHCBiIiIiIiIiDTCNReIiIiIiIioThJwzYVagzMXiIiIiIiIiEgjHFwgIiIiIiIiIo1wcIGIiIiIiIiINMI1F6hG3A+9XdNZ0Jj3cN+azoJW1IeyAICoayk1nQWNtWrrVNNZ0ApL87p/76OrTXFNZ0ErkrMNazoLWuFqXVjTWdCYoO43CwBAqrju1ylfu/SazoJWXHjkUNNZ0Aonu5rOgeZcrQpqOgtaYlrTGfhHBEJeL68tWBJEREREREREpBEOLhARERERERGRRnhbBBEREREREdVJAmE9ue+sHuDMBSIiIiIiIiLSCAcXiIiIiIiIiEgjHFwgIiIiIiIiIo1wzQUiIiIiIiKqk4QirrlQW3DmAhERERERERFphIMLRERERERERKQR3hZBREREREREdRJ/irL24MwFIiIiIiIiItIIBxeIiIiIiIiISCMcXCAiIiIiIiIijXDNBSIiIiIiIqqTBEJeL68tWBJEREREREREpBEOLhARERERERGRRji4QEREREREREQa4ZoLREREREREVCcJhIKazgI9xZkLRERERERERKQRDi4QERERERERkUZ4WwQRERERERHVSUIRb4uoLThzgYiIiIiIiIg0wsEFIiIiIiIiItIIBxeIiIiIiIiISCNcc+E/Jjw8HJ06dUK/fv1w4MCBms7OC7txbhsiT25AgTgdts6+6DzsQzi6N1eb/v71Q7h46BuIsxJhaeeB4IHz4eHXVfH/2Bt/ITr8d6QlRKO4IAej394NuwZ+Osu/TafWaDhvKixbNoWRiwMuj5iFlL3Hqt+nS1v4r3wfZv6NURSfjPvL1yJhy26lNB6vv4KG70yFoZM9cqNuI3ru/5Bz6YbO4gDqfllUNryHGbq1NoGJkRD3HpcgZG8OUjLL1Kb38TDAgE6m8HTRh7WFCKt/zcTVmGKlNBamQozpY46m3oYwMRLizqNibN2fW+1x/6n6UhZXTmzDhSMbkJeTBgdXX/QZ+xFcvNTHEXPlIE7/+Q1yMhJh4+CJbsPnw7tZRRzLZ/io3K/78HfRvu80ree/3KlDv+Po3hDkZqejgUcTjJ6yEJ6Nm6lMmxR/Hwe2f4/HD2KQmZaEEZPeRY+B45XSfDSrHzLTkp7Zt0vfMRgzbZFOYrh8YhvCD8vLwtHNF31f/ggNqimLW5cP4tSf3yA7PRE2jp7oOUK5LEqK8nE8dBXuXDuKwvxsWNm5ok2P8WjV7WWd5L/cyYO/46+9m5GbnQFXjyYYM3UBvKopi32/r8WjB7eQmZaMUZPmo+dL45TSFBXmY+/v3yPywgmIczPh5umD0VPeg6d3U53FcOLg7zjy52bkZGfA1bMJxlYXw+P72Pv7Wjx+cAsZackYNXk+eqmI4c/fKsXg5YMxOo4BAC4c3YazBzciLycdTu6+GDhuEVwbqq5TKYn3cDx0DZIeRiM7Iwn9X34fHfpO1OiY2nJofyj2hv6G7KxMeHg1wpQZc9HYx19l2qOH9uLU8cOIf/QAANDQ2wcvT3hNKf2olzqr3Hfc5NcxZMQr2g8AwLVT23Dp6Abk56bBvoEveo7+CM6e6t+3O1cP4tx+eV9r7eCJLkPmo2HTrirTHvltMa6f3Y7uIxaiVY9JOsl/uQvHtuH8wQ3Iy0mHo7svBrz6odryT028h+O7v0Xy0zrV7+WFCO6jok79jWNqw/Gw7Ti0ZwtysjPg5tkEr0x7Dw2bqG6Lp/4KRfjJ/Uh8HAsA8Gjkh+GvzlFKfyX8GE4e3oVHsTHIz8vBkq9+g7uX6nNhfcSfoqw9OHPhP2bDhg144403cPr0aSQlPfuhtTa6FxmGc3s/R+veszFqbijsXHyw/+dpKBBnqEyf/PAqjmybB7+2IzHq7d3watoLB0PmICP5riKNpKQQzp6tEDxw/r8Sg8jUBLlRd3DzzWUvlN7Y0xVt9v6EjJMXcLb1EMSt2YxmP30Cu96dFGmcR/WH35cLce+T73G27TCIo26j3YENMLC30VUY9aIsyg3sbIre7U0RsjcHy35KR3GJDO9OtIF+NUOuhgYCPH5Sii37c9SmmfuKNextRFj9axY+WpuG9OwyLJhsAwN97Z746ktZ3LoUhmM7l6PTwNmYsmg3HF19sf3bqcjPVR1HQuxV/Ll+Hlp0HIkpH+5B48Ce2LV2NtISK+J444uzSo+BEz4DBAL4tOyrsziunDuE0M1fYsComXh/xXa4evjgu09nQpyjOo7S4iLYOrhiyKtvwcLKTmWa95b/is/WHVc83vhoHQAgKLiPTmKIvhSGI38sR+dBszHtI3lZ/LZafVnE37+K3T/PQ2CnkZi+eA98Anvij+9nI7VSWRz543PE3jyDIdO+xMyPw9C210Qc+u1/uBtZ/eCqJi6fO4ydm1fhpVEz8MEXv8HVswnWfDILuTmZKtOXFBfBzrEBhlVTFlvXLkPM9QhMfvMTfLRqB/xaBGP1xzORlZGikxgunTuMnSGrMHD0DCz68je4ejTBt/+rJoaSpzGMUx/Dlh8qYlj81Q74twjG18t0FwMA3LgQhoO/r0D3obPx+rJdcHLzweaV05Gnpk6VFhfB2t4NvUe9AzNL1XH83WNqw7nTx7B5/XcY9fIkrPhmPTy8vPHp4nnIyc5SmT76RiQ6de2FJcu/xacrf4StvQM+WTwPGelpijTrtu5Resx6630IBAK079hNJzHcvhKGk6HLETxgNsa/vxsOrr7Y+d1U5Ks5ZyQ+uIr9m+ahafBITFi4B97Ne2LPutlIS7r7TNp7kUeQFHcdZpYOOsl7ZTcvhOHw75+j25DZmLE0FE5uPti6atpz61SvUfNgZmmvlWNq6uLZw9i+6SsMHvMalqz6FW6ejfH1x7ORm626fd+JvoK2nfvh3f+twwefh8DGzhFfLZuFrIxURZri4kI09gvEyAlv6iTPRC+Kgwv/IXl5edi+fTtef/11DBw4ECEhIUr/37t3Lxo3bgwjIyN0794dmzdvhkAgQHZ2tiLN2bNn0blzZxgbG8PNzQ1vvvkm8vPzdZrv66dC4N9uFPzajoCNkze6jlgGPX0j3L60S2X6qDNb4e7TCUHdp8LGsRHa9XsL9g38cePcNkUan1ZD0KbPbLg2DtZp3sulHT6Nu0tWI+XPoy+U3uO1sSiMS0DMeyuQd/sBHv2wDU92HYbXW5MUabzmTkb8hj+QsDkUeTGxuDFrCcoKiuA2aYSOoqgfZVGub7Ap9p7Kw9XbxYhPkeCnXdmwMhehpZ+R2n2i7hVj17E8XKkyW6Gck60I3u4G2LwvF3GJpXiSXobN+3JhoCdAcHP1x/0n6ktZXDy6CS06jUbzjiNg5+KNfq8ug56BEaLOq47j8rEtaBjQGe37ToOdcyN0HTIXTu7+uHLyF0UaM0t7pcfd68fg0aQdrO3ddBbHsf1b0KHnCAR3Hwpnt0YY+9pHMDAwRvjxPSrTe3g3xfAJ89C6Y3/o6RuoTGNuaQNLazvF4+aVU7BzdENj/9Y6ieHCkU0I6jwagR1HwN7FGwPGLYO+gREiz6kui0vHtqBRQGcEPy2LbkPnwtndH5ePV5RFQuw1NO8wFJ4+7WBl54qWXcbA0dUXiXFROokBAI7u24qOvYajQ4+hcHFrhFde+xD6hkY4r6YsPL2bYsSEd9CmUz/o6es/8/+S4iJciziG4ePnorF/Kzg4u2PQmNfh4OSG03/t0FkMnXoNR8enMbw640MYGBrh/DH1MYycKI9Bv5oYRkyYiyYByjGcOqybGADg/OHNaN11FFp2Hg6HBt4YNHEp9A2McPV0qMr0rg2bod/Yd9G8/UDo6aluF3/3mNqwf8929Ow7CN17D4Sbuxdemz0fBoZGOH5E9QzQt95djL4Dh8GrYWM0cPPAzDcWQCaV4ub1K4o01ta2So9LF84ioFkQHJ1cdBLD5WOb0KzDaDQLHgE7Z2/0Hitv3zfDVbfvqye2wMu/M9r2ngZbp0boNGguHN38EXnqF6V04uwUHNvxPwyctBJC0bN1T9vO/xWCVl1GIajzCDg08MZLE+RxXDujOo4GDZuh75j30KzdQOjpqc7f3z2mpv7auw1deg9Dp55D4OLWEONnLoKBoRHOHvtTZfrX3v4UPfqPhruXD5xdvTBp1mLIZDLERF1UpOnQ7SUMHvMa/Fu000meiV4UBxf+Q/744w/4+vrCx8cH48aNw8aNGyGTyQAAcXFxGDlyJIYOHYrr169jxowZWLRIedptbGws+vXrhxEjRiAqKgrbt2/H2bNnMWfOHJ3luUxSgrTEaLg26aDYJhAK4do4GE8eRarcJ+VRJFwbd1Da5ubTESlq0tdGVu0DkX48XGlb2pGzsG4fCAAQ6OvDsmUA0o+dr0ggkyH9+HlYtQ/SSZ7qU1nYW4tgZS5CdGzFIEFhsQwPEkrg7ab6A+2L0NOTz04oLZUptslkQGkZ0MT9nx+3qvpSFmWSEjx5HA0vP+U4PH07IPHBNZX7JD6IhKev8uCHl38nJD6IVJk+PzcdsTdOoUWnkVrLd1WS0lLEP4iBb/P2im1CoRC+zdvhwd3rWnuNi2cOILjHUAgE2p/+WSYpQfIjFWXh1wGJsarLIuFBJLz8lcuiYUAnJFQqC9dGQbgbeRy5WSmQyWR4eDsCmSlxaBjQCbogKS3F4wcx8Gte8QFbKBTCr1k7PLjzzwY0pNIySKVl0Nc3VNqub2CI+zGq3xtNSEpL8Tj22Rjk9UmzGPRUxBB7W/sxAIBEUoKkh9FoWKmOCIVCNAoIRnxsZK055vOUlpbiwf27aB7YSuk1mwe2xt3b0S90jJLiYkjKJDAzN1f5/+ysTFy9FI4efV7SSp6rKpOUICU+Gh6+yu3b3bcDktT0tUlxkfDwUW7fnn6dkBQXqXguk0oRtvldtOk1FXYujXWS98okkhIkP4xGw4CKOIRCIRr6ByP+fqT6Hf/lY1b7eqWleBQbA78Wyu3bv3k7xL5gH1VcUoSyMglMzSy0nj8iTXFw4T9kw4YNGDdOfg9mv379kJOTg1OnTgEAfvrpJ/j4+ODLL7+Ej48Pxo4di0mTJintv3z5crz66quYO3cuGjdujA4dOuDbb7/Fli1bUFRUpJM8F+VnQSYtg4mZrdJ2Y3M7FOSmq9ynQJwOE3Pl9CZmdigQq05fGxk62qE4RTm/xSnp0Lc0h9DIEAZ21hDq6aE4NaNKmgwYOqmeSqqp+lQWlmbyri8nT6q0PSdfCiuzf94tJqdJkJ4twag+5jAxEkAkkt9+YWspH8zQlvpSFgV5T+Ooki9TC1vk5ajOV15uOkwt7F44/Y3w3TAwMoVPkG5uJQCAPHEWpNIymFsqx2FuaYvcbO28v9cvHUdhvhjtuw3RyvGqKi8LUwvlGMwsbJGnpk7l5aTD1PzZssivVBZ9X/4Idi7e+Pa9Llj+elP89s009HtlCTyatNF+EKgoC4uqZWH1z8vCyNgUDZs0x4Gd65CdmQppWRkunD6AB3ejtFa+lSnqk5VyDBaWtsjRJAaf5girFEPEKXkMOVm66QMKxNmQSstgZqmiTqlprzVxzOcR5+ZAKi2DpZXyLYeWVtbIznqxafO/hKyFjY0dmgWqnnV06thBGBmboF2HLhrnV5XC8vZdta81t0W+mvadn5sOkyp9rYmFcvqLR36GUKiHlt0maD/TKhQ8bRtmVfspSzu1/VRNHLM64qd12MJSuT5ZWNkgJ/vF6tPOLd/CytqesxQqEQiFdfJRH3FBx/+IO3fu4OLFi9i9W74goJ6eHsaMGYMNGzagW7duuHPnDtq0Uf6w17ZtW6Xn169fR1RUFLZtq5hGLZPJIJVKERcXBz8/1Qu/FRcXo7hYeRq5pNTgmSsoRLoS3NwIkwdbKp6v+kX1fbKaKpMC3/6WhalDrfDjIieUlckQ/aAY1+/qZvCNnu/6uV0IaDuozvc34cd3wz+oI6xsdH9PszZdOr4ViQ8iMXrOWljauuDx3cs49OsymFk5oKF/h+cfoJaY/Oan2PLDUrz/Wh8IhSK4NfRFm4798PhBTE1n7YVNefNTbP5+KRZMl8fg3tAXbTr1w+PYuhNDXbR7xy84d/oYli3/FgYGqvuh40fD0Llbb7X/r42ePL6JKye2YML7oTqZTUWqhe3ahItnD+O9/62Dfh2qL/TfwcGF/4gNGzZAIpHAxaXiXj6ZTAZDQ0N89913L3SMvLw8zJgxA2+++exiMe7u7mr3W758OZYtU17IsO/Yxej/ytLnvqaRqTUEQhEK8pRHcwvFz46olzMxt3tmUbuCvHSYmOvmir4uFKekw9BROb+GjnYozRFDWlSMkvQsSCUSGDrYVklji+Inurl6U5fL4trtYsQmVLwv+k9vX7A0EyrNXrA0FeLRE4lGr/UwSYKPfkiHsaEAeiIBxAVSLHnNFnFJpRodt7K6XBaVmZg9jaNKvvJzM9Qu5mZmYffMlTZ16ePvXUZmShyGTl+ttTyrzJO5NYRC0TOLN4pzMtQurvd3ZKQl4XZUBKa/+7XGx1KnvCyqLt6Yl5sBMzV1yszSDvniZ8vC9GlZlJYU4cTurzFq1ndo3LwbAMDR1Rcp8TGI+GuDTgYXyssit2pZZGtWFvZObpj38QYUFxWiqDAPltb2+Pmr92Dn2EDTLD9DUZ+qXMXMzcmApYYxzP+fcgzrVukmBgAwMbeCUChCXo6KOqWmfdfEMZ/H3MISQqEIOVUW28vJzoKVta2aveT2hv6GPTu3YfEnX8PDy1tlmpib15GU8Bhvv/diCz7/E8bl7btqXyvOeGYmWDlTi2dnwhXkVqRPvH8ZBXkZ+Omj7or/y6RlOBm6AldObMFr/zuu5SgAk6dto+pCi3k56Wr7qZo4ZnXMn9bhqouz5mZnwtKq+vp0aM8WhIVuwvxlP8LNs4nW80akDfVzPgYpkUgk2LJlC1atWoXIyEjF4/r163BxccFvv/0GHx8fXL58WWm/S5cuKT1v2bIlbt26BW9v72ceBgbq7ydfuHAhcnJylB69Ry18obyL9Axg3yAAifcq1h+QSaVIuB8BJ49Alfs4egQi4Z7yegXxd8/DUU362ig7IhK2PdorbbPr2QFZEZEAAFlpKXKuRsOuR6X7IQUC2HYPRnaEbu6frctlUVQiQ2pmmeKRmCpBtrgM/g0rRv2NDAVo6GqA+/ElWnnNwmIZxAVSONqI4NVAH1djtDd7oS6XRWUiPQM4uQfgYYxyHI9uh6NBQ9VrhzRoGIhHtyOUtj2MOY8GDQOfSXv93E44uQfA0c1Xq/muSk9fH24N/XDnxgXFNqlUijs3LqBhkxYaHz/ixB6YW9qgaUvVP12nDSI9Azh7BCCuSlk8jAlHg0aqy8K1YSAexiiXRVzMebg+LQtpmQTSstJnrmoKhCLFej/apqevD/eGfrh9o2KhM6lUits3LqKhj+Y/K2doZAxLa3vk5+XiVuR5tGjTTeNjVqWnrw/3Rn6IqRpD1EU0bFI3YgAAPT0DuHgG4MGtijoilUrx4FYE3BoF1ppjPo++vj4aejfBjUqLMUqlUty4fgVNfAPU7vfnzm3Y+ftmLFq2Eo0aq++Djh3Zj4bePvBsqHrwQRtEegZwdAvA4zvK7fvxnXC4qOlrXbwC8eiOcvt+dPs8XLwCAQD+bYdg4gd7MWHhHsXDzNIBbXpNxcg563USh56eAZw9A/DgVkUcUqkUcTERcPMOrDXHrPb19PXh0chPaTFGqVSKmBsX0aiaPurg7hDs37Eeby/+Dp7eqn8C9b9MIBTUyUd9xJkL/wH79+9HVlYWpk6dCktLS6X/jRgxAhs2bMAff/yBr776CgsWLMDUqVMRGRmp+DWJ8g+GCxYsQPv27TFnzhxMmzYNpqamuHXrFo4cOVLt7AdDQ0MYGipP3dLTf/EPli26TsLx39+HvWtTOLg3R9SZzZCUFMK3zXAAwNHfFsDU0gHBA+YBAJp3Ho8/f5iAyJMb4eHfDfeuHUBaQjS6jfxYccyigmzkZSUjP1f+Mz5ZaXEA5Fd3TSxU/1SRJkSmJjD1rpjdYeLlCosWvijJzEFRfDJ8PnkHRg0ccX3yAgDAo3W/w2PWq/Bd/i7iQ3bBrnt7OI/qj0uDZyiOEbd6E1psXIHsKzeRcykKnm9OhJ6pMeI3627F7PpQFuUOh+djSDczpGRKkJZVhhE9zZEtLlMaBFgwyQZXYopw9EIBAPlPUTraVKydYG+lB3enMuQXSpGRI58B0SbACOJ8KTJyyuDmqIdXB1jgSkwRbsZqZ9CiXH0pi7a9JmN/yAI4eTaFi2dzXDq2GaUlhWjeQR7Hvk3vwdzKEd2GyeNo3XMCtq0cjwtHNsK7WVfcuhSG5Ec30X/cx0rHLS7Mw+0rh9Bj5AKd5Luqni9NwJbvP4R7I394ejfD8QO/oLi4EO27DwUAbF7zAaxsHDHk1bcAyBf1Sk6Q/2Z5maQU2RmpiI+7DUMjEzg4V/QVUqkU4Sf+RLuugyES6faU3a73ZOzduADOnk3RwKs5LhyVl0WLjvKy+HPDezC3dkSP4fKyaNNzArauHI+Iv+RlEX0pDEkPb2LAeHlZGBqbwb1JWxzb+SX0DIxgaeOCx3cv4Ub4HvQe/b7O4ug1aDxCvvsIHo384endFMcPbENJcSE6dJevV7Hp2w9hZeuAYa/KZ+Epl4UE2ZnPlkV05HlAJoOjiydSnzxG6Nav4dTAS3FMncSw5iN4NvKHZ+OmOLb/aQw9KsVg44Bh456NQSKRqKxP0dfOQwYZnJ7GsGuLPIaOPXQTAwB06DsRoT8vRAOvpmjQsBnC/9qCkuJCtOw8DACwc90CWFg7os+od57mvQRpiU/LoqwUuVmpSH4UAwMjE9g6erzQMXXhpaFj8P3Xn6FRY194N/HDgT93oLioEN17DQAArFn1CWxs7fDqpJkAgD07t2H7Lxvw1ruLYe/ohKynazMYGRnD2NhEcdyCgnxEnD2JCVNn6yzv5Vr3nIyDWxbA0b0pnD2b48rxzSgtLkTT9vL2Hbb5PZhZOaLLEHn7btl9ArZ/PR6Xjm5Ew6ZdcftKGJ48voner8jbt7GZNYzNrJVeQyjSh6mFHWwcG+osjg59JmH3+vfRwLMpGjRsjvC/NqOkuBBBneRxhP68AOZWDug9Sh6HRFKCtKTKdSoFyY9jYGBYqU4955ja1mfwq9jw7RJ4NvKHV+MAHN3/K4qLCtGx52AAwPpvPoK1jQNGjH8DABAWGoI/f1uL6e98BjsHF8U6KYZGJjB6Wp/yxDnITH+C7Ez5z50+SXwIALC0soWldd2ZuUt1HwcX/gM2bNiAXr16PTOwAMgHF7744guIxWLs3LkT8+bNwzfffIPg4GAsWrQIr7/+umJgoHnz5jh16hQWLVqEzp07QyaToVGjRhgzZoxO8984cACK8jJx8fAaFIjTYOfih5em/ayYzp2XlaR0ZczZsyV6vboSFw+tRsTBr2Fl54n+k76DrXPFFLKH0cdxfPsHiudHfpF/sGndezba9n1D6zFYtmqK4GNbFc/9V8pfO35LKKKmLoShsz2M3ZwV/y98mIBLg2fAf9VCeL4xAUUJT3BjxodIP3JWkSZ5x0EY2NugyZI3Yehkj9zrMbj40jSUpL7YgkD/RH0oi3IHzuTDUF+AyYMtYWIkxL3HJVi5JROlle6KcLARwdykYoKXl4s+PphaMW3x1QHylZrPXC3Az7tzAABW5kK80t8ClqZCZOeV4VxkIfaczNN6/utLWfi3GYCCvEyc2fst8nPT4ODqh9FvrldMvc3NTIZAUFEGro1aYvC0lTj952qc2vMVrB08MeL172HfQHmK6K1LByCTyeDfVjerr1fVqmM/iHOzsH/7DxBnp6OBpw9mL1oLi6fTXLPSnyjFkZOVis/fG614fmzfZhzbtxmN/Vtj7rKNiu13bkQgKz0ZwT2G6jyGgDYDUCDOxKk/5WXh6OaHl99ar5ganFOlLNy8W2LotJU4uWc1Tuz+CjYOnhg9+3s4VCqL4a99heOhX+HP9fNRmJ8DS1sXdBv6Nlp2fVlncbTu2Bfi3Czs+30tcrPT4erpgzcW/aAoi8z0ZKUrRtlZqfj03bGK50f2bsGRvVvQ2L8V5n28AQBQWCDGnm1rkJ2RAhMzSwS174mhL8+BSM1P22mqTce+yMvJwt7yGLx88OaHVWIQKMfwyfxnY2gSoBzD7koxtGzfE0Nf0V0MANCs3QDki7NwbPe3yMtJh7O7HybMW6e4hSEnIxnCSnVKnJWGH5ZUfKE7d2gjzh3aCE+fNpi6cMsLHVMXOnbpidycbGz/ZQOyszLh2dAbiz5eCStr+aJ86WkpSnXqr7A9kEhKsWr5R0rHGfXyZIx+dUpFfKePQQYZOnbtpbO8l/NtJW/f5/Z/iwJxGuwb+GHk7Ep9bZZy+27QsCUGTl6Js/tW4+y+r2Bl74mhr30Pe5eanY7ftN0A5IszcXzPGuTlpMHJ3Q/j3/m5Up1SPveJs1Px45KKgafzhzbi/NM6Nfn9rS90TG1r20neR+35fS1yszLg5uWDtxd/p7gtIjNN+Xxx8tAOSCSlWPvFu0rHGTzmNQwZKx/Qirx0CpvWLFX876dVC59JQ/RvEMh0NTeR6rxPP/0UP/74I+Lj47V+7G/21f1q5z1ct1Ot/y33Q2/XdBa04srFJzWdBY21autU01nQCkvzuj/Vz9Wm+PmJ6oDk7Pqx4JerdWFNZ0Fj9WXNu1Rx3a9TvnZ159ejqnPhUd1a4FUdc5O6/5nQ1aqgprOgFZ38TWs6C//I7VG6+0UoXfLd8VdNZ0HrOHOBFH744Qe0adMGtra2OHfuHL788kvMmTOnprNFRERERESkUn1dv6Au4uACKdy7dw+ffPIJMjMz4e7ujnnz5mHhwhdbeJGIiIiIiIj+uzi4QApff/01vv5adz91RkRERERERPUTBxeIiIiIiIioTuJtEbWH8PlJiIiIiIiIiIjU4+ACEREREREREWmEgwtEREREREREpBGuuUBERERERER1kkDI6+W1BUuCiIiIiIiIiDTCwQUiIiIiIiIi0ggHF4iIiIiIiIhII1xzgYiIiIiIiOokoUhQ01mgpzhzgYiIiIiIiIg0wsEFIiIiIiIiItIIb4sgIiIiIiKiOkkg5G0RtQVnLhARERERERGRRji4QEREREREREQa4eACEREREREREWmEay4QERERERFRnSQQ8np5bcGSICIiIiIiIiKNcHCBiIiIiIiIiDTC2yKIiIiIiIioTuJPUdYenLlARERERERERBrh4AIRERERERERaYSDC0RERERERESkEa65QDWitFRW01nQ2P3Q2zWdBa3wHu5b01nQioz1N2o6CxozNKgf9wzmF9Z0DjSXXahf01nQiuQ0aU1nQSuyxUY1nQWNRd/MruksaMWHw2JrOgsaixTXj/Pezq2RNZ0FrZj2evOazoLGIh+a1HQWtKKTf03n4J/hmgu1B2cuEBEREREREZFGOLhARERERERERBrh4AIRERERERERaYRrLhAREREREVGdJBDyenltwZIgIiIiIiIiIo1wcIGIiIiIiIiINMLbIoiIiIiIiKhO4k9R1h6cuUBEREREREREGuHgAhERERERERFphIMLRERERERERKQRDi4QERERERFRnSQQCuvk45/4/vvv4enpCSMjI7Rr1w4XL16sNv3q1avh4+MDY2NjuLm54e2330ZRUdE/eu0XwcEFIiIiIiIiolps+/bteOedd7BkyRJcvXoVLVq0QN++fZGamqoy/a+//or3338fS5YsQUxMDDZs2IDt27fjgw8+0FkeObhAREREREREVIt99dVXmD59OiZPngx/f3/8+OOPMDExwcaNG1WmP3/+PDp27IhXXnkFnp6e6NOnD15++eXnznbQBAcXiIiIiIiIqG4SCOrko7i4GLm5uUqP4uJilSGWlJTgypUr6NWrl2KbUChEr169EB4ernKfDh064MqVK4rBhAcPHiAsLAwDBgzQfhmU50lnRyYiIiIiIiKiZyxfvhyWlpZKj+XLl6tMm56ejrKyMjg6Oiptd3R0xJMnT1Tu88orr+Djjz9Gp06doK+vj0aNGqFbt268LYKIiIiIiIiovli4cCFycnKUHgsXLtTa8U+ePInPPvsMP/zwA65evYrQ0FAcOHAA//vf/7T2GlXp6ezIRERERERERPQMQ0NDGBoavlBaOzs7iEQipKSkKG1PSUmBk5OTyn0++ugjjB8/HtOmTQMANGvWDPn5+XjttdewaNEiCP/hL1ZUhzMXiIiIiIiIqE4SCAV18vF3GBgYoFWrVjh27Jhim1QqxbFjxxAcHKxyn4KCgmcGEEQiEQBAJpP9zXf5xXDmAhEREREREVEt9s4772DixIlo3bo12rZti9WrVyM/Px+TJ08GAEyYMAENGjRQrNswaNAgfPXVVwgKCkK7du1w//59fPTRRxg0aJBikEHbOLhAREREREREVIuNGTMGaWlpWLx4MZ48eYLAwEAcOnRIscjj48ePlWYqfPjhhxAIBPjwww+RmJgIe3t7DBo0CJ9++qnO8sjBBSIiIiIiIqJabs6cOZgzZ47K/508eVLpuZ6eHpYsWYIlS5b8Czl7+pr/2isRERERERERaZFABwsT0j/DkiAiIiIiIiIijXBwgYiIiIiIiIg0wtsi/oPKFwI5cOAAUlJSYG1tjRYtWmDx4sXo2LFjTWdPJZlMhitH1+D2pR0oKRTD0SMInYYugaWdZ7X7RYdvQ9TpjSjMS4eNky86DF4EB7fmiv/HXPwDsZH7kZ50C6XF+Ziw+AIMjS10FseNc9sQeXIDCsTpsHX2RedhH8LRvbna9PevH8LFQ99AnJUISzsPBA+cDw+/ror/x974C9HhvyMtIRrFBTkY/fZu2DXw01n+bTq1RsN5U2HZsimMXBxwecQspOw9Vv0+XdrCf+X7MPNvjKL4ZNxfvhYJW3YrpfF4/RU0fGcqDJ3skRt1G9Fz/4ecSzd0Fke5HoEitGoshJEB8DhVhn0REmSKq9+nrY8QHZuKYGYMpGTKcOBiGRLTlX/Ox81egJ5BIrjaCSCVAU+yZNhyRAJJmXbzH3l6G64c34D83DTYN/BF95EfwclDfX26e+0gzh/4BrmZibCy90TnwfPhFVBRn8LD1uDO1QMQZz+BSKQPB7cAdHzpbTh7ttBuxqu4fmYbrh7fgAJxGuxcfNF1RPVx3Is8iIiwijg6DpoPT395HGVlpYg4sBoPY04jJyMehkZmcGvSAR0GzYOZpaNO44g4ug1nwjYiLycdTm6+eGn8Irg1Uh1HSsI9HAtdg8SH0chOT8KAV95Hx34TldLE3b6EM2EbkfQwGuLsNLz61hr4t+ql0xgAeX979ega3Llc0d92GPL8/vZW+DbcOFPR3wYPWgT7p/1tcUE2rh79Don3zyEvOxlGpjbw8O+JVr3fhIGRudZjiDq7DddOyPtaOxdfdBn2IRyrqVP3Iw8h4tA3EGfK+9oOL1XUKQCIjfoLN8//jtSnfe2Yebthr8O+trJBnYzQqYUhjA0FiE2U4Le/CpCaJVWb3ttVD33aGcLdUQ9W5kKsDc3D9XulSmkmDjBBcDPl31aPflCKNTvytJ7/PQcO4o/QP5GZlY1GXp54Y8ZU+DZprDLtmfMR+HVHKBKTk1EmKUMDF2eMGjoIvXt0U0r3KD4BP4dsRdTNWygrK4OHmyuWLHwXjg72Ws9/ubN//YqT+zZBnJMOF3cfDJv0Ady9VdepJ/H3cWjnGiQ8uIWs9CQMGb8AXQZMUEpzeOf3+GvXD0rb7F288P6q/TqLodyEYU7o180WZiYi3LqXj283xyMppURt+jEvOaBjKyu4ORuipFSKW/cKsOGPJCQ8KVakcXYwwPSxLghobAZ9fQGu3MjF91sTkZ0r0Xr+I45uw9mDlfracYvgWl1fu3sNkir1tR36PtvXnj1Y0de+8qbu+9qos+Xnvad91PAPn3PeO4SIg/I+yspeuY8qKytFRNg3eBRzCjkZCTA0MoNrkw7o8NI7Oj/v1RZ/92cdSXc4c+E/aMSIEbh27Ro2b96Mu3fvYu/evejWrRsyMjJqOmtqXT+9HtHnf0GnoUsxZNZ26BuY4ODG6ZCUFqvdJzYqDBEHVqBlz9kYNmcXbJ19cHDjdBTmVcQpKSmEa5POCOw2Q+cx3IsMw7m9n6N179kYNTcUdi4+2P/zNBSIVb/vyQ+v4si2efBrOxKj3t4Nr6a9cDBkDjKS7yrl39mzFYIHztd5/gFAZGqC3Kg7uPnmshdKb+zpijZ7f0LGyQs423oI4tZsRrOfPoFd706KNM6j+sPvy4W498n3ONt2GMRRt9HuwAYY2NvoKgwAQKemQrTzE2JfhATrwiQokQATeutDr5pesamnEP3aiHDyehl+3FeKJ1kyTOilB1OjijRu9gKM76WH2CQpfgqT4KcDpbgQI4W2f074ztUwnN69HO37zcar7+6GXQNfhP4wVW19SnpwFWGb56Fp8Ei8+t4eeDfvib3rZyM9qaI+WTt4ovuoxRj//j6MnvsrLG0aIPSHKSgQZ2o385XcvRqGM3uWo12/2Rg7Xx7Hnz+qjyM57ioObZkH//Yj8fL8PWjYrCf2b5itaBeSkiKkJtxCmz6v4+V5oRgw5TtkpcZh//rXdRYDAERFhCHs1xXoMXQ2Zn+8C07uPgj5cjryclXHUVpSBGt7N/Qd/Q7MLO1UpikpLoSzuw8GTfhIl1l/RtTp9bgV/gs6DlmKwa9vh56BCQ5vqr6/fRAVhgthKxDUczaGzN4FG2cfHNpU0d/m56aiQJyKtv3fw/C39qLLyM+QcPcMzuz6UOv5v3ctDGf//Bxt+s7GmHdCYevig73rqulr467i8C/z4N92JMbM242GzXohbJNyX1taUghnr1bo8NK/09eW69POEN1bGeLXwwVYsVWMklIZ3hhtBr1qfkHM0ABISC3D70cKqj32zQeleO+7bMVjw958LeceOHHmHH5cH4IJL4/Gj6u/RCMvDyxY/D9kZeeoTG9uboZXR4/Ami+X4+c1X6Fvr+744pvvcenqNUWapOQneGvBIri5NsCqz5bh5zVfYdzYUTAwMNB6/stdCz+IvVu/QJ8Rs/D2Zzvg4uGDdZ/PgDhHdZ0qKSmErYMbBr78NsytVLdvAHBy9caStScVjzlLtuoqBIXRAxwwpLc91oTE462P76KoWIrP5jeCvr76L2fNfcyw71g65v7vHhZ+EQuRCPjs3UYwNJCfMA0NhPjs3UaQyYAFK+7jnU/uQU8kxMdve0Gg5e98Ny6E4eBvK9B9yGzMWrYLTm4+CFlZfV9rY++GPqPU97WlxYVwcvPBoPH/Tl9791oYzuz5HG37zsbYefLPg3t/ek4ftXUeAtqNxNj5u9GwaS8c2DhH6byXlnALbXrPwth5uzBg8hpkp8bhwPpZ/0o8RJVxcOE/Jjs7G2fOnMGKFSvQvXt3eHh4oG3btli4cCEGDx6sSDNt2jTY29vDwsICPXr0wPXr1wHIZz04OTnhs88+Uxzz/PnzMDAwwLFj1V/B/qdkMhluntuCoO4z4enfE7bOPug2+nMUiFPx6NZRtfvdOLMZvm1Gwaf1cFg7eqPT0KXQMzDCncuhijTNOk1EYLfpcHDX7ZVZALh+KgT+7UbBr+0I2Dh5o+uIZdDTN8LtS7tUpo86sxXuPp0Q1H0qbBwboV2/t2DfwB83zm1TpPFpNQRt+syGa+NgnecfANIOn8bdJauR8qf6970yj9fGojAuATHvrUDe7Qd49MM2PNl1GF5vTVKk8Zo7GfEb/kDC5lDkxcTixqwlKCsogtukETqKQi7YT4TTUWW4HS9DSpYMoWclMDcBfN3Vd4sd/IW4ck+Ka/elSMsB9oWXobQMaOldsU+/NiJExEhx5qYUadkyZOQC0Y+kKFN/ofEfuXpiE5p2GI2A9iNg6+yNXqOXQc/ACDcjVNena6e2wNOvM1r3nAZbp0boMHAuHFz9EXnmF0Ua39aD4OHTAVZ2brBzbowuwxaipCgP6Ul3tJv5yvk6uQlNg0fDv90I2Dp5o8coeRy3LqiOI/LUFnj4dkarHtNg49QIwQPmwt7VH9efxmFobI5hszahSdAAWDs2hLNnILqN/Aip8dEQZyXpLI5zhzajdbdRaNVlOBwaeGPIpKXQNzTClVOhKtO7NmyG/i+/i+btB0JPX/WXIp8WXdB75FwEtO6ts3xXJZPJEH1+CwK7z4SHf0/YOPug66jn97c3z26GT5tRaNJK3t92HCLvb+9ekcdv49QEPV/9Fu5+3WFh6w6XRu3Rus9cPL59AtIy7V7ZjDwVgoD2o+D/tK/tPlLe18ZcVF2nrp/ZCnffTmjZQ97Xtu8v72ujzlb0tb6th6Bt39lwa/Lv9LXlerY2wsHwIly/X4rEtDJs2p8PKzMhApvoq90n+oEEe88UIbLKbIWqJBIZcvMrHgXFWh4BBbBzzz4M6NsL/Xr1gKe7G+bOmgFDQ0McOqL680Jgs6boFNwOHm6ucHF2wojBL6Ghpwdu3rqtSLNh669o16olZkyegMaNGsLF2Qkd2rWBtZWl1vNf7vSBzWjfYyTadhsGJ1dvjJi6BPoGRrh4UnX7dm/UDINenY+gDgOgp6d+0EMoEsHCyl7xMLOw1lUICkP72uO3fU8Qfi0XcfFF+GLdI9ha6aNDS/Xv36JVD3DkbCYeJRbhQXwRVq1/DEc7AzT2MgYABDQxhaOdAVb9/BgPE4rwMKEIX/78CI09TRDoZ6bV/J87tBmtu1b0tYMnLYW+gRGunFbf1/YbW31f2+RpX+v/L/W1kSdDEBA8Cv7tnvZRzzvvnd4Kj8p91IC3YO/qj6gz8j7K0NgcQ1/fiMZB/WHt0BBOnoHoOuIjpCbo9rxHpAoHF/5jzMzMYGZmhj179qC4WPVVqFGjRiE1NRUHDx7ElStX0LJlS/Ts2ROZmZmwt7fHxo0bsXTpUly+fBlisRjjx4/HnDlz0LNnT53kWZyVgEJxOhp4V3yoMzAyh71bc6Q8vq5ynzJJCdKTopX2EQiFaNAoGKmPI3WSz+qUSUqQlhgN1yYdlPLj2jgYTx6pzk/Ko0i4Nu6gtM3NpyNS1KSvjazaByL9eLjStrQjZ2HdPhAAINDXh2XLAKQfO1+RQCZD+vHzsGofpLN8WZsB5iYCxCZVfJguLgUS02Rws1d9mUUkBJxtBYhNqhglkAGITZLC1V7elZoaAW72QuQXyTCtvx7eG62PKX314O6g3Us3ZZISpMRHw91HuT65+3RActw1lfskP4yEe5UvRh5+nZAcF6n2NW6c3w5DY3PYN/DRWt6rvkZqQjTcqrQLtyYdkPxQfRxVv+B5+HbCk4eRal+nuDAPEAhgoKNbniSSEiQ9jIZ3QEW+hEIhvP2D8fi++nzVRuX9rUujKv2ta3OkPqe/danS37o8p78tKRLDwNAMQpH27tBUV6dcmwSrrSNPHkbCrUpf6+7bsdo69W+wsxTC0kyImIcVgy9FJUBckgQNXTR/z5q46+GLOZZYOs0CL/cxgamRdvup0tJS3L0fi5YtKqZ6C4VCtAxsjlt37lazp5xMJsPV61FISExCswB/AIBUKsWFy1fg2sAFCxZ/jBHjJmP2vPdxNvyCVvNemURSgoS4W2jcVLl9N2naHo/uqW4TLyr9yWMse70bPn2rL3757j1kpev2i6CTvQFsrfRxNbri9peCQiluPyiAn7fpCx/H1Fg+dUacJ7/XT19PAMiAUknFObW0VAaZDAhoor3BhfK+tlGVvrZRQDDi60hfq/a8V83nwScPI5XSA4C7T0ckV/N5sLhQDAgEOr3Vl0gVDi78x+jp6SEkJASbN2+GlZUVOnbsiA8++ABRUVEAgLNnz+LixYvYsWMHWrdujcaNG2PlypWwsrLCzp07AQADBgzA9OnT8eqrr2LmzJkwNTXF8uXLdZbnQnE6AMDYzFZpu7GZHQrFaSr3KSrIhkxa9uw+5rYoeHq8f1NRfhZk0jKYPJMfOxTkqs5PgTgdJubK6U3M7Gok//+UoaMdilOU81uckg59S3MIjQxhYGcNoZ4eilMzqqTJgKGT+qmkmjIzln+IzitSvlKXVySDmbHqfUwMAZFQgPwi5e35RYD5032szeTH7d5ChCv3pNhyVIKkTBkm9dGDjRZvKy8sr09V60c19Ts/Nx0mFsrvqamK9A9unsB384Pw7bzmuHoyBMNnbYSxmW5uUak2jmrbhd0z6fPVpJeUFuPcvpXwaTkQhkbavYJWkadsSKVlMLNQjsPM0hZ5OXWnvQLP6W/z/mZ/a2arON4z++Rn4dqJtfBpO1oLua5QXqeMn6lT6vtOlX1tNen/LRZP+5PcfOVpT+ICGSxMNfv4Fh1XipADBVj9uxi7TxWiiZse3hhlptUp7Dm5YkilUlhbWyltt7ayRGZWttr98vLzMXDUq+g7bAw+WPYZ5syYitZB8tmF2Tk5KCwswu87d6NNyyCs+HgxOrVvi6XLv8T1G9Hay3wl+bny9m1u+Wz7Fmf/8zri7t0cY2d+iunv/4QRUz5CZmoivl82AUWF2r89pZyNpXxQKjtHeVZLdm6p4n/PIxAAM19tgJt38/AoUX5CvB2bj6JiKaaOdoGhgQCGBkJMH+sCkUgAGyvtDR4q+loVZVFX+lr1572/+XmwmvSS0mKc378STYIGwkBH573aRiAU1slHfcQFHf+DRowYgYEDB+LMmTOIiIjAwYMH8cUXX2D9+vXIz89HXl4ebG2VO7HCwkLExsYqnq9cuRJNmzbFjh07cOXKFRgaGlZ9GYXi4uJnZklISvWhp696n/vX9uHMnqWK5/0mrv0HURJVaO4lxKDgipuUtx3T/gJTABQfzC/fld86AQCHMsvQ0EmAlo1FOHpVyys66oBb43YYt2APCvOycCP8DxzYNBcvz9vxzAebuqCsrBQHQ94CIEO3US+2Tsh/zf3IfThXqb/tM0H3/W1JUR7+2jwT1g7eaNlzts5fr65o62+AV/qaKJ5/v1P7iyuWuxxT8eUyKV2KxNQyfDLTEk3c9XDnkW76xxdlYmyMdd+sRGFREa5ev4G1G0Lg7OSIwGZNIZXKB4Q7tGuDkUMHAQC8G3oh+vYd7Dt0GC2aBdRk1v8Wv8DOir9dPHzg4d0cn7zRG9cjDqFdd+3cFtg92BpvTXJVPP/oqwcaH3POBFd4NDDGvE/vKbbliMvwyfcP8cZEVwzpbQeZDDgRkYV7Dwu0vt4QVa+srBSHNs8FZED3UUtrOjv0H8TBhf8oIyMj9O7dG71798ZHH32EadOmYcmSJZg1axacnZ1x8uTJZ/axsrJS/B0bG4ukpCRIpVI8fPgQzZo1U/tay5cvx7Jlyh/se49ejD5jlqhM7+7fA8Mr/aJDWZl8BePCvAyYWDgothfmpcPWWfVq3UYmVhAIRUqLNwJAoTjjmaue/wYjU2sIhCIUPJOfZ68ml5NfOVNOX5D37FXb2qw4JR2Gjsr5NXS0Q2mOGNKiYpSkZ0EqkcDQwbZKGlsUP9HeVYjb8VIkpFdc/ROJ5KMAZkYC5BVWfPIxMxIgOVP1J6GCYqBMKlNavBGQ3wohLpT/LX56rNQc5WOk5chg+eIzTp/LuLw+Va0f1dRvU4tnr3Lkq0ivb2gCK3sPWNl7wNkrEJv+1wc3w3eibR/tL3pabRzVtov0Z9KbVkkvH1iYC3FWEobN3qyzWQvyPFlBKBQ9s6BYXk6G2gXEagt3vx5Kv6BTJlHf39r83f42LwPGVepXSXE+DodMh76hCXq+ugZCkfq1A/6J8jpV+EydUt93quxrq0mvK9fvlyAuqeKLvd7TT2gWpkLk5lcMTJqbCJCQqt2ByvQcKcQFUjhYCXHnkXaOaWlhDqFQiKwqsxSysnNgU2U2Q2VCoRANXJwByAcOHscn4LcdoQhs1hSWFuYQiUTwcHdT2sfdzRU3b8VoJ+NVmFrI23fVxRvzcjKqXazx7zI2tYC9swfSnzzW2jEjruXgTmzFTAh9ffmVUitLfWTmVNQ1Kwt9xD4ufO7xZo9vgHYtLDDvs/tIz1Ke/XD1phiT342BhZkIZVIgv6AMv30TgORU9QvB/l2KvlZFWdT2vrac+vPe3/w8qCK9fGDhbeRmJWHYrJD/zKwFql3q53wM+tv8/f2Rn5+Pli1b4smTJ9DT04O3t7fSw85O3omVlJRg3LhxGDNmDP73v/9h2rRpSE1NVXvshQsXIicnR+nRY/j7atMbGJrC0s5D8bB28IaxuR0SYyMUaUqK8pAWHwVHNQsxivQMYOcSoLSPTCpFUmwEHNwD/+a7ozmRngHsGwQg8V7F+gMyqRQJ9yPg5KE6P44egUi4p7xeQfzd83BUk742yo6IhG2P9krb7Hp2QFZEJABAVlqKnKvRsOtR6R56gQC23YORHaH6nvt/okQCZIorHmnZMogLZGjoXDEH2FAfaGAvQHya6sGFMimQnCFDQ+eKblMAoKGzEAlp8oGL7Dwgt0AGOwvlucV2FgLkaPEipEjPAI5uAYi/q1yf4u+Ew9lL9VoVzp6BeHw3Qmnb49vn4ewVWO1ryaRSxRdObRPpGcDBNQDxVdpF/N1wOHuqjyP+XpU47pyHk2eg4nn5wEJ22iMMnRUCY1PdLpKmp2cAF88AxEZX5EsqlSL2VgTcvQPV71gLGBiawsLWQ/GwetrfJlXtbxOi1C58W97fJt+vvr8tKcrDoY1TIRTpo/f4H9TOXtOEujqVcC9CqY5U5uSpuq9Vl15XikuAtGyp4pGcLkVOnhS+HhXXgYwMAC8XPTxI0u7sAitzAUyNBcjJ195lZn19fTTxboRrURU/KyyVSnHtehT8fZq88HFkMhlKSyWKY/o09kZ8QqJSmoTEJDja6+ZnKPX0DODq5Y97N5Xb973oC/BorL3FoIuL8pGeEg8La+3FUVgkRVJqieLxKLEIGdmlCPKv+NJpYiSEb0MTxNyv/naM2eMboEMrS7y34j5S0tWfE3LzypBfUIYWfmawstBDxLVcrcVT3tc+uKVcFg9uRcCtlve15cr7qISq5+976j8POnkGKp3vAXkf5VwpffnAQnbaIwx7fZPOz3u1jUAoqJOP+oiDC/8xGRkZ6NGjB3755RdERUUhLi4OO3bswBdffIEhQ4agV69eCA4OxtChQ/HXX3/h4cOHOH/+PBYtWoTLly8DABYtWoScnBx8++23WLBgAZo0aYIpU6aofU1DQ0NYWFgoPf7Oh0qBQICmHSfg2vEf8ejWcWQ+uYuTO96HibkDPPwrfof4wPrJiD5fsbp3s84TcefSDty9sgdZqbE4++cylJYUokmrYYo0BeI0ZCTFIDdDfqkm88ldZCTFoKgg+4Xz96JadJ2EWxd24Pal3chMicWp0KWQlBTCt81wAMDR3xYgPGyVIn3zzuMRf+csIk9uRFbqA1w8vAZpCdFo1vFVRZqigmykJ8YgK0V+y0pWWhzSE2NQkKv63mhNiUxNYNHCFxYtfAEAJl6usGjhCyM3+VUmn0/eQYtNKxTpH637HSZebvBd/i5MfRrCY+YrcB7VH3HfhCjSxK3eBLepo9Fg/FCY+TZE0++XQs/UGPGbVa/8rC3hMWXo2lwEHzcBHKwEGN5JD+IC4PbjihkOk/rooa1vRTd5/pYUrZoIEdhICDtL4KX2IhjoAVfvV+xz7mYZ2vsJ4e8hgI050CNQBDtLAa7c1+6VxpbdJ+PG+T8QfWE3Mp7E4tgfS1FaUoiAdvL6dGjrezi7t6I+BXWdgEcxZ3Dl+EZkpsQiPGwNUuJvIrDzOABAaXEBzu77CslxkcjNTETK45v4a9tC5OWkoHFQP63mvbKgbpMRHf4HYi7uRuaTWJzYIW8X/k/j+OuX93BuX0UcgV0n4HHMGVw9IY8j4uAapMbfRIuncZSVlSJs05tIjb+JvuNXQiYtQ35uGvJz03Q2SAIAHftNxOVTO3D1zB6kJsZi7+ZlKCkuRKsu8v5mx08LcPiPrxTpJZISJD2KQdKjGJRJSpGblYqkRzHISKm4bFxclK9IAwBZaQlIehSDbB0u+iYQCBDQYQIiT/yIRzHy/vaUiv42bP1k3Aqv6G+bdpqIO5d34N7VPchOjcW5P5dBUlKIJi3l8ZcU5eHQpqmQlBai8/BPUFKchwJxGgrEaZBKtds2ArtOwq2IHYh52tee3CmvU35t5XXqyK8LcH5/RZ1q0Xk8Ht8+i2snNyIr5QEuHFqD1PhoNO9Uqa/Nz0ZaYgwyn8j72uzUOKQlxiBfR31tuWOXi9C/gxGae+vDxU6ISQNNkZ0nReTdiqvGc8eYoVvLinOqoT7g6iCCq4P8VjA7SyFcHUSwNhco/j+8mzG8XESwtRDCx0MPrw83Q1qWFLfiqv+Fib9r5NBBOHD4KA4fO4FH8QlY/cM6FBUVo2+vHgCAz7/6Fus3V/xiza87QnH52nUkPXmCR/EJ+GP3Xhw5cQo9u3VRpBkzfAhOnj2PA4ePIDEpGXv2hyH84mUMHqC7fqrLwIm4cGInLp3ag5TEWOza+DFKigvRtqu8fv/6w0Ic+O1rRXqJpASJD2OQ+FDevnOyUpH4MAbpTyra995fvkTsrUvITEtE3N1r2LTqLQiFIgR1GKCzOABgz+E0vDzYEe2DLODpaoR3X/NARnYpzl+t+HnQz99rhMG9Kq6Kz5ngih7BNvh87SMUFklhbakHa0s9GFT6+co+nW3g28gEzg4G6NHBGh/O8cTuw2lIeKK9mQtApb727B6kJlXqazvLy2LnTwvwV5W+NvlRDJIr9bXJKvra8jSAvK9NfhSD7Azd9LWB3SYhOmKH/LyXEosTO6uc97Yp91GBXeR9lPy8V6mP6izvo8pvAUyNv4k+476E9F867xGpwtsi/mPMzMzQrl07fP3114iNjUVpaSnc3Nwwffp0fPDBBxAIBAgLC8OiRYswefJkxU9PdunSBY6Ojjh58iRWr16NEydOwMJCvgLt1q1b0aJFC6xduxavv66b35Jv0WUaJCWFOLN7CUqKcuHo0RL9Jq9TGqTIzXiMooIsxfNGzQegKC8LV45+iwKx/BaK/pPXKU11jbmwHVePfa94vn/deABA15GfKQ1CaEPjwAEoysvExcNrUCBOg52LH16a9rMiP3lZSRBUWk3L2bMler26EhcPrUbEwa9hZeeJ/pO+g61zxRWfh9HHcXz7B4rnR355BwDQuvdstO37hlbzDwCWrZoi+FjF73D7r5S/dvyWUERNXQhDZ3sYPx1oAIDChwm4NHgG/FcthOcbE1CU8AQ3ZnyI9CNnFWmSdxyEgb0Nmix5E4ZO9si9HoOLL01DSZVFHrXt7E0pDPQEGBysByMD4HGKDFuPlkJSae00a3MBTA0ryuTmQylMjOQDBmbGIjzJlGHrUYnSIo/hMVLoiYD+bfRgbAA8yZJh8xEJssTazb9PywEozMtEeNi3KMhNg72rH4a9vl5xe4A4KxkCQcXAiEvDlug/cSXOH1iNc/u+gpWDJwZP+x52LvL6JBCKkJXyAPsu7kZRXhaMTK3g6N4Mo9/aBjvnxtrNfCVNWg5AYX4mIg5+i/zcNNg38MOQGesV7aJqHM5eLdF3wkqEH1iN8/u/gpW9J16a+r2iXeRnpyDu5nEAwG9fDlF6reGzt8C1cTudxNG8/QDki7NwLPRbiHPS4ezuh0nvrlNM1c3JUI5DnJWG7z8arnh+9uBGnD24EV6+bTDtgy0AgMS4aGxYPlGRJuxX+cBdUKehGPma7hbRbf60vz1Xqb/tW6W/FWc+RlF+RX/bsPkAFOXL+9vCp/1t38nrFLdFZCTdQlq8fOHgHav6Kr3e6HePwty6gdby3zhI3jYuHlqjqFODXvu5Up2q0td6tUSfcSsRcXA1wg98DSt7TwyYrNzXxkUfx7HfK/raw1vlfW2bPrPRrp/2+9pyf10ohqG+AK/2NYGJkQD3EyRY80ceJJXGY+ythYpFagHAw0kP77xSsYLsqJ7ydRzCbxRjc1gBpDKggYMI7ZuawcRIgJw8KW7FSbD3TKHScbWhe+eOyMnJQci235GVlY1GDb3w+bIPFbdFpKalK5VFUVERvl27DmkZmTA0MICbawMsnPcWunfuqEjTKbgd5s56Db/tCMV36zbCrYELli58F80CVN+2ow1Bwf2Rn5uJwzu/Q252Ohp4+GL6+z8pbovITk9WiiM3Kw1fLRypeH5y/yac3L8JjfzaYNbiEABATmYKflnzLvLzsmFmYQMvn5Z483+/wsxCNwvolvsjLBVGhkK8NckNZiYiRN/Lx6KVD1BaWjFrxdnBEBZmFV8RBvWUx7nyA+VzwcqfH+PI2UwAgKuTISaPdIa5mQgp6SX4bW8KQg9rf/CtWbsByM+V97V5T/vaifMr+trszGSlhfLEWWn4fvGzfa2nbxtMW1jR1278vKKvPfhbRV87Yrr2+9omT/uoC5X6qMEzqvk86NUSfcavRERYRR81cEpFH5WfU3He+33lUKXXGjZ7M1y9dXPeI1JFIJNxqRX6960MlT4/US2nr18/pjN5D/et6SxoxYX1N56fqJZzcVL/e+h1SVndb95wtKkHQQB4kFDTOdAOYy3/TGJNiL6ZXdNZ0IoPhyU+P1EtF5lXP857a765WdNZ0Ipprzd/fqJaLiWz7vdRADBnQN2MI2XB+JrOwj/iuGLr8xPVMZy5QERERERERHVSfV2/oC7imgtEREREREREpBEOLhARERERERGRRji4QEREREREREQa4ZoLREREREREVDcJeb28tmBJEBEREREREZFGOLhARERERERERBrhbRFERERERERUJwkE/CnK2oIzF4iIiIiIiIhIIxxcICIiIiIiIiKNcHCBiIiIiIiIiDTCNReIiIiIiIioThLwpyhrDZYEEREREREREWmEgwtEREREREREpBEOLhARERERERGRRrjmAhEREREREdVJAqGgprNAT3HmAhERERERERFphIMLRERERERERKQR3hZBREREREREdRN/irLWYEkQERERERERkUY4uEBEREREREREGuHgAhERERERERFphGsuEBERERERUZ3En6KsPThzgYiIiIiIiIg0wsEFIiIiIiIiItIIb4sgIiIiIiKiOkkg4PXy2oKDC1QjiktkNZ0FjUVdS6npLGhFxvobNZ0FrWg3rVlNZ0Fju5eeq+ksaIWbh2VNZ0FjqWk1nQPtMDER1XQWtKJUUtM50FxjH6uazoJWbL5qUdNZ0FhBQT2oUAAGjWlR01nQittxZTWdBY1JSuv+51o5/ZrOANVxHOYhIiIiIiIiIo1wcIGIiIiIiIiINMLbIoiIiIiIiKhu4k9R1hqcuUBEREREREREGuHgAhERERERERFphIMLRERERERERKQRrrlAREREREREdZJAyOvltQVLgoiIiIiIiIg0wsEFIiIiIiIiItIIb4sgIiIiIiKiOknAn6KsNThzgYiIiIiIiIg0wsEFIiIiIiIiItIIBxeIiIiIiIiISCNcc4GIiIiIiIjqJgGvl9cWLAkiIiIiIiIi0ggHF4iIiIiIiIhII7wtgoiIiIiIiOok/hRl7cGZC0RERERERESkEQ4uEBEREREREZFGOLhARERERERERBrhmgtERERERERUNwl5vby2YEkQERERERERkUY4uEBEREREREREGuHgwn9USEgIrKysas1xiIiIiIiIqO7imgu10KRJk7B582bMmDEDP/74o9L/Zs+ejR9++AETJ05ESEjIP36NMWPGYMCAAYrnS5cuxZ49exAZGfmPj6lrXZoKENRIAEN9ICEdOHhZiqy86vdp5S1Aez8BzIyAlGzgrytSJGWqTju2ixCNXATYcaYMdxO1nn2F4T3M0K21CUyMhLj3uAQhe3OQklmmNr2PhwEGdDKFp4s+rC1EWP1rJq7GFCulsTAVYkwfczT1NoSJkRB3HhVj6/7cao+rqR6BIrRqLISRAfA4VYZ9ERJkiqvfp62PEB2bimBmDKRkynDgYhkS02VKadzsBegZJIKrnQBSGfAkS4YtRySQaDEUm06t0XDeVFi2bAojFwdcHjELKXuPVb9Pl7bwX/k+zPwboyg+GfeXr0XClt1KaTxefwUN35kKQyd75EbdRvTc/yHn0g3tZVyNIV1M0DnICCaGAtxPKMUvB/OQmiVVm76xmx76BZvAw0kEK3MRvtuRi8i7JUpp1i+yU7nvjmP5OBxRqNX8A0C35kK0bCyEkT4QnyavG8+rT22aCNHBXwgzY3k9OXhJiqQM5frkaidAj0AhGtgJIJPK0/1yvEyr9amy7i2EFe0iTYb9Ec+Po62PEB0ChIp2EXZRikQVcfQMEiq1i61HdROHTCbDtWNrcOfSDpQUieHgEYQOg5fA0s6z2v1uRWzDzTMbUZiXDmsnXwS/tAj2bs0BAMUF2bh67Dsk3j+H/OxkGJnawMO/J1r2ehMGRuY6ieHyX2tw++IOFBfmwsmzJToPWwJL++pjuHl+G66f2oBCcTpsnX3RcciHcHBvrvi/pLQY4ftXIPb6AZRJSuHWpCM6DVsCE3PV7UUbcVw5sgYxF3eg5GkcnYY9vyyiz2/D9dPyOGzK43CriCPmwnbcj9yP9MRbKC3Ox8SlF2FobKGTGID6c/7uGSRCGx8RjAyAR6ky7D0vQUaurNp92vkJ0bmpnqKf2h8uQcLT856VGfDuaEOV+/12vBQ3H6rvx/+JqLPbcPX4BhSI02Hn4osuwz+Ek0dztenvRR5CxMFvIM5MhJW9Bzq8NB+e/l0BAGVlpYgI+waPYk4hJyMBhkZmcG3SAR1eegdmlo5azbcqXZsJEdRIID9npMv7/8zn1KnWjQUI9n3a12YBh66UKdWp8T1E8HQUKO1z5Z4UYZe1Ww6V1YdzRm0gEAien4j+FZy5UEu5ubnh999/R2FhxYf4oqIi/Prrr3B3d9fo2KWlpTA2NoaDg4Om2fzXBPsK0KaJAAcvSxFyRIpSCfByNyFE1dRgPzcBegUJcOamDBsOS5GaLcPYbkKYqDiPt20iQPUfD7RjYGdT9G5vipC9OVj2UzqKS2R4d6IN9KsZ5jM0EODxk1Js2Z+jNs3cV6xhbyPC6l+z8NHaNKRnl2HBZBsY6Oums+3UVIh2fkLsi5BgXZgEJRJgQm996FVTHk09hejXRoST18vw475SPMmSYUIvPZgaVaRxsxdgfC89xCZJ8VOYBD8dKMWFGClkWi4ckakJcqPu4Oaby14ovbGnK9rs/QkZJy/gbOshiFuzGc1++gR2vTsp0jiP6g+/Lxfi3iff42zbYRBH3Ua7AxtgYG+j3cxX0S/YGD3bGOGXg3n4LCQbxaUyvP2yJfRE6vcxNBAgPkWCbYfz1aZ5Z3WG0mPTPjGkMhmu3C5Wu88/1dFfiHa+Qhy4UIb1h+T1aVwPvWrbd4CHAH1aCXEqqgw/hUmQkgWM6yFSat+udgK82kOE2GQZ1h+U4OdDEly8o/36VK5TwNN2caEMP4dJUCoBxvfSq7ZdBHgK0Le1ECevl+Gn/RI8yQLG9xIptQtXOwHG95LHsS5M3uYu3tZdHDfOrMet8F/QYchSDHp9O/T1TXA4ZDokperL/kFUGC6GrUBgj9kYPHsXbJx8cDhkOgrzMgAABeJUFIhT0bbfexj25l50HvEZEu6ewdnQD3USw/WT63Hz3FZ0Hr4Uw974A3oGxjiwYVq1MdyPDEP4vs/RqtdsjHgrFDbOPjiwYZoiBgAI37ccj2NOoPe4bzB45hbk56biry1v6CQGALh+6mkcw5Zi6Bx5HGHPiSP2ehjC93+OVj1nY/ibobB19kFYlTgkJUVwa9IZQd1n6Czv5erL+btzMxGC/UX487wEa/eVorRUhkl99avta5t5CTGgrR6OR0rw/d5SPMmU71PevnPygeW/FSs9jl6VoLhUhrsJ2v1Ce/daGM7s+Rxt+87G2HmhsHPxwd6fpqFAnKEyfXLcVRzeOg8B7UZi7PzdaNi0Fw5snIOM5LsA5HUoLeEW2vSehbHzdmHA5DXITo3DgfWztJpvVTr4CdC2iQBhl6TYeKQMpRLgle6iauuUv7sAvYOEOH1Tip8PlSElW4ZXuoueqVNX70vx1W6J4nE0UncDC/XlnEFUGQcXaqmWLVvCzc0NoaGhim2hoaFwd3dHUFCQYtuhQ4fQqVMnWFlZwdbWFi+99BJiY2MV/3/48CEEAgG2b9+Orl27wsjICNu2bVO6nSEkJATLli3D9evXIRAIIBAIFLMivvrqKzRr1gympqZwc3PDrFmzkJf3nKFhHWjrI8DZaBnuJgKpOcDeC1KYGwM+ruq/PLfzFSAyVoaoOBnSc4GwSzJIJECLhsr7OFrJ0+6/qLsTSLm+wabYeyoPV28XIz5Fgp92ZcPKXISWfkZq94m6V4xdx/JwJUb1h0knWxG83Q2weV8u4hJL8SS9DJv35cJAT4Dg5uqPq4lgPxFOR5XhdrwMKVkyhJ6VwNwE8HVX36V08Bfiyj0prt2XIi0H2BdehtIyoKV3xT792ogQESPFmZtSpGXLkJELRD+SokzLRZN2+DTuLlmNlD+PvlB6j9fGojAuATHvrUDe7Qd49MM2PNl1GF5vTVKk8Zo7GfEb/kDC5lDkxcTixqwlKCsogtukEdrNfBW92hpj/9lCRN4tQUJqGTbuzYOVuRBBPgZq97kZW4o9pwpw7U6J2jS5+TKlR2ATA9x5WIr0bO23k3Z+Qpy+IcWdBBlSs4E958vk9clNfftu7yfE1ftSRD6QIT0H2H9BXp+CKtWnvq2EuHhHinPR8jqXkQvceizTen2qnKfTUVLciZchJRsIPfs0Dnf1cXTwk7eLyFgZ0nKA/RHPxtGvjRAXbktx9mZFHNGPdBOHTCZD9LktaNFtJjz8e8LGyQddRn2OQnEqHseoby83z22GT+tRaNJqOKwdvNFxyFLo6Rvh7hX5OczasQl6vvIt3P26w8LWHS6N2qNV77l4fPsEpGUSrcdw4+wWtOw5E54BPWHr7IPuY1agIDcVD6PVx3DjTAj82o2Cb5sRsHb0Rpfhy6Cnb4Tbl3YBAIoLxbh9aReCX1qABt7tYe/aFN1GL0fKo2tIeRSp1RgqxxHUo1Ico58fR9SZEPi2HQWfp3F0HiaP487TOACgWeeJCOz+GhzcW2g931XVl/N3xwD54HjMYylSsmTYcVoCc2PAr5rzXsemIly+I8XVe/Jz2p/n5F8gWzWRj0jIZEBeofLD30OIG3FSlGi3WSDyZAgCgkfBv90I2Dh5o/uoZdAzMMKtC7tUpz+9FR6+ndCyx1TYODZC+wFvwd7VH1FntgEADI3NMfT1jWgc1B/WDg3h5BmIriM+QmpCNMRZSdrNfBVtfYQ4Ey3F3UT5OePPCHmd8q2mTrX3EeJarAzXn9apA5fkA12BVepUaRmQX1Tx0HY5KOWpHpwziKri4EItNmXKFGzatEnxfOPGjZg8ebJSmvz8fLzzzju4fPkyjh07BqFQiGHDhkEqVe5B3n//fbz11luIiYlB3759lf43ZswYzJs3DwEBAUhOTkZycjLGjBkDABAKhfj2228RHR2NzZs34/jx43jvvfd0FLFqVqaAmbEAD1MqhlyLS4HEDKCBrep9hELA2RqIS1Eepo1LkcHVtqLT1hMBQ4KFOHxFivwinWRfwd5aPgU9OrZikKCwWIYHCSXwdlP/RfB59PTk8ZSWVsQqk8lPkE3c//lx1bE2A8xNBIhNqlIeaTK42as+IYqEgLOtALFJFfVSBiA2SQpXe3k3ZGoEuNkLkV8kw7T+enhvtD6m9NWDu0PNT3Wzah+I9OPhStvSjpyFdftAAIBAXx+WLQOQfux8RQKZDOnHz8OqfRB0xc5KCCszIWIeVgwSFBbL8CBRgkYN9LX2OhamAjTzNsCZ69qftWBlBpgbC/DgSUXdKC4FEtLV1yehEHCxEeBBsnL7fpAsg6udfB8TQ8DVXoj8ImBKXxHmjdDDxN4itcfUVHm7eJCsHMeLtIvKcciexlG+T0W7AKb2E+HdUXqY3Eeks3YhzkpAYV46XBoFK7YZGJnD3rU5Uh9fV7lPmaQEGUnRcPGu2EcgFMLFOxhpjyPVvlZJkRgGhmYQirR7h6Y4MwEF4jQ0aNxBsc3Q2BwObs3VDgKUSUqQlhiNBt4V+wiEQrg2Dlbsk54YDWlZqdJxrR0awszKRSeDC+LMBBRWicPgaRypat7XMkkJ0hOj4dpYOY4G3sFIqaYsdKW+nL+tzcvPe1X6qTSZ2rYoEgIutgLcr3Leu58khbuaPsHFVgAXWyGu3NXu3PUySQlSE6Lh1kS5Xrg1DsYTNXX3ycNIpfQA4O7TEcnV1PXiQjEgEOj0FhsrU/k5I+6Jijplp/6c4WwDpX2Ap3Wqyj5NPQSYN1yEGf1F6NFCWO3MFE3Ul3NGrSEU1s1HPVQ/o6onxo0bh7Nnz+LRo0d49OgRzp07h3HjximlGTFiBIYPHw5vb28EBgZi48aNuHHjBm7duqWUbu7cuRg+fDi8vLzg7Oys9D9jY2OYmZlBT08PTk5OcHJygrGxsWK/7t27w9PTEz169MAnn3yCP/74Q7eBV1E+1avqh4f8IhnMjFXvY2IACIUCFfsAppX26R0kQGK6TKf3aJazNJM3t5w85YGfnHwprMz+eVNMTpMgPVuCUX3MYWIkgEgkv/3C1lI+mKFtZsbyE1RekfJJOq+68jAERGrKw/zpPtZm8uN2byHClXtSbDkqQVKmDJP66MFG+7dk/y2GjnYoTklX2lackg59S3MIjQxhYGcNoZ4eilMzqqTJgKGTbu7FBgBLU3m9yc1XrlO5+VJFfdOGDs2MUFwiw1Ud3BJhZiQvd5Vt1Uj1hyETQ3Xtu6IOWpvL9+3aXIir96TYdlyCJ5kyTOgl0kl9qmgXytvziir+V1V5u8irsoRFXqEMZk/7vfJ20a2F/GrV1mMSJGfKMLG3buIoFMvrubGZ8jc/IzM7FOalqdynuCAbMmnZM/sYm9miIC9d5T5F+VmIPLkWTdqM1kKulRWI0xSvr5QfczsUiNXnRyYtg7F51RjsFO9JgTgNQpH+M1+cjM3Vx6mJ8jhMnnlfq4mjIEt1WVQTuy7Vl/O3eXn7LlR13nte+66yT6EMZiaq92ndRITULCkep2p3/nrh0/ptUqV+m5jboSBXdb0oEKf/rfSS0mKc378STYIGwsDITDsZV6G83qisU2oma5afM6p+bskvqjgHAcDNR1LsCZdi67EynLslRTNPAYYF6+arUn05ZxBVxQUdazF7e3sMHDgQISEhkMlkGDhwIOzslL+o3Lt3D4sXL8aFCxeQnp6umLHw+PFjNG3aVJGudevW/ygPR48exfLly3H79m3k5uZCIpGgqKgIBQUFMDExeaFjFBcXo7hY+UuJpFQPevqqFzEK8BBgQOuKjnX7ad3M42rsAng6CrD+sG6OH9zcCJMHWyqer/olSyevUyYFvv0tC1OHWuHHRU4oK5Mh+kExrt/VzqWc5l5CDAquGKTYdkw3cwTL1+K5fFd+68T/2bvv8KiK9YHj3y3pvSekEkIqvXcIRYoFEbGDKHZs145XBcsVuyh6LShN8YJIkY5UpYUeaugtjfSy6WX398eS3WyyQXR3hfB7P8+zj2aZc3bePTNnzs6ZmQOwJr+WyEAFnVqrWL/vOl2F6C/onuDA2BHGi7bPFzS9Doc19W7vQNLhSqssBNU2QsFN3Y3l6adNtjmudWeQvSf1UycALu7V0jJQScdWSjZYOI+2bUsFN/eoVy822iiOevUi+bQ+jjX5WloGKekUpWT9fsviOJ28nG2/TjH8PWTcVxbt70pUVZTw29zH8PSLotOgiRbv7+S+5fyxeLLh7+EPfH2Z1Neuk/uXs6VeHMOaYRzXS/vdPlLJyN7GS+S566pt8jn1qVXQLlLJpgPNr62rra1mzZxnQQeJY6ZYdd9twhXc2NX4A/9/v9vu+9l/2tj5kF2ko6RCy9iBKrxc/3wB0j9zvbQZQvwZ6Vy4xj344IM8+eSTAHz55ZeN/v3mm28mPDycGTNm0KJFC7RaLW3atKGqynQutYuLy1/+7HPnznHTTTfx+OOP85///Advb2+2bt3KhAkTqKqquuLOhalTp/Lmm6YL5yWOfp1Bt082m/5kuo7v6q16W7dAj4ujaQ+vi6OCrALzvftlVaDV6kwWuKnbR+mlHt+IAAVervDCbaa90qN7K0nNhR83WnYC3n+sktNpxh5+u0vTFzxclSajFzxclJy/aNkP9nMZNbz+31ycHBSoVQo0ZVomP+LD2QzLL4iOpWpJyzXmV6XSx+HqaHpHxtVRQWZ+E8ejEmqbOB6aS8dDc2lf2UWm+8gp0uHx14uvVVVm5eIQYNqx5xDgS3WRBm1FJVW5BWhranDw92mQxofKi9a7W5h8soqz3xk7qdSXjoW7i5KiEuOFiruLktQs63QCtQ5VE+Sr5pslf7J89RU6nqYjLdeYt7ohpy6OmNyNcXGk6fpd2VT9Nt7RqSubOWbKk7uL5cNDj6fqSK8XR915yrVBHK6O+lW6zamrFw3v4Lo6KQznurp6kVNouo/cIh0eVogjLG6g4YkOoB8+DVBekoezu3HR34qSXLyD4szuw8HZE4VSZbJgoGEfrqb1prqylN/mPIydgzOD7p2OUmX59J3w+ERuDzMfg0u9GMo1ufi0MB+Do4uXPgZNwxhycbr0JAhnNz+0tdVUlhebjF4o1zSO8+/G4W/mWJQ1OBblJZeJw9nL/LHQ5NrsiRb1XS/td8oFLak5xuuounOtq5PCUCehrt0z/1nG+q2AektOujopKClrHHubCCV2ath/yvo/Op0ule+GizeWaXJxdjdfLpzdfK8ovb5j4V8UF2Qw6onZVh+1cCJdR3qe8TtRX6ZMXe5cq9XqLo1S0NXbpvEozPrqnmbl5aqgoMSy0STXS5shxJ+RaRHXuGHDhlFVVUV1dXWjtRLy8vI4fvw4r732GoMGDSIuLo6Cgr93d9ze3p7aWtMGbe/evWi1Wj7++GN69OhBdHQ0GRl/fZGeSZMmUVRUZPLqP/KVJtNX1UBBifGVW6z/oVD/8UD2av18zXTzixyj1UJmAY0eKRQRoCDt0oXP9hQdM9Zo+W6t8QWwbr+O5Tst79mtqNKRnV9reKVn11CoqSU+0jhiw9FBQWSIPadSm15Y768or9ShKdMS4K2iZbAd+1IsH71QVQP5GuMrp1CHpkxHZJDxu3Wwg2A/Bak55hvEWi1k5umIDDKechRAZJCStBz9d11YAsVlOnzdTY+Zr7uCon9+DVEThUnJ+AzsYfKe76BeFCQlA6CrrqZo3xF8BxrnnKNQ4JPYk8Kk/VbLR2WVjuwCreGVkVtLYYmWuAjj2hqO9goig9WcTrfOnbY+7R05l1lNWrZ1Lngb1u+cIv3FUGSgsWzY2+lXu26qPGm1kJGvIzLQtKxEBioMj3grLDVfnnzcFRSVWj7kuFG9KOJSvTDGceX1wphHBdAy0LiNoV54NI6j0Apx2Dm44O4Tbnh5+kfh5OpLxpkkY6wVJeSkHWxy8T+V2h6fFglknDZuo9NqyTidhF9YB5P9rJk1AaXKjiH3/bfJ0Wt/lb2jKx6+4YaXV0AUzm5+pJ80rpNSVVFCdupBAsI7mN2HSm2PX3AC6aeM2+i0WtJPJRm28Q1OQKmyM0lTmH2GksKMJvf7l+JwaByHk5sfGacax+Ff73ttGIevmTgyTiUR0MQ21nS9tN8N63d2XbvXwrR+h/gpmpzCUKuFjDwdrVqYtnutWii5YOac0DlaxbELWspssH6ESm2Pf0gCaSdMy0XqySQCmyi7gREdSD1hutZQ6ontBNVLX9exUJhznlGPz8LJxcvqeW/UZhTr24yWgWbKVG7TbUZmPkQ0aDNaBhjbDHMCLoVzuQ6IvxLH9dBmXKsUSkWzfF2PZOTCNU6lUpGSkmL4//q8vLzw8fHh22+/JSgoiAsXLvDKK03/aL+ciIgIzp49S3JyMiEhIbi5uREVFUV1dTXTp0/n5ptvZtu2bXz99V8fpung4ICDg+lFpNrur/1Q2XVcR+8EBfkaHYWl+ucba8r1d0Hr3JOo5ESajj0n9e/tPKbjlh4KMvP1P0S6RSuwU8PBS0Ok61YCbqi4TEdR00/os8jaHaWMHOBKVn4NOQW1jB7kRqGm1qQT4OXx3uxNqWD9zjJA/9jAAG/jsffzVBMWWEtpuZa8Iv1FVNcERzSlWvKKagkNUHPvCHf2plRw+LR1Oi0a2pFSS/92KvI0Ogo0+md/a8rg2AXjRd34G9QcvaBl1zH9e9uPahnVR0VGno60XC0941TYq/WPfaqz7XAtiR1UXCzQcjFfR4dWKnw9FMz/3bpTMVQuzrhEGR/p6twyBPf2sVTlF1GRmknMO8/hGBzAgQdeBuD8t/MJf+JeYqe+SOrsRfgm9iBozHB232J8jNvZabNoP/N9Cvcepmj3QSKevh+1ixOpcxY3+nxrWr+rnBt7O5GVX0tuYS239nemUKM1eRLE8/e4s+9EFZv26MuZgx34m5QpJaEBKkrLdeQXG4+Ho72CLnEO/LzBRhXikp0pWvq2UZKn0VFYoiOx/aXylGqs32MHqTiWqmP3CX3+klK03NpLRUa+jvRcHT3i9Hf9kk8b87/9qJYB7ZRcLNBdKk9KfN1hoY2GaielaOnXVklesY6CEh0DO9TVC2Mc9w9RkXJBx67jl+pFipZRvVWk5+pIz9PRM06JvRrD1CCAbUe0JLZXcjFfx8UCYxwLNls/DoVCQULvcRzY9DUePuG4eoWwb/3nOLn5ExY32JBu9fcPEB4/mPie9wLQpvf9bFk0Cd/gNviFtOXI9rnUVJUT3XkUoP9RvHb2BGqqKug/5gOqKkuoqtT3Gjq6eKNUWm99GIVCQds+49i38Ws8fCNw8w5mz2+f4+zuT0SCMYbl346nZcJg2vTWr2XUtu94Nv/8Cn4hbfAPbcehrXOorionpsttgH5RyNiuo9mx/H0cnDywd3Rl26/vEBDewSqdC5eLw903AnevYHabiWPFt+OJaDOYNr30cbSrF4dfyKU4qsuJvhQH6NdzKNPkUpx3AYD8iyewc3DB1TMIR2dPq8ZxvbTf247UktheRV6Rvn4P7qRCU64f5VDnwWF2HD1fS1KK/r1th2sZ3VdNeq6StBwdvRL07V7DBRu93fQ/fOf+ZrtHE3QYMJ71P72Cf2gbAsLbkfz7HGqqyonvri8Xv817GVcPf3rd9Lw+fb+xLP5iHPs2zSQifgAn968kO/UIA+94C9B3LKye/Qw5aUe56aGv0WprKS3WrxPi6OyBSm39BaXr7DqupU+CknyNlsISHQPa6cvUsXpl6r5EJcfqlamk41pG9lCSma8gI09Htxh9m3HgbN3oBP0UjJMZOsqrIMBT/+jK89n6J1LYwvXQZgjRkHQuNAPu7uZX3VUqlcyfP5+nn36aNm3aEBMTw+eff86AAQP+8meMHj2axYsXk5iYSGFhIbNmzWL8+PF88sknvP/++0yaNIl+/foxdepUxo0bZ2FEf92OYzrs1DCiqxJHe0jNgfm/mz6i0MsVnOr1YaSk6odV9m+r0A/BLIT5m7WUWn9Nuiu2ckspDnYKHrjFA2dHJScvVPHR3Hyq611P+HurcHM29mS3bGHHqxOMw+3vHaEvD1v2lTFjiX7OvaebknuGu+PhoqSwpJZtyeUs3Wy72/1bD2uxVyu4pacaR3u4kKXjh/XV1NQ/Hm4KXBzqLZR0TouzIwzsoMLVScXFfB0/rK8xuUDckaJFrYLhXdU42euHBs5ZV0OBdUbkG3h0bkPPDT8Y/o7/6FUAUucu5uCESTgE+eEUalz4tPxcGrtveZT4jycR8dQ4KtIucujR18hdt9WQJnPhauz9vIme/DQOgX4UH0hh100PUZXdxO05K1mzoxwHOwXjRrji7KjgZGo10+YXmayP4Oelws3JWKYigux4caxxPZA7h+iHsW47UMGsFcZy0y3BHhSw64htK822o1rs1HBzd5W+PGXr+HFjjUn99nZT4OxovOA6cl6Hs4OWAe1UuDrpy8q8jbUm5WnnMX15GtpZhZODfprFDxtqLZ4725StRy7F0bNeHOtrGtULkzjO6XBx0F6qF+jrxQbTOJIu1YthXVWGejF3ve3iaNv3IWqqytm2dDJVFcX4h3di6PhvTUYaaPIvUFFmHCkX2W4EFaUF7NvwOeUa/RSKG8Z/i9Ol6QJ5GUfJST0IwC+fmI7CG/PCety8gq0aQ/sBD1FdVc4fi96gqqKYwIjOjJgwwySG4rwLVJQaY4jqMIKK0nz2/DadMk0Ovi3iGDFhhsl0gp43TwKFknU/PENtTRUhMX3oO+oNq+bdJI7++mOxpV4cwx9sEEe+aRyt2o+gvF4cPi3iGPGgaRxHk+azb71xquXyr/UdE/3HvGvoTLGW66X93nKoFns13Npb3+6dz9Yxe221yblWf54ytnuHzmpxcaxhUCc1bk6Qma9j9m/VjTpGOkerKC6FU+m2u7Mc3XEE5SX57FwzndLiHPyC47jlUWO5KCnIQKEw5j2oZSduGPsRSaumsWPlp3j6RXDjg1/gExQNQGlRFmcPbwRg/ke3mnzWqIlzCInqbrNYtqfosFPruPFSmbqQo+OnzbUNypQCZweomwZx9IK+zejfVomrI2QVwE+bjefaWi20DFTSLUY/EqKoTN9ZseWw7X6QXy9thhD1KXQ63fU7RkZcs/4zv/ktWNTQ8SPZVzsLVhER1cTzwJqZ7g+1vdpZsNiSKduudhasIjTc488TXeO018kNHmdnGz1H7R9mZ9f8h49eL1dbFRXNv3KUldluhMA/KSjQdqMD/kkFRc3/mrCm+vqo4G+Os95jrP9JJf/9eyO3rzbXJ9672lmwOllzQQghhBBCCCGEEBaRzgUhhBBCCCGEEEJYRDoXhBBCCCGEEEIIYRFZ0FEIIYQQQgghRPN0nT7WsTmSkQtCCCGEEEIIIYSwiHQuCCGEEEIIIYQQwiLSuSCEEEIIIYQQQgiLyJoLQgghhBBCCCGaJYVC7pdfK+RICCGEEEIIIYQQwiLSuSCEEEIIIYQQQgiLyLQIIYQQQgghhBDNkzyK8pohIxeEEEIIIYQQQghhEelcEEIIIYQQQgghhEWkc0EIIYQQQgghhBAWkTUXhBBCCCGEEEI0Swql3C+/VsiREEIIIYQQQgghhEWkc0EIIYQQQgghhBAWkWkRQgghhBBCCCGaJ4U8ivJaISMXhBBCCCGEEEIIYRHpXBBCCCGEEEIIIYRFpHNBCCGEEEIIIYQQFpE1F4QQQgghhBBCNE/yKMprhhwJIYQQQgghhBBCWEQ6F4QQQgghhBBCCGER6VwQQgghhBBCCCGERWTNBSGEEEIIIYQQzZNCcbVzIC6RzgVxVbi6NP9BM527BV7tLFiFg/31cUJeMmXb1c6CxUZN6X21s2AVR+anXO0sWKy6Wne1s2AVVdXaq50FqygoqLnaWbCY2q75t3sAAX52VzsLFqupuT6OhaPD9dF+218HdaO6qvmfo4SwhuZfm4UQQgghhBBCCHFVycgFIYQQQgghhBDNkkIeRXnNkCMhhBBCCCGEEEIIi0jnghBCCCGEEEIIISwinQtCCCGEEEIIIYSwiKy5IIQQQgghhBCieVLI/fJrhRwJIYQQQgghhBBCWEQ6F4QQQgghhBBCCGER6VwQQgghhBBCCCGERWTNBSGEEEIIIYQQzZNScbVzIC6RkQtCCCGEEEIIIYSwiHQuCCGEEEIIIYQQwiIyLUIIIYQQQgghRLOkkEdRXjPkSAghhBBCCCGEEMIi0rkghBBCCCGEEEIIi0jnghBCCCGEEEIIISwiay4IIYQQQgghhGie5FGU1wwZuSCEEEIIIYQQQgiLSOeCEEIIIYQQQgghLCLTIoQQQgghhBBCNE/yKMprhhwJIYQQQgghhBBCWEQ6F4QQQgghhBBCCGER6VwQQgghhBBCCCGERaRzQQghhBBCCCFE86RQNM/X3/Dll18SERGBo6Mj3bt3Z9euXZdNX1hYyMSJEwkKCsLBwYHo6GhWrVr1tz77SsiCjteI8ePHU1hYyNKlS692Vq5Jh7bNI3nz95RpcvEJiqXvqNcICGvXZPpTB9awa81naArS8fANp+eNLxAe19/w76cP/caRHfPJSTtCZVkRd/xrCb7BcRLHFUj+Yx57N35PaXEOfsGxJN7+OoHhTcdwYv9qtq/8jOL8dDz9Iuh7ywu0TDDGsGPVdI7vW4mm8CIqlR3+oQn0vulfBEW0t2kcACP7OdO3oyPODgpOpVXz4+oSsgu0TaZvHapmWE9nwgNVeLqp+GJhMcknqkzSfPdvX7PbLtxQytqkcqvl3btPFyKfn4BHpzY4tvBnz+gnyFq24fLb9OtG/Eev4BrfmorUTE5N/Yq0uUtM0oQ/fg+Rz03AIdCP4oPHOPLs2xTtPmS1fJuj0+nYt346x/cspKpcQ0B4R3qNnIyHb8Rltzu6Yx6HtsykvCQX78BYet78b/xC9WWxsqyQfeu/IP3UNkoKM3F08SY8fhCdhzyNvaObzWLp10ZBx1YKHOwgLRdW79FSUHL5bTpHKegRp8DVEbIK4be9WjLyzae9q5+SVi0ULNxSy4l0q2ffoH9bJR1bKXC0g9RcHat3a8n/kzi6tFbQM1aJqxNkFcCavbUmcYwdqCIiwPRiau9JLav2NF3nLDGks5qusSqc7OFclpalW2vIK9Zddpse8Sr6t1Pj6gSZ+TqWba8mLce4jbebght7qAkPUKJWwYk0Lcu2V1NivardyKAOKrpEK3G0hwvZOpbtqCFPc/ltuscq6dNGhasTXMzXsWJnLem5+jg8XeGF2+3Nbve/TdUcOX/57+ivOrh1Hvs36ds93xax9Bv1GgGXaTNOJa8hac1naPL17V6vm14gIr5eu3fwNw5vn0/2pXbvzueX4PcPtN8AA9op6dRaqa8XOTpW7qol/0+ORddoJb3i9fXiYoG+LmXkGb/j+4eoiAgwvde350QtK3dZv17s+30eu9fp22//kFgG3fE6QRFNH4vj+1azdflnFOWl4+UfQf9bXyCyjfFYrJr7CkeSTNuQiPg+jHnye6vnvT6dTsf+DdM5vnshVRUa/MM70uuWK2gzkuZx+FKb4RUYS8+bGrQZG/RtRmm9NqPTYNu2GQM7qOjc2li/lyfV/GmZ6hajpPel+p2Vry+HdfW7TqifgkEdVYT4KtDq9GVv7roaamptFor4ByxYsIDnnnuOr7/+mu7duzNt2jSGDh3K8ePH8ff3b5S+qqqKIUOG4O/vzy+//EJwcDDnz5/H09PTZnmUkQvimncyeRXblr1HlyETGfPsYnxbxLBixkOUafLMps88t491854nrtvtjPnXElq2Gczq2U+Sl3nCkKamqpygiM70vPGFfyqM6yKO4/tW8ceSqfQYNpF7X1yCb3Asi/87ockYMs7sY9Wc52nT83bufWkpUe0Gsey7ieRmGGPw8o8gccwbjH1lOXc8+xMe3sEs/u+DlGma+HVlJcN6OjGoqyM/ri7h3dmFVFbr+NfdHqhVTW/jYK8gNauGeWtLm0zz3LQ8k9es5Rq0Oh17j1VaNf8qF2eKDx7n8NNvXlF6p4gQui77hrzNO9naZSRnp8+h7Tfv4DukjyFN0JjhxH04iZPvfMnWbqPQHDxG95XfY+/nbdW8N3Twj+84uuNHeo+cwi2PL0Bt78zaWQ9TU930d3bm4Cp2rnqfjoMmMnLiIryDYlgz62HKS/RlsbQ4mzJNNt2Gv8Rtzyyj3+3vknZiC1sWvWazOHrGKugarWD1Hi2z12mproG7ByhRXaaljQtVMLijgi2HdXy/Vkt2oY67Bihxdmictlu0Auv+7DOvV5yCbtEKVu3WMnNdLdU1cE+i6rJxxIcpGNJRyR+HtcxYU0tWoY57ElWN4th3SssnS2oMr/XJtulY6N9eRa8EFUu3VvPlr1VUV8ODw+0uW7/bRSq5qYea9ftqmL6kisw8LROG2+PiqP93OzVMGGGHTgczVlbx1bIqVEq4/wZ7/t79pz/Xt42SHvFKft1Rw9cra6iqgftvuHwcbSKUDO+qYlNyLf9dVs3FfB3jh6gNcRSVwnsLqkxeG/bXUFmt42S6dUvYyf2r2Prre3QdOpE7n1uMT4sYln17mXbv7D7W/vg88d1u587nlxDZdjCrZpm2e9VV5QS17Eyvm/659hugd7yS7rFKVu6s5bs1+mNx30D1ZetFQriCGzor+f1gLd+sqiGrAO4b2Lhe7D2p5aNfqg2vdfutXy+O7VnF5kVT6XXjRMZNWoJfcCwLp0+gtIljkX56H8tnPk/bXrdz/6SltG4/iCXfTCSnXvsN0DK+L49P3Wp43fzgJ1bPe0OHtujbjF4jp3Dz4wuws3Nm7ew/bzN2rXqfDgMncsvERXgHxrB2trHNKNNcajOGvcSop5fRd7S+zdi62HZtRp82SrrHKVmeVMO3q/RlatwQO9SXKVNtIpQM66pi84Favl5ezcUCHeMGG+s36DsWxg5WczpDyzeravhmZTU7U7To/okGRNjUJ598wsMPP8wDDzxAfHw8X3/9Nc7OzsycOdNs+pkzZ5Kfn8/SpUvp3bs3ERER9O/fn/btbXcDTzoXrkEDBgzg6aef5qWXXsLb25vAwECmTJlikqawsJBHH32UgIAAHB0dadOmDStWrDD8+6JFi0hISMDBwYGIiAg+/vhjk+0jIiJ45513GDduHK6uroSHh7Ns2TJycnIYOXIkrq6utGvXjj179phst3XrVvr27YuTkxOhoaE8/fTTlJY2/UPLGg78Ppv47mOI6zYa78Ao+o9+E7WdI8d2LzKb/uCWHwiL6UPHxAl4B7Si+7Bn8AuO59C2eYY0MZ1H0vWGiYS07mnTvNd3PcSxb9Ms2vS6g4Qeo/EJimLwHW+itnfkcJL5GPb/PpeIuL50GfQQPoGt6HXjs/iHxJO85UdDmtguNxMe0wtP31B8g1rTb9QkqipKyM04btNYBndzYsXWcpJPVJGWXcvMZSV4uinpGGP+jh7A4dPVLP29jP3Hq5pMU1yqM3l1iLbn+Llqcgute7GYs/YPTkyeRtav668offgjd1F+No2Ul96n5NgZzv93HhcXraXlM+MNaVo++wCp3/9M2pzFlKSc5tATk6ktqyB0/Gir5r0+nU7Hke1z6ZD4GOHxg/AOiqH/mPco02Rz/mjTsR3eOoeYrmOI7nwbXgFR9B45BbW9Iyf2LgbAOzCaQfd+TlhcIu4+YbRo1YMuNzzLhWOb0NbW2CSWbjEKth7RcSIdsotg2U4tbk4QE9L0T8/usQqST+s4eFZHbjGs2q2jpgbaR5puE+CpT7vCBnczG+oWo2TLES0n0nVkF8KvSfo4Yi8TR48YJftP6zhwKY6Vu/WdKx0axFFdC6UVxleVbQ4Fvduo2bi/hqPntVzM17FgczXuzgriw5u+7OnTVs2uY7XsPVFLdqGOpVv1F/tdYvS/5CMClHi5Klj4ezVZBTqyCnT8vLmaYD8FrVrY5nKqV7z+R8SxVP3n/bKlBjdniAtr+vN6JyjZc0LLvlNacopg2Q59B1Hn1vptdDooKTd9xYUpOXxWa/Xjkfz7bBJ6jCH+UruXeLu+3UvZZb7NOLDlB8Ji+9BpoL7d6zFc3+4d3Gps92K7jKTb0ImERv9z7TdA9zglfxzScjxNXy+Wbq/FzRliQy9TL+KU7DulJfmMjtwiWLGzlupa6Bhlevyqa3Sm9aLa+vnfs3EW7XrfQdueo/ENiuKGu9/Ezt6Rw9vNH4u9m+bSMr4v3YY8hE9QK/rc/CwBofHs3/yjSTqV2h5XDz/Dy9HZw/qZr0en03Fk21zaD7jUZgTG0G/Me5RrsrmQcpk2Y9scYrpcajP8L7UZdsY2wysgmkH3mLYZnYfYts3oGafij4PG+r14q75+x16mfveKV7L3pJb9l+r38h36MtWpXpka1lVFUoqWLYe15BTqyCuGI+e11Nq++RA2VFVVxd69exk8eLDhPaVSyeDBg9mxY4fZbZYtW0bPnj2ZOHEiAQEBtGnThnfffZfaWtsNYZHOhWvUnDlzcHFxYefOnXzwwQe89dZbrFu3DgCtVsvw4cPZtm0bP/74I0ePHuW9995DpdJfAO3du5c77riDu+66i0OHDjFlyhRef/11Zs+ebfIZn376Kb1792b//v3ceOONjB07lnHjxnHfffexb98+WrVqxbhx49Bd6uo8ffo0w4YNY/To0Rw8eJAFCxawdetWnnzySZt9D7U1VeSkHyEkupfhPYVSSUjrnlw8n2x2m6zzyYS07mXyXmhMb7KaSP9PuB7iqK2pIiv1CGExpjGExfQi8+x+s9tknksmrMEFYHhcHzLPJjf5GYe2L8DByQ2/4Bir5b0hX08lnq5KUs4ZOwnKK3WcSa+hVbCd1T7H3UVB2yh7thyw7qiFv8OzRwdyN5o2PjnrtuLVowMACjs7PDolkLthuzGBTkfuxu149uhos3xpCtIo1+TSopWxnNg7uuEX0o7sCwfMblNbU0VuxhFaRBm3USiVtGjVk+wLyU1+VlWFBnsHV5Qq688I9HQBVycF57KMt4YqqyE9D4J9zG+jVEKQF5zNMr2ddDZLR4iP8QeLWgUjeypZu1dLaYXVs27C0wXcnBScvWgmDl/zP6KUSgjyxmQbuBRHg23ahCt4/jYVjw5XMbC98rJ34P8ubzcF7s4KTqUbr6Qrq/XD2MMDzF/2qJT6+OpvowNOpWsJ99dvo1bp36s/rLimVv9jPSLQ+pdTXq7g5qzgdKbpsUjL0RHqZ/5YqJTQwkfB6UzTOE5nagn1M5/HFj4KWvgo2XPSur88amuqyE47QmjDdi+6JxfPJZvd5uK5ZEIbtHthsb2bTP9P8XTV14szF03LVFpu08dCqYQW3grOZJrWizOZjetF25ZKXrxdzeM3qRnUwfr1oramiosXjhDeoP0Oj+1FRhPtd8bZZMJjTdvviPg+ZDRov1NP7uLLl3ry3ZSh/Pa/yZSXFFg38w1oCtIoL/nrbUaeuTYjqic5V6nNMNTvjAbn2j+p30E+Ck5nNKjfGVpCLtVvF0cI9VNSWqHjoeFqXrrDjgeHqgnzt9X4qmuEUtksX5WVlRQXF5u8KivNXzPm5uZSW1tLQECAyfsBAQFcvHjR7DZnzpzhl19+oba2llWrVvH666/z8ccf884771j9ENSRNReuUe3atWPy5MkAtG7dmi+++IINGzYwZMgQ1q9fz65du0hJSSE6OhqAyMhIw7affPIJgwYN4vXXXwcgOjqao0eP8uGHHzJ+/HhDuhEjRvDoo48C8MYbb/DVV1/RtWtXxowZA8DLL79Mz549ycrKIjAwkKlTp3Lvvffy7LPPGvL1+eef079/f7766iscHeuNyaqnsrKyUUWpqbZHbWdm3G8DFaUF6LS1OLuaXp07uflSkH3W7DZlmlyc3UzTO7v6UqbJ/dPPs5XrIY7yuhga5snNh4KsM2a3KS3OxdnddA0CFzefRjGcObyJVbOfo7q6HBd3P257YiZOrrYbiu/hom+Ei0tNL6aLS7V4uFrvR0Kvto5UVunYZ+UpEX+HQ4AvlVmm33tlVi52Hm4oHR2w8/JAqVZTmZ3XIE0eLjGR2Er5pbLg1LBuuPpSXpJjdpuKskJ02loz2/hQlGO+PlWUFrB/01fEdLvDCrlurG5IasMf/6UVOlydzG/jbA9KpcLMNuDjbvx7SEcF6bk6m66xUKcur2bjMH+Kx9lBH0dJha7BNuDrZrygPXxeS1EplJTr8PdUMKiDEh83JQu3WvdHbV0MJeWm+Skp1+HqZP4C29kRVEqF2W38PPXnhAvZ+tEYw7upWbu7BhT6/1cpFbg5WzWES3EomozDraky5VAXBw22Ad8mbih3bq0ku1BHao51x0zXtRlOjdoMXwr/SrvndnXbbwBXR/2xMFdXXRybKFMOTdVvHb4exm0OndXXC025jgBPBYM7qvBxV/DzH9a7s1hecqn9dm/cfudfpv12cWvcfpcWG49Fy/i+RHcYgodPCIU5qWxZ9gm/fPkw9764AKXSBj2HNN1mOF6mzai8TJtReJk2I3nzV0R3tU2bYajfDc6bJZdrMy7Vb3Pl0O9S/fZy1e83sb2KtXtryczX0aGVkvE3qPni1+o/Xc9B/LOmTp3Km2+aTm+dPHlyoxHrf5dWq8Xf359vv/0WlUpF586dSU9P58MPPzT8zrQ26Vy4RrVrZ7rATlBQENnZ2QAkJycTEhJi6FhoKCUlhZEjR5q817t3b6ZNm0Ztba1hhEP9z6jrBWvbtm2j97KzswkMDOTAgQMcPHiQefOMwxN1Oh1arZazZ88SF2d+QSVzFWfoXW8w/J4pTcYv/n8Jbd2d+15eSnlJAYd2/MzKWc9y9/MLG11k/l3dExwYO8LV8PfnC4qsst8/07u9A0mHK2UBpXpOJS9n29Iphr9vGPeVzT+zqqKE3+Y8hpd/FJ0GTbTKPhPCFYzoYvyBsOAP24w3bd0CIgIUfLfWNvtvE67gxq7GDrX//W67wrr/tPEiOrtIR0mFlrEDVXi5/vmil5fToZWSUX2NI45mr2l62pIlSitg3vpqbu2jplcbB3Q6OHBaS1qOdeYyt49UcktP4w+yH9bbaM5IPWqVfq2JzQfkJFVf2wgFN3U3HoufNtnu+9l3ql69KNShKa/l/iFqvFxrLaoX/4S4Ljca/t8vOAa/kBhmvDGY1BO7Go16+LtOJy9n269TDH8P+afajLmP4elnvTajXUslN9er3/M22KZ+1z2AYM8J/dQJgDX5tUQGKujUWsX6fVLXryWTJk3iueeeM3nPwcH8zVdfX19UKhVZWVkm79fdBDYnKCgIOzs7w28/gLi4OC5evEhVVRX29k1PBf67pHPhGmVnZzo0W6FQoNXqTxJOTk10aVrwGYpLZyNz79V9bklJCY8++ihPP/10o32FhYU1+TnmKs6M9VdWmB1dvFAoVZSVmN5NLdc0viNeR3+XwzR9WUkuzm7m0/8Troc4nOpiaJgnTV6TeXJx96Ws2PSOU6mZ9HYOznj6hePpF05Qyw7MevsGDu/4hW43PGqVvCefrOLsd8ahmmqVvmy7uygpKjE2tO4uSlKzrNPgtw5VE+Sr5psl18ZtgsqsXBwCTL93hwBfqos0aCsqqcotQFtTg4O/T4M0PlRetN5dw7C4gfiHGjs2a2v0PwTLS/JwdjeudFxekot3kPkOS0dnTxRKlWEhLuM2eTg1KFtVlaWsnf0wdg7ODLp3OkqVdaa9nEzX8V29Fd/rFnVzcYSSeneVXBwVZBWY/+VZVgVarc5kIa66fZReuvMcEaDAyxVeuM10RM3o3kpSc+HHjZZ1OpxI15GeZ6wD6svEcbGpOCr1cejv7urqbdP4rlx9daube7kqKCj5+7/Oj17QkrrY2KFQdw3l6qRAU++uv6uTgsw8899XWQXUautGNphuU1Jm/PtkupYPF1Th7ABaHVRUwb/vdeDgGct7F1IuaEnNMeav7jzl6mQ6osLVSUFmftPHQh+H6fuuTph9okWbcCV2Kgw/Qqyprs0ob9RmNN2OmW33LpPeVo6n6UjLNbYFddMUXBxNv0cXR5qu35VN1e/GI0vqq6sX3m6W1Yv6nFwvtd/FjdtvlyauQVzcfSnVNG6/m0oP4OkbipOrFwU5563WuRAWN9DwRAdous2ouEyb4XCZNsPZ1TSe6spSfptj/TbjWKqWtFxjPVPV1W/HBvXb8c/rt7k2Q3OpTNWd87KLTPeRU6TDw8XSKK5hiuY509/BwaHJzoSG7O3t6dy5Mxs2bODWW28F9L/RNmzY0OQU9d69e/PTTz+h1WpRKvXf0YkTJwgKCrJJxwLImgvNUrt27UhLS+PEiRNm/z0uLo5t27aZvLdt2zaio6NNeq7+qk6dOnH06FGioqIavS5XQB0cHHB3dzd5XcmUCNAvFOQXnED6SeNccZ1WS9qpJALDO5jdJiC8A2knTeeWp57YTkAT6f8J10McKrU9AaEJpJ4wjSH1+A6CWpqfkx8U0YELJ5JM3rtwbDtBLTtc9rN0Wq3hAsIaKqt0ZBdoDa+M3FoKS7TERRjLraO9gshgNafTrbOSVp/2jpzLrCYt+9q4S1CYlIzPwB4m7/kO6kVBUjIAuupqivYdwXdgvQtChQKfxJ4UJpmfk/t32Du44O4Tbnh5+kfh5OZLxmljOamqKCEn7SD+YeZXM1ap7fFtkUDmKeM2Oq2WjNNJ+Id1MNnPmpkTUKrsGDL2v1d83rkSVTVQUGJ85Rbrh6vXf9SivVq/3kK6+cXY0Wohs4BGj2eMCFCQdqnjYnuKjhlrtHy31vgCWLdfx/Kdlv8gbBhHTrH+4rRloJk4cs1f8Gq1kJkPEYGmcbQMUJDWxDYAAV76/16uA+KKYqiGvGKd4ZVdoKO4TEdUsPESx8FOv4L6+Szz31mtVh9f/W0UQFQLJeezG29TVqnvWGjVQomLExw9b51jka8xvrILdWjKdLQKMn6vDnYQ4qdocgpDrRYy8nREBpnGERmkNOm4qNM5WsmxVB1lNpi5pVLb4x+SQGrDdu9kEoERHcxuExhhvt1rKr2tNKoXRfp6EVlvbQ17OwjxbfpYaLWQka8jskG9iAy8fL0I9Nan15Rbp2MB9MciMCyB88dNj8X54zto0UT73aJlBy4cM22/z6dsp8Vl2m9NwUXKSwtx9fCzSr4B7My1Ga6+ZJz5a22GT4sEk3amrs3wa9hmzLrUZtxn/Tajfv3OuVS/IxvU7+A/qd+ZTdTvtEv1u7AEist0+LqbljtfdwVF1/hIGPHnnnvuOWbMmMGcOXNISUnh8ccfp7S0lAceeACAcePGMWnSJEP6xx9/nPz8fJ555hlOnDjBypUreffdd5k40TojcsyRzoVmqH///vTr14/Ro0ezbt06zp49y+rVq1mzZg0Azz//PBs2bODtt9/mxIkTzJkzhy+++IIXXrDssU0vv/wy27dv58knnyQ5OZmTJ0/y66+/2nRBR4D2/cdzdOdCju1eQn7WaX5fPIWaqnJiu94GwPr/vcyOVcanYbTrO5bU41tJ3jyTguwz7Fo7nZy0I7Ttfa8hTUVZIbnpKRRknQagIOcsuekplBWbn68nceh1SnyAQ9t/5sjOJeRdPM2Gn6dQXVVOQnd9DGt+eImty4wxdOw/jvMpW9i7cSb5WafZsWo6WamH6dD3PgCqK8vYuvwTMs8mU5yfTtaFw/w2bxIlRVm07jjMJjHUWb+rnBt7O9G+tT3Bfiom3OJKoUZr8iSI5+9xJ7GL8RaBgx2EBqgIDdB30vl5KgkNUOHtbnoqdbRX0CXOgS3JtltrQeXijHv7WNzbxwLg3DIE9/axOIYGARDzznO0n/W+If35b+fj3DKU2Kkv4hITSfhj9xA0ZjhnP5ttSHN22ixCJ9xB8NhbcY2NpM2XU1C7OJE6Z7HN4lAoFCT0Gkfypq85n7KR/Isn+H3hKzi7+RMeb1wRedV3D3B0h3FKVps+93N8z0JO7ltKYfZptv36JjVV5UR3GgUYLxJrqsvpe9s7VFWWUKbJoUyTg1Zrmw6fXcd19E5Q0LqFfv7rLT2UaMr1d0Hr3JOopEtr40XfzmM6OrZS0DZCgY87DO+iwE6N4U54aYX+h039F+gvHots9KCeXce19ElQEh2swN8Dbu2pj+NYvTjuaxBH0nEtnVopaNdSga87jOiqxE4NB87WjU6AvgkKAr3AwwWigxWM7KHifLZ+5X1r23a4hoEd1cSFKQnwUnDHADuKy3QmnQAPjbCjZ7yxw33roRq6xqjo1FqJn6eCW/uosbeDvSeM5aVztIpQfwXebgo6RCm5Z5Ad2w7VkltkvR+C9W0/WsuAdipiQxUEeCoY3VeNpkw/yqHOAzeo6R5rPAdtO6KlS7SSjq2U+nLYU4W9Wv+4w/q83SA8QMHek7brAO3QfzxHkxaScqnd2/yLvt2L66ZvM9b99DLbVxjbjPZ9x3Lh2Fb2b55JQdYZdq6ZTnbqEdr1qdfulRaSk55C/kV9u1eYfZac9BRKbdh+A+xM0dK3jZLoEAX+njCqlwpNGRxLNR77sYNUdI02HoukFC2dWitpH6mvFzd119eL5NP6Y+HlCv3aKgnyvlQvQhTc2kvFuSyt1etFl4EPcHDbzxxOWkJe5ml+mz+F6spy2vTUH4uVs1/ij6XGY9E5cRxnj25h9/qZ5F08zbYV07l44TAdB+jb76qKUjYvfp+Ms8kU5aVx/tgOlnz9BF5+4UTE9bVu5utRKBQk9B7HgU1fc+FSm/HHL6/g5OZPWJyxzVj9fYM2o/f9nKjXZmxfdqnN6GxsM9bOnkBNVTl9Rv0zbcaOlFr6t1MRE6rA31PBbX309ftYvfo9/gY13erV7+1HtXSOVtKhlRJfD7iph75+76s3+mjb4Vp6xCmJD1fg7QYDO6jw9VCw99S1cbND/H133nknH330EW+88QYdOnQgOTmZNWvWGKayX7hwgczMTEP60NBQ1q5dy+7du2nXrh1PP/00zzzzDK+88orN8ijTIpqpRYsW8cILL3D33XdTWlpKVFQU7733HqAfYfDzzz/zxhtv8PbbbxMUFMRbb71lspjj39GuXTt+//13/v3vf9O3b190Oh2tWrXizjvvtEJETWvdYQQVJfnsWjudMk0Ovi3iuOmhGYZhkiUFGYYpHABBEZ0YfO9H7FozjaTVn+LpG8Hw8V/gE2Rco+LckY1sXPCq4e91P+qnbXQZMpFuQ5+SOJoQ02kE5SX57Fj1OWXFOfiFxDHq8e8MwyQ1BZko6g1NaxHZieH3f8T2ldPYtvwTPP0juOWhL/FtoY9BoVRRkHWG5buWUFFSgKOLJwFhbbnjmXn4BrW2ev7rW7OjHAc7BeNGuOLsqOBkajXT5heZrI/g56XCzckYT0SQHS+ONa6KducQ/ToO2w5UMGuF8ZZAtwR7UMCuI7brXPDo3IaeG34w/B3/kb4cpM5dzMEJk3AI8sPpUkcDQPm5NHbf8ijxH08i4qlxVKRd5NCjr5G7bqshTebC1dj7eRM9+WkcAv0oPpDCrpseoiq7iVvvVtKu30PUVJWzbclkqiqKCQjvxNAHvjW5a6TJv0BFqXFqS2S7EVSUFrB3/eeUa3LxCYpj6APfGqZF5GUcJSf1IAALPx5q8nl3vLgeN69gq8ex45gOO7X+h7WjPaTmwPzfTR//5eUKTvVuhqWk6oe49m+r0E+hKIT5m7WUXsU1QLen6LBT67jxUhwXcnT8tLm2QRwKnB2gbgrB0Qs6nB209G+rxNURsgrgp821hoXHarXQMlBJtxj9SIiiMn1nxZbDtllL4vcDtdirFdzW1w5HeziXpWXWmmqT+u3jrsTF0fjD8OAZLS6ONQzpbIebs34EwMzVVSZD2P08FAzrao+TAxSU6NiUXMPWQ7a7YN9yWIu9WsHIXmr9scjSMWedaRze7gqTRQUPn9Pi4giDOqpwdVKRma9jzrqaRovAdW6torgUTqXbpmMEoHVHfZuxa810Sotz8AuO4+ZHjO2epmG717ITN9z3EUmrp7Fj5ad4+kUw4gHTdu/skY1smG9s99b+oG/3ut4wke7DbNN+A2w7qsVODTd3V+mPRbaOHzfWmNQLbzcFzvXK1JHz+noxoJ0KVye4WKBj3saG9UJB91i1vl6U6juO/rBBvYjtMoKykny2rfic0uIc/EPiuP3JBu230tjeBbfqxE0PfsSWZdPYsuwTvPwiGPXol/jVa79z0k9wJGkpFeUaXD38iYjrTZ+bn0FtZ5vh1nXa9r3UZizVtxn+4Z0YOt5Mm1HWuM3Yt0HfZngHxXHD+G9xcm3cZvzyiWmbMeYF27QZWy/V71t6Guv3D+urqal/rnVT4OJgWr+dHfUdBq5OKi7m6/hhvWn93pGiRa2C4V3VONnry92cdTUUXBuzNIWFnnzyySZv7G7evLnRez179iQpKalxYhtR6HTWWIZIiL/ms+VS7K4VDvbXx+OJ9uy5uquJW8OoKb2vdhas4sj8lKudBYtVV18f5yjtddLEl5bYfnFDW1PbXR+DRQP8rPe43qslv6D5lyeA4KDmfywA8gps08n4TyotvT7K1Fv327ZjyFYqln5+tbPwtzje2ngdu+bu+mjphBBCCCGEEEIIcdVI54IQQgghhBBCCCEsImsuCCGEEEIIIYRonprpoyivR3IkhBBCCCGEEEIIYRHpXBBCCCGEEEIIIYRFpHNBCCGEEEIIIYQQFpE1F4QQQgghhBBCNE+K6+Ox6tcDGbkghBBCCCGEEEIIi0jnghBCCCGEEEIIISwinQtCCCGEEEIIIYSwiKy5IIQQQgghhBCieVLK/fJrhRwJIYQQQgghhBBCWEQ6F4QQQgghhBBCCGERmRYhhBBCCCGEEKJ5kkdRXjNk5IIQQgghhBBCCCEsIp0LQgghhBBCCCGEsIh0LgghhBBCCCGEEMIisuaCEEIIIYQQQojmSSH3y68VciSEEEIIIYQQQghhEelcEEIIIYQQQgghhEVkWoQQQgghhBBCiOZJKffLrxVyJIQQQgghhBBCCGER6VwQQgghhBBCCCGERaRzQQghhBBCCCGEEBaRNReEEEIIIYQQQjRPCsXVzoG4RDoXhPibPNyujxNZafnVzoF1hIZ7XO0sWOzI/JSrnQWrSLgr7mpnwWK6nUeudhasQlOuutpZsIqMnOYfh7r5hwBcH9fwrq7Xx+Vvemb11c6CVcS1av6Vo6zS/mpnQYhrgkyLEEIIIYQQQgghhEWkc0EIIYQQQgghhBAWuT7GhQkhhBBCCCGE+P9HIffLrxVyJIQQQgghhBBCCGER6VwQQgghhBBCCCGERWRahBBCCCGEEEKI5ul6eIzNdUJGLgghhBBCCCGEEMIi0rkghBBCCCGEEEIIi0jnghBCCCGEEEIIISwiay4IIYQQQgghhGielHK//FohR0IIIYQQQgghhBAWkc4FIYQQQgghhBBCWEQ6F4QQQgghhBBCCGERWXNBCCGEEEIIIUSzpFMornYWxCUyckEIIYQQQgghhBAWkc4FIYQQQgghhBBCWESmRQghhBBCCCGEaJ4Ucr/8WiFHQgghhBBCCCGEEBaRzgUhhBBCCCGEEEJYRDoXhBBCCCGEEEIIYRFZc0EIIYQQQgghRPMkay5cM+RICCGEEEIIIYQQwiLSuSCEEEIIIYQQQgiLyLQIIYQQQgghhBDNkk6huNpZEJdI58J1ZPz48cyZMwcAtVpNSEgIY8aM4a233sLR0fEq584yh7bNI3nz95RpcvEJiqXvqNcICGvXZPpTB9awa81naArS8fANp+eNLxAe19/w76cP/caRHfPJSTtCZVkRd/xrCb7BcTaPY++meexc9z0lRTn4h8Ryw12v06Jl03Gk7F3NH79+RlFeOt7+EQy47QWi2hrjmPpojNntEm97kR5DH7J6/gEObJnHvo3fU6bJwbdFLP1Hv05geNMxnExeTdKqzyjOT8fTL4LeN79ARLw+htraapJWTuNcyh8U5aXi4OhKaHQvet38PK4eATbJf30D2inp1FqJox2k5uhYuauWfM3lt+karaRXvBJXJ7hYoGP1bi0ZeTqTNCG+CgZ2UBLsq0Cn1af7cWMtNbXWj0Gn07Fv/XSO71lIVbmGgPCO9Bo5GQ/fiMtud3THPA5tmUl5SS7egbH0vPnf+IXqj2NlWSH71n9B+qltlBRm4ujiTXj8IDoPeRp7Rzer5t+7Txcin5+AR6c2OLbwZ8/oJ8hatuHy2/TrRvxHr+Aa35qK1ExOTf2KtLlLTNKEP34Pkc9NwCHQj+KDxzjy7NsU7T5k1bw3tPW3n9i8fBaaolxahMUwavyrhEWZrxsXU0+x5pfppJ05SkFuBiPHvky/EeOa3PeGX2ewav40+g67j1vvn2SrENi1YR7b1nxPSVEugaGxDL/3NUIim67fR3avYeOSzyjMTccnIJzBY14gup3xHFVSlMu6Xz7i9OFtVJRrCI/uwoh7X8MnIMJmMYC+XuxdN52UXQupKi8mMKITfUb9eb04sn0eB/74nnJNLt5BsfQe+Rr+ocb4U3Yu4FTyCnLTj1JdWcr9U3bh4ORukxis3e7pdDp2r53O0Z0LqSwvJqhlJ/rdNhlPvwib5L/Owa11bUYuvi1i6Xfba3/SZqwhafVnaPLT8fQLp9dNDdqMVZ9xPuV3ivLScHB0JSS6F71ues7mbcb1UKbqNPe2b+f6eWxdPVN/ngqL5cb7/t3keSor/SQbF08n49wRCvMyGH73K/Qaer9F+7QGa18PAuRmnmbT4g9JPbEbrbYWn6BW3PbYdDy8W9gsDiEakmkR15lhw4aRmZnJmTNn+PTTT/nmm2+YPHny1c6WRU4mr2LbsvfoMmQiY55djG+LGFbMeIgyTZ7Z9Jnn9rFu3vPEdbudMf9aQss2g1k9+0nyMk8Y0tRUlRMU0ZmeN77wT4XB0d2r2PDLVPrcOJEH/72EgJBYFnw+gdJi83Gknd7Hr989T/vet/Pga0tp3WEQi76aSE66MY6nPthq8rpx3LugUBDTaahNYjixbxVblk6l+7CJ3PXCEnyDY/n16wlNH4uz+1gz93nie9zO3S8sJbLtIFZ8P9FwLGqqKshOO0rXGx7n7ucXM+LBLyjIPsuK7x63Sf7r6x2vpHuskpU7a/luTQ1VNXDfQDWqy5wVE8IV3NBZye8Ha/lmVQ1ZBXDfQBXODsY0Ib4K7h2o4nSmju9W1zBjTQ27jmvR6ZreryUO/vEdR3f8SO+RU7jl8QWo7Z1ZO+thaqorm9zmzMFV7Fz1Ph0HTWTkxEV4B8WwZtbDlJfoj2NpcTZlmmy6DX+J255ZRr/b3yXtxBa2LHrN6vlXuThTfPA4h59+84rSO0WE0HXZN+Rt3snWLiM5O30Obb95B98hfQxpgsYMJ+7DSZx850u2dhuF5uAxuq/8Hns/b6vnv87+HatZ9sMH3DD6Cf717kJahMfw7XuPoikyXzeqqsrx8Q/lxrv/hZun72X3feH0IZI2LCQoLNoWWTc4vGsVaxe8x4BbJvLo5MUEhMbw4ycPUdLEOerCqX388s3zdOp7O49NWUJsx8HMn/4kWWn6+q3T6Zj/xUQKctK4++n/8tjkxXj6tGDuRw9SVVlm01gO/P4dh7f9QN9RU7j1yZ9R2zux6vuHLlsvTh9YxY4V79F50ERue3oxPkExrPr+IUO9AP05KzS6Lx0TH7Vp/m3R7u3f9B0Ht/5A/9FTGP20/jtZMePy34mlTuxfxZal79Ft6ETuel4fx7JvLhPH2X2s/eF5Errfzl0vLCGyzWBWznzSpM3ISTtK1yFPcNfzixjxwHQKs8+y8rsnbBZDneZepuo097bv0M5VrJ7/Pom3TuTxNxcRGBrDnI8ebvI8VV1ZgZdfKEPGPIerh/lz7V/dp6VscT1YkHOBHz68B5/ASO55/gcmvLGMPjc+gVrtYHafQtiKdC5cZxwcHAgMDCQ0NJRbb72VwYMHs27dOgDy8vK4++67CQ4OxtnZmbZt2/K///3PZHutVssHH3xAVFQUDg4OhIWF8Z///Mfw76mpqdxxxx14enri7e3NyJEjOXfunE1jOvD7bOK7jyGu22i8A6PoP/pN1HaOHNu9yGz6g1t+ICymDx0TJ+Ad0Iruw57BLzieQ9vmGdLEdB5J1xsmEtK6p03zXt+u9bNo3+cO2vUejW+LKIbd+yZqe0cObjcfx54Nc4lM6EuPoQ/hG9SK/iOfJTAsnr2bfzSkcfXwM3mdOLCB8OjuePmF2iSG/Ztn0abnHcR3H41PYBQDx+hjOLrTfAzJv88lPLYvnQc+hHdgK3qOeBa/kHgObNHH4ODkxqgnZhHdcQReAZEERXRgwO2vk516BE1Bhk1iqNM9Tskfh7QcT9ORXQhLt9fi5gyxoU0PresRp2TfKS3JZ3TkFsGKnbVU10LHKOOpdGhnJbuOa9l2REtOEeQVw9ELOmq11o9Bp9NxZPtcOiQ+Rnj8ILyDYug/5j3KNNmcP7q+ye0Ob51DTNcxRHe+Da+AKHqPnILa3pETexcD4B0YzaB7PycsLhF3nzBatOpBlxue5cKxTWhra6waQ87aPzgxeRpZvzad3/rCH7mL8rNppLz0PiXHznD+v/O4uGgtLZ8Zb0jT8tkHSP3+Z9LmLKYk5TSHnphMbVkFoeNHWzXv9f2xcg49Bt5OtwGjCAyJYvSEydjZO7Jr82Kz6cNateXme1+gY68RqNX2Te63sqKUeV+8zJiH38TZxcNW2Qdgx9rZdOo3ho59R+MfHMVN497Ezt6R/VvM1++d634gqk0feg+fgF+LVgy87RmCwuPZtVF/rs3LOkfa6QPcNHYywS3b4hsUyY1jp1BdVcGhnSttFodOp+PQ1rl0HPgYEQmD8AmKIfGO9ykrzubckabL2cEts4ntNoaYrqPxCoii7yh9W3O8XlvTtu/9dEh8BP+w9jbLP1i/3dPpdBzcMpfOgx+jZZtB+LaIYdBd71NanM3Zw1dW9/6O5M2zSeg5hvju+jgS/6zN+OMHwmP70GmgPo4eI57BLySeg1v0cTg4uXHr4zNp3XE4Xv6RBEZ0oP/o18lOs22bcT2UqTrNve3bvnYOXfqPoVPf2/APjuLm+6dgZ+/Ivj/Mn2tDItsy7K4XadfjxibPtX91n5ayxfXg70s/pVWbfgwc/RKBYfF4+YXRuv0gXNx9bBKDEE2RzoXr2OHDh9m+fTv29vqTaUVFBZ07d2blypUcPnyYRx55hLFjx7Jr1y7DNpMmTeK9997j9ddf5+jRo/z0008EBOiHGlZXVzN06FDc3NzYsmUL27Ztw9XVlWHDhlFVVWWTGGprqshJP0JIdC/DewqlkpDWPbl4PtnsNlnnkwlp3cvkvdCY3mQ1kf6fUFtTxcULR2gZZxpHRGwv0s/sN7tN+plkImJNOz9axvch/Uyy2fSlxbmcPvQ77fvcbrV811dbU0V22hFCGxyL0OheZJ4zH0PmuWRCo01jCI/tw8VzyU1+TmV5CSgU2NtwWKinK7g5KThz0XjVU1kNabk6Qv3MX2ApldDCW8GZTNPbMGcydYT46rdxdoAQPyWlFfDgUBXPj1Zz/xBVk/u0lKYgjXJNLi1aGb9je0c3/ELakX3hgNltamuqyM04Qoso4zYKpZIWrXqSfSG5yc+qqtBg7+CKUnV1Z9N59uhA7sYdJu/lrNuKV48OACjs7PDolEDuhu3GBDoduRu349mjo03yVFNTRdrZo7RuY/xOlUol0W16cP6k+eNwpRbPfIf4jv2IbmvbjtCamioyzh8hMt5Yv5VKJZHxPUk7nWx2m9TTySbpAaLa9CbtlD59bY2+XVDbGe+cKZVK1Gp7Lpzca90A6tHkp1GuySG4Xjtg7+SGf2i7Jst4bU0VuelHTNoOhVJJcFRPsi5TL2zBFu1ecX4aZZocQuulcXByIyCsXZP7tFSTbcZl4rh4LtkkPUBYTG8yL5PHynINKBQ2nUrQ3MtUnebe9tXUVJFx7giR8abn2lYJPUlt4jx1NfZ5Oba4HtRptZw+tBnvgAjmfzaBz17oyeypYziRbLuOw2uOQtk8X9eh6zOq/8dWrFiBq6srjo6OtG3bluzsbF588UUAgoODeeGFF+jQoQORkZE89dRTDBs2jJ9//hkAjUbDZ599xgcffMD9999Pq1at6NOnDw89pJ+7v2DBArRaLd999x1t27YlLi6OWbNmceHCBTZv3myTeCpKC9Bpa3F2Ne15dXLzpaw41+w2ZZpcnN1M0zu7+lKmMZ/+n1BWcimOBvlycfehpMh8vkqKc3Fx973i9Id2LMHe0YWYjjdYJ9MNlJeaj8HZzedPjoVvo/SlTaSvqa5k2/KPiOl0Iw6OrtbJuBmujvoLntIK0/dLK8DF0fzFkLMDKJUKM9vocHXS/7+Xm37b/u2U7DupZd7GGi7m6xg3WIW3dZcqAKD8Upl2alg/XH0pL8kxu01FWSE6ba2ZbXwM+2u0TWkB+zd9RUy3O6yQa8s4BPhSmWWaz8qsXOw83FA6OmDv64VSraYyO69BmjwcAi8//eDvKi0uRKutxc3D9Dt19fBBU/j3zzv7t68i7VwKI+76l6VZ/FNlGn39dnVveI7ybfocVZRrPv2l+u0bGImHTwvW//IJ5aVF1NRUsXXVDIoLLlJSaL58WkOZRr/vRu3GZdqBirIC8/XC7Z9vO2zR7tV9J05uV/6dWKrpNuMvxnGZ9DXVlWxf8RHRHW/E3oZtRnMvU3Wae9tXptGfa10bnmsvc210NfZ52c+zwfVgqSaPqsoyktbMIDKhL3c9M5OYjkNY9PWTXDixy9wuhbAZWdDxOpOYmMhXX31FaWkpn376KWq1mtGj9UOBa2treffdd/n5559JT0+nqqqKyspKnJ2dAUhJSaGyspJBgwaZ3feBAwc4deoUbm6mLUVFRQWnT59uMk+VlZVUVprOSayptje5myUsd2DbIhK63dxsv9fa2mpWz34G0DFgzJXNv79SbSMU3NRdZfj7p002WFkRqLs023tSP3wU4OJeLS0DlXRspWRDsmXjQ08lL2fb0imGv28Y95VF+7sSVRUl/DbnMbz8o+g0aKLNP0/oFeRlsnTOezz66gzs7JtnnVap7bhz4uf8Ous13n+qOwqlisj4nkS17Yc1J2Kf3L+cLYuNawsNe+Brq+1bXLtqa6tZM+dZ0EHimClW3ff1Uqaul7ZPXJ5Op/9+W7cfRLfB4wEICI0j7fQ+9v0xn7Doblcxd+L/G+lcuM64uLgQFRUFwMyZM2nfvj3ff/89EyZM4MMPP+Szzz5j2rRptG3bFhcXF5599lnDlAYnJ6fL7rukpITOnTszb968Rv/m5+fX5HZTp07lzTdNfywOvesNht8z5U/jcXTxQqFUUVZieheyXJOLs7v5u5DObr6NFosqK2l8B/2f5Ox6KY4G+SotzmtygSFXd99Gd/ibSp96cg/5WWe59eFpVstzQ04u5mMo0+T9ybHIbZS+YQ+8vmPhWTQFGYyaOMfqoxaOp+lIyzWuFaC+dK3l4ggl5cZ0Lo6QVWD+R09ZJWi1OlwaPHjFxVFh2EdJuX7bnCLTfeQU6XB3sXx4aFjcQJNVxuuGnZeX5OHs7m94v7wkF+8g808/cXT2RKFUmSwoVrcPpwZ1pKqylLWzH8bOwZlB905HqbKzOAZLVWbl4hBgmk+HAF+qizRoKyqpyi1AW1ODg79PgzQ+VF60zd1CF3dPlEpVo8UbS4ry/nSxxqaknTlKSXEen746xvCeVlvLmWN72Pbb/3j/h/0olarL7OGvcXbT1++GC5iVFuc2fY7y8DWfvl79bhHRhsffXEpFmYbammpc3L2Z8fYdtIhoY7W8h8cnmq0XZWbqhU+LpuqFl/l6YWb0la3Zot1zdvO7tI88XK7wO7FU023GX4zDTHp9x8K/KC7IYNQTs60+auF6KVPXS9tXx9lNf64taXiuvcy11NXY52U/zwbXg86uXiiVanyDWpmk8Q1sRepp201BE8IcmRZxHVMqlbz66qu89tprlJeXs23bNkaOHMl9991H+/btiYyM5MQJ40qzrVu3xsnJiQ0bzD8GrlOnTpw8eRJ/f3+ioqJMXh4eTS80NmnSJIqKikxeQ8Zc2aPUVGp7/IITSD9pnGOt02pJO5VEYHgHs9sEhHcg7aTpnOzUE9sJaCL9P0GlticwLIFzKaZxnD+2g+BI8/PAgyM7cP5Yksl751K2ExzZoVHaA9t+ITAsgYDQWKvmuz6V2h7/kARSGxyL1BM7CIowH0NQRAdST5rGcOH4dgIjOhj+rutYKMw5z61PzMbJxcvqea+qgYIS4yunCDTlOiIDjadAezv9atepOeYvsLRayMjXERloeqEUGaggLVe/TWEpFJfp8HU3TePjrqCo1PI7tfYOLrj7hBtenv5ROLn5knHa+B1XVZSQk3awycXBVGp7fFskkHnKuI1OqyXjdBL+YR1M9rNm5gSUKjuGjP3vNTMipjApGZ+BPUze8x3Ui4KkZAB01dUU7TuC78B681MVCnwSe1KYZH4+q6XUantCWsZz8rDxO9VqtZw8spPw1n9vkbbWbXrwwgdLee69RYZXaGQCnXrfxHPvLbJqxwLoY2gRnsDZeucorVbLmZQkQlp1MLtNaKsOJukBTh/ZTkhU4/SOzm64uHuTl3WOjHOHiek40Gp5t3dwxcM33PDyCojCyc2PjFPGvFVVlJCdetCkjNenUtvjG5xA+inT81vGqSQCmtjGVmzR7rl7h+Ds5meSpqqihKwLB5vcp6Xq2oy0Ew3ajJNNxxEY0YHUE43jCKqXvq5joTDnPKMen2WTNuN6KVPXS9tXR622p0VEAmeOmp5rzxxNIrSJ89TV2Ofl2OJ6UKW2JyiiLXlZZ03S5Gefw8M72LoBXKsUiub5ug5J58J1bsyYMahUKr788ktat27NunXr2L59OykpKTz66KNkZWUZ0jo6OvLyyy/z0ksvMXfuXE6fPk1SUhLff/89APfeey++vr6MHDmSLVu2cPbsWTZv3szTTz9NWlpak3lwcHDA3d3d5PVXfqi07z+eozsXcmz3EvKzTvP74inUVJUT2/U2ANb/72V2rPrYkL5d37GkHt9K8uaZFGSfYdfa6eSkHaFt73sNaSrKCslNT6EgSz+doyDnLLnpKZQV224ecLfBD5C89WcO7lhCbuZp1vw0heqqctr10sexfNZLbF5ijKPLoHGcObKFnetmknfxNFuWTyfz/GE6D7jPZL+V5SUc27uG9n3GYGsdBzzAkR0/k7JrCfkXT7Npof5YxHfXx/Dbjy+xbbkxhg79x3EhZQv7Ns0kP+s0Saunk516mPZ99THU1lazatbTZKceZujYj9BpayktzqG0OMdwp8hWdqZo6dtGSXSIAn9PGNVLhaYMjqUaL4TGDlLRNdp4mkxK0dKptZL2kQp83eGm7krs1JB82jjkc/tRLd1ilMSFKfByhcT2SnzdYf8p6w8LVSgUJPQaR/KmrzmfspH8iyf4feErOLv5Ex4/2JBu1XcPcHSHccRRmz73c3zPQk7uW0ph9mm2/fomNVXlRHcaBVzqWJg1gZrqcvre9g5VlSWUaXIo0+Sg1Vp3WK3KxRn39rG4t9d3jDm3DMG9fSyOoUEAxLzzHO1nvW9If/7b+Ti3DCV26ou4xEQS/tg9BI0ZztnPZhvSnJ02i9AJdxA89lZcYyNp8+UU1C5OpM6xzcrfAP1uvJ+dm35h9+9LyUo/zaKZb1FVWU63/vrv9Kf/TmLl/z41pK+pqSL9XArp51KorammqCCb9HMp5F48D4CjkwtBoa1NXvYOzji7ehAU2tomMfQcOp69vy8kedsScjJOs/KHKVRXltOxj75+L57xMut/Mdbv7kPGcurwVravmUlO5hk2LdU/S77bQOO59sjuNZw9tpP87FSO7d/A3I8eJLbTIKLa9Gn0+daiUCho22cc+zZ+zbmjG8nPPM6mBS/j7O5PRIKxXqz4djyHtxtXW2/XdzzHdi3kxN4lFGSdZsuSKVRXlxPd5TZDmjJNDrkZKRTnXQAg/+IJcjNSqCgrtGoM1m73FAoF7fqOY++Grzl7ZCN5mcfZ8L+XcXH3p2WbwWbzYA0dBoznSNJCfZuRdZpNvzRoM+a9zPYV9dqMfmO5cGzrpTbjDDvXTCc79Qjt+urjqJs+l516mBvu+xDtP9RmXA9lqk5zb/t6Db2fvb8vZP/WpWRnnGb53DepqiynU1/9ufaXb1/mt4WfGNLX1FSReT6FzPMp1NZWU1yQTeb5FPKyzl/xPq3NFteD3W+YQMqe1SRv+Zn87PPs2fQjJw9uotOAu20SgxBNkWkR1zm1Ws2TTz7JBx98wP79+zlz5gxDhw7F2dmZRx55hFtvvZWioiJD+tdffx21Ws0bb7xBRkYGQUFBPPbYYwA4Ozvzxx9/8PLLL3Pbbbeh0WgIDg5m0KBBuLvbbpXm1h1GUFGSz6610ynT5ODbIo6bHpphGFZYUpCBol7vX1BEJwbf+xG71kwjafWnePpGMHz8F/gEGZ8Rf+7IRjYueNXw97ofnwOgy5CJdBv6lE3iiO86grKSfLYs+5zS4hz8Q+K44+nvDFMEivMzUdRbOTakVSdueegj/vh1Gr8v/QQv/whGP/4lfsGmz7o/unslOp2O+G432STf9UV3GkF5aT5Jq/Ux+AXHMfLR7wzHQlNgGkNQy04MHfcRO1ZOY/uKT/D0i+CmCV8ajkVpYRZnD28E4H8fjjT5rNsmziWkdXebxbLtqBY7NdzcXYWjPVzI1vHjxhqTx2Z5uylwdjRecB05r8PZQcuAdipcneBigY55G2tNFrraeUyLWgVDO6twctAPNf1hQy0FJbaJo12/h6ipKmfbkslUVRQTEN6JoQ98a9KBp8m/QEVpgeHvyHYjqCgtYO/6zynX5OITFMfQB741TIvIyzhKTupBABZ+PNTk8+54cT1uXta7E+LRuQ09N/xg+Dv+I329TJ27mIMTJuEQ5IfTpY4GgPJzaey+5VHiP55ExFPjqEi7yKFHXyN33VZDmsyFq7H38yZ68tM4BPpRfCCFXTc9RFWDRR6tqWPP4ZQW57P2ly8oLswlODyWh1/5xjAtojA30+Q8VVyQwyeTjE922bxiFptXzKJVXFeeeGO2zfJ5OW26jaBUk8+mpdMpKcohMDSO+/41wzD0tig/A4XSGENYVCdGP/IRGxdPY8PiT/EOiOCup74gIMR4jtIUZrN2/nuUFOfh5ulH+54j6XfL4zaPpX1/fb3YsugNqiqKCYzozPAHZ5jUi+IG9aJVe/35bc9v+rbGp0UcIx6cYTKE/WjSfPat/9Lw9/Kv9Rf3/ce8S0y9H4yWskW71zFR/51s/uUNqsqLCWrZmZsenmHTUUnRHUdQXpLPzjXTDW3GLY9eJo6Wnbhh7EckrZrGjpWf4ukXwY0PGuMoLTK2GfM/utXks0ZNnENIlO3ajOZepuo097avbfcRlGoK2LDkc0qKcgkKi2Pc898az1N5mSjrXYdoCnL472Tj97htzUy2rZlJRExXJkyae0X7tDZbXA/GdBzCsHunsGPNt6xb8A7eAS257dHPCY3qYpMYhGiKQqez4qpKQlyhz5Y3/2Ln4XZ9DGcqLf/zNM1Bbl711c6CxZycrDvU/WpJuMs2c7j/SbqdR652FqxCU359lKkM2w0q+8eor49Dgeo6iKPStgPj/jElJTV/nqgZiGvV/AtVWeX1MRh8/ICrnYO/p2zboqudhb/Fuffoq50Fq7s+aoIQQgghhBBCCCGuGulcEEIIIYQQQgghhEWkc0EIIYQQQgghhBAWkQUdhRBCCCGEEEI0S7rr9LGOzZGMXBBCCCGEEEIIIYRFpHNBCCGEEEIIIYQQFpFpEUIIIYQQQgghmieF3C+/VsiREEIIIYQQQgghhEWkc0EIIYQQQgghhBAWkc4FIYQQQgghhBBCWETWXBBCCCGEEEII0SzpZM2Fa4YcCSGEEEIIIYQQQlhEOheEEEIIIYQQQghhEelcEEIIIYQQQgghhEVkzQUhhBBCCCGEEM2TQnG1cyAukZELQgghhBBCCCGEsIh0LgghhBBCCCGEEMIiMi1CCCGEEEIIIUSzJI+ivHbIkRBCCCGEEEIIIYRFpHNBCCGEEEIIIYQQFpHOBSGEEEIIIYQQQlhE1lwQQgghhBBCCNE8yaMorxkyckEIIYQQQgghhBAWkc4FIYQQQgghhBBCWESmRQghhBBCCCGEaJ7kUZTXDDkSQgghhBBCCCGEsIiMXBBXRU3t1c6B5UK8K692FqyisNzuamfBKrJzrnYOLFddrbvaWbAK3c4jVzsLFlN0T7jaWbCKEVOHXe0sWMXqXtOudhYsVlRyfSw41im88GpnwWJqZc3VzoJVTPkk72pnwSqGdwm82lmwWGTN0audBSvpebUzIJo5GbkghBBCCCGEEEIIi8jIBSGEEEIIIYQQzZJOHkV5zZCRC0IIIYQQQgghhLCIdC4IIYQQQgghhBDCItK5IIQQQgghhBBCCIvImgtCCCGEEEIIIZonhdwvv1bIkRBCCCGEEEIIIYRFpHNBCCGEEEIIIYQQFpFpEUIIIYQQQgghmiUd8ijKa4WMXBBCCCGEEEIIIYRFpHNBCCGEEEIIIYQQFpHOBSGEEEIIIYQQQlhE1lwQQgghhBBCCNEs6eRRlNcMORJCCCGEEEIIIYSwiHQuCCGEEEIIIYQQwiIyLUIIIYQQQgghRPMk0yKuGXIkhBBCCCGEEEIIYRHpXBBCCCGEEEIIIYRFpHNBCCGEEEIIIYQQFpE1F4QQQgghhBBCNEs6heJqZ0FcIiMXhBBCCCGEEEIIYRHpXBBCCCGEEEIIIYRFpHNBCCGEEEIIIYQQFpHOhWZg8+bNKBQKCgsLbf5ZCoWCpUuX2vxzhBBCCCGEEMJSOoWyWb6uR7Kgo5V9/fXXvPjiixQUFKBW67/ekpISvLy86N27N5s3bzak3bx5M4mJiZw6dYpWrVo1uc9evXqRmZmJh4fHn35+3T4LCgrw9PQ0+beLFy/yn//8h5UrV5Keno6/vz8dOnTg2WefZdCgQQBkZmbi5eX11wO3MZ1Ox95100nZtZCq8mICIzrRZ9RkPHwjLrvdke3zOPDH95RrcvEOiqX3yNfwD21n+PeUnQs4lbyC3PSjVFeWcv+UXTg4udssjt/XzGf9stkUF+YSHB7NHQ9OIqJ1W7NpM1JPsXLBl1w4k0J+Tgajx7/IwBvHmqR5/Ylh5OdkNNq239A7ufOhf9skhqT189iyaiYlRbkEhsZy09h/E9qqndm0WWkn2bB4OunnjlCYm8GIe16h97D7TdKcPbabLatmknHuCJrCHO59ZjrxnQfbJO8NJbZX0rm1Ekd7uJCjY0VSLfmay2/TLUZJrwQlrk6Qla9j1S4t6Xk6kzQhvgoGdVQS4qtAq4OLBTp+WF9LTa1t4ujXRkHHVgoc7CAtF1bv0VJQcvltOkcp6BGnwNURsgrht71aMvLNp72rn5JWLRQs3FLLiXSrZ5+tv/3E5uWz0BTl0iIshlHjXyUsynyZuph6ijW/TCftzFEKcjMYOfZl+o0Y1+S+N/w6g1Xzp9F32H3cev8k62ce8O7ThcjnJ+DRqQ2OLfzZM/oJspZtuPw2/boR/9EruMa3piI1k1NTvyJt7hKTNOGP30PkcxNwCPSj+OAxjjz7NkW7D9kkhjr2Hfrg0HUgChd3anPSqdiwiNqLF8ymdbnzSdShrRu9X33mCGWLvwVA3bod9u17owoIRenkgmbOB2hzbFCIGti5YR7bV39PSVEuAWGxjLj3NUIizZep7PSTbFzyOZnnjlCYl8GwuyfR84b7G6X7K/u0huQ/5rFnw/eUFufgFxxL4u2vExTR9Oed2L+abSs+ozg/HU+/CPqOfIHIhP5m066f/wYHty1gwG2T6JQ43kYR6K1buZCVS+ZRVJBHWMvWjHvkeVpFJ5hNu2ntUrZsWkXa+TMAtIyK5Y6xjzeZfuZ/32PjmiXcN+FZho2822YxAKxdsYjli3+iqCCfsJZRPPDov4iKiTebdsOaZfyxcTVp588C0DIqhrvGPdoofXrqOX6a9V+OHk5GW1tLcFgEz036D77+gTaN5Z6bfBjSxxMXJyXHzpTz1U9ZZOZUN5l+9FBvenZwJSTQgcpqLcdOlzN3aQ7pWabbxLR05L6RvkRHOKHV6jibVsmU6WlUVeua2PPfs27lQlYt/ZGigjxCI1oz7pEXmi5Tvy1l66aVxjLVKpYxY58wSb/4f9+StGUdeblZqNV2tGwVy+33PU5UTBur5ru+RavX89Ovq8kvLCIqIox/TbiP+NaRf7rd+q1JTP70a/p27ch7rzxjeH9z0h6W/raJ46fPUVxSyqyP3iS6ZbjN8i9EU67PLpOrKDExkZKSEvbs2WN4b8uWLQQGBrJz504qKioM72/atImwsLDLdiwA2NvbExgYiMKClVDPnTtH586d2bhxIx9++CGHDh1izZo1JCYmMnHiREO6wMBAHBwcmtxPdXXTjY8tHfj9Ow5v+4G+o6Zw65M/o7Z3YtX3D1FTXdnkNqcPrGLHivfoPGgitz29GJ+gGFZ9/xDlJXmGNDVVFYRG96Vj4qM2j2HvtjUsnvMhI8Y8xivvLyAkPIYv/vMYmqI8s+mrKyvw8Q9h5L3P4O7pazbNS1N/4t1vNxpeT72uv6Dv2PMGm8RwMGkVq356n4G3TmTiW4sIDIth9ocPU1LcRAxVFXj5hTL0judw9TAfQ1VlOUFhMdw87nWb5LkpfRKUdI9TsnxnLTNW1VBdA2MHq1Ff5qyYEKFgaBclmw/U8s2KGi4WwNjBKlwcjWlCfBWMHazidKaOb1fV8O2qGnYd06Kz7rWVQc9YBV2jFazeo2X2Oi3VNXD3ACWqy8QRF6pgcEcFWw7r+H6tluxCHXcNUOJspup3i1Zgo6wDsH/Hapb98AE3jH6Cf727kBbhMXz73qNN1ouqqnJ8/EO58e5/4dZEvahz4fQhkjYsJCgs2hZZN1C5OFN88DiHn37zitI7RYTQddk35G3eydYuIzk7fQ5tv3kH3yF9DGmCxgwn7sNJnHznS7Z2G4Xm4DG6r/weez9vW4WBXUxHHAeMomLHWkp++BBtdgYutz+OwtnVbPqyX2dS/N/XDC/NrKnotLVUH082pFHY2VObfoaKP5bZLN8NHd65irXz32PAyIk8OmUxgaEx/PDxQ02fpyr156nBY57H1cPPKvu01PG9q/h9yVR6DJ/IfS8twS84lsX/nUCZxvznZZzZx8rZz9Om5+3c9/JSotoNYtmMieRmnGiU9uSBdWSeO4CLh79N8l5f0pZ1zPv+M0bdNYF3Pp1DWEQU709+hqJC8z2ZKYf30bPfDfz7P/9lyoff4e3rz/uTnyY/L7tR2t07NnPq+GG8vM0fM2va/sd6fvhuOrff/SBTP5tJeMsopr7xHEWFBWbTHz20j979h/D61M9566Nv8PHz5903/kV+bo4hzcXMNCa/9DgtQsJ5Y+oXvP/FHG67azx29k1fg1nDbTd4c2OiF1/9lMWLH1ygolLLlKdDsFM3fY3ZprUzq34v5MUPzjP5szTUKgVTngrFwd64TUxLRyY/FULy0TJeeP88L7x/npWbC9FauQFJ2rKOn2ZOY9SdD/H2J3MJa9maD6Y83XSZOrSXnn2H8uo7XzH5g+/x9g3ggylPmZSpwBZhjHvkRaZ+/j9ef+9bfP2D+GDKUxQXmT++llq/bSfTZ8/nwTtuZeaHbxIVHspzb39EQVHxZbfLzM7hizkLaB/XuE2rqKikXWw0j4+9wyZ5FuJKSeeClcXExBAUFNRohMLIkSNp2bIlSUlJJu8nJibyww8/0KVLF9zc3AgMDOSee+4hOzvbJF39aRHnz5/n5ptvxsvLCxcXFxISEli1ahXnzp0jMTERAC8vLxQKBePHjwfgiSeeQKFQsGvXLkaPHk10dDQJCQk899xzJnmqPy3i3LlzKBQKFixYQP/+/XF0dGTevHkAzJw5k4SEBBwcHAgKCuLJJ5+0wbepp9PpOLR1Lh0HPkZEwiB8gmJIvON9yoqzOXdkfZPbHdwym9huY4jpOhqvgCj6jnoTtZ0jx3cvMqRp2/d+OiQ+gn9Ye5vlv86GFXPpNWg0PRNvJSi0FXc98jr29k7s2LjUbPrwqDbcNu55uvQejtrO3mwaNw9vPLx8Da/De3/HNyCU1vFdbBLDtjVz6DJgDJ373YZ/cBQjx0/BzsGRvb8vNps+JLItw+9+kXY9bmwyhpj2/Rhy+7MkdBlikzw3pUeckj8OajmeqiOrEBZvrcXNGWLDmr7A6hWnZO9JLcmndeQUwYqkWqproWOU8VQ6rKuSnce0bD2sJacI8orhyHkdtVrbxNEtRsHWIzpOpEN2ESzbqcXNCWJCmo6je6yC5NM6Dp7VkVsMq3brqKmB9pGm2wR46tOu2GWjzAN/rJxDj4G3023AKAJDohg9YTJ29o7s2my+TIW1asvN975Ax14jUKvNlymAyopS5n3xMmMefhNnlz8f9WWJnLV/cGLyNLJ+bfp8VF/4I3dRfjaNlJfep+TYGc7/dx4XF62l5TPjDWlaPvsAqd//TNqcxZSknObQE5OpLasgdPxoG0UB9l0GUHVoO9WHd6LNy6J83c/oqquwb9PDbHpdRRm6Mo3hpQ6Pgepqqk8kG9JUH91D5Y611Jxv/CPXVrb/NpvO/cbQse9o/IOjuGncm9jZO7J/yyKz6YMj2zL0zpdo2/1G1Go7q+zTUns3zaJNzzto02M0PkFRDL7zTdT2jhzeYf7z9m2eS0RcX7oOfgifwFb0vulZ/EPjSf7jR5N0msIsNv3yNsPv/wiVynys1rT61/+ReMNI+g++meCwSB544hUcHBz5ff1ys+mfeP4thoy4nfDIaFqERPDwk/9Gq9Vy5MAek3T5ednM/fYjnnj+LVRq2w/CXbl0AQOH3syAITcSEtaShya+iL2DA5vXrTCb/qkXp3DDjbcRERlNcGg4jz71CjqtlsP14lgw91s6dOnJvQ9OpGWraAKDQujSvS8enrYdPXrzQC8Wrs5j18ESzqdXMm32Rbw91PToYL4TEeDNL9LYmFRMamYV59Ir+WzuRfx97GgVZuxZnzDGnxWbClj0Wz6pmVWkZ1WzbZ+Gmhrr9i6s/vUnBtxwK/3qytTj+jL1R5Nl6m0G1ytTDz35b7RaHUcP7Dak6dV/GG06dMM/MJiQsFbcO+FZystKST130qp5r7Ng+VpuHtyfGwf2pWVoMC8+ej8ODvas2PBHk9vU1mp5c9o3TLjzVloENO5QGzagNw/eMZKu7cyPprnuKRTN83Udks4FG0hMTGTTpk2Gvzdt2sSAAQPo37+/4f3y8nJ27txJYmIi1dXVvP322xw4cIClS5dy7tw5Q6eAORMnTqSyspI//viDQ4cO8f777+Pq6kpoaCiLFukvPI4fP05mZiafffYZ+fn5rFmzhokTJ+Li4tJofw2nTzT0yiuv8Mwzz5CSksLQoUP56quvmDhxIo888giHDh1i2bJlREVF/fUv6gpp8tMo1+QQ3LqX4T17Jzf8Q9uRfSHZ7Da1NVXkph8hpN42CqWS4KieZDWxjS3VVFeTeiaF2HbGi3SlUklsu+6cOXHAap+xa8tKeg681aJRLk3uv6aKjHNHiEroaXhPqVQSFd+TC6eSrf55tuTlCm7OCs5kGn80V1ZDeo6OUD/z351KCUE+Cs5kGi+UdMCZTOM2Lo4Q6qektAImDFPx4hg1D9ygIszfNg2Ipwu4Oik4l2XMU2U1pOdBsI/5bZRKCPKCs1mmF3xns3SE+BjzqVbByJ5K1u7VUlrRcC/WUVNTRdrZo7RuY1qmotv04PxJy+rF4pnvEN+xH9Fte/554n+YZ48O5G7cYfJezrqtePXoAIDCzg6PTgnkbthuTKDTkbtxO549OtomU0oVqoDQBp0AOmounEDVIuKKdmHftgfVx/ZBdZVNsnglamqqyDx3hMgE47lfqVQSGd+T1L95nrLFPi+ntqaKrNQjhMeYtl/hMb3IPLff7DaZ55IJjzEt6xGxfcg4a8yfTqtlzdwX6TJoAr5BjaezWFtNdTVnTx0joUM3w3tKpZKE9l05dezKpvdUVlZQW1uLq5txuqJWq+XrT6Zw46j7CAn782HkltLHcZy2Hboa3lMqlbTt0IUTxw5f0T4qKyuoqa3B5VIcWq2W/Xu2E9QilHdf/xeP3Hsj/37uYXbvaPrHpTUE+Nrh7aHmwLEyw3tlFVpOnK0gpqXTFe/H2Un/86GkTD/Xz8NNRUxLJ4o0tbz/Qhhz3m/Ff/4VSlyrK9/nlaiprubc6WMktDc9Fgntu3Lq+F8pU8ZjYe4zNq5dirOLK2EtrT/qrbq6huOnz5l0AiiVSrq0S+DwidNNbjdr4a94ebhz82DzU52EuFbImgs2kJiYyLPPPktNTQ3l5eXs37+f/v37U11dzddffw3Ajh07qKysJDExkbCwMMO2kZGRfP7553Tt2pWSkhJcXRv3JF+4cIHRo0fTtm1bwzZ1vL31Q2b9/f0NnQa7du1Cp9MRGxv7t+J59tlnue222wx/v/POOzz//PM884xxrlfXrl3NbWoVZRr9MEJnV9NfS06uvpRpcs1uU1FWgE5bi1PDbdx8Kcw5a5uMXkaJpgCtthY3D9P8uHn4cDHdOvk5sHsj5aUaegwYaZX9NVSmKUSrrcXV3TQGVw8fcjL/+e/UEq5O+h/RJQ1+NJdUGP+tIWcHUCkVlJQ32KZch6+7fhsvV/1/B7RXsnZPLRcLdHSIVHL/EBVfLqv50/Uc/qq66RgNf/yXVuhwbeKaztkelEqFmW3Ap9611pCOCtJzdTZZY8HwmcWFZuuFq4cP2Rl/v0zt376KtHMpPPvOAkuzaBMOAb5UZpmeuyqzcrHzcEPp6ICdlwdKtZrK7LwGafJwibHNjymFkwsKpQpdqWkh1ZVqUHr/+fB5VWAYKr8WlK/9n03yd6XKLp1rG5+nfMm9+PfKlC32eTnlpfr2y7nB5zm7+ZCfdcbsNqXFuTi7+TZKX7+N3L1+BkqVmo79m16jxJo0l+q3h6fpVB4PT28y089f0T7mz/kSL29fkx+TKxbNRalSMfTmO62a36YUXyaO9DTz65E09NPsr/Dy9qVtB/2owuKiAirKy1n2y4/cMfZh7nngcQ7s3ckn777K6+9OJ76tbToRvdxVABQW15i8X6ipMfzbn1Eo4KEx/hw9VcaFDH1HYoCvfhTMXTf6MntxNmdSKxnYw523nwnhqbfPXXY9h7+iqTLl7ulNRtqVlakFc7+4VKa6mby/f/cWvvzoNaoqK/D08uXlN7/Azd3TKvmur1CjoVarxdvTdESdt4c7F9IzzW5zIOUEKzb8weyP37J6foSwNulcsIEBAwZQWlrK7t27KSgoIDo6Gj8/P/r3788DDzxARUUFmzdvJjIykrCwMPbu3cuUKVM4cOAABQUFaLX6u6kXLlwgPr7x8Kann36axx9/nN9++43BgwczevRo2rVrepEnnYWTvbt0MQ6xz87OJiMjw7AA5JWorKykstJ0bYSaanvUdubnFZ7cv5wtiycb/h72wNd/Mcf/P+3YuIT4jr3xvIIfAv/ftG2p4OYexguneRtts7Ji3YCRPSf0UycA1uRraRmkpFOUkvX7LZtekBCuYEQXY+fHgj9sM12hdQuICFDw3VrbTYewlYK8TJbOeY9HX51h87nLwsiubQ9qczKaXPxRXF1ZFw6zb/Nc7nt5sU1GttnCsl/mkLRlHf/+z3+xv1SXz55KYe3yBbzz6dxmE8evC39g+x/reWPqF4Y46q7zOvfoy4233gVARGQ0J1IOsX71Uqt1LvTv6sbj9xgXh3z7v2kW7/PRuwIIa+HApI+MdV156VCs3VrIhh36dQO+/yWHdjEuDO7lwQ+/mr8R9E9bfqlMvfqfrwzHok5c2y78Z9qPaIoL2fTbUqZ/MIkpH85q1JHxTystL+ftz7/l5ccfwNPd7armRYgrIZ0LNhAVFUVISAibNm2ioKCA/v31Q5hatGhBaGgo27dvZ9OmTQwcOJDS0lKGDh3K0KFDmTdvHn5+fly4cIGhQ4dSVWV+aOlDDz3E0KFDWblyJb/99htTp07l448/5qmnnjKbvnXr1igUCo4dO/a34qk/lcLJ6a8PcZs6dSpvvmm60NmQO99g6F1TzKYPj080eaJDbY3+eygrycPZ3fjDubwkF58WcWb34ejshUKpMlm8EaBc0/juzj/B1c0LpVLVaJE6TVFek4s1/hV5ORkcO5jEwy9+avG+muLs5olSqWq0gFlJUV6TizVeK46n6kjPNd6pqVvs0NURk5EIro76JzuYU1YJtdrGIwJcnRSGERCacv22OYWm+8gt0uHhYvmF8Ml0Hd/VezJFXRwujqajMFwcFWQ1FUcVaLU6k0Uo6/ZReum7iAhQ4OUKL9xmOnNudG8lqbnw40brdDq4uHuarRclRXl/ulhjU9LOHKWkOI9PXx1jeE+rreXMsT1s++1/vP/DfpTKK7tDZyuVWbk4BJjG5xDgS3WRBm1FJVW5BWhranDw92mQxofKi7a5SNeVl6LT1qJwMb14Vbi4NRrN0IidPfaxnajYttomefsrnC+daxufp3Jxdf97ZcoW+7wcJxd9+1XW4PPKNHm4NPF5Lu6NR/KVafIM7V366T2UleQx441Ew7/rtLX8vuR99m2ey0NvbrRyFOB2qX43XGivqDD/T3+wrVzyIysWzeWVt74grKVxCsfxI8kUFxXwzATjCD2ttpZ5sz5nzfIFTPtuqVVjAHC/TByeXpePY/nin/j1lx/59zvTCG9pnD7q7u6JSqUiJDTCJH2L0AiOHz1otbzvOljC8XPnDH/XLdro6a6moNjYye7ppuZsWtMLZNd55E5/urZxYdInqeQVGtvU/CL9vlIzTa9b0y5W4udtvbU9mipTxYX5eHo1MRfwkpVLfmTF4jm8/OYXhEU0nhbk6OiEY1AoAUGhRMW05YXHRvP7+mXccvt4q+UfwNPNDZVSSX5hkcn7+UXFjUYzAKRfzCYzO5eXp04zvKe9dNOw35gH+Wn6e4QEyk2l6/Wxjs2RHAkbSUxMZPPmzWzevJkBAwYY3u/Xrx+rV69m165dJCYmcuzYMfLy8njvvffo27cvsbGxJos5NiU0NJTHHnuMxYsX8/zzzzNjxgxA/2QJgNpaY6Ph7e3N0KFD+fLLLyktLW20r7qFIq+Em5sbERERbNhw+ces1Tdp0iSKiopMXoNGN/1IOHsHVzx8ww0vr4AonNz8yDhlnKNcVVFCdupB/MM6mN2HSm2Pb3AC6fW20Wm1ZJxKIqCJbWxJbWdHaGQcxw/tNLyn1Wo5fmgnkdGWLyaZtGkpbh7etOnU1+J9NUWttqdFRAKnjxgXANVqtZw+mkRYVAebfa41VNVAvsb4yikCTZmOyCDjKdDBDoL9FKTmmP9RXquFzDwdkUHGTgIF0DLQuE1hCRSX6fD1MO1I8HFXUFhq+aJWVTVQUGJ85Rbrp2VEBBg/z16tX28hvYlF7LVayCzAZBvQ/512qeNie4qOGWu0fLfW+AJYt1/H8p3WG82gVtsT0jKek4dNy9TJIzsJb/336kXrNj144YOlPPfeIsMrNDKBTr1v4rn3Fl31jgWAwqRkfAaaLpLoO6gXBUnJAOiqqynadwTfgfXm0CsU+CT2pDDJ/Jx7i2lrqc1KRW3yZA0F6rBoajPOXXZTu+gOoFJTfXT3ZdP9E9Rqe4IiEjhz1Hju12q1nE1JIvRvnqdssc/LUantCQhN4MIJ0/brwokdBEWYv6MdFNGBCyeSTN47f3w7LVrq8xfXbSTjXlnG2JeXGl4uHv50GTSB2574zuoxgL7daxkVy5F6C+dptVqOHNxNVKz5RzADrFj0A0sXzOSlydOIbG16A6F34gje/Xwe//nsB8PLy9uPG0fdx0tTPrNhHDEmizFqtVoOH9hLdGzTjypc9ss8Fs+fzaQ3P6ZVgzjUdnZEto4jI910pM/F9FSrPoayvFLHxZxqwys1s4r8ohraxTgb0jg5Kolu6cjxs+WX2ZO+Y6FHB1dem5ZKdp7pNIfsvGryCqsJDjDtSGgRYE92vvWeMqa2syOiVSxHDzYsU3uIirlMmVo8l19//p4XJ39GZOsrW/BQp9NSY4P1Y+zs1MS0imDPoaOG97RaLXsPHqVNdOOnx4UHB/HDp+8w++O3DK8+XTrQqU0ssz9+iwCfqzuyQoiGZOSCjdQ94rG6utowcgGgf//+PPnkk1RVVZGYmIharcbe3p7p06fz2GOPcfjwYd5+++3L7vvZZ59l+PDhREdHU1BQwKZNm4iL0zdc4eHhKBQKVqxYwYgRI3BycsLV1ZUvv/yS3r17061bN9566y3atWtHTU0N69at46uvviIlJeWKY5syZQqPPfYY/v7+DB8+HI1Gw7Zt25ocOeHg4NDo8ZZquyv/oaVQKGjbZxz7Nn6Nu28E7l7B7P7tc5zd/YlIGGxIt+Lb8US0GUybXvcB0K7veDb//Ap+IW3wC2nHoa1zqK4uJ7qLcf2IMk0OZZpcivP0DXz+xRPYObjg6hmEo7PnFefxSgy6aRxzv3yNsFbxRES1ZePKH6msLKdH4q0AzJn+Kp7eAYy8V7+WRU11NZlp+sV9amuqKczLJvXsMRwcnfEPMq7TodVq2bHpV7r3vwWVyrZVuvew+1k0YxLBLdsQEtmW7b/NpaqynM79RgGw8JuXcfcKYOgdz+ljqKkiO90YQ3FBNhnnU3BwdMYnQP/85cqKUvKyjBdYBTlpZJxPwdnFA0/fFjaLJSlFS7+2SvKKdRSU6BjYQYWmDI5dMJbN+4eoSLmgY9dx/Q/q7SlaRvVWkZ6rIz1PR884JfZq2H/K+IN72xEtie2VXMzX6ddcaKXE1x0WbLbNFINdx3X0TlCQr9FRWAr92yrRlMPxNGMc9yQqOZGmY89J/Xs7j+m4pYeCzHzIyNfRLVqBnRoOntH/e2lF43UcQN9xUtS4f9Ii/W68n/lfvUpoZAJhUW35Y/UPVFWW062/vkz99N9JeHj5c+Pd/wL0ZSqrXr0oKsgm/Zy+TPkGhuPo5EJQqOldKXsHZ5xdPRq9by0qF2dcoox10rllCO7tY6nKL6IiNZOYd57DMTiAAw+8DMD5b+cT/sS9xE59kdTZi/BN7EHQmOHsvsX4SNyz02bRfub7FO49TNHug0Q8fT9qFydS55h/ioY1VO3ZjNPwe6nNukBt5gXsO/dHYWdP1WF9p6jT8HvRlhRRucV0hXz7tj2oPnUIXUVZo30qHJ1RuHmhdNXfkVNdmralKy1GV2blRUgu6XXDeJZ89wrBEW0IjmzHjt/mUFVZTsc++nP/4hkv4+bpz5AxzwP6MpWTcalM1VZTXJBF5oUU7B2M56k/26e1dU58gDU/vkxAWBsCw9uxb/McqivLSeih/7zVc1/C1TOAvrfoY+g0YBw/fzaWPRtmEpnQn2P7VpF14TBD7tLP0XZy8cLJxfQpBCqVHS7uvngH2G5RxOEj7+abaW/RMiqOVtHxrFk2n8qKCvoPugmArz+dgpe3H3fer38k9vJFc1k071ueeOEtfANaUFig7yV1dHTC0ckZN3cP3NxN7+6q1Go8Pb1pERJuszhuvPVOvvr0P0S2jiUqOp5Vv/6sj2PwjQB8+fHbePv4cvf4xwH49ZcfWfjjdzz14mT8AoIaxQFw82338NkHbxCX0IGEdp1I3pvE3l3beGPqdJvFAbB8YwF3jPAhM6eKrNxq7rnZl/yiGpKSSwxp3nomhKTkElb9XgjAo3f506+rO+9+nU55pRbPS+szlJVrqarWtxtL1hVw900+nEur5Eyafs2F4AB73v82w6r5Hz7yHr797E1aRsUR2TqBtcvnU1lRTr/BdWVqMl4+/tw5Tl+mViyaw6KfvuWJ59/G1z+IwgL9CB9HR2ccnZypqChn2cJZdOrWF08vXzTFhaxf9QsFeTl0633lU4D/ijtvHsp/ps8gtlVL4ltH8vOK36iorOTGgfobRG9//i2+3l48ft8YHOztiQwLMdne1UVfhuq/X6wp4WJuHrn5hQBcyLgIgI+nBz5enjaJQwhzpHPBRhITklMt9AABAABJREFUEykvLyc2NpaAgADD+/3790ej0RgeWQkwe/ZsXn31VT7//HM6derERx99xC233NLkvmtra5k4cSJpaWm4u7szbNgwPv1UPxw+ODiYN998k1deeYUHHniAcePGMXv2bCIjI9m3bx//+c9/eP7558nMzMTPz4/OnTvz1Vdf/aXY7r//fioqKvj000954YUX8PX15fbbb/8b39KVa9//IWqqytmy6A2qKooJjOjM8AdnmKzbUJx/gYpS4zOJW7UfQXlpPnt+m06ZJgefFnGMeHCGybSIo0nz2bf+S8Pfy7/Wd0z0H/MuMV2se9HYufcwNMUFrFjwXzSFuQRHxDDx31/h7qkfyleQexFFvWFdRQXZvPeS8XnFG5bPYcPyObSO78Kzb840vH/8UBIFuZn0HHirVfNrTrseIyjVFLBh8edoinIJCotj/IvfGqZFFOVlmsSgKcjhy9eN3+PW1TPZunomLWO78tCrcwFIP3uE76feb0iz6qf3AejY51Zuf2SqzWLZekSLnRpu7qnC0R4uZOv4cX0NNfX6ALzcFDg7Gn+kHzmnw8VBy8AOKlyd4GK+jh821Jr8EE9K0aJWwbCuKpzs9dMs5q6vpaAEm9hxTIedGkZ0VeJoD6k5MP93rcmjL71cwale/15Kqn5aRP+2Cv0UikKYv1lL6Z+PirW6jj2HU1qcz9pfvqC4MJfg8FgefuUbw7SIwtxMk7nVxQU5fDLJeL7ZvGIWm1fMolVcV554Y/Y/nX0APDq3oeeGHwx/x3/0KgCpcxdzcMIkHIL8cAoNMvx7+bk0dt/yKPEfTyLiqXFUpF3k0KOvkbtuqyFN5sLV2Pt5Ez35aRwC/Sg+kMKumx6iKruJISlWUH18PwpnVxx7j0Dh7E5tThqlv3xt6ARQuntBgzV8lF7+qENaUbrwv2b3qW7VBufh9xr+dr55PAAV21dTuX2NTeJo030EpZp8Ni6dTklRDoFhcYx9bka981SGSZnSFGbz9eRRhr+3r5nJ9jUziYjpygOv/HBF+7S2mM4jKCvJZ/vKzynT5OAXHMdtT3xnmBahKTA917aI7MSI8R+xbcU0tq34BE+/CG55+Et8W1h/tfu/okffIRQXFbLop28pKsgjPDKal6ZMw+PSEPbcnCyTODasXkxNTTWfv2c6unHUXQ8x+p6H/9G819er32CKiwpZ+ON3FBbkEx7Zmlfe+tgwLSI3JwuF0lim1q1aQk1NNZ9Ofc1kP6PvfpAx904AoFuv/jz0xIv8uvAHZn/7KS2Cw3ju1f8Qm2DbR2Mv/i0fR3sFT9wTiIuzkpTT5bw5PY3qeo+MDPSzx93VOMprRH99x9S7z4WZ7OuzOZlsTNKvsbB8YwH2agUTbvfH1UXFubRKJn+exsVc641cAH2Z0hQXGMpUWMtoXpz8GR6XrqXycrNQKOuVqTWXytT7r5jsZ9RdD3Hb3Y+gVCrJTDvH5xtXoikuxNXNg8jW8bw29VtCwhqPJLCGwb27U1ik4bv5S8gvLKJ1yzA+fu15w7SIrNy8v7ymyJbd+3n3y+8Nf0/+RH9t/+AdI5lw56imNhPC6hQ6S1f7E+Jv+Hhp8y927SOv3uPWrKmw3PbPOv8nHDpum0Ua/0n29tfHTLX20c2/fiu6J1ztLFhFn6nDrnYWrGJ1r2lXOwsWKyppHgsQ/plO4YVXOwsWUytr/jxRMzDlE9t1Nv6T/v2M9aaCXC2RNUf/PFEz4Nvm2nt885XIPbzjzxNdg5rr930518eVrBBCCCGEEEIIIa4a6VwQQgghhBBCCCGERWTNBSGEEEIIIYQQzZI8ivLaIUdCCCGEEEIIIYS4xn355ZdERETg6OhI9+7d2bVr1xVtN3/+fBQKBbfeeqtN8yedC0IIIYQQQgghxDVswYIFPPfcc0yePJl9+/bRvn17hg4dSnZ29mW3O3fuHC+88AJ9+/a1eR6lc0EIIYQQQgghhLiGffLJJzz88MM88MADxMfH8/XXX+Ps7MzMmTOb3Ka2tpZ7772XN998k8jISJvnUToXhBBCCCGEEEI0TwpF83z9BVVVVezdu5fBgwcb3lMqlQwePJgdO5p+FOdbb72Fv78/EyZM+Ntf718hCzoKIYQQQgghhBD/oMrKSiorK03ec3BwwMHBoVHa3NxcamtrCQgIMHk/ICCAY8eOmd3/1q1b+f7770lOTrZanv+MjFwQQgghhBBCCCH+QVOnTsXDw8PkNXXqVKvsW6PRMHbsWGbMmIGvr69V9nklZOSCEEIIIYQQQohmSddM75dPmjSJ5557zuQ9c6MWAHx9fVGpVGRlZZm8n5WVRWBgYKP0p0+f5ty5c9x8882G97RaLQBqtZrjx4/TqlUrS0NoRDoXhBBCCCGEEEKIf1BTUyDMsbe3p3PnzmzYsMHwOEmtVsuGDRt48sknG6WPjY3l0KFDJu+99tpraDQaPvvsM0JDQy3OvznSuSCEEEIIIYQQQlzDnnvuOe6//366dOlCt27dmDZtGqWlpTzwwAMAjBs3juDgYKZOnYqjoyNt2rQx2d7T0xOg0fvWJJ0LQgghhBBCCCHENezOO+8kJyeHN954g4sXL9KhQwfWrFljWOTxwoULKJVXd4qIdC4IIYQQQgghhGiWdH/xsY7N2ZNPPml2GgTA5s2bL7vt7NmzrZ+hBprn6hdCCCGEEEIIIYS4ZkjnghBCCCGEEEIIISwinQtCCCGEEEIIIYSwiKy5IIQQQgghhBCiWdIp5H75tUKOhBBCCCGEEEIIISwinQtCCCGEEEIIIYSwiEyLEEIIIYQQQgjRLOn4//MoymudjFwQQgghhBBCCCGERaRzQQghhBBCCCGEEBaRzgUhhBBCCCGEEEJYRNZcEEIIIYQQQgjRLMmjKK8d0rkgrgrVdXAOyCx0uNpZsIrMHO3VzoJVODurrnYWLFZVfX0cC0158z8WI6YOu9pZsIqtk9Zc7SxYRflvzX+xruoa3dXOglWUVDX/ts9edX1c/to72l/tLFhFWU3zj6PKzuVqZ0GIa8J18BNPCCGEEEIIIYQQV9P10XUrhBBCCCGEEOL/HZ2i+Y9uu17IyAUhhBBCCCGEEEJYRDoXhBBCCCGEEEIIYRHpXBBCCCGEEEIIIYRFZM0FIYQQQgghhBDNkg5Zc+FaISMXhBBCCCGEEEIIYRHpXBBCCCGEEEIIIYRFpHNBCCGEEEIIIYQQFpE1F4QQQgghhBBCNEs6hdwvv1bIkRBCCCGEEEIIIYRFpHNBCCGEEEIIIYQQFpFpEUIIIYQQQgghmiV5FOW1Q0YuCCGEEEIIIYQQwiLSuSCEEEIIIYQQQgiLSOeCEEIIIYQQQgghLCJrLgghhBBCCCGEaJbkUZTXDjkSQgghhBBCCCGEsIh0LgghhBBCCCGEEMIiMi1CCCGE+D/27js6quJt4Ph3N7333gtptNB7Bymi0kGlChbAgoAoioI/8bWhooiidBBBkN577y2UEDohpJDee7L7/rGQsLBBJFkpPp9z9uTszczdefbOnbs7OzNXCCGEEE8kuRXl40NGLgghhBBCCCGEEKJSpHNBCCGEEEIIIYQQlSKdC0IIIYQQQgghhKgUWXNBCCGEEEIIIcQTSW5F+fiQzoX/mMGDBzN//vyy5/b29jRo0ICvv/6aWrVqAaBQaBZFOXjwII0bNy5LW1hYiLu7O2lpaezcuZPWrVuXpV+5ciXdunXTW7nP7l9ExO7Z5GWn4OAWQvNuE3DxrlVh+iunNnFk8w9kp8dh4+hD4y5j8QltVfZ/tVrN0S3TiDq8jML8LFx969Kyx0RsnXz1FgPAsZ2LOLh5NjmZybh4hdDxxY/x8Ks4jnPHNrJ79Q9kpMRh7+JLu55jCaxZHkdRQS47VnzLhZPbyM/NwNbRkwZtB1Cv9Yt6jUOtVnNi2zQuHFtGUX42Lj51aPrCRGwcfe+b79zBRZzZO4f8nBTsXUNo8txHOHlp4i/My+DEtp+Iu7yfnIwETC3s8QlrR70Ob2NsaqWXGE5un8aFo8soKsjG2acOTZ9/gBgOLeLsrRjsXENo0vWuGLZrYsi9I4a67fUTw22taiqpE6DA1AhupKjZeFRFWs7989SvpqBJiBJLM0hMh03HS4lPK///gLYG+LpoL5B0/JKKDcdUVV7+I9sXsX/TbHIyU3D1CqHzyxPw9K/4vIg8uokdKzXnhYOLD+17jyWoVvl5kZOZwta/pnDl7H4K8rPxCapPl5cn4ODiW+Vlv5NxeHNMGrRFYWFNaXIcBduXU3ozRmdai75vYuhV7Z7txVcjyVvxGwCG1WphXLsZBi5eKM0syJ7/NarkOL2V3755ffzHDMWmbg1M3Z051nMEiWu23z9Py4aETfkAy7BqFNxI4PIXvxC7YKVWGp/hL+E/eigmrk5knT5P5KjPyDx6Rm9xABzftYjDW2aTm5WMs2cIHfp+jPt92trzxzeyZ80PZKbGYe/sS+vuYwm4o60FSEm4wq6V33Dj4lFUqlIc3ALo/vo0bOzd9RLD6X2LOLFDc91zdA+hZY8JuPpUHMOliE0c2vgD2Wlx2Dr50LTrWHzDNDGUlhZzaMMPXI/aTWZqLCamlngGNaVp19FY2rjopfy37dq4hC1r5pOVkYqnTxB9h76PX7WaOtPG37jM2iW/cP3qOdKSE+g9eCztuvbXSlOQn8uaJdOJOLyT7Kw0vHyD6fPKOHwDa+g1ju0blrJp1QIyM1Lx8q3Gy8PG4R+k+zV3b1nBgV3riYu5AoBPQCg9Xx6plf74wR3s2vwX0VfOk5uTyaTv/sDbL1ivMdzWt5Mt7ZpYYWGq5Hx0ITOXpXAzpaTC9N3a2dColgUezkYUFau5EF3AorXpxCcXl6V5rbcDNYPMsLc2oKBIzYVrBfy+Lp34pOIK9/uwdm5cwtbV88nMSMXTN4h+96tTMZdZs+QXYq6eIzU5gd5DxtJeR51avfiOOuUXTF8916mV6zfx58o1pKVnEODnw9uvvUJo0L3XBIA9Bw6z6K8VxCXcpLSkFA93V/p0e45n2pS3UW2e760z7+uD+9Ovxwt6iUEIXaSb5z+oU6dOJCQkkJCQwPbt2zE0NKRr165aaby8vJg7d67WtpUrV2JpaflvFhWAyxEb2L/2S+p3GEmvUStwcA9m3axh5OWk6kx/M/oEW/8YQ0jDXvQetRK/6u3ZNP9NUm9eLEsTsWsWZ/YtpGWPSfR8aylGxmasmzWMkuJCvcUReXQDW5d+QYvnRjLs45W4eIaweOpQcrN0x3Hj8glWzhxDePNevPrJKoLD27F0+kiS4srj2Lr0S66c3csLw77hjf9toGH7QWxa/BkXI+7/haCyTu+ZxbmDv9PshUk8P/xPDI3N2Tz31fu+f1dPb+Dwhq+o024kL4xcjr1bMJvmvkr+reOYm5VEXnYSDTuPo8c7a2jZ6/+IvbiXvcsn6CWGM3s1MTR9YRLPDf8TIyNzNs/7+xiObPiK8LYjeX7kcuxdg9k8rzyGvOxbMXQaR/e319CipyaGfSv0EwNA01AFDYMUbDiqYs7WUopL4KU2Bhjcp3UP81bQoY6SPWdVzNxUSmKGmpfaGGBuop3uxGUV360sKXtsi6j6joWzRzaw+c8vaf38SF6fuAIXr2B+/24YORWcFzGXT/DXr2Oo26IXb0xaSUid9iyZ9iaJsZrzQq1Ws+SnkaQnx/Li2z/zxsQV2Dq4s2DKKxQV5lV5+W8zCq6DaevuFBzcTM7Cb1AlxWPRazgKc91tZt7qOWT9PKHskT33C9SqUoovRJSlURgZUxp3lYI9a/RW7jsZWJiTdfoCZ9/+9IHSm/l60mDNr6TuOsy++i9wbdp8av46GccOzcvSuPXuTOg347k0eTr7GnYn+/R5Gq2fjbGTvb7CIOrYBnb89QXNu45kyIcrcfYM4c9pFbe1sVdOsHr2GGo368WQj1ZRLbwdy2eMJPmOtjY9OYbfp7yEg4s/L45eyCsfr6FZlxEYGpro3GdlXTy5gb2rvqRhx5H0G7MCR/dg1vw6jLxs3TEkXDvB5oVjqN6oF/3GrsS/RnvWz3mT1ARNDCVFBSTHnqNBhxH0G7OcLkOmkZF0jfWzRuil/Lcd27+Zv+Z/S9fer/Ph14vx9A1i2uQRZGWm6UxfVFiAo4sH3V9+B2tbR51pFv7yKVGnDjHk7cl8/O0yQms3Yer/3iA9NVFvcRzZt4U/537H831fY+K3i/DyDeK7/71JVobuOC5EHqdRi46M++xXPvpyLvaOLnz76UjSU5PK0hQW5lMtNJzeA9/SW7l1eaGtDZ1bWvPbslTGT42nsFDFhDdcMTKseLX96gGmbN6XxYc/xPPZjJsYGiiY8IYrJsblea7GFvHz4hRGfRnH5F9volDAx2+4oqziRfyP7t/MX/O+5dk+r/PRN4vx9Anix8/uU6eKbtWp/hXXqQU/l9epT75bRljtJnz/qf7q1I69+/ll9nwG9evNb99/RYCvD+Mmfk56RqbO9NZWlvTv3YPpX3/OrB+n0KldG7764WeOnIgoS7N8/m9aj3Fvj0ChUNCyaWOd+xRCX6Rz4T/IxMQEV1dXXF1dCQ8P54MPPuDGjRskJyeXpRk0aBBLliwhPz+/bNucOXMYNGjQv17eU3vmEdaoNyENemLvEkirHp9iZGTK+SPLdaY/vW8h3sHNqdN6KHYuATTs9A6OHmGc3b8I0Hz5OL13AfXavYFfjXY4uAfTtt9X5GUlcS1ym97iOLx1LnVa9CG8WU+c3APp0v9TjIxNidivO46j2xcQUL0FTToOw9EtgNbdRuHmHcaxHb+XpYm9cpJaTbvhG9wIW0dP6rbsi4tnCHHXTustDrVaTeSBBYS3eQOfsHbYuwXTqveX5GUncf1cxe/f2X3zCW7Qm6B6PbBzCaTZC5MwNDbl4vEVANi7BtHu5R/xDm2DtYM37gGNqf/MKGLO70RVWvEvKg8dw/4F1G59KwbXYFr2/pL87CRiou4Tw/75BNe/FYPzrRiMymOwcwmi3UvaMdTroJ8YbmsYrGRvpIqLcWqSMmD1IRVWZhDiWfEnusbBSk5eUXPqmpqULFh/VEVxCYT7a+cpLoXcgvJHkR5COLh5HnVb9qZOi544ewTSdaDmvDi5V/d5cXjrQgJrNKdZ56E4uQfQtsc7uPmEcWSH5vxOTYwm9sopug6YiIdfTRzd/Hl2wCSKiwo4c3h91Qdwi3H91hSdOUDx2cOoUhPJ37oUdXERxjV0f7BTF+Shzssuexj6BENxMcUXI8rSFJ87RuHBzZRcv6hzH1UtefMeLk6cSuLqB2sHfV7rR/61WKLGfUXO+atc/3kRN5dvxu+dwWVp/EYN4cbspcTOX0FO1BXOjJhIaV4BXoN76ikKOLJtLrWb9aFW0544ugfS6SXNNeP0Ad116tiOBfhXb0GjZzRtbcvnR+HqHcbxXeVt7Z7V3xNQoyVteo7D1TsMOydvqtVuh4W1g15iiNg1j+pNehPWqCf2roG06f0phsamnDusO4aIPQvxCWlO3bZDsXcJoHGXd3DyDOP0Xs15YWJmRbfhc6hWpzN2zv64+obTqufHJMVGkp0er5cYALatXUiz9j1o2rYb7l4BvPTaBIxMTDmwY5XO9L6BNeg5cDQNmnfC0Mjonv8XFRZw8tB2egwYRbWweji7efNc3+E4u3qxZ8syvcWxec3vtOzQnRbtnsfDy5+Bb3yIsYkpe7ev1pn+tXc/p23nPnj7BePm6ceQER+jVqs5d/pIWZqmrZ/l+b6vEVa7kd7KrcuzraxZviWDY2fziEko5qc/krGzNqBBTfMK83z+WyK7juYQe7OY6/FFTP8jGSd7Q/w9yzvXth3MJupqAcnpJVyLLWLxhnQc7Qxxsq/aQdLb1i6kefseNLtVp15+fQLGJqYc2L5KZ3rfwBr0GqSpU0b3qVM9B44iqLp2ndq9WT91atnqdTz7TDs6t2+Dr7cXo0e8hqmJMRu37dCZPrxmdVo0aYSPlycebq70ev5ZAnx9OHvufFkaezs7rcf+w0cJr1kdd1f9jkwS4m7SufAfl5OTw++//05gYCAODuUfkurVq4evry/Ll2s+yMTExLBnzx4GDBjwr5avtKSI5LhIPKs1LdumUCrxqNaExOsROvMkXo/A4470AF5BzcrSZ6fFkpedrLVPEzMrnL1rVbjPyiotKSLheiR+odpx+IY2Je7KSZ15Yq9G4BfWRGubf/XmxF4tL6NnQB0uRuwgKz0RtVpN9PlDpCVew796c/QlOz2W/OwU3APKy2ZsaoWTZy2SYk7pzFNaUkRKfCTugeV5FEol7gFNSIqJ0JkHoKggG2MTS5QGVfvhJDs9lvycfx5Dqq4YApuQ/AhiALC1ACszBdduqsu2FRZDXCp4OOruXFAqwc0erTwA1xLVeN6Vp4aPgjE9DHi9swFtaysxNKja8peUFBF/PRL/sPLzQqlU4h/WhNgrETrz3LgSoZUeILBGM2Iva9KXlhQBYGhU/qFXqVRiaGhMzKXjVRtA2QsYYODidVcngJqSmIsYuPs+0C6Mazam+PwJKC7SSxH1wbZxOCk7DmptS966D7vG4QAojIywqVudlO0HyhOo1aTsOIBt4zp6KVNpSRE3YyLx1dXWXtXd1sZfjcA3RLut9QtrTtyttlatUnHlzC7snX3588eh/PheE+Z/2ZuLEfrpjC4tKSIpNhKvIO0YvKo14WYF16ib0RFa6QG8g5uRcJ9rWmF+NigUmJhZV0Wx71FSXEzM1ShCa5V/eVYqlYTWbMTVCw/XAa5SlaJSlWJkpD1ixMjYhMtRuo9vZZUUF3P9ynnCajcs26ZUKgmr1ZArFx5sek9hUQGlpSVYWOrnvX5Qzg6G2FkbcuZiQdm2vAI1l68XEuz74KNwzM00Xx9y8kp1/t/EWEGbRlYkphaTmlF1vdIlxcXEXLm3ToXUasTVi5WrU4Y66tSV81Vfp4qLi7l4+Sr1wsunOCmVSurWrkXk+b/vSFar1Rw/dYYbcfHUqh6qM01aegaHjp2gS4e2VVbux50axRP5eBrJmgv/QevWrSub3pCbm4ubmxvr1q1DqdTua3rllVeYM2cO/fv3Z968eXTp0gUnJ6d/tawFuemoVaWYWWr/OmRu6UhG0jWdefKyUzC/O72VI3nZKbf+rxmhYWZ17z5vp6lqeTmaOO7+lcvS2oHUm1d15snJTMHCSnsIn4W1A7mZ5WXs+OLHrF/4MT+Oa4nSwBCFQsGzAybjE9Sg6oO4Jf/We3T3MTGzdCQ/J1lXFgryMnQeRzNLBzKTdR/Hgtx0Tu78heCGfaqg1NoqisH0PjEU3ieGjPvEELHrF4IaVH0MAJZmmr+5BdrbcwvUWJrqzmNuAkqlgpwC9V15wNGq/EJ39rqKzFzIyVfjbKugXbgSBysly/ZV3dSIvGzNeWF513lhYe1ISoLu9zQnM0Vn+pwszTF1dPXHxsGdbX99x3ODPsXIxIxDW+aTlX6TnAzdx7ayFGYWKJQGqHOztbarc7NR2jv/bX4DV28MnNzJ37xYL+XTFxMXRwoTtdvMwsQUjGysUJqaYGRng9LQkMKk1LvSpGIR7K+XMlXU1lpY3aetzUrBwtrxnvS5t+pUbnYqRYV5HNo8kxbPj6J197FcjdzLil/f5KV3F+Ad1FDXbh9a/q3rnvnd1ygrR9Lvd93TkT4vS/c1raS4kAPrphBU51mMTfUz3TEnOx2VqhRrG+1yWdk6cDMu+qH2aWpmgX9QLdb/9Ruunn5Y2zhwdP8mrl48jbOrVxWU+l7Z2Rk647C2dSDhAeP4a8GP2No5Uv1fHqVwN1srTQ9xRo52p0BGTmnZ//6OQgGDuzlw/moBN25qr6fwTDMrBjxnj6mJkrjEIj775SYluvsfHsrtOmVle9exsKlknQquxYa/fsPtVp06sk9/dSozKxuVSoWdrY3WdjtbG2LiKl5TJyc3l95DXqe4uASlUsmoN4ZRv05tnWk379iNuZkpLZs82vom/pukc+E/qE2bNvzyyy8ApKen8/PPP9O5c2eOHDmCj49PWbr+/fvzwQcfcPXqVebNm8ePP/74UK9XWFhIYaH2PPaSYuN7eonFP3d0x0LirkbQ581fsHFwJ+biMTb98SmWts73/Lr7sC5HrGX/qkllz58Z+EuV7Pd+igpy2DL/DeycA6nbbmSl93clYi37V08qe97h34phwRvYOlVNDKAZSfBsg/JOwMW7q/BT211OXinvfEjKVJNToGJAWwPsLFWk/81ikY+SgaERfUf+yOq5E/jqrUYolAb4hzUhsGZLUKv/fgePgFHNxpQmx1e4+KN4tNRqTYdatdrtaNh+MAAuXqHEXT3ByT1LqrxzQd9KS4vZNH8UqKFN70mPujj/2JC3P2fBz5P44LVnUCoN8PIPoUGzTsRcjXrURdNp/fK5HNm3hXGf/YaR8b/7uad5XQte71PecfbFzMqvITCspwNebkZ8/GPCPf/bdzyH0xfysbM25Pk21owe5MyEHxMoLnk8297bXnn7c+ZPn8T7r2rqlLd/CA2adyLmyuNTp8zNzJg19RvyCwo4ceosP8+Zj7urC+E1q9+TduO2HbRv1QJjY+NHUFLxXyedC/9BFhYWBAYGlj2fNWsWNjY2zJw5k8mTJ5dtd3BwoGvXrgwdOpSCggI6d+5Mdna2rl3e1xdffMGnn2ovENax3yd0enHS3+Y1tbBDoTQoWzDvtrycFMytdC/MY27leM9ij5pfdRxv/V8z+iI/OxUL6/JfFfNyUnB01z3ErLLMLTVx3L2gWE5WKpbWuuOwtHEk966RFLlZqVjYaNIXFxWwc+X39B7xE9VqtQbAxTOExBtRHNoyu8o6F7xD2+LsVT587/aw8/ycVMzveP/yc1Kwd9P9/pma2+o8jvk5qZjddRyLCnPZPO9VjEzMaffyNJQG986RfJgYnB4ghoL7xGBynxjMLbVjKC7MZcv8qo0B4GKcmrjU8g4Fw1v9DBamkHPH6AULUwU303V/mMsrBJVKjaWpAlDfkYd7RjPcKS5F8z87SwXpOVXzQdHcSnNe3L14Y25WCpY2FZ8XOtPfcR65+9Zg+KerKMjLprSkGAtre2Z+1gd3X/2s/K3Oz0WtKkVhoX1HEIWF1T2jGe5hZIxxSF0K9m/US9n0qTAxBRMX7eNk4uJIcWY2qoJCilLSUZWUYOLscFcaBwpv6meUWEVtbW526j2jE26ztHYsG6WgK725pR1KpSEObgFaaRxcA4i9XPVTbcxuXffuXrwxLzsF8wpi0IzO+/v0mo6Fd8lKj6f7iHl6G7UAYGllh1JpQFamdrmyM1IrXFjvQTi5ejHmf7MpLMinID8HGzsnZn43DkcXj8oWWScrK1udcWRlpGLzN3FsWrWADSvmMfbTX/Dy1X0nAH06FpnH5Snlv4Yb3lq00dbSgIys8muJraUB0fF/PyVraA8H6oaZM/GnBNIy7+3czitQk1dQws2UEi5dL2Du5z40rGnO/pO5VRBNeZ3KzrjrWGT+/bG4HydXL8Z+pl2nfvtWP3XKxtoKpVJ5z+KN6RmZ2NvaVphPqVTi4e4GQKC/H9djY1n018p7OhdOR0ZxIy6eT8a9W+Vlf5ypFU/nFIMnkay5IFAoFCiVSq3FG2975ZVX2LVrFwMHDsTA4OEmXI8fP57MzEytR/te4x8or4GhMU4e1Ym9XD6vV61SEXf5EC4+4TrzuPiEE3dJex5w7KUDZemt7D0xt3LS2mdRQQ5JMacr3GdlGRga4+ZTnWtR2nFERx3EI0D33GNP/3Ciow5pbbsWdQBPf00ZVaUlqEqLy24deptCaYC6Cn+hNTaxwNrBp+xh6xyImZUj8VfKy1ZUkENy7GmcvXUP0TMwNMbRvToJl8vzqFUq4q8cwtk7XGs/m+YMRWlgRIcBP1fZ6BYjXTFYOhJ/9Z/F4OBeXSvu2zE43R3D3Fsx9K+6GECzoGJ6TvkjOQuy89X4uZbXAWND8HAo7wy4m0oFCWng66pdb/xcFMRWkAfAxU7z934dEP+UoaEx7nedFyqViqtRh/AMCNeZxysgXCs9wJXIA3gG3pve1NwKC2t7UhOjiY8+S3AdPc0/VZVSmngDQ++gOzYqMPQOojQ++r5ZjYLCwcCQ4nNH9VM2Pco4FIFDW+0FKx3bNSX9UAQA6uJiMk9E4tj2jvUMFAoc2jQh45B+5scbGBrj6l2d6PPabe318wfx8Nfd1rr7hxN9XrutjY46gMetttbA0Bg335qkJWpPSUhLjMbGoeq/fBgYGuPsWZ3Yi9ox3Lh0CNcKrlGuvuHcuKh9Xty4eAC3O9Lf7ljISL5O9+FzMbOwq/Ky38nQyAhv/1DOnylfxFClUnH+zBH8gyu+peaDMjE1w8bOidycLM5FHKB2g9aV3qcuhkZG+ASEEHW6/BxVqVREnTlKQLDu2x8CbFw5n7XLZjH6k5/wCwzTS9n+TkGhmpspJWWP2JvFpGeVUCOofN6cmYmCQB8TLkTf/25ZQ3s40LCmOZ/+nEBS2oOto6BQcN+7UPxThkZGeAeEEnV3nTp9BP+gJ6NOGRkZERToz4lT5et1qFQqTpw+Q/WQoPvk1KZSqSkuvvc2nxu2bico0J9AP9+qKK4Q/5iMXPgPKiws5ObNm4BmWsRPP/1ETk4Ozz333D1pO3XqRHJyMtbWD78IkYmJCSYm2l+wDI0e/AtK7ZaD2fHnBzh51sDFqxan986nuCifkAY9ANi++H0sbJxp3GUMALWaD2D1LwOJ2D0Hn9DWXI5YT3JsJK16/Q/QdKbUajGQ49tnYOPoi7W9B0c2/4i5tTN+1ds/dJx/p1GHIayZ8z5uvjXw8KvF4W2aOGo308SxevY4rOxcaNtDE0eDdgNZOGUAh7bMIbBmKyKPbiA++ixdBmjiMDGzxDuoIdv/+gZDY1Ns7N2JuXiUMwdX0aHPB3qLQ6FQUL3pQCJ2zsDa0QcrO0+Ob/0RcytnfMLK378Ns4bgW709YU1eBqBG80Hs+Ws8jp41cPKsydn9Cygpyieobneg/Et5SXEBrft8TVFhDkWFmvH3phb2KJVVt5qgQqGgerOBnNo5AxsHHyztPDmx7UfMrJzxDi2PYePsIfiE3RFDs0HsXT4eRw9NDJEHbsVQrzyGzfOGUlJUQKve+o3htiMXVDSvriQtW0VGjprWtZRk58P52PJzrH8bJedj1Ry7pNl26IKKFxorSUhTEJ+qpmGwEiNDOHXt9ugEzRSMS/Fq8ovAxVZz68rrSZo7UlSlJh0Hs3LWB7jfOi8ObZ1PcWE+dZprzosVM9/H2s6Z9r0050WjDgOY99VADmyaQ7XarTl7eD3x0ZE8N+h/ZfuMPLoJcys7bOzdSYq7yMY/PiekbjsCa+hvodOiY7sw6/wypYkxlCbEYFyvFQojY4rOHgbArPPLqHIyKdy7Tiufcc3GFF8+g7rg3ttkKkzNUVjZobTUzM01uLV+gzo3C3XePx9F9ncMLMyxCPQue27u54l17RCK0jIpuJFA8OTRmHq4cGrI+wBc/20JPiNeJuSL97gxbzmObRrj1rszR59/vWwf16bOpfacr8g4fpbMo6fxfXsQhhZm3Ji/osrLf1vD9kNYN+993Hxq4OZbi2M75lNUlE+tppo6tXbuOKxsXWjdXVOn6rcdyB/fDuDwVk1be+7oBhKun6XTy+V1qmGHoaye9S5egQ3wCW7E1ci9XD6zk5dGL9BLDOGtB7Ptjw9w9qqBi08tInbPp6Qon7BGmhi2LHofSxtnmnbVxBDecgArfhrIiZ1z8A1rzaWT60m6EUnbPpoYSkuL2TjvHZJjz9F12AxUqlJyszRrkJia22BgqJ/h0+2fG8C8nz7GJyAM38Aa7Fi/iKLCfJq2eQGAuT9OwNbBme4vvw1oFuxLiL2iKXNJCRlpSdy4dh4TU3Oc3TR1MzLiAKjVuLj7knQzhhULv8fVw69sn/rQ8fn+zPpxIr4BofhVq8HWdX9QWJBP83bPAzDzh0+ws3ei1wDNbSU3rJjHqsUzeG305zg6u5GZrhkZY2JqjqmZ5q4MOdmZpKXcJCNNcxxuxl0HwMbWARu7h/8V/u+s351Fzw623EwuISmtmL6d7UjPKuXomfI26JPhrhw5k8umfZp2ZlhPB5rXs+Dr2UkUFKrL1mfIK1BRVKzG2cGQpuEWnL6QT1ZOKfa2hnRvZ0NRsZoTUVV7C+D2zw1g3rSP8Q0Iw7daDbavu1Wn2t5Rp+yd6d7/3jpVUlJCRqqOOnXyAGrUuN6qU8sXaOpUs7b6qVO9X+jKl1OnExQYQGhQIH+tWU9BQSGd2rUB4P++n4aTvT2vDtJ89li0bCXBgf64u7lSXFzM4WMn2bprD+8Of1Vrv7l5eezef4jhrwzUS7mFeBDSufAftGnTJtzcNEOrrKysCAkJYdmyZbRu3fqetAqFAkdH/V3kHkRgeBfyc9M4unkaednJOLqH0nXYzLJpDjkZ8Vq/3rv61qX9S1M4vHkqhzd+j42jL50G/YSDa3mPcHjrYRQX5bP7r08oKsjC1bceXYfN1Os6ENUbdCEvO43dq38kNysZF69QXnxnVtlw7sy0BBSK8sFEXoF16TZsCrtWTWXnyu+wd/alz8jpOHuUx9Hjte/YseI7Vs8aS35uJjYO7rTu9i51W72otzgAarUcRklRPvtXTqSoIAsXn7p0HPKb1vuXnRZDQW562XP/Wl0oyE3n+LYfyc9OwcEtlI5DfiubFpEaf47kG5rVnpd921Hr9fq8tw0ru6r9hbBmi1sxrNLE4OxTl46DdcSQd28MJ7ZrYrB3C+WZwb9hZnlvDH99px1D77FVHwPAgSg1RoZqnm2gxNQYYpLV/LGrlNI71l20s1RgbgK3p0Gci1FjbqKiVU0llqaQmA5/7CotWxiyVAV+rkoaBmtGQmTmaTor9p6tusUcb6vRsAu52WnsXDWNnMxkXL1C6f/uzLJpEZlp8SjuuFG6d2Bder42hR0rprJ9xffYu/jS762fcPEsPy+yM5LYvORLcrJSsbJ1onaTF2j5/PAqL/udii+cRGFuiWmzLijMrSlNjiX3rxllnQBKa7t71nxQ2jlj6BlA7rKfde7TMKAG5p1fLntu/txgAAoObKTwwKYqj8GmXg2abF9Y9jxsyocA3FiwgtNDx2Pi5oSZl1vZ//OjYzn6/OuEfTse37cGUhB7kzOvTyBl676yNAnLNmLsZE/QxLcxcXUi61QUR7oOo+iuRR6rUmh9TVu7d62mrXX2DKXvW7PKpjlk3dXWegbU5fmhU9izZip7Vn+HnbMvPd+YjtMdbW1wnQ50fGkShzb9xralk7F38aP7az/iFVhfLzEE1elCfk4ahzdNIzcrGSePUJ5//Y7rXrr2dc/Nry7PDJjCoQ1TObj+e2ydfHn2lZ9wcNPEkJuZyLWzmtvcLZnSTeu1uo+cj2egfhZ+q9+sI9lZ6axd8gtZGSl4+gbz1kc/Y31rQb60lASt8zsjPYnP3+tX9nzrmgVsXbOAamH1GPO/2QDk52WzatE0MlITMbe0oU7jdnR78U0MDKtm+pkuDZs/Q3ZWOquWzCAzPRUvvyDe/WQaNrfjSL6J8o7jsXPTX5SUFPPz1+O09vN839fo1k/T+RZxdDdzppVPGZ3x7fh70ujD6h2ZmBoreL2PA+ZmSs5fK+TzX29qrYvg4miIlUV5Z3jH5pofmD59001rX9P/SGbX0RyKi9WE+pvybCsbLM2UZGSXEnW1gAk/JJCVU7XXjQbNOpKTmc6a23XKL5i3J9xVpxTadWry2HvrVFB17Tq18o46VbdxO7q9pL861bZFMzIzs5j3x5+kpWcQ4O/LV5M+wt7OFoCk5BSt+lRQWMDUGbNITk3FxNgYb08PPhz9Fm1bNNPa7449+1Gr1bRtqb1diH+TQl2V46eFeEBT1zz51c7B9umY35WQXPVfGB+Fp6ElKyp+Oo5FoHfVj9D4t3U5OOpRF6FK7Btf9Z0Qj0LSlguPugiVlpv/FDRSQHWvgr9P9JgzNtDfYrj/pqkz9XMHnH/byKGuj7oIlRZkdOlRF6FKuFfBlKVH4fIV3XfSedwFBvg96iJUOVlzQQghhBBCCCGEEJUinQtCCCGEEEIIIYSoFFlzQQghhBBCCCHEE0ktv5c/NuRICCGEEEIIIYQQolKkc0EIIYQQQgghhBCVIp0LQgghhBBCCCGEqBRZc0EIIYQQQgghxBNJzdNxe/ingYxcEEIIIYQQQgghRKVI54IQQgghhBBCCCEqRToXhBBCCCGEEEIIUSmy5oIQQgghhBBCiCeSrLnw+JCRC0IIIYQQQgghhKgU6VwQQgghhBBCCCFEpci0CCGEEEIIIYQQTySZFvH4kJELQgghhBBCCCGEqBTpXBBCCCGEEEIIIUSlSOeCEEIIIYQQQgghKkXWXBBCCCGEEEII8USSNRceHzJyQQghhBBCCCGEEJUinQtCCCGEEEIIIYSoFOlcEEIIIYQQQgghRKXImgtCCCGEEEIIIZ5IarWsufC4kJELQgghhBBCCCGEqBTpXBBCCCGEEEIIIUSlyLQIIYQQQgghhBBPJLkV5eNDRi4IIYQQQgghhBCiUmTkgngkSlWPugSV52mX/6iLUCUysk0fdRGqRHHJoy5B5aWnPwVBAPHJBo+6CJW2senUR12EKpG/5en4Ncf5meBHXYRKa7VvyqMuQpXYkv/soy5CpVmaPB1tbXgj70ddhCpxI+3Jv2YUWIc86iJUCfdHXQDxxJORC0IIIYQQQgghhKgUGbkghBBCCCGEEOKJJGsuPD5k5IIQQgghhBBCCCEqRToXhBBCCCGEEEIIUSkyLUIIIYQQQgghxBNJpkU8PmTkghBCCCGEEEIIISpFOheEEEIIIYQQQghRKdK5IIQQQgghhBBCiEqRNReEEEIIIYQQQjyR1GpZc+FxISMXhBBCCCGEEEIIUSnSuSCEEEIIIYQQQohKkc4FIYQQQgghhBBCVIqsuSCEEEIIIYQQ4omkQtZceFzIyAUhhBBCCCGEEEJUinQuCCGEEEIIIYQQolJkWoQQQgghhBBCiCeSWqZFPDZk5IIQQgghhBBCCCEqRToXhBBCCCGEEEIIUSnSuSCEEEIIIYQQQohKkTUXhBBCCCGEEEI8kdRqWXPhcSEjF4QQQgghhBBCCFEp0rkghBBCCCGEEEKISpFpEUIIIYQQQgghnkhyK8rHh4xceAC7du1CoVCQkZEBwLx587C1tX0syqJP0dHRKBQKIiIi9P5aQgghhBBCCCGeXDJy4Q4HDx6kefPmdOrUifXr1z/q4ujUtGlTEhISsLGx0ftreXl5kZCQgKOjo95f6++o1WqOb51G1JFlFOVn4epbl+bdJ2Lj6HvffJEHFnFqz2zys1Owdwuh2QsTcPaqVfb/qMN/cjliHSlx5yguzGXQpCOYmFnrLY5dG5ewZc18sjJS8fQJou/Q9/GrVlNn2vgbl1m75BeuXz1HWnICvQePpV3X/lppCvJzWbNkOhGHd5KdlYaXbzB9XhmHb2ANvcVwet8iTu6cTV52Co7uIbTsPgEXn1oVpr8csYlDm34gOy0OG0cfmnYdi29Yq7L/Xzm9hbMHlpAUG0lhXiZ9x6zEySNUb+W/Ta1Wc2zLNM4fWUbhrTrVovtEbJx875vv7IFFnNqtqVMOt+uUd3n8JcWFHFz3FVdOrae0pBivoGY07z4Rcyv9nUcd6hnSIMQAM2OITlSxal8JqVnq++ZpHGZAq1qGWJpBQpqaNQeKiU0uz2NvpeDZxob4uCgxNICLsSrWHCgmJ7/qy/+0nN+Hty/iwMbZ5GSm4OIdQpeXJ+Dpr/vcSIq7xI6VP5IQHUlGajydXhxPk2cGVWqfVeH4rkUc3jKb3KxknD1D6ND3Y9z9Kn6988c3smfND2SmxmHv7Evr7mMJqNlKK01KwhV2rfyGGxePolKV4uAWQPfXp2Fj766XGOyb18d/zFBs6tbA1N2ZYz1HkLhm+/3ztGxI2JQPsAyrRsGNBC5/8QuxC1ZqpfEZ/hL+o4di4upE1unzRI76jMyjZ/QSA8DSbftZsGEXqZnZVPNyY9yA7tQI8P7bfJsPneTDnxfRqm51vhs1pGx7XkEh05auZ9fxSDJzcnF3sqffM83p1bap3mIAOLh1EXs2zCEnMwVXrxCeH/gRXgG661Ri7CW2Lp9GXHQkGSnxPPvyBzTvpH1e7FrzG2ePbSU54SpGRqb4VKtDp35jcHLz02scezYtZvvaeWRlpODhE0yvV8bjG6j7+p1w4zLr/5zOjWvnSEuOp8egcbR5dsA96TLSEln9+/eci9hHcWEBjq5e9B8xGe+A6nqNpWUNBXUCFJgYQWwKbDymIj3n/nnqBSpoHKrA0hQSM2DLcRXxabrT9mupJMBdwbK9pVyMq/Lic2znIg5unk1OZjIuXiF0fPFjPO7TTp07tpHdq38gIyUOexdf2vUcS+Ad7VRRQS47VnzLhZPbyM/NwNbRkwZtB1Cv9YtVX/hb9m5ezI476lPPIePxuU992rB0OrG36lP3geNoXUF9WrPoe6LuqE8vDdd/fRLiTjJy4Q6zZ8/mrbfeYs+ePcTHxz/q4uhkbGyMq6srCoV+h/8UFRVhYGCAq6srhoaPvg/q1O5ZnN2/kBbdJ9HtzaUYGpuxYfYwSooLK8xz5dQGDq77knrtRtLj7RU4uAWzYfYw8nNSy9KUFBXgFdSCOm1e13sMx/Zv5q/539K19+t8+PViPH2DmDZ5BFmZuq/ORYUFOLp40P3ld7C21f3FdOEvnxJ16hBD3p7Mx98uI7R2E6b+7w3SUxP1EsOlkxvYt/pLGnQcSd/RK3BwD2bNb8PIy07VmT7h2gk2/z6GsIa96DtmJf4127Nh7pukJlwsS1NclI+bXz2adh2rlzJX5NSuW3WqxyS6v6WpU+v/pk5djtjAwbVfUq/9SHq+swJ7t2DW31WnDq79gpionXTo/wPPv7GA3Kwktix4S29xtKptQNPqBqzaV8z01UUUF8MrnY0wNKg4Ty1/JV0bG7LtRAnTVhaRkKpiaGdjLEw1/zcyhKFdjFCrYeb6In5ZU4SBEgY9Y6yXgYdPw/l99vAGNi/5ktYvjOT1SStw9Qpm4bfDyMnSfW4UFxZg5+RF+95jsLRxqpJ9VlbUsQ3s+OsLmncdyZAPV+LsGcKf04aSW8HrxV45werZY6jdrBdDPlpFtfB2LJ8xkuS48vM7PTmG36e8hIOLPy+OXsgrH6+hWZcRGBqa6CUGAAMLc7JOX+Ds258+UHozX08arPmV1F2H2Vf/Ba5Nm0/NXyfj2KF5WRq33p0J/WY8lyZPZ1/D7mSfPk+j9bMxdrLXSwxbDkXw3R9reK1bBxb9bxRB3u68+c1M0rKy75svPjmNqYvXUSf43i/a3/2xhgOnL/DZGy/y15fjeKljS75esIrdJyL1EgPA6UMbWP/HV7TrPpI3P1uOm3cwc75+lZxM3XWqqKgAe2cvOvUZjZWN7uve1fNHadL+JUZMXMLQ92dTWlrMnK+GUlSQp7c4jh/YxMoF39C51xuM+2opHj5B/Pz562RXFEdhAY4unjz/0qgKr995OZl8//FADAwNGf7hL3z4/Sq6D3wPMwv9dYACNAlR0CBIwcZjKuZtVVFcAi+2VmJwn28EoV4K2tdRsPesmtmbVSRlqOnXWom5jtO4YZCC+3dtV07k0Q1sXfoFLZ4bybCPV+LiGcLiqRW3Uzcun2DlzDGEN+/Fq5+sIji8HUunjyTpjnZq69IvuXJ2Ly8M+4Y3/reBhu0HsWnxZ1yMuH+n5MM6cas+dez5Bu99uRR3nyB++b+/r0/PvXj/+vTDJwMxMDDkjfG/MP67VXQb8B7meq5PQtxNOhduycnJ4c8//2T48OE8++yzzJs372/zrFq1imrVqmFqakrHjh25ceNG2f8GDx5Mt27dtNKPGjWK1q1blz1v3bo1b731FqNGjcLOzg4XFxdmzpxJbm4uQ4YMwcrKisDAQDZu3FiWp6IpGps3byY0NBRLS0s6depEQkKC1uuMGjVKqyzdunVj8ODBZc99fX357LPPGDhwINbW1rz22mv3TIsoLS1l6NCh+Pn5YWZmRnBwMD/88MPfvk+VpVarObNvAXXavoFv9XY4uAXTps9X5GUlER25rcJ8p/fOI6Rhb4Ib9MTOJZAW3T/F0MiUC0eXl6Wp2WIQ4W1ew9m7tt7j2LZ2Ic3a96Bp2264ewXw0msTMDIx5cCOVTrT+wbWoOfA0TRo3glDI6N7/l9UWMDJQ9vpMWAU1cLq4ezmzXN9h+Ps6sWeLcv0EkPE7nlUb9ybsIY9sXcNpE0vzXsadWS5zvSn9i7EO6Q5ddsOxd4lgMad38HJI4zT+xaVpQmp/wINO47EK6iJXsqsy+06VbfdHXWq79/XqTN75xHaqDcht+pUyx6a+M/fqlOF+dmcP7qcJl3fxyOwMU6eNWjd5wsSr58k8XqEXmJpVsOQHSdLOHddxc00NX/uKsbaXEGYT8XNe/Oahhw5X8rxi6UkZahZta+EohKoH6zpkfB1UWJnqWDZ7mIS09UkpqtZuqsYDycFAe5Ve9l4Ws7vA1vmUa9lb+q06ImzRyBdB36KkbEpJ/fqPjc8/GvSse84ajZ6FkPDe8/vh9lnZR3ZNpfazfpQq2lPHN0D6fTSpxgZmXL6gO7XO7ZjAf7VW9DomWE4ugXQ8vlRuHqHcXzX72Vp9qz+noAaLWnTcxyu3mHYOXlTrXY7LKwd9BIDQPLmPVycOJXE1RXXnzv5vNaP/GuxRI37ipzzV7n+8yJuLt+M3zuDy9L4jRrCjdlLiZ2/gpyoK5wZMZHSvAK8BvfUSwy/b9pN99aNeL5lQ/w9XPlwcE9MTYxYvftohXlKVSomzPiD13s8g4fTve/v6UvRdG1en/qhgbg72dOjTWOqebsReTVGLzEA7N04nwate1O/ZQ9cPALpNmQSxiamHNuzQmd6L/+adHnxPWo3eRYDI2OdaV4ZN5N6Lbvj4lkNN58Qer32BRmpCcRF66+TZOe6BTRp15PGbbrj5hlA31c/wdjYjIM7V+pM7xNYg24DxlCvWWcMK4hj6+o52Dq40n/EZHwDa+Lo7Elo7aY4uXrpLQ6AhsEK9kWquRgHSZmw5rAKKzMI9qy467hRiIKIK2pOX1OTkgUbjqopKYHa/tp5XGw1adcdUemt/Ie3zqVOiz6EN+uJk3sgXfpr2sWI/brbqaPbFxBQvQVNOmraqdbdRuHmHcaxHeXtVOyVk9Rq2g3f4EbYOnpSt2VfXDxDiLt2Wi8x7Fq/gKa36pOrZwB9hmnq06H71KcX+o+h7n3q07Y1mvr08ojJ+ATWxMHZk5DaTXHUc316XKjViify8TSSzoVbli5dSkhICMHBwfTv3585c+agVlfc95qXl8fnn3/OggUL2L9/PxkZGfTr1+8fv+78+fNxdHTkyJEjvPXWWwwfPpzevXvTtGlTTpw4wTPPPMOAAQPIy6u4Rz4vL48pU6awcOFC9uzZQ0xMDGPH/vNfgadMmULt2rU5efIkH3/88T3/V6lUeHp6smzZMs6dO8cnn3zChx9+yNKlS//xa/0T2Wmx5Gcn41GtfOimsZkVzl61SIqJ0JmntKSIlLhIPO/Io1Aq8QhsQmIFefSppLiYmKtRhNZqVLZNqVQSWrMRVy883MVLpSpFpSrFyEj7pwMjYxMuR52sVHl1KS0pIik2Eq8g7ffUM6gJN6MjdOa5GR2BVzXtIbfeIc0qTP9vyU6LJe+uOmVyq05V1AlQWlJEclwkHoF3xV+tSVmelLhIVKXFWvu1c/bH0tZdL50L9lYKrM0VXI4r/yBXWAw3ktX4uOhu3g2U4OGonUcNXI5T4eOsyWNooNlWUlqer6QU1Grwda3ay8ZTcX6XFJEQHYl/9fLyKJVK/MOacOPyw5VHH/u8n9KSIm7GROIbqv2e+oY2Je6q7vYk/moEviHanYJ+Yc2Ju6opn1ql4sqZXdg7+/Lnj0P58b0mzP+yNxcjHuxL/7/FtnE4KTsOam1L3roPu8bhACiMjLCpW52U7QfKE6jVpOw4gG3jOlVenuKSEs5Hx9GwelDZNqVSScOwapy5fL3CfDNXbcXO2pJurRrp/H+tar7sORlJUlomarWao+cuE3MzhcY1gnSmr6ySkiLioyMJrF5eR5RKJQHVmxBThXW4IF8zmsPMQj/TRUtKirlx9RzBNRuXbVMqlQTXbEz0xVMPvd+zx3bh7R/G7O9GM35YK74a15v92/6qiiJXyNYCLM0URCeWf74tLIa4VPCooL9PqQQ3O7iWqP2Z+FqiGk+H8i9HhgbwQhMlm4+ryC3QS/EpLSki4XokfrraqSu626nYqxH4hWm3U/7VmxN7q50C8Ayow8WIHWSlJ6JWq4k+f4i0xGv4V29OVbtdn4Luqk9BNRsTfaly9cnLP4y5343mo1db8fX7vTmwXb/1SQhdpHPhltmzZ9O/v2Y+e6dOncjMzGT37t0Vpi8uLuann36iSZMm1KtXj/nz53PgwAGOHDnyj163du3aTJgwgWrVqjF+/HhMTU1xdHTk1VdfpVq1anzyySekpqZy+nTFX0CLi4uZMWMG9evXp27durz55pts3/7Ph3K1bduWMWPGEBAQQEBAwD3/NzIy4tNPP6V+/fr4+fnx8ssvM2TIEL13LuRlJwNgbql95TOzdCQvO0VnnoK8dNSqUszuzmNVcR59yslOR6UqxdpGuzxWtg5kZTxceUzNLPAPqsX6v34jIy0JVWkph/es5+rF0w+9z/vJz731nlppx2B+n/c0LzsF83+Q/t9yu079k/pRUEH8ZpaO5N/Kk5edjNLA6J55/WZWDuTlVH3Mlmaavzn52h/6cvLVWJrp7hE3NwUDpUJ3HnNNnpgkzVDZzg0NMTLQTJN4trEhBkoFVuZVG8PTcH7n3Tq/Le/6Nd7SxpGcrIcrjz72ed/Xy9G8p3ePKLCwciC3gtfLyUrBwtqxwvS52akUFeZxaPNM/MJa0PftOQSFd2DFr28Sc/GfXSv1ycTFkcJE7RgLE1MwsrFCaWqCsaMdSkNDCpNS70qTiolr1a+lkpGdS6lKhYO1pdZ2BxsrUjKzdOY5eeEaq3cfYcIrvSvc77gB3fFzd6HzqM9o9Mr7vDVlJu8P7E7dkHuv91UhLztDU4fvvu5ZO5BdRdcolUrFut+/wCeoLq5e+ukkyc26df221XX9fvgpSilJsezbuhQnVx9GfDSD5s/0YfncLzm8a3Vli1yh21Pf7v7yn1ugLrue3M3cGJRKhY48YHFHng51FMSlqPWyxsJtFbVTltYOFbaLOZkpWNy15pGFtQO5meXpO774MY7ugfw4riVfDK/B4h+G0emlifgENajyGG7XJ6u7zwsbB7IrUZ9Sk2LZv3Upjm4+DP9wBs079GHF3C85slt/9UkIXR79ZPrHwIULFzhy5AgrV2qGIxkaGtK3b19mz56tNY3hToaGhjRoUN7ohISEYGtrS1RUFA0bNnzg165Vq3wBGgMDAxwcHKhZs3xBFxcXFwCSkpIq3Ie5ublWZ4Cbm9t901ekfv36f5tm+vTpzJkzh5iYGPLz8ykqKiI8PPy+eQoLCyks1J47XVJsjKGR7jm3l06uZe+KiWXPOw2Z8feF/48a8vbnLPh5Eh+89gxKpQFe/iE0aNaJmKtRj7poj5VLJ9ay54461fkJrVPhAUq6tygfQj9vU5FeXie3ABZtK6Zbc0Oa1jBBrYZTV1TEJqu4z4CuByLn93+HWq0ZHVOtdjsath8MgItXKHFXT3ByzxK8gx78WikqlptfwCe//sGEV3phZ2VRYbolW/dx9koM3787BDcHO05cuMpXC1biZGtNIz2NXtC3NfP/R2LsJd74eNHfJ37MqFUqvAOq8/xL7wDg5RdKQsxl9m1dSqPWL1TJa1T3UdClfnlH85979DNdoZo7+LoomLVZf9Mh9OnojoXEXY2gz5u/YOPgTszFY2z641MsbZ3xD9PvgqdVRa1S4RVQnede1NQnT79QEm5cZv/WpTRsVTX1SYgHIZ0LaEYtlJSU4O5evnK1Wq3GxMSEn3766aH2qVQq75lWUVxcfE86o7vm0isUCq1ttxduVKkqbrB17ePO137QslhYVPyhBGDJkiWMHTuWb7/9liZNmmBlZcU333zD4cOH75vviy++4NNPtRfW6tD3Ezr2m6QzvU9YG60V30tLNF+g8nJSMbd2Ltuen5OCg7vuuwqYmtuhUBpoLe4GkJ+dotdV+ytiaWWHUmlA1l2L9WRnpFa4OM+DcHL1Ysz/ZlNYkE9Bfg42dk7M/G4cji4elS3yPcwsbr2ndy3emHef91QzSuHB0+uLT1gbennfW6fyc1KxuLNOZd+nTlUQf35OCma34jG3ckJVWkxhfpbW6IX87FTMLSsf87kYFTdWlHcoGNxatNHSTEH2HSMRLM0UJKTqbjPyCqBUdXtkg3aenLzy55fiVHzzZxHmJqBSQ0ERfPSyCaevVq534Wk8v81vnd93L7SYk5mCpfXDlUcf+7zv61lq3tO7F0XLzU69Z3TCbZbWjveMargzvbmlHUqlIQ5u2r+MO7gGEHv5eBWWvnIKE1MwcdGO0cTFkeLMbFQFhRSlpKMqKcHE2eGuNA4U3qz6USS2VhYYKJWkZmkv35+amY2jzb2Ls8UmpRKfks67388t26a6dc1vOHgcy78ah5OdDdOXbWTKO4NoER4GQDVvdy7ExLNw4269dC6YW9lq6vDd172sVKwqcd27bfX8zzgfsZvXPlqIjb1rpfdXEQvrW9fvDF3X74dfO8TazglXT+1zw8XTn4jDVTdt6FKcmlmp5W327UUbLUwh546RCBamChLTdbfteUWgUqnLRj2U54HcW3cP8nVRYGcJY3toD4ju2UzJjRT4fUfVdDpU1E7lZKVW2C5a2jiSe9eIttysVCxuLRhaXFTAzpXf03vET1Sr1RoAF88QEm9EcWjL7CrvXLhdn+5evDE7MxWrytYnj7vqk4c/p6qwPj3O1HpZblo8jP/8tIiSkhIWLFjAt99+S0RERNnj1KlTuLu7s3jx4grzHTt2rOz5hQsXyMjIIDRU82HYyclJa1FFoGxhxH/b3WUpLS3l7Nmz/3g/+/fvp2nTpowYMYI6deoQGBjIlStX/jbf+PHjyczM1Hq06zm+wvTGJpbYOPqUPexcAjGzciL+cvmc2KKCHJJunMbZO1znPgwMjXH0qE7cHXnUKhXxlw/hUkEefTI0MsLbP5TzZ8qHAqtUKs6fOYJ/cOVvK2diaoaNnRO5OVmcizhA7QatK73PuxkYGuPsWZ0bl7Tf09hLh3D1DdeZx9U3nNhL2nOZb1w8UGF6fTE2vbdOmVs5EXfp3jrl4qO7bAaGxjjpqFNxlw+V5XH0qI7SwEgrTUbSVXIy4ivc7z9RVAypWeqyR1K6mqw8NYEe5U25iRF4OSm4nqj7w1ypCuJStPMogEB3JdeT7s2TV6jpWAhwV2JhBueuV+5D4lN5fhsa4+ZbnavnysujUqm4FnUIr8CHK48+9nk/BobGuHpXJ/q89nt6/fxBPPx1ryvg7h9O9PlDWtuiow7g4R9etk8335qkJV7TSpOWGI2NQ9V3gD6sjEMROLRtrLXNsV1T0g9FAKAuLibzRCSObe+Yt61Q4NCmCRmHqn59GyNDQ0J8PTgaealsm0ql4ui5y9QM9Lknva+bM3/+3xj+mPxu2aNlnTDqhwbwx+R3cXWwpaS0lJLSUpR33WnKQKks64ioaoaGxrj7VufKufI6olKpuBJ5CO9K1GG1Ws3q+Z9x7vg2ho2fi72zZxWUtmKGhkZ4+Ydx8Wz5DykqlYqLZw/hG/Twi8X6B4eTGB+ttS0pPhp7J7eH3ufdikogPaf8kZKlmQLn61JeD4wNNestxFUwIl+lgoR0tPKA5nnsrY6LA1FqZm5SMWtz+QNg60k1aw9X3WgGA0Nj3Hyqcy1Ku52KjjqIR4DudsrTP5zoKO126lrUATxvtVOq0hJUpcX33IVNoTS479prD6usPp3RUZ+qPXx98gsOJykhWmtbUkI0dlVYn4R4EP/5zoV169aRnp7O0KFDqVGjhtajZ8+ezJ49W2c+IyMj3nrrLQ4fPszx48cZPHgwjRs3LpsS0bZtW44dO8aCBQu4dOkSEydOfKgv9FWhbdu2rF+/nvXr13P+/HmGDx9edreJf6JatWocO3aMzZs3c/HiRT7++GOOHq145erbTExMsLa21npUNCVCF4VCQc3mAzmxYwbR53aQlnCBnX++j7m1M77V25elW/fbYM4eKF/9t1aLwZw/soyLx1eSnniFvSsnUVycT1D9HmVp8rKTSYmPIitVs1p22s2LpMRHUZCX8cDle1DtnxvAvm0rOLhrDQmxV1k883OKCvNp2kYzXG3ujxNYuejHsvQlxcXcuHaeG9fOU1pSQkZaEjeunScpoXxl78iIA0Se3E9KYhznTh3k+0nDcPXwK9tnVQtvNZhzh5YRdXQlaYlX2PXXJEqK8gltqHlPt/7xPgfWfVuWvnaLAcSc38fJXXNIT7zK4U3TSLoRSa3mL5elKcjNIDkuirSbmo6qjKRrJMdFkZuVrJcY4K46FbmD1Arq1NrfBnN2f3mdqnmrTl04dkedKson+FadMjGzIqRBTw6u/Yq4y4dIjj3LrmUf4uITXiWdC7rsP1tC2zqGhHorcbFT0Ke1EVl5aq1OgGFdjGgSVn5vyn1nSmgQbEDdakqcbBV0a26IsREcv1i+gmO9IAO8nBXYWykID1TyUjsj9p8pJSWzaj9sPS3nd9NnBnNi9zIi9q0kOf4K6xZMoqgwnzrNNeVZMfN9ti4rPzdKSopIiIkiISaK0tJistITSYiJIjXx+gPvs6o1bD+EU/uWcubgSlISrrB58SSKivKp1VTzemvnjmPXyvIY6rcdyLXIvRzeOofUm1fYu3YaCdfPUq91//J9dhhK1LGNROxdSnrSdY7v/J3LZ3ZSp5X+7h9vYGGOde0QrGuHAGDu54l17RBMvTQfsoMnj6b23K/K0l//bQnmfl6EfPEeFsH++LzxEm69O3Pth3llaa5NnYvX0D54DOiGZYg/NaZPwtDCjBvzdd/1oLL6d2rFyt2HWbv3KNfiEvli/gryC4t4vqVmOuYnvy5m2tINAJgYGxHo6ab1sDI3w9zUhEBPN4wMDbE0M6VeiD8/LFnHsajLxCWnsmbvUdbvO0abejX0EgNAi86DOLprGcf3riIp7gqr531KUWE+9Vp2B2DpjPfZ9Od3ZelLSoqIvx5F/PUoSkuKyUpPIv56FCl3nBer5/+PiANr6Tv8G0xMLcjOSCY7I5niIj2tIgi06TqQA9uXc3jXam7GXmXprM8oLMyncetuACz46UPW/DH1jjiKiY0+T2z0eUpKislMSyI2+jzJN8uv322eHUj0pdNsXjGT5JsxHNu3ngPbl9Oi4z9fHPyfOHJBTbPqCqq5g5MNPN9YSXY+XIgtb9tfaqOkfrXyL9uHz6upE6Cgpq8CB2voXF+BkSFlI9lyCyA5U/sBkJWnJjO3asvfqMMQTu5dyqkDmnZqwyLNdbh2M007tXr2OHasKG+nGrQbyJXIvRzaMoeUhCvsXjON+Oiz1G+raadMzCzxDmrI9r++IfrCYdKTb3Bq/wrOHFxFSJ32OstQWa2fHcjBHcs5sltTn5bN+oyiwnwa3apPv//0IWvvV5/S761Prbto6tOWleX16eD25bR4Rr/1SYi7/eenRcyePZv27dtjY3PvKsM9e/bk66+/1rmYorm5Oe+//z4vvfQScXFxtGjRQqsjomPHjnz88ceMGzeOgoICXnnlFQYOHMiZM2f0Go8ur7zyCqdOnWLgwIEYGhry7rvv0qZNm3+8n9dff52TJ0/St29fFAoFL774IiNGjNC6Vaa+1G41jJKifPYu/4SigixcfevR+ZWZWp0UWWkxFOSmlz0PqN2F/Nw0jm2ZRl52Mg7uoXR5ZabWsOlzh5ZwYtv0sudrZ2guNq16/1/ZF8aqUr9ZR7Kz0lm75BeyMlLw9A3mrY9+LhtWmZaSgEJZfjHPSE/i8/fKLwpb1yxg65oFVAurx5j/aepafl42qxZNIyM1EXNLG+o0bke3F9/EoIJb21VWtTpdyM9J48imaeRmJePkEcpzr5W/p9np8Vq9/25+dXmm/xQObZzKwfXfY+vkS5chP+HgVj4E91rkDrYv+bDs+eaFowFo8MxIGnV6Sy9xANRuPYzionz23FGnugy9q06latepwPAuFNxRpxzdQ+kyVLtONXluPCiUbF34DqUlRXgGN6dF90/0FsfuU6UYGyro0cIIU2OITlQxd1Ox1p0eHKyVWJiWf3A8fVWFhWkJHeoZYWUO8alq5mwsIie/PI+TjYJODYwxM4H0HDU7I0rYd+aOnVahp+H8rtGoC7nZaexYNY2czGRcvUMZMHomlreG3mamap8b2RlJzJjYvez5gU1zOLBpDr7BDRjywcIH2mdVC63fhbzsNPau/ZHcrGScPUPp+9assmkOWWkJKBTlv0l4BtTl+aFT2LNmKntWf4edsy8935iOk0f5+R1cpwMdX5rEoU2/sW3pZOxd/Oj+2o94Bf79Gj8Py6ZeDZpsX1j2PGyKpn25sWAFp4eOx8TNCTOv8l/z8qNjOfr864R9Ox7ftwZSEHuTM69PIGXrvrI0Ccs2YuxkT9DEtzFxdSLrVBRHug6jKKmCn3sr6ZnG4aRn5zBjxWZSM7MJ8nZn2nvDcLCxAuBmavo9v7T+nf8b0Z+flm1gwow/yMrJw9XRjhG9OtOrrf5uA1yrcRdystPZtvxHsjNTcPMOZch7v2F1qw5npGrXqez0ZKZNKD83926Yw94Nc/ALacBrHy0A4PD2JQDM/L9BWq/V69X/K+u0qGr1mnYiJyuN9Uunk52RgodvCCM+nFE2rTE9JUHreGSmJfHVuPLFNbevncf2tfMIDKvPO5M001d8Amvw6tiprPljKpuWz8DB2YMeg8bRoEVXvcRw28HzaowMoUsDJabGcCMZluxWUXrHAAM7SzC74zegqBuaaRGtaio0UygyYMkuFbmF9+xe76o30LRTu1dr2ikXr1BefGdW2bSIzLvaKa/AunQbNoVdq6ayc+V32Dv70mfkdJzvaKd6vPYdO1Z8x+pZY8nPzcTGwZ3W3d6lrp46Qeveqk8blk6/9XkwhDfG31GfUrU/D2amJfHN++X1acfaeey4VZ/emlhen4aOmcq6xVPZvHwGDk4edB80jvp6rk+Pi6f1to5PIoVaH2N+hPgb36568qtd3QD9/UrybzobY/r3iZ4AxSWPugSVl5T0CD6p6YGT04OPTHpceTj/fZonQX7h0/GBy/mZ4EddhEprtW/Koy5CldiiePZRF6HSLE2eggsGcDTK4O8TPQG83Z/8OJys9bPA8r+tU7jxoy7CQzlyPvNRF+GhNAzRzy10H6X//LQIIYQQQgghhBBCVI50LgghhBBCCCGEEKJS/vNrLgghhBBCCCGEeDJV3T1JRGXJyAUhhBBCCCGEEEJUinQuCCGEEEIIIYQQolJkWoQQQgghhBBCiCeS3Iry8SEjF4QQQgghhBBCCFEp0rkghBBCCCGEEEKISpHOBSGEEEIIIYQQQlSKrLkghBBCCCGEEOKJpEbWXHhcyMgFIYQQQgghhBBCVIp0LgghhBBCCCGEEKJSpHNBCCGEEEIIIYQQlSJrLgghhBBCCCGEeCKp1bLmwuNCRi4IIYQQQgghhBCiUqRzQQghhBBCCCGEEJUi0yKEEEIIIYQQQjyR5FaUjw8ZuSCEEEIIIYQQQohKkc4FIYQQQgghhBDiMTd9+nR8fX0xNTWlUaNGHDlypMK0M2fOpEWLFtjZ2WFnZ0f79u3vm74qSOeCEEIIIYQQQgjxGPvzzz8ZPXo0EydO5MSJE9SuXZuOHTuSlJSkM/2uXbt48cUX2blzJwcPHsTLy4tnnnmGuLg4vZVROheEEEIIIYQQQjyRVOon8/FPfffdd7z66qsMGTKEsLAwZsyYgbm5OXPmzNGZftGiRYwYMYLw8HBCQkKYNWsWKpWK7du3V/Idr5h0LgghhBBCCCGEEI+poqIijh8/Tvv27cu2KZVK2rdvz8GDBx9oH3l5eRQXF2Nvb6+vYsrdIoQQQgghhBBCiH9TYWEhhYWFWttMTEwwMTG5J21KSgqlpaW4uLhobXdxceH8+fMP9Hrvv/8+7u7uWh0UVU1GLgghhBBCCCGEEP+iL774AhsbG63HF198oZfX+vLLL1myZAkrV67E1NRUL68BMnJBCCGEEEIIIcQTSo3iURfhoYwfP57Ro0drbdM1agHA0dERAwMDEhMTtbYnJibi6up639eZMmUKX375Jdu2baNWrVqVK/TfkJELQgghhBBCCCHEv8jExARra2utR0WdC8bGxtSrV09rMcbbizM2adKkwtf4+uuv+eyzz9i0aRP169ev8hjuJiMXxCNRWvoQS6Q+ZhRPZifpPSLPZjzqIlSJasG2j7oIlWZo9HT09xoaPOoSVF5mztNxgheXPPltLUCrfVMedREqbXfzsY+6CFXi2rKuj7oIlVbN8ylopAAb66fjmqF+CpoptfrpuGaIx9vo0aMZNGgQ9evXp2HDhkydOpXc3FyGDBkCwMCBA/Hw8CibWvHVV1/xySef8Mcff+Dr68vNmzcBsLS0xNLSUi9llM4FIYQQQgghhBBPpP9K507fvn1JTk7mk08+4ebNm4SHh7Np06ayRR5jYmJQKss7HX/55ReKioro1auX1n4mTpzIpEmT9FJG6VwQQgghhBBCCCEec2+++SZvvvmmzv/t2rVL63l0dLT+C3SXp2M8lRBCCCGEEEIIIR4Z6VwQQgghhBBCCCFEpci0CCGEEEIIIYQQT6SnYVHQp4WMXBBCCCGEEEIIIUSlSOeCEEIIIYQQQgghKkWmRQghhBBCCCGEeCKp+G/civJJICMXhBBCCCGEEEIIUSnSuSCEEEIIIYQQQohKkc4FIYQQQgghhBBCVIqsuSCEEEIIIYQQ4omkVsuaC48LGbkghBBCCCGEEEKISpHOBSGEEEIIIYQQQlSKdC4IIYQQQgghhBCiUmTNBSGEEEIIIYQQTyS1+lGXQNwmIxeEEEIIIYQQQghRKdK5IIQQQgghhBBCiEqRaRFCCCGEEEIIIZ5IauRWlI8LGbkghBBCCCGEEEKISpHOBSGEEEIIIYQQQlSKdC4IIYQQQgghhBCiUmTNBSGEEEIIIYQQTySV3IrysSEjF55y8+bNw9bWtuz5pEmTCA8Pf2TlEUIIIYQQQgjx9JGRC49Y69atCQ8PZ+rUqVrb582bx6hRo8jIyPjbfSxevJj+/fvzxhtvMH369CopV1ZWFl999RXLly8nOjoaW1tbatSowYgRI+jevTsKxb+7KqtarebEtmlcOLaMovxsXHzq0PSFidg4+t4337mDizizdw75OSnYu4bQ5LmPcPKqBUBhXgYntv1E3OX95GQkYGphj09YO+p1eBtjUyu9xLFz4xK2rp5PZkYqnr5B9Bv6Pn7VaupMGx9zmTVLfiHm6jlSkxPoPWQs7bv210pTkJ/L6sXTiTi8k+ysNLz8gun7yjh8A2vopfx3eq65Kc1rm2BmouBKXAmLt+SRlK6qMH2gpyHPNDLB28UQWyslv6zI4dSlYq00g7qY06Smida2yKvFTFuWU+XlV6vVHN86jagjyyjKz8LVty7Nu/99nYo8sIhTe2aTn52CvVsIzV6YgPOtOgUQdfhPLkesIyXuHMWFuQyadAQTM+sqL/+d2oUbUD9IiakxxCSpWXOwhNTs++dpFKKkeQ0DLM3gZpqadYdLiUvRdP3bWsLYXsY68y3eWUzk9ar9ieDM/kVE7JpNXnYKDm4htOg+ARfvWhWmv3xqE0c2/UB2ehw2jj40eXYsPqGtyv6vVqs5unka5w4vozA/Cze/urTsMRFbJ98qLffdIvYs4tj22eRmJePkEUKbXh/j5ltxHBdPbmT/uh/ISovD1smXFi+Mxb96K51pty35hNP7/6R1j/HUbTNYTxHA6X2LOLFDcywc3UNo2WMCrj4Vx3ApYhOHNv5Adloctk4+NO06Ft8wTQylpcUc2vAD16N2k5kai4mpJZ5BTWnadTSWNi56iwFg6bb9LNiwi9TMbKp5uTFuQHdqBHj/bb7Nh07y4c+LaFW3Ot+NGlK2Pa+gkGlL17PreCSZObm4O9nT75nm9GrbVC/lt29eH/8xQ7GpWwNTd2eO9RxB4prt98/TsiFhUz7AMqwaBTcSuPzFL8QuWKmVxmf4S/iPHoqJqxNZp88TOeozMo+e0UsMtz0tbe3+LX+we/0csjNTcPMOptugj/AO0H1u3Iy9xOa/fiLuWiTpKfE83/8DWnQeqJXmwLYlHNy2hPTkOABcPAPp0H04IeEt9RbD03J+H9u5iENbZpOTmYyLZwjPvPgxHn4VxxF1bCO7V/9ARmoc9s6+tO05lsCa5W3t568F68zXtud7NOk4rMrLD7B382J2rJ1LdmYK7t7B9BzyIT6Buj8PJty4zMZlP3Hj6jnSU+LpNvB9WncZcE+6jLRE1v7xHVER+yguLMDR1ZsX3/gM7wD9fyYU4jYZufAEKioq0no+e/Zsxo0bx+LFiykoKKj0/jMyMmjatCkLFixg/PjxnDhxgj179tC3b1/GjRtHZmbmA5WrKp3eM4tzB3+n2QuTeH74nxgam7N57quUFBdWmOfq6Q0c3vAVddqN5IWRy7F3C2bT3FfJz0kFIDcribzsJBp2HkePd9bQstf/EXtxL3uXT9BLDEf3b+aved/ybJ/X+eibxXj6BPHjZyPIykzTmb6oqABHFw+6938Ha1tHnWkW/PwpUacOMeTtyXzy3TLCajfh+0/fID01US8x3PZMIxPa1DPhj815fLUwm6JiNW/1scTQoOI8JsYQm1TKkq1599332avFjPspo+wxe01uFZde49TuWZzdv5AW3SfR7c2lGBqbsWH2sPvWqSunNnBw3ZfUazeSHm+vwMEtmA2zh5XVKYCSogK8glpQp83rein33VrUUNI4TMnqgyXMWF9CUQkMesbovseihq+Szg0M2BlRys9rirmZpmZwB0MsTDX/z8yFL/8s0npsP1lCYbGaS3FV27FwKWID+9d8Sf0OI+k9agWO7sGsmzmMvOxUnekTok+wddEYQhv2ove7K/Gr0Z6N894kNeFiWZqTO2dxet9CWvWcRM+3Ncd23cz7H9vKunB8A7tXfkHjziPpP24lTh4hrPh5aIVxxF89wfp5Y6jRpBf9319FYK12rJk5kpT4i/ekvXRqKwnRp7CwcdZb+QEuntzA3lVf0rDjSPqN0RyLNb/e51hcO8HmhWOo3qgX/cauxL9Ge9bPKT8WJUUFJMeeo0GHEfQbs5wuQ6aRkXSN9bNG6DWOLYci+O6PNbzWrQOL/jeKIG933vxmJmlZ9+9xi09OY+riddQJ9rvnf9/9sYYDpy/w2Rsv8teX43ipY0u+XrCK3Sci9RKDgYU5WacvcPbtTx8ovZmvJw3W/ErqrsPsq/8C16bNp+avk3Hs0LwsjVvvzoR+M55Lk6ezr2F3sk+fp9H62Rg72eslhtuehrY24uBG1i76ig49RjBq8l+4e4cw68vXyMnUfW4UFxbg4OxJl36jsarg+m1r70KXfu/yzufLeGfyMgKrN2Led29yM/aSXmJ4Ws7vc0c3sG3ZF7ToOpKhE1bi7BXCkh+GkpulO47YKydYOWsMtZv3YtjHqwiq045lP48kKa68rX3nm31aj66D/g8UCkLqdtRLDCcObGTVwq/p1Gs4Y79YhodPMDO+eJ3siupTUT4Ozp4899KoCj8P5uVk8sMnAzAwMOL1D2bwwbereaH/WMwt9PvjxuNCrVY8kY+nkXQuPAEGDx5Mt27d+Pzzz3F3dyc4uLyH9dq1axw4cIAPPviAoKAgVqxY8UD7/PXXX/Hy8sLc3Jw+ffpodRh8+OGHREdHc/jwYQYNGkRYWBhBQUG8+uqrREREYGlpCYCvry+fffYZAwcOxNramtdee61qA79FrVYTeWAB4W3ewCesHfZuwbTq/SV52UlcP7etwnxn980nuEFvgur1wM4lkGYvTMLQ2JSLxzXvkb1rEO1e/hHv0DZYO3jjHtCY+s+MIub8TlSlJVUex7a1C2nevgfN2nbD3SuAl1+fgLGJKQe2r9KZ3jewBr0GjaZB804YGRnd8/+iwgJOHtpOz4GjCKpeD2c3b57rOxxnVy92b15W5eW/U7v6pmw8WMCpy8XEJZcyd10utpZKwoPuLedtkVdLWLO3gIi7RivcraRETVZu+SOvsOon0qnVas7sW0Cdtm/gW70dDm7BtOnzFXlZSURHVlynTu+dR0jD3gQ36ImdSyAtun+KoZEpF44uL0tTs8Ugwtu8hrN37Sovty5NwwzYdaqU8zfUJKar+WtvCVbmEOpdcfPerLqSYxdVnLisIjkT1hwspbgE6lXT5FGrISdf+xHqreTsNRVFVXxqnNo9j7BGvQlt2BN710Ba9dS8p+fveE/vdHrvQryDm1OnzVDsXQJo1OkdnDzCOLN/0a2yqzm9dwH12r+BX412OLoH067fV+RmJXHtbMXHtrKO75xLjSZ9qNG4Jw5ugbTv+ymGxqacPag7jhO7FuAb2oIG7Yfh4BpAs66jcPYKI2LP71rpsjMS2fnXZ3QeNAUDg4rPr6oQsWse1Zv0JqyR5li06a2J4dxh3TFE7FmIT0hz6rbVHIvGXd7ByTOM03s1x8LEzIpuw+dQrU5n7Jz9cfUNp1XPj0mKjSQ7PV5vcfy+aTfdWzfi+ZYN8fdw5cPBPTE1MWL17qMV5ilVqZgw4w9e7/EMHk4O9/z/9KVoujavT/3QQNyd7OnRpjHVvN2IvBqjlxiSN+/h4sSpJK5+sDrr81o/8q/FEjXuK3LOX+X6z4u4uXwzfu8MLkvjN2oIN2YvJXb+CnKirnBmxERK8wrwGtxTLzHA09PW7tk4j0ZtetOgVQ9cPAPp8cpEjExMObJb92cur4CadH3pPcKbdMHQUPcosLC6bQgNb4WTqy9Obr507jMKY1NzYi6f1ksMT8v5fXjrXMKb96F2s544uQfS5WVNHKf2647jyPYFBFRvQZOOw3B0C6D1C6Nw9Q7j2M7yttbSxknrcTFiO77BjbBz8tJLDLvWL6BJ2140at0dV88Aeg/7BGNjUw7vWqkzvXdATV7oP5a6TbtgUEF92r5mDnYOrrw0fDI+gTVxcPYkpHYzHF3/fsSWEFVJOheeENu3b+fChQts3bqVdevWlW2fO3cuzz77LDY2NvTv35/Zs2f/7b4uX77M0qVLWbt2LZs2beLkyZOMGKHpaVapVCxZsoSXX34Zd3f3e/JaWlpiaFg+m2bKlCnUrl2bkydP8vHHH1dBpPfKTo8lPzsF94AmZduMTa1w8qxFUswpnXlKS4pIiY/EPbA8j0KpxD2gCUkxERW+VlFBNsYmligNqnbGUElxMTFXogit1ahsm1KpJKRWI65efLgPEipVKSpVKYZG2tMIjIxNuHL+ZKXKez+ONkpsLJVERZd/yywogmvxJfi7V/59C/I25Os3bZg0zJoXnzHHwrTqe3az02LJz07Go1r5kGZjMyucvWpVWD9KS4pIiYvE8448CqUSj8AmJN6nTumTnSVYmSu4klDeAVNYDLHJarycdL9vBkpwd1BwJaF8CosauJKgwstJ9yXB3UGBu4OSY5cqnvbyMEpLikiOi8QzSPs99azWhJvXI3TmSbweoXUMALyCm5F4K31WWix52cl43ZHGxMwKF+9aFe6zskpLiki8EYlPsHYcPsFNSYjWfS4mREfgE9xEa5tvSHPir5WXUa1SsWnBe9RvNxRHt2p6KfttpSVFJMVG4nXXsfC6z7G4GR2hlR7AO7gZCfd5nwvzs0Gh0Nvw9eKSEs5Hx9GwelDZNqVSScOwapy5fL3CfDNXbcXO2pJurRrp/H+tar7sORlJUlqmZtrNucvE3EyhcY0gnen/bbaNw0nZcVBrW/LWfdg1DgdAYWSETd3qpGw/UJ5ArSZlxwFsG9fRW7mehra2pKSIuGvnqFajcdk2pVJJtRpNuH6pasqjUpUScXADRYX5+ARWfWfJ03J+l5YUkRATiV+odhx+oU2Jvaq7rY27EoFfqHZb61+9OXFXI3Smz8lK4fKZ3dRu1qvKyn2nkpJiYq+dI6imdn0KqtmY6Iu6P9M+iLPHd+LlX525349mwmst+eaDXhzc/ldVFFmIf0TWXHhCWFhYMGvWLIyNy3ssVSoV8+bNY9q0aQD069ePMWPGcO3aNfz87h3WeVtBQQELFizAw8MDgGnTpvHss8/y7bffolQqSU9PJyQk5IHK1bZtW8aMGXPfNIWFhRQWag9/LCk2uudLcUXys1MAMLPU/jXJzNKR/JxknXkK8jJQq0p15HEgM/ma7jy56Zzc+QvBDfs8ULn+iZzsdFSqUqxstctjbePAzbjoh9qnqZkF/sG12PDXb7h5+mFt48CRfZu4evE0zq766W0HsLbUfGnNytX+opmdp8baonL9lZHXijl5sZiUjFKc7Azo1tKMt3pb8tXv2aircABDXram3pjrqFN5t+rb3Qry0nXXKStHMiqoU/pmaaY5Fjn52m9OTr4aKzPdecxNwECpICefu/KAo43uPPWqKUnKUHMjuWpHkRTkat7Te46DlSPpSbrf07zsFMyttNOb33Hcbh9bM6sHP7aVlX87Duu7ymXlQFriVZ15crNSMLdyvCf9nWU8um0mSgND6rQaeHf2KlcWw93v7T89FlaO5GXpfp9Ligs5sG4KQXWexdjUsmoKfpeM7FxKVSocrLX372BjRXRCks48Jy9cY/XuI/wxeXSF+x03oDuT5yyj86jPMDBQolQomPBKb+qGBFRp+R+WiYsjhYna73thYgpGNlYoTU0wsrNBaWhIYVLqXWlSsQj211u5noa2Njc7A5WqFEsb7fPV0tqBpHjd5/eDSoi5yE+TXqSkuAhjU3MGvfsjLp6BldqnLk/L+Z2Xo4nD4q621sLKgdQE3cciJysFC2vtY2dh7UBupu44zhxYibGpBSF1n6maQt8lN+vW50Eb7RisbBxIjHv4+p2aFMv+bX/SustAOnR7lZgrZ1kx7wsMDI1o2OqFyhZbiAcmnQtPiJo1a2p1LABs3bqV3NxcunTpAoCjoyMdOnRgzpw5fPbZZxXuy9vbu6xjAaBJkyaoVCouXLjwwJ0Kt9WvX/9v03zxxRd8+qn2vNH2vT+hQ9+JOtNfjljL/lWTyp4/M/CXf1Smh1FUkMOW+W9g5xxI3XYj9f56VeWVtz9n/vRJvP/qMyiVBnj7h9CgeSdirkRV2Ws0DDPmpY7mZc+n/1X1iyvediyqfMpEfIqKuKRSJr9hQ5C3IReuP/x4/Esn17J3RXl96zRkRqXK+ajU9lfyfJPyxRQWbqv66Tt3MzSAWv5Kdp0q1ftriXKJMWc5sWsB/d9f8a8voKsPpaXFbJo/CtTQpvekR12cMrn5BXzy6x9MeKUXdlYWFaZbsnUfZ6/E8P27Q3BzsOPEhat8tWAlTrbWNHpMRi88Dp6Wtvbf4uTuy7v/t4KC/BxOH97MnzM+ZPiE+XrpYNCnx/X8fhin9i+nRqPnHvgHsMeFWqXCy786XV8cBYCnXygJsZfYv23pf6JzoSp/gBKVI50Lj5i1tbXOBRIzMjKwsSn/GdHC4t4PPbNnzyYtLQ0zs/KfKFUqFadPn+bTTz9FqfznvyI7OTlha2vL+fPnHyi9rnLdbfz48Ywerf2L0E8bKp477B3aVmtF6NISzUKR+TmpmFuXL2iWn5OCvVuozn2YmtuiUBpoLf50ex9md/1aWFSYy+Z5r2JkYk67l6eh1MO8ZksrO5RKA7IztMuTlZmKTQWL8zwIJ1cvxn42m8KCfAryc7Cxc+K3b8fh6OLx95kf0KnLRVyLL/8Se3tWjLWFkqzc8i+cVuYKYpOq9gtoSqaK7DwVzrZKLlQ8ovlv+YS10Vmn8nTUKQf3iuqUne46lX3vL9D6EhWj4kZy+YgRQwPNl05LM4XW6AVLMwUJabqvtHmFUKpSY3nXyAZLM+4ZzQBQw0eJkQGcvFy1UyIATC0072mervfUWvd7am7leM8CZHk55cfA3Mrp1j5SsXjAY1tZZrfjuGtBsbzs1Ht+MbvNwvreX27zslPL4oi7coy8nFRmftKm7P9qVSm7V37FiV0LGPbpDv3EcPd7+0+PhY70mi8e75KVHk/3EfP09qsmgK2VBQZKJalZ2p2gqZnZONrcO1Q7NimV+JR03v1+btk21a1PqQ0Hj2P5V+NwsrNh+rKNTHlnEC3CwwCo5u3OhZh4Fm7c/Vh0LhQmpmDiov2+m7g4UpyZjaqgkKKUdFQlJZg4O9yVxoHCm1U3oudpaWvvZGFli1JpQM5dv3TnZKViZVO58hgaGuPo6gOAp191blw9y97NC+k19MEW8nxQT8v5bW6piePuxRtzs1OxqOBYWFo7knvXaIvcLN3pYy4dIzXxGt1fm1plZb6bhfWtz4N3Ld6YnZla4WKND8LazglXT+2RVC7u/pw+rL+1hoTQRdZceMSCg4M5ceLEPdtPnDhBUFDFH1hSU1NZvXo1S5YsISIiouxx8uRJ0tPT2bJlS4V5Y2JiiI8vX2zn0KFDKJVKgoODUSqV9OvXj0WLFmmluS0nJ4eSkn/2a6mJiQnW1tZaj/v1CBubWGDt4FP2sHUOxMzKkfgrh8rSFBXkkBx7usKFnAwMjXF0r07C5fI8apWK+CuHcPYO19rPpjlDURoY0WHAz3rrqTY0MsI7IJSoM0fKtqlUKs6fPoJ/UMW3T3pQJqZm2Ng5kZuTxbmIA9Ru0LrS+7ytsAiSM1Rlj4QUFZk5KkJ8yvsmTY3Bz92Qq/FV+0u6rZUCCzMFmbmV65I2NrHExtGn7GHnEoiZlRPxl8vnKBcV5JB047RW/biTgaExjh7Vibsjj1qlIv7yIVwqyFPVikogLbv8kZShJjtPTYBb+S/bJkbg6aSocApDqQriU9X4u5U3/wrA302p1XFxW70gJedvqMnTw40WDAyNcfKoTtwl7fc09vIhXH3CdeZx8Qkn9pL23PIbFw/gciu9tb0n5lZOWmmKCnJIjDld4T4ry8DQGBev6sRc1I4j5uJB3Hx1z2d38w0n5uIhrW3XLxzA3U9TxtCGLzDwgzUMeH9V2cPCxpn67YbSY8QsvcTg7Fmd2LtiuHGp4mPh6hvOjYv3Hgu3O9Lf/uKRkXyd7sPnYmZhV+Vlv5ORoSEhvh4cjSxfcV+lUnH03GVqBvrck97XzZk//28Mf0x+t+zRsk4Y9UMD+GPyu7g62FJSWkpJaSnKu0aQGCiVZR0Rj1rGoQgc2jbW2ubYrinphyIAUBcXk3kiEse2d8w9VyhwaNOEjENVt0bP09LW3snQ0BgPvzAuR5afryqVistnD+FTrWrLo1arKSm+/6LHD+NpOb8NDI1x865O9HntOKKjDuLpr7ut9QgI59p57bb22rkDePiH35P21L6/cPWpjovXPxvF+08YGhrh6RfGpbOHy7apVCounj2Mb9DDr7fhF1SHpPhorW3JCdexc3R76H0K8TCkc+ERGz58OBcvXuTtt9/m9OnTXLhwge+++47Fixffdy2DhQsX4uDgQJ8+fahRo0bZo3bt2nTp0uW+CzuampoyaNAgTp06xd69e3n77bfp06cPrq6uAHz++ed4eXnRqFEjFixYwLlz57h06RJz5syhTp065OTob1i8LgqFgupNBxKxcwbXo3aQdvMiu5d9gLmVMz5h7cvSbZg1hHMHF5U9r9F8EBeOLePSiVVkJF1h/+pPKSnKJ6hud+BWx8LcoZQU59Oix2SKCnPIy04mLzsZlarqh4C3f24A+7at4ODONSTEXuWP3z6nqDCfpm01w9Xm/jiBlb//WJa+pLiYG9fOc+PaeUpKSshITeLGtfMkJZSvTh558gBnT+4nJTGOc6cO8t3EYbh6+NGsrX6HwG0/VkDnpqbUCjTC3VHJ4GctyMhREXGx/EPRqL6WtK5b3lljYgSezgZ4OmuG9TvaKPF0NsDOSlH2/x6tzfBzN8DBWkmwjyHDe1iSnK7i3LWq/bClUCio2XwgJ3bMIPrcDtISLrDzz/cxt3bGt3p5nVr322DOHihfUbpWi8GcP7KMi8dXkp54hb0rJ1FcnE9Q/R5lafKyk0mJjyIrVXOc0m5eJCU+ioK8jCqN4bYD50ppXcuAEC8FLrYKerYwJDtPM8rhtiHPGNIopLy53x+pon6QkjoBSpxs4PkmBhgbwvG7Fmy0twIfFwXHL+lvSkTtVoM5d3gZ54+uJC3xCrtXTKKkKJ+QBpr3dNvi9zm44duy9LVaDODGhX1E7JpDetJVjmyeRnJsJDWbvQxojm2tFgM5vn0G1yJ3kJpwge2L38fC2hm/Gu11lqEq1GszhDMHlhJ5eCWpN6+wbekkigvzqd5YE8fGBePYu6Y8jrqtBxJ9bi/Hts8h7eYVDmyYRmLMWcJb9gc0vzQ6ugdpPQwMjLCwdsTeRT9z5MNbDyby0DKijmiOxc6/NMcirJEmhi2L3ufAuvIYwlsOIOb8Pk7snENa4lUOb5pG0o1IarXQHIvS0mI2znuHpBtneab/N6hUpeRmJZOblVz2i7Y+9O/UipW7D7N271GuxSXyxfwV5BcW8XzLBgB88utipi3dAICJsRGBnm5aDytzM8xNTQj0dMPI0BBLM1Pqhfjzw5J1HIu6TFxyKmv2HmX9vmO0qaef+8cbWJhjXTsE69qaLznmfp5Y1w7B1EvzRSF48mhqz/2qLP3135Zg7udFyBfvYRHsj88bL+HWuzPXfphXluba1Ll4De2Dx4BuWIb4U2P6JAwtzLgx/8HuMvUwnpa2tmXnwRze+RfH9qwiMe4KK+Z+SlFhPg1aaT5PLP7lAzYs+a4sfUlJEXHRUcRFR1FaUkxmeiJx0VGk3CwfgrdhyXdcjTpGWnIcCTEXbz0/Qt1mXau8/PD0nN+NOgzh5N6lnD6wkpSEK2xcNInionxqNdPEsWbOOHauKI+jYbuBXD27l0Nb5pCScIU9a6aRcP0s9dv019pvYX4OUcc3Ed68t97KflvrZwdycMdfHNm9mptxV1g2+zOKCvNp1KobAL9PH8/axd+XpS8pKSY2+jyx0ecpLS0mMy2R2OjzJN+MuWOfA4i+fJqtK38j+WYMx/et5+COv2je8UW9xyPEnWRaxCPm7+/Pnj17+Oijj2jfvj1FRUWEhISwbNkyOnXqVGG+OXPm0L17d51zcXv27MmAAQNISdE91DEwMJAePXrQpUsX0tLS6Nq1Kz///HPZ/+3t7Tl06BBffvklkydP5vr169jZ2VGzZk2++eYbreka/5ZaLYdRUpTP/pUTKSrIwsWnLh2H/KY10iA7LYaC3PSy5/61ulCQm87xbT+Sn52Cg1soHYf8VjYtIjX+HMk3NHdqWPat9r2M+7y3DSu7qptaANCgWUdyMtNZs+QXsjJS8PQL5u0JP2N9a5HHtJQEreOZkZ7E5LH9yp5vXbOArWsWEFS9HmP+p+k8ys/LZuWiaWSkJmJuaUPdxu3o9tKbGBjq95Z1Ww4XYmKk4OWO5pibKrgcW8K0pTmU3PEd1MlOWbbgIICPqyGjX7Iqe967nWYdh4NnCpm/IQ+VGjycDWhcwxJzUwWZOSrOXSthzd58rf1WldqtNHVq7/JPKCrIwtW3Hp1fmalVp7LuqlMBtbuQn5vGsS3TyMtOxsE9lC6vzNQaqnvu0BJObJte9nztDM0HmFa9/4/gOz4YV5W9Z1UYGyp4oakhpsYQk6hm/tZirffM3lqhddeNs9EqLEyhXR0DLM0MSEhTM39rCbkF2vuuV82ArFy4HKe/X2erhXehICeNI5s176mjeyhdh5W/pznp8VrnhZtvXdq/PIUjm6ZyaOP32Dr60nnwTzi4lY/0qtNGc2x3/fUJRflZuPnVo+urM/U6hza4XhfyctI4sP5H8rKTcfIIpceIWWXTIrLTE1Aoyjt43P3r0mXwFPavm8r+dd9h6+TL869Ox9H90Q2xD6rThfycNA5vmkZuliaG51+/z7Hwq8szA6ZwaMNUDq7/HlsnX559pfxY5GYmcu2sZvrGkindtF6r+8j5eAbqvjNDZT3TOJz07BxmrNhMamY2Qd7uTHtvGA42mvbnZmr6P17H4v9G9OenZRuYMOMPsnLycHW0Y0SvzvRq2+TvMz8Em3o1aLJ9YdnzsCkfAnBjwQpODx2PiZsTZl7lv0jmR8dy9PnXCft2PL5vDaQg9iZnXp9AytZ9ZWkSlm3E2MmeoIlvY+LqRNapKI50HUbRXYs8VrWnoa0Nb9KZ3Ow0Nv81jezMFNx9Qhj2/q9l0yIyUrXP76z0ZKZ+VH6Lz93r57J7/Vz8QxswfMJ8AHKy0lgy4wOyMpIxNbfCzSuIYe/PJKim9h0aqsrTcn6HNehCbnYau9f8SG5WMi6eofR7exaWt9razDTtY+EZUJduw6awa/VUdq36DntnX3qPmI6zh3ZbG3l0PWq1muoN9NO5c6e6TTuTm5XOxmU/kZWRgodPCK9/MAOrW9Mi0lO0Y8hMS2LKB+V3r9i5bh47180jILQ+b02cB2huVzl09FTWLfmBzStmYO/kQfeB71O/uf7jeRyoePLXJnpaKNTqx2RMn/hP+Xp51c/f/rc1DNbDOPFHYMn6gr9P9ASoFmz7qItQaekZVT8c9lFwctBv59a/wdTk6figUlzydFziBzus+/tEj7ndzcc+6iJUifPLHmxNpsdZNc8n/zMIQEzS0zEA2driyW9vnayfjut35zpP5vV73Qn9L3CtD13rPn2/8z8drZIQQgghhBBCCCEemaevu0QIIYQQQgghxH+CjMN/fMjIBSGEEEIIIYQQQlSKdC4IIYQQQgghhBCiUqRzQQghhBBCCCGEEJUiay4IIYQQQgghhHgiqdVP/h1HnhYyckEIIYQQQgghhBCVIp0LQgghhBBCCCGEqBSZFiGEEEIIIYQQ4omkkltRPjZk5IIQQgghhBBCCCEqRToXhBBCCCGEEEIIUSnSuSCEEEIIIYQQQohKkTUXhBBCCCGEEEI8kdSy5sJjQ0YuCCGEEEIIIYQQolKkc0EIIYQQQgghhBCVIp0LQgghhBBCCCGEqBRZc0EIIYQQQgghxBNJjeJRF0HcIiMXhBBCCCGEEEIIUSnSuSCEEEIIIYQQQohKkWkRQgghhBBCCCGeSCq5FeVjQ0YuCCGEEEIIIYQQolKkc0EIIYQQQgghhBCVIp0LQgghhBBCCCGEqBRZc0EIIYQQQgghxBNJLWsuPDZk5IIQQgghhBBCCCEqRUYuiEfC3EzxqItQaUnZJo+6CFViQvcrj7oIVWL+CetHXYRKc3EyetRFqBKKJ//0pq5PxqMuQpXIKXo62qkt+c8+6iJU2rVlXR91EapESO+QR12ESjM4euZRF6FKHNiT8KiLUCVeH2D/qIsgyjwdn0PEoyOdC0IIIYQQQgghnkgyLeLxIdMihBBCCCGEEEIIUSnSuSCEEEIIIYQQQohKkc4FIYQQQgghhBBCVIqsuSCEEEIIIYQQ4omkUj8FK0k/JWTkghBCCCGEEEIIISpFOheEEEIIIYQQQghRKdK5IIQQQgghhBBCiEqRNReEEEIIIYQQQjyR1OpHXQJxm4xcEEIIIYQQQgghRKVI54IQQgghhBBCCCEqRaZFCCGEEEIIIYR4Ism0iMeHjFwQQgghhBBCCCFEpUjnghBCCCGEEEIIISpFOheEEEIIIYQQQghRKbLmghBCCCGEEEKIJ5JK1lx4bMjIBSGEEEIIIYQQQlSKdC4IIYQQQgghhBCiUqRzQQghhBBCCCGEEJUiay4IIYQQQgghhHgiqdWKR10EcYuMXBBCCCGEEEIIIUSlSOeCEEIIIYQQQgghKkWmRQghhBBCCCGEeCKp5VaUjw0ZufAE8fX1ZerUqf/a602aNInw8PD7phk8eDDdunX7V8ojhBBCCCGEEOLxJCMX/mWtW7cmPDz8nk6CefPmMWrUKDIyMirMe/ToUSwsLP7xa4aEhHDt2jWuX7+Oq6vrA+cbO3Ysb7311j9+PX04vW8RJ3bMJi87BUf3EFr2mICrT60K01+K2MShjT+QnRaHrZMPTbuOxTesFQClpcUc2vAD16N2k5kai4mpJZ5BTWnadTSWNi56jePwtkXs2ziHnMwUXL1DeLb/R3j6644jMe4SO1ZMIz46kozUeDq/+AFNOw6q1D6rwqr1G1m6YjVp6RkE+Pny1utDCQmqpjPt3gOH+GPZCuISEigtKcXD3Y3e3Z6jQ9vWWumu34hl5ryFnD57jtLSUny8PJk4/j1cnJ30FgdAyxoK6gQoMDGC2BTYeExFes7989QLVNA4VIGlKSRmwJbjKuLTdKft11JJgLuCZXtLuRhX5cXn9L5FnNx5x3nRfQIu9zkvLkds4tAmzXlh46h9XgBcOb2FsweWkBQbSWFeJn3HrMTJI7TqC64jjqfh/N66fhnrVy4iMz0Vb79qDHxtDAFB1XWm3bl5FXt3biD2+lUA/AJD6DNgeIXp5/z8JTs2raT/0FF0euFFvcWwa+MStqyZT1ZGKp4+QfQd+j5+1WrqTBt/4zJrl/zC9avnSEtOoPfgsbTr2l8rTUF+LmuWTCfi8E6ys9Lw8g2mzyvj8A2sobcYAA5uXcSeDbfaRa8Qnh/4EV4BFbS1sZfYunwacdGRZKTE8+zLH9C8k3Zbu2vNb5w9tpXkhKsYGZniU60OnfqNwcnNT69xqNVqjm+dRtSRZRTlZ+HqW5fm3Sdi4+h733yRBxZxas9s8rNTsHcLodkLE3D2Ko8/6vCfXI5YR0rcOYoLcxk06QgmZtZVXn775vXxHzMUm7o1MHV35ljPESSu2X7/PC0bEjblAyzDqlFwI4HLX/xC7IKVWml8hr+E/+ihmLg6kXX6PJGjPiPz6JkqL/+d9m5ezI6188jKSMHDJ5ieQ8bjE6j73Ei4cZkNS6cTe+0cacnxdB84jtbPDrgnXUZaImsWfU9UxD6KCwtwdPXipeGT8Q7Q3Q5UlV4drGnTwAILMyUXowuZsyqDm6klFaZ/vrUVDaqb4e5sSFGxmkvXi1i8MZOElPI8bRta0DTcHF93I8xNlQybFEdegX5+Tt658U+2rJpPZkYqnr5BvDjsffyq6W5T4mOusHrJz8RciSI1OYE+Q8bS/rmXtdIU5Oey+o+fOXl4B9lZ6Xj5BdPvlXH4VtPfcXgaYhBCFxm58AQoKioCwMnJCXNz83+Ud9++feTn59OrVy/mz5//j/JaWlri4ODwj/Low8WTG9i76ksadhxJvzErcHQPZs2vw8jLTtWZPuHaCTYvHEP1Rr3oN3Yl/jXas37Om6QmXASgpKiA5NhzNOgwgn5jltNlyDQykq6xftYIvcZx5vAGNi75ijbdRjL80+W4egUzf8qr5GTpjqO4sAA7Jy869B6NpY1jleyzsnbu3c+MWfMY+GIfZkz9hgA/H97/5DPSMzJ1preysuTlPj2Z9s0XzJz2HR3bt+HrH6Zz9MTJsjTxCTd55/2P8PL04Nv/+5SZ076jf7/eGBsb6yWG25qEKGgQpGDjMRXztqooLoEXWysxuE+rGOqloH0dBXvPqpm9WUVShpp+rZWYm9ybtmGQAn2O0rt0cgP7Vn9Jg44j6Tt6BQ7uwaz57W/Oi9/HENawF33HrMS/Zns2zC0/LwCKi/Jx86tH065j9VhybU/L+X1o71YWzf6B7v2GMvn7+Xj7BvLVxHfIzNDd8xR19gRNWj7DR5//zKRvZmHv6MxXE98mLTXpnrRHD+7i8oWz2Nnrt7Pt2P7N/DX/W7r2fp0Pv16Mp28Q0yaPICtTdwxFhQU4unjQ/eV3sLbV3UYt/OVTok4dYsjbk/n422WE1m7C1P+9QXpqot7iOH1oA+v/+Ip23Ufy5mfLcfMOZs7Xr5KTqbtOFRUVYO/sRac+o7GqoK29ev4oTdq/xIiJSxj6/mxKS4uZ89VQigry9BYHwKndszi7fyEtuk+i25tLMTQ2Y8PsYZQUF1aY58qpDRxc9yX12o2kx9srcHALZsPsYeTnlMdfUlSAV1AL6rR5Xa/lN7AwJ+v0Bc6+/ekDpTfz9aTBml9J3XWYffVf4Nq0+dT8dTKOHZqXpXHr3ZnQb8ZzafJ09jXsTvbp8zRaPxtjJ3t9hcGJA5tYueAbOvZ8g/e+XIq7TxC//N/rZFdUpwoLcHTx5LkXR1V4buTlZPLDJwMxMDDkjfG/MP67VXQb8B7mFlXfyXOn51pZ0bGpJXNWpfPx9CQKitV88IojRvf5uTHUz4Sth3L4ZHoSX8xOwcAAPhjqiIlR+Qr9xkYKTl0oYPXObL2W/+i+zSyb+y1d+7zOhCl/4OUbxA//G0FWBW1tUWEBTi6edB/wdoXHYsH0/3Hu9CFeeWcyE79fSljtJnz36Ruk62iPJQYh7k86Fx5Dt6cafP7557i7uxMcHAzcOy0iIyOD119/HRcXF0xNTalRowbr1q3T2tfs2bN56aWXGDBgAHPmzLnntWJjY3nxxRext7fHwsKC+vXrc/jwYeDeaRGlpaWMHj0aW1tbHBwcGDduHOp/YZJTxK55VG/Sm7BGPbF3DaRN708xNDbl3OHlutPvWYhPSHPqth2KvUsAjbu8g5NnGKf3LgLAxMyKbsPnUK1OZ+yc/XH1DadVz49Jio0kOz1eb3Ec2Dyf+q16U7dFD5w9Anlu0CSMjE05sWeFzvSe/jXp1O89ajV+FkND3V+0/+k+K+uvVWvp0rE9ndq3xdfbi1EjXsfExIRNW3X/EhVeswbNmzTCx8sTdzdXej7fFX9fH86eO1+WZvbCP2hUry6vDxlItQB/3N1cadqoAXa2NnqJ4baGwQr2Raq5GAdJmbDmsAorMwj2rPh2Ro1CFERcUXP6mpqULNhwVE1JCdT2187jYqtJu+6ISm/lj9g9j+qNexPW8NZ50etTDI1MiTqi+7w4tXch3neeF53fwckjjNP7FpWlCan/Ag07jsQrqIneyn23p+X83rh6MW2eeYFW7Z/Dw9ufISM+wMTElN3b1upMP2LM/+jQpRc+/kG4e/ry6psfoVKpiDx1TCtdWmoSC36bwogx/8PAUL+DDbetXUiz9j1o2rYb7l4BvPTaBIxMTDmwY5XO9L6BNeg5cDQNmnfC0Mjonv8XFRZw8tB2egwYRbWweji7efNc3+E4u3qxZ8syvcWxd+N8GrTuTf2WPXDxCKTbkEkYm5hyrIJ20cu/Jl1efI/aTZ7FwEh3W/vKuJnUa9kdF89quPmE0Ou1L8hITSAuOlJvcajVas7sW0Cdtm/gW70dDm7BtOnzFXlZSURHbqsw3+m98whp2JvgBj2xcwmkRXdN23DhaPk5VbPFIMLbvIazd229lR8gefMeLk6cSuLqist7J5/X+pF/LZaocV+Rc/4q139exM3lm/F7Z3BZGr9RQ7gxeymx81eQE3WFMyMmUppXgNfgnnqKAnatX0DTdj1p3KY7rp4B9Bn2CcbGZhzauVJnep/AGrzQfwx1m3XGsII6tW3NHGwdXHl5xGR8Amvi4OxJSO2mOLp66S0OgE7NLFm1I4vj5wq4cbOYX/5Mw9bagPphZhXm+WpuCnuO5xGXVEJMQjEzlqXjZGeIn2f5eb9pfw5rd2dz+UaRXsu/de3vNO/Qg2btXsDdK4CXX/8IYxNT9lfUTlWrTq9B79KweSeMKminThzaTs8Bowiqrmmnnu/3Bs6uXuzerJ926mmI4XGjUj+Zj6eRdC48prZv386FCxfYunXrPR0GACqVis6dO7N//35+//13zp07x5dffomBgUFZmuzsbJYtW0b//v3p0KEDmZmZ7N27t+z/OTk5tGrViri4ONasWcOpU6cYN24cKpXuL0Tffvst8+bNY86cOezbt4+0tDRWrtR9Ya0qpSVFJMVG4hXUtGybQqnEq1oTbl6P0JnnZnSEVnoA7+BmJFSQHqAwPxsUCr0MCwUoKSkiPjoS/7DyL21KpZKA6k24caXicv3b+7yf4uJiLl6+Qt3a5UNrlUoldcNrce7Cxfvk1FCr1Zw4dZrYuHhqVg8DNPX48LHjeHq48/4n/6Nn/yGMHPMB+w4ervLy38nWAizNFEQnlrfshcUQlwoeFQzWUSrBzQ6uJWpfDa4l/j979x0eRfE/cPx9l957g/SEVErovYMgRSmiWCgK9g6iYgEUFfWriIKCShcUpYj0Lii9hhp6S0J6cun97vfHwV0OLoDkjvb7vJ7nHs3e7O4MOzt7+9mZWQ3+HvrggqUFPNxSydp9agpLzJL9as8L/4iWpJ6PN7pO6vl4AupcdV5Eta42/e1w35zf5eWcO32c2LhmumVKpZLYBk05ffzmumqXlpZQWVmJo5M+j2q1mmkTx9Gz71P4B4aaPN9VVZSXc/FsAtH1m+uWKZVKous15+yJQ7e0TbW6ErW6Eisrw649VtY2nE44UM1aNXOlXQyPvbZdvHg63mT7KSnWPp21czBfEDQ/O4ni/AxqVzlvre2c8A6oT/rFeKPrVFaUkZl8FP86hudU7fCWpFWzzt3EtUUcmZt2GCzLWL8VtxZxACisrHBpFEvmxu36BBoNmZu249qioVnyVFFRTuLZY0TUa6FbplQqiajXgvOnDt7ydo/s3UxAaAyzJo7g/Wfb8+U7A9i+cZEpslwtb3cL3JwtOHJa3/OluFTDmcQy6gTdfG9Be1vtNa+gyHwBdGMqysu5eMZIO1XfBO3UVb0lzdVO3Q9lEOJ6ZM6Fu5SDgwPTp0+vtmv4hg0b2L17NwkJCURERAAQGmr443PBggXUqVOH2FjteKuBAwcyY8YM2rZtC8Cvv/5KRkYGe/bswd1d250wPDy82jxNmjSJ0aNH069fPwCmTZvG2rVra1bQGyguzEGjrsTeyfCOz97Jk5z0c0bXKcrPNJq+KC/TaPqK8lK2r/iKiIY9sbZ1NE3Gr8mTCrW6EkcXw3w5OnuQmWK8HHdim9eTm5ePWq3Gzc3VYLmbqwuJSdVPKFBQWMhjQ5+jvLwcpVLJ6y8+S5OG2qdlqtxciotLWLDoT55+6nGeHTqIPfsOMG7C//j6049oUM88YwUdbLX/vfrmv7BEg2M1D2/srUGpVBhZBzyq3LN2baggOVNjljkWrrhyXtgZqeeq/3pe5Bs/L26H++X8zs/Tnosurobdsl1c3UlJvnBT21gw53vc3D2JbdBUt2zF4rkoLSzo1vsxk+bXmIL8HNTqSpyvak+cXD1ITT5/S9u0tXMgNKI+Kxf9hK9/CM4uHuzZtoazJw/hbaans9W1i07OHmRcMk27qFarWTFvAkERjfANiDDJNo0pys8AwN7RsCx2jtWftyVFl9uGq9dx8kSVYfrrgqnZ+HhSmmZYttK0TKxcnFDa2mDl5oLS0pLS9Kyr0mThEGmeAFxhnvbccLq6Trl4kF6DOpWVnsS29X/QoedguvZ9lotnjrBk1udYWlrRrP3DNc22US6O2gdQuQWVBstzCyp1392IQgGDerly4nwpSWnVz9NgDrp26qq21snVg5SatFOR9Vm58Gf8LrdTu7ear526H8ogxPVIcOEuVa9eveuOOY+Pj8ff318XWDBm5syZPPWUfnKtp556ivbt2zN58mScnJyIj4+nYcOGusDC9eTm5pKSkkLz5vpIq6WlJU2aNLnh0IjS0lJKSw3Hh5aXW1/zNOtOqKwsZ82cN0ADHQeMu9PZuS/Z29nx07dfUVxSwv6Dh5k6YzZ+vj7E1auL+nKfsFbNm/JIn94AhIeGcPT4CZavWWuy4EJskIIeTfS9C37/xzxPW+rUgmAfBdPX3t6nOcK4e+X8XrZoDjv/Xc/7n/6AtbW2XTx3OoG1y3/nk2/molBUP1Tnbvf0a58y94dxvPvcAyiVFgSERtG0dXcunk2401m7ZcvmfExa0ile+HD+jRP/B6cOLOffJWN1f3d/eppJty/uLhq1moCwWHo//joA/iHRpCSeZtv6P0wWXGgdZ8ewvm66v7+cXfNg8tMPuxLga8VHUzNqvK27xTOvf8KcKeN4e3g3lEoLAkOjaNamOxfO3Dvt1P1QhpqQV1HePSS4cJs5OzuTm3vt5HcqlQoXF333yhu9FcLOrvqxcQDHjh1j586d7N69m3feeUe3vLKykgULFvDss8/ecBumMmHCBD76yHAypwefGEOPJ8fdcF07BzcUSotrJncrys/E3tn4pDbap7E3Tq+98XiTvJxL9H1pttmeamrz5IpSaXHNhGIFeVnVTtZ4J7Z5PS7OTiiVSnJyVAbLc1S5uF/Vm6EqpVJJ7Vp+gDZwcDExid8WLiGuXl1cnJ2wsLAgKNAwsh4Y4M+RY6a7IJ5K1jA9S3/luTJpo4MtFFTpieBgqyAtx/gVqqgM1GqNrteDfh0oLNb+f7CPAjdHeKuf4Yiz/q2VJGbCvE2mCTpcOS+KjdVzp/94XlST/na4X85vJ2ftuXj15I25quxrejNcbeWf81ixeC7vfjyFwBD9W1dOHI0nLzeH14fpbzLU6krmz/qONct/Z9L0pSYtg6OTG0qlBXlXtSf5qqxqJxC7GV6+AYz8eAalJcWUFBfg4ubFzxPfxtOndk2zbFR17WJ+XhZONSjHFX/NGc/x+C089/4vuLjf/NuXbkZQTEeDNzpUVmjHrhcVZGHv7K1bXlyQiUct429xsbW/3DYUGJa/+A6f6zerNC0TGx/DfNr4eFKem4+6pJSyzBzUFRXYeHtclcaD0lTz9MJycNaeG1dP3pifm4WT661Peu3s5oVv7TCDZT61Qzm46+bmp7gZ+46VcDpRP3mqpYU2UOniaIEqX389cnG04ELKjedKGPqQKw2jbPn4xwyy8ypvmN7UdO3UVW1tvioLlxocC2/fAEZ9om2niosKcHX34qev3jFLO3U/lEGI65E5F26zyMhI9u/ff83y/fv3X7cXwtXq169PUlISJ08aH+s+Y8YM2rVrx8GDB4mPj9d9RowYwYwZM3TbiI+PJzu7mvfoVeHi4oKfn59uskeAiooK9u3bd8N1R48eTW5ursGn66Ojb6qcFpbWePvHknRSPwZTo1aTeGonvkFxRtfxDY4j8aThmM3Ek9vxq5L+yo2HKuMCfV+chZ2DG+ZkaWlNreBYzh7bqVumVqs5e2wnAWFx1a94m7d5PVZWVkSEh3HgkH4MuVqt5sDBQ8RE3nzd1Wg0lJdX6LYZWSf8mmEVScmX8PEy3cz4ZRWQU6D/ZOZBQbGGYJ8qM11baudbSK7mRRtqNaTkYLAOaP9Ouhy42J6g4ec1aqav1X8A1h/QsHyX6XozXDkvEk8ZnhdJp3biGxxndB3f4DiSTl17XlSX/na4b85vKytCwqM4enCPbplarebooT2ERxl/VR3AisW/sPT3mbw9dhKhdQxvFlt37MFn383n029/0X3c3L3o2fcp3h73rVnKEBgazfHDuw3KcPzwbkIja/5qWxtbO1zcvCgsyONY/HYaNO1Q420ac6VdPHNVu3jm6E4Cw+NuebsajYa/5ozn2L4NDB89C3dvfxPk1pC1jSMunkG6j5tPOHZOXlw6ra/vZSUFpCcewjswzug2LCyt8awdS/Jpw3Pq0umd+FSzzt1EtTMej04tDJZ5dm5Fzs54ADTl5eTuP4pnpyqTzioUeHRsiWqnecaWW1paERAaw8nD+t8/arWak0d2Elzn1ifEDImMIz3lvMGy9JTzuHn53fI2r1ZSpiEtq1L3SU6vICevkthwfc9ROxsFYQHWnLpw/eDC0IdcaRJrx6c/Z5KRc/sDC3C5nQqL5vghw2ORcMh07ZSru7adOhq/nbhmHWq8zavdD2UQ4nqk58Jt9uKLLzJlyhRee+01hg8fjo2NDStXruS3335j+XLjs4ob0759e9q1a0f//v2ZOHEi4eHhHD9+HIVCQefOnfnll1/4+OOPqVvX8J25w4cPZ+LEiRw9epTHH3+czz77jD59+jBhwgT8/Pw4cOAAtWrVomXLa2eLf/311/n888+pU6cOUVFRTJw4EZVKdcO82tjYYGNz1YReVjfffymuw1A2/Pou3gF18QmqT/yWOVSUFRPTXDv3w7r57+Do4k2rXiO16dsNYsmUwez/eybBMR04dWAl6YlH6fTox4D2xmP17NfJSDpGr+HTUKsrKczTdu+ztXfBopo3M9RUq25DWPLzaGqH1KV2aD12rJtLWWkxjdr2BWDRT+/g7ObDAwNGANqJyTKSz+jynJeTTsqFBKxt7fHwCbqpbZraI31688U3k4kIDyMqog6L/1pBSUkp3bp0AuDzid/h6eHO8CHa4Ti/LlxCRHgYtfx8KC+vYNfe/az/ewuvv/icbpuP9XuY8V9OpH7dGOLq1WXP/gPs2L2XiZ99bJYyXLH7hIbWsQqy8zWoCqF9PSX5xXAiSV83n+io5GSShr2ntMt2HdfwUAsFKdlwKVtDswgFVpZw6Kz2+8KSa+dxAMgr0pBbaNr8x7UfyobfLp8XgfU5ePm8iG6mPS/W//oODs7686JB20H8+f1gDmyeSXB0B05ePi86DtD/O5cUqshXpVCYq3111ZX5G+ydPHFwNs9rEO+X8/vBhx/nx0kfExIeTVhEDGuWLaC0pIT2nXsBMO2bcbi5e/HYkJcBWL54Lovn/8RLb32Mp08tVDnaqJatrR22dvY4Obvg5Gw4WaCFpSWuru7U8g8ySxm69B7E7CkfEhQWQ3B4XTatnE9ZaTGtOmp7T8z67gNcPbzp++RrgHZispSky21URQWq7HQSzx3HxtYeb79AAI7GbweNBp9awaSnXmTJL9/gWztEt01zaPvgEBb+pG0XA0LrsW2ttl1s3E7bLv4xTdvWdn9M39amX2lrK7Rt7aXLba3n5bb2rzkfc3DHSga9MQUbWwfyVVfqlBNW1rZGclFzCoWCem0Gs3/TNJw9g3F2q82edd9h7+xNcGwXXboVPw0luG4X6rbStrv12w5l8x/v4uVfFy//+hzeOofy8mIimvTTrVOUn0FRfiZ5WRcByE49iZWNA46uftjau5qsDBYO9jiEB+r+tg/xx7lBFGXZuZQkphD5yQhsa/tw8GltD8sLPy0g6KUniZowisTZi/Hs2AK/AQ+y5yH9KzPPTZpFg5lfoNp3hNw9hwh+bQiWDnYkzjHPW5IAOvQczPwf3icwLJbAsHpsWfULZaXFNO/QB4B5U97Dxd2b3k+8AWgngUy9fG5UVJSTm5NO0nntueHlq/336NBjMJPGDGLdnz/TsGU3Lpw+zI6Ni3ns2TFmKwdo3+rQt5MzqZkVZGRXMOABF1R5lew9VqxL895wT/YeLWbdDu2F6+mHXWkVZ8/XczMpLlXj4qh9NllUon2NM4CLoxJXJwt8PLRzNwT4WlFSqiFTVUFhsen6rHft/RSzJo8hKDyGkDp12bD8V8pKi2ndSdumzPxW2071e6pqO3VW+/8V5ZfbqRPY2Nrp26kD29FoNPjWDiY9JZFFcy+3U50eMlm+77cyCFEdCS7cZqGhofzzzz+8//77dOnShbKyMqKioli4cCHdu3f/T9tavHgxb731Fo8//jiFhYWEh4fz+eefs2zZMrKysujb99obzOjoaKKjo5kxYwYTJ05k3bp1jBw5kh49elBRUUFMTAzff/+90f2NHDmSlJQUhgwZglKp5JlnnqFv375Gh3mYUkTDHhQXZLNrzWQK8zLwqh3NQ8//rOviWZBzyWBMsl9IIx4Y9BU7V01ix8pvcPUKpuczU/Dw0z5dL8xN49yRTQAs+KqPwb76vjwH//DmmEO95j0ozM9h45/fUZCbiV9gNINH/qQbwpCblYJSoe9MlJ+TwQ9j9T8Gt62ZybY1MwmObMqw0XNvapum1rFta3Jzc5k9fwE5OSrCQkP4/KMPdMMi0jMyDY5FSUkJ3039iYysbGysrQnwr83oka/TsW1rXZo2LZvzxkvP8dvCJUz5aSYBtWsxbvQo6sUa7/ZrKjuOa7CyhB5NldhaQ2IGLNiiprJKBwM3R7CrEhdLSNQOi2hfT6EdQqGCBZvVFFb/ynmzqXP5vNhd5bzo/Zz+vMg3dl489RU7V+vPix5P688LgHNHN7FxwXu6v9f+or35avrAyzTv/qpZynG/nN8t2nYlL1fF4l9/Ijcni6DQCN4eNwkXN20318yMNBRVzu+Nq5dQUVHOd58b9uLqO3A4/Z941ix5vJEmrbuRn5fD8gVTyVNl4h8cyavv/4Dz5a662ZkpKJT6Y6HKSefTUQN1f69fNpf1y+ZSJ6YxIz/W9pArLspn6fzJqLLSsHd0oWGLzvR5/BUsLK99nZqp1G/Rg4L8HDYs/o78y+3i06N+wulyu6jKSjE4Fvk5GUz+QN/W/rtqJv+umklIVFOee1/b1u7auACAnz8bYrCvR579TBe0MIcG7YdTUVbMv4vHUFaSh29wYx585mcsq8xZlJd9kZLCHN3fYQ16UFyYzd51kynKz8CjVjQ9nvnZYFjEsZ0L2L9Bf61fPk0bmGg/4DMiqwQhasqlcV1abvxF93fMV9r2JXHuEg4NG42Nnxd2Afon9cXnk9jz0PPEfD2a4FcHU5KUyuHnPyBz/VZdmpSFq7H2cidi7GvY+HqRdzCB3b2GU5ZeTbczE2jUqjsFedms+uP7y+dGFC+MnqYbMpSTZXhu5Gan8793Buj+3rR8NpuWzyY8pgmvjp0FaF9XOWzkJFb8Nom1i6fh4VWbvkPepknbXmYrB8DyLfnYWCsY3s8Ne1slJ8+X8vmsTF2QAMDHwxInB/0Ej11baoeVjXne22Bb0xZm88++IgC6tHCkfxf97MZjX/C+Jo0pNG2jbaeW/TaVPFUW/iGRvPbh91XaqVQUSv35rcrJYPxIfTu17q+5rPtrLhGxjXlr/HQAiosKWDJP3041atmZPk+8jKWZ2qn7oQx3G5lz4e6h0NxoNj4hzGDKqnu/2nm73ftlAGjlcexOZ8Ek5uw3bzDidnB2uj9Gqt3D8w/qNA8zb9D0dikou/MT55pCTvG9X45zl+6DEwOIGhB1p7NQYxZ7bu4VsXe7uQvS73QWTOL5QTeeWFzcHu1j7e90Fm7JzE13Oge35plOdzoHpnd//JIVQgghhBBCCCHEHSPBBSGEEEIIIYQQQtSIzLkghBBCCCGEEOKepL4/RirfF6TnghBCCCGEEEIIIWpEggtCCCGEEEIIIYSoERkWIYQQQgghhBDiniTvPrx7SM8FIYQQQgghhBBC1IgEF4QQQgghhBBCCFEjElwQQgghhBBCCCFEjcicC0IIIYQQQggh7klq9Z3OgbhCei4IIYQQQgghhBCiRiS4IIQQQgghhBBCiBqRYRFCCCGEEEIIIe5J8irKu4f0XBBCCCGEEEIIIUSNSHBBCCGEEEIIIYQQNSLBBSGEEEIIIYQQQtSIzLkghBBCCCGEEOKeJHMu3D2k54IQQgghhBBCCCFqRIILQgghhBBCCCGEqBEJLgghhBBCCCGEEKJGZM4FIYQQQgghhBD3JLXMuXDXkJ4LQgghhBBCCCGEqBEJLgghhBBCCCGEEKJGZFiEEEIIIYQQQoh7kuaefRel4k5nwOSk54IQQgghhBBCCCFqRIILQgghhBBCCCGEqBEZFiHuiNKyO52DmovyzLzTWTCJ+PyoO50FkygqqrjTWaixior7I97r6HjvX1oslfd+fQKwtrj3jwWAo829fzzq+Fvc6SyYhMWew3c6CzVW2bTenc6CSVi//8+dzoJJWCju1S7terHle+90Fkyk/Z3OgLjH3R+/OoQQQgghhBBC/L9zz065cB+6Px6TCSGEEEIIIYQQ4o6R4IIQQgghhBBCCCFqRIZFCCGEEEIIIYS4J6nVdzoH4grpuSCEEEIIIYQQQogakeCCEEIIIYQQQgghakSCC0IIIYQQQgghxF3u+++/Jzg4GFtbW5o3b87u3buvm37hwoVERUVha2tLvXr1WLVqlVnzJ8EFIYQQQgghhBD3JI3m3vz8V7///jsjRoxg7Nix7N+/nwYNGtCtWzfS09ONpt++fTuPP/44w4YN48CBA/Tp04c+ffpw5MiRGv6LV0+CC0IIIYQQQgghxF1s4sSJPPvsszz99NPExMQwbdo07O3tmTlzptH03377Ld27d2fUqFFER0czfvx4GjVqxJQpU8yWRwkuCCGEEEIIIYQQt1FpaSl5eXkGn9LSUqNpy8rK2LdvH126dNEtUyqVdOnShR07dhhdZ8eOHQbpAbp161ZtelOQ4IIQQgghhBBCCHEbTZgwARcXF4PPhAkTjKbNzMyksrISHx8fg+U+Pj6kpqYaXSc1NfU/pTcFS7NtWQghhBBCCCGEMCP1LcxfcDcYPXo0I0aMMFhmY2Nzh3JjGhJcEEIIIYQQQgghbiMbG5ubDiZ4enpiYWFBWlqawfK0tDR8fX2NruPr6/uf0puCDIsQQgghhBBCCCHuUtbW1jRu3JiNGzfqlqnVajZu3EjLli2NrtOyZUuD9ADr16+vNr0pSM8FIYQQQgghhBD3pFt5reO9aMSIEQwZMoQmTZrQrFkzJk2aRGFhIU8//TQAgwcPpnbt2rp5G15//XXat2/P119/Tc+ePVmwYAF79+7lp59+MlseJbgghBBCCCGEEELcxR577DEyMjIYM2YMqampxMXFsWbNGt2kjRcvXkSp1A9MaNWqFb/++isffPAB7733HnXq1GHp0qXUrVvXbHmU4IIQQgghhBBCCHGXe+WVV3jllVeMfrd58+Zrlg0YMIABAwaYOVd6MueCEEIIIYQQQgghakR6LgghhBBCCCGEuCdp7tV3UaK40xkwOem5IIQQQgghhBBCiBqR4IIQQgghhBBCCCFqRIZFCCGEEEIIIYS4J92zoyLuQ9JzQQghhBBCCCGEEDXy/zq4cP78eRQKBfHx8Wbdz+bNm1EoFKhUqv+87tChQ+nTp4/J8ySEEEIIIYQQQpjKfT0sYujQocyZM0f3t7u7O02bNuXLL7+kfv36dzBnoNFomD59OjNnzuTo0aOo1WqCgoLo0qULr776KuHh4Xc0f3cbjUbDvvWTSdi9kLLiPHyDG9Gm71hcPIOvu97R7fM5+M8MivMzcfeLovXDH+AdoD/2Cbt+53T8CjKTj1FeWsiQcbuxsXM2WznWrFjCsiW/ocrJJigkjGeef4M6kTFG025Ys4wtm9aSeOEsAKHhkTw++DmD9AN6tTW67lNPv8jD/Z8wfQGAret+ZfPyWeTnZlIrMJK+Q98jMNz4+ZSaeJo1iyaTdPYYOZmXeHjQO7TrMdggzdpF37Nu8Q8Gy7xqhfDu1yvMkv+qOje0oGmkBbbWcCFdw7LtFWTlXb9vXfNoJW3rWuJoB6k5GlbsqCApU7uOqyOMetTG6Hq/bSrnyHm1ycsA0KG+kkZ1lNhaQWKGhpW7K8nOv/46TSOUtIpR6sqxeo+aS1n6sg/pakGwj2H8ee/JSlbuNn0Z7pfze+2KxSxf8iu5OdkEhoTz9PNvEl7N+b1xzTL+2bSapAvnAAgJj2Tg4OevSZ+ceJ5fZ/3AsSPxqCsrqR0YzIjRn+Lp7WuWMmxc9Qdrls4lV5VFQHAdnhz+NqERdY2m3bJuCds3ryT54hkAgsKi6f/kywbp9+3YxOa1izh/5jiFBbmMm/grgSGRZsl7Vf+s+Y2Ny2eTp8qkdlAkjzwzmuDwekbTpiSeZuXv35N47hjZGZfoN+RtOvYcdE06VXYaf837hmPxWykvLcHTN4CnXvqEwLBYs5Rh27pf2bJyJvm5mfgFRtJnyPsEhlXT1iadYu2iKSSfO0pO5iUeeupd2j5o2NZu37CAHRsWkJORDICPfzhd+75IVFw7s+T/in/X/samKsei/9OjCbrOsVj1x/ckXT4WfQe/TYdqjsWy+d+QUOVYPPGieY6Fe5smhI4chkujutjW8mZv/5dIW7bx+uu0a0bMV+/iGFOHksQUTk+YStLcPw3SBL34BKEjhmHj60XeoeMcfWM8uXsOmzz/V+vb0YH2jeywt1VyKrGMuSvyScuurDZ9RJAVPVo5EFTLEjcnC75boGL/8VKDNDbWCgZ0caRRlA2OdkoyVJVs2FXE33uLzVKGTat+r9JORfDEDdqpHZtXGLRT/Z585ap2aiOb1y7mwpkECgtyGTvxN7O3U4vW/M285evIVuUSHuTPyGceJzY85Ibrrd+2mw+/nU67Jg348u2Xdct//mMZG7bvIS0rBytLSyJDA3lhYB/q1gk1ZzGEuMZ933Ohe/fupKSkkJKSwsaNG7G0tKRXr153NE8ajYYnnniC1157jR49erBu3TqOHTvGjBkzsLW15ZNPPrmj+bsbHdwynSPbfqFt33H0eeUPLK3tWDVjOBXlpdWuc+bgKnas+JzGnV+m32tL8PCLZNWM4RQXZOnSVJSVEBDRloYdnzd7Gbb9s5E506cw4PGhfPHtdIJCwvl0zEhyVTlG0x89HE+b9l0YO+E7Pv1qGh5e3nwyZiRZmRm6ND/9stTg89Lr76JQKGjRuoNZynBgx2qW/fIlD/R/iTc/W0itoEh++vx58nOzjKYvKyvGwzuAno+/iZOrZ7Xb9fUPZ+zUzbrPK2N/MUv+q2pbz4KWMRb8tb2CqcvLKS/XMLSbFZYW1a9TL0RJj2aWbIqv4Ptl5aRma9dxsNV+n1sIE34rNfhs2F9BabmGk0nmCSy0jlHSPErJyl2VTF9TQVkFPNXJEovrtO6xQQoeaKxky6FKflxVQVoOPNXJAvur4iL7Tqn5alG57rP+gHnKcD+c39v/2cAv0yfzyOPPMOHbmQSFhDNhzIhqz+9jh/fTun1XPpzwHR9/9SMeXt58NuZNsquc36kpSYx9+0Vq+QcxZsIUvpgyh34Dh2JlbTyAVVO7t67j91kTeeix5xj79XwCgiOY+PEr5KmyjaY/cXQfzdt24+3xP/L+57Nw9/Th649eJicrXZemtLSYOtFxDBj8qlnybMy+7Wv4c+7/ePCRF3j7iz+oHRTBD59ep50qLcHTx5+HnngD52raqaKCXL75cDAWlpa8+N5U3vtmKX0Hj8LOwTzBqvgdq1k+/wu69nuJNz5ZRK3AKKZ//hwF1ZShvLQED29/egwcUW1b6+ruQ4+Bb/L6pwt5/ZOFhMc2Z/bEV0hNOmWWMgDsv3wsuvV/gVGf/0GtoAimfnbjY9H78esfi2/HDMbCwpIXRk9l9MSl9Bk0CnszHQsLB3vyDp3gyGsf3VR6u2B/mi77kazNu9ja5GHOTZ5DvR8/wbNrG10avwEPEv2/0Zz65Hu2NutL/qHjNF85A2svd7OU4Yoere3p2tyeOSvy+Xh6NqVlGkYOcsXqOo8abawUXEwr55eV1UesH+/mSL1wa35akst732eybmcRT/VwIi7S9G3V7q1rq7RTvxIQXIdvPn75uu1Us7bdGTX+J977fDbunj5M/Oglo+3UI4NfM3l+jVm/fQ/fzl3I8Ed6MeeLD6gTFMAbn35Ldm7edde7lJ7Jd78sIi66zjXfBdbyYeQzjzP/q7H8+PHb+Hl58vonk8jJu8GThvuERnNvfu5H931wwcbGBl9fX3x9fYmLi+Pdd98lMTGRjIwMo+m3bNlCs2bNsLGxwc/Pj3fffZeKigrd96Wlpbz22mt4e3tja2tLmzZt2LNnj8E2Vq1aRUREBHZ2dnTs2JHz588bfP/777+zYMECfv/9dz788ENatGhBYGAgLVq04IsvvmDWrFnVlic4OJhJkyYZLIuLi2PcuHG6v1UqFc8//zw+Pj7Y2tpSt25dVqzQPwVevHgxsbGx2NjYEBwczNdff22wvR9++IE6depga2uLj48PjzzyiO47tVrNhAkTCAkJwc7OjgYNGrBo0aJq82sKGo2Gw1vn0rDTCwTHdsbDL5KOj35BUV46549uqHa9Q//OJqrZACKb9sfNJ5y2fT/C0sqWE3sW69LUazuEuI7P4R3YwKxlAFix9Hc6d+tNx649CQgM4bmX38LaxpZN61caTf/6qDF069mXkNA61A4I4oVX30GjVnPk4D5dGjc3D4PPnl1bia3XEB/fWmYpwz8r59Ci0yM069AXX/9w+g8bi5W1Lbs3LzGaPjCsHr2ffIuGrXpgaWld7XaVFhY4u3rpPo7ObmbJf1WtYy3YfLCShItq0nI0LPynAic7iA6svllsXdeCvSfU7D+lJkOl4a9tFZRXQOMIbURCo4GCYsNPTJCSw+fUlFVUu9kaaR6t5J/Dak4kaUhXwdLtlTjZQ1RA9e9ObhGtZP9pNfFnNWTmwopdlZRXQsNww7KXV2goLEH3KSs3ff7vl/N75dLf6dStNx269sQ/MIThL4/C2saGzeuN98B5ddQ4HujZj+DQCGoHBPH8q+9ePr/36tL8Pvcn4pq05MlnXiYkLAJfP3+aNG+Li6t5zo+1y+bRrmtf2nZ+iNoBoQx+4T2sbWz5d+NfRtM/9+andHrwUQJDIvHzD+Hplz5Eo9Fw7NBuXZpWHXry0GPPEdOguVnybMzfK+bSsnN/WnTsi59/GI89OwZrazt2/P2n0fRB4XXpM2gkjVs/iKWV8XZq/V8zcfXw5amXPiE4vB6e3v5EN2iFl2+AWcrwz+rZNO84gKbt++HjH06/Z8ZiZWPL7i3G29qAsHr0emIUcS2rb2tjGnUkOq49Xr7BePkF8+Cjb2Bta8/F04fMUgaAzSvn0urysfD1D+PR4dpjsfM6x+Lhp0bS6DrHYsMy7bF48qVPCAqvh4e3P1ENWuFppmORsfYfTo6dRNpf1bdHVQU9N5Dic0kkvP0FBcfPcuGH+aQuXkvI60N1aULeeJrEGX+QNGcJBQlnOPzSWCqLSggY2t8sZbjigRb2LPunkAMnSklKq+DnP/Nwc7KgUVT1QYDDp8tYsqnwmt4KVYUHWLMtvoTj58vJVKnZsq+YxNQKQmubvoP0umXzade1L206P0ytgFAGvfA+1ja2bL3JdmroS2PQaDQkGLRTvW5rO/XbivU83LkNvTq2JsS/Fu88+yS21tas+HtbtetUqtWMnTyDZx99iFre1wbeurVpTrP6MdT28SI0oBZvDB5AYXEJpy8kmbMoQlzjvg8uVFVQUMC8efMIDw/Hw8Pjmu+Tk5Pp0aMHTZs25eDBg0ydOpUZM2YY9CR4++23Wbx4MXPmzGH//v2Eh4fTrVs3srO1EdPExET69etH7969iY+PZ/jw4bz77rsG+/ntt9+IjIzkoYceMppPhaL6m4IbUavVPPjgg2zbto158+Zx7NgxPv/8cywstDc/+/bt49FHH2XgwIEcPnyYcePG8eGHHzJ79mwA9u7dy2uvvcbHH3/MiRMnWLNmDe3a6btMTpgwgblz5zJt2jSOHj3Km2++yVNPPcWWLVtuOc83kp+dRHF+BrXrtNIts7ZzwjugPukX442uU1lRRmbyUfyrrKNQKqkd3pK0atYxp/Lycs6ePkn9uMa6ZUqlkvpxTTh5/OhNbaOstJSKygocnZyMfq/KyWb/nh10esA8PXMqKspIOneMOnVb6pYplUoi6rbgwqmDNdp2ZupFPnqxA5++3o15U94mJ/NSTbN7XW5O4GSv4Mwl/ZP40nJIytAQ6G38/LNQQi0PBaerrKMBTl9SE+hlfJ1aHgpqeSjZd7L6Lqc14eoITnYKzqZeVY5MDQHV5EmphFruCs6mGIbMz6Zo8Pc0XKdeiJJRj1jyYi9LOscpr9ur41bdD+d3RXk5506foF5cU90ypVJJvbgmnDx+5Ka2UVpaQkVlBQ5O2qevarWaA3u341crgM8+fJPnnuzJ+yOeZc+Of8xWhgtnjhPToJlBGWLqN+PMiZvrql1aVkJlZQUOjuYbenIjFRXlJJ49RmS9FrplSqWSyHotOH/y1tupI3s3Exgaw4yJIxg9vD1fvD2AbRvME1ivqCgj+dwx6tQ1LEOdui25cCreJPtQqyuJ37GKstJigsLNE3y7ciwirjoWEfVacL4G14wjezcTEBrDrIkjeP/Z9nz5zgC2bzTvQ47/wrVFHJmbdhgsy1i/FbcWcQAorKxwaRRL5sbt+gQaDZmbtuPaoqHZ8uXlZoGrkwXHzpbplhWXajiTVE6Yf/XB/5txOrGMuEgbXJ20txVRwVb4eFhw5EzZDdb8b7TtVALRVYIA2naqOWdO3FyQ7E63U+UVFZw4e5Gm9aJ1y5RKJU3rRXP45Nlq15u5aAXuzk481KlNtWmq7mPphn9xtLejTpC/SfItxM26r+dcAFixYgWOjo4AFBYW4ufnx4oVK1Aqr42r/PDDDwQEBDBlyhQUCgVRUVFcunSJd955hzFjxlBcXMzUqVOZPXs2Dz74IAA///wz69evZ8aMGYwaNYqpU6cSFham6w0QGRnJ4cOH+eKLL3T7OXnyJJGRhmO53njjDaZPnw6Aq6srSUm3FmncsGEDu3fvJiEhgYiICABCQ/XjrSZOnEjnzp358MMPAYiIiODYsWP873//Y+jQoVy8eBEHBwd69eqFk5MTQUFBNGyovdiVlpby2WefsWHDBlq2bKnb9tatW/nxxx9p3779LeX5Rorytb1M7B0NA0J2jp4U5WcaXaekKAeNuhK7q9dx8kSVcc4s+bye/Lxc1OpKXFwNuzy6uLqRnHThprYxb/ZU3N09qRfXxOj3WzauxtbOnuatzDN+tjBPhVpdiZOL4b+po4sH6Zdu/d80MLw+A1/4FC+/YPJUGaxbPJXvPxrMW1/+ha2dQ02zbZSTnfYmuqDY8Aa7oESDo53xm3J7G7BQKq5dp1iDl6vxOG2TCAvSc9RcTDdP3zdHW21eC0sMlxeWgINt9eVQKhVG1tHg6aJf5/A5NbmFkF+swcdVQZeGFng4K/jjH9MGSu6H8zvv8rlx7fntTnLSxZvaxq+zp+JW5fzOy82hpLiYZYvm8eigZ3ni6Rc5uG8XEz97jw8/m0xMPdPehOTna8vgfNX57ezqQUry+ZvaxqK53+Hq5knsbeylcLXCvBxtOVwNy+Hk6kFaDdqpzPQktq7/g449B/NA32e5eOYIi2d9jqWlFc07PFzTbBsovHwsHF0Mn046OnuQfqn6m4+bkXLxJFPGPU5FeRnWtvYMefM7fPzNM8fTlWNx9TXDqYbXjKz0JLat/4MOPQfT9fKxWHL5WDRrb9pjcStsfDwpTTNsu0rTMrFycUJpa4OVmwtKS0tK07OuSpOFQ6T5xse7OGqvU7kFhsPb8grVuu9u1bxV+Qzt7cykkV5UVGrQaGDW8jxOXjBtdzd9O2XY1jq7uv/HdsrrtvamqkqVV0ClWo27q2Fww83VifOXUoyuE3/8FMs2beWXLz+87ra37jvEh5N+pqSsDE9XF7774E1cnY0/kBLCXO774ELHjh2ZOnUqADk5Ofzwww88+OCD7N69+5q0CQkJtGzZ0qDnQOvWrSkoKCApKQmVSkV5eTmtW7fWfW9lZUWzZs1ISEjQbaN5c8MG68qN+PW8//77vPLKKyxZsoTPPvvslsoKEB8fj7+/vy6wcLWEhAQeftjw4tu6dWsmTZpEZWUlXbt2JSgoiNDQULp370737t3p27cv9vb2nD59mqKiIrp27WqwfllZmS4AYUxpaSmlpYbd6SrKrbG0Mt4N79SB5fy7ZKzu7+5PT7tumf8/+HPhPLb9s5GPJnyHdTXjrTdtWEXbDl2r/f5uFR2nn5SyVlAkQeH1+eTVrhzcuYbmHU3TRbRBqJKHW+ubu7nrzdC//yqWFlA/VMnfB013M14vWEGv5vruA7/+bZ4eEQD7T+sDIukqDfnFlQzpaombYyU5Bbe+XTm/r/XXwl/Y/s8GxkyYojt/1WrtDUDjFm3p2WcgAMGhEZxMOMyG1UtNHlyoqZWLZ7F76zreHv+T2eaEuJM0ajWBYbE89MTrAASERJNy8TRb1/9h8uCCOXnVCubNz5ZQUlzAoV1r+X3ae7z4wRyzBRjMQaNWExAWS+/HtcfCPySalMTTbFv/x10RXLhbtKxny5De+hvLb+arzLavLs3tCfO3YtKvOWTmqokMsmJQDydU+WqDnhJ32qrFs9i9de091U4VFpfw0eSZjH5+0A0DBY1jI5n7vw/JzSvgr43/8v43PzLjs9G4u9y53mS3i1p9n05gcA+674MLDg4OBm9emD59Oi4uLvz8888MHz78juSpTp06nDhxwmCZl5cXXl5eeHt7X3ddpVKJ5qoZQMrL9TdKdnZ2Ncqbk5MT+/fvZ/Pmzaxbt44xY8Ywbtw49uzZQ0GB9o5i5cqV1K5d22A9G5vqG+kJEybw0UeGEyF1fWwM3QaOM5o+KKajwYzvlRXaC1NRQRb2zvp/n+KCTDxqRV+zPoCtvRsKpYXB5G4AxfmZ2DtVP7GguTg5u6BUWpB71YRDuaocXN2uHaJT1bIlv7F00XzGfPINQSHGfwAmHDnIpaSLvPn2zU04dSscnF1RKi2umYirIDfrupM1/ld2Ds54+QWRmXpzT3xvRsJFNYkZ+h84lhbaAKKjnYL8Kj0RHG0VpGQbn7SwqBQq1Vd6NlRZx05BQdG1F7W6wUqsLOHAadMFAE4kaUjK1E/ecGWYgoOtdn6HKxxsIS3H+IW2qFR7Eb4yCaV+HYXBNq6WfPmNGO5OCnIKbv0ifj+e386Xz41rz+9sXN2uP0Hb8iW/8teiebz/ySSD89vZ2RULCwv8A4IN0tcKCObEMdOPkXdy0pYh76rzO0+VhcsNzu81S+eyasls3vpoKgHB1040djs5OLtpy6EyLEe+Kuua3gz/hbObF77+YQbLfPxDid91c+Pw/wuHy8eiINfw6XdBXhZOLjWr35aW1nj6BgHgHxJL4tkj/Lv2Fx4ZZvprx5VjcfU1Iz83C6eaHovaVx2L2qEcNMOxuBWlaZnY+BgeJxsfT8pz81GXlFKWmYO6ogIbb4+r0nhQmmq8t9atOHCilDPJ+t+HV64XLo5Kg94Lzg5KLqbe+qRAVpbwSGdHJi9QcfCUtj1PSqsg0NeKB1vZmzS4oG+nDNvaPFU2LjeoU9p2ahZvfTSNgGDjD+BuB1dnRyyUSrJVhpM35qjy8XB1uSZ9cloGKRlZjPrie90y9eX7gNYDX+D3SR/j76u9dtrZ2hDg602Arzd1I0J55LUPWL5pG0P6PmjGEglh6P/VnAugnc9AqVRSXHztr+jo6Gh27NhhcPO+bds2nJyc8Pf3JywsDGtra7Zt00+4Ul5ezp49e4iJidFt4+peETt37jT4+/HHH+fEiRP89ZfxyWeux8vLi5QUfbepvLw8zp3Tdy+sX78+SUlJnDx50uj60dHRBvm/UsaIiAjdvAyWlpZ06dKFL7/8kkOHDnH+/Hk2bdpETEwMNjY2XLx4kfDwcINPQED1EymNHj2a3Nxcg0/n/qOrTW9t44iLZ5Du4+YTjp2TF5dO68cwlpUUkJ54CO/AOKPbsLC0xrN2LMlV1tGo1Vw6vROfatYxJysrK0LDIzhcZTJGtVrN4YP7iIiq/tVZfy2az6IFc3j/o68IqxNVbbqN61cQGh5JcKj5nj5ZWlrjHxLDqSP6+qxWqzl1dBdBdUw3Zre0pJDMtESc3bxMts2yCsjO13/SVRryizSE1tI3gTZW4O+lqHYIQ6UaLmVpCKuyjgIIq6XkYsa16zSOsOD4RTVFJdd8VaNy5BToPxm52mELob76PFlbgb+ngkQjeQJQq+FStoZQX8NhE6G+Ct0rNY3xddemzy+u2dOB+/H8trSyIiQ80mAyRvXlyVcjooy/Hg1g2aL5LFkwm9EffU1YHcNAiqWVFaF1ormUbBhkS01ONMtrKC2trAgKiyLhkH6CYrVaTcLhPYRFGn9tIMDqP+ewfOF0RoyZQki48ddu3k6WllYEhMZw8sgu3TK1Ws3JIzsJjrj1dio0Mo60S+cNlqVfOo+7l98tb7M6lpbW1A6J4fRRw7b29JGdBNWJM+m+NBoNFeXm6cmlOxaHjRyLGlwzQiLjSE85b7AsPeU8bmY4FrdCtTMej04tDJZ5dm5Fzs54ADTl5eTuP4pnpyq9WhUKPDq2RLXzgMnyUVKmIT27Uve5lFGJKr+SmBD9/Aq2NgrC/K04k3TrAQALCwWWFgqufnCsVmuowRRiRmnbqWiDyRi17dRuwiKrf8X86j9ns2LhdN4cM4XgO9xOXXlN5J4jx3XL1Go1e44kUC/i2mExQbV8mf/VWOZ++aHu07ZxfW0vhS8/xMez+gC2RqOmzEzntxDVue97LpSWlpKamgpoh0VMmTKFgoICevfufU3al156iUmTJvHqq6/yyiuvcOLECcaOHcuIESNQKpU4ODjw4osvMmrUKNzd3QkMDOTLL7+kqKiIYcOGAfDCCy/w9ddfM2rUKIYPH86+fft0kyVeMXDgQJYsWcLAgQMZPXo03bp1w8fHhwsXLvD777/rbvKN6dSpE7Nnz6Z37964uroyZswYg/Tt27enXbt29O/fn4kTJxIeHs7x48dRKBR0796dkSNH0rRpU8aPH89jjz3Gjh07mDJlCj/88AOgnaPi7NmztGvXDjc3N1atWoVarSYyMhInJyfeeust3nzzTdRqNW3atCE3N5dt27bh7OzMkCFDjObZxsbmmp4NllY3f4OiUCio12Yw+zdNw9kzGGe32uxZ9x32zt4Ex3bRpVvx01CC63ahbqunAKjfdiib/3gXL/+6ePnX5/DWOZSXFxPRpJ9unaL8DIryM8nL0v6Az049iZWNA46uftjau950Hm9Grz6P8f03nxFWJ4rwiGhW/rWQ0pJiOnbpAcDkrz/B3cOTJ4e+AMDSRfP5fd4MXh81Bi8fX3JytE9/bG3tsLOz15ehqJCdWzczeNjL1+7UxNr1HMKCqe8REBpLYHg9/ln9C2WlxTRr3xeAX38YjYubNz0ffxPQTkyWlqR9t3RlRTm5Oekkn0/AxtZe9/Rs2bz/EduoA25etcjNSWftwu9RKi1o2KqHWcuy7WglHRtYkJWrIadAQ5dGFuQXa3s5XPFMdyuOXahkZ4J22bYjlfRva0lyppKkDA2tYi2wtuSaCRvdnSDYV8HcdWZ6RUQVuxLUtK2rJCtfg6pAQ8cGFuQXwfFE/Tk2qLMFxxM17DmpLcfOBDV9WllwKVtDcqaGFtHaXhbxZ7TfuzlqJ3M8laymqBR83BR0a2zB+TQ16SrT5v9+Ob979nmMqd98SmidKMIjYlj11x+UlpTQvktPAL7/ejzuHp48PvRFAP5aNI+F86bz6qixePn4oapyfttePr9793uCb78cQ3RsHLH1GxG/byf7dm9jzITJJs37Fd0eeorp340lOCyakDp1Wb/iV0pLimnTWTv58M/fjsHN3YtHBmlfK7lqyWyW/jaN50Z8iqe3H7k52qeuNrb2ujIU5OeSnZmKKls7t0ZqsnaOGRdXD1zczNPLpGOvwcz7/n0CQ2MJCq/H5lW/UFpaTIsOfQCYO+U9XN29eeiJNwDtxIOpl9upiopycrPTSTp/HBtbe7x8A7Xb7DmYiR8OYu2Sn2nUqhsXTh9m+8bFDHxujFnK0O7Bofz+42j8Q+oSEFaPf9fMpay0mKaX29rfpr6Li5s3PQaOuJzvq9vatGva2lULJhLVoB2unn6UFhdyYPsKzibsZvg7P5ulDAAdeg5m/g/vExgWS2BYPbas0l4zml8+FvOmvIeLuze9qzsWOdceiw49BjNpzCDW/fkzDVtqj8WOjYt57FnzHAsLB3scwgN1f9uH+OPcIIqy7FxKElOI/GQEtrV9OPj0OwBc+GkBQS89SdSEUSTOXoxnxxb4DXiQPQ/pX4l7btIsGsz8AtW+I+TuOUTwa0OwdLAjcY7xt4GYyrqdRfRu50BqdiWZOZX06+RATn6lwZsg3h7syr7jpWzcrX0IZ2OtwMdd/zvT09WCQF9LCorVZOeqKSnVcPx8GY894ER5RR6Zqkqigq1p3cCO39aa/jWIDzz0JDO+G0twWAwhdWLZcLmdan25nZr+7Ye4uXvTv0o79ddvU3l2xGd4ete6yXbqPGC+durxXl0Z//0sokODiAkP4fdVGygpLaNnB+2w64+mzMTL3ZWXnuiHjbUVYYGGvYUdHbT5vrK8uKSU2UtW0bZJAzzcXMjNL2DRmr/JyFbRuaXxebruN/frax3vRfd9cGHNmjX4+Wmj2U5OTkRFRbFw4UI6dOhwzSsia9euzapVqxg1ahQNGjTA3d2dYcOG8cEHH+jSfP7556jVagYNGkR+fj5NmjRh7dq1uLlpXw0WGBjI4sWLefPNN5k8eTLNmjXjs88+45lnntFtQ6FQ8Pvvv/Pzzz8za9YsvvzyS8rLy/H396dz585MnDix2vKMHj2ac+fO0atXL1xcXBg/frxBzwXQvmryrbfe4vHHH6ewsJDw8HA+//xzABo1asQff/zBmDFjGD9+PH5+fnz88ccMHToU0E4muWTJEsaNG0dJSQl16tTht99+IzZW+3R9/PjxeHl5MWHCBM6ePYurqyuNGjXivffeu7UDdJMatB9ORVkx/y4eQ1lJHr7BjXnwmZ8N5m3Iy75ISaH+nfJhDXpQXJjN3nWTKcrPwKNWND2e+dmg2/SxnQvYv0Hf1Wz5NO2NS/sBnxFZ5SbFFFq360xerorf581AlZNNcGg473/8la7bdGZGGgqlPsy/btVSKirK+XqC4QQ+Ax5/mkef1Nenbf9sRIOG1u27YG4NWz5IYV42axdNIU+VSe2gKJ5990fdsAhVZorBnCV5ORlMHK1/lenmFbPYvGIWYdFNeWnMbABys9OYN3kUhQUqHJ3dCYlsxGvjf8XR2bzv+/73cCXWltCntSW21nAhXcPsteVUVIkTuDspsLc1nOTQwbaCzo0scbKDlGwNs9eVXzM5YuMIC/IK4XSy+a92246psbKE3s0tsLWGi+ka5m2qoLLK6A5tOfR5OXpBg72Nmg71LXC0g9QcDfM3VerKUamGEF8FzaMssbaE3EJt0OWfI8aHjNTU/XB+t2rXhbxcFQvnTUeVk01QaB3e/fjras/v9av+pKKinG8mfGCwnf6PP8OAJ7XB6mat2jP8pVH8tfAXZv/0DbVqBzLivU+JijXP7P7N2jxAfl4OSxdMIzcni4CQCN4cM1nX3Tg7IxVllfP77zWLqKgo54cv3zbYzkOPPUefgdobqfg9W5g5Wd/lftrXo69JY2qNW3WnIC+blX98T74qk9rBUbz03jScL7dTOVe1U7nZ6Xzx9gDd3xuXz2bj8tmExzTh9XHaV0MHhdfl2bcmsezXSaxZPA0P79r0G/I2Tdua5+08cS0fpDA/m7WLJpOfm0mtoCiGv/OjbliEKisFhULfYykvJ4NJ7+vnqNmychZbVs4iNLopL34wB4CCvGwWTHuXPFUGtvZO+AVEMPydn4mo1wpzaXT5WKz643vyVJn4B0fxwugqxyIrxeC8yM1O53/v6I/FpuWz2XT5WLw6Vn8sho2cxIrfJrF28TQ8vGrTd8jbNDHTsXBpXJeWG3/R/R3zlfb3TuLcJRwaNhobPy/sAvS9JorPJ7HnoeeJ+Xo0wa8OpiQplcPPf0Dm+q26NCkLV2Pt5U7E2New8fUi72ACu3sNp+yqSR5NbdW2ImysFTzd2wl7WyUnL5bx9TwV5VXi4N7uljjZ6592h9Sy5N2h+uvxE9214/63xhczfam2a//URbk80tmR5/u54GCnJCu3ksWbCvh773XG2t2iZm26XW6nppKXk0VASCRvjpli0E5VPTc2r1lIRUU5U78cZbCdhx57jocHah/mxO/ZwqzJ43Tf/VilnbqSxpS6tmqKKi+fn/9YRpYqjzrB/nzz3mt4XJ7kMTUz+z+9OU6pVHL+Uiqrvt6BKr8AFycHosOCmfbR24QGmOfV5EJUR6G5egC/ELfB10vv/WrXNTbjTmfBJC7mm/cm/nbZEW++yQ1vF2vr+2OkmqPjvR+37hRr3h/5t0tRue2NE90DCstr9qq8u0FJuRne5XoHWFve+21tZdPqh/rcSxa+b55X095uwx91vNNZqLHY8r03TnQPcGtgnje/mdtnv9+b7dJ7j90f14Wq7o9fskIIIYQQQgghhLhj7v3HS0IIIYQQQggh/l+Sfvh3D+m5IIQQQgghhBBCiBqR4IIQQgghhBBCCCFqRIILQgghhBBCCCGEqBGZc0EIIYQQQgghxD1JLZMu3DWk54IQQgghhBBCCCFqRIILQgghhBBCCCGEqBEZFiGEEEIIIYQQ4p6kUd/pHIgrpOeCEEIIIYQQQgghakSCC0IIIYQQQgghhKgRCS4IIYQQQgghhBCiRmTOBSGEEEIIIYQQ9ySNvIryriE9F4QQQgghhBBCCFEjElwQQgghhBBCCCFEjciwCCGEEEIIIYQQ9yS1vIryriE9F4QQQgghhBBCCFEjElwQQgghhBBCCCFEjUhwQQghhBBCCCGEEDUicy4IIYQQQgghhLgnyaso7x7Sc0EIIYQQQgghhBA1IsEFIYQQQgghhBBC1IgEF4QQQgghhBBCCFEjMueCEEIIIYQQQoh7klqmXLhrSM8FIYQQQgghhBBC1Ij0XBB3hIOd4k5nocZ2XfC+01kwiUW/xN/pLJhE78ca3Oks1Jitzb1/XgAkp5Tf6SzU2LiJWXc6CyZhbWt9p7NgEnHNA+90FmrMxfn+eJ6z/Z+UO52FGrN+/587nQWTGPBpuzudBZMYfWD6nc5CjWnUdzoHprF1+Z3OgbjXSXBBCCGEEEIIIcQ9SSPjIu4a90cYXQghhBBCCCGEEHeMBBeEEEIIIYQQQghRIxJcEEIIIYQQQgghRI3InAtCCCGEEEIIIe5JGply4a4hPReEEEIIIYQQQghRIxJcEEIIIYQQQgghRI3IsAghhBBCCCGEEPcktbyK8q4hPReEEEIIIYQQQghRIxJcEEIIIYQQQgghRI1IcEEIIYQQQgghhBA1InMuCCGEEEIIIYS4J2nkXZR3Dem5IIQQQgghhBBCiBqR4IIQQgghhBBCCCFqRIILQgghhBBCCCGEqBGZc0EIIYQQQgghxD1Jo77TORBXSM8FIYQQQgghhBBC1IgEF4QQQgghhBBCCFEjMixCCCGEEEIIIcQ9SS2vorxrSM8FIYQQQgghhBBC1IgEF4QQQgghhBBCCFEjElwQQgghhBBCCCFEjcicC0IIIYQQQggh7kkamXPhriE9F4QQQgghhBBCCFEj0nPhPjd06FBUKhVLly41WL5582Y6duxITk4O8fHxdOzYEQCFQoGTkxOhoaF07dqVN998Ez8/P91648aNY+nSpcTHx9/GUkD8P/PZt2kGhXkZeNWOouMjH+IbVL/a9CcPrGb7ym/Jy07G1SuYtg+9RUhse933O1ZN5sT+leSrUrGwsMI7IJbWvd7EL7iBWctxYMt89mzQl6Pzox/iF1x9OU7sX822Fd+Sm5WMm3cw7R5+i9C67Y2mXf/bGA5u/Z2O/UfTuNNQM5VAb3BfX7p38MDR3oJjpwr5bk4il9LKqk3/WC9vWjd2JcDPhrJyNcdOFTHjj0skpZbq0vh5W/PswFrE1nHEykrBvsN5fP9LMqq8CpPn/9DW+ezfNIOi/Ew8a0XRrt8H161Tp+LXsHP1t+RnJ+PqFUSrXm8RHKM9FpWV5exc9S0XEraQm5WEja0j/hGtaNVrBI4uPibP+xX7t8xnz3ptffL2v7n6tHW5vj6172NYn1bNfZejO/80WCc4pg0DXplhtjJc0aG+kkZ1lNhaQWKGhpW7K8nOv/46TSOUtIpR4mgHqTkaVu9RcynL8OmFv6eCTnFKansq0Ki16eZtqqSi0jzleKKXB13buOJgp+T42WKm/ppGSkZ5ten7d3OnZZwj/r42lJarOX6mmLlLM0hOM1wnMsSWpx72JCLYDrVaw7mkUsZNTqKs3DxPax7r7krnlk442Co5fr6UnxdmkppZ/XnYp7MLzes7UNvbirJyDSfOlzB/eQ6XqpT9uQEe1Iuww93ZgpIyDSfOlTBvRQ6X0qv/96mJdnUVNAxTYGMFSZmweq+anILrr9M4XEGLaAWOtpCmgnX71FzKNp52YDslYbUULPy3kpPJJs/+fdFGXfFIV2c6NnXAwU7JyfOlzFyqIjWr+vr0UAcnmsbaUcvbkrJyDaculPHb6lxSqtTBTs0caBVnT3AtK+xtlQwfl0xRiXmfXvbt6ED7RnbY2yo5lVjG3BX5pGVX35hEBFnRo5UDQbUscXOy4LsFKvYfLzVIY2OtYEAXRxpF2eBopyRDVcmGXUX8vbfYpHl3b9OE0JHDcGlUF9ta3uzt/xJpyzZef512zYj56l0cY+pQkpjC6QlTSZpreI0IevEJQkcMw8bXi7xDxzn6xnhy9xw2ad6NGfZEEL27+uLoYMHh43l8PfU0SSkl1abv092PPg/64ettA8C5i0XM/v0iu/bnGE3/vzGxtGjsznufHePfXVlmKQPAsCeD6f2AL04OlhxOyOOrH06RlFL9se/zoB99HqyFn48tcLkcCy6wc5/xhuqrcfVo0did0Z8e4d+d5iuHEFdIzwWhc+LECS5dusSePXt455132LBhA3Xr1uXwYfNfJK6br/2r+OfPCbTo/jJPjvoTz9pRLPlhGEX5xhvJS2f3s2rOSOq2fIQn315KeP3OLJv+MpmXTurSuHkH03HAGAa9u5xH3/gVF/faLPnhGYryq/kVaQLH961i85IJtOzxMoPe/RNv/ygWTRlGYTXlSD67nxWztOUYPFpbjqU/vUxGlXJccSp+PZfOHcTRxdts+a/q0R7ePNzVi8mzE3n945OUlKr57K0wrKwU1a5TP9KR5RszeWP8KUZ/eQYLC/hsVBg21tpmyMZayWejwtBo4J0vTjPik1NYWij5+M0QFNVv9pacPLCKf5d+TrNuLzNw5BI8a0Wy7Mfh1daplHP7WfvLSGKbP8LAt/4ktG4XVs58hawU7bGoKCshI+kYTbu+xMCRi+nx9GRU6edYOf0l02a8iuN7V7F58QRa9XyZwaP/xKt2FAsnX6c+ndnP8pkjqdfqEYaMXkqdBp3588dr61NITFtenLBV9+n9zESzleGK1jFKmkcpWbmrkulrKiirgKc6WWJxnStUbJCCBxor2XKokh9XVZCWA091ssDeRp/G31PBk50sOJOiYfrqCn5eU8HuE2rM1Xuy3wPu9OzoxtRf0xj15UVKStWMe80fK8vqK3DdOvas2qJi1JcXGPttEpYWCsa9GoCNtX6dyBBbxr7qT/yxIt764gJvfXGBlZtVqM1Ujoc7ufBgO2d+WpjF6EmXKC1V88ELvtctR2yYLWu35vHet5cYPy0VSwsFH7zga1COs0ll/PBbJm98nswnP6aiUMCHL/iiNPH5DdAySkHTCAWr96qZvV5NeQU83kF53ToVHaCgS0MF/x7RMGOtmnSVhoEdlAZ16opmEQrMeRt7P7RRV/Ru70S3Vo7MXJrDh9+nU1Ku4d1nPLG6zuOt6BAb1u8sYMz36UyYkYmFBbw7zBObKtcYaysFB0+U8NffN4hCmkiP1vZ0bW7PnBX5fDw9m9IyDSMHuV63HDZWCi6mlfPLyurz+Hg3R+qFW/PTklze+z6TdTuLeKqHE3GRRipeDVg42JN36ARHXvvoptLbBfvTdNmPZG3exdYmD3Nu8hzq/fgJnl3b6NL4DXiQ6P+N5tQn37O1WV/yDx2n+coZWHu5mzTvV3uinz/9e9biq6mneH5UPMUlar4eVxfr6/wGSc8qZdrccwwfcYBnR8az/7CKCe/FEBxgf03aRx+qZbbrRFVP9g/gkV61+eqHUzz31gGKSyqZ+HG965YjI7OMaXPOMeyN/Qx/cz/7D+Uw4f1YQgKNlOPh2v9vhguo1Zp78nM/kuCC0PH29sbX15eIiAgGDhzItm3b8PLy4sUXX7yj+dr/9yzqtnqU2Bb98fALp8ujH2FpbcuRnYuNpj+wZS7B0W1p0nk4Hr5htOr5Bt7+McT/O0+XJqpJb4IiW+HqGYCnXx3a9R1NWUkBmZdOmK0cezfOol6rR6nXsj+efuF0HfgRVta2HNlhvBz7/55LSExbmnXVlqNN7zfwCYghfss8g3T5qjQ2LhxPz6FfobSwMlv+q+rTzYvflqey40Ae5xJL+PKnC3i4WtGqkUu167z/9VnWb83mQnIJZxNL+Hr6RXw8rakTYgdAbIQDPp7WfP3zRc4nlXA+qYT//XyBOsH2xEU7mjT/8ZtnE9tyADHN++PuG07HAdo6dWyX8WMR/88vBEW1oVGnYbj7hNGix+t4+cdw6N/5ANjYOdHnxZnUafggbt6h+AbH0b7/h6QnHSU/55JJ837F3k2zqN9aX58eePxyfdpuvAz7qtYnP319OrDZsD5ZWFrj6OKl+9jaV39MTaV5tJJ/Dqs5kaQhXQVLt1fiZA9RAdX/wGoRrWT/aTXxZzVk5sKKXZWUV0LDcP1lrVtjJbtPqNl2VE1GLmTlwbGLGirV5ilH705uLFydxe5DBVxILmXS7FTcXSxpEVd9/f1oShKbduaRmFLG+eRSvp2bireHFWGBtro0wwZ4s+LvHBavyyYxpYzktHK27c+nosI8P0x6tndm8ToVe48UcTGlnCm/ZuDmbEHTetf+eL3i05/S2LyngKTUci5cKuP7XzPwcrck1F9/g7RhRz4JZ0vIyKngXFIZv63KwdPNEi9303eibBapYOtRDSeTIT0Xlu1S42QHkf7V16nmUQriz2g4dE5DZh6s2qOhogIahBqu4+OqTbtit5kqEvdHG3VF99aOLN2Ux75jJSSmljP192xcnS1oEmNX7TpfzMrkn31FJKdXcDGlnGkLc/BysyTEX3+NW7OtgOVb8jmdWH2POVN6oIU9y/4p5MCJUpLSKvj5zzzcnCxoFFV9EODw6TKWbCq8prdCVeEB1myLL+H4+XIyVWq27CsmMbWC0NqmPS8y1v7DybGTSPtrw02lD3puIMXnkkh4+wsKjp/lwg/zSV28lpDXh+rShLzxNIkz/iBpzhIKEs5w+KWxVBaVEDC0v0nzfrVHe9dm7sKLbN2dzZkLRXw66QQe7ja0beFZ7Trb92Szc18OSSklJF4q5ud5FyguqSQ20skgXXiIA4897M/nk699kGNqAx6qzdw/LrB1VxZnzhfyyTfHb1iObXuy2Lkvm6SUYhIvFfPTL+cpLqkkJtLZIF14iAMD+wQw4Vvz/a4VwhgJLohq2dnZ8cILL7Bt2zbS09PvSB4qK8pISzxKYGQr3TKFUklgZCtSzh0wuk7K+XgCI1oaLAuKbkPKufhq93F4++/Y2DnhVTvSZHm/eh9piUcJirqqHFGtuHTWeDkunYsnKNKwHMHRbbhUpRwatZpVc0bRtMswPGvVMUver+brZY2HqxX7j+r7FxcVqzl+tojocIeb3o6DnQUA+QXaLqVWlgrQQHmVG6bycg0aDcRGmC64UFlRRnrSUQIiDI9FQJ2WpF6IN7pO6vl4g/QAgZGtSakmPUBpcT4oFNjYOVeb5lZVVpSRevEoQVedF0FRrbhUzXlx6Vw8QVFX1acYw/oEkHhqN9+/3ZLp47qx7rexFBcY7zJqKq6O4GSn4Gyq/kattBySMjUEeBm/EVQqoZa7grMphjfXZ1M0+Htq17G3AX8vJYUl8Ew3C0b2t2RIV4tqt1lTPp5WuLtYcvB4kW5ZUYmak+dKiAyp/ibqavZ22styQZH2vHBxsiAyxI7c/Eq+eCuQOV+E8embAUSH3fw2/wtvD0vcnC05fFLfvbioRMPpC6VEBt/8k9Sry3E1G2sFHZs7kZZVTpbKtMOeXB3A0U7B+TR9/Sgth+QsqO1hfB2lEvzc4FyaYZ06l6bB30NfZywt4OGWStbuU1NYfQ/sGrkf2qgrvN0tcHO24Mhp/c11camGM4ll1Amyvunt2Ntqj0FBkfkCOtfj5WaBq5MFx87qAxnFpRrOJJUT5n/z5TDmdGIZcZE2uDppz5moYCt8PCw4cub2BE2q49oijsxNOwyWZazfiluLOAAUVla4NIolc+N2fQKNhsxN23Ft0dBs+fLzscXD3Zq9B1W6ZYVFlSSczL8mUFAdpRI6t/XC1taCoyf0vUpsrJWMHRnFNz+eJltlnuFaV9TyscXT3YY98fprbGFRJcdO5lE36ubOSYNyHM/TLbexUTL2rWgmTjtl9nIIcTWZc+H/gRUrVuDoaHhzVll5cwOOo6KiADh//jze3reny31VxYU5aNSV2DsZ/iK0d/IgJ+2s0XUK8zKxdzaM+jo4eVCUn2mw7OyRv1k1ewTl5cU4OHvR76WZ2DmapytfcYG2HA5XlcPByYPs1Jsvh72zB4V5+nLsXv8zSqUljToMNn2mq+Huom02VLmGFyxVXrnuuxtRKOCFJ2tz5GQBF5K1v9CPnymkpFTNsEdrMWvRJUDBsEf9sLBQ4O5quqaq+jrlSU76OaPrFOVnGk1flJdpNH1FeSnbV3xFRMOeWNuattcF6OuTvfO150X2dc4LB6drz4uq9Skkpi0RcV1x8fBHlZHIv8smsuj7Z3ly1O8olRYmLweA4+Wbhqtv1ApLwMHWeCDA3gaUSoWRdTR4umjXcXPS/rd9fSXr91WSmqOhQaiSwV0smLqi4obzOfxXbs7af5+r5wdR5VfovrsRhQKGD/Dm2OkiLl7S3lj4eGqf1A7s6cnsJemcTSylUwtnxr/uz6vjz193Podb4ep0uRwFhtcIVUGl7rsbUShgaB8Pjp/VPqmu6oHWTgzq7Y6tjZLktDLGT001+fwXDpc7fRirH47VxGTsraurU+BR5Xd+14YKkjM1Zplj4Yr7oY26wsVRW2dyr6pPuQWVuu9uRKGAQb1cOXFe22PgTnBx1N745xYYBjfyCtW6727VvFX5DO3tzKSRXlRUagPqs5bncfLCnb0ptPHxpDTNsP6UpmVi5eKE0tYGKzcXlJaWlKZnXZUmC4fIULPly8NN2ybmqAyDL9mqMtzdrh/oCQ2yZ+oXcVhbKykuruT9Ccc4n6gPCL86LJQjx/PYutt8Q2SvuJLXnKtu/nNuqhwOTPtfQ1053vv0qEE5Xhsepi2HGeeKEKI6Elz4f6Bjx45MnTrVYNmuXbt46qmnbrjulbFaihoMei8tLaW01LBLYHmZDVbWph1P+F8F1GnOU+8spbggh8M7/mDlrDd4fOTCa36g3a1SLx5h399zGfzukhodnxvp2NKN14f66/7+cKLxm9f/4pXB/gTVtmPkp6d0y3LzK/nk+/O8OsSfh7t6otHA3ztzOHW+6LaMfTSVyspy1sx5AzTQccC4O52d/yS6SU/d/3vVjsTLP5Kfx3Qh8eTua3o93Kp6wQp6NdffVPz6t3lmVrxyRuw7pR06AZC6T02Ir5KGYUo2xtfsCWj7pk68+ISv7u/xPyTVaHsAzw/0IbCWDaO/uqhbdmU+grVbVWzcoX0yNWNRBvUjHejSyoVf/jJ+83iz2jRy4PlH9UGnCT+n1Wh7AMP7exDgZ8WH36Vc893WfQUcOlGMm7MlD3V0ZsQQbz74LsWgx9J/FRukoEcTfRv4+z/mebpdpxYE+yiYvvbOPD03FXO2Ua3j7BjW103395eza1Y/AZ5+2JUAXys+mppR423drJb1bBnSW/8U/Jv5KrPtq0tze8L8rZj0aw6ZuWoig6wY1MMJVb7aoKfE/1dd23vx1ov6npnvjD96y9u6mFzMM2/sx8HBko6tPHn/9Uheff8Q5xOLaN3MnUb1XRn25n5TZPsaXdt7M+rlCN3fb3986/OZXUwu4unX9+Job0mH1l68/2Ykr44+eLkcHjSq78ozr+8zRbbvGffS78T7nQQX/h9wcHAgPDzcYFlS0s39EE5ISAAgODj4lvc/YcIEPvrIcAKhnk+OpdegcTdc187BDYXS4ppJrIrys7B3Mj4mzcH52qc1hUbSW9nY4+oVhKtXEH4hccwa/wBHdiyi2QPP30Sp/hs7R205rp5srzA/Cwfnmy9HUZ4+ffLpvRQVZPHjhx1132vUlWxe8gX7/p7Lc+M3mSTvOw/kcuJMoe5vKyvtUxpXFyuyc/VPkVydrThz8cazW788qDbNGzgz8rPTZOYYRuz3H8nn6VEJODtaUKnWdhH87dtYUtKrH6/6X1Vfp67tKXKFvZPnTaXX/mh/k7ycS/R9abbZngheqU9FedeeF9erT4X5154X1aUHcPUMwM7RjZyMCyYLLpxI0pBUZcZ3y8txBgdbKKhSfRxsIS3H+K+FolLt5E0OtobLHWwVum0UFGvXzcg13EZGrgZnh5oH43YfKuDE+fO6v69MdujqbElOnj5g4upkybmkG9ff5x7zpmldB0ZPTDQYJpCdq91WYorhTUZSaile7jWfY2Xv0SJOf6V/DG95pRyOFqiqlsPRgvOXbnyjM6yfB41i7Bk7JUWX96qKSjQUlVSQmlnBqQslzPo0iGb17Nl2oNDI1m7OqWQN06u8JeTKpI0OtlBQpSeCg62i+jpVVl2dgsLLdSrYR4GbI7zVz/BJdf/WShIzYd4m0wQd7uU2at+xEk4n6gNUlhba+uTiaIEqX//v4+JowYWUG9enoQ+50jDKlo9/zCA7zzyBSGMOnCjlTLL++nSlnXJxVBr0XnB2UHIx9dZ7U1hZwiOdHZm8QMXBU9p/j6S0CgJ9rXiwlf0dDS6UpmVi42NYf2x8PCnPzUddUkpZZg7qigpsvD2uSuNBaWrNg0pXbN2dzbET+hv+K79B3FytyaryG8Ld1ZpT567/OpiKCg3JqdpG4eSZAqLqOPJIr1p8NfU0jeq5UtvXllW/Gg4vGv9ONIeO5fLaBzWb3Hzr7iyOndyr+9taVw4rsnL0x9nN1ZrTZ2+iHJffjHHiTAHRdZwY8FBt/vf9KRrXd6W2rx2rF7QxWOeTd2M5dCyXV987WKNyCHEjElwQ1SouLuann36iXbt2eHl53fJ2Ro8ezYgRIwyWzdlyc70WLCyt8QmIJfHkDsLrdwG08wwknthBg3bGe174Bcdx8eROGnUcqlt28fh2/ELirrsvjVpNZYV5LuRXynHxxA7qNNCX4+KJHTRsb7wctULiuHBip8FrJS8c306ty+WIafYwgVGGF8HFU4YR0+xh6rbsZ7K8F5eoKS4x/HfJUpXTMMaRs5eDCfa2SqJC7Vmx6fo/KF4eVJtWjV0YNeE0aZnV/1vnXe5C2yDaEVdnS3YeyKs27X9lYWmNt38sSSd3EFavSp06tZP6bZ40uo5vcByJJ3cQ136Iblniye34BcXp/r7yo12VcYF+L8/BzsHNyJZMVwbfwFgunNhBnTh9GS6c2EGj69Sni8d30qRqfUrQ1ydj8nNSKS5U4ehy6+f/1coqoOyq3035xRpCfZWk5Wh/tFtbad/0sPek8Zs1tRouZWsI9VVwIkl/sxjqq2D35XVUhZBXpMHTWQFV5vX3cFZw+lLNbwKLSzUUXzUkITu3gvqR9rpggp2tkogQW9b8q7rutp57zJsWcY68PzGR9CzDbaZnlZOlKqe2j2EgoZaPNfuO3voN+RUlpRpSSw1vjnLyKqgbYasLJtjZKAgPsmHt9uuPJRnWz4Nm9ewZ+30K6dk3d8OlUHDdt1DcDGN1qqBYQ7CPgjSV9thbW2rnW9h/2vg21GpIydEGEE4m6+tLsI+Cvae0f29P0Oh6wVzx3IMWrD+g4dQl0z02u5fbqJIyDSVZhkGAnLxKYsNtuJCirdt2NgrCAqzZsPP6N1BDH3KlSawdn/yUQUbO7QsswOVyXPWKSVV+JTEh1rpggq2NgjB/K/7eW2RsEzfFwkKBpYXimje/qNUak78l6b9S7YzH68F2Bss8O7ciZ2c8AJrycnL3H8WzU0v9Ky0VCjw6tuTCD/MwleLiSpKLDY9FVnYZjeu7cvqctg20t7MgOsKJpWuu7S11PQqFQneTP39xIivWpxp8P3dyYybPPMv23TUfXmCsHJnZpTRp4GZQjpgIZ5au+m+TrCoU+qDLvEUXWb7O8N/hl++bMnnGGbaZoBxC3IgEF4ROeno6JSUl5Ofns2/fPr788ksyMzNZsmSJQbri4mLi4+MNljk5OREWFmZ0uzY2NtjYGAYTrP7D/EeNOj7N2nnv4B1QF9+g+hzYPIfysmJim2tvoNf88jaOLj60eWgkAA3bD2bhd4PYt2kmIbHtObFvFWmJR+gy8GMAykuL2LVuGmF1O+Hg4kVxQQ4H/51PQW4adRp2v/mM/UdNOj/N6rnv4BNYF7/g+uzbNIfy0mLqttCWY9Wct3F09aHdwyMvl3swv38ziD0bZhJatz3H960i9eIRuj6hLYedoxt2joY/DpUWVjg4e+LuY77xjgBL12bw+EM+JKeVkppRxpB+fmSpytm+P1eX5vO3w9i+P5dlG7QBh1cG+9OxhRvjvj1LcYkat8vzMxQWVVJWrv1l9UBbdy5eKiE3v4LocAdefLI2f67NICnVdD0XAOI6DGXDr+/iHVAXn6D6xG+ZQ0VZMTGX69S6+e/g6OJNq17aYxHXbhBLpgxm/98zCY7pwKkDK0lPPEqnR7XHorKynNWzXycj6Ri9hk9Dra6kME/bhdfW3gULy5pN+GVMk05Ps2ruO/gG1cUvqD57/75cny4HllbOfhsnVx/a9dGWoXHHwSyoWp/2auvTA09qy1BWUsj2VVOIaNgNB2dPVBmJbPnzf7h5BREc3dbk+a9qV4KatnWVZOVrUBVo6NjAgvwiOJ6o/8U9qLMFxxM17LkcPNiZoKZPKwsuZWtIztTQIlqJlSXEn9EHDrYfU9OhvpLUHA2p2RriwpR4OsNCM3WbX74ph0d7eJCSUUZaZjlP9PYkO7eCnfH6m6iPX/dnZ3wBq7aoAHh+oDftmjrz2bRkikvVuF6en6GoWK07L/5cn8PjvTw4n1TK2STtnAu1faz54ifzzPK/ckse/bu6kppRQXp2OY896EZOXiV7Dutvosa86Mvuw4Ws2aoNOAzv70Gbxg58OSOdklKNbn6GohJtObw9LGkV58ChE8XkFVTi7mpJ384ulJVr2J9w6zdn1dl9QkPrWAXZ+RpUhdC+npL8YgyCUU90VHIySaMLHuw6ruGhFgpSsrXBq2YRCqws4dDlgEJhybXzOIA2iJVb8ziPgfuhjbpizbYC+nZyJjWzgozsCgY84IIqr5K9x/Rdld4b7sneo8Ws26H9h3z6YVdaxdnz9dxMikv18xoUlWhfKwraXgSuThb4eGjrWoCvFSWlGjJVFRQWm76P9LqdRfRu50BqdiWZOZX06+RATn6lwZsg3h7syr7jpWzcrS2bjbUCH3f9MDBPVwsCfS0pKFaTnaumpFTD8fNlPPaAE+UVeWSqKokKtqZ1Azt+W2vaiWEsHOxxCA/U/W0f4o9zgyjKsnMpSUwh8pMR2Nb24eDT7wBw4acFBL30JFETRpE4ezGeHVvgN+BB9jyk7915btIsGsz8AtW+I+TuOUTwa0OwdLAjcc6Sa/ZvSn8sT2bIowEkpRSTklbC8CeCyMou5d+d+gcckz6uxz87M1mySnuj/fygYHbuyyYtsxR7Owu6tvOmYV0XRo47AkC2qtzo5IfpGaUm7T1Z1cJlyQx5LJDES5fL8VTwteX4pD7/7MhkyUpte//84BBtOTJKsLezpGt7bxrWc2XE2MPXLUdaRgkpaWaahVaIKiS4IHQiIyNRKBQ4OjoSGhrKAw88wIgRI/D19TVId/LkSRo2NJwJuHPnzmzYcHOvN/rP+WrUg+KCbHas+o6ivAy8/KPp++J0XXfu/JwUFAp9N9VaoY14cMhXbF85iW3LJ+LqHcxDw7/Hs5Z2rJtCaUFO2lmW7/6TkoIcbB1c8Qmsx6Ovz8fTz3xvXIhq3IOi/Gy2rfiOovwMvGpH88jL+nLkXVWO2qGN6Pn0V2xdPomtyyfi6hVMn+e+x6tWRHW7uG3+WJWOrY2S14cG4GhvwdFThbz/1VnKy/U/6Py8bXB21DcxvTtry/nVe4b/xl/9fJH1W7WTJ/n72vD0I344OVqQllnGb8vSWLLW9ONsIxpq69SuNZMpzNMei4ee/1k3dKYg55LBPBZ+IY14YNBX7Fw1iR0rv8HVK5iez0zBw097LApz0zh3RDsMZcFXfQz21fflOfiHNzd5GaKa9KCoQFufCvMy8PaP5pFXrjovlFXqU1gjej3zFf8um8S/yybi5hVM3+f19UmhtCAj+SRHdy6lpDgfRxdvgqNb06b361j+l2jgLdh2TI2VJfRuboGtNVxM1zBvU4XBKyPdnRTY2+rr19ELGuxt1HSob4GjHaTmaJi/qdLg5m/XcTWWFtCtsQV2NtphFr9srCTn+g9Mb9mSddnYWit46QlfHOyVJJwp5qPJSQbzCfh6WeNcZSK7Hu21AcLPRgQabOvbOSls2qntsbN8Uw7WlgqGPeKNo4MF55NKGftdEqmZ5pnw7a9NudhaK3j+UQ/s7ZQcP1fKpz+mGpTDx9MSJwd9Obq10c56+NErfgbb+v7XDDbvKaC8XEN0qC0927vgaKdElV9JwtkSPvg2hbwC0wd7dhzXYGUJPZoqsbWGxAxYsEVtUKfcHMGuStw7IVE7LKJ9PYV2CIUKFmxWU2ie+4rruh/aqCuWb8nHxlrB8H5u2NsqOXm+lM9nZeqCBAA+Hob1qWtL7XCNMc8bTiQ9bWE2/+zTBqO6tHCkfxf9bJtjX/C+Jo0prdpWhI21gqd7O2nLcbGMr+epDMrh7W6Jk73+vAypZcm7Q/UTRT/RXTuPw9b4YqYv1Z7fUxfl8khnR57v54KDnZKs3EoWbyrg7703Hmb4X7g0rkvLjb/o/o756j0AEucu4dCw0dj4eWEXoD9/i88nseeh54n5ejTBrw6mJCmVw89/QOb6rbo0KQtXY+3lTsTY17Dx9SLvYAK7ew2nLN28T8h/XZKEna0Fo16qg6ODJYcTcnnro6O6gCxALV9bXJz1Pb5cXax4/41IPNytKSys4MyFQkaOO2Lw1onbbf7iRGxtLXj7lQhtOY7lMnLsYYNy1Pa1w7VKOdxcrPjgzSh9Oc4XMmLsYfZWeevE/0eaq7v/iDtGodHIFBji9pu29k7noOYszDN5/m236Jf4O50Fk+j9WIM7nYUas7W5w/1gTSQ55d5/9dX+bTWfuPRuYG1r3sDQ7RLXPPDGie5yLs73x9u/t/9jxldl3CbWtjWfr+RuMODTdjdOdA/4vMf0O52FGtOo7+2JXq/Yurz9nc7CLXn9WxO/Auo2+fb1m3t96r3k/rjSCSGEEEIIIYQQ4o6RYRFCCCGEEEIIIe5JaumIf9eQngtCCCGEEEIIIYSoEQkuCCGEEEIIIYQQokYkuCCEEEIIIYQQQogakTkXhBBCCCGEEELck+RVlHcP6bkghBBCCCGEEEKIGpHgghBCCCGEEEIIIWpEggtCCCGEEEIIIYSoEZlzQQghhBBCCCHEPUnmXLh7SM8FIYQQQgghhBBC1IgEF4QQQgghhBBCCFEjMixCCCGEEEIIIcQ9SUZF3D2k54IQQgghhBBCCCFqRIILQgghhBBCCCGEqBEJLgghhBBCCCGEEKJGZM4FIYQQQgghhBD3JHkV5d1Dei4IIYQQQgghhBCiRiS4IIQQQgghhBBCiBqRYRFCCCGEEEIIIe5JGo0Mi7hbSM8FIYQQQgghhBBC1IgEF4QQQgghhBBCCFEjElwQQgghhBBCCCFEjcicC0IIIYQQQggh7klqeRXlXUN6LgghhBBCCCGEEKJGJLgghBBCCCGEEEKIGpFhEeKOKCm997sv+Xre6RyYxvAX69/pLJjE8XOVdzoLNWZtdX/Ee6PDLO50FmrswSa+dzoLJlFUYX2ns2ASidn3fp26X96U9vwg9zudhRqzUNwfB2P0gel3Ogsm8e6q4Xc6CzXW9OD8O50FIe4KElwQQgghhBBCCHFP0twv0dv7wP3xmEwIIYQQQgghhBB3jAQXhBBCCCGEEEIIUSMyLEIIIYQQQgghxD1JI6+ivGtIzwUhhBBCCCGEEELUiAQXhBBCCCGEEEIIUSMSXBBCCCGEEEIIIUSNyJwLQgghhBBCCCHuSTLnwt1Dei4IIYQQQgghhBCiRiS4IIQQQgghhBBCiBqRYRFCCCGEEEIIIe5Jao0Mi7hbSM8FIYQQQgghhBBC1IgEF4QQQgghhBBCCFEjElwQQgghhBBCCCFEjcicC0IIIYQQQggh7knyKsq7h/RcEEIIIYQQQgghRI1IcEEIIYQQQgghhBA1IsEFIYQQQgghhBBC1IjMuSCEEEIIIYQQ4p6k0cicC3cL6bkghBBCCCGEEEKIGpHgghBCCCGEEEIIIWpEggtCCCGEEEIIIe5JarXmnvyYU3Z2Nk8++STOzs64uroybNgwCgoKrpv+1VdfJTIyEjs7OwIDA3nttdfIzc39T/uV4IIQQgghhBBCCHGfePLJJzl69Cjr169nxYoV/PPPPzz33HPVpr906RKXLl3iq6++4siRI8yePZs1a9YwbNiw/7RfCS7cpHHjxhEXF/ef1unQoQNvvPGGWfJj6nwEBwczadKk25IfIYQQQgghhBCml5CQwJo1a5g+fTrNmzenTZs2TJ48mQULFnDp0iWj69StW5fFixfTu3dvwsLC6NSpE59++inLly+noqLipvf9//JtEQqF4rrfjx07lnHjxhkse+utt3j11VfNmCvzWbJkCVZWVnc6GzVyZNt84rfMoCg/Ew+/KNr0+QCfwPrVpj9zcA27135Lfk4yLp5BtOjxFkHR7XXfazQa9qybTMKuhZQW5+Eb3Ih2/cbi6hVs1nLs2jif7atnUJCbiU9gFD2e/AD/UOPlSE8+xaY/vyPl/FFUWZfo/vhoWj4wpEbbNIWdG+azdfVMCnIz8Q2IotdT7+MfZnx/aUmn2PjnZC6dP4oq8xI9nniXVt0My3Du+B62rp7JpfNHyVdl8MRrk4lp3MVs+a+qfT0lDcMU2FpBYqaG1XvUZFffYwyAJnUUtIxS4mgHaTmwZl8ll7L13w/qZEGwj2Ebs++UmlV71WYogbYuH9g4mRN7FlJWko93UENaPTQWF8/g6653bOd8jvw7k+KCTNx8o2jZ6328ArTHsbRIxf6NU0g+vY1CVQq2Du4ExXSmUZfXsLZ1MnkZdlWtU4FR9Hzq/WrrcFryKTYtuVynsi7x4OPX1qn/uk1TWb9yIauWziM3J4uA4DoMfu4twiJijab9e91Stv69kqQLZwEICYtiwKCXDNIv+e0ndv67nqzMNCwtrQgJi+KRp14kPLKu2crw9+oFrP9rDrmqLPyDIxg47B1C6tQzmvbSxdMsWzCVi2ePkZWRwoCn36JLr6cM0pQUF/LXb98Tv+tv8vOyCQiJ5LFn3iY43HxlANj793x2rJ1BQW4GPgFRdHv8Q2qHVH/8j+1dzZa/vkWVmYy7TzCd+79FeD39NaOspJBNS77mxIENFBeqcPX0p2mnQTTu8LhZy7Bz3eUy+EfxwA3KkHClDFnJuHsH0+mqMnz6XKTR9Tr1H0XLbsNNnv8r/l79O+uW6uvU48PfIaSO8eN/6eIZ/lrwAxfPJJCVkcKjT79Fl95PGqQpKS7kr19/4MCuTeTn5RAQEsnAZ94muI7xc81UNq36nTVL55KryiIgOIInhr9NaITxcmxZt4Qdm1eQfPEMAEFh0fR78hWD9Pt2bGTz2sVcOJNAYUEuYyf+RmCI8WNkasOeCKJ3V18cHSw4fDyPr6eeJimlpNr0fbr70edBP3y9bQA4d7GI2b9fZNf+HKPp/zcmlhaN3Xnvs2P8uyvLpHl3b9OE0JHDcGlUF9ta3uzt/xJpyzZef512zYj56l0cY+pQkpjC6QlTSZr7p0GaoBefIHTEMGx8vcg7dJyjb4wnd89hk+a9qiWr1vHb0pVkq3IJCw7kjeFDiIkIM5p2y449/LL4L5JT0qiorMTfz4fHHu5B9w5tdWmyVblMnfsbe+IPU1BYRIPYKN4YPoSAWr5mK4OoudLSUkpLSw2W2djYYGNjU6Pt7tixA1dXV5o0aaJb1qVLF5RKJbt27aJv3743tZ3c3FycnZ2xtLz5kMH/y54LKSkpus+kSZNwdnY2WPbWW2/p0mo0GioqKnB0dMTDw+MO5vq/KysrA8Dd3R0nJ9PfENwup+NXsW355zTp+jKPvLEEj1qRrJg+nKIC4xes1PP7Wf/rSKKaPcKAN/4kJLYLa+a8QlbqSV2a+M3TObz1F9r1G0f/V//AytqOFdOHU1FeanSbpnBk1yrWLvicDg+/zPPjluAbEMkvXw+nIM94OcpLS3DzCqDLgJE4uniZZJs1dXjXKlb/9gUdH36Zlz5ajG9AJLO/erb6MpSV4O4VwAMDRuDo4mk8TWkxvgGR9B70oVnyXJ1W0QqaRShYtUfNzPWVlFfAEx0tsLhOqxgTqKBrQyX/HFHz85pK0lQanuhogf1V14D9p9VM/LNC99kQb57AAsDhf6dzbMc8Wj08jt4v/o6VlT1rZz973bp89tAqdq/6grhOL/PQy4tx941k7exnKb58ThXlp1OUn06z7m/T97VltO3/GUkn/2Xrkg9Mn/9dq1i94As69nmZFy/XqTnXq1OXz4uu16lT/3WbprDz3/X8OnMSfR8bzviJcwkMqcOX414jV5VtNH3C4X20bNuN9z6ZytgvZ+Du6cOX414lOytdl8a3ViCDnxvFhO9+48PPf8LT248vx71KXq7xH/Q1tWfbWhbN/pqejz7P+//7Df+gCL4b/xJ5ucbLUFZWgqdPbfo+9TrOrsaPxdwfPiLh4E6efu0TxkxcSEyDlnzz0QvkZKWZpQwAR/esYv0fE2jb+2WGf/gnPv5R/DZpGIXVHP/E0/v58+eRxLV5hGfHLCUyrjN/fP8y6cn6a8b6Pz7nzJF/eXj4/3jh41U06zKENb+N52T89W9qbtWxPavYsHACbXu9zLAP/sQ7IIoF31ZfhqQz+/lz+kgatHmE4R8uJaJhZxb+YFiG1/+31eDTa8hnoFAQ1aibWcoAsGfrWhbO+ppejz7PB1/9SkBwBN9+/BJ51ZwXZaUlePn403fQa9XXqe8/5tihnTzz+ieM/eYPYhq0ZOJHL5BT5dwxtd1b1/L7rIk89NhzjP36VwKC6/DNxy9XW44TR/fRrG13Ro3/ifc+n427pw8TP3rJII+lpcXUiY7jkcGvmS3fxjzRz5/+PWvx1dRTPD8qnuISNV+Pq4u1VfUP3tKzSpk29xzDRxzg2ZHx7D+sYsJ7MQQH2F+T9tGHamHOtwJaONiTd+gER1776KbS2wX703TZj2Rt3sXWJg9zbvIc6v34CZ5d2+jS+A14kOj/jebUJ9+ztVlf8g8dp/nKGVh7uZulDBu37mDKrPkMfawf07/+hPDgQEZ+/Dk5KuNj252dHBj8yMNM/Xwcs7+ZQI9O7fl88k/sOnAI0N6rvDdhIilp6UwYPYKZEz/F18uTN8d9RnFJ9UGj+4lGrbknPxMmTMDFxcXgM2HChBr/e7QzRiQAAJg9SURBVKSmpuLt7W2wzNLSEnd3d1JTU29qG5mZmYwfP/66QymM+X8ZXPD19dV9XFxcUCgUur+PHz+Ok5MTq1evpnHjxtjY2LB169ZrhkVUVFTw2muv4erqioeHB++88w5DhgyhT58+Rvf58ccfU7futRHuuLg4PvxQf1M1c+ZMYmNjsbGxwc/Pj1deeUX3nUqlYvjw4Xh5eeHs7EynTp04ePCg7vsreZw+fTohISHY2toC1w6LSE9Pp3fv3tjZ2RESEsL8+fOvydeN9nXw4EE6duyIk5MTzs7ONG7cmL17997w3/5WHPxnNjHNBxDVtD/uPuG07/cRVla2HN+92Gj6Q1t/ITCyDQ07DMPNJ4xm3V/Hs3YMR7Zpy6nRaDj071wad36BkLqd8agVSaeBX1CUl865oxvMUgaA7etm07jdABq27Y937XB6Df4IK2tbDvxrvBy1Q+vR7bG3qde8J5aWxnue/Ndt1tS2NXNo0n4Ajdv1w7t2OA8NHYeVtS37/lliNL1/aD26DxxF/RY9sbSyNpomokE7uj7yBjFNupolz9VpFqnk36NqTiZrSFfBXzvVONlBlH/1P7BaRCo5cEbDwXMaMvNg5R415RUQF2q4TnklFJboP2U335vsP9FoNBzdNpcGHV4gKKYz7r6RtBvwOcX56VxMqL4uH9k2h8gmA4ho3A8373BaPzwOSytbTu7THkc3nwg6P/EdgdEdcfYIpFZYCxp3fYOLx/9GXWnawmxfq61Tjdpq61TvIdo6tf9m6pSl8Tr1X7dpCqv/+pUOD/ShXZfe1A4M5ekX38XGxpZ/Niw3mv6lkePp0uMRgkIjqOUfzPBX3ket1nDs4B5dmlbtu1M3rhnevrXxDwzjyWFvUFxUSOL5U2Ypw4blv9CmSz9ad+pDrYAwnnz+A6xtbNm+canR9MHhdXlkyAiatulutHdcWWkJB3ZupP/gN4iIbYy3XyC9H3sRb98AtqxdaJYyAOxaP4uGbR8lrnV/vGqF0+MpbbsYv814u7hn41zCYtvSsttwPP3C6NDnDfwCY9i7aZ4uTdKZA9Rv1YfgyOa4evrTqN1j+PhHkXzukNnKENfmURpcKcOTH2FpbcvBasqw++oyPPwGvoEx7P1bXwZHFy+Dz8n4jQRHNsfNK8AsZQBYv3webbr2o3Xnhy/XqfextrFl26alRtMH14nlkSFv0uw6dWr/zo30H6SvUw8NfMHsdWrdsvm069qXNp0fplZAKINe0JZj68a/jKZ/7s1P6fTgowSGROLnH8LQl8ag0WhIOLRbl6ZVh1489NhzxDRobrZ8G/No79rMXXiRrbuzOXOhiE8nncDD3Ya2LYwHcwC278lm574cklJKSLxUzM/zLlBcUklspOGDq/AQBx572J/PJ5+sZks1l7H2H06OnUTaXzf3ey3ouYEUn0si4e0vKDh+lgs/zCd18VpCXh+qSxPyxtMkzviDpDlLKEg4w+GXxlJZVELA0P5mKcPvy1bTu2tHenZuT0iAP2+98Ay2Njas3LjFaPqGdWNo16IpwQG1qe3nw4De3QkNDuRwwgkAEi+lcvTkaUY+/wzRdcIIrF2Lkc8/TWlpORv+3WGWMgjTGD16NLm5uQaf0aNHV5v+3XffRaFQXPdz/PjxGucrLy+Pnj17EhMTc01v/hv5fxlcuBnvvvsun3/+OQkJCdSvf203xC+++IL58+cza9Ystm3bRl5eHkuXLq12e8888wwJCQns2aP/4XjgwAEOHTrE008/DcDUqVN5+eWXee655zh8+DDLli0jPDxcl37AgAGkp6ezevVq9u3bR6NGjejcuTPZ2frI+enTp1m8eDFLliwhPj7eaF6GDh1KYmIif//9N4sWLeKHH34gPd0w4n+jfT355JP4+/uzZ88e9u3bx7vvvmuWoReVFWVkJB/Fv04r3TKFUkntOi1Ju2C8fGkX4qldJT1AQERrXfr87CSK8jMMtmlj54R3YP1qt1lTFRVlpJw/Smisfp9KpZLQmJYknr61fZpjmzfa36XzRwmLbWmwv7BY8+zPnFwdwMlOwblU/eOV0nJIzoLansaDC0ol+LljsA7AuTQN/letUzdIwch+Fjz/oAWdGiixtDB9GQDyc5IoLsikVpj+mFjbOuHlX5/0iweNrlNZUUbWpaPUCtevo1AqqRXekoyL8dXuq6wkH2sbR5QWphtNd6VOhcYYqVNnqs/L7d7mDfdZXs75M8eJbdDUYJ+xDZpy+sTNdastLS2hsrICByfnavexae1S7B0cCQyJMEm+r97+xTMJRNfX3+golUqi6jfn7Mlbu4FWqytRqyuxtDLs2mNlbcOZ4wdqlN/qVFaUkXLhKCHRhteM4OhWJJ8xvs+ks/GEVKkvAKGxbUg6G6/72z+sISfjN5GXk4ZGo+H88Z1kp50jNLYNplZZUUbKxWvLEBLdiqSzxsuQfCaekOhry5BcpQxVFeRlcvrwFhq0fsRk+b5adXUqun5zzp6oWZ2ysjYMLFpZ23A6wTx1qqK8nAtnEohuYFiOmPrNOXOT5Sgtu3x+Oxo/v28XPx9bPNyt2XtQpVtWWFRJwsn8awIF1VEqoXNbL2xtLTh6Il+33MZaydiRUXzz42myVeWmzvotc20RR+YmwxvsjPVbcWsRB4DCygqXRrFkbtyuT6DRkLlpO64tGpo8P+XlFZw8c47GDfQPHJVKJU3q1+XoiRsHjjUaDXsPHSExOYUGMVHabVZo/72tq/wOVyqVWFtZcuhyAELcnWxsbHB2djb4XG9IxMiRI0lISLjuJzQ0FF9f32vu7SoqKsjOzsbX9/pDZfLz8+nevTtOTk78+eef//n+7v/lnAs34+OPP6Zr1+qfpE6ePJnRo0frxqxMmTKFVatWVZve39+fbt26MWvWLJo21f4AnTVrFu3btyc0NBSATz75hJEjR/L666/r1ruSduvWrezevZv09HRdpfvqq69YunQpixYt0nVZKSsrY+7cuXh5Ge9Gf/LkSVavXs3u3bt1254xYwbR0dG6NDezr4sXLzJq1CiiorQNW506daote02UFOagUVdi52g4JMXe0RNV+jmj6xTlZ2J/dXonT4ryMy9/nwGAndO127ySxtSK8nNQqytxdDbcp6OLJ5mpxstxJ7Z5/f2ptPtzuXp/HmSmmH5/5uRop/1v4VW9BQtLNDjaGl/H3gaUSgUFJZqr1gFPJ31w4cgFNbmFUFCswdtVQec4JR5OShZuNf3QiOLL9fXq88PW0ZPiggyj65QWqYyeU3aOHqgyjB/HksIc4jdPJaLpoybItV61dcr51uuUObZ5I/l52n26uBp2oXV2dedS0oWb2sbvc6fg5u5JbINmBssP7PmX77/6gLLSElzdPHnnoyk4ObuaKus6BZfbEydXw383ZxcPUpPP39I2be0cCI2sz6pFP+HnH4Kziwe7t67h7MlDePua52l5UYH2muFwdbvo7EFW6lmj6xTkZuLgZPjU1sHZg8Jc/fWg2+MfsvKXD/nu7XYoLSxRKBT0HPQJQRFNr96c2crg4ORBVko1ZcjLxMH5+mWo6vD2P7G2dSCq0QOmybSxPF2uU85XnRdOrh6k1LBOrVz4822rU/mX2xRnl2vP75stx6K53+Hq5nXbeylczcNNe5OQoyozWJ6tKsPdzXhPsCtCg+yZ+kUc1tZKiosreX/CMc4nFum+f3VYKEeO57F1t/GhIneKjY8npWmG50FpWiZWLk4obW2wcnNBaWlJaXrWVWmycIgMNXl+cvPzqVSrcXdxMVju5urMhWTjE+0BFBQW0W/4K5SVV2ChVDLiuaE0jdPOhxNUuxY+Xh78OO93Rr04DFsbG/5Yvpr0rGyyclQmL8PdSGPOsTh3ES8vr2rv8apq2bIlKpWKffv20bhxYwA2bdqEWq2mefPq26G8vDy6deuGjY0Ny5Yt0/WC/y8kuFCNqhNgXC03N5e0tDSaNdP/CLSwsKBx48ao1dXfQDz77LM888wzTJw4EaVSya+//so333wDaIcqXLp0ic6dOxtd9+DBgxQUFFwz70NxcTFnzpzR/R0UFHTdSpeQkIClpaWuogFERUXh6ur6n/Y1YsQIhg8fzi+//EKXLl0YMGAAYWHGJ6IxNllJRbn1NU+zhDCXukEKejbVd9T6bUul2fZ14Iz+Apeeq6GgRM2gTha4OarJucFkkTdyJn452/4ap/u76+CpNdvgTSgrKWDd3Bdw9QqnUeeXzb6//4+WL5rDzn/X896nU7G2NmwXo+s14dNJ88jPU/H3uqVM/nI04/4365pAxt3qmdc+Zc7343jn2QdQKi0IDI2iaZvuXDyTcKez9p/s2fQLyWfjefSVqbh41OLiyb2s+fUjHF29CY1pdeMN3GUObltM3ea978nr8DOvf8KcKeN4e3g3XZ1q1qY7F+7SOrVq8Sx2b13L2+N/wsr69v57d23vxVsv6h/+vDP+6C1v62JyMc+8sR8HB0s6tvLk/dcjefX9Q5xPLKJ1M3ca1Xdl2Jv7TZFtYYS9nS0zJ2rnUNh36ChTZs2nlq83DevGYGlpyafvvMnnU36ix6DnsFAqadygLi0aNfh/c9MtDEVHR9O9e3eeffZZpk2bRnl5Oa+88goDBw6kVq1aACQnJ9O5c2fmzp1Ls2bNyMvL44EHHqCoqIh58+aRl5dHXl4eoA1qWFjcXDdcCS5Uw8HBweTb7N27NzY2Nvz5559YW1tTXl7OI49ouyTa2dldd92CggL8/PzYvHnzNd9VDQyYIt83s69x48bxxBNPsHLlSlavXs3YsWNZsGCB0dlHJ0yYwEcfGU68023gGLo/Pu6GebF1cEOhtNBNNHdFUUEm9k7GxwfaO3leM9ljUb4+vb2TNvhSnJ+Fg7N+spOigkw8a0VjDvZObiiVFtdMKFeQm4mjc/XjHG/3Nq+/P1ft/nKv3l9WtRPr3S1OJmtIztIHFCwvxxkcbKGgSu8FB1sFqTnGL8RFpaBWa3C0VQCaKutwTW+GqpIztd+5OSrIKajZRT4wupPujQ6g7T4NUFyQhX2VulxSkIm7n/G6bGPvavScKi7Iwt7R8DiWlxaybs6zWNnY0/nJySgtTDv0qdo6lXfrdcoc27wRJ2ftPq+evDFPlY2r2/UnAl755zxWLJnDOx9NITD42h5gtrZ22PoF4OMXQHhkPd56oT9bNizjoUeGmrIIOF5uT/JVhv9ueblZuFQzsd7N8PIN4K3xMygtKaakuAAXNy9++vptPH1q1zTLRtk7aq8ZV098WJCXVW276OjiSeFVvdYK87JwuFxfystK+PvPbxjw0hTq1O8AgI9/FGmJCexcN8PkwYXqylCYr8/TNWVw9qQwr/oyVHXx1F6y0s7R97lJJsuz0TxdrlNXT3qYr8rCxfXWJ8j29g1g1CfaOlVcVICruxc/ffWO2eqU0+U25eqJTfNU2Tcsx5qlc1m1ZBZvfTSNgGDTD2e6ka27szl2Qn/Db2Wlvfi5uVqTlaMfuuDuas2pc9ePfldUaEhO1V4wT54pIKqOI4/0qsVXU0/TqJ4rtX1tWfWr4bkw/p1oDh3L5bUPzPfWhRspTcvExsfwPLDx8aQ8Nx91SSllmTmoKyqw8fa4Ko0Hpamm783q4uSEhVJJdq7h5I05qjw8XF2qWUs7zMHfT9udvU5IMOeTLvHL4mU0rBsDQGRYCLO+mUBBYRHlFRW4uTjz3NtjiAoLMXkZxL1h/vz5vPLKK3Tu3BmlUkn//v357rvvdN+Xl5dz4sQJioq0PZD279/Prl27AAyG5QOcO3eO4ODgm9qvzLlwC1xcXPDx8TGYP6GyspL9+68fsbW0tGTIkCHMmjWLWbNmMXDgQF1QwcnJieDgYDZuND7zdKNGjUhNTcXS0pLw8HCDj6fnzf/wi4qKoqKign379umWnThxApVK9Z/3FRERwZtvvsm6devo168fs2bNMrpPY5OVdHmk+slKqrKwtMardixJp/Xj5TRqNcmnd+ITFGd0HZ+gOJJPGY6vSzq1XZfeyd0feycvg22WlRSQfvFQtdusKUtLa/yCYzl7TL9PtVrNuYSdBITf2j7Nsc0b7a9WcCxnj+002N/ZY+bZnymVVUBOgf6TkQf5xRpCfPXDGawtobaHPhhwNbUaUrIh2NdwfoUQHwVJ1awD4OOm/e/1AhA3y8rGAWePIN3H1TscO0dPLp3VH5OykgIykg7hHdjA6DYsLK3xqBXLpTP6dTRqNZfO7MQrMM5gO2tmDUNpYUXXp34wyxPO69apsLjqV7zN27zhPq2sCA6L4tgh/TVBrVZz9NBewiONv8YRYMWSufz1xwxGjf2W0DoxN7UvjUZNRXnZjRP+R5ZWVgSGRZNwWD/hnFqt5vih3YRG1PwVnja2dri4eVFYkMex+O00aNqhxts0xsLSGr+gWM4lGF4zzifsoHaY8fHT/qFxnE/YabDsXMJ2/EPjAFBXVqCuLL/mNdYKpYVZngpaWFrj93/t3XVYlFkbBvB7hka6FJBGCRHbtTuwW1d3DVDX7t4111zXXl0TrM9c2127BbvAAANRUFHp7pnvD3RwBBQFfGfw/l0X1y7vvMB9nH7mnOdYV8CzoNxjKGuf9xgsHSojJOijMTy4BMt3Y/iQv+8elLGpgNJWzkWa+2Pvb1NBAVdlxyQSCQIDrsHeqWhuUwZG2bep+3cuoXLNRoX+nXlRVVODjYOLXDNGiUSCwLvX4PCJcRzdvwn//rMBY6avhK1jwe7fRS0lJQsvX6fKvp6FJSMqOh3V3A1k52hrqcClvK5c/4SCEIlEUH9XrNi2Nwz9Rt2C1+icLwD4y+cp5q8ovuaOBRF75Q6Mm9SSO2bStA5irtwBAEgzMhB36z5MmnzQs0QkgnHj2oi9UvR9PNTUVFHewQ43A3JmkUgkEty8ew8VnAq+xFgqkSIjI3eDZZ1S2jDU10PYq9d4GPwU9X6olsdP0/fAyMgI27dvR0JCAuLi4uDj4wMdHR3Z5ba2tpBKpWjUqBGA7A0ApFJpnl8FLSwAnLnw1UaMGIH58+fD0dERzs7O+OuvvxATE5PrxcfHBgwYIOtv4OfnJ3fZzJkzMXjwYJiZmaFVq1ZISEiAn58fRowYgWbNmqF27dro2LEjFi5ciPLly+PVq1f477//0KlTp08u4/iQk5MTPDw8MGjQIKxevRqqqqoYPXq03MyJz/2tChUqYMKECejatSvs7Ozw4sULXL9+HV265N1VN6/9WlXVCv6CrFKDfjizazJMy7qhtJU7Ai5uRkZ6CpxrdAYAnN4xCaX0zVCr9TgAgHu93ji4ug/unPeBjUsjPLnzHyJe3EfDrr8DyH5CdK/fBzdPr4G+iS30jCxx7fgKaOuZwa5CswLn+lJ1WvTD/g2TYWnrBkt7d1w+sRnpaSmoUi97HPvWT4KugRmad8seR2ZmOiJeZS9DycrKQHzMG4SHBkJdQxvGpW0K9DuLWl2Pvti7fgos7NxQ1r4iLh3fgvS0FFSrnz1jZc/aSdAzLI0W3cfmjOHluzFkZiA+5i3CnwdCXTNnDGmpSYh+Eyr7GzERLxD+PBBaOvowMLYolnEAwLWHEtSrIEZ0ggSxiVI0chcjIQUIepFz2/y5sRhBL6S48Tj72JWHEnSoJUZ4tAivoqSo6SSGmirgH/J+dkL2EozHr6RISQdKG2RvXfn8bfaOFEVNJBKhQt0+8D+7BvrGNtAxLItbp1ZAS9cM1i45t+Wj3p6wcW0G19rZ+8W71e2Li3unwMTSDaZlK+L+pS3ITE9B+WrZ12N6aiKOb+qPzPRUNOy2EOlpiUhPy/5US7OUEcTioutQWadlX+xbPwWWdm6wtK+Iyyeyb1NV39+m1r27TXXL4zaVlfdt6nO/szi06tAL65bPgp2jC+zLVcDxwzuRlpqCBs3aAgDWLJ0BQ2Mz9OiTvbTk372bsXf7OgwdNxsmZuaIjcn+hExTUxuaWtpITU3BoX82omrN+jAwNEFCfCxOHdmDmKgI1Kyb9/K5wmrWrjc2/TUNtg6usC3nhtP/bkN6WgrqNOkAANi4YioMjMzQ6efsrfMyMzIQ/iL7usjMzERs1FuEhQRBQ1MbZubWAID7ty9BCinKWNji7etQ7N2yFGUs7VD33e8sDj8098Qhn0kwt3WDpZ07rp7Kfs6oVDf7cfGg90ToGpZGk87Zj7U1mvbB1kW9ceWEDxwrNsT960fw6tk9tO6d/ZyhoaUD6/I1cXrPn1BV14S+kQVCH13H3csH0Lz75OIbw8ZJMLdxg4WdO669G4P7uzEc8pkIXYPSaPxuDDWb9sHWP3PG8OD6EYQ/zxnDe2kpiQi8eQxNu00qltwfa97uZ2z8azpsHF1hV84Npw5vR3paiuz691k+FQbGZugsd5vK7iuRmZmB2Oi3CAt5CA1NLfnblFSKMpa2eBsehj3vblN1mrQvtnG0aP8TvFfMgK2DK+zKVcCpf7cjLTUFdZtm/80Ny6fB0MgMXXqPAAAc2bcJB3esxsCx82BiZoG4d/dvjXf3bwBITIhDdORrxEZn98d539tE38AY+obFNxtw9+GX6NvdCi/CUxD+JhUDetkgKjoNF6/kfEq/7PeKuHAlEvuOhAMABvW2xZWb0XgTmQZtLRU0b2CGKm76GDfzHgAgOjYjzyaObyPSEP62aLf4VimljVKO1rLvte3KQq+SM9Kj45AaFg6nOWOhaVka/p7Zt/Hn63bCZuhPcJ4/AWGb9sKkcS2Yd2uF6+0HyX5HyLKNqOTzB2Jv3kPc9QDYjuwL1VJaCNtcPDsM9WjfCvNWrIWzgx1cyjngn3+PISU1Da2bNgQAzFm+GiZGhhjc+0cAwNa9B+HsYA/LMqWRnpGBK7fu4Ph5X4wb5Cn7nWf9rsJAXxelTUwQ/DwUK7y3on7N6qhZufCFPGUg/cSydPq2WFz4SpMmTcLr16/Rp08fqKio4JdffkHLli0/ux6lXLlyqFOnDqKjo3M11Ojbty9SU1OxdOlSjB8/HiYmJrJlEyKRCEeOHMFvv/0GT09PREREoEyZMmjQoAFKly79Rdk3btyIAQMGoGHDhihdujTmzJkjtx3m5/6WiooKoqKi0KdPH7x58wYmJibo3LlzrqUPRcWxcmukJEXj+vG/kJwQARMLF7QdsF62zCEx9pVcUaeMbVU067UIV48vw9WjS6FvYguPvithXCZnSmLlRgOQkZ6C83umIz01HmVsq6HtgPXFuv7U7YfWSEqIxpkDfyExLgJlrF3Qe+x62VTtuCj5cSTEvsWaGTlvhi4d88GlYz6wdaoBz8lbC/Q7i1rFH1ojKT4Gp/etQGJcJMytXdB3/DrZ34uNDodInDMhKiEmAqum5xQ6fI/6wPeoD2yda2DAlC0AgJch9+GzoK/snKM7/gAAVKnXEV0GFn6v3/xcCpRCTVWKNjXE0FQHQiOk2H4uC1kfPD8Z6oigrQG8XwbxIFQKbQ0JGlYUQ0cTeBMDbD+XJWsMmSUB7MqIUdMpeyZEXHJ2seLiveJ70qtYfwAy01Pgd2AG0lPjYWZTFS37rZO7LSdEhyI1OUb2vb17a6QmxeDW6RVIScheQtGi3zpovVsWEfXqASLCsrug71nSUu7vdRt/CrqGRTf9uOIPrZGUEIPT+3NuU33GrfvgfhEOsUj+NvX3jJzblN8xH/i9u1/0f3eb+tzvLA616jdHQnwM9m5fh7iYKFjblceEGctl06ajIt/I3TdOH9uHzMwMrPhD/s1ppx8HoHPPXyAWixH+4hlWnPkPCfGx0NHVh305V0ydvw5lrfPub1NYNeq2RGJcDA7tXI342EiUtXPCyKl/Q+/dGKIjw+Ueo2Jj3mLO+B9l3588tAUnD21B+QrVMO53bwBASnIC9m/7C7FRb6Cto4+qtZqiY6/hUMlne92iUKFGayQnROP8wRVIio9AaSsX9By1QbYsIi46HKIPblNWjlXRccAinDuwDGf3L4GRmS26D1sFM8uc54zOvyzBmX1LcHDDeKQkxUHf2AKNOo5B1YY9i2UMrjWyH9vPH3o3hrIu+HFk/mMo6/BuDAeX4dyB7DF0Gyo/BgC4f/0/SKVSVKjRtlhyf6xGvZZIiI/BoR2rER8blX2bmrbqg9vUa7n7RWxMBGaPy7lNnTi4BScOZt+mxs/eAABISU7Evv99cJuq3RQdew3Ld8vmolDz3TgO7FyN+JgoWNk5Ycz0lbL7d3TEa7nr49yxf5CZmYHVCyfI/Z72PX5Bhx8HAwDuXD+PjX/NlF22dvGUXOcUh+37XkBLUwUThpaDTilV3A2Mw/hZ95GekVNYtyijCX29nH9PA301/DbaCcZG6khKykTw8ySMm3lPbteJb0W/mhtqn94q+9510a8AgLAt+xDQfwo0zE2hZWUuuzzl2Qtcbz8IrounwHZEH6S+eI27g6Yi8qSv7Jzwf45C3dQI5WeMhEYZU8T7B+Ja2wFI/6jJY1FpWq82YuMT4L1zD6Jj4uBoZ4NF0yfB6N2yiDcRUXKPtampaViybiPeRkVDQ10dNpYWmDZ6CJrWy5ltERUTg5Ub/4fouDgYGxrAo1F99O1WfAV1ovyIpOz0USQkEglcXFzQvXt3zJ49O9/zpFIpypUrh6FDh2Ls2LHfMKFiWXZI+W92ZRS7zUCBqYiV/7oAgKAQ5a9av59iquzsimfp8zdla/hlU4QVVXLmpzvAK4uw6E/3JVIGJeXVlo1J8udPUnAqopJxZUyZUjIaKE4+MkDoCIVWw3+b0BGKhJlrwWZCK5qeE0M/f5IC2rHQ+vMnKRnOXPhKz58/x4kTJ9CwYUOkpaVh5cqVCAkJQa9evfL9mYiICOzcuROvX7+Gp6dnvucRERERERERKRMWF76SWCzGpk2bMH78eEilUri5ueHUqVOyfgp5MTMzg4mJCdatWwdDQ8NvmJaIiIiIiKjkkUhKxmykkoDFha9kZWWVqyHj53AFChEREREREZVEJWOBLxEREREREREJhjMXiIiIiIiISClxdrji4MwFIiIiIiIiIioUFheIiIiIiIiIqFBYXCAiIiIiIiKiQmHPBSIiIiIiIlJKUm5FqTA4c4GIiIiIiIiICoXFBSIiIiIiIiIqFC6LICIiIiIiIqXEZRGKgzMXiIiIiIiIiKhQWFwgIiIiIiIiokJhcYGIiIiIiIiICoU9F4iIiIiIiEgpSaQSoSPQO5y5QERERERERESFwuICERERERERERUKiwtEREREREREVCjsuUBERERERERKSSqRCh2B3uHMBSIiIiIiIiIqFBYXiIiIiIiIiKhQuCyCiIiIiIiIlBKXRSgOzlwgIiIiIiIiokJhcYGIiIiIiIiICoXFBSIiIiIiIiIqFPZcIEGIREInKLyyBslCRygSd55pCx2hSGRmKP96u4z0TKEjFInkNHWhIxSafeYDoSMUiXS1UkJHKBKpes5CRyg0qbQEPPGVEBUybggdoUhIJUInKBo1/LcJHaHQrlf6SegIRaJNxkOhI3wVqVT5XwOWFJy5QERERERERESFwuICERERERERERUKiwtEREREREREVCjsuUBERERERERKSSIpIQ1ISgDOXCAiIiIiIiKiQmFxgYiIiIiIiIgKhcsiiIiIiIiISClJJdyKUlFw5gIRERERERERFQqLC0RERERERERUKCwuEBEREREREVGhsOcCERERERERKSWplFtRKgrOXCAiIiIiIiKiQmFxgYiIiIiIiIgKhcsiiIiIiIiISClxK0rFwZkLRERERERERFQoLC4QERERERERUaGwuEBEREREREREhcKeC0RERERERKSU2HNBcXDmAhEREREREREVCosLRERERERERFQoLC4QERERERERUaGw5wIREREREREpJYlUInQEeoczF4iIiIiIiIioUJSuuPDs2TOIRCLcuXOnUL+nUaNGGD16tOx7W1tbLFu2rFC/81vo168fOnbsKHQMIiIiIiIiIpkvWhbRr18/bN68GYMGDcKaNWvkLhs2bBj+/vtv9O3bF5s2bfrs7zp37hwaN26MmJgYGBgYfEmMYnH9+nWUKlWqwOevX78eK1euRHBwMFRVVWFnZ4fu3btjypQpxZjy+3XXbxvunPNGckIkjM2dUb/TVJS2ds/3/Cf+x3Dt2HIkxLyEvokNarcZDxuXhrLLg++ewP3LOxHx4j7SkuPQfcx+mFi6FPs4zhzZhWMHtiAuNgpWtuXRa8BE2Jd3y/Pc8yf24fK5f/EyNBgAYOPggs4/DZc7/+bl0zh3fC+eBwciKTEOM5bsgLWdU7GOIcB3G26dyb4uTCyc0aDzVJSxyf+6eHznGK4cXY6E6JcwMLVBnbbjYeuafV1kZWXgypHleB54HnFRL6ChqYOy5eugTtux0NEvXazjAIDGlcSoVk4MTXUgNEKKf69kITrh0z9T00mMOhXE0NEC3kRLceSaBC+j5LdAKmsiQtMqYpQ1EUEiBV7HSLH1VBYys4pnHE0qq+SM460Uh69kFmgcdd1UZOP471oWXkbKj8PKVISmVVTkxrHlZGaRj+Pm2W24etIbiXERMCvrjBY/ToOFXf63qcCbR3Hh4HLERb2EkZktGnUeD8eKDeXOiQwPxtl9fyLs0XVIJFkwNndA58F/Qd/IomjDf2Dv0VPYfvAoomPj4GhrjTH9f4ZrOfvP/twp3yuYsXQN6teoggWTR8mOn7tyAwdOnMXD4GeIT0zCxkWzUN7OptjyA8D+/45h1/5DiI6JhYOdDUb+4gWX8uXyPPfCpavYtmcfXoa/RlZmFiwtyqB7x3Zo0TjnumjcvluePzuo38/4sXOHYhkDAFw8vgNnDm9CfGwkLG2c0MVzCmwcK+Z5bnjYExzZvQovQh4gOuIVOvWZiEZteuc6Lzb6DQ5tW4rAO77ISEuFSRkr9BoyB9YOFYpxDBuREBcJC2sndPH89ZNjOPrPSoQ9fYCYyFfo2GcSGrXOewyHty/5YAzW6Dl4Nqwd8n4eKgpnj+7CiQObERcbhbK25dFzwCTYlcv7770KDcbBnX8jNDgQURHh6O45Hs3a/SR3TmpKEg5u/xu3r55BQnwMrOyc8KPXRNiWK57r4b09x87if4dPZN+/bcpinFdPVHC0++zPnfS7hmnLN6BB9UpYOHGY7Pj63Ydw6tJ1vImKgZqqKpzsrTH4x45wK8BjRmH1/8kW7VqUgW4pVdwNjMeivx/jRXhKvud3bGWOjq0sYF5aEwAQEpqMTTuf48rN6DzPXzSzImpVM8KUufdw8UpUkeffd+QEdhz4D9GxcXCwtcboAX3hWt4hz3PPX76OrXsP4mX4G2RmZaGseWn06NAaHo3qy86Jjo3D6i07cP3OXSQmJaNSBWeMHtAXVhZlijw7ABjVqw77cf2hX9UNmhZmuNFlKN4cOv3pn2lQE66LJkPHtRxSw8LxZP5qvNiyX+4cmyG9YD+2PzTKmCI+IAj3R89G3PW7xTIGRcOtKBXHF89csLKyws6dO5GSkvMglJqaiu3bt8Pa2rpIw31Lpqam0NbWLtC5Pj4+GD16NEaOHIk7d+7Az88PEydORGJiYjGn/Lz09HShIxS5x3eOwO/QAlRvPgzdRu+DiYUT/l0/AMkJeT9hhT+7hZPbxsGlZld0G7Mfdm7NcHTTcESFP5Kdk5meAnPbaqjdZvy3Ggau+R7Hro1L0L7HL5ixeDusbMth6e/DEB+b95Pzw/s3UbO+BybMXodfF2yCkUlpLJk1FDFRb2XnpKWloJxLZXTtM/KbjOHR7SO4eGABarYchh/HZV8Xh9Z+4roIuYXjW8ehwg9d8eP4/bB3a4b/fHKui8z0VES8eIAazYfix3F70drzL8S+DcF/G4YW+1jqVRDjBxcxDl/NwvojmcjIBHo3U4XqJx4VK9iK0LK6GOf8s7D230y8jgF6N1NBKc2cc8qaiNC7mQqCw6VYdyQT645k4lqQBNJiet6r5/ZuHFey/1Z6JtCnudonx+FmK4ZHDRWc88/CmsMZeB0jRZ9mqnLjsDIVoXczVQS/kmDtkUys/S8DVwOLfhwPrh/B6T3zUa/NMHj9th+lyzpj14r+SIrP+zb1IvgWDm4Yh0p1u8Jr6gGUq9wUe1cPQ8TLnPt3TEQotv7ZC8Zl7NFr3Fb0n34I9doMhaqqRtGG/8Apv6v4a9NOeHXvCJ8/Z8HRxgpjZy9CTFz8J38u/G0EVm7ehUou5XNdlpqaBnfn8hjSu3txxZZz5qIfVntvRt8fu2Hd0j/gYGuDiTPmIiY2Ls/z9XR18HO3zli1cC42rFgEj6aN8cfyv3Ht1h3ZOXs3r5P7mjhyKEQiERrUqVVs47h16Rj2b/kTLbsMxoQFu2FhUx6r5w1CQlzet6n0tFSYlC6Ldj1HQ8/AJM9zkhPjsHx6H6ioqGLwlNWYsuQAOvaeAO1SesU0hqM4sHUhPLoOwfj5/8DSxglr5uc/hoz0FBiblUW7Xp8bQ2+oqKhh0OQ1mLz4IDr8PL7YxgAA132P45+Ni9G2+yBMXbQdVrblsfz3ofk+76WnpcK0dFl06j0y33FsWfU7HgRcgdeoOZixdDdcK9XGklmD5Z4bi9rJS9exfMs/GNC1LTb/MRXlbKwweu5yRH/m/v3qbSRWbN2Dyi65C3TWFqUxzqsnti2agbW/T4S5qQlGzVmGmPjPVIYL6acuVuja1hKL/n6MX8bfRkpqFpb8XhHqaqJ8fyYiMh1rNoeg/+hbGDDmFm4FxGD+bxVgZ537dXP3DpaQFtcTHoDTvpexcuM29OvRGRsWz4GjrTXG/b7gE49TpdCnawesXjATm5bOR+smDbHgr3W4ejsAACCVSvHr/CUIf/MW86eMhc+SuShjaoIxM+chJTW1WMagUkob8QEPcW/krAKdr2VbFjUOrUXUuavwrd4BIX9tRsW1c2DSvJ7sHPNureDy5xQ8nrMKvjU7ISEgCD/85w11U6NiGQNRfr64uFC1alVYWVlh3759smP79u2DtbU1qlSpIjsmkUgwf/582NnZQUtLC5UqVcKePXsAZC9taNy4MQDA0NAQIpEI/fr1AwAcO3YM9erVg4GBAYyNjdG2bVsEBwfnyhEUFIQ6depAU1MTbm5uOH/+vNzl58+fR82aNaGhoQFzc3NMnjwZmZmZ+Y7r42URsbGxGDRoEEqXLi37G//++y8A4NChQ+jevTv69+8PR0dHVKhQAT179sTcuXMBABcuXICamhpev34t9zdGjx6N+vWzK6WbNm2CgYEBjh8/DhcXF+jo6MDDwwPh4eGy87OysjB27FjZv8XEiRNzPWA3atQIw4cPx+jRo2FiYoKWLVsWaPyNGjXCiBEjMHr0aBgaGqJ06dJYv349kpKS4OnpCV1dXTg6OuLo0aNyf+/evXto1aoVdHR0ULp0afTu3RuRkZH5/rsWBf/zm+D6Qze41OwCozKOaNhlFlTVNBF0fW+e5wdc3Aprp3qo0rg/jEo74AePUTC1dMVdv22yc5yqdUCNFsNQtlztYs3+oROHtqFB806o17QDLKzs0Xvwb1DX0ITv6YN5nv/LmLlo0qo7rO2cYF7WDv2GTodUKkVgwDXZOXUatUX7Hr/AtdIP32QMd85tQoXa3eD6Q/Z10bjbLKiqa+LB1byvizsXtsLGuR6qNsm+Lmq1HgXTsq4IuJh9XWho6aLjEB+Uq9IKhmb2KGNbGQ27TMPbF/eREPOqWMdSy0WMCwESPAyT4k0ssM83C7ragLN1/i+w6riIcfOxBHeCpYiIA/69koWMLKCKY85DqUcNMa4GSeB7T4KIOCAqHrj/XIqsYuo1VNtFBRcCshAUJsWbGCn2+Wa+G0f+D+91XLPHcftJdsbDl7PHUVVuHCq4EijBxXsSRMRK341DUuTjuHZqIyrV6w73ul1gYuEIj5+yb1MBl/K+Td04vQX2FeqjVssBMDF3QMMOo1HG2hU3z/1Pds75A0vh4NYATbpMRBlrVxiaWqNcpaYopWdctOE/sOvwcbRr1hBtmtSHnZUlJgzqCw0Ndfx7+kK+P5OVJcGsZWvRv0dHWJQ2zXW5R6O68OreATXcXYst94f+Ofgv2rRoilbNGsPW2gpjh/4CTQ11HD11Js/zK1esgPq1f4CNVVlYmpdB1/Zt4GBrg3sPgmTnGBkayn35Xb2OyhUrwKJM8c1MOvffFtRp2gW1GndCmbIO6D5gOtTVtXDl7P48z7dxdEOHn8ehat1WUFVTz/OcU4d8YGBcBj8NnQMbx4owNisL50p1YFLGqtjGULtJV/zQKHsM3QZMh7q6Jq6ey3sM1g4V0eHn8ahapzVUVPMew+lDPjA0LoNeQz4cQ12YlCm+D4ZOHv4f6jXvjLpNO8DCygE/Dcp+3vM7cyDP823LVUDXvmNQs54H1NTUcl2enpaKW1dOo0vv0ShfoRrMzK3R/sfBMCtjhfPH/ym2cez49yQ6NK2Hto3rwq6sBSYN/Ama6ur496xfvj+TJZFgxl/eGNi9PSzMchdKWtb7ATXdXWFZ2hT2VhYY3acbklJS8eT5i2IbBwB0a2+JLbufw/dqFIKfJWHO0iAYG2mgfq28izkA4Hc9ClduRuNFeArCXqVg3dZnSEnNgquTfGHK0a4UfuxohfnLHxZb/l2HjqJd88Zo07Qh7KzKYvxgL2hqaOC/0+fzPL+Kmysa1KoBWytLWJqXRrd2HrC3tcbdwOyMYa9e4/6jJxg3yAsu5RxgbWmBcYM8kZaWgVMXLxfLGCKOX8CjGcvw5uCpAp1v88uPSAl5gcCJfyAx6Cme/70Nr/ceh92ofrJz7EZ7Isx7N15s3ofEwGDcHToDWcmpsOrXpVjGQJSfr+q54OXlhY0bN8q+9/Hxgaenp9w58+fPx5YtW7BmzRrcv38fY8aMwc8//4zz58/DysoKe/dmv3B8+PAhwsPDsXz5cgBAUlISxo4dixs3buD06dMQi8Xo1KkTJBL5V7QTJkzAuHHjcPv2bdSuXRvt2rVDVFR2Rf/ly5do3bo1atSoAX9/f6xevRre3t6YM2dOgcYnkUjQqlUr+Pn54X//+x8ePHiABQsWQEVFBQBQpkwZXLlyBc+fP8/z5xs0aAB7e3ts3bpVdiwjIwPbtm2Dl5eX7FhycjIWLVqErVu34sKFCwgNDcX48TmfpC9evBibNm2Cj48PfH19ER0djf37c7+w2Lx5M9TV1eHn54c1a9YUePybN2+GiYkJrl27hhEjRmDIkCHo1q0b6tSpg1u3bqFFixbo3bs3kpOTAWQXXJo0aYIqVargxo0bOHbsGN68eYPu3YvvU7WszHREvLyPsuXryI6JxGKULVcbr5/fyfNn3jy/g7Ll6sgds3Kqizf5nP8tZGZk4HlwIFw+KAKIxWK4uv+A4IcBBfodaempyMrKRCmd4vuU6VOyMtPx9sV9WH10XVh94rp4/eyO3PkAYO1UF+GfuC7SUhIAkQgaWsU3TkMdQFdbhKfhOY8raRnAywgprEzzLi6oiAFzYxGehucU+KQAnobn/EwpTcDKVIykVKC/hwomdFOFZwsVWJvlX7AoinEEv8rJVNBxBL/KGbsUQPArCcqaij8ahxQDWqliYnc1eLVULfJxZGWm43Xofdi5yN+mbJ3r4OXT23n+zMund2DrLF8UtHOth5dP72SPRSJB8N1zMCpti53L+2P5+NrYNL8bHt0p2Iu4r5GRkYmHwc/kigBisRjV3Svg3qPcxfH3Nv5zEIb6emjXrGG+53wrGRkZePTkKapVzlmOIhaLUbWSO+4HPfrET2aTSqW46X8XYS9fwb1C3kvMomNiceXGLbRu3qTIcn8sMzMDYU8foHzFnJkRYrEY5SvWwrPH/l/9e+/dOAcre1dsXDIWvw1siIWTuuHS6T1FETmXzMwMvAjJZwyPCjGGm2dhZV8BG5eOxdRfGuDPyV1xuZjGAGQ/74UGB8LFXf55z8X9Bzwt4PPexySSLEgkWVBTly+gqKlr4Elg3o8ZhZWRmYmHT0NRo2LO7VosFqNGRRfcffQ035/z2fMvjPR00b5JvXzP+fBvHDh1ETraWihnU7ZIcufForQmTIw0cP1OjOxYUnIWHjyKh5tzwZ5zxWKgaX1TaGqq4H5QzswNDQ0xZox3wZI1jxEdm1Hk2YHsx9pHwSGoVilnWU32Y60b7j98/Nmfl0qluBFwD2Evw1HJ1Tn7d2ZmZ1X/oJglFouhrqaKgMDiK5J8CYNalRF5Rr7QEXHSF4a1KgMARGpq0K9aAZGnL+WcIJUi8swlGNSqAqJv6au2ovz5558xZcoU2ZtrPz8/7Ny5E+fOnQMApKWlYd68eTh16hRq185+EWhvbw9fX1+sXbsWDRs2hJFR9jQdMzMzuZ4LXbrIV9h8fHxgamqKBw8ewM0t58Fk+PDhsnNXr16NY8eOwdvbGxMnTsTff/8NKysrrFy5EiKRCM7Oznj16hUmTZqE6dOnQyz+dE3l1KlTuHbtGgIDA1G+fHlZ/vdmzJiBzp07w9bWFuXLl0ft2rXRunVrdO3aVfa7+/fvj40bN2LChAkAgMOHDyM1NVXujXhGRgbWrFkDBwcH2Zh+//132eXLli3DlClT0LlzZwDAmjVrcPz48Vx5y5Urh4ULF8q+/+233wo0/kqVKmHq1KkAgClTpmDBggUwMTHBwIEDAQDTp0/H6tWrERAQgFq1amHlypWoUqUK5s2bJ3f9WFlZ4dGjR7J/q4+lpaUhLS1N7lhmhjpU1T4/RTk1KQZSSRa0deQ/cdTSNUHM25A8fyY5IRLauvLna+uYIDmheGdYfEpCQiwkkizo6ctPT9MzMEL4y2cF+h17tqyAgaHpN5ul8LGU99fFx/+2X3pd6JogOT7v6yIzIw2X/l2E8lXaQF1Tp2iC50FHK/tNcuJHMx4TU3Mu+5i2BqAiFiHxo2WpiSlSmOhl/4yhTvZ/G1US4/iNLLyOkaKyvRh9m6tg1aHP90H4+nHIz2hKTJVCRyvvn3k/jqSPxp6UCpjqZ///+3E0rqSC4zezEB4tRWUHMfq1UMXKgxlFNo7kxLxvU6X0jBH1Ou8X7YnxkSilZ5Lr/MS47NtUUkIU0tOSceXYejToMBqNO4/H0/sXsXfNcPw0dgusy9csmvAfiE1IQJZEAiMDfbnjRvp6CH0ZnufP+Ac+wr+nL2DT4t/zvPxbi4tPgEQigeFHYzA00Efoy5f5/lxiUhK6eQ5CRkYmxGIxRg8egOpVKuV57vEz56GtpYkGtYvvMSwpPgYSSRZ09eVvU7r6xnj7Ku/HqYKIevsCfid3o1GbPmjeaSBCg+9h38YFUFVVQ82GRds74lNjePOykGM4tQuNWvdB847vxrBpPlSKYQwAkJiQPQ49A/nnPV0D4wI/731MU6sU7J3c8d8/62Fe1g56+sa45nsMTx8FwKyYZpHExie+u3/Lv/k2NNDFs1d537/vBD3GoTO+2Lpw2id/t+/NAExbth6p6ekwMdDHiqljYKCnW2TZP2ZkmF2UifnozX9MbLrssvzY25TCmj+rQF1djJSULPw69z6ehSXLLh85wAH3guLhe7Xoeyy8F/f+sVb/48cpPTx/mf9sx8SkZHQeMBzpGZlQEYsx9pd+qFE5u3+JjaUFSpsaY+3/dmHCkP7Q1NDA7sNH8TYqGlExscU2li+hUdoEaW/kXzelvYmEmr4uxJoaUDPUh1hVFWlvoz46JwqlnIq/h4cikEq4FaWi+KrigqmpKdq0aYNNmzZBKpWiTZs2MDHJebH35MkTJCcno3nz5nI/l56eLrd0Ii+PHz/G9OnTcfXqVURGRspmLISGhsoVF94XLQBAVVUV1atXR2BgIAAgMDAQtWvXhkiU8yahbt26SExMxIsXLz7bG+LOnTsoW7Zsvm+Wzc3NcfnyZdy7dw8XLlzApUuX0LdvX2zYsAHHjh2DWCxGv379MHXqVFy5cgW1atXCpk2b0L17d7mmkdra2rLCwvvf+/Zt9prBuLg4hIeH44cfcl6EvR/nx0sjqlWrJvd9Qcfv7p7zCZWKigqMjY1RsWJOs6jSpbOnrb7P5O/vj7Nnz0JHJ/ebvuDg4Hz/vebPn49Zs+TXlbX8cTpa9ZqZ5/mU25G9G3HN9zgmzl4HNfXiWzcupKysDBzbPBqQAo27zSzS313RToR2tVRk3287UzydFd/f5W48yl46AQDHoiWwMxejqqMYp24X7snP3U6MdrU/GMfp/Jd6FcaH47j9JDvzsegs2JcRoWo5FZy6VUydKYuA9N1e1+UqNUXNZv0AAKWtXPAi+BZuXdhZLMWFL5WUkoLZK9Zh0hDPYn0j8S1oa2lhw7I/kZKailv+9/C3z2ZYlCmNyhVzN9c7euoMmjWsD3X1T7+JUURSiQRWDhXQrmd2w82ydi4ID3sCv5O7i+WNeXGQSiSwsq+Atj1HA3g3hheP4XdKecYAAF6j5mDzypmYOKAlxGIVWNs7o2Y9DzwPDhQ6GgAgKSUVs/7ywZRBvT97/65WwQlb/pyGuPhEHDx9Eb8tXQvveVNgpF80M/eaNzTDhGE5r80m/v71zf1CXybDc9QN6GirolFdU/w2xgkjpvjjWVgy6tY0RlV3A3iNulkUsYuctpYmfJZk91C4GXAfKzdug0UZM1Rxc4WqqirmThqDBSvXoXXvX6AiFqNaJTfUqlqpWHtHEJVUX1VcALKXRgwfPhwAsGrVKrnL3jc2/O+//2BpaSl3mYbGp98YtWvXDjY2Nli/fj0sLCwgkUjg5ub2TRsVamnl85HfR9zc3ODm5oahQ4di8ODBqF+/Ps6fP4/GjRvDzMwM7dq1w8aNG2FnZ4ejR4/KZna89/F6QpFI9FUPZF+yy8Xn/v6Hx94XJ94XeBITE9GuXTv88ccfuX6Xubl5vn9nypQpGDt2rNyx9acK9uJSs5QhRGIVJCfKV2NTEiKhrZf3+kBtXZNcDQaTEyOhrZv/esLipqtrALFYBfFx8k2s4mOjoW/w6XXgxw5swZF9GzF+1hpY2eZdwPkWtN5fFx//237pdZHH+dmFhTGIj3mFTkM3FfmshYdhUryMzHkjrvJu8pKOJuRmIuhoZu+IkJfkNCBLkntGgI6WSDYDIiEl+2cjYuV/R2ScFPqlCr+kIChMgheROQUKFRXRu9wiJKbk/E0dTRHCoz89jg+bNwLZSyES3v1bvB/H2zj53xERJ4X+1z3c5ElbJ+/bVFJ8FHT0875N6eiZIOmjmS8fnq+tYwixWBUm5vKdw03KOCAsuHhe+Bro6kJFLEb0Rw3FouPic81mAICXr98i/G0kJs1fJjsmeffY36CbF7b/tQBly5gVS9b86OvpQiwW52qKFhMbB6NP7OgkFothaZH9+O9ob4fnL15g2579uYoLAfcDEfbyFaZPHFPk2T9USs8QYrFKrsaHCXFR0P3MY+2n6Bmaooyl/G2qtKU9/K8W/XKbT40hvyaHBaFnaIoyZT8ag4U9AophDACgo5s9jo+bNybERn32ee9TzMpYYcIcb6SlpiAlOREGRqZYt2gSTEpbfv6Hv4KBns67+7d888aY2AQY53X/fhOB8IgoTPgj57Xx+/t33R8HY9ey32X3by1NDViVMYNVGTO4lbdH15FTcfiMH/p2alUk2X2vReHBoxuy79XVsp/8DA3UEBWT87ra0EAdT55+uil5ZqYUL8Ozn+weBifCpZwuurW3xJ+rHqOauwEsy2jh6E75JSBzJldAwIM4jPj165fzfEj//WNt3MePU/F5XhfvicVilDXP3vmhnJ0tnr14ha17D6GKW/ZSNicHO2xcOh+JScnIyMyEob4efpk4Hc4On98N5FtIexMJjdLy932N0ibIiEuAJDUN6ZExkGRmQsPM+KNzjJH2WrhZu/R9+qqeCwDg4eGB9PR0ZGRkyJoIvufq6goNDQ2EhobC0dFR7svKKnva2vtPLrKycj4Bi4qKwsOHDzF16lQ0bdoULi4uiImJQV6uXLki+//MzEzcvHkTLi7Z6+FcXFxw+fJluTfqfn5+0NXVRdmyn1/L5u7ujhcvXuDRo8+vM/1wzEB2z4j3BgwYgF27dmHdunVwcHBA3bp1C/z79PX1YW5ujqtXr8qOvR/n5xR2/PmpWrUq7t+/D1tb21zX66cKHBoaGtDT05P7KsiSCABQUVWHqWUFvHycs9ZMKpHgxZMrKGNTOc+fKW1TGS8ey69NC3t0CaXzOf9bUFVTg42Di1wzRolEgsC71+DglP+We0f3b8K//2zAmOkrYev4bZq65UdFVR1mZSvgxSP56yLscf7XRRnbygh7lPu6MP/g/PeFhdiI5+g0ZCO0ShkWefb0TCA6IecrIg5ISJbC3jznIVBDDbA0FSEsIu835VkSIDxKCnvznCKBCIBdmZyfiU0E4pOlMNGXLyQY64kQm1T4T0ByjSNW+m4cOX+v4OPIGbsIgL25GC8iJPLj0JMfh4meCHFFuCmOiqo6ylhXwLNA+dvU86DLsLTPe5abpX1lPA+6InfsWeAlWNpXlv1Oc9uKiHojP308+u0z6BsVz5sPNTVVODnY4sbdB7JjEokENwMewC2P7dFsLM2xdekcbFr8u+yrXvXKqOrmjE2Lf0dp42/f3VtNTQ3lHe1xyz/nk02JRIJbAXdRwbngRU2JRIqMjNzrrY+cPI3yjvZwtLMtirj5UlVVg5W9Kx7dzXnulEgkeHTvCmzL5b1coyDsnCrjbfgzuWNvw5/B0DT/wvrXUlVVQ1k7Vzy+9/EYrsK2fCHGUL4K3r56JncsIvw5DE2KfgxA9vOetYMLggLkxxEYcA32n3jeKygNTS0YGJkiKTEe9+9cQuWajQr9O/PyfpvI6/dyGpVKJBJcvxeIiuVzTzm3sSiDbYtmYMvCabKv+tXcs2cpLJyG0ib537+lUgnS87j/fK2UlCy8DE+VfYWEJiMyOg3VK+U8z2prqcC1vB7uBcV/4jflJhIBau+KFf/bE4q+I27Ac2TOFwD85R2MeUXY3FFNTRXlHexwM+C+7JhEIsHNu/dQwSnvLXPzIpVIkZGRe+afTiltGOrrIezVazwMfop6P1TL46e/vdgrd2DcRH6HHZOmdRBz5Q4AQJqRgbhb92HS5IN+RCIRjBvXRuyV4ulFomikEqlSfpVEX11cUFFRQWBgIB48eCBrdPierq4uxo8fjzFjxmDz5s0IDg7GrVu38Ndff2Hz5s0AABsbG4hEIvz777+IiIhAYmIiDA0NYWxsjHXr1uHJkyc4c+ZMrk+831u1ahX279+PoKAgDBs2DDExMbJmiUOHDkVYWBhGjBiBoKAgHDx4EDNmzMDYsWM/228BABo2bIgGDRqgS5cuOHnyJEJCQnD06FEcO3YMADBkyBDMnj0bfn5+eP78Oa5cuYI+ffrA1NRUbrlGy5Ytoaenhzlz5uRqeFkQo0aNwoIFC3DgwAEEBQVh6NChiI2N/ezPFXb8+Rk2bBiio6PRs2dPXL9+HcHBwTh+/Dg8PT3likRFrVLDfnhw9R8EXd+P6DfBOL9vJjLTU+BcI7sXxakdk3D5yGLZ+e71eyPsoS/unPNBzNunuHb8L0S8uI+KdXP2yk5NjkXky0DEvMluthYTEYLIl4FIjo8otnG0aP8TLpzcD78zh/Eq7Cn+t3Ye0lJTULdpewDAhuXTsHfrX7Lzj+zbhAPbV6Pf8BkwMbNAXEwk4mIikZqSs8YxMSEOoSEP8Sose33665fPEBryEHExxVOprtyoH+5f+QeB17Kvi7N7sq8L1x+yr4sT2ybh0r8510XlBr0RGuSLW2d9EP3mKa4e+wtvw+7DvX72dZGVlYGjm0bhbdg9tPj5T0gkWUiKj0BSfASyMot3ttKVQAkaVBTDqawIZgZAp7oqSEgGgkJzHuz7NldBTaec+8ylQAmqlhOjkr0IJvpA21piqKtCtnQAAPzuS/CDsxiu1iIY6QJNKothogfcelw86wEvB2ahobsKnKxEMDMQoXM91XfjyPl7/VqooqbzB+N4IEG18mJUdhC/G4cK1FWBWx+O414WarmI4WrzfhwqMNEX4eaTor2v12zmiTu+uxFweT8iw4NxbPtMZKSnwL1O9m3q8MaJOLc/5zZVvWkfPL1/EVdP+iDqdTAuHv4L4c/voVqjn2Xn/NCiPwJvHMWdi7sR/fY5bpz9Hx4HnEXVRj2LNPuHerRricOnzuPIWV88e/EKi9ZtQWpaGto0yd4haPaKdVj9v+xu9hrq6rC3Liv3pVNKG9qamrC3Lgs1texJhfEJiXgU8hwhYdlriUNfvcajkOfFtg64W4e2+PfEaRw7fQ7Pw15g6er1SE1Ng0fT7N2d5i39C+s35+y6s+2f/bhx2x+vXr/B87AX2L3/ME6eu4DmjRrI/d6k5GSc97uCNs2bFkvujzVq0weXz+zFtfMH8frFU/yzYTbS01LwQ6OOAID/rfwVh7cvk52fmZmBF8+C8OJZEDIzMxAX8xYvngUh4nVozu9s3QfPHgfgxP71iHgdihu+/+Hy6b2o3+LHYhzDnuwxvAzGP97vxtDw3RhWTcHhHUvzHENWVgbiot/kHkOb3nj2JAAn969DxOtQ3PT9D5fP7EG9lsV3v2je7mdcPLUfl84eQviLp9i2dh7S01JQt0n2Mgyf5VOx738rcsaRkYGwkIcIC3mIzMwMxEa/RVjIQ7wNzxnH/duXcO+WHyLfvMSDO1ewePpAlLG0Q50m7YttHD3bNseh0xfx37lLCHkRjoUbtiE1LR1tGmV/aDRrpQ/+3p69i5qGuhocrC3lvrLv3xpwsLaEmqoqUlLTsHr7ftx79BThEVEIevocc/7ehIjoWDStXb3YxgEA/xx6ib49rFG3pjHsbUph6lhnREWn4eKVnNcNy+a4o3MbC9n3g/rYoVIFfZQx04C9TSkM6mOHKhUNcOJc9rLZ6NgMhIQmy30BwJuIVIS/KdrtHHu0b4V/T57F0TMX8CzsJRav3YiU1DS0bprdGHfO8tVYs3Wn7Pytew/i+p27ePX6LZ6FvcTOg//h+HlftGiY84HfWb+ruH3vAV69fouLV29g7Mz5qF+zOmpWLnwRLC8qpbShV8kZepWym0pq25WFXiVnaFplF/qc5oxFpY05s4Sfr9sJbTsrOM+fgFJO9rAZ3Avm3VohZPkm2TkhyzbCqn93WPbuCB1ne7itmgnVUloI27wPRN/SVy+LAAA9vfzXhM2ePRumpqaYP38+nj59CgMDA1StWhW//vorAMDS0hKzZs3C5MmT4enpiT59+mDTpk3YuXMnRo4cCTc3Nzg5OWHFihVo1KhRrt+/YMECLFiwAHfu3IGjoyMOHTok6/tgaWmJI0eOYMKECahUqRKMjIzQv39/WfPCgti7dy/Gjx+Pnj17IikpCY6OjliwYAEAoFmzZvDx8cHq1asRFRUFExMT1K5dG6dPn4axcc6UpPe9F+bNm4c+ffoU+G+/N27cOISHh6Nv374Qi8Xw8vJCp06dEPfRdLCPFcX482JhYQE/Pz9MmjQJLVq0QFpaGmxsbODh4VGoosXnlKvcGqmJ0bh2/C8kJ0TAxMIFbQesly1zSIx5Jddfwty2Kpr9tAjXji3DlaNLYWBii1b9VsLYPOfTt2f3z+DMrl9l35/8X3YRq3rzYajZckSxjKNmvZZIiI/BgZ2rER8TBSs7J4yZvlI2PTQ64jVEopx/x3PH/kFmZgZWL5wg93va9/gFHX4cDAC4c/08Nv41U3bZ2sVTcp1TlMpXaY2UxGhcPfYXkuIjYGrpgvaDPnFd2FVFi96LcOXIMlz+bykMTG3RxivnukiKe4OQe9nb3O1c1FHub3UathllHYuv8ZvvfQnUVIF2tVWgqQ6EvpXif6cykflBDcBQVwRtzZxiw/1nUpTSkKBJZRXoaAGvo6XYejpLrjnilUAJVFWyt3LUUs9eZrHlVBZiivATf7lx3JNAXVWE9rVVs8fxRoqtpzJyjaOURs71cu+ZBNqaeDcOlexxnMqUG8fld+NoVUNVNo7NJzMRU8RNKV1rtEZyYjQuHlqBpPgImJV1QfeRG2RNG+Ojw+XuF2UdqqL9gEW4cHAZzh9YAkMzW3QZsgqmljn3b6cqzeHx00xcPrYOJ3fNgVFpO3QetAJWjsX3or1Z3R8QG5eADTv3Izo2DuXsrLF46jjZsog3kVFy942CuHj9Nuat8pZ9P2PJagCAV/cO6N+jU9GFf6dJ/bqIi4vHpu27EB0TCwd7W/wx8zcYGRoAAN5GREL8wRhS01KxbM0GRERFQUNdHdZlLfHr2BFoUl9+lt6ZC36QSqVo0qDgs/cKo2odDyTGR+PI7lWIj41EWVtnDJ6yRrakICYqHCJxzjjiot/iz0ndcvIe3oQzhzfB0bU6RszI3hnLxtEN/cctw787luH43jUwNrVEp74TUb1+22IaQyskxcfg6D8rER8bCUsbZwyavAa678cQKX+/iIt+i0WTu8q+P/vvJpz9dxMcXKpjxIxNALK3q+w/dhn+3bkcx/etgZGpJTr1mYTq9YpnDABQ493z3qEdqxEfG4Wydk4YOW0V9N4/70W+huiD1w+xMRGYPS6nYHPi4BacOLgF5StUw/jZGwAAKcmJ2Pe/vxAb9QbaOvqoWrspOvYaBlXV3FtXFpXmdWogNj4B63cfQlRsPMrZlsXSX0fC+F2Tx9eR0V90/xaLxXj26jWOLL6M2IRE6OuWgouDLdbMmgh7K4vP/4JC2LY3DJqaKpg4vDx0Sqni7oM4jJtxF+kZOc91lmW0YKCX8+9pqK+GqWOcYWykjqSkTAQ/S8LYGXdx407es4uLU9N6tREbnwDvnXsQHRMHRzsbLJo+KeexNkL+sTY1NQ1L1m3E26hoaKirw8bSAtNGD0HTejkfBkbFxGDlxv8hOi4OxoYG8GhUH327Ff1j7Hv61dxQ+3TOjnKui7Jfj4Zt2YeA/lOgYW4KLaucGUUpz17gevtBcF08BbYj+iD1xWvcHTQVkSd9ZeeE/3MU6qZGKD9jJDTKmCLePxDX2g5A+tvia7BJlBeRlN1KilX//v0RERGBQ4cOCR1FoSw/rPw3u2oOyZ8/SQnceaYtdIQiERFZPM0Nv6WS8nBsb6N8Dfs+1takePY3/9bS1YqwSYaAAlKchY5QaFJp8WxJ+61pqxfPNoPfknvmdaEjFIl2hfvMSGHs+0P5H6euV/rp8ycpgTYZirH95pdq1vPG509SQKd2FO9MJSEUauYC5S8uLg53797F9u3bWVggIiIiIiIqBu93iiLhsbhQTDp06IBr165h8ODBubbkJCIiIiIiIipJWFwoJh9vO0lERERERERUUhVfFz4iIiIiIiIi+i5w5gIREREREREpJYmkZDTELgk4c4GIiIiIiIiICoXFBSIiIiIiIiIqFC6LICIiIiIiIqUklXArSkXBmQtEREREREREVCgsLhARERERERFRobC4QERERERERESFwp4LREREREREpJSk3IpSYXDmAhEREREREREVCosLRERERERERFQoXBZBRERERERESkkq5VaUioIzF4iIiIiIiIioUFhcICIiIiIiIqJCYXGBiIiIiIiIiAqFPReIiIiIiIhIKXErSsXBmQtEREREREREVCgsLhARERERERFRobC4QERERERERESFwp4LREREREREpJSkEonQEegdzlwgIiIiIiIiokJhcYGIiIiIiIiICkdKVAKlpqZKZ8yYIU1NTRU6ylcrCWOQSkvGOErCGKRSjkORlIQxSKUlYxwlYQxSKcehSErCGKTSkjGOkjAGqbTkjINKPpFUKuXGoFTixMfHQ19fH3FxcdDT0xM6zlcpCWMASsY4SsIYAI5DkZSEMQAlYxwlYQwAx6FISsIYgJIxjpIwBqDkjINKPi6LICIiIiIiIqJCYXGBiIiIiIiIiAqFxQUiIiIiIiIiKhQWF6hE0tDQwIwZM6ChoSF0lK9WEsYAlIxxlIQxAByHIikJYwBKxjhKwhgAjkORlIQxACVjHCVhDEDJGQeVfGzoSERERERERESFwpkLRERERERERFQoLC4QERERERERUaGwuEBEREREREREhcLiAhEREREREREVCosLRERERESk9G7duoW7d+/Kvj948CA6duyIX3/9Fenp6QImI/o+sLhAJUp6ejpevHiB0NBQuS9lkp6ejocPHyIzM1PoKF/t7Nmz+V62du3ab5iEiIiIvheDBg3Co0ePAABPnz7Fjz/+CG1tbfzzzz+YOHGiwOmISj4WF6hEePz4MerXrw8tLS3Y2NjAzs4OdnZ2sLW1hZ2dndDxCiQ5ORn9+/eHtrY2KlSoICuKjBgxAgsWLBA43Zfx8PDAhAkTkJGRITsWGRmJdu3aYfLkyQIm+36VhKJVZmYmTp06hbVr1yIhIQEA8OrVKyQmJgqcrGBGjhyJFStW5Dq+cuVKjB49+tsH+o7t2bMH3bt3R61atVC1alW5L2WRkZEBLy8vhISECB2FvgNPnz5FixYthI7xWY8ePULlypUBAP/88w8aNGiA7du3Y9OmTdi7d6+w4b7SkydPcPz4caSkpAAApFKpwImI8qcqdACiotCvXz+oqqri33//hbm5OUQikdCRvtiUKVPg7++Pc+fOwcPDQ3a8WbNmmDlzplK9KT979iz69OmDkydPYvv27QgJCUH//v3h5OSEO3fuCB3vkwwNDQt8+4mOji7mNIWXnJyMESNGYPPmzQCyX3jZ29tjxIgRsLS0VJrb1fPnz+Hh4YHQ0FCkpaWhefPm0NXVxR9//IG0tDSsWbNG6IiftXfvXhw6dCjX8Tp16mDBggVYtmzZtw/1BfLKnpf27dsXc5LCWbFiBX777Tf069cPBw8ehKenJ4KDg3H9+nUMGzZM6HgFpqamhr1792LatGlCR/kqnTt3LvC5+/btK8YkRefixYtYu3YtgoODsWfPHlhaWmLr1q2ws7NDvXr1hI5XKAkJCTh9+rTQMT5LKpVCIpEAAE6dOoW2bdsCAKysrBAZGSlktC8WFRWFHj164MyZMxCJRHj8+DHs7e3Rv39/GBoaYvHixUJHJMqFxQUqEe7cuYObN2/C2dlZ6Chf7cCBA9i1axdq1aol9+a2QoUKCA4OFjDZl6tTpw7u3LmDwYMHo2rVqpBIJJg9ezYmTpyo8IUfRX+D96VKStFq1KhRqF69Ovz9/WFsbCw73qlTJwwcOFDAZAUXFRUFfX39XMf19PSU4kVvx44dP3uOSCRCVlZW8YcphL///hvr1q1Dz549sWnTJkycOBH29vaYPn26UhQMP9SxY0ccOHAAY8aMETrKF/vwviCVSrF//37o6+ujevXqAICbN28iNjb2i4oQQtq7dy969+6Nn376Cbdv30ZaWhoAIC4uDvPmzcORI0cETvh9qF69OubMmYNmzZrh/PnzWL16NQAgJCQEpUuXFjjdlxkzZgxUVVURGhoKFxcX2fEePXpg7NixLC6QQmJxgUoEV1dXpXhx/ikREREwMzPLdTwpKUnh35Dn5dGjR7hx4wbKli2LV69e4eHDh0hOTkapUqWEjvZJffv2FTpCkSopRauLFy/i0qVLUFdXlztua2uLly9fCpTqyzg6OuLYsWMYPny43PGjR4/C3t5eoFQF9/7TQGUXGhqKOnXqAAC0tLRkS2x69+6NWrVqYeXKlULG+yLlypXD77//Dj8/P1SrVi3X4+vIkSMFSvZ5GzdulP3/pEmT0L17d6xZswYqKioAgKysLAwdOhR6enpCRfwic+bMwZo1a9CnTx/s3LlTdrxu3bqYM2eOgMm+L8uWLcNPP/2EAwcO4LfffoOjoyOA7KVQ7+/3yuLEiRM4fvw4ypYtK3e8XLlyeP78uUCpiD6NxQUqEf744w9MnDgR8+bNQ8WKFaGmpiZ3uTK8OKlevTr+++8/jBgxAgBkbwQ3bNiA2rVrCxntiy1YsAAzZszAL7/8gj///BNPnjxB79694e7ujv/9739KNx4ASE1NzdVpWhluVyWlaCWRSPL8RPzFixfQ1dUVINGXGzt2LIYPH46IiAg0adIEAHD69GksXry4xM2YUWRlypRBdHQ0bGxsYG1tjStXrqBSpUoICQlRurXM3t7eMDAwwM2bN3Hz5k25y0QikUIXFz7k4+MDX19fWWEBAFRUVDB27FjUqVMHf/75p4DpCubhw4do0KBBruP6+vqIjY399oG+U+7u7nK7Rbz3559/yt2+lEFSUhK0tbVzHY+OjoaGhoYAiYg+j8UFKhGaNWsGAGjatKnccalUqhTTdAFg3rx5aNWqFR48eIDMzEwsX74cDx48wKVLl3D+/Hmh432R5cuX48CBA2jVqhUAwM3NDdeuXcOvv/6KRo0ayaaLKrqkpCRMmjQJu3fvRlRUVK7LleF2VVKKVi1atMCyZcuwbt06ANnjSExMxIwZM9C6dWuB0xWMl5cX0tLSMHfuXMyePRtA9syL1atXo0+fPgKn+7wLFy4U6Ly83mApkiZNmuDQoUOoUqUKPD09MWbMGOzZswc3btxQmin475WUZo6ZmZkICgqCk5OT3PGgoCClmTFTpkwZPHnyBLa2tnLHfX19lWJmUpUqVT5ZcE5OTv6GaQonNjYWe/bsQXBwMCZMmAAjIyM8ePAApUuXhqWlpdDxCqx+/frYsmWL7PlCJBJBIpFg4cKFaNy4scDpiPLG4gKVCJ/a+lBZ1KtXD3fu3MGCBQtQsWJFnDhxAlWrVsXly5dRsWJFoeN9kbt378LExETumJqaGv78809ZcyVlMHHiRJw9exarV69G7969sWrVKrx8+RJr165Vmh08SkrRavHixWjZsiVcXV2RmpqKXr164fHjxzAxMcGOHTuEjvdZmZmZ2L59Ozp37owhQ4YgIiICWlpa0NHRETpagTVq1Ej25iO/T/iVoZi7bt062RvWYcOGwdjYGJcuXUL79u0xaNAggdMVXHx8PHR0dCAWy2/8JZFIkJiYqBQzq97z9PRE//79ERwcjJo1awIArl69igULFsDT01PgdAUzcOBAjBo1Cj4+PhCJRHj16hUuX76M8ePHK0XTzYL0VFEGAQEBaNq0KQwMDPDs2TMMHDgQRkZG2LdvH0JDQ7FlyxahIxbYwoUL0bRpU9y4cQPp6emYOHEi7t+/j+joaPj5+QkdjyhPIqmyzQEkIqWQ1ycHt27dUqpPDqytrbFlyxY0atQIenp6uHXrFhwdHbF161bs2LFDaRp0BQcHY8GCBfD390diYiKqVq2KSZMmKV3RKjMzE7t27ZIbx08//QQtLS2hoxWItrY2AgMDYWNjI3SUr2JsbAxdXV3069cPvXv3zlVAfC+vppVUtPbv349Jkybhzp07uaZNJyUloWrVqli0aBHatWsnUMIvI5FIsGjRIixfvhzh4eEAAHNzc4waNQrjxo1TiunsUqkU8+bNw/z582Wf8mtoaGD8+PGyT56p+DVr1gxVq1bFwoULoaurC39/f9jb2+PSpUvo1asXnj17JnTELxIXF4eVK1fKPe8NGzYM5ubmQkcjyhOLC1QiBAQEFPhcd3f3Ykzy9eLj4/M8LhKJoKGhkauRnSILCAhAs2bNoK+vj2fPnuHhw4ewt7fH1KlTleqTAx0dHTx48ADW1tYoW7Ys9u3bh5o1ayIkJAQVK1ZEYmKi0BFJiTRq1AijR49W2k8I09PTsX//fvj4+ODixYto3bo1+vfvDw8PD4Xv3xEQEAA3NzeIxeLPPl8o6nPEh1q0aIHu3btjwIABeV7u4+ODXbt24fjx4984WeG9fy5UppkXH0pPT8eTJ0+QmJgIV1dXpZqd9F5kZCSePXsGkUgEW1tbuR16FJ2+vj5u3boFBwcHueLC8+fP4eTkhNTUVKEjEpVoXBZBJULlypU/++JW0fsvGBgYfHIMZcuWRb9+/TBjxoxc02AVzZgxY9CvXz/ZJwfvtW7dGr169RIw2Zext7dHSEgIrK2t4ezsjN27d6NmzZo4fPgwDAwMhI73Rd6+fYu3b9/mWr+sDG+kAGD+/PkoXbo0vLy85I77+PggIiICkyZNEihZwQ0dOhTjxo3Dixcv8uzsr+jXhbq6Onr06IEePXogNDQUmzZtwvDhw5GWloa+ffti1qxZUFVVzJcVlStXxuvXr2FmZiZ7vsjrsxVFfo740L179/D333/ne3mDBg0wderUb5io6ChrUeE9dXV1uLq6Ij4+HqdOnYKTk5PcNoKK7P79+xgyZEiuKfcNGzbE6tWrc/XEUEQaGhp5fljz6NEjmJqaCpCocFJTUxEQEJDn83f79u0FSkWUP85coBLhwIEDGD9+PCZMmCBrUnf58mUsXrwYCxcuRJUqVWTnKuqU5C1btuC3335Dv379ZGtOr127hs2bN2Pq1KmIiIjAokWLMGHCBPz6668Cp/20kvLJwdKlS6GiooKRI0fi1KlTaNeuHaRSKTIyMrBkyRKMGjVK6IifdfPmTfTt2xeBgYG53kwpyxspILvx4fbt23NtJXb16lX8+OOPStHYLq+i4Ps3ucp0XXwoJCQE/fv3x/nz5xEREQEjIyOhI+Xp+fPnsLa2hkgk+uwWbor6HPEhLS0t3L59G87OznleHhgYiKpVqyIlJeUbJyu4qlWr4vTp0zA0NPxsM8Fbt259w2Rfp3v37mjQoAGGDx+OlJQUVK5cWbYDyc6dO9GlSxehI37S69ev4ebmBlNTUwwePBjOzs6QSqV48OAB1q9fj6ioKNy7dy/P3YcUyYABAxAVFYXdu3fDyMgIAQEBUFFRQceOHdGgQQOl2pnn2LFj6NOnT55brSvrcwaVfIr5EQPRF5o3bx5WrFgh1zXe3d0dVlZWmDZtWq4tuhTR5s2bsXjxYnTv3l12rF27dqhYsSLWrl2L06dPw9raGnPnzlX44kJJ+eRgzJgxsv9v1qwZgoKCcPPmTTg6Oir8p8zveXl5oXz58vD29kbp0qUVfvp6fl6/fp3nGlNTU1PZGm1FpwwFkIJIS0vD3r174ePjg8uXL6NNmzb477//FLawAOQUDDIyMjBr1ixMmzYNdnZ2Aqf6era2trhx40a+xYUbN24ofJGkQ4cOsu30lHWp0IcuXLiA3377DUB2TwyJRILY2Fhs3rwZc+bMUfjiwtKlS2FjYwM/Pz9oamrKjnt4eGDIkCGoV68eli5divnz5wuY8vMWL16Mrl27wszMDCkpKWjYsCFev36N2rVrY+7cuULH+yIjRoxAt27dMH36dJQuXVroOEQFIyUqATQ1NaUPHjzIdfzBgwdSTU1NARJ9OU1NTemjR49yHX/06JFUS0tLKpVKpU+fPpX9vyLr37+/tGPHjtL09HSpjo6O9OnTp9Lnz59Lq1SpIh01apTQ8Qps8+bN0tTU1FzH09LSpJs3bxYg0ZfT0dGRPn78WOgYhebo6CjdunVrruNbtmyR2tnZCZDo+3P16lXp4MGDpQYGBtLKlStLly9fLo2KihI61hfT09OTPn36VOgYhfLrr79Kra2tpa9fv851WXh4uNTa2lr666+/CpDs+6WpqSkNDQ2VSqVSae/evaWTJk2SSqVS6fPnz6WlSpUSMlqBVKlSRbpr1658L9+xY4e0SpUq3zBR4Vy8eFG6atUq6R9//CE9efKk0HG+iq6urvTJkydCxyD6Ipy5QCWCi4sL5s+fjw0bNsgaH6anp2P+/PlKs9bRysoK3t7eubY49Pb2hpWVFQAgKioKhoaGQsT7Inl9chAeHq50nxx4enrCw8Mj1zTQhIQEeHp6ok+fPgIlK7imTZvC398fjo6OQkcplIEDB2L06NHIyMhAkyZNAACnT5/GxIkTMW7cOIHT5e/QoUNo1aoV1NTUcOjQoU+eq+jrZ2vVqgVra2uMHDkS1apVAwD4+vrmOk/Rx9GxY0ccOHBAbmaSspk8eTIOHjyIcuXK4eeff5athQ8KCsK2bdtgZWWFyZMnC5yy4K5fvw6JRIIffvhB7vjVq1ehoqKC6tWrC5Ss4KysrHD58mUYGRnh2LFj2LlzJwAgJiZGbiaAonr69CmqVq2a7+XVq1fH06dPv2GiwqlXrx7q1asndIxC6dq1K86dOwcHBwehoxAVGHsuUIlw7do12Xr499PVAwICIBKJcPjwYVkPA0V26NAhdOvWDc7OzqhRowaA7KmtgYGB2Lt3L9q2bYvVq1fj8ePHWLJkicBpC8bX1xcBAQFITExEtWrV0LRpU6EjfRGxWIw3b97kWsrh7++Pxo0bIzo6WqBkBRcZGYm+ffuiZs2acHNzg5qamtzliv5G8D2pVIrJkydjxYoVSE9PBwBoampi0qRJmD59usDp8icWi2WNBD/ViFUZ1s8WpJGsMoxjzpw5WLx4MZo2bZpnY82RI0cKlOzLxMXFYcqUKdi1axdiYmIAZDcG/vHHHzF37lylKES/V7NmTUycOBFdu3aVO75v3z788ccfuHr1qkDJCu7vv//GqFGjoKOjAxsbG9y6dQtisRh//fUX9u3bh7Nnzwod8ZNUVFQQHh6eb0+FN2/ewNLSEpmZmd842eetWLGiwOcqy/0bAJKTk9GtWzeYmpqiYsWKuZ6/lWks9P1gcYFKjKSkJGzbtg1BQUEAsmcz9OrVK9cLR0X27NkzrFmzBo8ePQIAODk5YdCgQUhMTISbm5vA6T7v8uXLiIqKQtu2bWXHNm/ejBkzZiA5ORkdO3bEX3/9JVtnq6jeNxfz9/dHhQoV5DrgZ2VlISQkBB4eHti9e7eAKQvm8OHD6N27d549MJThjeDHEhMTERgYCC0tLZQrV07hb0ukeD7Va0EkEinVp7NAduEtMjISUqkUpqamStlXRUdHBwEBAbC3t5c7HhISAnd3dyQkJAiU7MvcuHEDYWFhaN68uWwLyv/++w8GBgaoW7euwOk+TUVF5ZN9kd68eQNnZ2eFfM74+D4dERGB5ORk2a5OsbGx0NbWhpmZmVLdv729vTF48GBoamrC2NhY7r6tjI9V9H1gcYFIQcXHx2PHjh3w8fHBjRs3FPIJ/WOtWrVCo0aNZNsC3r17F9WqVUPfvn3h4uKCP//8E4MGDcLMmTOFDfoZs2bNkv133LhxcvuUq6urw9bWFl26dJEtwVFktra2aNu2LaZNm8aGUFQkoqKiZPveh4WFYf369UhNTUW7du1Qv359gdN9n96+fYuHDx8CyC5KK3pH/48ZGxvj33//le329N6lS5fQpk0b2cwMZfH+pbUyFXrEYvEn80qVZFeb7du34++//4a3t7dsudDDhw8xcOBADBo0CD/99JPACQuuTJkyGDlyJCZPnqzwW5ATvcfiApUYW7duxdq1a/H06VNcvnwZNjY2WLp0Kezt7dGhQweh4xXYhQsX4O3tjb1798LCwgKdO3dGly5dZEslFJm5uTkOHz4sWx/722+/4fz587J12f/88w9mzJiBBw8eCBmzwDZv3owePXooxXrZ/Ojq6uLOnTslYs3mjRs3sHv3boSGhsqWRry3b98+gVJ93pkzZzB8+HBcuXIFenp6cpfFxcWhTp06WL16NRo0aCBQwoK5e/cu2rVrh7CwMJQrVw47d+6Eh4cHkpKSIBaLkZSUhD179pSIzv/KIj4+HsOGDcPOnTtlb/pUVFTQo0cPrFq1Cvr6+gInLJiePXsiPDwcBw8elGWOjY1Fx44dYWZmphSzxIDsLaX//PNPPH78GABQvnx5TJgwAb179xY42eedP3++QOc1bNiwmJMUjoODA/bs2SO3BTmQvS1z165dlWrXHiMjI1y/fr1EPH/T94MNHalEWL16NaZPn47Ro0djzpw5shdZhoaGWLZsmcIXF16/fo1NmzbB29sb8fHx6N69O9LS0nDgwAG4uroKHa/AYmJi5D4dP3/+PFq1aiX7vkaNGggLCxMi2lfp27ev0BEKrXPnzjh79qzSvzjZuXMn+vTpg5YtW+LEiRNo0aIFHj16hDdv3qBTp05Cx/ukZcuWYeDAgbkKCwCgr6+PQYMGYenSpQpfXJg4cSIqVqyIbdu2YevWrWjbti3atGmD9evXA8jeNm3BggUKX1zw8vL65OU+Pj7fKEnhDRw4ELdv35b71P/y5csYNWoUBg0aJGsqqOgWLVqEBg0awMbGRvam8M6dOyhdujS2bt0qcLqCWbJkCaZNm4bhw4fLlkD4+vpi8ODBiIyMVPgGoh+/GVdW4eHhefaFyMrKwps3bwRI9PX69u2LXbt2Kfz240Qf4swFKhFcXV0xb948dOzYEbq6uvD394e9vT3u3buHRo0aITIyUuiI+WrXrh0uXLiANm3a4KeffoKHhwdUVFSgpqYGf39/pSou2NjYYOvWrWjQoAHS09NhYGCAw4cPyxo53r17Fw0bNlToRohGRkZ49OgRTExMYGho+Mlpooo8jvfmzp2LZcuWoU2bNkrdEMrd3R2DBg3CsGHDZPdxOzs7DBo0CObm5rKlLIrIxsYGx44dy3fnmqCgILRo0QKhoaHfONmXMTExwZkzZ+Du7o7ExETo6enh+vXrsp0jgoKCUKtWLcTGxgob9DM+LkZlZGTg3r17iI2NRZMmTRR6FszHSpUqhePHj+fqin/x4kXZrBJl8b5vkr+/P7S0tODu7o6ePXvmesxSVHZ2dpg1a1auXYQ2b96MmTNnKvwn5p9bFvGeoi+LaNeuHV6+fIkNGzbIdr+4efMmfvnlF1haWn521x5FMnLkSGzZsgWVKlWCu7t7rvuCsjT3pu8LZy5QiRASEpJn1V1DQ0PhX1wdPXoUI0eOxJAhQ1CuXDmh4xRK69atMXnyZPzxxx84cOAAtLW15dZgBwQEKPwn6EuXLoWuri6A7E+cld2GDRugo6OD8+fP55r2KhKJlKa4EBwcjDZt2gDI7nuRlJQEkUiEMWPGoEmTJgpdXHjz5s0n3yCpqqoiIiLiGyb6OtHR0ShTpgyA7AZ8pUqVktuRwNDQUCka7+3fvz/XMYlEgiFDhij849PHjI2N81z6oK+vr1S7RQDZhZJffvlF7lhgYCC8vb2xaNEigVIVXHh4OOrUqZPreJ06dRAeHi5Aoi/z4W4WUqkUrVu3xoYNG2BpaSlgqi/n4+ODvn37onr16rLH3czMTLRs2RIbNmwQON2XuXv3ruy17b179+QuU6Z+HvR9YXGBSgQ7OzvcuXMHNjY2csc/9WmhovD19YW3tzeqVasGFxcX9O7dGz/++KPQsb7K7Nmz0blzZzRs2BA6OjrYvHmzXNNDHx8ftGjRQsCEn/d+KURmZiZEIhFatmyp1I0QFf3TsoL68I2rpaUl7t27h4oVKyI2NhbJyckCp/u093kdHR3zvDwgIADm5ubfONXX+fgFbUl5gSsWizF27Fg0atQIEydOFDpOgU2dOhVjx47F1q1bZYWf169fY8KECZg2bZrA6b5OUlISdu7cCW9vb1y5cgWurq5KUVxwdHTE7t27c01h37Vrl1J8cPBxLwUVFRXUqlUr1w4eis7U1BRHjhzBo0ePZLuHOTs7o3z58gIn+3KKvn0pUV5YXKASYezYsRg2bBhSU1MhlUpx7do17NixA/Pnz1f4SnWtWrVQq1YtLFu2DLt27YKPjw/Gjh0LiUSCkydPwsrKSvZJuqIzMTHBhQsXEBcXBx0dHaioqMhd/s8//8jtvKDIVFVVMXjwYAQGBgodpcgoYwfz9xo0aICTJ0+iYsWK6NatG0aNGoUzZ87g5MmTaNKkidDxPql169aYNm0aPDw8cjUHTUlJwYwZM+S2b1Vk/fr1k23/mZqaisGDB8u2+01LSxMyWqEFBwfnuVZb0bzfKve9x48fw9raGtbW1gCA0NBQaGhoICIiAoMGDRIq5hfz8/ODt7c3du/ejZSUFIwZMwY+Pj5wdnYWOlqBzJo1Cz169MCFCxdkPRf8/Pxw+vRppWlIWZKUL19eKQsK+Xnx4gUAoGzZsgInIfo09lygEmPbtm2YOXMmgoODAWR/Wjhz5kz0799f4GRf7uHDh/D29sbWrVsRGxuL5s2bK9U6wZKiUaNGGD16tMI3qPscZe5g/l50dDRSU1NhYWEBiUSChQsX4tKlSyhXrhzGjx+v0J/8v3nzBlWrVoWKigqGDx8u2x4tKCgIq1atQlZWFm7duqXwM2Q8PT0LdN7GjRuLOUnhjB07Vu57qVSK8PBw/Pfff+jbty9WrlwpULKC+ZIlQDNmzCjGJIX39u1bbNq0CT4+PoiLi0PPnj3Rq1cv1K5dW+l6DgHZa/uXLl0qK0q7uLhg3LhxStks8cP+VYpu7NixmD17NkqVKpXr/v0xZepTIJFIMGfOHCxevBiJiYkAsq+XcePG4bfffuP2lKSQWFygEiElJQVSqRTa2tpITk7GvXv34OfnB1dXV7Rs2VLoeF8tKysLhw8fho+PD4sLAti9ezemTJmCMWPGoFq1arJPaN9zd3cXKFnB5dfBfNWqVZgzZ47CdzD/lNTUVKxatQp//vknXr9+LXScT3r+/DmGDBmC48ePy80gadmyJVatWgU7OzuBE34/GjduLPe9WCyGqakpmjRpAi8vL6iqclLnt6KlpYWuXbvi559/RvPmzWVvlpSxoXFJo6uri4CAAKV4bGrcuDH2798PAwMDNGrUKN/ZeSKRCGfOnPnG6b7elClT4O3tjVmzZsk9f8+cORMDBw7E3LlzBU5IlBuLC1QitGjRAp07d8bgwYMRGxsLZ2dnqKmpITIyEkuWLMGQIUOEjkhKKK9PBUQiEaRSKUQikcJ3zQaUv4N5WloaZs6ciZMnT0JdXR0TJ05Ex44dsXHjRkydOhUqKioYNmwYJk2aJHTUAomJicGTJ08glUpRrlw5pWu6R1SUnJ2dkZaWhl69eqF3796yJRDKWFw4cuQIVFRUcn2gcfz4cUgkErltmRVR586d5b4/fPgwmjRpkquorky7qSg7CwsLrFmzBu3bt5c7fvDgQQwdOhQvX74UKBlR/liepxLh1q1bWLp0KQBgz549KF26NG7fvo29e/di+vTpLC7QV1H0N94FoewdzKdPn461a9eiWbNmuHTpErp16wZPT09cuXIFixcvRrdu3XL19lBUXl5eWL58OWrUqCF3PCkpCSNGjICPj49AyUiZfG6L3A8p+na5QUFBsl4LNWrUQPny5fHzzz8DUL7eMJMnT8aCBQtyHZdKpZg8ebLCFxc+3nXk/fWgTDIyMqClpYU7d+7Azc1N6DiFFh0dnWfPEWdnZ4W/b9P3izMXqETQ1tZGUFAQrK2t0b17d1SoUAEzZsxAWFgYnJycFL6bPFFxcXNzQ69evXJ1MJ8zZw527dqFu3fvCpSsYOzt7bFs2TK0b98e9+7dg7u7O/r16wdvb2+le/OhoqKC8PBwmJmZyR2PjIxEmTJllKKZYEnw5s0bjB8/HqdPn8bbt2/x8csgRZ+RtHnz5gKf+373G2WQmJiIHTt2YOPGjbhy5QoaNmyIXr16oWPHjjA1NRU63mdpaWkhMDAQtra2csefPXuGChUqKPy22CWFvb099u/fj0qVKgkdpdB++OEH/PDDD1ixYoXc8REjRuD69eu4cuWKQMmI8seZC1QiODo64sCBA+jUqROOHz8uW0f+9u1b6OnpCZyOlN2DBw8QGhqK9PR0ueMfT1VURMrewfzFixeoVq0agOxCiYaGBsaMGaNUhYX4+HhIpVJIpVIkJCTI7RiRlZWFI0eO5Co4UPHp168fQkNDMW3aNJibmyvVbQkoeMFA2T7Z1NHRwcCBAzFw4EAEBgbC29sbU6dOxdChQ5GRkSF0vM/S19fH06dPcxUXnjx5kmtpARWf3377Db/++iu2bt0KIyMjoeMUysKFC9GmTRucOnUKtWvXBgBcvnwZYWFhOHLkiMDpiPLGmQtUIuzZswe9evVCVlYWmjZtihMnTgAA5s+fjwsXLuDo0aMCJyRl9PTpU3Tq1Al3796V9VoAcqbrKvonnO8pcwdzFRUVvH79WvbJpTI1GXtPLBZ/8g2sSCTCrFmz8Ntvv33DVN8vXV1dXLx4EZUrVxY6SrE4ceIENmzYgMOHDyMlJUXoOIWSmZmJQ4cO5eoHoIgGDRqEy5cvY//+/XBwcACQXVjo0qULatSoofDbYpcUVapUwZMnT5CRkQEbG5tchZ1bt24JlOzrvHr1CqtWrUJQUBCA7OfvoUOHwsLCQuBkRHnjzAUqEbp27Yp69eohPDxcbipc06ZN0alTJwGTkTIbNWoU7OzscPr0adjZ2eHatWuIiorCuHHjsGjRIqHjFVi1atXwv//9T+gYX0UqlaJfv37Q0NAAkL1DxODBg5WqydjZs2chlUrRpEkT7N27V+7TNHV1ddjY2PCF4jdkZWWVaymEsnv+/Dl8fHywefNmxMTEoFWrVtiyZYvQsQosv2aIZ86cgZaWlkCpvszChQvh4eEBZ2dnlC1bFkD2zKv69esr1fOFslP2raPfy8jIgIeHB9asWcNdIUipcOYCEVE+TExMcObMGbi7u0NfXx/Xrl2Dk5MTzpw5g3HjxuH27dtCR/wsZe9g7unpWaDzNm7cWMxJCu/58+ewtrZWumn4Jc2JEyewePFirF27NtcUdmWSnp6Offv2YcOGDfDz80OzZs1w9OhR3L59GxUrVhQ63hdxd3fHggUL0Lp1a7njx44dw6RJk+Dv7y9Qsi8jlUpx8uRJ+Pv7Q0tLC+7u7mjQoIHQsUhJmZqa4tKlSyhXrpzQUYgKjMUFIqJ8GBoa4tatW7Czs4ODgwM2bNiAxo0bIzg4GBUrVlSKRqEl5UV7SXDs2DHo6OigXr16AIBVq1Zh/fr1cHV1xapVq7gt5TdiaGiI5ORkZGZmQltbG2pqanKXK0OvghEjRmDHjh0oV64cfv75Z/z4448wNjZWyi0cATZDpKIVGxuLPXv2IDg4GBMmTICRkRFu3bqF0qVLw9LSUuh4BTZmzBhoaGjkuQsJkaLisggiony4ubnB398fdnZ2+OGHH7Bw4UKoq6tj3bp1sLe3FzpegTx+/DjPNxrOzs548uSJAIm+XxMmTMAff/wBALh79y7Gjh2LcePG4ezZsxg7dqxSzL4oCZYtWyZ0hEJbvXo1Jk2ahMmTJ0NXV1foOIVWEpoh/v7775+8fPr06d8oyfctICAAzZo1g76+Pp49e4aBAwfCyMgI+/btQ2hoqFItF8rMzISPjw9OnTqFatWq5bovLFmyRKBkRPljcYGIKB9Tp06VfWI2a9YstGvXDvXr14exsTF27twpcLqCKQkv2kuKkJAQWaFn7969aNeuHebNm4dbt27lmllCxUeZtmfMz9atW+Hj4wNzc3O0adMGvXv3VvglTp/SoUMHjB49OlczxHHjxinFrjwAsH//frnvMzIyEBISAlVVVTg4OLC48I2MHTsW/fr1w8KFC+UKb61bt0avXr0ETPbl7t27h6pVqwIAHj16JHcZl9eRouKyCCKiLxAdHQ1DQ0OleWJnB3PFYWRkBF9fX7i6uqJevXro06cPfvnlFzx79gyurq5KscxGWcXHx8u2JY6Pj//kucq0fXFISAg2bdqETZs2ITk5GdHR0di1axe6du0qdLQvEhcXBw8PD9y4cSNXM8R9+/bBwMBA2IBfKT4+Hv369UOnTp3Qu3dvoeN8F/T19XHr1i04ODhAV1cX/v7+sLe3x/Pnz+Hk5ITU1FShIxKVaCwuEBF9xMvLq0Dn+fj4FHOSwiupL9qVUfv27ZGeno66deti9uzZCAkJgaWlJU6cOIHhw4fn+mSKio6KigrCw8NhZmaW79agUqkUIpFIabaY/ZBUKsWJEyfg7e2NQ4cOwcTEBJ07d8aKFSuEjlZgJbUZ4t27d9GuXTs8e/ZM6CjfBTMzMxw/fhxVqlSRKy6cPHkSXl5eCAsLEzoiUYnG4gIR0UfEYjFsbGxQpUqVT25Z9/E0WEVVUl+0K5vQ0FAMHToUYWFhGDlyJPr37w8gu2lXVlaWUr0RVDbnz59H3bp1oaqqivPnz3/y3IYNG36jVMUjOjoaW7ZswcaNG9mwVQH4+vqiXbt2iImJETrKd2HAgAGIiorC7t27YWRkhICAAKioqKBjx45o0KCBwvdc6dy5c4HPVeQtmOn7xeICEdFHhg0bhh07dsDGxgaenp74+eefYWRkJHQsIiKZjIwMODs7499//4WLi4vQcb7YihUr8Msvv0BTU/OzhbWRI0d+o1Rf7+MxSKVShIeHY+vWrWjYsCG2b98uULLvS1xcHLp27YobN24gISEBFhYWeP36NWrXro0jR44ofK+hD7dflkql2L9/P/T19VG9enUAwM2bNxEbG4vOnTuzCTApJBYXiIjykJaWhn379sHHxweXLl1CmzZt0L9/f7Ro0UJp+i28d/r0aZw+fRpv376FRCKRu0wZlnYos5K61l/ZpaamIiAgIM/7hLI0EAQAS0tLnDp1SimLC3Z2drhx4waMjY1hZ2eX73kikQhPnz79hsm+zsdjEIvFMDU1RZMmTTBlypQSsauHMvHz84O/vz8SExNRtWpVNGvWTOhIX2zSpEmIjo7GmjVroKKiAgDIysrC0KFDoaenhz///FPghES5sbhARPQZz58/x6ZNm7BlyxZkZmbi/v370NHRETpWgcyaNQu///47qlevDnNz81yFEWVZ2qGsSvpaf2V07Ngx9OnTB5GRkbkuU7brYd68eXj06BE2bNgAVVVuAEZUkpiamsLX1xdOTk5yxx8+fIg6deogKipKoGRE+eMzERHRZ7x/UyiVSpXqjQcArFmzBps2bWKncoGcOXNGtqTm7NmzAqchABgxYgS6deuG6dOno3Tp0kLHKZTr16/j9OnTOHHiBCpWrJhryrcyrMlW9uUdpFhGjhwJR0fHXEtpVq5ciSdPnih8z4UPZWZmIigoKFdxISgoKNeMKyJFweICEVEePlwW4evri7Zt22LlypXw8PCAWCwWOl6Bpaeno06dOkLH+G592BxQ2RsFlhRv3rzB2LFjlb6wAAAGBgbo0qWL0DEKRU1NTWm3B2TzPcWzd+9eHDp0KNfxOnXqYMGCBUpVXPD09ET//v0RHByMmjVrAgCuXr2KBQsWyPVmIFIkLC4QEX1k6NCh2LlzJ6ysrODl5YUdO3bAxMRE6FhfZcCAAdi+fTumTZsmdBR6Jzk5GaGhoUhPT5c77u7uLlCi70vXrl1x7tw5ODg4CB2l0EpKQ7dhw4bhjz/+ULrlHfr6+kJHoI9ERUXleb3o6enluRRKkS1atAhlypTB4sWLER4eDgAwNzfHhAkTMG7cOIHTEeWNPReIiD4iFothbW2NKlWqfLJ5ozJ8EjVq1Chs2bIF7u7ucHd3h5qamtzlS5YsESjZ9yciIgKenp44evRonpcr25IbZZWcnIxu3brB1NQUFStWzHWfUIadCQwNDfN8bNLX10f58uUxfvx4NG/eXIBkX6dTp044ffo0dHR0lHZ5BykGNzc3DB48GMOHD5c7/tdff2H16tV48OCBQMkK531DYDb+JUWnPOVhIqJvpE+fPkq3I0R+AgICULlyZQDAvXv3hA3znRs9ejRiY2Nx9epVNGrUCPv378ebN28wZ84cLF68WOh4340dO3bgxIkT0NTUxLlz5+Tu6yKRSCmKC/lN7Y6NjcXNmzfRtm1b7NmzB+3atfu2wb5SSVjeQYph7NixGD58OCIiItCkSRMA2TsmLV68WKmWRHyMRQVSFpy5QERE9A2Ym5vj4MGDqFmzJvT09HDjxg2UL18ehw4dwsKFC+Hr6yt0xO9CmTJlMHLkSEyePFmp+qd8iSVLlmDPnj24dOmS0FFKvODgYMydO1e2ra+1tTUSExNll6uoqOTZ8Z+Kz+rVqzF37ly8evUKAGBra4uZM2eiT58+Aif7Mm/evMH48eNlW0l//JaNs91IEbG4QERUAhWk0ZhIJMLevXu/QRoCsj95CggIgK2tLWxsbLB9+3bUrVsXISEhqFChApKTk4WO+F0wMjLC9evXS0TPhfw8evQItWrVQnR0tNBRPqkkLO8YPXo0tLS0MH/+fACArq4upk+fDjMzMwDArl27YG1tjTVr1ggZ87sUEREBLS0tpdk6+mOtWrVCaGgohg8fnudW0h06dBAoGVH+uCyCiKgEYqMxxePk5ISHDx/C1tYWlSpVwtq1a2Fra4s1a9bA3Nxc6Hjfjb59+2LXrl349ddfhY5SbNLS0qCuri50jM8qCcs7Tp8+DW9vb7ljXbp0gb29PYDsT80HDBggRLTv0owZM+Dl5QUbGxuYmpoKHadQfH19cfHiRdnSRiJlwOICEVEJVFK6yJcEISEhsLOzw6hRo2Qdv2fMmAEPDw9s27YN6urq2LRpk7AhvyNZWVlYuHAhjh8/XmKbnHp7eyvFG5K+fft+8vLKlStj/vz5Cl1cePbsGSwsLGTfDxgwQK64a2trixcvXggR7bt08OBBzJ07Fw0bNkT//v3RpUsXaGhoCB3rq1hZWeVaCkGk6LgsgoiIqBiJxWLY2NigcePGsq+yZcsiOTkZQUFBsLa2VtqtTpVR48aN871MJBLhzJkz3zDN1xk7dmyex+Pi4nDr1i08evQIFy5cQLVq1b5xsqKlDMs79PX1cfLkSdSsWTPPy69du4ZmzZrJuv1T8bt9+zY2btyIHTt2IDMzEz/++CO8vLxQo0YNoaN9kRMnTmDx4sWyWW5EyoAzF4iIiIrRmTNncO7cOZw7dw47duxAeno67O3t0aRJEzRu3BiWlpZCR/yunD17VugIhXb79u08j+vp6aF58+bYt28f7OzsvnGqoqcMyzsqVKiAU6dO5VtcOH78ONzc3L5xqu9blSpVUKVKFSxevBiHDx/Gxo0bUbduXTg7O6N///7o16+fUiwd7NGjB5KTk+Hg4ABtbe1cs6wUuehG3y8WF4iIiIpRo0aN0KhRIwBAamoqLl26JCs2bN68GRkZGXB2dsb9+/eFDUpKoyQUSApCGZZ3eHp6YvTo0ahUqRLatGkjd9nhw4exYMECpd4CUZlJpVJkZGQgPT0dUqkUhoaGWLlyJaZNm4b169ejR48eQkf8pKVLl5aYbbHp+8FlEURERN9Yeno6/Pz8cPToUaxduxaJiYncVuwbady48SdfsCvDsoiSoqQs7+jZsyd27doFZ2dn2ZaTDx8+xMOHD9GlSxfs3r1b4ITfl5s3b8qWRWhoaKBPnz4YMGAAHB0dAQB//fUX5syZgzdv3giclKjkYXGBiIiomKWnp+PKlSs4e/Yszp07h6tXr8LKygoNGjRAgwYN0LBhQ1hbWwsd87swZswYue8zMjJw584d3Lt3D3379sXy5csFSvb9ya//hZ6eHpycnDBkyBClWd6xc+dO7Ny5E48ePQIAlCtXDj179sSPP/4ocLLvS8WKFREUFIQWLVpg4MCBaNeuHVRUVOTOiYyMhJmZGSQSiUApC+Z9U8pu3bpBS0tL6DhEBcLiAhERUTFq0qQJrl69Cjs7OzRs2BD169dHw4YNuf2kgpk5cyYSExOxaNEioaMQ0VeaPXs2vLy8SkQvm9GjR2P79u1IS0tD9+7d0b9/f9SqVUvoWESfxOICERFRMVJTU4O5uTk6duyIRo0aoWHDhjA2NhY6Fn3kyZMnqFmzJpukUYF9yQ4Qenp6xZiESqrMzEwcOnQImzdvxtGjR+Ho6AgvLy/07t0bpUuXFjoeUS4sLhARERWjpKQkXLx4EefOncPZs2dx584dlC9fHg0bNpQVG0xNTYWO+d3bunUrJk2ahFevXgkdhZSEWCwucMM99lQpPvn17sjLkiVLijFJ8Xr79i3WrVuHuXPnIisrC61bt8bIkSPRpEkToaMRyXC3CCIiomJUqlQpeHh4wMPDAwCQkJAAX19fnD17FgsXLsRPP/2EcuXK4d69ewIn/T507txZ7nupVIrw8HDcuHED06ZNEygVKaMPd+149uwZJk+ejH79+qF27doAgMuXL2Pz5s2YP3++UBG/C/ltzfoxZd554dq1a9i4cSN27twJMzMz9OvXDy9fvkTbtm0xdOhQLucihcGZC0RERN+QRCLB9evXcfbsWZw9exa+vr5ITU3lJ5vfiKenp9z3YrEYpqamaNKkCVq0aCFQKlJ2TZs2xYABA9CzZ0+549u3b8e6detw7tw5YYKR0nr79i22bt2KjRs34vHjx2jXrh0GDBiAli1bygolvr6+8PDwQGJiosBpibKxuEBERFSMJBIJbty4IVsW4efnh6SkJFhaWqJx48ayLxsbG6GjEtFX0tbWhr+/P8qVKyd3/NGjR6hcuTKSk5MFSkbKSl1dHQ4ODvDy8kK/fv3yXD4XHx+PDh06yM2iIRISiwtERETFSE9PD0lJSShTpoyskNCoUSM4ODgIHe27duPGDQQGBgIAXF1dUa1aNYETkTJzcnJChw4dsHDhQrnjEydOxMGDB/Hw4UOBkn1fOnXqlOfyB5FIBE1NTTg6OqJXr15wcnISIN2XuXjxIurXry90DKIvwuICERFRMVq7di0aN26M8uXLCx2FALx48QI9e/aEn58fDAwMAACxsbGoU6cOdu7cibJlywobkJTSkSNH0KVLFzg6OuKHH34AkL1O/vHjx9i7dy9at24tcMLvQ79+/XDgwAEYGBjICoa3bt1CbGwsWrRoAX9/fzx79gynT59G3bp1BU77Zc6fP4+kpCTUrl0bhoaGQschyhOLC0RERPTd8PDwQGxsLDZv3iz79PLhw4fw9PSEnp4ejh07JnBCUlYvXrzA33//jaCgIACAi4sLBg8eDCsrK4GTfT8mT56M+Ph4rFy5EmKxGED20rRRo0ZBV1cXc+fOxeDBg3H//n34+voKnDZvf/zxBxITEzF79mwA2U1nW7VqhRMnTgAAzMzMcPr0aVSoUEHImER5YnGBiIiIvhtaWlq4dOkSqlSpInf85s2bqF+/PtfGEykxU1NT+Pn55Zop9ujRI9SpUweRkZG4e/cu6tevj9jYWGFCfkbVqlUxadIk9OjRAwDwzz//oG/fvjh58iRcXFzQp08faGtrY/fu3QInJcqNW1ESERHRd8PKygoZGRm5jmdlZcHCwkKARFRSxMbGwtvbW9bLo0KFCvDy8oK+vr7Ayb4fmZmZCAoKylVcCAoKku3Io6mpqdDbUoaEhMDd3V32/ZEjR9C1a1fZMo6pU6eiW7duQsUj+iSx0AGIiIiIvpU///wTI0aMwI0bN2THbty4gVGjRnGvePpqN27cgIODA5YuXYro6GhER0djyZIlcHBwwK1bt4SO993o3bs3+vfvj6VLl8LX1xe+vr5YunQp+vfvjz59+gDI7l2gyEsKMjMzoaGhIfv+8uXLqFOnjux7CwsLREZGChGN6LO4LIKIiIhKNENDQ7lPKpOSkpCZmQlV1ewJnO//v1SpUoiOjhYqJimx+vXrw9HREevXr5e7XQ0YMABPnz7FhQsXBE74fcjKysKCBQuwcuVKvHnzBgBQunRpjBgxApMmTYKKigpCQ0MhFosVtnlr5cqVMXr0aPTr1w+hoaGwtbXFvXv34OrqCgC4dOkSunfvjhcvXgiclCg3FheIiIioRNu8eXOBz+3bt28xJqGSSktLC7dv34azs7Pc8QcPHqB69ers5SGA+Ph4ANnbASuT9evXY8yYMejRoweuXLkCAwMD+Pn5yS6fM2cOrl69isOHDwuYkihv7LlAREREJRoLBlTc9PT0EBoamqu4EBYWBl1dXYFSfd+Urajw3sCBA6GiooLDhw+jQYMGmDFjhtzlr169gqenp0DpiD6NMxeIiIioRHv/CWZBKOsbEhLWyJEjsX//fixatEi2Pt7Pzw8TJkxAly5dsGzZMmEDlmBVq1bF6dOnYWhoiCpVqnyyWSP7XxAVL85cICIiohLNwMDgs93hpVIpRCKRrKM80ZdYtGgRRCIR+vTpg8zMTACAmpoahgwZggULFgicrmTr0KGDrAFix44dhQ1ThI4cOQIVFRW0bNlS7viJEyeQlZWFVq1aCZSMKH+cuUBEREQl2vnz5wt03t27dzF8+PBiTkMlWXJyMoKDgwEADg4O0NbWFjjR9yMrKwt+fn5wd3eHgYGB0HEKzd3dHQsWLEDr1q3ljh87dgyTJk2Cv7+/QMmI8sfiAhEREX23EhISsGPHDmzYsAE3b97kzAUqtPdd/BV1N4KSTFNTE4GBgbCzsxM6SqFpaWkhMDAQtra2csefPXuGChUqICkpSZhgRJ8gFjoAERER0bd24cIF9O3bF+bm5li0aBGaNGmCK1euCB2LlJREIsHvv/8OfX192NjYwMbGBgYGBpg9ezYkEonQ8b4bbm5uePr0qdAxioS+vn6eY3ny5AlKlSolQCKiz2PPBSIiIvouvH79Gps2bYK3tzfi4+PRvXt3pKWl4cCBA7I95Im+xm+//QZvb28sWLAAdevWBQD4+vpi5syZSE1Nxdy5cwVO+H2YM2cOxo8fj9mzZ6NatWq53oQrU8PWDh06YPTo0di/fz8cHBwAZBcWxo0bh/bt2wucjihvXBZBREREJV67du1w4cIFtGnTBj/99BM8PDygoqICNTU1+Pv7s7hAhWJhYYE1a9bketN38OBBDB06FC9fvhQo2ffh999/x7hx4+S2/fywiasyNmyNi4uDh4cHbty4IVti8+LFC9SvXx/79u0rEX0lqORhcYGIiIhKPFVVVYwcORJDhgxBuXLlZMdZXKCioKmpiYCAAJQvX17u+MOHD1G5cmWkpKQIlOz7oKKigvDwcAQGBn7yvIYNG36jREVDKpXi5MmT8Pf3h5aWFtzd3dGgQQOhYxHli8siiIiIqMTz9fWFt7c3qlWrBhcXF/Tu3Rs//vij0LGohKhUqRJWrlyJFStWyB1fuXIlKlWqJFCq78f7z0qVrXjwOSKRCC1atECLFi2EjkJUIJy5QERERN+NpKQk7Nq1Cz4+Prh27RqysrKwZMkSeHl5yU2pJvoS58+fR5s2bWBtbY3atWsDAC5fvoywsDAcOXIE9evXFzhhySYWi/HmzRuYmpoKHaVQVqxYgV9++QWampq5ClUfGzly5DdKRVRwLC4QERHRd+nhw4fw9vbG1q1bERsbi+bNm+PQoUNCxyIl9erVK6xatQpBQUEAABcXFwwdOhQWFhYCJyv5xGIx9PX15fos5CU6OvobJfo6dnZ2uHHjBoyNjT+5naZIJCoxu2JQycLiAhEREX3XsrKycPjwYfj4+LC4QKSExGIxli1bBn19/U+e17dv32+UiOj7xOICEREREdEXCggIKPC57u7uxZiExGIxXr9+DTMzM6GjEH3X2NCRiIiIiOgLVa5cGSKRCJ/7nE7ZtkBURp9bDqEsxo4dW+BzlyxZUoxJiL4OiwtERERERF8oJCRE6Aj0TkmZiH379u0CnVdSiilU8nBZBBERERFRIURFRcHY2BgAEBYWhvXr1yMlJQXt27fnThFE9N1gcYGIiIiI6CvcvXsX7dq1Q1hYGMqVK4edO3fCw8MDSUlJEIvFSEpKwp49e9CxY0eho5ISe/HiBQCgbNmyAich+jSx0AGIiIiIiJTRxIkTUbFiRVy4cAGNGjVC27Zt0aZNG8TFxSEmJgaDBg3CggULhI5JSkgikeD333+Hvr4+bGxsYGNjAwMDA8yePRsSiUToeER54swFIiIiIqKvYGJigjNnzsDd3R2JiYnQ09PD9evXUa1aNQBAUFAQatWqhdjYWGGDktKZMmUKvL29MWvWLNStWxcA4Ovri5kzZ2LgwIGYO3euwAmJcmNxgYiIiIjoK3y8BaKuri78/f1hb28PAHjz5g0sLCy4WwR9MQsLC6xZswbt27eXO37w4EEMHToUL1++FCgZUf64LIKIiIiI6Ct93LmfnfypKERHR8PZ2TnXcWdnZ0RHRwuQiOjzuBUlEREREdFX6tevHzQ0NAAAqampGDx4MEqVKgUASEtLEzIaKbFKlSph5cqVWLFihdzxlStXolKlSgKlIvo0LosgIiIiIvoKnp6eBTpv48aNxZyESprz58+jTZs2sLa2Ru3atQEAly9fRlhYGI4cOcItTkkhsbhARERERESkYF69eoVVq1YhKCgIAODi4oKhQ4fCwsJC4GREeWNxgYiIiIiIiIgKhT0XiIiIiIiIFExMTAy8vb0RGBgIAHB1dYWnpyeMjIwETkaUN85cICIiIiIiUiAXLlxAu3btoK+vj+rVqwMAbt68idjYWBw+fBgNGjQQOCFRbiwuEBERERERKZCKFSuidu3aWL16NVRUVAAAWVlZGDp0KC5duoS7d+8KnJAoNxYXiIiIiIiIFIiWlhbu3LkDJycnueMPHz5E5cqVkZKSIlAyovyJhQ5AREREREREOapWrSrrtfChwMBAVKpUSYBERJ/Hho5EREREREQCCwgIkP3/yJEjMWrUKDx58gS1atUCAFy5cgWrVq3CggULhIpI9ElcFkFERERERCQwsVgMkUiEz709E4lEyMrK+kapiAqOMxeIiIiIiIgEFhISInQEokLhzAUiIiIiIiIiKhTOXCAiIiIiIlJADx48QGhoKNLT0+WOt2/fXqBERPljcYGIiIiIiEiBPH36FJ06dcLdu3fl+jCIRCIAYM8FUkjcipKIiIiIiEiBjBo1CnZ2dnj79i20tbVx//59XLhwAdWrV8e5c+eEjkeUJ/ZcICIiIiIiUiAmJiY4c+YM3N3doa+vj2vXrsHJyQlnzpzBuHHjcPv2baEjEuXCmQtEREREREQKJCsrC7q6ugCyCw2vXr0CANjY2ODhw4dCRiPKF3suEBERERERKRA3Nzf4+/vDzs4OP/zwAxYuXAh1dXWsW7cO9vb2QscjyhOXRRARERERESmQ48ePIykpCZ07d8aTJ0/Qtm1bPHr0CMbGxti5cyeaNm0qdESiXFhcICIiIiIiUnDR0dEwNDSU7RhBpGjYc4GIiIiIiEiBeHl5ISEhQe6YkZERkpOT4eXlJVAqok/jzAUiIiIiIiIFoqKigvDwcJiZmckdj4yMRJkyZZCZmSlQMqL8saEjERERERGRAoiPj4dUKoVUKkVCQgI0NTVll2VlZeHIkSO5Cg5EioLFBSIiIiIiIgVgYGAAkUgEkUiE8uXL57pcJBJh1qxZAiQj+jwuiyAiIiIiIlIA58+fh1QqRZMmTbB3714YGRnJLlNXV4eNjQ0sLCwETEiUPxYXiIiIiIiIFMjz589hbW3NnSFIqXC3CCIiIiIiIgViY2MDX19f/Pzzz6hTpw5evnwJANi6dSt8fX0FTkeUNxYXiIiIiIiIFMjevXvRsmVLaGlp4datW0hLSwMAxMXFYd68eQKnI8obiwtEREREREQKZM6cOVizZg3Wr18PNTU12fG6devi1q1bAiYjyh+LC0RERERERArk4cOHaNCgQa7j+vr6iI2N/faBiAqAxQUiIiIiIiIFUqZMGTx58iTXcV9fX9jb2wuQiOjzWFwgIiIiIiJSIAMHDsSoUaNw9epViEQivHr1Ctu2bcP48eMxZMgQoeMR5UlV6ABERERERESUY/LkyZBIJGjatCmSk5PRoEEDaGhoYPz48RgxYoTQ8YjyJJJKpVKhQxAREREREZG89PR0PHnyBImJiXB1dYWOjo7QkYjyxZkLRERERERECsDLy6tA5/n4+BRzEqIvx5kLRERERERECkAsFsPGxgZVqlTBp96m7d+//xumIioYzlwgIiIiIiJSAEOGDMGOHTsQEhICT09P/PzzzzAyMhI6FlGBcOYCERERERGRgkhLS8O+ffvg4+ODS5cuoU2bNujfvz9atGgBkUgkdDyifLG4QEREREREpICeP3+OTZs2YcuWLcjMzMT9+/fZ1JEUlljoAERERERERJSbWCyGSCSCVCpFVlaW0HGIPonFBSIiIiIiIgWRlpaGHTt2oHnz5ihfvjzu3r2LlStXIjQ0lLMWSKGxoSMREREREZECGDp0KHbu3AkrKyt4eXlhx44dMDExEToWUYGw5wIREREREZECEIvFsLa2RpUqVT7ZvHHfvn3fMBVRwXDmAhERERERkQLo06cPd4QgpcWZC0RERERERERUKGzoSERERERERESFwuICERERERERERUKiwtEREREREREVCgsLhARERERERFRobC4QERERERERESFwuICERERERERERUKiwtEREREREREVCgsLhARERERERFRofwfDWc5thBzk+0AAAAASUVORK5CYII=", + "image/png": "iVBORw0KGgoAAAANSUhEUgAABBcAAARaCAYAAAAXepqDAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8pXeV/AAAACXBIWXMAAA9hAAAPYQGoP6dpAAEAAElEQVR4nOzdd3hT1RsH8G/SvffeA7oYZdOyKXtvVPaSqaKgiCjDn4oouBBQZCMqw4KMsvfeZZSy2gLde6R7JL8/QtOmTQqaxNL6/TxPnqe5OffmvDnnvklPzj0RSCQSCYiIiIiIiIiI/iFhbVeAiIiIiIiIiOo2Di4QERERERERkUo4uEBEREREREREKuHgAhERERERERGphIMLRERERERERKQSDi4QERERERERkUo4uEBEREREREREKuHgAhERERERERGphIMLRERERERERKQSDi4QERG9ojp37ozOnTv/o30FAgEWL14su79p0yYIBAI8efJELXV7lSxevBgCgUCtxzx16hQEAgFOnTql1uMSERHVVxxcICIiQsU/39euXZPbnp2djdatW0NfXx+HDh2qpdr9+8LDwzF69Gi4uLhAT08PlpaW6NatGzZu3IiysrLarp7arF69Gps2bartahAREdV52rVdASIioldVTk4OevTogdu3b2P37t3o1atXbVfpX7Fu3TpMmzYNdnZ2GDNmDBo0aACRSITjx49j0qRJSExMxEcffVTb1VSL1atXw9raGuPHj5fb3rFjRxQUFEBXV7d2KkZERFTHcHCBiIhIAZFIhJ49eyI8PByhoaHo3bt3bVfpX3Hp0iVMmzYNQUFBCAsLg4mJieyx2bNn49q1a7h7967KzyMWi1FcXAx9ff1qj+Xl5cHIyEjl51CFUChUWDciIiJSjJdFEBERVZGbm4tevXrhxo0b+PPPP9G3b1+5x+Pj4zFx4kTY2dlBT08PAQEB2LBhg1yZ8mv2d+zYgc8//xzOzs7Q19dHSEgIHj9+XO05165dCy8vLxgYGKB169Y4e/ZstTLFxcVYuHAhWrRoATMzMxgZGaFDhw44efKk2mJfsmQJBAIBtm3bJjewUK5ly5Zy3/Ln5eVhzpw5sssnfHx8sHz5ckgkErn9BAIBZs2ahW3btiEgIAB6eno4dOiQ7HKU06dPY8aMGbC1tYWzs7Nsv4MHD6JDhw4wMjKCiYkJ+vbti4iIiBfGsXHjRnTt2hW2trbQ09ODv78/1qxZI1fG3d0dEREROH36NAQCAQQCgWyNC2VrLuzcuRMtWrSAgYEBrK2tMXr0aMTHx8uVGT9+PIyNjREfH49BgwbB2NgYNjY2mDt3br26pISIiKgyzlwgIiKqJC8vD71798bVq1exa9cu9OvXT+7x5ORktG3bVvbPso2NDQ4ePIhJkyYhJycHs2fPliv/5ZdfQigUYu7cucjOzsZXX32FUaNG4fLly7Iy69evx9SpUxEcHIzZs2cjOjoaAwYMgKWlJVxcXGTlcnJysG7dOrz++uuYMmUKRCIR1q9fj549e+LKlSsIDAxUKfb8/HwcP34cHTt2hKur6wvLSyQSDBgwACdPnsSkSZMQGBiIw4cP4/3330d8fDy+/fZbufInTpzAjh07MGvWLFhbW8Pd3R3h4eEAgBkzZsDGxgYLFy5EXl4eAGDr1q0YN24cevbsiWXLliE/Px9r1qxB+/btcfPmTbi7uyut25o1axAQEIABAwZAW1sb+/btw4wZMyAWizFz5kwAwHfffYe33noLxsbGWLBgAQDAzs5O6TE3bdqECRMmoFWrVli6dCmSk5Px/fff4/z587h58ybMzc1lZcvKytCzZ0+0adMGy5cvx7Fjx7BixQp4eXlh+vTpL3xtiYiI6hwJERERSTZu3CgBIHFzc5Po6OhI9uzZo7DcpEmTJA4ODpK0tDS57a+99prEzMxMkp+fL5FIJJKTJ09KAEj8/PwkRUVFsnLff/+9BIDkzp07EolEIikuLpbY2tpKAgMD5cqtXbtWAkDSqVMn2bbS0lK5MhKJRJKZmSmxs7OTTJw4UW47AMmiRYuqxRcTE6P0Nbh165YEgOSdd95RWqayPXv2SABIPvvsM7ntw4YNkwgEAsnjx4/l6iMUCiURERFyZcvr1b59e0lpaalsu0gkkpibm0umTJkiVz4pKUliZmYmt33RokWSqh9pytuhsp49e0o8PT3ltgUEBMi9xuXK2+/kyZMSiaSinRo1aiQpKCiQldu/f78EgGThwoWybePGjZMAkHz66adyx2zWrJmkRYsW1Z6LiIioPuBlEURERJUkJydDX19fbsZAOYlEgj///BP9+/eHRCJBWlqa7NazZ09kZ2fjxo0bcvtMmDBBblHADh06AACio6MBANeuXUNKSgqmTZsmV278+PEwMzOTO5aWlpasjFgsRkZGBkpLS9GyZctqz/tP5OTkAIDCyyEUCQsLg5aWFt5++2257XPmzIFEIsHBgwfltnfq1An+/v4KjzVlyhRoaWnJ7h89ehRZWVl4/fXX5V5nLS0ttGnT5oWXghgYGMj+zs7ORlpaGjp16oTo6GhkZ2e/VHyVlbfTjBkz5NZi6Nu3L3x9fXHgwIFq+0ybNk3ufocOHWTtTkREVN/wsggiIqJKfv75Z7z33nvo1asXzp49Cx8fH9ljqampyMrKwtq1a7F27VqF+6ekpMjdr3p5gYWFBQAgMzMTAPD06VMAQIMGDeTK6ejowNPTs9rxN2/ejBUrVuD+/fsoKSmRbffw8HjZEJUyNTUFIF3M8mU8ffoUjo6O1QYj/Pz8ZI9XVlMdqz726NEjAEDXrl1rrKsy58+fx6JFi3Dx4kXk5+fLPZadnV1t4OZFymOp3B/K+fr64ty5c3Lb9PX1YWNjI7fNwsJC1u5ERET1DQcXiIiIKvH390dYWBhCQkLQvXt3nD9/XjaLQSwWAwBGjx6NcePGKdy/SZMmcvcrfxtfmaTKgocv49dff8X48eMxaNAgvP/++7C1tYWWlhaWLl2KqKiov328qry9vaGtrY07d+6ofCxFKs8meNFj5a/11q1bYW9vX628trbyjzBRUVEICQmBr68vvvnmG7i4uEBXVxdhYWH49ttvZcfWJGXtTkREVF9xcIGIiKiK1q1bY8+ePejbty+6d++Os2fPwsbGBjY2NjAxMUFZWRm6deumludyc3MDIP2mvvK39CUlJYiJiUHTpk1l23bt2gVPT0+EhoZCIBDIti9atEgtdTE0NETXrl1x4sQJxMbGKrw0pGrdjx07BpFIJDd74f79+3Kx/RNeXl4AAFtb27/9Wu/btw9FRUXYu3ev3MwRRZdSVH4da1Iey4MHD6rNpnjw4IFKsRIREdUHXHOBiIhIgZCQEPz+++94/PgxevXqhZycHGhpaWHo0KH4888/cffu3Wr7pKam/u3nadmyJWxsbPDTTz+huLhYtn3Tpk3IysqSK1v+bXjlWQ+XL1/GxYsX//bzKrNo0SJIJBKMGTMGubm51R6/fv06Nm/eDADo06cPysrK8OOPP8qV+fbbbyEQCNC7d+9/XI+ePXvC1NQUX3zxhdzlH+Vqeq0VvU7Z2dnYuHFjtbJGRkbVXmdFWrZsCVtbW/z0008oKiqSbT948CAiIyOr/VwpERHRfw1nLhARESkxePBg/PLLL5g4cSIGDBiAQ4cO4csvv8TJkyfRpk0bTJkyBf7+/sjIyMCNGzdw7NgxZGRk/K3n0NHRwWeffYapU6eia9euGDlyJGJiYrBx48Zqay7069cPoaGhGDx4MPr27YuYmBj89NNP8Pf3VzgQ8E8EBwdj1apVmDFjBnx9fTFmzBg0aNAAIpEIp06dwt69e/HZZ58BAPr3748uXbpgwYIFePLkCZo2bYojR47gr7/+wuzZs2WzD/4JU1NTrFmzBmPGjEHz5s3x2muvwcbGBs+ePcOBAwfQrl27aoMa5Xr06AFdXV30798fU6dORW5uLn755RfY2toiMTFRrmyLFi2wZs0afPbZZ/D29oatra3CdR50dHSwbNkyTJgwAZ06dcLrr78u+ylKd3d3vPvuu/84ViIiovqAgwtEREQ1mDBhAjIyMjB37lwMHz4cu3fvxpUrV/Dpp58iNDQUq1evhpWVFQICArBs2bJ/9BxvvvkmysrK8PXXX+P9999H48aNsXfvXnzyySdy5caPH4+kpCT8/PPPOHz4MPz9/fHrr79i586dOHXqlBqilZo6dSpatWqFFStWYMuWLUhNTYWxsTGaN2+OjRs3YvTo0QAAoVCIvXv3YuHChdi+fTs2btwId3d3fP3115gzZ47K9XjjjTfg6OiIL7/8El9//TWKiorg5OSEDh06YMKECUr38/Hxwa5du/Dxxx9j7ty5sLe3x/Tp02FjY4OJEyfKlV24cCGePn2Kr776CiKRCJ06dVK6iOT48eNhaGiIL7/8EvPmzYORkREGDx6MZcuWwdzcXOV4iYiI6jKB5J+sKEVERERERERE9BzXXCAiIiIiIiIilXBwgYiIiIiIiIhUwsEFIiIiIiIiIlIJBxeIiIiIiIiIXmFnzpxB//794ejoCIFAgD179rxwn1OnTqF58+bQ09ODt7c3Nm3apNE6cnCBiIiIiIiI6BWWl5eHpk2bYtWqVS9VPiYmBn379kWXLl0QHh6O2bNnY/LkyTh8+LDG6shfiyAiIiIiIiKqIwQCAXbv3o1BgwYpLTNv3jwcOHAAd+/elW177bXXkJWVhUOHDmmkXpy5QERERERERPQvKioqQk5OjtytqKhIbce/ePEiunXrJretZ8+euHjxotqeoyptjR2ZqAYHdHxquwoqexx6v7aroBYlJfVj8lKZuLZroDp9PUFtV4GeKy2r7Rqoh1Y9+QqhPpzfZWX1I9caGtT9PFVUXNs1UA+jetAWAFBYVPfPDUH9aAq8079uBlJX/6+4uuB1LFmyRG7bokWLsHjxYrUcPykpCXZ2dnLb7OzskJOTg4KCAhgYGKjleSrj4AIRERERERHRv2j+/Pl477335Lbp6enVUm3Ug4MLRERERERERP8iPT09jQ4m2NvbIzk5WW5bcnIyTE1NNTJrAeCaC0RERERERET1SlBQEI4fPy637ejRowgKCtLYc3LmAhEREREREdVJAp26uVbE35Wbm4vHjx/L7sfExCA8PByWlpZwdXXF/PnzER8fjy1btgAApk2bhh9//BEffPABJk6ciBMnTmDHjh04cOCAxurImQtEREREREREr7Br166hWbNmaNasGQDgvffeQ7NmzbBw4UIAQGJiIp49eyYr7+HhgQMHDuDo0aNo2rQpVqxYgXXr1qFnz54aqyNnLhARERERERG9wjp37gyJRPmvq2zatEnhPjdv3tRgreRxcIGIiIiIiIjqJKH2f+OyiLqAl0UQERERERERkUo4uEBEREREREREKuHgAhERERERERGphGsuEBERERERUZ0k0OH35a8KtgQRERERERERqYSDC0RERERERESkEg4uEBEREREREZFKuOYCERERERER1UlCbUFtV4Ge48wFIiIiIiIiIlIJBxeIiIiIiIiISCW8LIKIiIiIiIjqJIEOL4t4VXDmAhERERERERGphIMLRERERERERKQSDi4QERERERERkUq45gIRERERERHVSfwpylcHZy4QERERERERkUo4uEBEREREREREKuFlEfTKs2zfEp5zJsGseSPoO9ri2tAZSN57vOZ9OraG//IPYezfAIWxiXi8dA3ituyWK+M2/Q14vjcJevY2yLl9HxGz/4fsq3c0GQrunN+G8FPrkS9Kg5WDLzoM/hh2rk2Uln986xCuHPoeosx4mFm7IajvXLj5dZI9HnXnCCIu/oHUuAgU5WdjxLu7Ye3kp9EYAEAikeD6sZW4f3UnigtEsHNrhvaDFsHM2r3G/SIubsPtMxtQkJsGS3tfBA9YAFuXivgjr+xAVPh+pCXcQ0lRHsYuvAw9A1ONxXDz+Eo8uLoTxYUi2Lo1Q/CAF8dw79I23D0rjcHC3hdB/RbA5nkMRflZuHH8R8Q/Po+8rEToG1nCzT8Ezbu9DV19E7XHUF/6U32JQyKR4PrRlYi8shPFBTmwd2+O9oNf4ry4sA23zqxHgSgNlg6+aDfwY/nz4vJ2PA7fj7R46XkxbvEVjZ0Xd89vQ/jpirZoP6jmtoi6dQhXDle0Rds+8m0hkUhw9chKRF7eiaLnr0nHIYtgbuOukfpXft663hblcdw4thIPrlXk2uCBL5GnLm7DnbMVuTaof5U8dUyap3Ir5akW3TWTp26f24YbJ6R9ytrRFx2HfAx7N+V96lH4IVw6+D1EGfEwt3FDcL+5cPeX9qmyshJcCvseTyNPIzs9Dnr6xnBuGIzgfu/B2MxO7XWvrD70qfAz23D9xHrk5aTCxskXXYZ9UmNbPLx5EBcOfI+cjHiY27ijw4C58AioOL8vhq3EgxsHIMpKgpaWDmxdAtCu37twcG+qkfqXqw95qr687xFVxZkL9MrTMjJEzu0HuPv2kpcqb+DujFZ7f0b6qcs413IgYlZuRuOfP4N19/ayMg7De8Pv6/l49NkqnGs9GKLb99HmwHro2lhqKgw8Cg/D+b1fomX3mRg+OxTWjj7Y/8tk5IvSFZZPfHIDR7fNgV/rYRj+7m54NOqGg5tmIT3xoaxMaXEBHNxbIKjvXI3VW5FbZ9Yh4sKvaD9oMQbO2A4dXUMc3DAFpSVFSveJuh2GSweWoXnITAye9SesHHxwcMMUFORWxF9aXADnhh0Q2HmqxmO4c3Yd7l38FcEDF6P/9O3Q0THE4U01xxB9OwxXwpYhsOtMDJj5JyztfXB4U0UM+aIU5ItS0LrXBxj89l50GPoF4h6exbnQj9Ve//rSn+pLHABw6/Q63D2/FR0GL8agWTugrWuAsPWTaz4vboXh4v4v0SJkJoa8HQorBx+ErZ9c5bwohEvDDmjWRbPnxePwMJzfJ22LYbNDYeXog/3rJiM/V3FbJD25gaO/zYFv62EYPns3PAK64dDmWUhPqmiL8FPrcOfcVnQcshhD39oBHV0D7F9X82uiDnW9LcrdPiPNU+0GLsaA6duhrWuIwxtfnKcuhy1Ds5CZGDjzT1g6+ODQxoo8lZfzPE/1/gBD3tmLjsOkeersn+rPUw9vhuHsni/RuudMvDZHen7v/bmG8zvmBg5vnYOANsPw2tzd8GzUDQc2VJzfpcWFSI27h1bdZ+C1OX+iz4SVyEqJwYF1M9Re96rqep96cCMMZ3YvRdteMzHq/d2wdvJF6OpJStsiIfoGwjbPQaOgYRj1wR54NwnB3nUzkZZQcX5b2Lqjy/CFGPPhPoyY/RvMLJ0Qunoi8kUZGoujPuSp+vS+96oQ6Ajq5K0+4uBCPbNr1y40btwYBgYGsLKyQrdu3ZCXlwcAWLduHfz8/KCvrw9fX1+sXr1abt8rV66gWbNm0NfXR8uWLbF7924IBAKEh4cDAE6dOgWBQIDjx4+jZcuWMDQ0RHBwMB48eKDRmFIPn8HDRd8h+a9jL1Xe7c3XUBATh8gPliH3fjSert6GpD8Pw+Od8bIyHrMnIHb9DsRtDkVuZBTuzFiEsvxCuIwfqqEogFunN8G/zXD4tR4KS3tvdBq6BNo6+rh/9U+F5W+f3QpXn/Zo1mUSLO280KbXO7Bx8sed89tkZXxaDESrHjPh3CBIY/WuSiKR4O75LWjWZRrc/UNg5eCDziO+RL4oBU/vKW+jO2c3w7fVcPi0HAILO2+0H7QY2rr6eHAtVFamcftxCOw8Bbaumv3WQyKRIOL8FjTtPA1u/iGwtPdBx+FfokCUgmeRymO4e34zfFoOR8MWQ2Bh6412AxdDW0cfD69LY7Cwa4iQN36Aq18XmFq5wtGrLVp0n41n909CXFaq1hjqS3+qL3FIJBLcObcFzbpOg3uA9LzoMmIZ8nNS8CRCeZ+6fXYTfFsPh0+robCw80aHwdL4H1SKv3GHcQjs8qbGz4tbZ6Rt4dtqKCztvNFpyBLo6Ojj/hUlbXHueVt0ngQLOy+07vUOrJ38cfd5W0gkEtw+uwUtQqbBo1EIrBx90PU16WsSU8Nroqr60BblcURc2ILALs/zlIMPOg1/ca69e24zfFo9z1N2z/OUbkWesrRviJBR8nmqZQ/N5KnwU5sQEDQc/m2k53eX4UugrauPe5cV96nwM1vh5tsezbtKz++2fd6BjbM/bp+V9ik9AxMMmr4BDZr1hoWtJ+zdA9Fp6CdIiYuAKDNBrXWvrD70qRsnN6JR8AgEtB0KKwdvdBshbYu7lxS3xc3TW+Du1wEtQybDyt4LwX1nw9bZH+Fnf5WV8W3ZH24+wTC3doG1QwN0HDwfxYW5SEvQ3OfC+pCn6sv7HpEiHFyoRxITE/H6669j4sSJiIyMxKlTpzBkyBBIJBJs27YNCxcuxOeff47IyEh88cUX+OSTT7B582YAQG5uLvr16wd/f39cv34dixcvxty5ikc/FyxYgBUrVuDatWvQ1tbGxIkT/80wX8i8bSDSTlyU25Z69Bws2gYCAAQ6OjBrHoC04xcqCkgkSDtxAeZtm2mkTmWlxUiNj4Bzw2DZNoFQCOcGQUh6Gq5wn+Sn4XBuECy3zcWnHZKVlP+3iDLjUCBKg5N3xRuYrr4JbFyaIPnZLYX7lJUWIy0hQm4fgVAIJ68gpDwL13SVqxFlxqEgNw2OXlVicG6ClBpiSE+IgGOVGBy9g5BaQwzFhSLo6hlDqKW+q9DqS3+qL3EAgCgjDgWiVDhVqpuugQlsXZoo7eNlpcVIi4+Qi0cgFMLJOwjJ//J5IWuLqnVpEKT0tU1+Gi4XLwC4NKxoC1FGHPJFqXLH1DMwga1rE422V11vi3Llufbv5qk0RXnqBblWU3kqJS4CLlXOb5cazu+kJ+Fy5QHA1acdEmvoL0UFIkAg0OjlKXW9T5WVFiM5NgKuPvJ1cfUJRmLMTYX7JD4Jh2tD+X9U3fzaIzEmXOlz3LmwHXoGJrBx8lFb3as+R13PU/XpfY9IEa65UI8kJiaitLQUQ4YMgZubGwCgcePGAIBFixZhxYoVGDJkCADAw8MD9+7dw88//4xx48bht99+g1gsxvr166Gvr4+AgADExcVh+vTp1Z7n888/R6dO0uu8PvzwQ/Tt2xeFhYXQ19f/lyKtmZ6dNYqS0+S2FSWnQcfMBEJ9PehYmEGorY2ilPQqZdJh5OOpkToV5mVCIi6DobGV3HYDE2tkpsQo3CdflAZDE/nyhsbWyBelKSz/byl4/vwGVWMxtkaBKFXhPoX5WZCIy6rvY2KFrFTF8WuSshj0ja1RkKs4hiJlMRgrj6EwLxPhp9agYasRaqi1/HHrQ3+qL3EAQP7zvl8tlhrqVpifqeS8sP7Xz4vytqhaF0Nja2TV1BZVy5tUxFv+mhj8y+1V19uiXI25VkmeUpprja2QXUOeunlyDXxaqzdPFZSf31Xb/++e3ybWyM9R3G6lJUW4sH85GjbrC119Y/VUXGG96nafUt4WVshMjla4T15OGgxNreW2GZlYVYs3+u5JhG16DyUlBTAytcGQGRtgYKyZS0zrQ56qT+97rxL+FOWrg4ML9UjTpk0REhKCxo0bo2fPnujRoweGDRsGXV1dREVFYdKkSZgyZYqsfGlpKczMzAAAkZGRaNKkidwAQVCQ4qlVTZpULDjj4OAAAEhJSYGrq6vC8kVFRSgqkr9urUQiho6AE2fqgsc39+HsnsWy+73Gram9yvxDUeH7cP6vxbL73cdqPobiwlwc2TIN5jbeaB4yU+PPR/+uRzf34WzoItn9XhN+qsXa/LfVl7Z4HL4P5yvl2h7/Vp7aPA0WtnUvT5WVleDQ5tmABOgyfLFaj11f+tS/waVBG4yetwcFuZm4c3EHDmycjdfn7Kz2zzAR/TdwcKEe0dLSwtGjR3HhwgUcOXIEK1euxIIFC7Bv3z4AwC+//II2bdpU2+fv0tHRkf0tEEhHCsVisdLyS5cuxZIl8osxvi6wxCgtayV7qKYoOQ16dvLH1rOzRkm2COLCIhSnZUJcWgo9W6sqZaxQlKSZUWB9IwsIhFrVFhwqEFX/ZqCcdGRdvnx+bhoMTTTzuinj6t8VQyqtbF1WVgwAKMhNh6GprWx7QW4arBwUr0ysb2gOgVBLbhErACgQpf8r8bj6dZWtlA5IpyUC1WMozE2DpZIY9JTFkJsOQ2P5GEqK8nBk8xTo6BkiZNRKCLV0oE51uT9VVpfjcPPvIrfie3mfyld0XjgqOy8slJwX/3485W1RtS41vbaGJtbV2i6/Ut0NTWwASM9zo0qvSX5uGqyVvCb/RH1pC1e/rgrjUJRrleUppbk2Nx0GVeIoLsrD4U2ay1MG5ed31fP1757fCspLBxbeRU5mAgbP2KT2WQv1pU+VU94Wyt+DjUyrzxjJU1BeR88Q5jZuMLdxg4NHIDb+rwfuXtyF1j3Uv0BlXc5T5ery+x7Ry+BXx/WMQCBAu3btsGTJEty8eRO6uro4f/48HB0dER0dDW9vb7mbh4cHAMDPzw+3b99GYWGh7FiXLl1SS53mz5+P7OxsudsIoeZ+lSHrUjisuraV22YdEozMS+EAAElJCbJvRMC6a6WZGQIBrLoEIeuS4msPVaWlrQsbpwDEP6pYC0IiFiPu8SXYuwUq3MfOLRBxj+TXjoh9eAF2Sspriq6eEcys3WQ3C1tvGJhYIz6qon8UF+YiNfY27JQsSKWlrQtrxwC5fSRiMRKiLsHWNVDTIUBHzwimVm6ym7mtNwyMrZEQXSWGuNtKF9XS0taFlWMAEhTEYFMphuLCXBzaOAlCLR10H70a2jp6ao+nLvenyupyHLp6xvLnhZ03DExskPC4om7FhblIib2ttI9raevC2ikA8Y/l4094fAl2/8J5UbUuNk4BiKtSl/jHl5S+tnZugXJtBwBxjyrawsTSGYYmNnLHLC7MRcqz22ptr/rSFrqK8pSJtVzOeZk8Ze0YgMTHNefa4sJcHNrwPE+N0VyesnUOQNxD+dc09pHy89vePRCxD6uf3w6VypcPLGSlPsXg6RthYGSh9rrXlz5VuS52LgFyr61ELEbsg4tw8FC81pSDeyCePZT/HPjs/gU4eATW+FwSsVg2GKNudTlPlavL73tEL4ODC/XI5cuX8cUXX+DatWt49uwZQkNDkZqaCj8/PyxZsgRLly7FDz/8gIcPH+LOnTvYuHEjvvnmGwDAG2+8AYFAgClTpuDevXsICwvD8uXL1VIvPT09mJqayt3+ziURWkaGMG3qC9OmvgAAQw9nmDb1hb6L9JIMn8/eQ9ONy2Tln679A4YeLvBd+j6MfDzhNu0NOAzvjZjvN8nKxHy3ES6TRsBpzCAY+3qi0arF0DYyQOzmUGhK007jce/yTty/uhsZyVE4HboYpcUF8G0lXQfj2O/zcDFshax8kw5jEPvgHMJPbUBmSjSuHF6J1LgING43SlamMD8LafGRyEyOAgBkpsYgLT4S+TmKr8dVB4FAgEbtxuLmiZ/w9N4JZCQ9xKmdH8LQxBZu/t1k5Q6sm4CICxUrGTfuMA4Pru7Ew+t7kJkShXN/LUFJcQEathgsK5MvSkV6QiRy0p8CADKSHiI9IRKF+VlqjyGg3VjcOvkTnkVKYziz60MYmNjC1a8ihoPrJ+DexYoYGrUbh4fXduLRjT3ISonChb1LUFophuLCXBzeNAmlxQVoP/gzFBflIl+UinxRKsTiMrXGUF/6U32JQyAQoHH7sbhx4ic8uXcCGYkPcHL7PBia2sI9oKJP7V87HncvVKy23qTDeNy/shMPr+9GZnIUzu5ejJKSAjRsOURWJl+UirSESOSkPwMgPS/SNHBeNO04HpGXd+L+NWldzoQuRkmltjj++zxcqtwW7Z+3xWlpW1w9Im2LRs/bQiAQoEmHsbh+/CfERJxAeuIDHP9D+pp4VHpN1K0+tEV5HAHBYxF+8ic8fZ6nTivItWHrquSp9uPwoFKeOv/X8zzVvCJPHdo4CaUlBegwRLN5KrDzeERc2onIK9Lz++Qu6fnt30b6mh7ZNg8X9lf0qcCOY/Ds/jncOLkBGcnRuHxoJVJiI9Ckg7RPlZWV4OCmd5ASexc9Rn8NsbgMeTmpyMtJ1dg/tED96FPNu0zAnQs7EHF5N9KTonB8h/T8DnjeFoe2foBzeyvaolmnsXgaeRbXT2xARnIULoatRHLsXQR2GA0AKCnKx7l93yAxJhw5GfFIfnYXR7bNR252Mho066XWuldWH/JUfXnfe5UItAR18lYf8bKIesTU1BRnzpzBd999h5ycHLi5uWHFihXo3bs3AMDQ0BBff/013n//fRgZGaFx48aYPXs2AMDY2Bj79u3DtGnT0KxZM/j7+2PZsmUYOlRzP834ssxaNELQ8a2y+/7LPwIAxG4Jxe1J86HnYAOD5wMNAFDwJA5XB0yF/4r5cH9rLArjknBn6sdIO3pOViZx50Ho2lii4aK3oWdvg5xbkbjSbzKKqyzyqE4NAvugMDcDVw6vRL4oFdaOfug3+RfZtLbczATZZSYA4ODeHN1GLceVQ9/h0sFvYW7tjt7jf4SVQ0NZmScRJ3Bi+0ey+0d/fQ8A0LL7TLTu+ZbGYmnacTJKiwtwdvciFBfmwM6tOXpNWCv37VdO+jMU5mfK7ns16YPC3ExcP/YD8kXSSyh6T1grN60v8vJ23Di+SnZ//9oxAIBOw76QG4RQh8YdpDGc3yONwdatOXqOl49BlCEfg2eTPijMy8SN4z+gQCSdmtxj/FoYPL8sIj3hHlJjbwMAdn3TU+75hs89BhMLJ7XVv770p/oSBwA07fT8vPhzIYoLc2Dv3gK9J/4if15kPENhXqXzomkfFORl4NoRafxWjn7oM/EXufPi3qU/cONYxXmx7yfph/tOw7+AT6V/UlTlHSity1VlbZEl3xb27s3R7Y3luHz4O1w++C3MrN3Ra9yPsLKvaIvAzpNRUlyA07sqXpN+k3/RyDflldX1tijX5HmuPV8p1/acoCBP5VXPU9ePSfOUlYMfek5YK7ssonKe2rlCPk+NeF+9eaphsz4oyM3A5UMrkZeTChsnPwyYWsP57dEcPcYsx6Ww73DxwLcwt3FH34kV53dedjJi7p4AAPyxfJDccw2euRnO3vKXfqpTXe9TPs2lbXEx7Afk56TCxtkPg6evg9HzqfiizEQIKn3x4+jZHL3HLceFA9/h/L5vYG7rjgGTV8HaUdoWAqEWMpOjse/KbhTmZkLfyBx2ro0x4p1tsHZooLZ6V1Uf8lR9et8jqkogkUgktV0JejU9efIEHh4euHnzJgIDA9V67AM6mvmZon/T49D7tV0FtSgpqR8poEz5sh91hr5e/RzFrotK1fsFbq3RqifzE+vD+V1WVj9yraFB3c9TRZqb5PCvMqoHbQEAhUV1/9wQ1I+mwDv962YgZxpp5qfkNa3jXc1cjl2bOHOBiIiIiIiI6iRhPb3EoC6qJ99pEBEREREREVFt4cwFUsrd3R28aoaIiIiIiIhehDMXiIiIiIiIiEglnLlAREREREREdZJAyDUXXhWcuUBEREREREREKuHgAhERERERERGphIMLRERERERERKQSrrlAREREREREdZJAi9+XvyrYEkRERERERESkEg4uEBEREREREZFKeFkEERERERER1UlCLf4U5auCMxeIiIiIiIiISCUcXCAiIiIiIiIilXBwgYiIiIiIiIhUwjUXiIiIiIiIqE4SCLnmwquCMxeIiIiIiIiISCUcXCAiIiIiIiIilfCyCCIiIiIiIqqT+FOUrw7OXCAiIiIiIiIilXBwgYiIiIiIiIhUwsEFIiIiIiIiIlIJ11wgIiIiIiKiOknANRdeGZy5QEREREREREQq4eACEREREREREamEgwtEREREREREpBKuuUC14nHo/dqugsq8h/jWdhXUoj60BQDERufWdhVU5ulpXNtVUAszk7p/7aOzZVFtV0EtErP0arsKauFsUVDbVVCZoO6fFgCAFFHd71O+1mm1XQW1uPzUtraroBb21rVdA9U5m+fXdhXUxKi2K/CPCIT8vvxVwZYgIiIiIiIiIpVwcIGIiIiIiIiIVMLLIoiIiIiIiKhOEgjryXVn9QBnLhARERERERGRSji4QEREREREREQq4eACEREREREREamEay4QERERERFRnSTU4poLrwrOXCAiIiIiIiIilXBwgYiIiIiIiIhUwssiiIiIiIiIqE7iT1G+OjhzgYiIiIiIiIhUwsEFIiIiIiIiIlIJBxeIiIiIiIiISCVcc4GIiIiIiIjqJIGQ35e/KtgSRERERERERKQSDi4QERERERERkUo4uEBEREREREREKuGaC0RERERERFQnCYSC2q4CPceZC0RERERERESkEg4uEBEREREREZFKeFkEERERERER1UlCLV4W8argzAUiIiIiIiIiUgkHF4iIiIiIiIhIJRxcICIiIiIiIiKVcM2F/5iLFy+iffv26NWrFw4cOFDb1Xlpd85vQ/ip9cgXpcHKwRcdBn8MO9cmSss/vnUIVw59D1FmPMys3RDUdy7c/DrJHo+6cwQRF/9AalwEivKzMeLd3bB28tNY/S3bt4TnnEkwa94I+o62uDZ0BpL3Hq95n46t4b/8Qxj7N0BhbCIeL12DuC275cq4TX8Dnu9Ngp69DXJu30fE7P8h++odjcUB1P22qKx3W10ENdKBgZ4AMQll2HmyEKlZEqXlvRy10LWFLlxshTAzFmLdvgLciS6VPS4UAn2DdOHvrg0rMyEKiyR4EFuGfeeLkJOn/Lj/VH1pi+snt+Hy0fXIzU6FrbMverz2CRw9lMcRef0gzvz1PbLT42Fp647OQ+bCu3FFHEun+ijcr8uQ99G252S117/c6UN/4NjeTcjJSoOTW0OMmDgf7g0aKyybEPsYB7avwrPoSGSkJmDo+PfRte8YuTKfzOiFjNSEavt27DkSIycv0EgM105uw8XD0rawc/FFz9c/gVMNbXHv2kGc/ut7ZKXFw9LOHSFD5duiuDAPJ0JX4MHNYyjIy4K5tTNadR2DFp1f10j9y506+AeO7N2MnKx0OLs1xMhJ8+BRQ1vs+2MNnkbfQ0ZqIoaPn4uQfqPlyhQW5GHvH6sQfvkkRDkZcHH3wYiJH8Ddu5HGYjh58A8c/WszsrPS4ezeEK/VFMOzx9j7xxo8i76H9NREDJ8wF90UxPDX75Vi8PDBSA3HAACXj23DuYMbkJudBntXX/QdvQDOnor7VHL8I5wIXYmEJxHISk9A79c/RHDPcSodU10O7Q/F3tDfkZWZATcPL0ycOhsNfPwVlj12aC9OnziM2KfRAABPbx+8PvZNufLD+3VQuO/oCdMxcOgb6g8AwM3T23D12Hrk5aTCxskXISM+gYO78tftwY2DOL9fmmstbN3RceBceDbqpLDs0d8X4ta57egydD5adB2vkfqXu3x8Gy4cXI/c7DTYufqiz6iPlbZ/SvwjnNj9AxKf96ler89HUA8FfepvHFMdToRtx6E9W5CdlQ4X94Z4Y/IH8Gyo+Fw8fSQUF0/tR/yzKACAm5cfhoyaJVf++sXjOHX4TzyNikRebjYWffM7XD0UvxfWR/wpylcHZy78x6xfvx5vvfUWzpw5g4SE6h9aX0WPwsNwfu+XaNl9JobPDoW1ow/2/zIZ+aJ0heUTn9zA0W1z4Nd6GIa/uxsejbrh4KZZSE98KCtTWlwAB/cWCOo791+JQcvIEDm3H+Du20teqryBuzNa7f0Z6acu41zLgYhZuRmNf/4M1t3by8o4DO8Nv6/n49Fnq3Cu9WCIbt9HmwProWtjqakw6kVblAtpoYuOgbrYcaII327PR3GJBNMGGUJbS/k+ujpAfFoZdp0qUvy4NuBiq4XDV4qx/Lc8rD9QAFsLIab0N1B7/etLW9y7Gobju5aifd+ZmLhgN+ycfbH9h0nIy1EcR1zUDfy1bg6athuGiR/vQYPAEPy5ZiZS4yvieOurc3K3vmO/AAQC+DTvqbE4rp8/hNDNX6PP8Gn4cNl2OLv54MfPp0GUrTiOkqJCWNk6Y+Cod2Bqbq2wzAdLf8MXa0/Ibm99shYA0Cyoh0ZiiLgahqM7lqJD/5mY/Im0LX7/TnlbxD6+gd2/zEFg+2GYsnAPfAJDsGPVTKRUaoujO75E1N2zGDj5a0z7NAytu43Dod//h4fhNQ+uquLa+cPYtXkF+g2fio+++h3O7g2x8rMZyMnOUFi+uKgQ1nZOGFxDW2xdswSRty5hwtuf4ZMVO+HXNAjffToNmenJGonh6vnD2LVpBfqOmIoFX/8OZ7eG+OF/NcRQ/DyG0cpj2LK6IoaF3+yEf9MgfLtEczEAwJ3LYTj4xzJ0GTQT05f8CXsXH2xePgW5SvpUSVEhLGxc0H34ezA2UxzH3z2mOpw/cxyb1/2I4a+Px7Lv18HNwxufL5yD7KxMheUj7oSjfaduWLT0B3y+/CdY2djis4VzkJ6WKiuzduseuduMdz6EQCBA23adNRLD/ethOBW6FEF9ZmLMh7th6+yLXT9OQp6S94z46BvYv3EOGgUNw9j5e+DdJAR71s5EasLDamUfhR9FQswtGJvZaqTuld29HIbDf3yJzgNnYuriUNi7+GDriskv7FPdhs+BsZmNWo6pqivnDmP7xm8wYOSbWLTiN7i4N8C3n85ETpbi8/tBxHW07tAL7/9vLT76chMsre3wzZIZyExPkZUpKipAA79ADBv7tkbqTPSyOLjwH5Kbm4vt27dj+vTp6Nu3LzZt2iT3+N69e9GgQQPo6+ujS5cu2Lx5MwQCAbKysmRlzp07hw4dOsDAwAAuLi54++23kZeXp9F63zq9Cf5thsOv9VBY2nuj09Al0NbRx/2rfyosf/vsVrj6tEezLpNgaeeFNr3egY2TP+6c3yYr49NiIFr1mAnnBkEarXu51MNn8HDRd0j+69hLlXd78zUUxMQh8oNlyL0fjaertyHpz8PweGe8rIzH7AmIXb8DcZtDkRsZhTszFqEsvxAu44dqKIr60RblOjXTwZErRbgbXYqENDF+PVIIMyMBGnspn9AV+bQMYReLcTuqVOHjhcXA6t0FCH9UipQsCZ4mifHnqUK42mnBwkS9o+r1pS2uHNuIpu1HoEm7obB29EavUUugrauP2xcUx3Ht+BZ4BnRA256TYe3ghU4DZ8Pe1R/XT/0qK2NsZiN3e3jrONwatoGFjYvG4ji+fwuCQ4YiqMsgOLh44bU3P4GurgEuntijsLybdyMMGTsHLdv1hraOrsIyJmaWMLOwlt3uXj8NazsXNPBvqZEYLh/diGYdRiCw3VDYOHqjz+gl0NHVR/h5xW1x9fgWeAV0QNDztug8aDYcXP1x7URFW8RF3UST4EFw92kDc2tnNO84EnbOvoiPua2RGADg2L6taNdtCIK7DoKjixfeePNj6Ojp44KStnD3boShY99Dq/a9oK2jU+3x4qJC3Lx0HEPGzEYD/xawdXBF/5HTYWvvgjNHdmoshvbdhqDd8xhGTf0Yunr6uHBceQzDxklj0KkhhqFjZ6NhgHwMpw9rJgYAuHB4M1p2Go7mHYbA1skb/cctho6uPm6cCVVY3tmzMXq99j6atO0LbW3F58XfPaY67N+zHSE9+6NL975wcfXAmzPnQldPHyeOKp4B+s77C9Gz72B4eDaAk4sbpr01DxKxGHdvXZeVsbCwkrtdvXwOAY2bwc7eUSMxXDu+EY2DR6Bx0FBYO3ij+2vS8/vuRcXn942TW+Dh3wGtu0+Glb0X2vefDTsXf4Sf/lWunCgrGcd3/g99xy+HUKt631O3C0c2oUXH4WjWYShsnbzRb6w0jptnFcfh5NkYPUd+gMZt+kJbW3H9/u4xVXVk7zZ07D4Y7UMGwtHFE2OmLYCunj7OHf9LYfk33/0cXXuPgKuHDxycPTB+xkJIJBJE3r4iKxPcuR8GjHwT/k3baKTORC+Lgwv/ITt27ICvry98fHwwevRobNiwARKJdKp2TEwMhg0bhkGDBuHWrVuYOnUqFiyQn3YbFRWFXr16YejQobh9+za2b9+Oc+fOYdasWRqrc1lpMVLjI+DcMFi2TSAUwrlBEJKehivcJ/lpOJwbBMttc/Fph2Ql5V9F5m0DkXbioty21KPnYNE2EAAg0NGBWfMApB2/UFFAIkHaiQswb9tMI3WqT21hZSqAmZEQD5+VybYVFgNPk8rgYV/D1IV/QF9XALFEgvwi9V0WUV/aoqy0GEnPIuDhJx+Hu28w4qNvKtwnPjoc7r7ygx8e/u0RHx2usHxeThqi7pxG0/bD1FbvqkpLShAbHQnfJm1l24RCIXybtEH0w1tqe44rZw8gqOsgCATqn/5ZVlqMxKcK2sIvGPFRitsiLjocHv7ybeEZ0B5xldrC2asZHoafQE5mMiQSCZ7cv4SM5Bh4BrSHJpSWlOBZdCT8mlR8wBYKhfBr3AbRD/7ZgIZYXAaxuAw6Onpy23V09fA4UvFro4rSkhI8i6oeg7Q/qRaDtoIYou6rPwYAKC0tRsKTCHhW6iNCoRBeAUGIjQp/ZY75IiUlJYh+/BBNAlvIPWeTwJZ4eD/ipY5RXFSE0rJSGJuYKHw8KzMDN65eRNce/dRS56rKSouRHBsBN1/589vVNxgJSnJtQkw43Hzkz293v/ZIiAmX3ZeIxQjb/D5adZsEa8cGGql7ZaWlxUh8EgHPgIo4hEIhPP2DEPs4XPmO//Ixa3y+khI8jYqEX1P589u/SRtEvWSOKiouRFlZKYyMTdVePyJVcXDhP2T9+vUYPVp6DWavXr2QnZ2N06dPAwB+/vln+Pj44Ouvv4aPjw9ee+01jB8/Xm7/pUuXYtSoUZg9ezYaNGiA4OBg/PDDD9iyZQsKCws1UufCvExIxGUwNLaS225gYo38nDSF++SL0mBoIl/e0Nga+SLF5V9FenbWKEqWr29Rchp0zEwg1NeDrrUFhNraKEpJr1ImHXr2iqeSqqo+tYWJkfSfM1G+/D/8onyJ7DF10NYCBrTTw40HpSgqVtth601b5Oc+j6NKvYxMrZCbrbheuTlpMDK1funydy7uhq6+EXyaaeZSAgDIFWVCLC6DiZl8HCZmVsjJUs/re+vqCRTkidC280C1HK+q8rYwMpWPwdjUCrlK+lRudhqMTKq3RV6ltuj5+iewdvTGDx90xNLpjfD795PR641FcGvYSv1BoKItTKu2hfk/bwt9AyN4NmyCA7vWIisjBeKyMlw+cwDRD2+rrX0rk/Unc/kYTM2skK1KDD5NEFYphkunpTFkZ2omB+SLsiAWl8HYTEGfUnK+1sYxX0SUkw2xuAxm5vKXHJqZWyAr8+Wmzf+6aQ0sLa3ROFDxrKPTxw9C38AQbYI7qlxfRQrKz++qudbECnlKzu+8nDQYVsm1hqby5a8c/QVCoTaadx6r/korkP/83DCumqfMrJXmqdo4Zk1Ez/uwqZl8fzI1t0R21sv1p11bfoC5hQ1nKVQiEArr5K0+4oKO/xEPHjzAlStXsHu3dEFAbW1tjBw5EuvXr0fnzp3x4MEDtGol/2GvdevWcvdv3bqF27dvY9u2imnUEokEYrEYMTEx8PNTvPBbUVERiorkr1EvLdGt9g0Kkaa08NHGyK76svs/7y3Q+HMKhcD4PgaAANhxUjODb/Rit87/iYDW/et8vrl4Yjf8m7WDuaXmr2lWp6sntiI+OhwjZq2BmZUjnj28hkO/LYGxuS08/YNffIBXxIS3P8eW1Yvx4Zs9IBRqwcXTF63a9cKz6MjartpLm/j259i8ajHmTZHG4Orpi1bte+FZVN2JoS7avfNXnD9zHEuW/gBdXcV56MSxMHTo3F3p46+ipGd3cf3kFoz9MFQjs6lIsbA/N+LKucP44H9roVOH+gv9d3Bw4T9i/fr1KC0thaNjxbV8EokEenp6+PHHH1/qGLm5uZg6dSrefrv6YjGurq5K91u6dCmWLJFfyLDnawvR+43FL3xOfSMLCIRayM+VH80tEFUfUS9naGJdbVG7/Nw0GJpo5ht9TShKToOenXx99eysUZItgriwCMVpmRCXlkLP1qpKGSsUJWnm25u63BZ3o0vxNKlibRBtLekHIRNDAXIqzV4wMRQgPlWs8vMJhcCE3vqwNBHgx9B8tc5aAOp2W1RmaPw8jir1ystJV7qYm7GpdbVv2pSVj310DRnJMRg05Tu11VlhnUwsIBRqVVu8UZSdrnRxvb8jPTUB929fwpT3v1X5WMqUt0XVxRtzc9JhrKRPGZtZI09UvS2MnrdFSXEhTu7+FsNn/IgGTToDAOycfZEcG4lLR9ZrZHChvC1yqrZFlmptYWPvgjmfrkdRYQEKC3JhZmGDX775ANZ2TqpWuRpZf6ryLWZOdjrMVIxh7v/kY1i7QjMxAIChiTmEQi3kZivoU0rO79o45ouYmJpBKNRCdpXF9rKzMmFuYaVkL6m9ob9jz65tWPjZt3Dz8FZYJvLuLSTEPcO7H7zcgs//hEH5+V0114rSq80EK2dkWn0mXH5ORfn4x9eQn5uOnz/pIntcIi7DqdBluH5yC9783wk1RwEYPj83qi60mJudpjRP1cYxa2LyvA9XXZw1JysDZuY196dDe7YgLHQj5i75CS7uDdVeNyJ1qJ/zMUhOaWkptmzZghUrViA8PFx2u3XrFhwdHfH777/Dx8cH165dk9vv6tWrcvebN2+Oe/fuwdvbu9pNV1fxwksAMH/+fGRnZ8vdug+f/1J119LWhY1TAOIfVaw/IBGLEff4EuzdAhXuY+cWiLhH8usVxD68ADsl5V9FWZfCYdW1rdw265BgZF4KBwBISkqQfSMC1l0rXQ8pEMCqSxCyLmnm+tm63BZFJUBatkR2S8oQIztPjIYuFesr6OkCbvZaiEkqq+FIL1Y+sGBjLsSq3QXI18CkhbrcFpVpaevC3jUATyLl43h6/yKcPBWvHeLkGYin9y/JbXsSeQFOnoHVyt46vwv2rgGwc/FVa72r0tbRgYunHx7cuSzbJhaL8eDOZXg2bKry8S+d3AMTM0s0aq74p+vUQUtbFw5uAYip0hZPIi/CyUtxWzh7BuJJpHxbxERegPPzthCXlUJcVlLtW02BUEu23o+6aevowNXTD/fvVCx0JhaLcf/OFXj6qP6zcnr6BjCzsEFebg7uhV9A01adVT5mVdo6OnD18kNk1RhuX4Fnw7oRAwBoa+vC0T0A0fcq+ohYLEb0vUtw8Qp8ZY75Ijo6OvD0bog7lRZjFIvFuHPrOhr6Bijd769d27Drj81YsGQ5vBooz0HHj+6Hp7cP3D0VDz6og5a2LuxcAvDsgfz5/ezBRTgqybWOHoF4+kD+/H56/wIcPQIBAP6tB2LcR3sxdv4e2c3YzBatuk3CsFnrNBKHtrYuHNwDEH2vIg6xWIyYyEtw8Q58ZY5Z4/Pp6MDNy09uMUaxWIzIO1fgVUOOOrh7E/bvXId3F/4Id2/FP4H6XyYQCurkrT7izIX/gP379yMzMxOTJk2CmZmZ3GNDhw7F+vXrsWPHDnzzzTeYN28eJk2ahPDwcNmvSZR/MJw3bx7atm2LWbNmYfLkyTAyMsK9e/dw9OjRGmc/6OnpQU9PfuqWts7Lf7Bs2mk8TvzxIWycG8HWtQlun92M0uIC+LYaAgA49vs8GJnZIqjPHABAkw5j8NfqsQg/tQFu/p3x6OYBpMZFoPOwT2XHLMzPQm5mIvJypD/jk5kaA0D67a6hqeKfKlKFlpEhjLwrZncYejjDtKkvijOyURibCJ/P3oO+kx1uTZgHAHi69g+4zRgF36XvI3bTn7Du0hYOw3vj6oCpsmPEfLcRTTcsQ9b1u8i+ehvub4+DtpEBYjdrbsXs+tAW5U7fLEGP1npIzRIjPUeCPkG6yM6T4E6lX4KYOcQAtx+X4uztEgDSn6K0MasYk7UyE8DJWoj8IgkyRRIIhcDEPvpwttXC2r0FEAqksyEAIL9QgjLVJ0XI1Je2aN1tAvZvmgd790ZwdG+Cq8c3o6S4AE2CpXHs2/gBTMzt0HmwNI6WIWOxbfkYXD66Ad6NO+He1TAkPr2L3qM/lTtuUUEu7l8/hK7D5mmk3lWF9BuLLas+hquXP9y9G+PEgV9RVFSAtl0GAQA2r/wI5pZ2GDjqHQDSRb0S46S/WV5WWoKs9BTExtyHnr4hbB0qcoVYLMbFk3+hTacB0NLS7Ft2m+4TsHfDPDi4N4KTRxNcPiZti6btpG3x1/oPYGJhh65DpG3RKmQsti4fg0tHpG0RcTUMCU/uos8YaVvoGRjDtWFrHN/1NbR19WFm6YhnD6/izsU96D7iQ43F0a3/GGz68RO4efnD3bsRThzYhuKiAgR3ka5XsfGHj2FuZYvBo6Sz8OTbohRZGdXbIiL8AiCRwM7RHSlJzxC69VvYO3nIjqmRGFZ+Ancvf7g3aITj+5/H0LVSDJa2GDy6egylpaUK+1PEzQuQQAL75zH8uUUaQ7uumokBAIJ7jkPoL/Ph5NEITp6NcfHIFhQXFaB5h8EAgF1r58HUwg49hr/3vO7FSI1/3hZlJcjJTEHi00jo6hvCys7tpY6pCf0GjcSqb7+AVwNfeDf0w4G/dqKosABduvUBAKxc8Rksrawxavw0AMCeXduw/df1eOf9hbCxs0fm87UZ9PUNYGBgKDtufn4eLp07hbGTZmqs7uVahkzAwS3zYOfaCA7uTXD9xGaUFBWgUVvp+R22+QMYm9uh40Dp+d28y1hs/3YMrh7bAM9GnXD/ehiSnt1F9zek57eBsQUMjC3knkOopQMjU2tY2nlqLI7gHuOxe92HcHJvBCfPJrh4ZDOKiwrQrL00jtBf5sHE3Bbdh0vjKC0tRmpC5T6VjMRnkdDVq9SnXnBMdesxYBTW/7AI7l7+8GgQgGP7f0NRYQHahQwAAKz7/hNYWNpi6Ji3AABhoZvw1+9rMOW9L2Bt6yhbJ0VP3xD6z/tTrigbGWlJyMqQ/txpUvwTAICZuRXMLOrOzF2q+zi48B+wfv16dOvWrdrAAiAdXPjqq68gEomwa9cuzJkzB99//z2CgoKwYMECTJ8+XTYw0KRJE5w+fRoLFixAhw4dIJFI4OXlhZEjR2q0/g0C+6AwNwNXDq9EvigV1o5+6Df5F9l07tzMBLlvxhzcm6PbqOW4cug7XDr4Lcyt3dF7/I+wcqiYQvYk4gRObP9Idv/or9IPNi27z0Trnm+pPQazFo0QdHyr7L7/culzx24Jxe1J86HnYAMDFwfZ4wVP4nB1wFT4r5gP97fGojAuCXemfoy0o+dkZRJ3HoSujSUaLnobevY2yLkViSv9JqM45eUWBPon6kNblDt+vRi6OsDIEH0Y6AkQnVCGn/bko7TSxAUrMyGMDCricbXVwlvDKj4YDu4oXcfh8r0S/Ha0EOZGAjT2kv7U1bxRRnLPt3JXPh7HqzYrorL60hb+rfogPzcDZ/f+gLycVNg6+2HE2+tkU29zMhIhEFQM6Dh7NceAyctx5q/vcHrPN7CwdcfQ6atg4yQ/RfTe1QOQSCTwb62Z1deratGuF0Q5mdi/fTVEWWlwcvfBzAVrYPp8mmtmWpJcHNmZKfjygxGy+8f3bcbxfZvRwL8lZi/ZINv+4M4lZKYlIqjrII3HENCqD/JFGTj9l7Qt7Fz88Po762RTg7OrtIWLd3MMmrwcp/Z8h5O7v4GlrTtGzFwF20ptMeTNb3Ai9Bv8tW4uCvKyYWbliM6D3kXzTq9rLI6W7XpClJOJfX+sQU5WGpzdffDWgtWytshIS5T7xigrMwWfv/+a7P7RvVtwdO8WNPBvgTmfrgcAFOSLsGfbSmSlJ8PQ2AzN2oZg0OuzoKXkp+1U1apdT+RmZ2JveQwePnj74yoxCORj+Gxu9RgaBsjHsLtSDM3bhmDQG5qLAQAat+mDPFEmju/+AbnZaXBw9cPYOWtllzBkpydCWKlPiTJTsXpRxT905w9twPlDG+Du0wqT5m95qWNqQruOIcjJzsL2X9cjKzMD7p7eWPDpcphbSBflS0tNlutTR8L2oLS0BCuWfiJ3nOGvT8CIURMr4jtzHBJI0K5TN43VvZxvC+n5fX7/D8gXpcLGyQ/DZlbKtZny57eTZ3P0nbAc5/Z9h3P7voG5jTsGvbkKNo61Ox2/UZs+yBNl4MSelcjNToW9qx/GvPdLpT4l/94nykrBT4sqBp4uHNqAC8/71IQPt77UMdWtdXtpjtrzxxrkZKbDxcMH7y78UXZZREaq/PvFqUM7UVpagjVfvS93nAEj38TA16QDWuFXT2PjysWyx35eMb9aGaJ/g0CiqbmJVOd9/vnn+OmnnxAbG6v2Y3+/r+53O+8hmp1q/W95HHq/tqugFtHRubVdBZV5ehrXdhXUwsyk7k/1c7YsenGhOiAxq34s+OVsoflFWDWtvqx5lyKq+33K17ru/HpUTS4/rVsLvCpjYlj3PxM6m+fXdhXUor2/0YsLvYLuD9fcL0Jpku/OI7VdBbXjzAWSWb16NVq1agUrKyucP38eX3/9NWbNmlXb1SIiIiIiIlKovq5fUBdxcIFkHj16hM8++wwZGRlwdXXFnDlzMH/+yy28SERERERERP9dHFwgmW+//Rbffqu5nzojIiIiIiKi+omDC0RERERERFQn8bKIV4fwxUWIiIiIiIiIiJTj4AIRERERERERqYSDC0RERERERESkEq65QERERERERHWSQMjvy18VbAkiIiIiIiIiUgkHF4iIiIiIiIhIJRxcICIiIiIiIiKVcM0FIiIiIiIiqpOEWoLargI9x5kLRERERERERKQSDi4QERERERERkUp4WQQRERERERHVSQIhL4t4VXDmAhERERERERGphIMLRERERERERKQSDi4QERERERERkUq45gIRERERERHVSQIhvy9/VbAliIiIiIiIiEglHFwgIiIiIiIiIpXwsggiIiIiIiKqk/hTlK8OzlwgIiIiIiIiIpVwcIGIiIiIiIiIVMLBBSIiIiIiIiJSCddcoFpRUiKp7Sqo7HHo/dquglp4D/Gt7SqoRcKq8Nqugsr0dOvHNYN5BbVdA9VlFejUdhXUIjFVXNtVUIsskX5tV0FlEXezarsKavHx4KjaroLKwkX1431v19bw2q6CWkye3qS2q6Cy8CeGtV0FtWjvX9s1+Ge45sKrgzMXiIiIiIiIiEglHFwgIiIiIiIiIpVwcIGIiIiIiIiIVMI1F4iIiIiIiKhOEgj5ffmrgi1BRERERERERCrh4AIRERERERERqYSXRRAREREREVGdxJ+ifHVw5gIRERERERERqYSDC0RERERERESkEg4uEBEREREREZFKOLhAREREREREdZJAKKyTt39i1apVcHd3h76+Ptq0aYMrV67UWP67776Dj48PDAwM4OLignfffReFhYX/6LlfBgcXiIiIiIiIiF5h27dvx3vvvYdFixbhxo0baNq0KXr27ImUlBSF5X/77Td8+OGHWLRoESIjI7F+/Xps374dH330kcbqyMEFIiIiIiIiolfYN998gylTpmDChAnw9/fHTz/9BENDQ2zYsEFh+QsXLqBdu3Z444034O7ujh49euD1119/4WwHVXBwgYiIiIiIiOomgaBO3oqKipCTkyN3KyoqUhhicXExrl+/jm7dusm2CYVCdOvWDRcvXlS4T3BwMK5fvy4bTIiOjkZYWBj69Omj/jYor5PGjkxERERERERE1SxduhRmZmZyt6VLlyosm5aWhrKyMtjZ2cltt7OzQ1JSksJ93njjDXz66ado3749dHR04OXlhc6dO/OyCCIiIiIiIqL6Yv78+cjOzpa7zZ8/X23HP3XqFL744gusXr0aN27cQGhoKA4cOID//e9/anuOqrQ1dmQiIiIiIiIiqkZPTw96enovVdba2hpaWlpITk6W256cnAx7e3uF+3zyyScYM2YMJk+eDABo3Lgx8vLy8Oabb2LBggUQ/sNfrKgJZy4QERERERFRnSQQCurk7e/Q1dVFixYtcPz4cdk2sViM48ePIygoSOE++fn51QYQtLS0AAASieRvvsovhzMXiIiIiIiIiF5h7733HsaNG4eWLVuidevW+O6775CXl4cJEyYAAMaOHQsnJyfZug39+/fHN998g2bNmqFNmzZ4/PgxPvnkE/Tv3182yKBuHFwgIiIiIiIieoWNHDkSqampWLhwIZKSkhAYGIhDhw7JFnl89uyZ3EyFjz/+GAKBAB9//DHi4+NhY2OD/v374/PPP9dYHTm4QERERERERPSKmzVrFmbNmqXwsVOnTsnd19bWxqJFi7Bo0aJ/oWbPn/NfeyYiIiIiIiIiNRJoYGFC+mfYEkRERERERESkEg4uEBEREREREZFKeFnEf1D5QiAHDhxAcnIyLCws0LRpUyxcuBDt2rWr7eopJJFIcP3YSty/uhPFBSLYuTVD+0GLYGbtXuN+ERe34faZDSjITYOlvS+CByyArUsT2eORV3YgKnw/0hLuoaQoD2MXXoaeganG4rhzfhvCT61HvigNVg6+6DD4Y9i5NlFa/vGtQ7hy6HuIMuNhZu2GoL5z4ebXSfZ41J0jiLj4B1LjIlCUn40R7+6GtZOfxupv2b4lPOdMglnzRtB3tMW1oTOQvPd4zft0bA3/5R/C2L8BCmMT8XjpGsRt2S1Xxm36G/B8bxL07G2Qc/s+Imb/D9lX72gsjnLdW2ijtZ82DHSBJ0li7D5XgvScmn+aJ8hfCx2basPEQIDEDAn+Ol+MuNSKfSxNBOjbVgfu9kJoawEPY8vw14US5Baov/7hZ7bh+on1yMtJhY2TL7oM+wT2bsr708ObB3HhwPfIyYiHuY07OgyYC4+Aiv50MWwlHtw4AFFWErS0dGDrEoB2/d6Fg3tT9Ve+kltnt+HGifXIF6XC2tEXnYbWHMej8IO4FFYRR7v+c+HuL42jrKwElw58hyeRZ5CdHgs9fWO4NAxGcP85MDaz02gcl45tw9mwDcjNToO9iy/6jVkAFy/FcSTHPcLx0JWIfxKBrLQE9HnjQ7TrNU6uTMz9qzgbtgEJTyIgykrFqHdWwr9FN43GAEjz7Y1jK/HgWkW+DR744nx77+I23DlbkW+D+i+AzfN8W5SfhRvHfkT84/PIzUqEvpEl3PxD0KL729DVN1F7DLfPbcPNk9Jca+3oi46DP4ZdDX3qcfghXDr0PUQZ0lwb3K+iTwFA1O0juHvhD6Q8z7Uj5+yGjQZzbWX92+ujfVM9GOgJEBVfit+P5CMlU6y0vLezNnq00YOrnTbMTYRYE5qLW49K5MqM62OIoMbyv60eEV2ClTtz1V7/PQcOYkfoX8jIzIKXhzvemjoJvg0bKCx79sIl/LYzFPGJiSgrLYOTowOGD+qP7l07y5V7GhuHXzZtxe2791BWVgY3F2csmv8+7Gxt1F7/cueO/IZT+zZClJ0GR1cfDB7/EVy9FfeppNjHOLRrJeKi7yEzLQEDx8xDxz5j5coc3rUKR/5cLbfNxtEDH67Yr7EYyo0dbI9ena1gbKiFe4/y8MPmWCQkFystP7KfLdq1MIeLgx6KS8S49ygf63ckIC6pSFbGwVYXU15zREADY+joCHD9Tg5WbY1HVk6p2ut/6dg2nDtYKdeOXgDnmnLt7pVIqJRrg3tWz7XnDlbk2jfe1nyuvX2u/H3veY4a8vEL3vcO4dJBaY4yt5HPUWVlJbgU9j2eRp5Gdnoc9PSN4dwwGMH93tP4+96r4u/+rCNpDmcu/AcNHToUN2/exObNm/Hw4UPs3bsXnTt3Rnp6em1XTalbZ9Yh4sKvaD9oMQbO2A4dXUMc3DAFpSVFSveJuh2GSweWoXnITAye9SesHHxwcMMUFORWxFlaXADnhh0Q2HmqxmN4FB6G83u/RMvuMzF8diisHX2w/5fJyBcpft0Tn9zA0W1z4Nd6GIa/uxsejbrh4KZZSE98KFd/B/cWCOo7V+P1BwAtI0Pk3H6Au28veanyBu7OaLX3Z6SfuoxzLQciZuVmNP75M1h3by8r4zC8N/y+no9Hn63CudaDIbp9H20OrIeujaWmwgAAdGqqjXaNtLH7bDF+3FOE4lJgUh9daNfwyzxNPLXQL0gHx6+X4ofQIiSmizGpjx6M9KWP62gDk/vqAgB+2V+ENX8VQUtLgPE99aDut70HN8JwZvdStO01E6Pe3w1rJ1+Erp6ktD8lRN9A2OY5aBQ0DKM+2APvJiHYu24m0hIq+pOFrTu6DF+IMR/uw4jZv8HM0gmhqyciX5Sh5tpXeHgjDGf3LEWbXjPx2lxpHH/9pDyOxJgbOLRlDvzbDsPrc/fAs3EI9q+fKTsvSosLkRJ3D616TMfrc0LRZ+KPyEyJwf510zUWAwDcvhSGsN+WoeugmZj56Z+wd/XBpq+nIDdHcRwlxYWwsHFBzxHvwdjMWmGZ4qICOLj6oP/YTzRZ9Wpun1mHexd/RbuBizFg+nZo6xri8Maa82307TBcDluGZiEzMXDmn7B08MGhjRX5Ni8nBfmiFLTu/QGGvLMXHYd9gbiHZ3H2z4/VXv9HN8Nw7q8v0arnTIx8LxRWjj7Yu7aGXBtzA4d/nQP/1sMwcs5ueDbuhrCN8rm2pLgADh4tENzv38m15Xq00UOXFnr47XA+lm0VobhEgrdGGNeYp/R0gbiUMvxxNL/GY9+NLsEHP2bJbuv35qm59sDJs+fx07pNGPv6CPz03dfw8nDDvIX/Q2ZWtsLyJibGGDViKFZ+vRS/rPwGPbt1wVffr8LVGzdlZRISk/DOvAVwcXbCii+W4JeV32D0a8Ohq6ur9vqXu3nxIPZu/Qo9hs7Au1/shKObD9Z+ORWibMV9qri4AFa2Luj7+rswMVd8fgOAvbM3Fq05JbvNWrRVUyHIjOhji4HdbbByUyze+fQhCovE+GKuF3R0lL9LNfExxr7jaZj9v0eY/1UUtLSAL973gp6u9N8IPV0hvnjfCxIJMG/ZY7z32SNoawnx6bseEKj5ze/O5TAc/H0ZugyciRlL/oS9iw82La8511rauKDHcOW5tqSoAPYuPug/5t/JtQ9vhuHsni/RuudMvDZH+nlw788vyFFb5yCgzTC8Nnc3PBt1w4ENs+Te91Lj7qFV9xl4bc6f6DNhJbJSYnBg3Yx/JR6iyji48B+TlZWFs2fPYtmyZejSpQvc3NzQunVrzJ8/HwMGDJCVmTx5MmxsbGBqaoquXbvi1q1bAKSzHuzt7fHFF1/IjnnhwgXo6uri+PGav8H+pyQSCe6e34JmXabB3T8EVg4+6DziS+SLUvD03jGl+905uxm+rYbDp+UQWNh5o/2gxdDW1ceDa6GyMo3bj0Ng5ymwddXsN7MAcOv0Jvi3GQ6/1kNhae+NTkOXQFtHH/ev/qmw/O2zW+Hq0x7NukyCpZ0X2vR6BzZO/rhzfpusjE+LgWjVYyacGwRpvP4AkHr4DB4u+g7Jfyl/3Stze/M1FMTEIfKDZci9H42nq7ch6c/D8HhnvKyMx+wJiF2/A3GbQ5EbGYU7MxahLL8QLuOHaigKqfaNtXHiZinuPRUjKUOCHSeLYWooQIC78k/tHZpo48r9Mlx7WIaULAl2ny1BSSnQykc6CczdTggLYwF2nCpGUqYESZnS4zrZCODlpN50e+PkRjQKHoGAtkNh5eCNbiOWQFtXH3cvKe5PN09vgbtfB7QMmQwrey8E950NW2d/hJ/9VVbGt2V/uPkEw9zaBdYODdBx8HwUF+YiLeGBWusuV69TG9EoaAT82wyFlb03ug6XxnHvsuI4wk9vgZtvB7ToOhmW9l4I6jMbNs7+uPU8Dj0DEwyesRENm/WBhZ0nHNwD0XnYJ0iJjYAoM0FjcZw/tBktOw9Hi45DYOvkjYHjF0NHTx/XT4cqLO/s2Ri9X38fTdr2hbaO4n+KfJp2RPdhsxHQsrvG6l2VRCJBxIUtCOwyDW7+IbB08EGn4S/Ot3fPbYZPq+Fo2EKab9sNlObbh9el8VvaN0TIqB/g6tcFplaucPRqi5Y9ZuPZ/ZMQl6n3m83w05sQ0HY4/J/n2i7DpLk28oriPnXr7Fa4+rZH867SXNu2tzTX3j5XkWt9Ww5E654z4dLw38m15UJa6uPgxULcelyC+NQybNyfB3NjIQIb6ijdJyK6FHvPFiK8ymyFqkpLJcjJq7jlF9U8a+uf2LVnH/r07IZe3brC3dUFs2dMhZ6eHg4dVfx5IbBxI7QPagM3F2c4Othj6IB+8HR3w91792Vl1m/9DW1aNMfUCWPRwMsTjg72CG7TChbmZmqvf7kzBzajbddhaN15MOydvTF00iLo6OrjyinF57erV2P0HzUXzYL7QFtb+aCHUEsLpuY2spuxqYWmQpAZ1NMGv+9LwsWbOYiJLcRXa5/CylwHwc2Vv34LVkTj6LkMPI0vRHRsIVasewY7a1008DAAAAQ0NIKdtS5W/PIMT+IK8SSuEF//8hQN3A0R6Ges1vqfP7QZLTtV5NoB4xdDR1cf188oz7W9Xqs51zZ8nmv9/6VcG35qEwKChsO/zfMc9aL3vTNb4VY5R/V5BzbO/rh9Vpqj9AxMMGj6BjRo1hsWtp6wdw9Ep6GfICVOs+97RIpwcOE/xtjYGMbGxtizZw+KihR/CzV8+HCkpKTg4MGDuH79Opo3b46QkBBkZGTAxsYGGzZswOLFi3Ht2jWIRCKMGTMGs2bNQkhIiEbqLMqMQ4EoDU7eFR/qdPVNYOPSBMnPbincp6y0GGkJEXL7CIRCOHkFIeVZuEbqWZOy0mKkxkfAuWGwXH2cGwQh6ani+iQ/DYdzg2C5bS4+7ZCspPyryLxtINJOXJTblnr0HCzaBgIABDo6MGsegLTjFyoKSCRIO3EB5m2baaxeliYCmBoK8Ci+TLatsASITRHD1VZxWtQSAk7WAjyKq9hHAuBxfBlc7aT7aGtJt5VWFEFJGSCRAO726ku3ZaXFSI6NgKuPfH9y9QlGYsxNhfskPgmHa5V/jNz82iMxJlzpc9y5sB16BiawcfJRW92rPkdKXARcqpwXLg2DkfhEeRxV/8Fz822PpCfhSp+nqCAXEAigq6FLnkpLi5HwJALeARX1EgqF8PYPwrPHyuv1KirPt45eVfKtcxOkvCDfOlbJt44vyLfFhSLo6hlDqKW+KzSV9SnnhkFK+0jSk3C4VMm1rr7tauxT/wZrMyHMjIWIfFIx+FJYDMQklMLTUfXXrKGrNr6aZYbFk03xeg9DGOmr9yvmkpISPHwcheZNK6Z6C4VCNA9sgnsPHtawp5REIsGNW7cRF5+AxgH+AACxWIzL167D2ckR8xZ+iqGjJ2DmnA9x7uJltda9stLSYsTF3EODRvLnd8NGbfH0keJz4mWlJT3Dkumd8fk7PfHrjx8gM02z/wja2+jCylwHNyIqLn/JLxDjfnQ+/LyNXvo4RgbSQXhRrvTNTkdbAEiAktKKAaqSEgkkEiCgofoGF8pzrVeVXOsVEITYOpJrlb7v1fB5MOlJuFx5AHD1aYfEGj4PFhWIAIFAo5f6EinCwYX/GG1tbWzatAmbN2+Gubk52rVrh48++gi3b98GAJw7dw5XrlzBzp070bJlSzRo0ADLly+Hubk5du3aBQDo06cPpkyZglGjRmHatGkwMjLC0qVLNVbnAlEaAMDA2Epuu4GxNQpEqQr3KczPgkRcVn0fEyvkPz/ev6kwLxMScRkMq9XHGvk5iuuTL0qDoYl8eUNj61qp/z+lZ2eNomT5+hYlp0HHzARCfT3oWltAqK2NopT0KmXSoWevfCqpqkwMpR+ic/Plv6nLLZDAxFDxPob6gJZQUG3tBFGBRHa8ZylilJQCfdroQEdLeplE37Y60BJKBzPUpaC8P1XtHzX077ycNBiayr+mRgrKR989iR/nNsMPc5rgxqlNGDJjAwyMNXOJSo1x1HheWFcrn6ekfGlJEc7vWw6f5n2hp6/eb9Aq6pQFsbgMxqbycRibWSE3u+6cr8AL8m3u38y3xlay41XbJy8TN0+ugU/rEWqodYXyPmVQrU8pz50Kc20N5f8tpsbSnJGTJ7++gihfAlMj1T6+RcSUYNOBfHz3hwi7TxegoYs23hpurNYp7Nk5IojFYlhYmMtttzA3Q0ZmltL9cvPy0Hf4KPQcPBIfLfkCs6ZOQstm0tmFWdnZKCgoxB+7dqNV82ZY9ulCtG/bGouXfo1bdyLUV/lK8nKk57eJWfXzW5T1z/uIq3cTvDbtc0z58GcMnfgJMlLisWrJWBQWqP/ylHKWZtJBqaxs+VktWTklssdeRCAApo1ywt2HuXgaXwgAuB+Vh8IiMSaNcISergB6ukJMec0RWloCWJqrb/BQlmsVtEVdybXK3/f+5ufBGsqXlhThwv7laNisL3Q19L73qhEIhXXyVh9xQcf/oKFDh6Jv3744e/YsLl26hIMHD+Krr77CunXrkJeXh9zcXFhZySexgoICREVFye4vX74cjRo1ws6dO3H9+nXo6elVfRqZoqKiarMkSkt0oK2jeJ/HN/fh7J7Fsvu9xq35B1ESVQj01sKQDhXTiDceUr5wlSryCoFfjxZjcAcdBDfSh0QC3IoqQ1yqGGL1zzjWCJcGbTB63h4U5GbizsUdOLBxNl6fs7PaB5u6oKysBAc3vQNAgs7DX26dkP+ax+H7cL5Svu0xVvP5trgwF0c2T4OFrTeah8zU+PPVFa39dfFGz4rRzVW71L+4YrlrkRX/XCakiRGfUobPppmhoas2HjxV/wJ8f4ehgQHWfr8cBYWFuHHrDtas3wQHezsENm4E8fNEGtymFYYN6g8A8Pb0QMT9B9h36DCaNg6ozar/LX6BHWR/O7r5wM27CT57qztuXTqENl3Uc1lglyALvDPeWXb/k2+iVT7mrLHOcHMywJzPH8m2ZYvK8NmqJ3hrnDMGdreGRAKcvJSJR0/yIakj7331RVlZCQ5tng1IgC7DF9d2deg/iIML/1H6+vro3r07unfvjk8++QSTJ0/GokWLMGPGDDg4OODUqVPV9jE3N5f9HRUVhYSEBIjFYjx58gSNGzdW+lxLly7FkiXyH+y7j1iIHiMXKSzv6t8VQyr9okNZmfQfwYLcdBia2sq2F+SmwcpB8Wrd+obmEAi15BZvBIACUXq1bz3/DfpGFhAItZBfrT7Vv00uJ/3mTL58fm71b21fZUXJadCzk6+vnp01SrJFEBcWoTgtE+LSUujZWlUpY4WiJPV9C3HvaRliUyq+/StfDM3YUABRQcUnH2MDARLSFX8Syi8EysQSGBvIbzcxEEBUaQbEo3gxvvqjCIZ6gFgincb88Wh93IpS3ycsg/L+VLV/1NC/jUyrf8uRp6C8jp4hzG3cYG7jBgePQGz8Xw/cvbgLrXuof9HTGuOo8bxIq1beqEp56cDCbIgyEzB45maNzVqQ1skcQqFWtQXFcrPTlS4g9qpw9esq9ws6ZaXK863l3823uekwqNK/iovycHjTFOjoGSJk1EoItZSvHfBPlPepgmp9SnnuVJhrayivKbceFyMmoeIfe+3nn9BMjYTIyau41srEUIC4lLKqu6skLVsMUb4YtuZCPHiqnmOamZpAKBQis8oshcysbFhWmc1QmVAohJOjAwDpwMGz2Dj8vjMUgY0bwczUBFpaWnBzdZHbx9XFGXfvRaqn4lUYmUrP76qLN+Zmp9e4WOPfZWBkChsHN6QlPVPbMS/dzMaDqIqZEDo60m9Kzc10kJFd0dfMTXUQ9ezFP2k0c4wT2jQ1xZwvHiMtU372w427Ikx4PxKmxlooEwN5+WX4/fsAJKYoXwj275LlWgVt8arn2nLK3/f+5udBBeWlAwvvIiczAYNnbPrPzFqgV0v9nI9Bf5u/vz/y8vLQvHlzJCUlQVtbG97e3nI3a2tpEisuLsbo0aMxcuRI/O9//8PkyZORkpKi9Njz589Hdna23K3rkA+VltfVM4KZtZvsZmHrDQMTa8RHXZKVKS7MRWrsbdgpWYhRS1sX1o4BcvtIxGIkRF2CrWvg33x1VKelrQsbpwDEP6pYf0AiFiPu8SXYuymuj51bIOIeya9XEPvwAuyUlH8VZV0Kh1XXtnLbrEOCkXkpHAAgKSlB9o0IWHetdA29QACrLkHIuqT4mvt/orgESM+RyG7JmRLk5Evg7VixeKOeDuBiK8SzFMU/8VYmBuLTJPB2qthHAMDbUQvPkqvvk18kHVjwchTCyEA6wKEuWtq6sHMJQOxD+f4U++AiHDwUr1Xh4B6IZw8vyW17dv8CHDwCa3wuiVgs+4dT3bS0dWHrHIDYKudF7MOLcHBXHkfsoypxPLgAe/dA2f3ygYWs1KcYNGMTDIw0u0iatrYuHN0DEBVRUS+xWIyoe5fg6h2ofMdXgK6eEUyt3GQ38+f5NqFqvo27rXTh2/J8m/i45nxbXJiLQxsmQailg+5jViudvaYKZX0q7tEluT5Smb274lyrrLymFBUDqVli2S0xTYzsXDF83Sq+B9LXBTwctRGdoN7ZBeYmAhgZCJCdp75BUB0dHTT09sLN2xU/KywWi3Hz1m34+zR86eNIJBKUlJTKjunTwBuxcfFyZeLiE2Bno5mfodTW1oWzhz8e3ZU/vx9FXIZbA/UtBl1UmIe05FiYWqgvjoJCMRJSimW3p/GFSM8qQTP/in86DfWF8PU0ROTjmi/HmDnGCcEtzPDBssdITlP+npCTW4a8/DI09TOGuak2Lt3MUVs85bk2+p58W0TfuwSXVzzXlivPUXFV378fKf88aO8eKPd+D0hzlEOl8uUDC1mpTzF4+kaNv++9agRCQZ281UccXPiPSU9PR9euXfHrr7/i9u3biImJwc6dO/HVV19h4MCB6NatG4KCgjBo0CAcOXIET548wYULF7BgwQJcu3YNALBgwQJkZ2fjhx9+wLx589CwYUNMnDhR6XPq6enB1NRU7vZ3PlQKBAI0ajcWN0/8hKf3TiAj6SFO7fwQhia2cPOv+B3iA+smIOJCxerejTuMw4OrO/Hw+h5kpkTh3F9LUFJcgIYtBsvK5ItSkZ4QiZx06Vc1GUkPkZ4QicL8rJeu38tq2mk87l3eiftXdyMjOQqnQxejtLgAvq2GAACO/T4PF8NWyMo36TAGsQ/OIfzUBmSmROPK4ZVIjYtA43ajZGUK87OQFh+JzGTpJSuZqTFIi49Efo7ia6NVpWVkCNOmvjBt6gsAMPRwhmlTX+i7SL9l8vnsPTTduExW/unaP2Do4QLfpe/DyMcTbtPegMPw3oj5fpOsTMx3G+EyaQScxgyCsa8nGq1aDG0jA8RuVrzys7qcu1OKrs214ecmhL2FACO76CInX4KIJxWDAFP66iIooGIw4eztUrT21ULzBlqwNRdgcAcd6OgA1x5WfNBv2VALrrYCWJoI0MxbC6O66eLcnVKkZat3bmjzLhNw58IORFzejfSkKBzfsRglxQUIaCPtT4e2foBzeyv6U7NOY/E08iyun9iAjOQoXAxbieTYuwjsMBoAUFKUj3P7vkFiTDhyMuKR/Owujmybj9zsZDRo1kutda+sWecJiLi4A5FXdiMjKQond0rPC//ncRz59QOc31cRR2CnsXgWeRY3TkrjuHRwJVJi76Lp8zjKykoQtvFtpMTeRc8xyyERlyEvJxV5OakaGyQBgHa9xuHa6Z24cXYPUuKjsHfzEhQXFaBFR2m+2fnzPBze8Y2sfGlpMRKeRiLhaSTKSkuQk5mChKeRSE+u+Nq4qDBPVgYAMlPjkPA0ElkaXPRNIBAgIHgswk/+hKeR0nx7WkG+DVs3AfcuVuTbRu3H4cG1nXh0Yw+yUqJw/q8lKC0uQMPm0viLC3NxaOMklJYUoMOQz1BclIt8USryRakQi9X7LXxgp/G4d2knIp/n2lO7pH3Kr7W0Tx39bR4u7K/oU007jMGz++dw89QGZCZH4/KhlUiJjUCT9pVybV4WUuMjkZEkzbVZKTFIjY9EnoZybbnj1wrRO1gfTbx14GgtxPi+RsjKFSP8YcW3xrNHGqNz84r3VD0dwNlWC8620txlbSaEs60WLEwEsseHdDaAh6MWrEyF8HHTxvQhxkjNFONeTM2/MPF3DRvUHwcOH8Ph4yfxNDYO361ei8LCIvTs1hUA8OU3P2Dd5opfrPltZyiu3byFhKQkPI2Nw47de3H05GmEdO4oKzNyyECcOncBBw4fRXxCIvbsD8PFK9cwoI/m8lTHvuNw+eQuXD29B8nxUfhzw6coLipA607S/v3b6vk48Pu3svKlpcWIfxKJ+CfS8zs7MwXxTyKRllRxfu/99WtE3buKjNR4xDy8iY0r3oFQqIVmwX00FgcA7DmcitcH2KFtM1O4O+vj/TfdkJ5Vggs3Kn4e9MsPvDCgW8W34rPGOqNrkCW+XPMUBYViWJhpw8JMG7qVfr6yRwdL+HoZwsFWF12DLfDxLHfsPpyKuCT1zVwAKuXac3uQklAp13aQtsWun+fhSJVcm/g0EomVcm2iglxbXgaQ5trEp5HIStdMrg3sPB4Rl3ZK3/eSo3ByV5X3vW3yOSqwozRHSd/3KuWoDtIcVX4JYErsXfQY/TXE/9L7HpEivCziP8bY2Bht2rTBt99+i6ioKJSUlMDFxQVTpkzBRx99BIFAgLCwMCxYsAATJkyQ/fRkx44dYWdnh1OnTuG7777DyZMnYWoqXYF269ataNq0KdasWYPp0zXzW/JNO05GaXEBzu5ehOLCHNi5NUevCWvlBily0p+hMD9Tdt+rSR8U5mbi+rEfkC+SXkLRe8JauamukZe348bxVbL7+9eOAQB0GvaF3CCEOjQI7IPC3AxcObwS+aJUWDv6od/kX2T1yc1MgKDSaloO7s3RbdRyXDn0HS4d/Bbm1u7oPf5HWDlUfOPzJOIETmz/SHb/6K/vAQBadp+J1j3fUmv9AcCsRSMEHa/4HW7/5dLnjt0SituT5kPPwQYGzwcaAKDgSRyuDpgK/xXz4f7WWBTGJeHO1I+RdvScrEzizoPQtbFEw0VvQ8/eBjm3InGl32QUV1nkUd1O3yqFrjYwtIMu9HWBJ0libDhYLPdLD5amArkV1G9Hl8HIAOjRUhsmhtJLKDaEFckt8mhtLkCv1now0AMyRRKcvFmKs3fUfw2zT/M+KMjNwMWwH5CfkwobZz8Mnr5OdnmAKDMRAkHF+LGjZ3P0HrccFw58h/P7voG5rTsGTF4Fa0dpfxIItZCZHI19V3ajMDcT+kbmsHNtjBHvbIO1QwO1179cw+Z9UJCXgUsHf0BeTipsnPwwcOo62XlRNQ4Hj+boOXY5Lh74Dhf2fwNzG3f0m7RKdl7kZSUj5u4JAMDvXw+Ue64hM7fAuUEbjcTRpG0f5IkycTz0B4iy0+Dg6ofx76+VTdXNTpePQ5SZilWfDJHdP3dwA84d3AAP31aY/NEWAEB8TATWLx0nKxP2m3Tgrln7QRj2puYW0W3yPN+er5Rve1bJt6KMZyjMq8i3nk36oDBPmm8LnufbnhPWyi6LSE+4h9RY6cLBO1f0lHu+Ee8fg4mFk9rq36CZ9Ny4cmilrE/1f/OXSn2qSq71aI4eo5fj0sHvcPHAtzC3cUefCfK5NibiBI7/UZFrD2+V5tpWPWaiTS/159pyRy4XQU9HgFE9DWGoL8DjuFKs3JErl6dsLIQwNqiIx81eG++9YSK7PzxEuo7DxTtF2ByWD7EEcLLVQttGxjDUFyA7V4x7MaXYe7ZA7rjq0KVDO2RnZ2PTtj+QmZkFL08PfLnkY9llESmpaXJtUVhYiB/WrEVqegb0dHXh4uyE+XPeQZcO7WRl2ge1wewZb+L3naH4ce0GuDg5YvH899E4QPFlO+rQLKg38nIycHjXj8jJSoOTmy+mfPiz7LKIrLREuThyMlPxzfxhsvun9m/Eqf0b4eXXCjMWbgIAZGck49eV7yMvNwvGppbw8GmOt//3G4xNNbOAbrkdYSnQ1xPinfEuMDbUQsSjPCxYHo2SkooBcAdbPZgaV/yL0D9EGufyj+TfC5b/8gxHz2UAAJzt9TBhmANMjLWQnFaM3/cmI/Sw+gffGrfpg7wcaa7NfZ5rx82tyLVZGYlyC+WJMlOxamH1XOvu2wqT51fk2g1fVuTag79X5NqhU9Sfaxs+z1GXK+WoAVNr+Dzo0Rw9xizHpbCKHNV3YkWOysuueN/7Y/kguecaPHMznL01875HpIhAIuFSK/TvWx6qeOp5XaKjUz+mM3kP8a3tKqjFmVXhtV0FlXm4Gby4UB1QVvdPb9hZ1oMgAETH1XYN1MNAzT+TWBsi7mbVdhXU4uPB8S8u9IoLz60f73srv79b21VQi8nTm7y40CsuOaPu5ygAmNWnbsaRPG9MbVfhH7FbtvXFheoYzlwgIiIiIiKiOqm+rl9QF3HNBSIiIiIiIiJSCQcXiIiIiIiIiEglHFwgIiIiIiIiIpVwzQUiIiIiIiKqm4T8vvxVwZYgIiIiIiIiIpVwcIGIiIiIiIiIVMLLIoiIiIiIiKhOEgj4U5SvCs5cICIiIiIiIiKVcHCBiIiIiIiIiFTCwQUiIiIiIiIiUgnXXCAiIiIiIqI6ScCfonxlsCWIiIiIiIiISCUcXCAiIiIiIiIilXBwgYiIiIiIiIhUwjUXiIiIiIiIqE4SCAW1XQV6jjMXiIiIiIiIiEglHFwgIiIiIiIiIpXwsggiIiIiIiKqm/hTlK8MtgQRERERERERqYSDC0RERERERESkEg4uEBEREREREZFKuOYCERERERER1Un8KcpXB2cuEBEREREREZFKOLhARERERERERCrhZRFERERERERUJwkE/L78VcHBBaoVZeLaroHqYqNza7sKapGwKry2q6AWHWcG1nYVVHbo66u1XQW1MNDXqe0qqCw5Rau2q6AWenr1Iw4To7r/wbFxE4varoJabA03re0qqKy4uB58CAEwclxgbVdBLe4+LKntKqhMWPdT1HN1//2bale9ORWIiIiIiIiIqHZwcIGIiIiIiIiIVMLLIoiIiIiIiKhu4k9RvjI4c4GIiIiIiIiIVMLBBSIiIiIiIiJSCQcXiIiIiIiIiEglXHOBiIiIiIiI6iRB/fkt0DqPLUFEREREREREKuHgAhERERERERGphJdFEBERERERUZ0k4E9RvjI4c4GIiIiIiIiIVMLBBSIiIiIiIiJSCQcXiIiIiIiIiEglXHOBiIiIiIiI6iYBvy9/VbAliIiIiIiIiEglHFwgIiIiIiIiIpXwsggiIiIiIiKqk/hTlK8OzlwgIiIiIiIiIpVwcIGIiIiIiIiIVMLBBSIiIiIiIiJSCddcICIiIiIiorpJyO/LXxVsCSIiIiIiIiJSCQcXiIiIiIiIiEglHFz4j9q0aRPMzc1fmeMQERERERFR3cU1F15B48ePx+bNmzF16lT89NNPco/NnDkTq1evxrhx47Bp06Z//BwjR45Enz59ZPcXL16MPXv2IDw8/B8fU5MkEgluHl+JB1d3orhQBFu3ZggesAhm1u417nfv0jbcPbsBBblpsLD3RVC/BbBxaQIAKMrPwo3jPyL+8XnkZSVC38gSbv4haN7tbejqm2gslt5tdRHUSAcGegLEJJRh58lCpGZJlJb3ctRC1xa6cLEVwsxYiHX7CnAnulT2uFAI9A3Shb+7NqzMhCgskuBBbBn2nS9CTp7y46qqewtttPbThoEu8CRJjN3nSpCeU/PzBflroWNTbZgYCJCYIcFf54sRl1qxj6WJAH3b6sDdXghtLeBhbBn+ulCC3AL11t2yfUt4zpkEs+aNoO9oi2tDZyB57/Ga9+nYGv7LP4SxfwMUxibi8dI1iNuyW66M2/Q34PneJOjZ2yDn9n1EzP4fsq/eUW/lFejTVg/BjSv61PYThUjNEist7+WkhZAWunC11YKZsRC/7MvH7ahSuTK92+qhRUNtmJsIUVYGxKaUYd+FIjxNKtNIDD1aPu9Pes/709kSpGUr708eDkJ0aqoNZxshTI0E2HyoCBFPqsf8d4+rqq6BWmjRQAh9XeBZigT7LpUiQ1TzPq19hGjXSAvGBkByhgQHrpQhPk2+ji42AoQ004KztQBiCZCUKcGWo6Uo1UxzoGMjAZp5CaCnA8SlAQeviZGZW/M+LbwFaOsngLE+kJwFHLkuRkKG4rKvdRTCy1GAnWfL8DBe7dXHrbPbcO3EeuTnpMLayRddhn4Ce7cmSss/vHkQF8O+R05GPMxt3NG+/1x4BHSSPX7x4Eo8vHEAoqwkaGnpwNYlAMF934WDe1P1V75SDDdOrEe+KBXWjr7o9IIYHoUfxKVKMbTrPxfu/tIYyspKcOnAd3gSeQbZ6bHQ0zeGS8NgBPefA2MzO43FUK5DgACBns/7Uzpw+PqL+1NzbwHa+Ej7U0oWcOSmGImV+lOvFgK420kfLymVHvfkbfELzzdVdG4iRPMGQujrALGp0nP1Rc/XqqEQwf5CGBtIz9uDV8VISJc/v52tBegaKISTtQASsbTcryfK1H5+3zi1DZePrkdeTipsnX3RbeQncHRX3qfuXz+Is/u+R3Z6PCxs3dF58Fx4NeokVyYtMQqnd3+NZ4+uQiIug5WDFwa/uRKmlo7qrXwVXZoKK3JtqgT7L724LVr7CBEcIJTl2rArYsQraIuQZkK5XLv1mPrbopwm+tS47lpwt5P//vjawzIcuKL8c0FdJxAIarsK9BxnLryiXFxc8Mcff6CgoOK/qsLCQvz2229wdXVV6dglJSUwMDCAra2tqtX819w5uw73Lv6K4IGL0X/6dujoGOLwpikoLSlSuk/07TBcCVuGwK4zMWDmn7C098HhTVNQkJsOAMgXpSBflILWvT7A4Lf3osPQLxD38CzOhX6ssThCWuiiY6Audpwowrfb81FcIsG0QYbQ1lK+j64OEJ9Whl2nFMeqqw242Grh8JViLP8tD+sPFMDWQogp/Q00FAXQqak22jXSxu6zxfhxTxGKS4FJfXRrjKOJpxb6Beng+PVS/BBahMR0MSb10YORvvRxHW1gcl9dAMAv+4uw5q8iaGkJML6nHtT9lqFlZIic2w9w9+0lL1XewN0Zrfb+jPRTl3Gu5UDErNyMxj9/Buvu7WVlHIb3ht/X8/Hos1U413owRLfvo82B9dC1sVRz7eV1a6mLTs10sf14IVb8kYeiEglmDK65T+npCBCfKsaOk4VKy6RkSge+lm7Nxbc78pCeI8bMwYYwNlD/G3jnQG20a6yN0LPFWBlahOISYFLfmvuTrjaQmC7G7rPFaj2uKto3EqKNnxD7LpVibVgpikuBsd11oF3DO20jdyF6tdLCqVtl+GlfCZIyJRjbTVt2XgDSgYUx3bQRlSDGz2Gl+PlACS5HiiHR0BhJkK8ArRoKcPCaGJuOilFSCrzeWQitGuLwcxGgWzMBzt6VYP1hMVKyJHitsxCGetXLtm4ogOaGd4AHN8JwZvdStO05E2+8vxs2jr7YvWYS8kXpCssnxNzAwS1zENB2GEa9vwdejUOwb/1MpCU8lJWxsHFHl2ELMWbePox45zeYWjph95qJyM9VMnqiooc3wnB2z1K06TUTr83dDWsnX/z1k/IYEmNu4NCWOfBvOwyvz90Dz8Yh2L9+JtITpTGUFhciJe4eWvWYjtfnhKLPxB+RmRKD/euma6T+lbX1FaBlAwEOXRdj83FpfxrZ8cX9KaSpAOciJNhwVIzkLAlGdpTvT0mZwIErYvxySIw/zoghgHTQSlP/Y7TzF6KNrxAHLpdh3SHp+T26q3aNcQS4CdCjhRCnb5fh57BSJGcCo7tqycXhbC3AqK5aiEqUYN3BUvxyqBRXHqj//I68FoYTfy5Fu74zMf6j3bB19sWOHyYhL0dxn4qLuoG9G+agSfAwjP9oDxo0DUHoTzORGl9xXmSmPsO2FW/A0t4Tb7y3FRM+3ovg3jOgpa3gxFej9gHPc+3lMvwSVoqSUmBMN+0ac22AuwA9Wwpx6lYZft5fiqRMYEw3Lblc62wtwJhu0rZYGybN41fuay7XaqpPAcD1R2Is31Uiux29WX8HFujVwsGFV1Tz5s3h4uKC0NBQ2bbQ0FC4urqiWbNmsm2HDh1C+/btYW5uDisrK/Tr1w9RUVGyx588eQKBQIDt27ejU6dO0NfXx7Zt2+QuZ9i0aROWLFmCW7duQSAQQCAQyGZFfPPNN2jcuDGMjIzg4uKCGTNmIDf3BV83qJlEIkHE+S1o2nka3PxDYGnvg47Dv0SBKAXPIo8p3e/u+c3waTkcDVsMgYWtN9oNXAxtHX08vC59TS3sGiLkjR/g6tcFplaucPRqixbdZ+PZ/ZMQl5UqPa4qOjXTwZErRbgbXYqENDF+PVIIMyMBGnspn0QU+bQMYReLq32zXK6wGFi9uwDhj0qRkiXB0yQx/jxVCFc7LViYaOZTVvvG2jhxsxT3noqRlCHBjpPFMDUUIMBd+X9tHZpo48r9Mlx7WIaULAl2ny1BSSnQykcau7udEBbGAuw4VYykTAmSMqXHdbIRwMtJvakq9fAZPFz0HZL/Ut5/KnN78zUUxMQh8oNlyL0fjaertyHpz8PweGe8rIzH7AmIXb8DcZtDkRsZhTszFqEsvxAu44eqte5VdW6mi8OXi3DneZ/aergAZkYCNKmhT917UooDF4uU9ikAuP6gFA9iy5CeI0FShhi7zxTCQE8AR2v1v220b6yN4zdKce+JtD9tf4n+9CBWjMNXSxXOVlDluKoI8tPCmdtluB8rQXKmBKHnSmFiCPi6Kn/Ngv2FuP5IjJuPxUjNBvZdLENJGdDcu2KfXq20cClSjLN3xUjNkiA9B4h4KkaZhj4rtvaR/lP3MB5IyQb2XhbDxADwcVaeT9r4ChAeJcHtGAnScoCwqxKUlgJNPeX3sTOXlt2vwW/QbpzaiEbBIxDQdiis7L0RMmIJtHX1EXHpT4Xlb57eAnffDmgZMhmW9l4I7jsbts7+uHX2V1kZ35b94eoTDDNrF1g5NEDHwfNRXJiLtPgHGonh5qmNaBQ0Av5tpDF0HS6N4d5lxTGEn94CN98OaNFVGkNQn9mwqRSDnoEJBs/YiIbN+sDCzhMO7oHoPOwTpMRGQJSZoJEYyrVqIMD5SAkeJQCp2cD+K9L+1NBJeX9q3VCAW9ES3Hki7e+Hrkv7UxOPin3CoyWITQOy86UzZU7fFcPMSAAzQ83E0cZPiDN3xHgQJ0FKFrDnQpn0/HZRHkdbPyFuPBYjPFqCtGxg/2Xp+d2s0vnds4UQVx6IcT5CmgPSc4B7zyRqP7+vHt+Ipu1GoEnwUFg7eKPn60ugo6uPOxcV96nrJ7fA078D2vSYDGsHL3QcMBt2Lv64cbrivDjz17fwCuiILkM+gJ2LPyxsXNGgaQiMTK3UW/kq2voJcea2GA9iJUjOAkLPPW8LV+VtEewnzbXhURJpP7xUvS16tRLi8n0xzt2taIuIp+pvi3Ka6lMAUFIqQV4hZLfiEs3EQFQVBxdeYRMnTsTGjRtl9zds2IAJEybIlcnLy8N7772Ha9eu4fjx4xAKhRg8eDDEYvlM+OGHH+Kdd95BZGQkevbsKffYyJEjMWfOHAQEBCAxMRGJiYkYOXIkAEAoFOKHH35AREQENm/ejBMnTuCDDz7QUMSKiTLjUJCbBkevINk2XX0T2Dg3QcqzWwr3KSstRnpCBBy9K/YRCIVw9A5C6rNwpc9VXCiCrp4xhFrqv2LIylQAMyMhHj6rmFtXWAw8TSqDh716/9nR1xVALJEgv0j9w+2WJgKYGgrwKL5SHCVAbIoYrraKU4qWEHCyFuBRXMU+EgCP48vg+nzqnraWdFvlqYclZYBEArjb126qMm8biLQTF+W2pR49B4u2gQAAgY4OzJoHIO34hYoCEgnSTlyAedtm0JTyPvUgtmKQoLAYeJJUBg8H9fUpLSEQ3EgX+UUSxKeq91OWpYkApkbyfaOwWNqf3FRod00dVxkLY8DEUICohIpzrqgEiE+VwMVG8QdFLSHgYCVAVELFayoBEJUghrONtI5G+oCLjRB5hRJM7q2ND0boYGJPbbjaambg0NwIMDYQ4ElylTjSAScl/y8IhYCDBRCTLJ9vYpIlcLaqqKe2FjAwSIjD18XIUz5pRiVlpcVIiY2AS8Ng2TaBUAjXhsFIfHJT4T5JMeFw8QmS2+bm2x6JT8KVPsfdC9uha2ACGycftdW98vFT4qrH4FJDDIlPwuHSsHoMSUpiAICiglxAIICugala6q2Isv6U8IL+ZK+gPz1JkcDJSnG/19GSDjxk5kqQo+bL6ADA3BgwMRAgOqniXC0qAeLSlJ/fQiHgaClAdKJ8HNGJEjhbS/cx1AOcbYTIKwQm9tTCnKHaGNddS+kx/6my0mIkPYuAm698n3L3DUZ8tOI+FR8dDjdf+T7l4d8e8dHhAACJWIzou6dgYeeO7T9Mwsr3g7Bl2XA8DH+5Qft/qjzXRifKt8XL5NrKbSGBtC3K96nItcCkXlp4f7g2JvTQ0lyu1VCfKtfYQ4j3h2ljej9thAQKNTZj75UhFNbNWz3ENRdeYaNHj8b8+fPx9OlTAMD58+fxxx9/4NSpU7IyQ4fKfyu6YcMG2NjY4N69e2jUqJFs++zZszFkyBCFz2NgYABjY2Noa2vD3t5e7rHZs2fL/nZ3d8dnn32GadOmYfXq1SpG9/IKRGnSehrLfxLRN7ZGQW6qwn2K8rMgEZdV28fA2ApZqTEK9ynMy0T4qTVo2GqEGmpdnYmRNPGL8uXfFET5Etlj6qCtBQxop4cbD0pRpHzG+D9mYiita26VOHILJDBR8o2RoT6gJRRUWztBVCCBjbk0uT5LkU6X7dNGB4eulAACoHdrHWgJpYMZtUnPzhpFyWly24qS06BjZgKhvh50LMwg1NZGUUp6lTLpMPLx1Fi9TI2kr50or3qfKn9MFQEe2pjQ2wA6OkBOngSrQvOQV6jeAStZfyqoEkOBBCYqXNmjqeMqU365SG6V1ye3UAJjJc9nqCc9L6r+o51XCNiYSf+2MJYet0tTLRy+XobEDAkCvYQY30MbP/5Vovbry8unCFevUw1x6AJCJXFYVfq/tXszAeLTJBpZY6FcQV4mJOIyGJrI535DEytkpEQr3CdPlAZDE+tq5fNz5M/56LsncXDzeygpKYCRqQ2GTN8AA2P1X/ZUUwyZyYpjyFcSQ16VGMqVlhTh/L7l8GneF3r6xuqpuAJK+1ORRG46emXl/Sm/ypWAeYWAVZXlkJp7CdCliQC6OgKk50jwx2kxxBr4ltlYXyCrQ9U6Gekrfn8y1FN2XkhgbSbdp3x2YacmQhy9XoakTAmaegoxtpsW1ux/8XotLys/V9qnqs4oMDS1QrqSPpWXkwYjU/k+ZWRa0afyROkoLsrH5cO/oMOA2eg8eC5i7p3F7rWz8PrsLXBt2Fo9la+iItfKb88thNLL9spzbdXPILkFElibPm+L57m2c1MhDl+TtkWgpxDjumth1V71tYUsDg31KQC4EyNGdp70/e7/7N13eFTF3sDx75b03hNSCSGd3msIRZqIgNhFEDu2a+deFSxX7A17QUDxgkoRqVKl9w6hE0jvvW923z822c0mG0SyK+X9fZ5nH81h5uzMnpkz58yZmePnrmBwJxVergp+3mSlhSOEaEA6F65iPj4+jBw5ktmzZ6PT6Rg5ciTe3qYn+lOnTvHKK6+wc+dOcnNzDSMWLly4YNK50LVr18tKw9q1a5kxYwbHjx+nuLgYjUZDZWUl5eXlODpe2tjDqqoqqqpMrxI0NTaobczPyTtz4He2/jbd8PeQCV9cVtr/jurKUv6Y+zDuPhF0HjTFIvvsEqXmtoHGq6evllrhcUojSiVMHOEACi46n/7v6BihYmw/G8Pf36+yQo8F+gb1xzXVjOlnQ+94e3Q6OHimltQcLVprTtC+hnSNUnP7IOMd3pe/lVv1+06laHhrXinODkp6x9tw3whH3ptf1uSG/e/o1FbF2P4NytMK65Qna2vfWsmoXsZHQfPWWWcqVf388T0n9VMnAFbl1xLur6BzWxVr97XsYjEuVMGIrsaL0gWbrDP+t20rCPNT8O3qa3feb3DbHtz1/BIqygo4su1nVsx+ituf/qVJJ8DVrra2hpWznwR0DBh/aevOXKq4EAXDuhjL089brHu8j17QcS5Lh7M99IhScnMvJT+sb/mUoXZhCm7sYazfP22wzk1Z/S+195R+mDtA5l4trf2VdGqjZN2Bq7e+6HT6tEW0H0S3QRMB8AuOIe3MPg5snm+xzoV2rRWM6tngXLveSseiwbn2wBn9sViVr6V1gJLOEUrWtnDNgn+qTAHsO21so7MLdZRU1HLvEDUezrV/uZCqEC0lnQtXufvuu4/HHnsMgM8++6zJv48aNYrQ0FC++eYbWrVqhVarJT4+nupq0wt2Jyenv/3dycnJ3HjjjTzyyCP897//xdPTky1btjB58mSqq6svuXNhxowZvPqq6QXMoPGvMOTWaWbDh8QMNLzRAfTD+QAqSvNwdDUuQllZmotnQIzZfdg5uqNQqgyLN9arKM3D0dm0g6amqow/5jyAjZ0jg+6aiVJlgyUcOavhfGaZ4W+1St9yuTgqKG7w1N/FUWGRoeZKJUwabo+ni4JPF5VbbNTCsfO1pGQb01c/tM7ZUUFJg5tMZwdFkxWw65VXQq226ZNPFweFyUiOU2la3plfhaMdaHX6Yewv3W3PwTNXtnehKisXOz/TcmPn501NUQnayiqqcwvQajTY+Xo1CuNFVab5J4eX4/BZDcmZxisDQ5lyMlemWn7hUq2B3CIduUW1JGfW8vK9TvSKt2HN7ssvXMeSa7mQZaY8NSoLLhcpT5eifl+W3m+94ylaUnON+VDVHQtne4VJ54uzvf7NKOaUV+nrReMnuE72UFLXF1lfx7IbveEip0iH298/rTdxKk3Htw1+j/qFxJzsTZ8MOtkryCpoJh/VoG0mH2V1+QjzU+DhDM+ONR1RM66PkpRc+HG9ZW6iHJw8UChVTRY+LC/Jw6nRk31DOl28KS/JbRLesdFTWxs7R9x9QnH3CSUgrCOzX7+BIzt+pfuQhyyS9kvJQ+M01XNsJg+NnzzrOxaeoqQgnTFT5lh81MKpdB3p+ebLU8OnrU52CrKaeUtSfXlqvEBd4zIJ+mHkVTVQUApp+Vr+dbOSqEAFx1JaVsdPpOpIzTV2GNafp5zsMXn67WRP8/Wiqrl6YXyCXn+uyDFTv10tOKLR0Vlfphov3lhe3LSMGNLp6t1k5EtZg/COzh4olWq8A9qYhPEKaEPq6b0WS/uJFB1pDY5FfZlybnQsnO31b04wp/5c2/gaxNlBYShT9efaxm/vyi3S4WaBY/FPlSlz6t8+5OminzokhDVdn5M9riPDhg2jurqampqaJmsl5OXlceLECV566SUGDRpETEwMBQUFl/U9tra21Naa3ozs3bsXrVbL+++/T8+ePYmMjCQ9/e8v/DR16lSKiopMPoljXmw2vI2dE65eoYaPu28EDs7epJ/dYQhTXVlKTuohfEPMvwZMpbbFq1Uc6WeMcXRaLelnduAT0tFkP6u+n4xSZcOQuz9vdjTF5aiqqb8x038y87UUlWmJDDb2XNvZQqi/inMtfL1ffceCj7uSzxZXUG7B+czVNZBXrDN8sgp0FJfriGjVIB82EOyr5EK2+RuEWq2+cYsINMZRABGtVCY3mvXKq/QdC21aKXFy0HdwXEmFOw7gNbCnyTbvQb0p2HEAAF1NDUX7juI9sMH8VIUCr8ReFO4wP5/1cjRXpqKCjf3E9rYQ5q/iXIblfzOFQmHo0LhcVebKU5mOtoFNy9P5zMu/4cwvsc5+61VrIL/E+Mkp1FFSriM8wPj72NlAoI+ClBzzF3O1WsjI0xEeYGyKFUB4gJLUug7HwlIoLjcO3a3n7aqgyAJPoKo1+huz+k9usf6GJ8zP+H22av38+DTzi8qj1UJGASZxQP93al3HxbYkHd+s0vLtauMHYM1+Hb/vtNzTWZXaFt/gOFJOGtdI0Wm1pJzcTkCY+fVP/Ft3JOXkDpNtF05sIyCs40W/S6fTGjq/LUmltsU3KI6UU5eeh4CwjqScapoH/wZ5qO9YKMw5z82PzsbBycPiaW+2PPmalqdWf1GeMs2Up1BfRZPXBjakqPuoLDC3vHE+cor0N5/hDdZrsbXRv12gufqt1UJ6vo5wf9N8hPsrSK272SssM1+/vVwVFFnwVdIqtS3+IXGcP2FappJPbCcw3HyZCgzvyPkTpmUq+fg2AsM7GvcZ1o78LNOppvlZybh6Blos7U3OtUXUnWuNx+LSz7XG31kBtPY3xjGca92aHotCCxyLf6pMmePvWTcttwWjDq92CqXimvxcj2TkwlVOpVKRlJRk+P+GPDw88PLy4uuvvyYgIIALFy7w4ovN37RfTFhYGOfOnePAgQMEBQXh4uJCREQENTU1zJw5k1GjRrF161a+/PLLv71vOzs77OxMb9rVNpd+MalQKIjrM4GDG77EzSsUZ48g9q39BAcXX0JiBhvCrfxuEqGxg4ntdRcA8X3uZfPCqXgHxuMT1I6j2+aiqa4gsssYQN+xsHr2ZDTVlSSMf4fqqlKqq/RX6/ZOniiVll/95s/9NdzQ3Y6cQi15xTpG9LKlqEzH4Qar9k8Z68Ch0xo2H9Iv7WtrAz5uxsbHy01BoLeS8iodBSU6lEq4b4Q9Qb4qvl5agVJhnG9eXmmdVY63HNYwsLOa3GItBcU6buhmQ3G5jqPJxhvaB0baciS5lu1H9ds2H9Jw6wAbUnO0pOZo6dtOjY0N7DlpzHvXSBXZhVpKKyDUT8mo3jZsOawht8iyDaLKyRGnCOMrXR1bB+HaIZrq/CIqUzKIeuNp7AP9ODjpBQDOfz2f0EfvInrGc6TMXoh3Yk8Cxg9n903GJ5bnPvqeDrPepnDvEYp2HyLsiXtROzmQMmdRk++3pI37qxna3Y7sQi15RVpu7G1HUZnO5E0Qj4115NCZGjYdbFCm3BuUKVclgT5Kyiv1ZcpWDUO723H4rIaiMi3ODgr6dbDF3VnB/pOWX3J6y2ENA7uoyS3Skl/STHm60Zaj52rZVleebNX6ulDP01VBgJeCiioorHsycyn7taTtSbUktFeRV6KjoAQGdVJRUg7HLxgr4cQb1By7oGXXcf22bce0jOmrIj1PR2qull4xKmzVsO+0Mc7WI7UkdlSRWaB/60XHNiq83RTM/9M6UzF2ndDRJ05BfomOwjJIaKekpEL/5K3enYlKTqbq2HNKv23ncR039VSQka+/+O0eqcBGDYfqhnrXr1jeWHG5jqKypttbovOASfwx7wX8QuLxD2nPvj/nUFNdQWwP/bpDq398Hic3P/qOegaATgkT+PWTe9i7fhat4xI4sW8FWSlHGHTbawDUVJWz648vCW83ECdXHyrKCji4eR6lRVlEdhxm2cTX6TRgEmt+egG/4Hj8Qtpz4M85aBrk4Y+6PPSpy0PHhAksnHkP+zbMIiw2gZP7VpDdIA+1tTWs+P4JclKPMeqBr9Bpaykr1q9ZZO/ohkpta5V8AOw+paN3rIL8Uv2x7h+vL08n04zl6Y4EJSfTdOytG86966SOG7sryKwrT93qy9M5/b+7O+lfV3kuS0d5Fbg4QK9oJZpaOJNhnRuonUla+sUrySvRUViqI7FDXf1uMErinkEqjqfo2H1SX393JGm5ubeK9Hwdabk6esYosVHDgTPG+r3tmJYB7ZX6tyTVrani7Qq/WHiKUrdBk1g+5wX8Q+IJCGvPnvVzqKmqoF0vfZlaNvt5XNz9SLhZX6a6JE7gfx/cw661s2gTn0DSnhVknj/CsDtfM+yzx5DJ/Pbtvwhq243QyB6cPbaZ04c3cOe/5lo07Y3tSNLSv52SvGIdBaU6BnasP9caj8W9Q1QkXdCx60TduTZJy5g+KtJydaTl6egVo8RWjWG6GcDWo1oSOyjJzNe/sar+WCzYaJ3pKdYoUx7O+sUcT6VpKa8CPw8FQ7uoSM7Skl1olWwIYUI6F64Brq7mV3JWKpXMnz+fJ554gvj4eKKiovjkk08YMGDA3/6OcePGsWjRIhITEyksLOT7779n4sSJfPDBB7z99ttMnTqV/v37M2PGDCZMmNDCHP197frdj6a6gq1LplFdWYxvaGeGTvzaZKRBSf4FKsuNIzfC24+gsqyAfes+oaJEP4Xiholf41A3LSIv/Rg5KYcA+PUD01Eh459di4uH5Xre663bW42tDdw2yB4HOwVn02v5ckm5yRsSvNyUODVYlCjEV8XjtxinoIzprx8Pt/NYDT+tqcTdSUG7NvqpHC/cZTpOeuav5ZxOs/yN1J8HNdiqYVw/W+xtITlTy6yV1Sb58HRVmCxKdOhsLU4OcENXNS6O+qHps1ZUmQzl83ZXMKy7HQ52UFCiY8N+DZsPW/4Gyq1LPL3W/WD4O/a9fwOQMncRhyZPxS7AB4fgAMO/VySnsvumh4h9fyphj0+gMjWTww+9RO6aLYYwGb+sxNbHk8hpT2Dn70PxwSR23Xg/1dnNPJ6zkLV7qrFVK7ijQZn6fLFpmfJ2V+LkYOxMCPFT8eQtxrIyNqG+TFXz4x+VaHXg56mke6wDTvYKyit1nM+q5aNfysjMt/xF1sYDdeUpwVievlte3aheKEzqRZCvkodvMtb/Ub31N0d7Tmj4eUPNJe/XkrYc0WKrVnBTLzX2tnAhS8cPa2vQNPjJPFwUONkZ83EkWYujPQzsqMLZQUVmvo4f1mpMbsS3J2lRq2B4NzUOtvqhv3PWaCiw8AJjhu87rsNGDSO6KbG3hZQcmP+n6Tx2D2dwaNBnnJSiH6qb0E5f77MKYf5GLWVVTXZvdVGdR1BRms/2FZ9QXpyDd1AMNz/8rWE4d3FBBiiM9aFV684Mm/Ae21d8xLZlH+DuE8aoyZ/h3SoSAIVSRX72WY7NWkxlaQH2Tu74hbRj/BPz8Apoa5U8RHYeQUVZPjtWfkJZcQ4+gTGMfuhbw6KNJQUZKBrkIaB1Z4ZOeI/ty415uHHyZ3gF6PNQVpjFuSPrAfjfu6NNvmvslLkEte1hlXwA7Diuw0YFw7vUladc+HmTaXlyN1OeHO2gX7y+PGUX6uPUL/KoqYVgHwXdIhXY20BZFaTk6Ji7XtdkIUhL2XpMi40aRvVQ6et3to4f12tM8uHposDR3nhjePS8Dkc7LQPaq3B20NfdeetrTer3zuP6+j20iwoHO/2Q+B/WWX5ufEzXEZSX5rNlmb5M+QbFcOvjDepFvmmZCmrTmVH3vcfmpR+x6bcP8PAJY+zDn+ETGGkIE9lxCEPvnM6OVV+z7uc38PRrzZgHPyEo4vLW+bpUW47WHYteDY7FWk2Tc63JsUjW4WSnrTvXoj/XrjM9FjvqzrXDuqkM59q5a623ToE1ylStVj8io0e0Gls1FJVB0gUtm45cvet3iOuLQqfTXb9jZMRV6+1fr/2TXHqahR+3XSH2DtdHH2P/KR2vdBJabNW7u690EizCwd4y65ZcSfYO18d7u+zsro98eLpf+/m4XhamLS659lecr66+9q9BAIJbXfvnWoDzqZYfEfdPu17eKjjt7muzTJV+fnkjt68050ffutJJsLjrpCoIIYQQQgghhBDiSpHOBSGEEEIIIYQQQrSIdC4IIYQQQgghhBCiRa6PydZCCCGEEEIIIf7/uU5f63gtkpELQgghhBBCCCGEaBHpXBBCCCGEEEIIIUSLSOeCEEIIIYQQQgghWkTWXBBCCCGEEEIIcU1SKOR5+dVCjoQQQgghhBBCCCFaRDoXhBBCCCGEEEII0SIyLUIIIYQQQgghxLVJXkV51ZCRC0IIIYQQQgghhGgR6VwQQgghhBBCCCFEi0jnghBCCCGEEEIIIVpE1lwQQgghhBBCCHFNUijlefnVQo6EEEIIIYQQQgghWkQ6F4QQQgghhBBCCNEiMi1CCCGEEEIIIcS1SSGvorxayMgFIYQQQgghhBBCtIh0LgghhBBCCCGEEKJFpHNBCCGEEEIIIYQQLSJrLgghhBBCCCGEuDbJqyivGnIkhBBCCCGEEEII0SLSuSCEEEIIIYQQQogWkc4FIYQQQgghhBBCtIisuSCEEEIIIYQQ4tqkUFzpFIg60rkgrgh7u2v/JBAe7nylk2ARdrbX/rEAWPXu7iudhBYb9ly3K50Eizg6P+lKJ6HFamp0VzoJFqHVXR/5OJ9SeaWT0GJqm+tjsKifj82VTkKL5Vdrr3QSLEJ7fVRvHB1VVzoJLVZWprnSSRDiqnB9tHRCCCGEEEIIIYS4YmTkghBCCCGEEEKIa5JCXkV51ZAjIYQQQgghhBBCiBaRzgUhhBBCCCGEEEK0iHQuCCGEEEIIIYQQokVkzQUhhBBCCCGEENcmhTwvv1rIkRBCCCGEEEIIIUSLSOeCEEIIIYQQQgghWkQ6F4QQQgghhBBCCNEisuaCEEIIIYQQQohrk1JxpVMg6sjIBSGEEEIIIYQQQrSIdC4IIYQQQgghhBCiRWRahBBCCCGEEEKIa5JCXkV51ZAjIYQQQgghhBBCiBaRzgUhhBBCCCGEEEK0iHQuCCGEEEIIIYQQokVkzQUhhBBCCCGEENcmeRXlVUNGLgghhBBCCCGEEKJFpHNBCCGEEEIIIYQQLSLTIoQQQgghhBBCXJvkVZRXDTkSQgghhBBCCCGEaBHpXBBCCCGEEEIIIUSLSOeCEEIIIYQQQgghWkQ6F4QQQgghhBBCXJsUimvzcxk+++wzwsLCsLe3p0ePHuzateui4QsLC5kyZQoBAQHY2dkRGRnJihUrLuu7L4Us6HiVmDhxIoWFhSxZsuRKJ+WqdHjrPA5s/I7ykly8AqLpN+Yl/ELaNxv+9MFV7Fr1MSUFabh5h9Jr5LOExiQY/v3M4T84un0+OalHqSov4tZ/LcY7MEbycQkObJrH3vXfUVacg09gNIm3vIx/aPN5OLl/JduWf0xxfhruPmH0u+lZWscZ87B9xUxO7FtOSWEmKpUNvsFx9LnxXwSEdbBqPgBG9LSjdzsbHOwUnEuvZcH6SnIKtc2GbxOoYlAXW0J8Vbg5K/nm93IOndGYhBne044ukWrcXZTU1kJKdi2/b6vifGatRdPu2bcr4c9Mxq1zPPatfNkz7lGylq67eJz+3Yl970WcY9tSmZLB6RlfkDp3sUmY0EfuJPzpydj5+1B86DhHn3qdot2HLZr2xnQ6HfvWzuTEnl+orijBL7QTvUdPw8077KLxjm2fx+HNs6gozcXTP5peo/6DT7C+LFaVF7Jv7aeknd5KaWEG9k6ehMYOosuQJ7C1d7FaXvrHK+jURoGdDaTmwso9WgpKLx6nS4SCnjEKnO0hqxD+2KslPd982Nv7K2nTSsEvm2s5mWbx5BsktFPSqY0CextIydWxcreW/L/IR9e2CnpFK3F2gKwCWLW31iQf9wxUEeZnejG195SWFXuar3MtMaSLmm7RKhxsITlLy5ItGvKKdReN0zNWRUJ7Nc4OkJGvY+m2GlJzjHE8XRSM7Kkm1E+JWgUnU7Us3VZDaYVVsgDAoI4qukYqsbeFC9k6lm7XkFdy8Tg9opX0jVfh7ACZ+TqW7awlLVefD3dnePYWW7Px/rehhqPnL/4b/V2Htsxj/wZ9u+fdKpr+Y17C7yJtxukDq9ix6mNK8vXtXu8bnyUstkG7d+gPjmybT3Zdu3fbM4vx+Qfab4AB7ZV0bqvU14scHct31ZL/F8eiW6SS3rH6epFZoK9L6XnG3/jeISrC/Eyf9e05WcvyXZavF/v+nMfuNfr22zcomkG3vkxAWPPH4sS+lWz5/WOK8tLw8A0j4eZnCY83HosVc1/k6A7TNiQsti/jH/vO4mlvSKfTsX/dTE7s/oXqyhJ8QzvR+6ZLaDN2zONIXZvh4R9NrxsbtRnr9G1GWYM2o/Ng67YZAzuq6NLWWL9/36H5yzLVPUpJn7r6nZWvL4f19btesI+CQZ1UBHkr0Or0ZW/uGg0ay16KiH/YggULePrpp/nyyy/p0aMHH330EUOHDuXEiRP4+vo2CV9dXc2QIUPw9fXl119/JTAwkPPnz+Pu7m61NMrIBXHVO3VgBVuXvkXXIVMY/9QivFtFseyb+ykvyTMbPiN5H2vmPUNM91sY/6/FtI4fzMrZj5GXcdIQRlNdQUBYF3qNfPafysZ1kY8T+1awafEMeg6bwl3PLcY7MJpFn09uNg/pZ/exYs4zxPe6hbueX0JE+0Es/XYKuenGPHj4hpE4/hXuefF3bn3qJ9w8A1n0+X2UlzRzd2Uhg7vaktDJlgXrKnl/fhlVNToeHeOIWtV8HDsbBWk5Wn7eUNlsmOyCWn7ZUMmMH0r58Ocy8oq1TBnjiLPD5fVQN0fl5EjxoRMceeLVSwrvEBZEt6VfkbdxJ1u6jubczDm0++oNvIf0NYQJGD+cmHencuqNz9jSfQwlh47TY/l32Pp4WjTtjR3a9C3Htv9In9HTuemRBahtHVn9/QNoaqqajXP20Ap2rnibToOmMHrKQjwDolj1/QNUlOrLYllxNuUl2XQf/jxjn1xK/1veJPXkZjYvfMlq+egVraBbpIKVe7TMXqOlRgN3DFCiukhLGxOsYHAnBZuP6PhutZbsQh23D1DiaNc0bPdIBZa97TOvd4yC7pEKVuzWMmtNLTUauDNRddF8xIYoGNJJyaYjWr5ZVUtWoY47E1VN8rHvtJYPFmsMn7UHrNOxkNBBRe84FUu21PDZb9XU1MB9w20uWr/bhyu5saeatfs0zFxcTUaelsnDbXGy1/+7jRomj7BBp4NvllfzxdJqVEq49wZbLFu7jfrFK+kZq+S37Rq+XK6hWgP33nDxfMSHKRneTcWGA7V8vrSGzHwdE4eoDfkoKoO3FlSbfNbt11BVo+NUmmVL2Kn9K9jy21t0GzqF255ehFerKJZ+fZF279w+Vv/4DLHdb+G2ZxYT3m4wK743bfdqqisIaN2F3jf+c+03QJ9YJT2ilSzfWcu3q/TH4u6B6ovWi7hQBTd0UfLnoVq+WqEhqwDuHti0Xuw9peW9X2sMnzX7LV8vju9ZwcaFM+g9cgoTpi7GJzCaX2ZOpqyZY5F2Zh+/z3qGdr1v4d6pS2jbYRCLv5pCToP2G6B1bD8embHF8Bl13wcWT3tjhzfr24zeo6cz6pEF2Ng4snr2X7cZu1a8TceBU7hpykI8/aNYPdvYZpSX1LUZw55nzBNL6TdO32ZsWWS9NqNvvJIeMUp+36Hh6xX6MjVhiA3qi5Sp+DAlw7qp2Hiwli9/ryGzQMeEwcb6DfqOhXsGqzmTruWrFRq+Wl7DziQtun+iARFW9cEHH/DAAw8wadIkYmNj+fLLL3F0dGTWrFlmw8+aNYv8/HyWLFlCnz59CAsLIyEhgQ4drPcATzoXrkIDBgzgiSee4Pnnn8fT0xN/f3+mT59uEqawsJCHHnoIPz8/7O3tiY+PZ9myZYZ/X7hwIXFxcdjZ2REWFsb7779vEj8sLIw33niDCRMm4OzsTGhoKEuXLiUnJ4fRo0fj7OxM+/bt2bNnj0m8LVu20K9fPxwcHAgODuaJJ56grKzMar8FwME/ZxPbYzwx3cfh6R9BwrhXUdvYc3z3QrPhD23+gZCovnRKnIynXxt6DHsSn8BYDm+dZwgT1WU03W6YQlDbXlZNe0PXQz72bfie+N63EtdzHF4BEQy+9VXUtvYc2WE+D/v/nEtYTD+6DrofL/829B75FL5BsRzY/KMhTHTXUYRG9cbdOxjvgLb0HzOV6spSctNPWDUvAzrZsnpnFYfPakjP1fLD6grcnBS0b9P8gK5jyRqWb69qMlqhob0nNJxIqSWvWEdmvpbFmypxsFPQytuyp9uc1Zs4Oe0jsn5be0nhQx+8nYpzqSQ9/zalx89y/vN5ZC5cTesnJxrCtH5qEinf/UzqnEWUJp3h8KPTqC2vJHjiOIumvSGdTsfRbXPpmPgwobGD8AyIImH8W5SXZHP+WPN5O7JlDlHdxhPZZSwefhH0GT0dta09J/cuAsDTP5JBd31CSEwirl4htGrTk643PMWF4xvQ1jZ//Fqie5SCLUd1nEyD7CJYulOLiwNEBTV/69kjWsGBMzoOndORWwwrduvQaKBDuGkcP3d92GVWeJrZWPcoJZuPajmZpiO7EH7boc9H9EXy0TNKyf4zOg7W5WP5bn3nSsdG+aiphbJK46faOoeCPvFq1u/XcOy8lsx8HQs21uDqqCA2tPl62Ledml3Ha9l7spbsQh1Ltugv9rtG6e/kw/yUeDgr+OXPGrIKdGQV6Ph5Yw2BPgratLLO5VTvWP1NxPEU/ff9ulmDiyPEhDT/fX3ilOw5qWXfaS05RbB0u76DqEtbfRydDkorTD8xIUqOnNNa/Hgc+HM2cT3HE1vX7iXeom/3knaZbzMObv6BkOi+dB6ob/d6Dte3e4e2GNu96K6j6T50CsGR/1z7DdAjRsmmw1pOpOrrxZJttbg4QnTwRepFjJJ9p7UcOKsjtwiW7aylphY6RZgevxqNzrRe1Fg+/XvWf0/7PrfSrtc4vAMiuOGOV7GxtefINvPHYu+GubSO7Uf3IffjFdCGvqOewi84lv0bfzQJp1Lb4uzmY/jYO7pZPvEN6HQ6jm6dS4cBdW2GfxT9x79FRUk2F5Iu0mZsnUNU17o2w7euzbAxthkefpEMutO0zegyxLptRq8YFZsOGev3oi36+h19kfrdO1bJ3lNa9tfV79+368tU5wZlalg3FTuStGw+oiWnUEdeMRw9r6XW+s2HsKLq6mr27t3L4MGDDduUSiWDBw9m+/btZuMsXbqUXr16MWXKFPz8/IiPj+fNN9+kttZ6Q1ikc+EqNWfOHJycnNi5cyfvvPMOr732GmvWrAFAq9UyfPhwtm7dyo8//sixY8d46623UKn0F0B79+7l1ltv5fbbb+fw4cNMnz6dl19+mdmzZ5t8x4cffkifPn3Yv38/I0eO5J577mHChAncfffd7Nu3jzZt2jBhwgR0dV2dZ86cYdiwYYwbN45Dhw6xYMECtmzZwmOPPWa136FWU01O2lGCInsbtimUSoLa9iLz/AGzcbLOHyCobW+TbcFRfchqJvw/4XrIR62mmqyUo4REmeYhJKo3Gef2m42TkXyAkEYXgKExfck4d6DZ7zi8bQF2Di74BEZZLO2NebkqcHNSciLFeMFQWQ3JmbW0DrjII8G/SaWE3vG2lFfpSMu5sq26e8+O5K43bXxy1mzBo2dHABQ2Nrh1jiN33TZjAJ2O3PXbcO/ZyWrpKilIpaIkl1ZtjOXE1t4Fn6D2ZF84aDZOraaa3PSjtIowxlEolbRq04vsCwea/a7qyhJs7ZxRqiw/I9DdCZwdFCRnGR8NVdVAWh4EepmPo1RCgAecyzJ9nHQuS0eQl/GGRa2C0b2UrN6rpaz5QTMW4e4ELg4KzmWayYe3+ZsopRICPDGJA3X5aBQnPlTBM2NVPDRcxcAOyos+gb9cni4KXB0VnE4z1rmqGv0w9lA/85c9KqU+fw3j6IDTaVpCffVx1Cr9tobDijW1+pv1MH/LX055OIOLo4IzGabHIjVHR7CP+WOhUkIrLwVnMkzzcSZDS7CP+TS28lLQykvJnlOWPUfVaqrJTj1KcON2L7IXmckHzMbJTD5AcKN2LyS6T7Ph/ynuzvp6cTbTtEyl5jZ/LJRKaOWp4GyGab04m9G0XrRrreS5W9Q8cqOaQR0tXy9qNdVkXjhKaKP2OzS6N+nNtN/p5w4QGm3afofF9iW9UfudcmoXnz3fi2+nD+WP/02jorTAsolvpKQglYrSv99m5JlrMyJ6kXOF2gxD/U5vdK79i/od4KXgTHqj+p2uJaiufjvZQ7CPkrJKHfcPV/P8rTbcN1RNiK+1xlddJZTKa/JTVVVFcXGxyaeqyvwInNzcXGpra/Hz8zPZ7ufnR2Zmptk4Z8+e5ddff6W2tpYVK1bw8ssv8/777/PGG29Y/BDUkzUXrlLt27dn2rRpALRt25ZPP/2UdevWMWTIENauXcuuXbtISkoiMjISgPDwcEPcDz74gEGDBvHyyy8DEBkZybFjx3j33XeZOHGiIdyIESN46KGHAHjllVf44osv6NatG+PHjwfghRdeoFevXmRlZeHv78+MGTO46667eOqppwzp+uSTT0hISOCLL77A3r7BmKwGqqqqmlQUTY0tahsz434bqSwrQKetxdHZ9OrcwcWbguxzZuOUl+Ti6GIa3tHZm/KS3L/8Pmu5HvJRUZ+Hxmly8aIg66zZOGXFuTi6eptsc3LxapKHs0c2sGL209TUVODk6sPYR2fh4Gy9ofiuTvpGuKTM9KKvpFxn+LeWiGutZtJwB2xsoLhMx2eLyiirvLLjEe38vKnKMv3dq7JysXFzQWlvh42HG0q1mqrsvEZh8nCKCsdaKurKgkPjuuHsTUVpjtk4leWF6LS1ZuJ4UZRjvj5VlhWwf8MXRHW/1QKpbqp+SGrjm/+ySh3ODubjONqCUqkwEwe8XI1/D+mkIC1XZ9U1FurVp9VsPsyf4nG00+ejtFEZL6sEbxfjBe2R81qKyqC0Qoevu4JBHZV4uSj5ZYtlb2rr81BaYZqe0gpds9OTHO1BpVSYjePjrj8nXMjWj8YY3l3N6t0aUOj/X6VU4OJo0SzU5UPRbD5cmitTdvX5oFEc8G7mgXKXtkqyC3Wk5Fj2HFXfZjg0aTO8Kfw77Z7LlW2/AZzt9cfCXF11sm+mTNk1V791eLsZ4xw+p68XJRU6/NwVDO6kwstVwc+bLPdksaK0rv12bdp+51+k/XZyadp+lxUbj0Xr2H5EdhyCm1cQhTkpbF76Ab9+9gB3PbcApdIKPYc032bYX6TNqLpIm1F4kTbjwMYviOxmnTbDUL8bnTdLL9Zm1NVvc+XQp65+ezjr95vYQcXqvbVk5Ovo2EbJxBvUfPpbzV+u5yD+WTNmzODVV02nt06bNq3JiPXLpdVq8fX15euvv0alUtGlSxfS0tJ49913DfeZliadC1ep9u1NF9gJCAggOzsbgAMHDhAUFGToWGgsKSmJ0aNHm2zr06cPH330EbW1tYYRDg2/o74XrF27dk22ZWdn4+/vz8GDBzl06BDz5hmHJ+p0OrRaLefOnSMmxvyCSuYqztDbX2H4ndObzb/4/yW4bQ/ufmEJFaUFHN7+M8u/f4o7nvmlyUXm5eoapeb2QcbW+svfyi2y3+acStHw1rxSnB2U9I634b4Rjrw3v6zJTcL/R6cP/M7WJdMNf98w4Qurf2d1ZSl/zHkYD98IOg+aYpF9xoUqGNHVeIOwYJN1Rqa0bQVhfgq+XW2d/ceHKhjZzdih9r8/rTdUcv8ZY/nPLtJRWqnlnoEqPJz/etHLi+nYRsmYfjaGv2evqm5JMptVVgnz1tZwc181vePt0Ong4BktqTmWmcvcIVzJTb2MN2Q/rLXSnJEG1Cr9WhMbD8oqbw21C1NwYw/jsfhpg/V+n32nG9SLQh0lFbXcO0SNh3Nti+rFPyGm60jD//sERuETFMU3rwwm5eSuJqMeLteZA7+z9bfphr+H/FNtxtyHcfexXJvRvrWSUQ3q97x11qnf9S8g2HNSP3UCYFV+LeH+Cjq3VbF2n9T1q8nUqVN5+umnTbbZ2Zl/+Ort7Y1KpSIrK8tke/1DYHMCAgKwsbEx3PsBxMTEkJmZSXV1Nba25hf3bQnpXLhK2djYmPytUCjQavUnCQeHZro0W/Adirqzkblt9d9bWlrKQw89xBNPPNFkXyEhIc1+j7mK883aSyvM9k4eKJQqyktNn6ZWlDR9Il5P/5TDNHx5aS6OLubD/xOuh3w41OehcZpK8ppNk5OrN+XFpk+cysyEt7FzxN0nFHefUAJad+T712/gyPZf6X7DQxZJ++GzGpIzjVdpapW+bLs4KSguN17YuTgqSMtpecNbrYHcIh25RbUkZ9by8r1O9Iq3Yc1u69z0XIqqrFzs/Ex/dzs/b2qKStBWVlGdW4BWo8HO16tRGC+qMi331DAkZiC+wcaOzVqN/jepKM3D0dW40nFFaS6eAeY7LO0d3VEoVYaFuIxx8nBoVLaqq8pYPfsBbOwcGXTXTJQq03Pr5TqVpuPbBiu+1y/q5mQPpQ2eKjnZK8gqMH/nWV4NWq3OZCGu+n2U1T15DvNT4OEMz441HVEzro+SlFz4cX3LOh1OpulIyzOWefVF8pHZXD6q9PnQP93VNYjT9KlcQ/Wrm3s4Kygovfy782MXtKQsMtat+msoZwcFJQ069JwdFGTkmf+9yiuhVls/ssE0TmmDc8SpNC3vLqjG0Q60Ov10qv/cZcehsy3vXUi6oCWlwfSp+vOUs4PpiApnBwUZ+c0fC30+TLc7O2D2jRbxoUpsVBhuQiypvs2oaNJmNN+OmW33LhLeWk6k6kjNNd781U9TcLI3/R2d7Gm+flc1V7+bjixpqL5eeLq0rF405OBc134XN22/nZq5BnFy9aaspGn73Vx4AHfvYBycPSjIOW+xzoWQmIGGNzpA821G5UXaDLuLtBmOzqb5qakq4485lm8zjqdoSc011jNVff22b1S/7f+6fptrM0rqylT9OS+7yHQfOUU63JxamourmOLanOlvZ2fXbGdCY7a2tnTp0oV169Zx8803A/p7tHXr1jU7Rb1Pnz789NNPaLValEr9b3Ty5EkCAgKs0rEAsubCNal9+/akpqZy8uRJs/8eExPD1q1bTbZt3bqVyMhIk56rv6tz584cO3aMiIiIJp+LFVA7OztcXV1NPpcyJQL0CwX5BMaRdso4V1yn1ZJ6egf+oR3NxvEL7UjqKdO55Sknt+HXTPh/wvWQD5XaFr/gOFJOmuYh5cR2Alqbn5MfENaRCyd3mGy7cHwbAa07XvS7dFqt4QLCEqpq6m/29Z/MfC1FZVqigo39q/a2EOav4lyG5Xv1FQqF4UbhSinccQCvgT1NtnkP6k3BjgMA6GpqKNp3FO+BDS4IFQq8EntRuMP8nNzLYWvnhKtXqOHj7huBg4s36WeM5aS6spSc1EP4hphfzViltsW7VRwZp41xdFot6Wd24BvS0WQ/q2ZNRqmyYcg9n1/yeedSVGugoNT4yS3WD1dv+KpFW7V+vYU084uxo9VCRgFNXs8Y5qcgta7jYluSjm9Wafl2tfEDsGa/jt93tvyGsHE+cor1F6et/c3kI9f8Ba9WCxn5EOZvmo/WfgpSm4kD4Oeh/+/FOiAuKQ81kFesM3yyC3QUl+uICDRe4tjZ6FdQP59l/jer1erz1zCOAohopeR8dtM45VX6joU2rZQ4OcCx85Y5Fvklxk92oY6Sch1tAoy/q50NBPkomp3CUKuF9Dwd4QGm+QgPUJp0XNTrEqnkeIqO8uYX2b9sKrUtvkFxpDRu907twD+so9k4/mHm273mwltLk3pRpK8X4Q3W1rC1gSDv5o+FVgvp+TrCG9WLcP+L1wt/T334EguOdFOpbfEPieP8CdNjcf7Edlo10363at2RC8dN2+/zSdtodZH2u6Qgk4qyQpzdfCySbgAbc22GszfpZ/9em+HVKs6knalvM3watxnf17UZd1u+zWhYv3Pq6nd4o/od+Bf1O6OZ+p1aV78LS6G4XIe3q2m583ZVUHSVj4QRf+3pp5/mm2++Yc6cOSQlJfHII49QVlbGpEmTAJgwYQJTp041hH/kkUfIz8/nySef5OTJkyxfvpw333yTKVMsMyLHHBm5cA1KSEigf//+jBs3jg8++ICIiAiOHz+OQqFg2LBhPPPMM3Tr1o3XX3+d2267je3bt/Ppp5/y+eeft+h7X3jhBXr27Mljjz3G/fffj5OTE8eOHWPNmjV8+umnFspdUx0SJrJ+/ov4BMXjG9KeQ5vnoKmuILrbWADW/u8FnNx86TXiGQDa97uH3z6fwIGNswiNHcCp/cvJST3KgFteM+yzsryQ0oIMyor1U00K6ubcObp44+hquUbxestH58RJrP7xBXyD4/EPbc/+jXOoqa4groc+D6t+eB5nNz/63qTPQ6eECfzyyT3sXT+L1nEJnNi7gqyUIwy+XZ+Hmqpydv7xJW3iB+Lk5kNFaQEHN8+jtCiLtp2GWTz9DW3cX83Q7nZkF2rJK9JyY287isp0Jm+CeGysI4fO1LDpoH7pblsbDPOvAbxclQT6KCmv1FFQosNWDUO723H4rIaiMi3ODgr6dbDF3VnB/pOWXf5b5eSIU4RxxJBj6yBcO0RTnV9EZUoGUW88jX2gHwcnvQDA+a/nE/roXUTPeI6U2QvxTuxJwPjh7L7JODrk3Eff02HW2xTuPULR7kOEPXEvaicHUuYssmjaG1IoFMT1nsCBDV/i6h2Ki0cQe9d8gqOLL6GxxhWRV3w7ibC4wcT2uguA+L73sunXqXgHxeMT1I4jW+eiqa4gsvMYwHiRqKmpZMCt71BdVUp1lf7Kyt7J0yrzgXed0NEnTkF+iY7CMkhop6SkQv8UtN6diUpOpurYc0q/bedxHTf1VJCRr78R6R6pwEaN4Ul4/erxjRWX6yiy0ot6dp3Q0jdOSX6JlsJSHQPa6/NxvEE+7k5UcrxBPnac0DK6p5KMfAXpeTq6RymxUcPBc/WjE/RTME6l66ioBj93/asrz2frV963tK1HNAzspCa3SEd+iY4buqopLteZdALcP8KGo8lath/TdyhuOaxhfIINqTlaUnJ09I1XYWsDe08aOxy7RKrILtRSVgEhfgpG9bJh6+FacossdyPY0LZjtQxoryKvWEdBCQzqrKKkXD/Kod6kG9Qcu6Bl53H9tq1HtYzrpyI9V0dqrpbesSps1frXHTbk6QKhfgqrTr/omDCRtf97Ed/gePxC2nPwT327F9Nd32as+ekFnFx96X2jvs3o0O8eFn82gf0bZxEWM4CT+5eTnXKUxPEN2r2yQkoKMygr0rd79es3OLp442Sl9htgZ5KWfvFK8kp0FJbqSOygPxbHU4zH/p5BKo6n6Nh9Uv9b70jScnNvFen5OtJydfSM0deLA2f0/+7hrF/M8VSalvIq8PNQMLSLiuQsrcXrRdeBk1gx9wX8Q+MJCG3Png1zqKmqIL6X/lgsn/08Lu5+9L9Zfyy6JE5g/of3sHvtLMLjEzi+ZwWZF45ww136Y1FdWca2FZ8S2WkoTq7eFOak8Ofid/HwCSUspp9lE9+AQqEgrs8EDm74EjevUJw9gti39hMcXHwJiTG2GSu/m0RobIM2o8+9bF44Fe9AfZtxdFtdm9HF2Gasnj0ZTXUlCeP/mTZje1ItCe1V5JXU1e9OdWWqQf2eWFe/d9XV723HtIzpqyI9T1+/e8Xo6/e+BqOPth6pJbGjiswC/dtyOrZR4e2mYP6f1p9qJazrtttuIycnh1deeYXMzEw6duzIqlWrDFPZL1y4YBihABAcHMzq1av517/+Rfv27QkMDOTJJ5/khRdesFoapXPhGrVw4UKeffZZ7rjjDsrKyoiIiOCtt94C9CMMfv75Z1555RVef/11AgICeO2110wWc7wc7du3588//+Q///kP/fr1Q6fT0aZNG2677TYL5Kh5bTuOoLI0n12rZ1JekoN3qxhuvP8bwzDJ0oJ0wxQOgICwzgy+6z12rfqIHSs/xN07jOETP8UrwLhGRfLR9axf8G/D32t+1E/b6DpkCt2HPi75aEZU5xFUlOazfcUnlBfn4BMUw5hHvjUMkywpyEDRYGhaq/DODL/3PbYt/4itv3+Au28YN93/Gd6t9HlQKFUUZJ3l912LqSwtwN7JHb+Qdtz65Dy8A9paPP0Nrd1Tja1awR2D7HGwU3A2vZbPF5ebrATv7a7EycGYnxA/FU/eYhxXODZBPzZx57FqfvyjEq0O/DyVdI91wMleQXmljvNZtXz0SxmZ+ZYdduzWJZ5e634w/B37nr4cpMxdxKHJU7EL8MEhOMDw7xXJqey+6SFi359K2OMTqEzN5PBDL5G7ZoshTMYvK7H18SRy2hPY+ftQfDCJXTfeT3V2M4/eLaR9//vRVFewdfE0qiuL8QvtzNBJX5s8NSrJv0BlmXEV8vD2I6gsK2Dv2k+oKMnFKyCGoZO+NkyLyEs/Rk7KIQB+eX+oyffd+txaXDwCLZ6P7cd12KhhRDcl9raQkgPz/zR9/ZeHMzg0eBiWlKIf4prQTqGfQlEI8zdqKbPCk+RLtS1Jh41ax8i6fFzI0fHTxtpG+VDgaAf1UwiOXdDhaKcloZ0SZ3vIKoCfNtYaOkZqtdDaX0n3KP1IiKJyfWfF5iPWWUviz4O12KoVjO1ng70tJGdp+X5VjUn99nJV4mRvvDE8dFaLk72GIV1scHHUjwCYtbLaZAi7j5uCYd1scbCDglIdGw5o2HLYenOYNx/RYqtWMLq3Wn8ssnTMWWOaD09XhcmigkeStTjZ629UnB1UZOTrmLNG06STqktbFcVlcDrNemvBtO2kbzN2rZpJWXEOPoExjHrQ2O6VNG73WnfmhrvfY8fKj9i+/EPcfcIYMcm03Tt3dD3r5hvbvdU/6Nu9bjdMoccw67TfAFuPabFRw6geKv2xyNbx43qNSb3wdFHg2KBMHT2vrxcD2qtwdoDMAh3z1jeuFwp6RKv19aJM33G0yQr1IrrrCMpL89m67BPKinPwDYrhlscatd8NbkoC23TmxvveY/PSj9i89AM8fMIY89Bn+DRov3PSTnJ0xxIqK0pwdvMlLKYPfUc9idrGOsOt67XrV9dmLNG3Gb6hnRk60UybUd60zdi3Tt9meAbEcMPEr3Fwbtpm/PqBaZsx/lnrtBlb6ur3Tb2M9fuHtTVoGp5rXRQ42ZnWb0d7GNhRX78z83X8sNa0fm9P0qJWwfBuahxs9eVuzhoNBbKY43Xhsccea3YaxMaNG5ts69WrFzt27Gga2EoUOp0lliES4u/5+HcpdlcLO9vr4/VER5OKr3QSWmzYc92udBIs4uj8pCudhBarqbk+zlHa66SJLyu99p+4qW2uj5mofj6WmYN+JeUXXPvlCSAw4No/FgB5BVf2Vc2WUFZ2fZSp1+61bseQtVQu+eRKJ+Gy2N/cdB27a9310dIJIYQQQgghhBDiipHOBSGEEEIIIYQQQrSIrLkghBBCCCGEEOLadI2+ivJ6JEdCCCGEEEIIIYQQLSKdC0IIIYQQQgghhGgR6VwQQgghhBBCCCFEi8iaC0IIIYQQQgghrk2K6+O16tcDGbkghBBCCCGEEEKIFpHOBSGEEEIIIYQQQrSIdC4IIYQQQgghhBCiRWTNBSGEEEIIIYQQ1yalPC+/WsiREEIIIYQQQgghRItI54IQQgghhBBCCCFaRKZFCCGEEEIIIYS4NsmrKK8aMnJBCCGEEEIIIYQQLSKdC0IIIYQQQgghhGgR6VwQQgghhBBCCCFEi8iaC0IIIYQQQgghrk0KeV5+tZAjIYQQQgghhBBCiBaRzgUhhBBCCCGEEEK0iEyLEEIIIYQQQghxbVLK8/KrhRwJIYQQQgghhBBCtIh0LgghhBBCCCGEEKJFpHNBCCGEEEIIIYQQLSJrLgghhBBCCCGEuDYpFFc6BaKOdC4IcZncXK6PE1lZxZVOgWU42Ntc6SS02NH5SVc6CRYRd3vMlU5Ci+l2Hr3SSbCIkgrVlU6CRaTnXPv5UF/7WQCuj2t4Z+fr4/I3LaPmSifBImLaXPuVo7zK9konQYirgkyLEEIIIYQQQgghRItI54IQQgghhBBCCCFa5PoYFyaEEEIIIYQQ4v8fhTwvv1rIkRBCCCGEEEIIIUSLSOeCEEIIIYQQQgghWkSmRQghhBBCCCGEuDZdD6+xuU7IyAUhhBBCCCGEEEK0iHQuCCGEEEIIIYQQokWkc0EIIYQQQgghhBAtImsuCCGEEEIIIYS4NinlefnVQo6EEEIIIYQQQgghWkQ6F4QQQgghhBBCCNEi0rkghBBCCCGEEEKIFpE1F4QQQgghhBBCXJN0CsWVToKoIyMXhBBCCCGEEEII0SLSuSCEEEIIIYQQQogWkWkRQgghhBBCCCGuTQp5Xn61kCMhhBBCCCGEEEKIFpHOBSGEEEIIIYQQQrSIdC4IIYQQQgghhBCiRWTNBSGEEEIIIYQQ1yZZc+GqIUdCCCGEEEIIIYQQLSKdC0IIIYQQQgghhGgRmRYhhBBCCCGEEOKapFMornQSRB3pXLiOTJw4kTlz5gCgVqsJCgpi/PjxvPbaa9jb21/h1LXM4a3zOLDxO8pLcvEKiKbfmJfwC2nfbPjTB1exa9XHlBSk4eYdSq+RzxIak2D49zOH/+Do9vnkpB6lqryIW/+1GO/AGKvnY++Geexc8x2lRTn4BkVzw+0v06p18/lI2ruSTb99TFFeGp6+YQwY+ywR7Yz5mPFQlNl4iWOfo+fQ+y2efoCDm+exb/13lJfk4N0qmoRxL+Mf2nweTh1YyY4VH1Ocn4a7Txh9Rj1LWKw+D7W1NexY/hHJSZsoykvBzt6Z4Mje9B71DM5uflZJf0M3dFXTPUaNgx0kZ2pZvLmG3CJds+FbByhJ6KAmyEeJq5OCOauqOJqsbfF+W0Kn07Fv7UxO7PmF6ooS/EI70Xv0NNy8wy4a79j2eRzePIuK0lw8/aPpNeo/+ATrj2NVeSH71n5K2umtlBZmYO/kSWjsILoMeQJbexeLpt+zb1fCn5mMW+d47Fv5smfco2QtXXfxOP27E/veizjHtqUyJYPTM74gde5ikzChj9xJ+NOTsfP3ofjQcY4+9TpFuw9bNO2NbfnjJzb+/j0lRbm0ColizMR/ExJhvm5kppxm1a8zST17jILcdEbf8wL9R0xodt/rfvuGFfM/ot+wu7n53qnWygK71s1j66rvKC3KxT84muF3vURQePP1++juVaxf/DGFuWl4+YUyePyzRLY3nqNKi3JZ8+t7nDmylcqKEkIjuzLirpfw8guzWh5AXy/2rplJ0q5fqK4oxj+sM33H/HW9OLptHgc3fUdFSS6eAdH0Gf0SvsHG/CftXMDpA8vITTtGTVUZ907fhZ2Dq1XyYOl2T6fTsXv1TI7t/IWqimICWnem/9hpuPuEWSX99Q5tqW8zcvFuFU3/sS/9RZuxih0rP6YkPw13n1B639iozVjxMeeT/qQoLxU7e2eCInvT+8anrd5mXA9lqt6A9ko6t1VibwMpOTqW76olv+TicbpFKukdq8TZATILdKzcrSU9z7RdC/JWMLCjkkBvBTqtPtyP62vR1Fo2/TvXzmPLyln681RINCPv/k+z56mstFOsXzST9OSjFOalM/yOF+k99N4W7dMSLH09CJCbcYYNi94l5eRutNpavALaMPbhmbh5trJaPoRoTKZFXGeGDRtGRkYGZ8+e5cMPP+Srr75i2rRpVzpZLXLqwAq2Ln2LrkOmMP6pRXi3imLZN/dTXpJnNnxG8j7WzHuGmO63MP5fi2kdP5iVsx8jL+OkIYymuoKAsC70GvnsP5UNju1ewbpfZ9B35BTu+89i/IKiWfDJZMqKzecj9cw+fvv2GTr0uYX7XlpC246DWPjFFHLSjPl4/J0tJp+RE94EhYKozkOtkoeT+1aweckMegybwu3PLsY7MJrfvpzc/LE4t49Vc58htuct3PHsEsLbDWLZd1MMx0JTXUl26jG63fAIdzyziBH3fUpB9jmWffuIVdLf0ICOavq0U7NoczUzF1VRXQOTR9qiVjUfx1YNGXlaFm+utuh+W+LQpm85tv1H+oyezk2PLEBt68jq7x9AU1PVbJyzh1awc8XbdBo0hdFTFuIZEMWq7x+golR/HMuKsykvyab78OcZ++RS+t/yJqknN7N54UsWT7/KyZHiQyc48sSrlxTeISyIbku/Im/jTrZ0Hc25mXNo99UbeA/pawgTMH44Me9O5dQbn7Gl+xhKDh2nx/LvsPXxtHj66+3fvpKlP7zDDeMe5V9v/kKr0Ci+fushSorM143q6gq8fIMZece/cHH3vui+L5w5zI51vxAQEmmNpBsc2bWC1QveYsBNU3ho2iL8gqP48YP7KW3mHHXh9D5+/eoZOve7hYenLya602Dmz3yMrFR9/dbpdMz/dAoFOanc8cTnPDxtEe5erZj73n1UV5VbNS8H//yWI1t/oN+Y6dz82M+obR1Y8d39F60XZw6uYPuyt+gyaApjn1iEV0AUK76731AvQH/OCo7sR6fEh6yafmu0e/s3fMuhLT+QMG46457Q/ybLvrn4b9JSJ/evYPOSt+g+dAq3P6PPx9KvLpKPc/tY/cMzxPW4hdufXUx4/GCWz3rMpM3IST1GtyGPcvszCxkxaSaF2edY/u2jVstDvWu9TNXrE6ukR7SS5Ttr+XaVhmoN3D1QjeoidwRxoQpu6KLkz0O1fLVCQ1YB3D1QhaOdMUyQt4K7Bqo4k6Hj25UavlmlYdcJLToL96sf3rmClfPfJvHmKTzy6kL8g6OY894DzZ6naqoq8fAJZsj4p3F2M3+u/bv7bClrXA8W5Fzgh3fvxMs/nDuf+YHJryyl78hHUavtzO5TCGuRzoXrjJ2dHf7+/gQHB3PzzTczePBg1qxZA0BeXh533HEHgYGBODo60q5dO/73v/+ZxNdqtbzzzjtERERgZ2dHSEgI//3vfw3/npKSwq233oq7uzuenp6MHj2a5ORkq+bp4J+zie0xnpju4/D0jyBh3Kuobew5vnuh2fCHNv9ASFRfOiVOxtOvDT2GPYlPYCyHt84zhInqMppuN0whqG0vq6a9oV1rv6dD31tp32cc3q0iGHbXq6ht7Tm0zXw+9qybS3hcP3oOvR/vgDYkjH4K/5BY9m780RDG2c3H5HPy4DpCI3vg4RNslTzs3/g98b1uJbbHOLz8Ixg4Xp+HYzvN5+HAn3MJje5Hl4H34+nfhl4jnsInKJaDm/V5sHNwYcyj3xPZaQQefuEEhHVkwC0vk51ylJKCdKvkoV7fdmrW7dNwLFlLZr6OBRuqcXVUEBfWfC/AiRQtq3drzI5WaMl+L5dOp+Potrl0THyY0NhBeAZEkTD+LcpLsjl/bG2z8Y5smUNUt/FEdhmLh18EfUZPR21rz8m9iwDw9I9k0F2fEBKTiKtXCK3a9KTrDU9x4fgGtLUai+YhZ/UmTk77iKzfmk9vQ6EP3k7FuVSSnn+b0uNnOf/5PDIXrqb1kxMNYVo/NYmU734mdc4iSpPOcPjRadSWVxI8cZxF097QpuVz6DnwFroPGIN/UATjJk/DxtaeXRsXmQ0f0qYdo+56lk69R6BW2za736rKMuZ9+gLjH3gVRyc3ayUfgO2rZ9O5/3g69RuHb2AEN054FRtbe/ZvNl+/d675gYj4vvQZPhmfVm0YOPZJAkJj2bVef67Ny0om9cxBbrxnGoGt2+EdEM7Ie6ZTU13J4Z3LrZYPnU7H4S1z6TTwYcLiBuEVEEXirW9TXpxN8tHmy9mhzbOJ7j6eqG7j8PCLoN8YfVtzokFb067fvXRMfBDfkA5WSz9Yvt3T6XQc2jyXLoMfpnX8ILxbRTHo9rcpK87m3JFLq3uX48DG2cT1Gk9sD30+Ev+qzdj0A6HRfek8UJ+PniOexCcolkOb9fmwc3Dh5kdm0bbTcDx8w/EP60jCuJfJTrVum3E9lKl6PWKUbDqs5USqjuxCWLKtFhdHiA5uflh5zxgl+05rOXBWR24RLNtZS00tdIow3kYM7aJk1wktW49qySmCvGI4dkFHbfPN5WXZtnoOXRPG07nfWHwDIxh173RsbO3Zt8n8uTYovB3Dbn+O9j1HNnuu/bv7bClrXA/+ueRD2sT3Z+C45/EPicXDJ4S2HQbh5OpllTwI0RzpXLiOHTlyhG3btmFrqz+ZVlZW0qVLF5YvX86RI0d48MEHueeee9i1a5chztSpU3nrrbd4+eWXOXbsGD/99BN+fvqhhjU1NQwdOhQXFxc2b97M1q1bcXZ2ZtiwYVRXN/8ktyVqNdXkpB0lKLK3YZtCqSSobS8yzx8wGyfr/AGC2vY22RYc1YesZsL/E2o11WReOErrGNN8hEX3Ju3sfrNx0s4eICzatPOjdWxf0s4eMBu+rDiXM4f/pEPfWyyW7oZqNdVkpx4luNGxCI7sTUay+TxkJB8gONI0D6HRfclMPtDs91RVlIJCga0Vh4V6uihwdVJwKtU4VrOyGlKytYT6X/5p0Vr7bU5JQSoVJbm0amP8jW3tXfAJak/2hYNm49RqqslNP0qrCGMchVJJqza9yL5woNnvqq4swdbOGaXqys6mc+/Zkdz120225azZgkfPjgAobGxw6xxH7rptxgA6Hbnrt+Hes5NV0qTRVJN67hht442/qVKpJDK+J+dPmT8Ol2rRrDeI7dSfyHbW7QjVaKpJP3+U8Fhj/VYqlYTH9iL1zAGzcVLOHDAJDxAR34fU0/rwtRp9u6C2MT45UyqVqNW2XDi117IZaKAkP5WKkhwCG7QDtg4u+Aa3b7aM12qqyU07atJ2KJRKAiN6kXWRemEN1mj3ivNTKS/JIbhBGDsHF/xC2je7z5Zqts24SD4ykw+YhAcIiepDxkXSWFVRAgqFVacSXOtlqp67M7g4KDibabzjr6qB1FwdwT7mOxeUSmjlqeBshukQhLMZOoK89XEc7SDIR0lZJdw3VMUz49TcO0TV7D4vl0ZTTXryUcJjTc+1beJ6kdLMeepK7PNirHE9qNNqOXN4I55+Ycz/eDIfP9uL2TPGc/KA9ToOrzoK5bX5uQ5dn7n6f2zZsmU4Oztjb29Pu3btyM7O5rnnngMgMDCQZ599lo4dOxIeHs7jjz/OsGHD+PnnnwEoKSnh448/5p133uHee++lTZs29O3bl/vv18/dX7BgAVqtlm+//ZZ27doRExPD999/z4ULF9i4caNV8lNZVoBOW4ujs2nPq4OLN+XFuWbjlJfk4uhiGt7R2ZvyEvPh/wnlpXX5aJQuJ1cvSovMp6u0OBcnV+9LDn94+2Js7Z2I6nSDZRLdSEWZ+Tw4unj9xbHwbhK+rJnwmpoqtv7+HlGdR2Jn72yZhJvh4qi/4CmtML1YKqnQ4eJw9e23ORV1Zdqhcf1w9qaiNMdsnMryQnTaWjNxvAz7axKnrID9G74gqvutFkh1y9j5eVOVZZrOqqxcbNxcUNrbYevtgVKtpio7r1GYPOz8Lz794HKVFRei1dbi4mb6mzq7eVFSePnnnf3bVpCanMSI2//V0iT+pfISff12dm18jvJu/hxVlGs+fF399vYPx82rFWt//YCKsiI0mmq2rPiG4oJMSgvNl09LKC/R77tJu3GRdqCyvMB8vXD559sOa7R79b+Jg8ul/yYt1Xyb8TfzcZHwmpoqti17j8hOI7G1YptxrZepes72+jaqrNJ0e1klONmb7whwtAOlUmEmjg7nunbNw0UfN6G9kn2ntMxbryEzX8eEwSo8LbhMT3mJ/lzr3Phce5Froyuxz4t+nxWuB8tK8qiuKmfHqm8Ij+vH7U/OIqrTEBZ++RgXTu4yt0shrEYWdLzOJCYm8sUXX1BWVsaHH36IWq1m3Dj9UODa2lrefPNNfv75Z9LS0qiurqaqqgpHR0cAkpKSqKqqYtCgQWb3ffDgQU6fPo2Li2lLUVlZyZkzZ5pNU1VVFVVVpnMSNTW2Jk+zRMsd3LqQuO6jrtnftba2hpWznwR0DBh/afPvL1WntirG9rcx/P39CuuMtLG20wd+Z+uS6Ya/b5jwhdW/s7qylD/mPIyHbwSdB02x+vcJvYK8DJbMeYuH/v0NNrbXZp1WqW24bcon/Pb9S7z9eA8UShXhsb2IaNcfS07EPrX/dzYvMq4tNGzSlxbbt7h61dbWsGrOU6CDxPHTLbrv66VMtQtTcGMP45S8nzZYeGXFOvXdEntP6adOAGTu1dLaX0mnNkrWHbDw3AhhQqfT/75tOwyi++CJAPgFx5B6Zh/7Ns0nJLL7FUyd+P9GOheuM05OTkRERAAwa9YsOnTowHfffcfkyZN59913+fjjj/noo49o164dTk5OPPXUU4YpDQ4OF3+0WlpaSpcuXZg3b16Tf/Px8Wk23owZM3j1VdObxaG3v8LwO6f/ZX7snTxQKFWUl5o+hawoycXR1fxTSEcX7yaLRZWXNn2C/k9ydK7LR6N0lRXnNbvAkLOrd5Mn/M2FTzm1h/ysc9z8wEcWS3NjDk7m81BekvcXxyK3SfjGPfD6joWnKClIZ8yUORYftXAsuZYLWcaLm/rFFZ0dFJSUG29yXBwUTVa//jvq92Xp/dYLiRlossp4/bDzitI8HF19DdsrSnPxDDD/9hN7R3cUSpXJgmL1+3BoVEeqq8pYPfsBbOwcGXTXTJQqG660qqxc7PxM02nn501NUQnayiqqcwvQajTY+Xo1CuNFVaZ1nhY6ubqjVKqaLN5YWpT3l4s1Nif17DFKi/P48N/jDdu02lrOHt/D1j/+x9s/7EeptNw6Ho4u+vrdeAGzsuLc5s9Rbt7mwzeo363C4nnk1SVUlpdQq6nBydWTb16/lVZh8RZLe2hsotl6UW6mXni1aq5eeJivF2ZGX1mbNdo9Rxefun3k4XSJv0lLNd9m/M18mAmv71j4F8UF6Yx5dLbFRy1cL2XqRKqO1FzjOjn1bZ+TPZRWGMM52UNWgfk2qrwKtFodTo1eOuZkrzDso360Xk6jtyLlFOlwdbLc1AhHF/25trTxufYi11JXYp8X/T4rXA86OnugVKrxDmhjEsbbvw0pZ6w3BU0Ic2RaxHVMqVTy73//m5deeomKigq2bt3K6NGjufvuu+nQoQPh4eGcPGlcabZt27Y4ODiwbp3518B17tyZU6dO4evrS0REhMnHza35hcamTp1KUVGRyWfI+Et7lZpKbYtPYBxpp4xzrHVaLamnd+Af2tFsHL/QjqSeMp2TnXJyG37NhP8nqNS2+IfEkZxkmo/zx7cTGG5+HnhgeEfOH99hsi05aRuB4R2bhD249Vf8Q+LwC462aLobUqlt8Q2KI6XRsUg5uZ2AMPN5CAjrSMop0zxcOLEN/7COhr/rOxYKc85z86OzcXDysHjaq2ogr1hn+GQV6Cgu09E20HhzZmcDwb5Kzmde/hOW/BLr7LeerZ0Trl6hho+7bwQOLt6knzH+xtWVpeSkHmp2cTCV2hbvVnFknDbG0Wm1pJ/ZgW9IR5P9rJo1GaXKhiH3fH7VjIgp3HEAr4E9TbZ5D+pNwY4DAOhqaijadxTvgQ3mpyoUeCX2onCH+fmsLaVW2xLUOpZTR4y/qVar5dTRnYS2vbxF2trG9+TZd5bw9FsLDZ/g8Dg697mRp99aaNGOBdDnoVVoHOcanKO0Wi1nk3YQ1Kaj2TjBbTqahAc4c3QbQRFNw9s7uuDk6kleVjLpyUeI6jTQYmm3tXPGzTvU8PHwi8DBxYf008a0VVeWkp1yyKSMN6RS2+IdGEfaadPzW/rpHfg1E8darNHuuXoG4ejiYxKmurKUrAuHmt1nS9W3GaknG7UZp5rPh39YR1JONs1HQIPw9R0LhTnnGfPI91ZpM66XMlWtgYJS4yenSD9NL7zBGkC2Nvo3PaTkmO9c0GohPV9HuL9pJ0G4v4LUXH2cwjIoLtfh7WoaxstVQVGZ5UYpqdW2tAqL4+wx03Pt2WM7CG7mPHUl9nkx1rgeVKltCQhrR17WOZMw+dnJuHkGWjYDVyuF4tr8XIekc+E6N378eFQqFZ999hlt27ZlzZo1bNu2jaSkJB566CGysrIMYe3t7XnhhRd4/vnnmTt3LmfOnGHHjh189913ANx11114e3szevRoNm/ezLlz59i4cSNPPPEEqampzabBzs4OV1dXk8/fuVHpkDCRYzt/4fjuxeRnneHPRdPRVFcQ3W0sAGv/9wLbV7xvCN++3z2knNjCgY2zKMg+y67VM8lJPUq7PncZwlSWF5KblkRBln46R0HOOXLTkigvtt484O6DJ3Fgy88c2r6Y3IwzrPppOjXVFbTvrc/H798/z8bFxnx0HTSBs0c3s3PNLPIyz7D595lknD9ClwF3m+y3qqKU43tX0aHveKyt04BJHN3+M0m7FpOfeYYNv+iPRWwPfR7++PF5tv5uzEPHhAlcSNrMvg2zyM86w46VM8lOOUKHfvo81NbWsOL7J8hOOcLQe95Dp62lrDiHsuIcw5Mia9lyWMPALmpiQ5X4eyq4baAtxeU6jiYbh40+cKMtveOMN3G2agjwUhDgpW8QPF31/+/urPhb+7UUhUJBXO8JHNjwJeeT1pOfeZI/f3kRRxdfQmMHG8Kt+HYSx7YbRxzF972XE3t+4dS+JRRmn2Hrb6+iqa4gsvMYoK5j4fvJaGoq6Df2DaqrSikvyaG8JAet1rL5UDk54tohGtcO+o4xx9ZBuHaIxj44AICoN56mw/dvG8Kf/3o+jq2DiZ7xHE5R4YQ+fCcB44dz7uPZhjDnPvqe4Mm3EnjPzThHhxP/2XTUTg6kzLHOyt8A/Ufey84Nv7L7zyVkpZ1h4azXqK6qoHuC/jf96fOpLP/fh4bwGk01aclJpCUnUaupoaggm7TkJHIzzwNg7+BEQHBbk4+tnSOOzm4EBLe1Sh56DZ3I3j9/4cDWxeSkn2H5D9OpqaqgU199/V70zQus/dVYv3sMuYfTR7awbdUscjLOsmGJ/l3y3Qcaz7VHd6/i3PGd5GencHz/Oua+dx/RnQcREd+3yfdbikKhoF3fCexb/yXJx9aTn3GCDQtewNHVl7A4Y71Y9vVEjmwzrrbevt9Eju/6hZN7F1OQdYbNi6dTU1NBZNexhjDlJTnkpidRnHcBgPzMk+SmJ1FZXmjRPFi63VMoFLTvN4G9677k3NH15GWcYN3/XsDJ1ZfW8YPNpsESOg6YyNEdv+jbjKwzbPi1UZsx7wW2LWvQZvS/hwvHt9S1GWfZuWom2SlHad9Pn4/66XPZKUe44e530f5Dbcb1UKbq7UzS0i9eSWSQAl93GNNbRUk5HE8xdgLcM0hFt0jjLcKOJC2d2yrpEK7A2xVu7KHERg0Hzhg7zbcd09I9SklMiAIPZ0jsoMTbFfaftuyUiN5D72Xvn7+wf8sSstPP8PvcV6muqqBzP/259tevX+CPXz4whNdoqsk4n0TG+SRqa2soLsgm43wSeVnnL3mflmaN68EeN0wmac9KDmz+mfzs8+zZ8COnDm2g84A7rJIHIZoj0yKuc2q1mscee4x33nmH/fv3c/bsWYYOHYqjoyMPPvggN998M0VFRYbwL7/8Mmq1mldeeYX09HQCAgJ4+OGHAXB0dGTTpk288MILjB07lpKSEgIDAxk0aBCurtZbpbltxxFUluaza/VMykty8G4Vw433f2MYVlhakI6iQe9fQFhnBt/1HrtWfcSOlR/i7h3G8Imf4hVgfEd88tH1rF/wb8Pfa358GoCuQ6bQfejjVslHbLcRlJfms3npJ5QV5+AbFMOtT3xrmCJQnJ+BosHKsUFtOnPT/e+x6beP+HPJB3j4hjHukc/wCTR91/2x3cvR6XTEdr/RKuluKLLzCCrK8tmxUp8Hn8AYRj/0reFYlBSY5iGgdWeGTniP7cs/YtuyD3D3CePGyZ8ZjkVZYRbnjqwH4H/vjjb5rrFT5hLUtofV8rLxgAZbNYxLsMXeFpIztXy3vBpNg3tnLzcFTg7GshXkq+Thm4wdY6N669/EsueEhp831Fzyfi2pff/70VRXsHXxNKori/EL7czQSV+bdOCV5F+gsqzA8Hd4+xFUlhWwd+0nVJTk4hUQw9BJXxumReSlHyMn5RAAv7w/1OT7bn1uLS4elnsS4tYlnl7rfjD8Hfuevl6mzF3EoclTsQvwwaGuowGgIjmV3Tc9ROz7Uwl7fAKVqZkcfuglctdsMYTJ+GUltj6eRE57Ajt/H4oPJrHrxvupbrTIoyV16jWcsuJ8Vv/6KcWFuQSGRvPAi18ZpkUU5maYnKeKC3L4YKrxzS4bl33PxmXf0yamG4++Mttq6byY+O4jKCvJZ8OSmZQW5eAfHMPd//rGMPS2KD8dhdKYh5CIzox78D3WL/qIdYs+xNMvjNsf/xS/IOM5qqQwm9Xz36K0OA8Xdx869BpN/5sesXpeOiTo68Xmha9QXVmMf1gXht/3jUm9KG5UL9p00J/f9vyhb2u8WsUw4r5vTIawH9sxn31rPzP8/fuX+ov7hPFvEtXghrGlrNHudUrU/yYbf32F6opiAlp34cYHvrHqqKTITiOoKM1n56qZhjbjpocuko/WnbnhnvfYseIjti//EHefMEbeZ8xHWZGxzZj/3s0m3zVmyhyCIqzXZlzrZare1mNabNQwqocKe1u4kK3jx/Uak1dGeroocLQ3djYcPa/D0U7LgPYqnB0gs0DHvPW1Jos87jyuRa2CoV1UONjpp1n8sK6WglLLpr9djxGUlRSwbvEnlBblEhASw4Rnvjaep/IyUDa4DikpyOHzacbfceuqWWxdNYuwqG5Mnjr3kvZpada4HozqNIRhd01n+6qvWbPgDTz9WjP2oU8IjuhqlTwI0RyFTmfBVZWEuEQf/37tFzs3l+tjOFNZxV+HuRacP3/tZ8Tb5+qYetBScbdbZw73P0m38+iVToJFlFRYdvrElZJuvUFl/xj19XEoUF0H+ai6Ntf0baK0VPPXga4BMW2u/UJVXnV9DAafOOBKp+DylG9deKWTcFkc+4y70kmwuOujJgghhBBCCCGEEOKKkc4FIYQQQgghhBBCtIh0LgghhBBCCCGEEKJFZEFHIYQQQgghhBDXJN11+lrHa5GMXBBCCCGEEEIIIUSLSOeCEEIIIYQQQgghWkSmRQghhBBCCCGEuDYp5Hn51UKOhBBCCCGEEEIIIVpEOheEEEIIIYQQQgjRItK5IIQQQgghhBBCiBaRNReEEEIIIYQQQlyTdLLmwlVDjoQQQgghhBBCCCFaRDoXhBBCCCGEEEII0SLSuSCEEEIIIYQQQogWkTUXhBBCCCGEEEJcmxSKK50CUUdGLgghhBBCCCGEEKJFpHNBCCGEEEIIIYQQLSLTIoQQQgghhBBCXJPkVZRXDzkSQgghhBBCCCGEaBHpXBBCCCGEEEIIIUSLSOeCEEIIIYQQQgghWkTWXBBCCCGEEEIIcW2SV1FeNWTkghBCCCGEEEIIIVpEOheEEEIIIYQQQgjRIjItQgghhBBCCCHEtUleRXnVkCMhhBBCCCGEEEKIFpGRC+KK0NRe6RS0XJBn1ZVOgkUUVthc6SRYRFa26konocVqanRXOgkWodt59EonocUUPeKudBIsYsSMYVc6CRaxsvdHVzoJLVZUen0sONY5tPBKJ6HF1ErNlU6CRUz/IO9KJ8Eihnf1v9JJaLFwzbErnQQL6XWlEyCucTJyQQghhBBCCCGEEC0iIxeEEEIIIYQQQlyTdPIqyquGjFwQQgghhBBCCCFEi0jnghBCCCGEEEIIIVpEOheEEEIIIYQQQgjRIrLmghBCCCGEEEKIa5NCnpdfLeRICCGEEEIIIYQQokWkc0EIIYQQQgghhBAtItMihBBCCCGEEEJck3TIqyivFjJyQQghhBBCCCGEEC0inQtCCCGEEEIIIYRoEelcEEIIIYQQQgghRIvImgtCCCGEEEIIIa5JOnkV5VVDjoQQQgghhBBCCCFaRDoXhBBCCCGEEEII0SIyLUIIIYQQQgghxLVJpkVcNeRICCGEEEIIIYQQokWkc0EIIYQQQgghhBAtIp0LQgghhBBCCCGEaBFZc0EIIYQQQgghxDVJp1Bc6SSIOjJyQQghhBBCCCGEEC0inQtCCCGEEEIIIYRoEelcEEIIIYQQQgghRItI58I1YOPGjSgUCgoLC63+XQqFgiVLllj9e4QQQgghhBCipXQK5TX5uR7Jgo4W9uWXX/Lcc89RUFCAWq3/eUtLS/Hw8KBPnz5s3LjREHbjxo0kJiZy+vRp2rRp0+w+e/fuTUZGBm5ubn/5/fX7LCgowN3d3eTfMjMz+e9//8vy5ctJS0vD19eXjh078tRTTzFo0CAAMjIy8PDw+PsZtzKdTsfeNTNJ2vUL1RXF+Id1pu+Yabh5h1003tFt8zi46TsqSnLxDIimz+iX8A1ub/j3pJ0LOH1gGblpx6ipKuPe6buwc3C1Wj7+XDWftUtnU1yYS2BoJLfeN5Wwtu3Mhk1POc3yBZ9x4WwS+TnpjJv4HANH3mMS5uVHh5Gfk94kbv+ht3Hb/f+xSh52rJ3H5hWzKC3KxT84mhvv+Q/BbdqbDZuVeop1i2aSlnyUwtx0Rtz5In2G3WsS5tzx3WxeMYv05KOUFOZw15Mzie0y2Cppb2xgRxVd2iqxt4UL2Tp+36Ehv+TicbpHKekTr8LZAbLydSzfVUtars4kTLCPgkGdVAR5K9DqILNAx9w1GjS11slH/3gFndoosLOB1FxYuUdLQenF43SJUNAzRoGzPWQVwh97taTnmw97e38lbVop+GVzLSfTLJ58tvzxExt//56SolxahUQxZuK/CYkwX6YyU06z6teZpJ49RkFuOqPveYH+IyY0u+91v33Divkf0W/Y3dx871TLJx7w7NuV8Gcm49Y5HvtWvuwZ9yhZS9ddPE7/7sS+9yLOsW2pTMng9IwvSJ272CRM6CN3Ev70ZOz8fSg+dJyjT71O0e7DVslDPduOfbHrNhCFkyu1OWlUrltIbeYFs2GdbnsMdXDbJttrzh6lfNHXAKjbtse2Qx9UfsEoHZwomfMO2hwrFKJGdq6bx7aV31FalItfSDQj7nqJoHDzZSo77RTrF39CRvJRCvPSGXbHVHrdcG+TcH9nn5ZwYNM89qz7jrLiHHwCo0m85WUCwpr/vpP7V7J12ccU56fh7hNGv9HPEh6XYDbs2vmvcGjrAgaMnUrnxIlWyoHemuW/sHzxPIoK8ghp3ZYJDz5Dm8g4s2E3rF7C5g0rSD1/FoDWEdHces8jzYaf9flbrF+1mLsnP8Ww0XdYLQ8Aq5ct5PdFP1FUkE9I6wgmPfQvIqJizYZdt2opm9avJPX8OQBaR0Rx+4SHmoRPS0nmp+8/59iRA2hrawkMCePpqf/F29ffqnm580YvhvR1x8lByfGzFXzxUxYZOTXNhh831JNeHZ0J8rejqkbL8TMVzF2SQ1qWaZyo1vbcPdqbyDAHtFod51KrmD4zleoaXTN7vjxrlv/CiiU/UlSQR3BYWyY8+GzzZeqPJWzZsNxYptpEM/6eR03CL/rf1+zYvIa83CzUahtat4nmlrsfISIq3qLpbmjhyrX89NtK8guLiAgL4V+T7ya2bfhfxlu7ZQfTPvySft068daLTxq2b9yxhyV/bODEmWSKS8v4/r1XiWwdarX0C9Gc67PL5ApKTEyktLSUPXv2GLZt3rwZf39/du7cSWVlpWH7hg0bCAkJuWjHAoCtrS3+/v4oWrASanJyMl26dGH9+vW8++67HD58mFWrVpGYmMiUKVMM4fz9/bGzs2t2PzU1zTc+1nTwz285svUH+o2Zzs2P/Yza1oEV392Ppqaq2ThnDq5g+7K36DJoCmOfWIRXQBQrvrufitI8QxhNdSXBkf3olPiQ1fOwd+sqFs15lxHjH+bFtxcQFBrFp/99mJKiPLPha6oq8fINYvRdT+Lq7m02zPMzfuLNr9cbPo+/rL+g79TrBqvk4dCOFaz46W0G3jyFKa8txD8kitnvPkBpcTN5qK7EwyeYobc+jbOb+TxUV1UQEBLFqAkvWyXNzekbr6RHjJLfd2j4eoWGag1MGGKD+iJnxfgwJcO6qdh4sJYvf68hs0DHhMFqnOyNYYJ9FNwzWM2ZdC1frdDw1fIadiZp0Vn22sqgV7SCbpEKVu7RMnuNlhoN3DFAieoi+YgJVjC4k4LNR3R8t1pLdqGO2wcocTRT9btHKrBS0gHYv30lS394hxvGPcq/3vyFVqFRfP3WQ83Wi+rqCrx8gxl5x79waaZe1Ltw5jA71v1CQEikNZJuoHJypPjQCY488eolhXcIC6Lb0q/I27iTLV1Hc27mHNp99QbeQ/oawgSMH07Mu1M59cZnbOk+hpJDx+mx/DtsfTytlQ1sojphP2AMldtXU/rDu2iz03G65REUjs5mw5f/Noviz18yfEq+n4FOW0vNiQOGMAobW2rTzlK5aanV0t3YkZ0rWD3/LQaMnsJD0xfhHxzFD+/f3/x5qkp/nho8/hmc3Xwsss+WOrF3BX8unkHP4VO4+/nF+ARGs+jzyZSXmP++9LP7WD77GeJ73cLdLywhov0gln4zhdz0k03Cnjq4hozkgzi5+Vol7Q3t2LyGed99zJjbJ/PGh3MICYvg7WlPUlRovicz6cg+evW/gf/893Omv/stnt6+vD3tCfLzspuE3b19I6dPHMHD0/wxs6Rtm9byw7czueWO+5jx8SxCW0cw45WnKSosMBv+2OF99EkYwsszPuG1977Cy8eXN1/5F/m5OYYwmRmpTHv+EVoFhfLKjE95+9M5jL19Ija2zV+DWcLYGzwZmejBFz9l8dw7F6is0jL9iSBs1M1fY8a3dWTFn4U89855pn2cilqlYPrjwdjZGuNEtbZn2uNBHDhWzrNvn+fZt8+zfGMhWgs3IDs2r+GnWR8x5rb7ef2DuYS0bss7059ovkwd3kuvfkP59xtfMO2d7/D09uOd6Y+blCn/ViFMePA5ZnzyP15+62u8fQN4Z/rjFBeZP74ttXbrTmbOns99t97MrHdfJSI0mKdff4+CouKLxsvIzuHTOQvoENO0TausrKJ9dCSP3HOrVdIsxKWSzgULi4qKIiAgoMkIhdGjR9O6dWt27Nhhsj0xMZEffviBrl274uLigr+/P3feeSfZ2dkm4RpOizh//jyjRo3Cw8MDJycn4uLiWLFiBcnJySQmJgLg4eGBQqFg4sSJADz66KMoFAp27drFuHHjiIyMJC4ujqefftokTQ2nRSQnJ6NQKFiwYAEJCQnY29szb948AGbNmkVcXBx2dnYEBATw2GOPWeHX1NPpdBzeMpdOAx8mLG4QXgFRJN76NuXF2SQfXdtsvEObZxPdfTxR3cbh4RdBvzGvorax58TuhYYw7frdS8fEB/EN6WC19Ndbt2wuvQeNo1fizQQEt+H2B1/G1taB7euXmA0fGhHP2AnP0LXPcNQ2tmbDuLh54ubhbfgc2fsn3n7BtI3tapU8bF01h64DxtOl/1h8AyMYPXE6Nnb27P1zkdnwQeHtGH7Hc7TvObLZPER16M+QW54irusQq6S5Ob1iVGw6VMvxFB1ZBToWbdHg4gjRIc2fFnvHKtl7Ssv+01pyiuD37bXU1ELnCGOcYd1U7EjSsvmIlpxCHXnFcPS8llqtdfLRPUrBlqM6TqZBdhEs3anFxQGigpq/UOwRreDAGR2HzunILYYVu3VoNNAh3DSOn7s+7LJdVko8sGn5HHoOvIXuA8bgHxTBuMnTsLG1Z9dG82UqpE07Rt31LJ16j0CtNl+mAKoqy5j36QuMf+BVHJ3+etRXS+Ss3sTJaR+R9Vvz56OGQh+8nYpzqSQ9/zalx89y/vN5ZC5cTesnJxrCtH5qEinf/UzqnEWUJp3h8KPTqC2vJHjiOCvlAmy7DqD68DZqjuxEm5dFxZqf0dVUYxvf02x4XWU5uvISw0cdGgU1NdScPGAIU3NsD1XbV6M53/Qm11q2/TGbLv3H06nfOHwDI7hxwqvY2Nqzf/NCs+EDw9sx9LbnaddjJGq1jUX22VJ7N3xPfK9bie85Dq+ACAbf9ipqW3uObDf/ffs2ziUsph/dBt+Pl38b+tz4FL7BsRzY9KNJuJLCLDb8+jrD730Plcp8Xi1p5W//I/GG0SQMHkVgSDiTHn0ROzt7/lz7u9nwjz7zGkNG3EJoeCStgsJ44LH/oNVqOXpwj0m4/Lxs5n79Ho8+8xoqtfUH4S5fsoCBQ0cxYMhIgkJac/+U57C1s2PjmmVmwz/+3HRuGDmWsPBIAoNDeejxF9FptRxpkI8Fc7+mY9de3HXfFFq3icQ/IIiuPfrh5m7d0aOjBnrwy8o8dh0q5XxaFR/NzsTTTU3PjuY7EQFe/TSV9TuKScmoJjmtio/nZuLrZUObEGPP+uTxvizbUMDCP/JJyagmLauGrftK0Ggs27uw8refGHDDzfSvL1OP6MvUpmbL1OsMblCm7n/sP2i1Oo4d3G0I0zthGPEdu+PrH0hQSBvumvwUFeVlpCSfsmja6y34fTWjBicwcmA/WgcH8txD92JnZ8uydZuajVNbq+XVj75i8m0308qvaYfasAF9uO/W0XRrb340zXVPobg2P9ch6VywgsTERDZs2GD4e8OGDQwYMICEhATD9oqKCnbu3EliYiI1NTW8/vrrHDx4kCVLlpCcnGzoFDBnypQpVFVVsWnTJg4fPszbb7+Ns7MzwcHBLFyov/A4ceIEGRkZfPzxx+Tn57Nq1SqmTJmCk5NTk/01nj7R2IsvvsiTTz5JUlISQ4cO5YsvvmDKlCk8+OCDHD58mKVLlxIREfH3f6hLVJKfSkVJDoFtexu22Tq44BvcnuwLB8zGqdVUk5t2lKAGcRRKJYERvchqJo41aWpqSDmbRHR740W6Uqkkun0Pzp48aLHv2LV5Ob0G3tyiUS7N7l9TTXryUSLiehm2KZVKImJ7ceH0AYt/nzV5OIOLo4Iz6caLnqoaSMvREexj/rdTKSHAS8GZdOONtg44k64lyEd/KnWyh2AfJWWVOu4frub5W224b6iaEF/rNCDuTuDsoCA5q1E+8iDQy3wcpRICPOBclukF37ksHUFexnSqVTC6l5LVe7WUVTbei2VoNNWknjtG23jTMhUZ35Pzp1pWLxbNeoPYTv2JbNfrrwP/w9x7diR3/XaTbTlrtuDRsyMAChsb3DrHkbtumzGATkfu+m249+xknUQpVaj8ght1AujQXDiJqlXYJe3Ctl1Pao7vg5pqqyTxUmg01WQkHyU8znjuVyqVhMf2IuUyz1PW2OfF1GqqyUo5SmiUafsVGtWbjOT9ZuNkJB8gNMq0rIdF9yX9nDF9Oq2WVXOfo+ugyXgHNJ3OYmmamhrOnT5OXMfuhm1KpZK4Dt04ffzSpvdUVVVSW1uLs4txuqJWq+XLD6YzcszdBIX89TDyltLn4wTtOnYzbFMqlbTr2JWTx49c0j6qqirR1GpwqsuHVqtl/55tBLQK5s2X/8WDd43kP08/wO7tzd9cWoKftw2ebmoOHi83bCuv1HLyXCVRrR0ueT+ODvo2r7RcP9fPzUVFVGsHikpqefvZEOa83Yb//iuYmDaXvs9LoampIfnMceI6mB6LuA7dOH3i75Qp47Ew9x3rVy/B0cmZkNaWH/VWU6PhxJlkk04ApVJJ1/ZxHDl5ptl43//yGx5urowabH6qkxBXC1lzwQoSExN56qmn0Gg0VFRUsH//fhISEqipqeHLL78EYPv27VRVVZGYmEhISIghbnh4OJ988gndunWjtLQUZ+emPckXLlxg3LhxtGvXzhCnnqenfsisr6+vodNg165d6HQ6oqOjLys/Tz31FGPHjjX8/cYbb/DMM8/w5JPGuV7dunUzF9Uiykv0wwgdnU3vlhycvSkvyTUbp7K8AJ22FofGcVy8Kcw5Z52EXkRpSQFabS0ubqbpcXHzIjPNMuk5uHs9FWUl9Bww2iL7a6y8pBCtthZnV9M8OLt5kZPxz/+mLeHsoL+JLq00vcEurdTh3My1kKMdqJSKJjfaZZXgU/dg3MNZv9/EDipW760lI19HxzZKJt6g5tPfav5yPYe/q346RtM0XSQftqBsJh9eDa61hnRSkJars8oaC4bvLC40Wy+c3bzITr/8MrV/2wpSk5N46o0FLU2iVdj5eVOVZXruqsrKxcbNBaW9HTYebijVaqqy8xqFycMpyjo3UwoHJxRKFboy00KqKytB6fnXw+dV/iGofFpRsfp/VknfpSqvO9c2PU95k5t5eWXKGvu8mIoyffvl2Oj7HF28yM86azZOWXEuji7eTcI3bCN3r/0GpUpNp4Tm1yixpJK6+u3mbjqVx83dk4y085e0j/lzPsPD09vkZnLZwrkoVSqGjrrNoultTvFF8pGWan49ksZ+mv0FHp7etOuoH1VYXFRAZUUFS3/9kVvveYA7Jz3Cwb07+eDNf/PymzOJbWedTkQPVxUAhcUak+2FJRrDv/0VhQLuH+/LsdPlXEjXdyT6eetHwdw+0pvZi7I5m1LFwJ6uvP5kEI+/nnzR9Rz+jubKlKu7J+mpl1amFsz9tK5MdTfZvn/3Zj577yWqqypx9/DmhVc/xcXV3SLpbqiwpIRarRZPd9MRdZ5urlxIyzAb52DSSZat28Ts91+zeHqEsDTpXLCCAQMGUFZWxu7duykoKCAyMhIfHx8SEhKYNGkSlZWVbNy4kfDwcEJCQti7dy/Tp0/n4MGDFBQUoNXqn4xeuHCB2Nimw5ueeOIJHnnkEf744w8GDx7MuHHjaN+++UWedC2c7N21q3GIfXZ2Nunp6YYFIC9FVVUVVVWmayNoamxR25ifV3hq/+9sXjTN8PewSV/+zRT//7R9/WJiO/XB/RJuBP6/ad9ayahexgunees0Fwl9+eoHjOw5qZ86AbAqv5ZwfwWd26pYu69lKzrGhSoY0dU4umDBJutMV2jbCsL8FHy72nrTIaylIC+DJXPe4qF/f2P1ucvCyKZdT2pz0ptd/FFcWVkXjrBv41zufmGRVUa2WcPSX+ewY/Ma/vPfz7Gtq8vnTiex+vcFvPHh3GsmH7/98gPbNq3llRmfGvJRf53XpWc/Rt58OwBh4ZGcTDrM2pVLLNa5kNDNhUfuNC4O+frnqS3e50O3+xHSyo6p7xnrurLuUKzeUsi67fp1A777NYf2UU4M7u3GD7+ZfxD0T/u9rkz9+79fGI5FvZh2XfnvRz9SUlzIhj+WMPOdqUx/9/smHRn/tLKKCl7/5GteeGQS7q4uVzQtQlwK6VywgoiICIKCgtiwYQMFBQUkJOiHMLVq1Yrg4GC2bdvGhg0bGDhwIGVlZQwdOpShQ4cyb948fHx8uHDhAkOHDqW62vzQ0vvvv5+hQ4eyfPly/vjjD2bMmMH777/P448/bjZ827ZtUSgUHD9+/LLy03AqhYPD3x/iNmPGDF591XShsyG3vcLQ26ebDR8am2jyRodajf53KC/Nw9HVeONcUZqLV6sYs/uwd/RAoVSZLN4IUFHS9OnOP8HZxQOlUtVkkbqSorxmF2v8O/Jy0jl+aAcPPPdhi/fVHEcXd5RKVZMFzEqL8ppdrPFqcTxFS2qu8UZZpdJfCTnbKyitMHa+OdsryMg33xlXXgW1Wp3J4o2gHz1QUqH//5K6fWUXme4jp0iHW9MZSX/bqTQd3+YZ912/aKOTPZQ2GIngZK8gq6CZfFSDtpl8lNXlI8xPgYczPDvWdObcuD5KUnLhx/WW6XRwcnU3Wy9Ki/L+crHG5qSePUZpcR4f/nu8YZtWW8vZ43vY+sf/ePuH/SiVl/aEzlqqsnKx8zPNn52fNzVFJWgrq6jOLUCr0WDn69UojBdVmda5SNdVlKHT1qJwMr14VTi5NBnN0ISNLbbRnancutIqafs7HOvOtU3PU7k4u15embLGPi/GwUnffpU3+r7ykjycmvk+J9emI/nKS/IM7V3amT2Ul+bxzSuJhn/XaWv5c/Hb7Ns4l/tfXW/hXIBLXf1uvNBeUWH+X96wLV/8I8sWzuXF1z4lpLVxCseJowcoLirgycnGEXpabS3zvv+EVb8v4KNvl1g0DwCuF8mHu8fF8/H7op/47dcf+c8bHxHa2jh91NXVHZVKRVBwmEn4VsFhnDh2yGJp33WolBPJyYa/6xdtdHdVU1Bs7Ox2d1FzLrX5BbLrPXibL93inZj6QQp5hcZO+vwi/b5SMkyvW1Mzq/DxtNzaHs2VqeLCfNw9mpkLWGf54h9ZtmgOL7z6KSFhTacF2ds7YB8QjF9AMBFR7Xj24XH8uXYpN90y0WLpB3B3cUGlVJJfWGSyPb+ouMloBoC0zGwysnN5YcZHhm3auoeG/cffx08z3yLIXx4qXa+vdbwWyZGwksTERDZu3MjGjRsZMGCAYXv//v1ZuXIlu3btIjExkePHj5OXl8dbb71Fv379iI6ONlnMsTnBwcE8/PDDLFq0iGeeeYZvvvkG0L9ZAqC21thoeHp6MnToUD777DPKysqa7Kt+ochL4eLiQlhYGOvWXfw1aw1NnTqVoqIik8+gcc2/Es7Wzhk371DDx8MvAgcXH9JPG+coV1eWkp1yCN+Qjmb3oVLb4h0YR1qDODqtlvTTO/BrJo41qW1sCA6P4cThnYZtWq2WE4d3Eh7Z8sUkd2xYgoubJ/Gd+7V4X81Rq21pFRbHmaPGBUC1Wi1nju0gJKKj1b7XEqo1kF9i/OQU6igp1xEeYHzyZWcDgT4KUnLM35TXaiEjT0d4gPG0qQDCA5Sk5uhvtgtLobhch7er6RM1b1cFRX/xashLzUdBqfGTWwylFTrC/IzfZ6vWr7eQ1swi9lotZBRgEgf0f6fWdVxsS9LxzSot3642fgDW7Nfx+07LjWZQq20Jah3LqSOmZerU0Z2Etr28etE2vifPvrOEp99aaPgEh8fRuc+NPP3WwivesQBQuOMAXgNNF0n0HtSbgh0HANDV1FC07yjeAxvMoVco8ErsReEO83PuW0xbS21WCmqTN2soUIdEUpuefNGoNpEdQaWm5tjui4b7J6jVtgSExXH2mPHcr9VqOZe0g+DLPE9ZY58Xo1Lb4hccx4WTpu3XhZPbCQgz/0Q7IKwjF07uMNl2/sQ2WrXWpy+m+2gmvLiUe15YYvg4ufnSddBkxj76rcXzAPp2r3VENEcbLJyn1Wo5emg3EdHmX8EMsGzhDyxZMIvnp31EeFvTBwh9Ekfw5ifz+O/HPxg+Hp4+jBxzN89P/9iK+YgyWYxRq9Vy5OBeIqObf1Xh0l/nsWj+bKa++j5tGuVDbWNDeNsY0tNMR/pkpqVY9DWUFVU6MnNqDJ+UjGryizS0j3I0hHGwVxLZ2p4T5youuq8Hb/OlZ0dnXvoohew802kO2Xk15BXWEOhn2pHQys+W7HzLvWVMbWNDWJtojh1qXKb2EBF1kTK1aC6//fwdz037mPC2l7bgoU6nRWOF9WNsbNREtQljz+Fjhm1arZa9h44RH9n07XGhgQH88OEbzH7/NcOnb9eOdI6PZvb7r+HndWVHVgjRmIxcsJL6VzzW1NQYRi4AJCQk8Nhjj1FdXU1iYiJqtRpbW1tmzpzJww8/zJEjR3j99dcvuu+nnnqK4cOHExkZSUFBARs2bCAmRt9whYaGolAoWLZsGSNGjMDBwQFnZ2c+++wz+vTpQ/fu3Xnttddo3749Go2GNWvW8MUXX5CUlHTJeZs+fToPP/wwvr6+DB8+nJKSErZu3drsyAk7O7smr7dU21z6VA2FQkG7vhPYt/5LXL3DcPUIZPcfn+Do6ktY3GBDuGVfTyQsfjDxve8GoH2/iWz8+UV8guLxCWrP4S1zqKmpILKrcf2I8pIcyktyKc7TN/D5mSexsXPC2T0Ae0f3S07jpRh04wTmfvYSIW1iCYtox/rlP1JVVUHPxJsBmDPz37h7+jH6Lv1aFpqaGjJS9Yv71GpqKMzLJuXccezsHfENMK7TodVq2b7hN3ok3IRKZd0q3WfYvSz8ZiqBreMJCm/Htj/mHI5LWAABAABJREFUUl1VQZf+YwD45asXcPXwY+itT+vzoKkmO82Yh+KCbNLPJ2Fn74iXn/79y1WVZeRlGS+wCnJSST+fhKOTG+7erayWl+1JtSS0V5FXoqOgBAZ1UlFSDscvGG+eJ96g5tgFLbuO67dtO6ZlTF8V6Xk6UnO19IpRYauGfaeNcbYeqSWxo4rMAi2Z+To6tlHh7aZg/p/WmYqx64SOPnEK8kt0FJZBQjslJRVwItVYx+5MVHIyVceeU/ptO4/ruKmngox8SM/X0T1SgY0aDp3V/3tZZdN1HEDfcVLUtH+yRfqPvJf5X/yb4PA4QiLasWnlD1RXVdA9QV+mfvp8Km4evoy841+AvkxlNagXRQXZpCXry5S3fyj2Dk4EBJs+lbK1c8TR2a3JdktROTniFGGsk46tg3DtEE11fhGVKRlEvfE09oF+HJz0AgDnv55P6KN3ET3jOVJmL8Q7sScB44ez+ybjK3HPffQ9HWa9TeHeIxTtPkTYE/eidnIgZY75t2hYQvWejTgMv4varAvUZlzAtksCChtbqo/oO0Udht+FtrSIqs2mK+TbtutJzenD6CrLm+xTYe+IwsUDpbP+iZyqbtqWrqwYXbmFFyGp0/uGiSz+9kUCw+IJDG/P9j/mUF1VQae++nP/om9ewMXdlyHjnwH0ZSonva5M1dZQXJBFxoUkbO2M56m/2qeldUmcxKofX8AvJB7/0Pbs2ziHmqoK4nrqv2/l3Odxdvej3036PHQeMIGfP76HPetmER6XwPF9K8i6cIQht+vnaDs4eeDgZPoWApXKBidXbzz9rLco4vDRd/DVR6/ROiKGNpGxrFo6n6rKShIG3QjAlx9Ox8PTh9vu1b8S+/eFc1k472seffY1vP1aUVig7yW1t3fA3sERF1c3XFxNn+6q1Grc3T1pFRRqtXyMvPk2vvjwv4S3jSYiMpYVv/2sz8fgkQB89v7reHp5c8fERwD47dcf+eXHb3n8uWn4+AU0yQfAqLF38vE7rxAT15G49p05sHcHe3dt5ZUZM62WD4Df1xdw6wgvMnKqycqt4c5R3uQXadhxwNgD/tqTQew4UMqKPwsBeOh2X/p3c+XNL9OoqNLiXrc+Q3mFluoafbuxeE0Bd9zoRXJqFWdT9WsuBPrZ8vbX6RZN//DRd/L1x6/SOiKG8LZxrP59PlWVFfQfXF+mpuHh5cttE/RlatnCOSz86WsefeZ1vH0DKCzQj/Cxt3fE3sGRysoKlv7yPZ2798Pdw5uS4kLWrviVgrwcuve59CnAf8dto4by35nfEN2mNbFtw/l52R9UVlUxcqD+AdHrn3yNt6cHj9w9HjtbW8JDgkziOzvpy1DD7cUlpWTm5pGbXwjAhfRMALzc3fDycLdKPoQwRzoXrCQxMZGKigqio6Px8/MzbE9ISKCkpMTwykqA2bNn8+9//5tPPvmEzp07895773HTTTc1u+/a2lqmTJlCamoqrq6uDBs2jA8/1A+HDwwM5NVXX+XFF19k0qRJTJgwgdmzZxMeHs6+ffv473//yzPPPENGRgY+Pj506dKFL7744m/l7d5776WyspIPP/yQZ599Fm9vb2655ZbL+JUuXYeE+9FUV7B54StUVxbjH9aF4fd9Y7JuQ3H+BSrLjO8kbtNhBBVl+ez5YyblJTl4tYphxH3fmEyLOLZjPvvWfmb4+/cv9R0TCePfJKqrZS8au/QZRklxAcsWfE5JYS6BYVFM+c8XuLrrh/IV5GaiaDCsq6ggm7eeN76veN3vc1j3+xzaxnblqVdnGbafOLyDgtwMeg282aLpNad9zxGUlRSwbtEnlBTlEhASw8TnvjZMiyjKyzDJQ0lBDp+9bPwdt6ycxZaVs2gd3Y37/z0XgLRzR/luxr2GMCt+ehuATn1v5pYHZ1gtL1uOaLFVK7iplxp7W7iQpeOHtTVoGjyY93BR4GRnfMJ/JFmLoz0M7KjC2UFFZr6OH9ZqTG7EtydpUatgeDc1DraQWaBjzhoNBda5j2L7cR02ahjRTYm9LaTkwPw/TV996eEMDg3695JS9NMiEtop9FMoCmH+Ri1lfz0q1uI69RpOWXE+q3/9lOLCXAJDo3ngxa8M0yIKczNM5lYXF+TwwVTj+Wbjsu/ZuOx72sR049FXZv/TyQfArUs8vdb9YPg79r1/A5AydxGHJk/FLsAHh+AAw79XJKey+6aHiH1/KmGPT6AyNZPDD71E7pothjAZv6zE1seTyGlPYOfvQ/HBJHbdeD/V2c0MSbGAmhP7UTg6Y99nBApHV2pzUin79UtDJ4DS1QMareGj9PBFHdSGsl8+N7tPdZt4HIffZfjbcdREACq3raRq2yqr5CO+xwjKSvJZv2QmpUU5+IfEcM/T3zQ4T6WblKmSwmy+nDbG8Pe2VbPYtmoWYVHdmPTiD5e0T0uL6jKC8tJ8ti3/hPKSHHwCYxj76LeGaRElBabn2lbhnRkx8T22LvuIrcs+wN0njJse+AzvVpZf7f7v6NlvCMVFhSz86WuKCvIIDY/k+ekf4VY3hD03J8skH+tWLkKjqeGTt0xHN465/X7G3fnAP5r2hnr3H0xxUSG//PgthQX5hIa35cXX3jdMi8jNyUKhNJapNSsWo9HU8OGMl0z2M+6O+xh/12QAuvdO4P5Hn+O3X35g9tcf0iowhKf//V+i46z7auxFf+Rjb6vg0Tv9cXJUknSmgldnplLT4JWR/j62uDobR3mNSNB3TL35dIjJvj6ek8H6Hfo1Fn5fX4CtWsHkW3xxdlKRnFrFtE9Sycy13MgF0JepkuICQ5kKaR3Jc9M+xq3uWiovNwuFskGZWlVXpt5+0WQ/Y26/n7F3PIhSqSQjNZlP1i+npLgQZxc3wtvG8tKMrwkKaTqSwBIG9+lBYVEJ385fTH5hEW1bh/D+S88YpkVk5eb97TVFNu/ez5uffWf4e9oH+mv7+24dzeTbxjQXTQiLU+hautqfEJfh/SXXfrHrEH7lXrdmSYUV1n/X+T/h0HHrjAz4J9nZXfkh+5bQIfLar9+KHnFXOgkW0XfGsCudBItY2fujK52EFisqvTYWIPwrnUMLr3QSWkytvPbbC4DpH1ivs/Gf9J8nLTcV5EoJ1xz760DXAO/4q+/1zZci98j2vw50FbpWf++LkTUXhBBCCCGEEEII0SLSuSCEEEIIIYQQQogWkTUXhBBCCCGEEEJck+RVlFcPORJCCCGEEEIIIcRV7rPPPiMsLAx7e3t69OjBrl27Line/PnzUSgU3HzzzVZNn3QuCCGEEEIIIYQQV7EFCxbw9NNPM23aNPbt20eHDh0YOnQo2dnZF42XnJzMs88+S79+/ayeRulcEEIIIYQQQgghrmIffPABDzzwAJMmTSI2NpYvv/wSR0dHZs2a1Wyc2tpa7rrrLl599VXCw8OtnkbpXBBCCCGEEEIIcW1SKK7Nz99QXV39f+zdd3RURfvA8e9ueu+9F5IQWui9oxRR6aBSBRs2BF4URcVX/WFBRbG90kEEQWlSpfcOoYZOSCGk957s/v5YSNhkg8juCsHnc86enL2ZuTuzd+be3Wdn5nL06FG6detWsU2pVNKtWzf276/5Vpz//e9/cXd3Z/To0ff89v4dsqCjEEIIIYQQQgjxDyouLqa4uFhrm4WFBRYWFtXSpqWlUV5ejoeHh9Z2Dw8Pzp07p3P/e/bsYc6cOURHRxuszH9FRi4IIYQQQgghhBD/oGnTpuHg4KD1mDZtmkH2nZuby7Bhw5g1axaurq4G2efdkJELQgghhBBCCCFqJXUt/b188uTJjB8/XmubrlELAK6urpiYmJCcnKy1PTk5GU9Pz2rpL1++TGxsLI8//njFNpVKBYCpqSnnz58nJCRE3ypUI8EFIYQQQgghhBDiH1TTFAhdzM3Nadq0KVu3bq24naRKpWLr1q288sor1dJHRERw6tQprW1TpkwhNzeXr7/+Gj8/P73Lr4sEF4QQQgghhBBCiAfY+PHjGTFiBM2aNaNFixbMmDGD/Px8Ro0aBcDw4cPx8fFh2rRpWFpaUr9+fa38jo6OANW2G5IEF4QQQgghhBBCiAfY4MGDSU1N5b333uPGjRtERUWxcePGikUe4+LiUCrv7xQRCS4IIYQQQgghhKiV1H/zto612SuvvKJzGgTAjh077ph3/vz5hi9QFbVz9QshhBBCCCGEEEI8MCS4IIQQQgghhBBCCL1IcEEIIYQQQgghhBB6kTUXhBBCCCGEEELUSmqF/F7+oJAjIYQQQgghhBBCCL1IcEEIIYQQQgghhBB6kWkRQgghhBBCCCFqJTX/nltRPuhk5IIQQgghhBBCCCH0IsEFIYQQQgghhBBC6EWCC0IIIYQQQgghhNCLrLkghBBCCCGEEKJWkltRPjgkuCDuC5OH4ByQlGVxv4tgEEmpqvtdBIOwsDC530XQm0qtvt9FMIjcwtp/LHpN63G/i2AQeyZvvN9FMIjCP2v/Yl2lZQ9H/84rqf3XPnOTh+Pjr7ml+f0ugkEUlNX+epSY2dzvIgjxQHgIvuIJIYQQQgghhBDifno4QrdCCCGEEEIIIf511IraP7rtYSEjF4QQQgghhBBCCKEXCS4IIYQQQgghhBBCLxJcEEIIIYQQQgghhF5kzQUhhBBCCCGEELWSGllz4UEhIxeEEEIIIYQQQgihFwkuCCGEEEIIIYQQQi8SXBBCCCGEEEIIIYReZM0FIYQQQgghhBC1klohv5c/KORICCGEEEIIIYQQQi8SXBBCCCGEEEIIIYReZFqEEEIIIYQQQohaSW5F+eCQkQtCCCGEEEIIIYTQiwQXhBBCCCGEEEIIoRcJLgghhBBCCCGEEEIvsuaCEEIIIYQQQohaSW5F+eCQIyGEEEIIIYQQQgi9SHBBCCGEEEIIIYQQepFpEUIIIYQQQgghaiW5FeWDQ0YuCCGEEEIIIYQQQi8SXBBCCCGEEEIIIYReJLgghBBCCCGEEEIIvciaC0IIIYQQQgghaiW5FeWDQ4IL/zIjR45kwYIFFc+dnZ1p3rw5n332GQ0bNgRAodAsirJ//35atWpVkba4uBhvb28yMjLYvn07nTp1qki/cuVK+vTpY7Ryn967mOidcyjITcPFK4J2fabg4d+wxvSXT2zk0Kavyc1MxME1gFa9JhJQt2PF/9VqNYf/nEnMweUUF+bgGdiEDv3ex9Et0Gh1ADiyfTH7N80hLzsVD78Iuj/1Lj5BNdfj7JEN7Fz9NVlpiTh7BNK1/0RCG1TWo6Qon20rvuD88S0U5mfh6OpL8y7DaNrpKaPWQ61Wc2zLTM4fWU5JYS4eAY1p8+T7OLgG3jHf2f2LObV7LoV5aTh7RtD68Xdw89PUv7ggi2NbviXx0l7yspKwtHEmILIrTR95DXNLO6PUo0N9BY1DFFiYQUIabDiiIjPvznmahipoVVeBrSUkZ8GfR1Vcz9CddkgHJSHeCpbvLudCosGLX6FjAyWNQxRYmkF8mpoNh1Vk/EU9mtVR0DpCia0VJGfCxqPlWvUY1sWEQA/tBZKOXlSx/ojK4OU/tHUxezfOIS87DU+/CHo+MwXf4Jr7xZnDG9m2UtMvXDwC6DZwImENK/tFXnYam3+bzuXTeykqzCUgrBm9npmCi0egwct+O/Oodlg074LCxp7y1ESKtv5O+Y04nWltBr+CqV+dattLr5yhYMVPAJjWaYh5o7aYePihtLIhd8FnqFKN15Cc2zUjeMJoHJrUx9LbnSP9x5K8Zuud83RoQeT0t7CNrENRfBKXpv1AwsKVWmkCXnqa4PGjsfB0I+fkOc6M+5Dsw6eMVg+AozsWc/DPOeTnpOLuG8Ejg9/F+w7n2nNHN7Brzddkpyfi7B5Ip74TCbntXAuQlnSZHSs/J/7CYVSqcly8Quj7wkwcnL2NUoeTexZzbJvmuufqHUGHflPwDKi5DhejN3Jgw9fkZiTi6BZAm94TCYzU1KG8vJQD67/mWsxOstMTsLC0xTesDW16j8fWwcMo5b9lx4al/LlmATlZ6fgGhDF49JsE1WmgM+31+Ev8sfQHrl05S0ZqEgNHTqRr76FaaYoK81mz9DuiD24nNycDv8BwBj07icDQ+katx9b1y9i4aiHZWen4BdbhmTGTCA7T/Zo7/1zBvh3rSIy7DEBASF36P/OyVvqj+7exY9NvxF4+R35eNlO//AX/oHCj1uGWwT0c6draDhtLJedii5m1PI0baWU1pu/T1YGWDW3wcTejpFTN+dgiFv+RyfXU0oo0zw90oUGYFc72JhSVqDl/tYif12ZyPaW0xv3eq+0blrJ59QKys9LxDQxjyJ3aVNwl1iz9gbgrZ0lPTWLgqIl009GmVi+5rU0FhTPYyG1q5bqN/LpyDRmZWYQEBfDa889SN6z6NQFg176DLP5tBYlJNygvK8fH25NBfR7n0c6V56jOTwzUmfeFkUMZ0u9Jo9RBCF0kzPMv1KNHD5KSkkhKSmLr1q2YmprSu3dvrTR+fn7MmzdPa9vKlSuxtbX9J4sKwKXo9ez94xOaPfIyA8atwMU7nLWzx1CQl64z/Y3YY2z+ZQIRLQYwcNxKgup1Y+OCV0i/caEiTfSO2Zzas4gO/abS/9VlmJlbsXb2GMpKi41WjzOH17N52TTaP/4yY95diYdvBEtmjCY/R3c94i8dY+WsCUS1G8Bz760iPKory757mZTEynpsXvYJl0/v5skxn/Pif9fTotsINi75kAvRd/5CoK+Tu2Zzdv/PtH1yKk+89Cum5tZsmvfcHd+/KyfXc3D9pzTu+jJPvvw7zl7hbJz3HIU3j2N+TgoFuSm06DmJfq+vocOA/yPhwm52/z7FKHVoHaGgeZiCDUdUzN+sorQMnuqkxOQOZ8W6fgq6NVaw+7SaOZtUpGSpGdJJibVF9bQtwhSojVJybW3qKmgRpmD9YRVzN5dTWgZPdza5Yz0i/RU80ljJrtMqZm0sJzlLzdOdTarV49glFV+uLKt4bIk2fGDh9KH1bPr1Ezo98TIvvL8CD79wfv5yDHk19Iu4S8f47X8TaNJ+AC9OXUlE424snfkKyQmafqFWq1n67ctkpibw1Gvf8+L7K3B08Wbh9GcpKS4wePlvMQtvjGWnvhTt30Teos9RpVzHZsBLKKx1nzMLVs8l5/spFY/cedNQq8opPR9dkUZhZk554hWKdq0xWrlvZ2JjTc7J85x+7YO7Sm8V6EvzNf8jfcdB9jR7kqszF9Dgfx/h+ki7ijReA3tS9/PJXPzoO/a06EvuyXO0XDcHczdnY1WDmCPr2fbbNNr1fplRb6/E3TeCX2fWfK5NuHyM1XMm0KjtAEa9s4o6UV35/ceXSb3tXJuZGsfP05/GxSOYp8Yv4tl319C211hMTXV0fgO4cHw9u1d9QovuLzNkwgpcvcNZ878xFOTqrkPS1WNsWjSBei0HMGTiSoLrd2Pd3FdIT9LUoaykiNSEszR/ZCxDJvxOr1EzyUq5yrrZY41S/luO7N3Ebwu+oPfAF3j7syX4BoYx86Ox5GTrjsiWFBfh6uFD32dex97RVWeaRT98QMyJA4x67SPe/WI5dRu1ZsZ/XyQzPdlo9Ti0509+nfclTwx+nve/WIxfYBhf/vcVcrJ01+P8maO0bN+dSR/+j3c+mYezqwdffPAymekpFWmKiwupUzeKgcNfNVq5dXmyiwM9O9jz0/J0Js+4TnGxiikvemJmWvNq+/VCLNm0J4e3v77Ohz/ewNREwZQXPbEwr8xzJaGE75ekMe6TRD763w0UCnj3RU+UBl7E//DeTfw2/wseG/QC73y+BN+AML758A5tquRmmxpac5ta+H1lm3rvy+VENmrNVx8Yr01t272XH+YsYMSQgfz01aeEBAYw6f2PyczK1pne3s6WoQP78d1nHzP7m+n06NqZT7/+nkPHoivS/L7gJ63HpNfGolAo6NCmlc59CmEsElz4F7KwsMDT0xNPT0+ioqJ46623iI+PJzU1tSLNiBEjWLp0KYWFhRXb5s6dy4gRI/7x8p7YNZ/IlgOJaN4fZ49QOvb7ADMzS84d+l1n+pN7FuEf3o7GnUbj5BFCix6v4+oTyem9iwHNl4+TuxfStOuLBNXviot3OF2GfEpBTgpXz2wxWj0Obp5H4/aDiGrbHzfvUHoN/QAzc0ui9+qux+GtCwmp157W3cfg6hVCpz7j8PKP5Mi2nyvSJFw+TsM2fQgMb4mjqy9NOgzGwzeCxKsnjVYPtVrNmX0Lier8IgGRXXH2CqfjwE8oyE3h2tma37/TexYQ3nwgYU374eQRStsnp2JqbsmFoysAcPYMo+sz3+BftzP2Lv54h7Si2aPjiDu3HVV5zb+o3KsW4Qr2nFFzIRFSsmHNQRV2VhDuW/MnoZYRCqIvqzl5VU1aDqw/rKasDBoFa+fxcNSkXXvI8F/Gq2oRrmT3GRUXEtWkZMHqA5p6RNyhHq3ClRy/rObEzXqsO6wJrkRVqUdpOeQXVT5KDH8Y2L9pPk06DKRx+/64+4TSe7imXxzfrbtfHNy8iND67WjbczRu3iF06fc6XgGRHNqm6d/pybEkXD5B72Hv4xPUAFevYB4bNpXSkiJOHVxn+ArcZN6sEyWn9lF6+iCq9GQKNy9DXVqCeX3dH+zURQWoC3IrHqYB4VBaSumF6Io0pWePULx/E2XXLujch6GlbtrFhfdnkLz67s6DAc8PofBqAjGTPiXv3BWufb+YG79vIuj1kRVpgsaNIn7OMhIWrCAv5jKnxr5PeUERfiP7G6kWcGjLPBq1HUTDNv1x9Q6lx9Oaa8bJfbrb1JFtCwmu156Wj2rOtR2eGIenfyRHd1Sea3et/oqQ+h3o3H8Snv6ROLn5U6dRV2zsXYxSh+gd86nXeiCRLfvj7BlK54EfYGpuydmDuusQvWsRARHtaNJlNM4eIbTq9TpuvpGc3K3pFxZWdvR5aS51GvfEyT0Yz8AoOvZ/l5SEM+RmXjdKHQC2/LGItt360aZLH7z9Qnj6+SmYWViyb9sqnekDQ+vTf/h4mrfrgamZWbX/lxQXcfzAVvoNG0edyKa4e/nz+OCXcPf0Y9efy41Wj01rfqbDI31p3/UJfPyCGf7i25hbWLJ762qd6Z9/42O69ByEf1A4Xr5BjBr7Lmq1mrMnD1WkadPpMZ4Y/DyRjVoardy6PNbRnt//zOLI6QLikkr59pdUnOxNaN7AusY8H/+UzI7DeSTcKOXa9RK++yUVN2dTgn0rg2tb9ucSc6WI1MwyriaUsGR9Jq5Oprg5G3aQ9JY/FtGuWz/a3mxTz7wwBXMLS/ZtXaUzfWBofQaM0LQpszu0qf7DxxFWT7tN7dxknDa1fPVaHnu0Kz27dSbQ34/xY5/H0sKcDVu26Uwf1aAe7Vu3JMDPFx8vTwY88RghgQGcPnuuIo2zk5PWY+/Bw0Q1qIe3p3FHJglRlQQX/uXy8vL4+eefCQ0NxcWl8kNS06ZNCQwM5PffNR9k4uLi2LVrF8OGDftHy1deVkJq4hl867Sp2KZQKvGp05rka9E68yRfi8bntvQAfmFtK9LnZiRQkJuqtU8LKzvc/RvWuE99lZeVkHTtDEF1tesRWLcNiZeP68yTcCWaoMjWWtuC67Uj4UplGX1DGnMhehs5mcmo1Wpizx0gI/kqwfXaYSy5mQkU5qbhHVJZNnNLO9x8G5ISd0JnnvKyEtKun8E7tDKPQqnEO6Q1KXHROvMAlBTlYm5hi9LEsB9OHG3A1kpBbHLl2ILiUkhMB58avisoleDlBFeTtccjXE1W4+tS+aXc1ASebK1k01EV+UUGLXY1jjZgZ6Xg6g0d9XDVHVxQKsHLGa08cLMeVfLUD1AwoZ8JL/Q0oUsjJaYmhi1/WVkJ16+dITiysl8olUqCI1uTcDlaZ574y9Fa6QFC67cl4ZImfXlZCQCmZpUfepVKJaam5sRdPGrYClS8gAkmHn5VggBqyuIuYOIdeFe7MG/QitJzx6C0xChFNAbHVlGkbduvtS118x6cWkUBoDAzw6FJPdK27qtMoFaTtm0fjq0aG6VM5WUl3Ig7Q6Cuc+0V3efa61eiCYzQPtcGRbYj8ea5Vq1ScfnUDpzdA/n1m9F885/WLPhkIBeijROMLi8rISXhDH5h2nXwq9OaGzVco27ERmulB/APb0vSHa5pxYW5oFBgYWVviGJXU1ZaStyVGOo2rPzyrFQqqdugJVfO31sAXKUqR6Uqx8xMe8SImbkFl2J0H199lZWWcu3yOSIbtajYplQqiWzYgsvn7256T3FJEeXlZdjYGue9vlvuLqY42Zty6kLlxamgSM2la8WEB979KBxrK83Xh7yCcp3/tzBX0LmlHcnppaRnGS4qXVZaStzl6m0qomFLrlzQr02Z6mhTl88Zvk2VlpZy4dIVmkZVTnFSKpU0adSQM+f+OpCsVqs5euIU8YnXaVivrs40GZlZHDhyjF6PdDFYuR90ahS18vEwkjUX/oXWrl1bMb0hPz8fLy8v1q5di1KpHWt69tlnmTt3LkOHDmX+/Pn06tULNze3f7SsRfmZqFXlWNlqf+OztnUlK+WqzjwFuWlYV01v50pBbtrN/2tGaFjZVd/nrTSGVpCnqUfVX7ls7V1Iv3FFZ5687DRs7LSH8NnYu5CfXVnG7k+9y7pF7/LNpA4oTUxRKBQ8NuwjAsKaG74SNxXefI+qHhMrW1cK81J1ZaGoIEvncbSydSE7VfdxLMrP5Pj2HwhvMcgApdZmY6n5W/XLf36RGlsr3XmszUGpVOjIAy63fV58pLGCxDS1UddYuOVWWXXWw1J3HmsLTT3yitRV8oCrXeWF7vQ1Fdn5kFeoxt1RQdcoJS52SpbvMdxojIJcTb+wrdIvbOxdSUvS3S7ystN0ps/L0bRLV89gHFy82fLblzw+4gPMLKw48OcCcjJvkJelu33qS2Flg0Jpgjo/V2u7Oj8XpbP7X+Y38fTHxM2bwk1LjFI+Y7HwcKU4WfucWZychpmDHUpLC8ycHFCamlKckl4lTTo24cFGKVNN51obuzuca3PSsLF3rZY+/2abys9Np6S4gAObZtH+iXF06juRK2d2s+J/r/D0GwvxD2uha7f3rPDmdc+66jXKzpXMO133dKQvyNF9TSsrLWbf2umENX4Mc0vjTHfMy81EpSrH3kG7XHaOLtxIjL2nfVpa2RAc1pB1v/2Ep28Q9g4uHN67kSsXTuLu6WeAUleXm5ulsx72ji4k3WU9flv4DY5OrtT7h0cpVOVop4kQZ+VpBwWy8sor/vdXFAoY2ceFc1eKiL+hvZ7Co23tGPa4M5YWShKTS/jwhxuU6Y4/3JNbbcrOscqxcNCzTYU3ZP1vP+F1s00d2mO8NpWdk4tKpcLJ0UFru5OjA3GJNX9wyMvPZ+CoFygtLUOpVDLuxTE0a9xIZ9pN23ZibWVJh9b3t72JfycJLvwLde7cmR9++AGAzMxMvv/+e3r27MmhQ4cICAioSDd06FDeeustrly5wvz58/nmm2/u6fWKi4spLtaei19Wal4tSiz+vsPbFpF4JZpBr/yAg4s3cReOsPGXD7B1dK/26+69uhT9B3tXTa14/ujwHwyy3zspKcrjzwUv4uQeSpOuL+u9v3oBCno1q/zi/Osu40xXqOMNgR4KZm8yzv7rByh4rHllEHDJTgN+aqvi+OXK4ENKtpq8IhXDupjgZPvXi17eTyamZgx++RtWz5vCp6+2RKE0ITiyNaENOoD6n1gF4+8za9CK8tTrNS7+KO4vtVrTn+s06kqLbiMB8PCrS+KVYxzftdTgwQVjKy8vZeOCcaCGzgOn3u/i/G2jXvuYhd9P5a3nH0WpNMEvOILmbXsQdyXmfhdNp3W/z+PQnj+Z9OFPmJn/s5972jWx4YVBlYGzabP0X0NgTH8X/LzMePebpGr/23M0j5PnC3GyN+WJzvaMH+HOlG+SKC17MM+9tzz72scs+G4qbz6naVP+wRE0b9eDuMsPTpuytrJi9ozPKSwq4tiJ03w/dwHenh5ENahXLe2GLdvo1rE95ubm96Gk4t9Oggv/QjY2NoSGhlY8nz17Ng4ODsyaNYuPPvqoYruLiwu9e/dm9OjRFBUV0bNnT3Jzc3Xt8o6mTZvGBx9oLxDWfch79Hhq6l/mtbRxQqE0qVj075aCvDSs7XQvzGNt51ptsUfNrzquN/+vGX1RmJuOjX3lr4oFeWm4euseYqYva1tNPaouKJaXk46tve562Dq4kl9lJEV+Tjo2Dpr0pSVFbF/5FQPHfkudhp0A8PCNIDk+hgN/zjFYcMG/bhfc/SqH790adl6Yl471be9fYV4azl663z9La0edx7EwLx2rKsexpDifTfOfw8zCmq7PzERpUn2O5N91MVHN7PTKDze3Fju0sYS82371t7FUkJyp+0NQQQmoVOqKUQ+VeSD/5tIkgR4KnGxhYj/tUUD92yqJT4Oft+kXdLiQqCYxvTKgYHqHetyoqR7FmnrYWirgtiUnNfuo+QNgYprmf062CjLzDPNB0dpO0y+qLt6Yn5OGrUPN/UJn+tv6kXdgfV76YBVFBbmUl5ViY+/MrA8H4R1onJW/1YX5qFXlKGy072qisLGrNpqhGjNzzCOaULR3g1HKZkzFyWlYeGgfJwsPV0qzc1EVFVOSlomqrAwLd5cqaVwovmGcUWI1nWvzc9OrjU64xdbetWKUgq701rZOKJWmuHiFaKVx8Qwh4ZLhp9pY3bzuVV28sSA3Desa6qAZnffX6TWBhTfIybxO37HzjTZqAcDWzgml0oScbO1y5Wal17iw3t1w8/Rjwn/nUFxUSFFhHg5Obsz6chKuHj76FlknOztHnfXIyUrH4S/qsXHVQtavmM/ED37AL1D3nQCM6ciZAi5Nr/w13PTmoo2OtiZk5VReSxxtTYi9/tdTskb3c6FJpDXvf5tERnb14HZBkZqCojJupJVx8VoR8z4OoEUDa/YezzdAbSrbVG5WlWOR/dfH4k7cPP2Y+KF2m/rpC+O0KQd7O5RKZbXFGzOzsnF2dKwxn1KpxMfbC4DQ4CCuJSSw+LeV1YILJ8/EEJ94nfcmvWHwsj/I1IqHc4pBbSRrLggUCgVKpVJr8cZbnn32WXbs2MHw4cMxMbm3CdeTJ08mOztb69FtwOS7ymtiao6bTz0SLlXO61WrVCReOoBHQJTOPB4BUSRe1J4HnHBxX0V6O2dfrO3ctPZZUpRHStzJGvepLxNTc7wC6nE1RrsesTH78QnRPffYNziK2JgDWtuuxuzDN1hTRlV5Gary0opbh96iUJqgNuAvtOYWNti7BFQ8HN1DsbJz5frlyrKVFOWRmnASd3/dQ/RMTM1x9a5H0qXKPGqViuuXD+DuH6W1n41zR6M0MeORYd8bbHRLSRlk5lU+0nI0w/1vv9WiualmvYVE3Yuxo1JBUibVbs8Y6KEg4WbgYl+MmlkbVczeVPkA2HxczR8H9R/NULUeqTmQW6gmyFNHPdJ0twGVCpIyINBTux5BHgoSasgD4OGk+XunAMTfZWpqjneVfqFSqbgScwDfkCidefxCorTSA1w+sw/f0OrpLa3tsLF3Jj05luuxpwlvbKT5p6pyypPjMfUPu22jAlP/MMqvx94xq1lYFJiYUnr2sHHKZkRZB6Jx6aK9YKVr1zZkHogGQF1aSvaxM7h2uW09A4UCl86tyTpgnPnxJqbmePrXI/ac9rn22rn9+ATrPtd6B0cRe077XBsbsw+fm+daE1NzvAIbkJGsPSUhIzkWBxfDf/kwMTXH3bceCRe06xB/8QCeNVyjPAOjiL+g3S/iL+zD67b0twILWanX6PvSPKxsnAxe9tuZmpnhH1yXc6cqFzFUqVScO3WI4PCab6l5tywsrXBwciM/L4ez0fto1LyT3vvUxdTMjICQCGJOVvZRlUpFzKnDhITrvv0hwIaVC/hj+WzGv/ctQaGRRinbXykqVnMjrazikXCjlMycMuqHVUbJrSwUhAZYcD72znfLGt3PhRYNrPng+yRSMu5uHQWFgjveheLvMjUzwz+kLjFV29TJQwSH1Y42ZWZmRlhoMMdOVK7XoVKpOHbyFPUiwu6QU5tKpaa0tPptPtdv3kpYaDChQYGGKK4Qf5uMXPgXKi4u5saNG4BmWsS3335LXl4ejz/+eLW0PXr0IDU1FXv7e1+EyMLCAgsL7S+JpmZ3/wWlUYeRbPv1Ldx86+Ph15CTuxdQWlJIRPN+AGxd8iY2Du606jUBgIbthrH6h+FE75xLQN1OXIpeR2rCGToO+C+gCaY0bD+co1t/xME1EHtnHw5t+gZre3eC6nW753r+lZaPjGLN3DfxCqyPT1BDDm7R1KNRW009Vs+ZhJ2TB136aerRvOtwFk0fxoE/5xLaoCNnDq/neuxpeg3T1MPCyhb/sBZs/e1zTM0tcXD2Ju7CYU7tX8Ujg94yWj0UCgX12gwnevuP2LsGYOfky9HN32Bt505AZOX7t372KALrdSOy9TMA1G83gl2/TcbVtz5uvg04vXchZSWFhDXpC9wMLMwbTVlpEZ0GfUZJcR4lxZrx95Y2ziiVhl1N8NB5NW3rKcjIVZOVDx0bKMkthPMJlW3z6c5KLiSoOXJRs+3gOTVPtFKQlAHXM9S0CFNgZgonr2j+f+uuClXlFKjJNswPNzrqoaJdPSUZuSqy8tR0aqipx7nb6jG0s5Jzt9XjwHkVT7ZSkpSh4Hq6mhbhSsxM4cTVW6MTNFMwLl5XU1gCHo6aW1deS9HckcKQWncfycrZb+F9s18c2LyA0uJCGrfT9IsVs97E3smdbgM0/aLlI8OY/+lw9m2cS51GnTh9cB3XY8/w+Ij/VuzzzOGNWNs54eDsTUriBTb88jERTboSWt94C52WHNmBVc9nKE+OozwpDvOmHVGYmVNy+iAAVj2fQZWXTfHutVr5zBu0ovTSKdRF1W+TqbC0RmHnhNJWMzfX5Ob6Der8HNQFf38U2V8xsbHGJtS/4rl1kC/2jSIoycimKD6J8I/GY+njwYlRbwJw7aelBIx9hohp/yF+/u+4dm6F18CeHH7ihYp9XJ0xj0ZzPyXr6GmyD58k8LURmNpYEb9ghcHLf0uLbqNYO/9NvALq4xXYkCPbFlBSUkjDNpo29ce8Sdg5etCpr6ZNNesynF++GMbBzZpz7dnD60m6dpoez1S2qRaPjGb17DfwC21OQHhLrpzZzaVT23l6/EKj1CGq00i2/PIW7n718QhoSPTOBZSVFBLZUlOHPxe/ia2DO216a+oQ1WEYK74dzrHtcwmM7MTF4+tIiT9Dl0GaOpSXl7Jh/uukJpyl95gfUanKyc/RrEFiae2Aialxhk93e3wY8799l4CQSAJD67Nt3WJKigtp0/lJAOZ9MwVHF3f6PvMaoFmwLynhsqbMZWVkZaQQf/UcFpbWuHtp2uaZ6H2gVuPhHUjKjThWLPoKT5+gin0aQ/cnhjL7m/cJDKlLUJ36bF77C8VFhbTr+gQAs75+DydnNwYM09xWcv2K+axa8iPPj/8YV3cvsjM1I2MsLK2xtNLclSEvN5uMtBtkZWiOw43EawA4OLrg4HTvv8L/lXU7c+j/iCM3UstIyShlcE8nMnPKOXyq8hz03kueHDqVz8Y9mvPMmP4utGtqw2dzUigqVlesz1BQpKKkVI27iyltomw4eb6QnLxynB1N6dvVgZJSNcdiDHsL4G6PD2P+zHcJDIkksE59tq692aa63NamnN3pO7R6myorKyMrXUebOr4PNWo8b7ap3xdq2lTbLsZpUwOf7M0nM74jLDSEumGh/LZmHUVFxfTo2hmA//tqJm7Ozjw3QvP5afHylYSHBuPt5UlpaSkHjxxn845dvPHSc1r7zS8oYOfeA7z07HCjlFuIuyHBhX+hjRs34uWlGVplZ2dHREQEy5cvp1OnTtXSKhQKXF2Nd5G7G6FRvSjMz+DwppkU5Kbi6l2X3mNmVUxzyMu6rvXrvWdgE7o9PZ2Dm2ZwcMNXOLgG0mPEt7h4VkaEozqNobSkkJ2/vUdJUQ6egU3pPWaWUdeBqNe8FwW5Gexc/Q35Oal4+NXlqddnVwznzs5IQqGoHEzkF9qEPmOms2PVDLav/BJn90AGvfwd7j6V9ej3/JdsW/Elq2dPpDA/GwcXbzr1eYMmHZ8yWj0AGnYYQ1lJIXtXvk9JUQ4eAU3oPuonrfcvNyOOovzMiufBDXtRlJ/J0S3fUJibhotXXbqP+qliWkT69bOkxmtWe17+RXet1xv0ny3YORn2F8L959SYmUKv5koszSE+FZbuVFF+2wADJ1uwuq1JxMRrpkV0bKDQTKHIgqU7VOTf+Qcfo9oXo8bMVM1jN+sRl6rmlx3lVeqhwNoCbk2DOBunxtpCRccGSmwtITkTftlRXhEYKVdBkKeSFuGakRDZBZpgxe7Thl9Lon6LXuTnZrB91UzyslPx9KvL0DdmVUyLyM64juK2G6X7hzah//PT2bZiBltXfIWzRyBDXv0WD9/KfpGblcKmpZ+Ql5OOnaMbjVo/SYcnXjJ42W9Xev44CmtbLNv2QmFtT3lqAvm//VgRBFDaO1Vb80Hp5I6pbwj5y7/XuU/TkPpY93ym4rn14yMBKNq3geJ9Gw1eB4em9Wm9dVHF88jpbwMQv3AFJ0dPxsLLDSs/r4r/F8YmcPiJF4j8YjKBrw6nKOEGp16YQtrmPRVpkpZvwNzNmbD3X8PC042cEzEc6j2GkpQahggZQN1mmnPt7j8051p337oMfnV2xTSHnCrnWt+QJjwxejq71sxg1+ovcXIPpP+L3+F227k2vPEjdH96Kgc2/sSWZR/h7BFE3+e/wS+0mVHqENa4F4V5GRzcOJP8nFTcfOryxAu3Xfcyta97XkFNeHTYdA6sn8H+dV/h6BbIY89+i4uXpg752clcPa25zd3S6X20XqvvywvwDTXOwm/N2nYnNyeTP5b+QE5WGr6B4bz6zvfY31yQLyMtSat/Z2Wm8PF/hlQ837xmIZvXLKROZFMm/HcOAIUFuaxaPJOs9GSsbR1o3KorfZ56BRNT/afQ1aRFu0fJzclk1dIfyc5Mxy8ojDfem4nDrXqk3kB52/HYvvE3yspK+f6zSVr7eWLw8/QZogm+RR/eydyZlVNGf/xicrU0xrB6WzaW5gpeGOSCtZWSc1eL+fh/N7TWRfBwNcXOpjKg372d5gemD17x0trXd7+ksuNwHqWlauoGW/JYRwdsrZRk5ZYTc6WIKV8nkZNn2OtG87bdycvOZM2tNhUUzmtTqrQphXab+mhi9TYVVk+7Ta28rU01adWVPk8br011ad+W7Owc5v/yKxmZWYQEB/Lp1HdwdnIEICU1Tas9FRUXMePH2aSmp2Nhbo6/rw9vj3+VLu3bau132669qNVqunTQ3i7EP0mhNuT4aSHu0ow1tb/ZuTg+HPO7klKNs/jgP620tPa3KdVDcjoO9TfwPSvvg177x93vIhjEnsmGD0LcDyl/nr/fRdBbfuHD0b/r+Rn5Hrv/AHMT4y2G+0+aMcs4d8D5p7082vN+F0FvYWYX73cRDMLbAFOW7odLl3XfSedBFxoSdL+LYHCy5oIQQgghhBBCCCH0IsEFIYQQQgghhBBC6EXWXBBCCCGEEEIIUSup5ffyB4YcCSGEEEIIIYQQQuhFggtCCCGEEEIIIYTQiwQXhBBCCCGEEEIIoRdZc0EIIYQQQgghRK2k5uG4PfzDQEYuCCGEEEIIIYQQQi8SXBBCCCGEEEIIIYReJLgghBBCCCGEEEIIvciaC0IIIYQQQgghaiVZc+HBISMXhBBCCCGEEEIIoRcJLgghhBBCCCGEEEIvMi1CCCGEEEIIIUStJNMiHhwyckEIIYQQQgghhBB6keCCEEIIIYQQQggh9CLBBSGEEEIIIYQQQuhF1lwQQgghhBBCCFEryZoLDw4ZuSCEEEIIIYQQQgi9SHBBCCGEEEIIIYQQepHgghBCCCGEEEIIIfQiay4IIYQQQgghhKiV1GpZc+FBISMXhBBCCCGEEEIIoRcJLgghhBBCCCGEEEIvMi1CCCGEEEIIIUStJLeifHDIyAUhhBBCCCGEEELoRUYuiPuiXHW/S6A/X6fC+10Eg8jKtbzfRTAIO5vaHyu9Fl90v4tgENdTTe53EfS2oc2M+10Egyj88+H4Ncf90fD7XQS9ddwz/X4XwSD+LHzsfhdBb7YWZfe7CAYR1dL/fhfBIOIzav81o8g+4n4XwSC873cBRK1X+z+NCyGEEEIIIYQQ4r6SkQtCCCGEEEIIIWolWXPhwSEjF4QQQgghhBBCCKEXCS4IIYQQQgghhBBCLzItQgghhBBCCCFErSTTIh4cMnJBCCGEEEIIIYQQepHgghBCCCGEEEIIIfQiwQUhhBBCCCGEEELoRdZcEEIIIYQQQghRK6nVsubCg0JGLgghhBBCCCGEEEIvElwQQgghhBBCCCGEXiS4IIQQQgghhBBCCL3ImgtCCCGEEEIIIWolFbLmwoNCRi4IIYQQQgghhBBCLxJcEEIIIYQQQgghhF5kWoQQQgghhBBCiFpJLdMiHhgyckEIIYQQQgghhBB6keCCEEIIIYQQQggh9CLBBSGEEEIIIYQQQuhF1lwQQgghhBBCCFErqdWy5sKDQkYuCCGEEEIIIYQQQi8SXBBCCCGEEEIIIYReZFqEEEIIIYQQQohaSW5F+eCQkQt3YceOHSgUCrKysgCYP38+jo6OD0RZjCk2NhaFQkF0dLTRX0sIIYQQQgghRO0lIxdus3//ftq1a0ePHj1Yt27d/S6OTm3atCEpKQkHBwejv5afnx9JSUm4uroa/bX+ilqt5ujmmcQcWk5JYQ6egU1o1/d9HFwD75jvzL7FnNg1h8LcNJy9Imj75BTc/RpW/D/m4K9cil5LWuJZSovzGTH1EBZW9karx44NS/lzzQJystLxDQhj8Og3CarTQGfa6/GX+GPpD1y7cpaM1CQGjpxI195DtdIUFeazZul3RB/cTm5OBn6B4Qx6dhKBofWNVoeTexZzfPscCnLTcPWOoEPfKXgENKwx/aXojRzY+DW5GYk4uAbQpvdEAiM7Vvz/8sk/Ob1vKSkJZyguyGbwhJW4+dQ1WvlvObF7MUe2zaEgJxVXnwg6938XzzvU48LxDexf/zU5GYk4ugXS7vGJBNWrrMf+DTO5cGwduVk3MDExw92vHm0eewOvwEZGr8sjTU1pHmGClTnEJqtYtaeM9Bz1HfO0ijShY0NTbK0gKUPNmn2lJKRW5nG2U/BYK1MCPJSYmsCFBBVr9pWSV2j48j8s/fvg1sXs2zCHvOw0PPwj6PXMFHyDdbeplMSLbFv5DUmxZ8hKv06PpybT+tEReu3TEI7uWMzBP+eQn5OKu28Ejwx+F++gml/v3NEN7FrzNdnpiTi7B9Kp70RCGnTUSpOWdJkdKz8n/sJhVKpyXLxC6PvCTBycvY1SB+d2zQieMBqHJvWx9HbnSP+xJK/Zeuc8HVoQOf0tbCPrUBSfxKVpP5CwcKVWmoCXniZ4/GgsPN3IOXmOM+M+JPvwKaPUAWDZlr0sXL+D9Oxc6vh5MWlYX+qH+P9lvk0HjvP294vp2KQeX44bVbG9oKiYmcvWsePoGbLz8vF2c2bIo+0Y0KWN0eoAsH/zYnatn0tedhqefhE8Mfwd/EJ0t6nkhIts/n0mibFnyEq7zmPPvEW7Htr9Yseanzh9ZDOpSVcwM7MkoE5jegyZgJtXkFHrsWvjErb+MZ+crDR8AsIZ8OxkAkN1X7+T4i+x7tfviL96lozU6/QbMYnOjw2rli4rI5nVP3/F2eg9lBYX4erpx9CxH+EfUs+odelQX0HjEAUWZpCQBhuOqMjMu3OepqEKWtVVYGsJyVnw51EV1zN0px3SQUmIt4Llu8u5kGjw4nNk+2L2b5pDXnYqHn4RdH/qXXzucJ46e2QDO1d/TVZaIs4egXTtP5HQ285TJUX5bFvxBeePb6EwPwtHV1+adxlG005PGb7wN+3etIRtt7Wn/qMmE3CH9rR+2Xck3GxPfYdPolMN7WnN4q+Iua09Pf2S8duTELeTkQu3mTNnDq+++iq7du3i+vXr97s4Opmbm+Pp6YlCYdzhPyUlJZiYmODp6Ymp6f2PQZ3YOZvTexfRvu9U+ryyDFNzK9bPGUNZaXGNeS6fWM/+tZ/QtOvL9HttBS5e4ayfM4bCvPSKNGUlRfiFtadx5xeMXocjezfx24Iv6D3wBd7+bAm+gWHM/GgsOdm6r84lxUW4evjQ95nXsXfUHeBZ9MMHxJw4wKjXPuLdL5ZTt1FrZvz3RTLTk41Sh4vH17Nn9Sc07/4yg8evwMU7nDU/jaEgN11n+qSrx9j08wQiWwxg8ISVBDfoxvp5r5CedKEiTWlJIV5BTWnTe6JRyqzL+WPr2bVyGq26v8zT/1mJm3cEK38YXWM9rl89xoaFE6jXagDP/GcVIQ268secl0m7XlkPJ7dAOg94j2Fv/sGg13/B3tmHlT88S0FeDZ++DKRjIxPa1DNh1Z5SvltdQmkpPNvTDFOTmvM0DFbSu5UpW46VMXNlCUnpKkb3NMfGUvN/M1MY3csMtRpmrSvhhzUlmChhxKPmRhl4+DD079MH17Np6Sd0evJlXpi6Ak+/cBZ9MYa8HN1tqrS4CCc3P7oNnICtg5tB9qmvmCPr2fbbNNr1fplRb6/E3TeCX2eOJr+G10u4fIzVcybQqO0ARr2zijpRXfn9x5dJTazsF5mpcfw8/WlcPIJ5avwinn13DW17jcXU1MIodQAwsbEm5+R5Tr/2wV2ltwr0pfma/5G+4yB7mj3J1ZkLaPC/j3B9pF1FGq+BPan7+WQufvQde1r0JffkOVqum4O5m7NR6vDngWi+/GUNz/d5hMX/HUeYvzevfD6LjJzcO+a7nprBjCVraRxe/Yv2l7+sYd/J83z44lP89skknu7egc8WrmLnsTNGqQPAyQPrWffLp3Tt+zKvfPg7Xv7hzP3sOfKydbepkpIinN396DFoPHYOuq97V84dpnW3pxn7/lJGvzmH8vJS5n46mpKiAqPV4+i+jaxc+Dk9B7zIpE+X4RMQxvcfv0BuTfUoLsLVw5cnnh5X4/W7IC+br94djompKS+9/QNvf7WKvsP/g5WN8QKgAK0jFDQPU7DhiIr5m1WUlsFTnZSY3OEbQV0/Bd0aK9h9Ws2cTSpSstQM6aTEWkc3bhGm4M6hbf2cObyezcum0f7xlxnz7ko8fCNYMqPm81T8pWOsnDWBqHYDeO69VYRHdWXZdy+Tctt5avOyT7h8ejdPjvmcF/+7nhbdRrBxyYdciL5zUPJeHbvZnrr3f5H/fLIM74Awfvi/v25Pjz915/b09XvDMTEx5cXJPzD5y1X0GfYfrI3cnoSoSoILN+Xl5fHrr7/y0ksv8dhjjzF//vy/zLNq1Srq1KmDpaUl3bt3Jz4+vuJ/I0eOpE+fPlrpx40bR6dOnSqed+rUiVdffZVx48bh5OSEh4cHs2bNIj8/n1GjRmFnZ0doaCgbNmyoyFPTFI1NmzZRt25dbG1t6dGjB0lJSVqvM27cOK2y9OnTh5EjR1Y8DwwM5MMPP2T48OHY29vz/PPPV5sWUV5ezujRowkKCsLKyorw8HC+/vrrv3yf9KVWqzm1ZyGNu7xIYL2uuHiF03nQpxTkpBB7ZkuN+U7unk9Ei4GEN++Pk0co7ft+gKmZJecP/16RpkH7EUR1fh53f+P/urzlj0W07daPNl364O0XwtPPT8HMwpJ921bpTB8YWp/+w8fTvF0PTM3Mqv2/pLiI4we20m/YOOpENsXdy5/HB7+Eu6cfu/5cbpQ6RO+cT71WA4ls0R9nz1A6D9C8pzGHfteZ/sTuRfhHtKNJl9E4e4TQqufruPlEcnLP4oo0Ec2epEX3l/ELa22UMutybMc86rcZRL1W/XHxDKXroA8wNbfkzAHd9Ti+cyGBEe1p1nUMzp4htHlsHO6+kZzY/XNFmohmj+Mf3gYHVz9cvOrQoe9kSorySEs8b9S6tK1vyrbjZZy9puJGhppfd5Rib60gMqDm03u7BqYcOlfO0QvlpGSpWbWnjJIyaBauiUgEeihxslWwfGcpyZlqkjPVLNtRio+bghBvw142Hpb+ve/P+TTtMJDG7fvj7hNK7+EfYGZuyfHdutuUT3ADug+eRIOWj2FqWr1/38s+9XVoyzwatR1Ewzb9cfUOpcfTH2BmZsnJfbpf78i2hQTXa0/LR8fg6hVChyfG4ekfydEdlf1i1+qvCKnfgc79J+HpH4mTmz91GnXFxt7FKHUASN20iwvvzyB5dc3t53YBzw+h8GoCMZM+Je/cFa59v5gbv28i6PWRFWmCxo0ifs4yEhasIC/mMqfGvk95QRF+I/sbpQ4/b9xJ304teaJDC4J9PHl7ZH8sLcxYvfNwjXnKVSqm/PgLL/R7FB+36u/vyYux9G7XjGZ1Q/F2c6Zf51bU8ffizJU4o9QBYPeGBTTvNJBmHfrh4RNKn1FTMbew5MiuFTrT+wU3oNdT/6FR68cwMTPXmebZSbNo2qEvHr518AqIYMDz08hKTyIx1nhBku1rF9K6a39ade6Ll28Ig597D3NzK/ZvX6kzfUBoffoMm0DTtj0xraEem1fPxdHFk6FjPyIwtAGu7r7UbdQGN08/o9UDoEW4gj1n1FxIhJRsWHNQhZ0VhPvWHDpuGaEg+rKak1fVpOXA+sNqysqgUbB2Hg9HTdq1h1RGK//BzfNo3H4QUW374+YdSq+hmvNi9F7d56nDWxcSUq89rbtrzlOd+ozDyz+SI9sqz1MJl4/TsE0fAsNb4ujqS5MOg/HwjSDx6kmj1GHHuoW0udmePH1DGDRG054O3KE9PTl0Ak3u0J62rNG0p2fGfkRAaANc3H2JaNQGVyO3pweFWq2olY+HkQQXblq2bBkRERGEh4czdOhQ5s6di1pdc+y1oKCAjz/+mIULF7J3716ysrIYMmTI337dBQsW4OrqyqFDh3j11Vd56aWXGDhwIG3atOHYsWM8+uijDBs2jIKCmiPyBQUFTJ8+nUWLFrFr1y7i4uKYOPHv/wo8ffp0GjVqxPHjx3n33Xer/V+lUuHr68vy5cs5e/Ys7733Hm+//TbLli3726/1d+RmJFCYm4pPncqhm+ZWdrj7NSQlLlpnnvKyEtISz+B7Wx6FUolPaGuSa8hjTGWlpcRdiaFuw5YV25RKJXUbtOTK+Xu7eKlU5ahU5ZiZaf90YGZuwaWY43qVV5fyshJSEs7gF6b9nvqGteZGbLTOPDdio/Groz3k1j+ibY3p/wnlZSWkxFevh39YG5Jidb9vN65G4xeuHfwIiGhHUg31KC8r4fS+XzG3ssPNJ9xgZa/K2U6BvbWCS4mVH+SKSyE+VU2Ah+7Tu4kSfFy186iBS4kqAtw1eUxNNNvKyivzlZWDWg2Bnoa9bDwU/bushKTYMwTXqyyPUqkkOLI18ZfurTzG2OedlJeVcCPuDIF1td/TwLptSLyiu19cvxJNYIR2vwiKbEfiFU351CoVl0/twNk9kF+/Gc03/2nNgk8GciH67r70/1McW0WRtm2/1rbUzXtwahUFgMLMDIcm9Ujbuq8ygVpN2rZ9OLZqbPDylJaVcS42kRb1wiq2KZVKWkTW4dSlazXmm7VqM072tvTp2FLn/xvWCWTX8TOkZGSjVqs5fPYScTfSaFU/TGd6fZWVlXA99gyh9SrbiFKpJKRea+IM2IaLCjWjOaxsjDNdtKyslPgrZwlv0Kpim1KpJLxBK2IvnLjn/Z4+sgP/4EjmfDmeyWM68umkgezd8pshilwjRxuwtVIQm1z5+ba4FBLTwaeGeJ9SCV5OcDVZ+zPx1WQ1vi6VX45MTeDJ1ko2HVWRX2SU4lNeVkLStTME6TpPXdZ9nkq4Ek1QpPZ5KrheOxJunqcAfEMacyF6GzmZyajVamLPHSAj+SrB9dphaLfaU1iV9hTWoBWxF/VrT37Bkcz7cjzvPNeRz94cyL6txm1PQugiwYWb5syZw9ChmvnsPXr0IDs7m507d9aYvrS0lG+//ZbWrVvTtGlTFixYwL59+zh06NDfet1GjRoxZcoU6tSpw+TJk7G0tMTV1ZXnnnuOOnXq8N5775Gens7JkzV/AS0tLeXHH3+kWbNmNGnShFdeeYWtW//+UK4uXbowYcIEQkJCCAkJqfZ/MzMzPvjgA5o1a0ZQUBDPPPMMo0aNMnpwoSA3FQBrW+0rn5WtKwW5aTrzFBVkolaVY1U1j13NeYwpLzcTlaocewft8tg5upCTdW/lsbSyITisIet++4msjBRU5eUc3LWOKxdO3vM+76Qw/+Z7aqddB+s7vKcFuWlY/430/4Rb9aheLhfyayhXfm4a1nau1dIX5Ginv3J6O9/9pzEzJzbk2I759HtpLla2xhk2DWBrpfmbV6j9oS+vUI2tle6IuLUlmCgVuvNYa/LEpWiGyvZsYYqZiWaaxGOtTDFRKrCzNmwdHob+XXCzf9tW+TXe1sGVvJx7K48x9nnH18vTvKdVRxTY2LmQX8Pr5eWkYWPvWmP6/Nx0SooLOLBpFkGR7Rn82lzCoh5hxf9eIe7C37tWGpOFhyvFydp1LE5Ow8zBDqWlBeauTihNTSlOSa+SJh0LT8OvSZSVm0+5SoWLva3WdhcHO9Kyc3TmOX7+Kqt3HmLKswNr3O+kYX0J8vag57gPafnsm7w6fRZvDu9Lk4jq13tDKMjN0rThqtc9exdyDXSNUqlUrP15GgFhTfD0M06QJD/n5vXbUdf1+96nKKWlJLBn8zLcPAMY+86PtHt0EL/P+4SDO1brW+Qa3Zr6VvXLf36RuuJ6UpW1OSiVCh15wOa2PI80VpCYpjbKGgu31HSesrV3qfG8mJedhk2V67eNvQv52ZXpuz/1Lq7eoXwzqQPTXqrPkq/H0OPp9wkIa27wOtxqT3ZV+4WDC7l6tKf0lAT2bl6Gq1cAL739I+0eGcSKeZ9waKfx2pMQutz/yfQPgPPnz3Po0CFWrtQMRzI1NWXw4MHMmTNHaxrD7UxNTWnevPKkExERgaOjIzExMbRo0eKuX7thw8oFaExMTHBxcaFBg8oFXTw8PABISUmpcR/W1tZawQAvL687pq9Js2bN/jLNd999x9y5c4mLi6OwsJCSkhKioqLumKe4uJjiYu2502Wl5pia6Z5ze/H4H+xe8X7F8x6jfvzrwv9LjXrtYxZ+P5W3nn8UpdIEv+AImrftQdyVmPtdtH8lvzoteWbSKgrzMzm9bxnr549jyPjl1QIZ9yoqREnf9pVD6OdvLDHIfqvKL4LFW0rp086UNvUtUKvhxGUVCakq7jCg665I//73UKs1o2PqNOpKi24jAfDwq0vilWMc37UU/7C7v1aKmuUXFvHe/35hyrMDcLKzqTHd0s17OH05jq/eGIWXixPHzl/h04UrcXO0p6WRRi8Y25oF/yU54SIvvrv4rxM/YNQqFf4h9Xji6dcB8AuqS1LcJfZsXkbLTk8a5DXqBSjo1awy0PzrLuNMV6jjDYEeCmZvMt50CGM6vG0RiVeiGfTKDzi4eBN34Qgbf/kAW0d3giONu+CpoahVKvxC6vH4U5r25BtUl6T4S+zdvIwWHQ3TnoS4GxJcQDNqoaysDG/vypWr1Wo1FhYWfPvtt/e0T6VSWW1aRWlpabV0ZlXm0isUCq1ttxZuVKlqPmHr2sftr323ZbGxqflDCcDSpUuZOHEiX3zxBa1bt8bOzo7PP/+cgwcP3jHftGnT+OAD7YW1Hhn8Ht2HTNWZPiCys9aK7+Vlmi9QBXnpWNu7V2wvzEvDxVv3XQUsrZ1QKE20FncDKNTxC/Q/wdbOCaXShJwqi/XkZqXXuDjP3XDz9GPCf+dQXFRIUWEeDk5uzPpyEq4ePvoWuRorm5vvaZVFDwvu8J5qRincffp/wq16VC9XerVfN26x0fGLeEFuOtZVfrU1s7DG0S0AR7cAvAKjmP/ho5w+8BstHjHMgoJn41TEr6gMKJjcXLTR1kpB7m0jEWytFCSl6z5nFBRBuerWyAbtPHkFlc8vJqr4/NcSrC1ApYaiEnjnGQtOXtEvuvAw9m/rm/276kKLedlp2NrfW3mMsc87vp6t5j2tuihafm56tdEJt9jau1Yb1XB7emtbJ5RKU1y8tH8Zd/EMIeHSUQOWXj/FyWlYeGjX0cLDldLsXFRFxZSkZaIqK8PC3aVKGheKbxh+FImjnQ0mSiXpOdrL96dn5+LqUH1xtoSUdK6nZfLGV/MqtqluXvNbjJzE759Ows3Jge+Wb2D66yNoHxUJQB1/b87HXWfRhp1GCS5Y2zlq2nDV615OOnZ6XPduWb3gQ85F7+T5dxbh4Oyp9/5qYmN/8/qdpev6fe+BY3snNzx9tfuGh28w0QcNN23oYqKa2emV5+xbizbaWELebSMRbCwVJGfqPrcXlIBKpa4Y9VCZB/Jv3j0o0EOBky1M7Kc9ILp/WyXxafDzNsMEHWo6T+XlpNd4XrR1cK02KjE/Jx2bmwuGlpYUsX3lVwwc+y11GnYCwMM3guT4GA78OcfgwYVb7anq4o252enY6duefKq0J59gThiwPT3I1EZZblrci3/9tIiysjIWLlzIF198QXR0dMXjxIkTeHt7s2TJkhrzHTlypOL5+fPnycrKom5dzYdhNzc3rUUVgYqFEf9pVctSXl7O6dOn//Z+9u7dS5s2bRg7diyNGzcmNDSUy5cv/2W+yZMnk52drfXo2n9yjenNLWxxcA2oeDh5hGJl58b1S5VzYkuK8kiJP4m7f5TOfZiYmuPqU4/E2/KoVSquXzqARw15jMnUzAz/4LqcO1U5FFilUnHu1CGCw/W/rZyFpRUOTm7k5+VwNnofjZp30nufVZmYmuPuW4/4i9rvacLFA3gGRunM4xkYRcJF7bnM8Rf21Zj+n2Biao67Xz3iL2jXI/7CfrwCdc+f9gyKIv7CAa1tcef34fUX9VCrVRVfng2hpBTSc9QVj5RMNTkFakJ9Kk/lFmbg56bgWrLuD3PlKkhM086jAEK9lVxLqZ6noFgTWAjxVmJjBWev6fch8aHs36bmeAXW48rZyvKoVCquxhzAL/TeymOMfd6Jiak5nv71iD2n/Z5eO7cfn2Dd/cI7OIrYc9r9IjZmHz7BURX79ApsQEbyVa00GcmxOLgYPgB6r7IOROPSpZXWNteubcg8EA2AurSU7GNncO1y27xthQKXzq3JOmD49W3MTE2JCPTh8JmLFdtUKhWHz16iQWhAtfSBXu78+n8T+OWjNyoeHRpH0qxuCL989AaeLo6UlZdTVl6OssqdpkyUyopAhKGZmprjHViPy2cr24hKpeLymQP469GG1Wo1qxd8yNmjWxgzeR7O7r4GKG3NTE3N8AuO5MLpyh9SVCoVF04fIDDs3heLDQ6PIvl6rNa2lOuxOLt53fM+qyopg8y8ykdajmYKXKBHZTswN9Wst5BYw4h8lQqSMtHKA5rnCTcDF/ti1MzaqGL2psoHwObjav44aLjRDCam5ngF1ONqjPZ5KjZmPz4hus9TvsFRxMZon6euxuzD9+Z5SlVehqq8tNpd2BRKkzuuvXavKtrTKR3tqc69t6eg8ChSkmK1tqUkxeJkwPYkxN341wcX1q5dS2ZmJqNHj6Z+/fpaj/79+zNnzhyd+czMzHj11Vc5ePAgR48eZeTIkbRq1apiSkSXLl04cuQICxcu5OLFi7z//vv39IXeELp06cK6detYt24d586d46WXXqq428TfUadOHY4cOcKmTZu4cOEC7777LocP17xy9S0WFhbY29trPWqaEqGLQqGgQbvhHNv2I7Fnt5GRdJ7tv76Jtb07gfW6VaRb+9NITu+rXP23YfuRnDu0nAtHV5KZfJndK6dSWlpIWLN+FWkKclNJux5DTrpmteyMGxdIux5DUUHWXZfvbnV7fBh7tqxg/441JCVcYcmsjykpLqRNZ81wtXnfTGHl4m8q0peVlhJ/9RzxV89RXlZGVkYK8VfPkZJUubL3meh9nDm+l7TkRM6e2M9XU8fg6RNUsU9Di+o4krMHlhNzeCUZyZfZ8dtUykoKqdtC855u/uVN9q39oiJ9o/bDiDu3h+M75pKZfIWDG2eSEn+Ghu2eqUhTlJ9FamIMGTc0gaqslKukJsaQn5NqlDoANOk0itP7l3H20Eoyblxm6/KplJYUEtlSU49NP09izx+V9WjccTjXYnZzdNtcMpIvs3/DTJLjT9OovWadltLiAvb+8SVJsdHkZCSSHH+aP3+ZTF52MmFRPYxWD4C9p8vo0tiUuv5KPJwUDOpkRk6BWisIMKaXGa0jK+9NuedUGc3DTWhSR4mbo4I+7UwxN4OjFypXcGwaZoKfuwJnOwVRoUqe7mrG3lPlpGUb9sPWw9K/2zw6kmM7lxO9ZyWp1y+zduFUSooLadxOU54Vs95k8/LKNlVWVkJSXAxJcTGUl5eSk5lMUlwM6cnX7nqfhtai2yhO7FnGqf0rSUu6zKYlUykpKaRhG83r/TFvEjtWVtahWZfhXD2zm4Ob55J+4zK7/5hJ0rXTNO00tHKfj4wm5sgGoncvIzPlGke3/8ylU9tp3NF49483sbHGvlEE9o0iALAO8sW+UQSWfpoP2eEfjafRvE8r0l/7aSnWQX5ETPsPNuHBBLz4NF4De3L16/kVaa7OmIff6EH4DOuDbUQw9b+biqmNFfELdN/1QF9De3Rk5c6D/LH7MFcTk5m2YAWFxSU80UEzHfO9/y1h5rL1AFiYmxHq66X1sLO2wtrSglBfL8xMTbG1sqRpRDBfL13LkZhLJKams2b3YdbtOULnpvWNUgeA9j1HcHjHco7uXkVK4mVWz/+AkuJCmnboC8CyH99k469fVqQvKyvh+rUYrl+LobyslJzMFK5fiyHttn6xesF/id73B4Nf+hwLSxtys1LJzUqltMRIqwgCnXsPZ9/W3zm4YzU3Eq6wbPaHFBcX0qpTHwAWfvs2a36ZcVs9SkmIPUdC7DnKykrJzkghIfYcqTcqr9+dHxtO7MWTbFoxi9QbcRzZs459W3+nffe/vzj433HovJq29RTU8QY3B3iilZLcQjifUHluf7qzkmZ1Kr9sHzynpnGIggaBClzsoWczBWamVIxkyy+C1GztB0BOgZrsfMOWv+Ujozi+exkn9mnOU+sXa67fjdpqzlOr50xi24rK81TzrsO5fGY3B/6cS1rSZXaumcn12NM066I5T1lY2eIf1oKtv31O7PmDZKbGc2LvCk7tX0VE4246y6CvTo8NZ/+23zm0U9Oels/+kJLiQlrebE8/f/s2f9ypPWVWb0+demna058rK9vT/q2/0/5R47YnIar610+LmDNnDt26dcPBofoqw/379+ezzz7TuZiitbU1b775Jk8//TSJiYm0b99eKxDRvXt33n33XSZNmkRRURHPPvssw4cP59SpU0atjy7PPvssJ06cYPjw4ZiamvLGG2/QuXPnv72fF154gePHjzN48GAUCgVPPfUUY8eO1bpVprE06jiGspJCdv/+HiVFOXgGNqXns7O0ghQ5GXEU5WdWPA9p1IvC/AyO/DmTgtxUXLzr0uvZWVrDps8eWMqxLd9VPP/jR83FpuPA/yO8mWE/wDdr253cnEz+WPoDOVlp+AaG8+o731cMq8xIS0KhrLyYZ2Wm8PF/Ki8Km9csZPOahdSJbMqE/2raWmFBLqsWzyQrPRlrWwcat+pKn6dewaSGW9vpq07jXhTmZXBo40zyc1Jx86nL489Xvqe5mde1ov9eQU14dOh0DmyYwf51X+HoFkivUd/i4lU5BPfqmW1sXfp2xfNNi8YD0PzRl2nZ41Wj1CO8iaYe+9d/Q0FOKq6+denz4uyK4dw5mUmgqIy9egc1ocfw6exfP4N9a7/E0S2Qx0d/h6u3ph4KpQkZKVc4O3clRXmZWNo44uHfgIGvLcbFq45R6nDLzhPlmJsq6NfeDEtziE1WMW9jqdadHlzsldhYVn5wPHlFhY1lGY80NcPOGq6nq5m7oYS8wso8bg4KejQ3x8oCMvPUbI8uY8+p23ZqQA9D/67fshf5uRlsWzWTvOxUPP3rMmz8LGxvDr3NTtfuG7lZKfz4ft+K5/s2zmXfxrkEhjdn1FuL7mqfhla3WS8KcjPY/cc35Oek4u5bl8Gv3tYvMpJQ3NYvfEOa8MTo6exaM4Ndq7/EyT2Q/i9+h5tPZf8Ob/wI3Z+eyoGNP7Fl2Uc4ewTR9/lv8Av96zV+7pVD0/q03rqo4nnkdM35JX7hCk6OnoyFlxtWfpW/5hXGJnD4iReI/GIyga8OpyjhBqdemELa5j0VaZKWb8DczZmw91/DwtONnBMxHOo9hpKUGn7u1dOjraLIzM3jxxWbSM/OJczfm5n/GYOLgx0AN9Izq/3S+lf+b+xQvl2+nik//kJOXgGerk6MHdCTAV2Mdxvghq16kZebyZbfvyE3Ow0v/7qM+s9P2N1sw1np2m0qNzOVmVMq++bu9XPZvX4uQRHNef6dhQAc3LoUgFn/N0LrtQY8938VQQtDa9qmB3k5Gaxb9h25WWn4BEYw9u0fK6Y1ZqYlaR2P7IwUPp1Uubjm1j/ms/WP+YRGNuP1qZrpKwGh9Xlu4gzW/DKDjb//iIu7D/1GTKJ5+95GqcMt+8+pMTOFXs2VWJpDfCos3ami/LYBBk62YHXbb0Ax8ZppER0bKDRTKLJg6Q4V+cXVdm909ZprzlM7V2vOUx5+dXnq9dkV0yKyq5yn/EKb0GfMdHasmsH2lV/i7B7IoJe/w/2281S/579k24ovWT17IoX52Ti4eNOpzxs0MVIQtMnN9rR+2Xc3Pw9G8OLk29pTuvbnweyMFD5/s7I9bftjPttutqdX369sT6MnzGDtkhls+v1HXNx86DtiEs2M3J4eFA/rbR1rI4XaGGN+hPgLX6yq/c2uSYjxfiX5J52Os/zrRLWAqUntv7Bci3842pSb292PTHpQ+bj/dZraoLC49vcLAPdHjXdL139Kxz3T73cRDOJPxWP3uwh6s7Uou99FMIjDMSZ/nagW8Peu/fVwszfOAsv/tB5R5ve7CPfk0Lns+12Ee9Iiwji30L2f/vXTIoQQQgghhBBCCKEfCS4IIYQQQgghhBBCL//6NReEEEIIIYQQQtROhrsnidCXjFwQQgghhBBCCCGEXiS4IIQQQgghhBBCCL3ItAghhBBCCCGEELWS3IrywSEjF4QQQgghhBBCCKEXCS4IIYQQQgghhBBCLxJcEEIIIYQQQgghhF5kzQUhhBBCCCGEELWSGllz4UEhIxeEEEIIIYQQQgihFwkuCCGEEEIIIYQQQi8SXBBCCCGEEEIIIYReZM0FIYQQQgghhBC1klotay48KGTkghBCCCGEEEIIIfQiwQUhhBBCCCGEEELoRaZFCCGEEEIIIYSoleRWlA8OGbkghBBCCCGEEEIIvUhwQQghhBBCCCGEeMB99913BAYGYmlpScuWLTl06FCNaWfNmkX79u1xcnLCycmJbt263TG9IUhwQQghhBBCCCGEeID9+uuvjB8/nvfff59jx47RqFEjunfvTkpKis70O3bs4KmnnmL79u3s378fPz8/Hn30URITE41WRgkuCCGEEEIIIYSolVTq2vn4u7788kuee+45Ro0aRWRkJD/++CPW1tbMnTtXZ/rFixczduxYoqKiiIiIYPbs2ahUKrZu3arnO14zCS4IIYQQQgghhBAPqJKSEo4ePUq3bt0qtimVSrp168b+/fvvah8FBQWUlpbi7OxsrGLK3SKEEEIIIYQQQoh/UnFxMcXFxVrbLCwssLCwqJY2LS2N8vJyPDw8tLZ7eHhw7ty5u3q9N998E29vb60AhaHJyAUhhBBCCCGEEOIfNG3aNBwcHLQe06ZNM8prffLJJyxdupSVK1diaWlplNcAGbkghBBCCCGEEKKWUqO430W4J5MnT2b8+PFa23SNWgBwdXXFxMSE5ORkre3Jycl4enre8XWmT5/OJ598wpYtW2jYsKF+hf4LMnJBCCGEEEIIIYT4B1lYWGBvb6/1qCm4YG5uTtOmTbUWY7y1OGPr1q1rfI3PPvuMDz/8kI0bN9KsWTOD16EqGbkg7ovy8ntYIvUBo6idQdJqzpzOut9FMIgGDZ3udxH0Zmr2cMR7TU3udwn0l533cHTw0rLaf64F6Lhn+v0ugt52tpt4v4tgEFeX977fRdBbHd+H4CQFONg/HNcM9UNwmlKrH45rhniwjR8/nhEjRtCsWTNatGjBjBkzyM/PZ9SoUQAMHz4cHx+fiqkVn376Ke+99x6//PILgYGB3LhxAwBbW1tsbW2NUkYJLgghhBBCCCGEqJX+LcGdwYMHk5qaynvvvceNGzeIiopi48aNFYs8xsXFoVRWBh1/+OEHSkpKGDBggNZ+3n//faZOnWqUMkpwQQghhBBCCCGEeMC98sorvPLKKzr/t2PHDq3nsbGxxi9QFQ/HeCohhBBCCCGEEELcNxJcEEIIIYQQQgghhF5kWoQQQgghhBBCiFrpYVgU9GEhIxeEEEIIIYQQQgihFwkuCCGEEEIIIYQQQi8yLUIIIYQQQgghRK2k4t9xK8raQEYuCCGEEEIIIYQQQi8SXBBCCCGEEEIIIYReJLgghBBCCCGEEEIIvciaC0IIIYQQQgghaiW1WtZceFDIyAUhhBBCCCGEEELoRYILQgghhBBCCCGE0IsEF4QQQgghhBBCCKEXWXNBCCGEEEIIIUStpFbf7xKIW2TkghBCCCGEEEIIIfQiwQUhhBBCCCGEEELoRaZFCCGEEEIIIYSoldTIrSgfFDJyQQghhBBCCCGEEHqR4IIQQgghhBBCCCH0IsEFIYQQQgghhBBC6EXWXBBCCCGEEEIIUSup5FaUDwwZufCQmz9/Po6OjhXPp06dSlRU1H0rjxBCCCGEEEKIh4+MXLjPOnXqRFRUFDNmzNDaPn/+fMaNG0dWVtZf7mPJkiUMHTqUF198ke+++84g5crJyeHTTz/l999/JzY2FkdHR+rXr8/YsWPp27cvCsU/uyqrWq3m2JaZnD+ynJLCXDwCGtPmyfdxcA28Y76z+xdzavdcCvPScPaMoPXj7+Dm1xCA4oIsjm35lsRLe8nLSsLSxpmAyK40feQ1zC3tjFKP7RuWsnn1ArKz0vENDGPI6DcJqtNAZ9rrcZdYs/QH4q6cJT01iYGjJtKt91CtNEWF+axe8h3RB7eTm5OBX1A4g5+dRGBofaOU/3aPt7OkXSMLrCwUXE4sY8mfBaRkqmpMH+pryqMtLfD3MMXRTskPK/I4cbFUK82IXta0bmChte3MlVJmLs8zePlP7F7MsW1zKMhNxdU7go7938UzoGGN6S9Gb+DA+q/JyUjE0S2Qto9PJDCyIwDl5aUcWDeD2JhdZKfHY2Fpi19YG9o8PgFbBw+Dl72qrlEmNAtTYmkOcSlq1uwvIz33znlaRihpV98EWyu4kaFm7cFyEtM0oX9HW5g4wFxnviXbSzlzzbA/EZzau5joHXMoyE3DxSuC9n2n4OFf87G4dGIjhzZ+TW5mIg6uAbR+bCIBdTtW/F+tVnN400zOHlxOcWEOXkFN6NDvfRzdAg1a7qqidy3myNY55Oek4uYTQecB7+IVWHM9LhzfwN61lW2q/ZMTCa7XUWfaLUvf4+TeX+nUbzJNOo80Ug3g5J5b/SINV+8IOvSb8hf9YiMHNnxNbkYijm4BtOldpV+s/5prMTvJTk/AwtIW37A2tOk93uj9YtmWvSxcv4P07Fzq+HkxaVhf6of4/2W+TQeO8/b3i+nYpB5fjhtVsb2gqJiZy9ax4+gZsvPy8XZzZsij7RjQpY1Ryu/crhnBE0bj0KQ+lt7uHOk/luQ1W++cp0MLIqe/hW1kHYrik7g07QcSFq7UShPw0tMEjx+NhacbOSfPcWbch2QfPmWUOtyiVqs5unkmMYeWU1KYg2dgE9r1/evr95l9izmxaw6FuWk4e0XQ9skpuPtVtsWYg79yKXotaYlnKS3OZ8TUQ1hY2RutHnv//IWd6+aSm52Gl384fUa8g3+I7r5xI+Eim377lsSrZ8hMu84TQ9+ifc/hWmn2bVnK/i1LyUxNBMDDN5RH+r5ERFQHo9XhYenfR7Yv5sCfc8jLTsXDN4JHn3oXn6Ca6xFzZAM7V39NVnoizu6BdOk/kdAGlefaj58P15mvS///0Lr7GIOXH2D3piVs+2MeudlpePuH03/U2wSE6v48mBR/iQ3LvyX+ylky067TZ/ibdOo1rFq6rIxk/vjlS2Ki91BaXISrpz9Pvfgh/iHG/0woxC0ycqEWKikp0Xo+Z84cJk2axJIlSygqKtJ7/1lZWbRp04aFCxcyefJkjh07xq5duxg8eDCTJk0iOzv7rsplSCd3zebs/p9p++RUnnjpV0zNrdk07znKSotrzHPl5HoOrv+Uxl1f5smXf8fZK5yN856jMC8dgPycFApyU2jRcxL9Xl9DhwH/R8KF3ez+fYpR6nB47yZ+m/8Fjw16gXc+X4JvQBjffDiWnOwMnelLSopw9fCh79DXsXd01Zlm4fcfEHPiAKNe+4j3vlxOZKPWfPXBi2SmJxulDrc82tKCzk0t+GVTAZ8uyqWkVM2rg2wxNak5j4U5JKSUs3RzwR33ffpKKZO+zap4zFmTb+DSw4Vj69m9ahote7zMkIkrcfWJYPWPoynITdeZPunqMTYunEBkqwE8NXEVwQ26snbOy6QnXQCgrKSIlISzNH/0JZ6asIJez35LZspV1s5+yeBlr6p9fSWtIpWs3l/Gj+vKKCmDEY+a3fFY1A9U0rO5Cdujy/l+TSk3MtSMfMQUG0vN/7Pz4ZNfS7QeW4+XUVyq5mKiYQMLF6PXs3fNJzR75GUGjluBq3c4a2eNqflYxB5j8+IJ1G0xgIFvrCSofjc2zH+l4lgAHN8+m5N7FtGx/1T6v7YMU3Mr1s4ac8fzhb7OH13PzpXTaNXzZYZOWombTwQrvq+5TV2/cox18ydQv/UAhr65itCGXVkz62XSrl+olvbiic0kxZ7AxsHdaOUHuHB8PbtXfUKL7i8zZILmWKz53x2OxdVjbFo0gXotBzBk4kqC63dj3dxXtPpFasJZmj8yliETfqfXqJlkpVxl3eyxRq3Hnwei+fKXNTzf5xEW/3ccYf7evPL5LDJy7hxxu56awYwla2kcHlTtf1/+soZ9J8/z4YtP8dsnk3i6ewc+W7iKncfOGKUOJjbW5Jw8z+nXPrir9FaBvjRf8z/SdxxkT7MnuTpzAQ3+9xGuj7SrSOM1sCd1P5/MxY++Y0+LvuSePEfLdXMwd3M2Sh1uObFzNqf3LqJ936n0eUXTH9fPuXN/vHxiPfvXfkLTri/T77UVuHiFs37OmIrrN2jal19Yexp3fsGo5QeI3r+BPxZ/yiP9xjLuo9/w9o9g9ifPk5etu2+UFhfh4u5LryHjsavh+u3o7EGvIW/w+sfLef2j5YTWa8n8L1/hRsJFo9ThYenfZw+vZ8vyabTv/TKjp6zE3S+CpV+PJj9Hdz0SLh9j5ewJNGo3gDHvriKscVeWf/8yKYmV59rXP9+j9eg94v9AoSCiSXej1OHYvg2sWvQZPQa8xMRpy/EJCOfHaS+QW1N7KinExd2Xx58eV+PnwYK8bL5+bxgmJma88NaPvPXFap4cOhFrG+MF3B4karWiVj4eRhJcqAVGjhxJnz59+Pjjj/H29iY8vDLCevXqVfbt28dbb71FWFgYK1asuKt9/u9//8PPzw9ra2sGDRqkFTB4++23iY2N5eDBg4wYMYLIyEjCwsJ47rnniI6OxtbWFoDAwEA+/PBDhg8fjr29Pc8//7xhK36TWq3mzL6FRHV+kYDIrjh7hdNx4CcU5KZw7eyWGvOd3rOA8OYDCWvaDyePUNo+ORVTc0suHNW8R86eYXR95hv863bG3sUf75BWNHt0HHHntqMqLzN4Pbb8sYh23frRtksfvP1CeOaFKZhbWLJv6yqd6QND6zNgxHiat+uBmZlZtf+XFBdx/MBW+g8fR1i9prh7+fP44Jdw9/Rj56blBi//7bo2s2TD/iJOXColMbWceWvzcbRVEhVWvZy3nLlSxprdRURXGa1QVVmZmpz8ykdBseEn0h3fMY/6rQcR2bI/Lp6hdBn4Aabmlpw9+LvO9NE7FxIQ0Z6mXcbg7BlC617jcPON5MTunwGwsLKj79h5hDXuhZNHMF6BUXQa8C4p8WfIzbxu8PLfrk2kCTtOlHMuXk1ypprfdpdhZw11/Ws+vbetp+TIBRXHLqlIzYY1+8spLYOmdTR51GrIK9R+1PVXcvqqihIDd40TO+cT2XIgdVv0x9kzlI79P8DUzJJzh3Ufi5O7F+Ef3o7GnUfj7BFCyx6v4+YTyam9i2+WXc3J3Qtp2u1Fgup3xdU7nK5DPiU/J4Wrp2s+X+jr6HZNm6rfqj8uXqF0G6xpU6f3667HsR0LCazbnubdxuDiGULb3uNw94sketfPWulys5LZ/tuH9BwxHROTmvuXIUTvmE+91gOJbKk5Fp3/ql/sWkRARDuadNEci1a9XsfNN5KTuzXHwsLKjj4vzaVO4544uQfjGRhFx/7vkpJg3H7x88ad9O3Ukic6tCDYx5O3R/bH0sKM1TsP15inXKViyo+/8EK/R/Fxc6n2/5MXY+ndrhnN6obi7eZMv86tqOPvxZkrcUapQ+qmXVx4fwbJq++uzQY8P4TCqwnETPqUvHNXuPb9Ym78vomg10dWpAkaN4r4OctIWLCCvJjLnBr7PuUFRfiN7G+UOoCmP57as5DGXV4ksF5XXLzC6TzoUwpyUog9U3PdTu6eT0SLgYQ374+TRyjt+2rOC+dvOy80aD+CqM7P4+7fyGjlv2XXhvm07DyQ5h374eEbSr9n38fMwpJDO3V/5vILaUDvp/9DVOtemJrqHgUW2aQzdaM64uYZiJtXID0HjcPc0pq4SyeNUoeHpX8f3DyPqHaDaNS2P27eofR6RlOPE3t11+PQ1oWE1GtP6+5jcPUKodOT4/D0j+TI9spzra2Dm9bjQvRWAsNb4uTmZ5Q67Fi3kNZdBtCyU188fUMYOOY9zM0tObhjpc70/iENeHLoRJq06YVJDe1p65q5OLl48vRLHxEQ2gAXd18iGrXF1fOvR2wJYUgSXKgltm7dyvnz59m8eTNr166t2D5v3jwee+wxHBwcGDp0KHPmzPnLfV26dIlly5bxxx9/sHHjRo4fP87YsZpIs0qlYunSpTzzzDN4e3tXy2tra4upaeVsmunTp9OoUSOOHz/Ou+++a4CaVpebmUBhbhreIa0rtplb2uHm25CUuBM685SXlZB2/QzeoZV5FEol3iGtSYmLrvG1SopyMbewRWli2BlDZaWlxF2OoW7DlhXblEolEQ1bcuXCvX2QUKnKUanKMTXTnkZgZm7B5XPH9Srvnbg6KHGwVRITW/kts6gErl4vI9hb//ctzN+Uz15xYOoYe5561BobS8NGdsvLSkhJOINfWOVwZoVSiV9YG5Jidb9vSbHR+IW11toWENGOG7HRNb5OcWEeKBSYG3GYrpMt2FkruJxUGYApLoWEVDV+brrfNxMleLsouJxUOYVFDVxOUuHnpvuS4O2iwNtFyZGLNU97uRflZSWkJp7Bt8qx8K3TmhvXonXmSb4WjW8d7aHofuFtSb6ZPicjgYLcVPxuS2NhZYeHf8Ma96mv8rISkuPPEBCuXY+A8Du3qYBw7TYVGNGO61cry6hWqdi48D806zoaV686Rin7LTX2izscixux0VrpAfzD25J0h/e5uDAXFAqjDV8vLSvjXGwiLeqFVWxTKpW0iKzDqUvXasw3a9VmnOxt6dOxpc7/N6wTyK7jZ0jJyNZMuzl7ibgbabSqH6Yz/T/NsVUUadv2a21L3bwHp1ZRACjMzHBoUo+0rfsqE6jVpG3bh2OrxkYrV25GAoW5qfjc1h/Nrexw92tY47W4vKyEtMQzWv1coVTiE9qa5Dtcv42lrKyExKtnqVO/VcU2pVJJnfqtuXbRMOVRqcqJ3r+ekuJCAkINHyx5WPp3eVkJSXFnCKqrXY+gum1IuKL7XJt4OZqgutrn2uB67Ui8Eq0zfV5OGpdO7aRR2wEGK/ftyspKSbh6lrAG2u0prEErYi/o/kx7N04f3Y5fcD3mfTWeKc934PO3BrB/62+GKLIQf4usuVBL2NjYMHv2bMzNKyOWKpWK+fPnM3PmTACGDBnChAkTuHr1KkFB1Yd13lJUVMTChQvx8fEBYObMmTz22GN88cUXKJVKMjMziYiIuKtydenShQkTJtwxTXFxMcXF2sMfy0rNqn0prklhbhoAVrbavyZZ2bpSmJeqM09RQRZqVbmOPC5kp17VnSc/k+PbfyC8xaC7KtffkZebiUpVjp2jdnnsHVy4kRh7T/u0tLIhOLwh63/7CS/fIOwdXDi0ZyNXLpzE3dM40XYAe1vNl9acfO0vmrkFauxt9ItXnrlayvELpaRllePmZEKfDla8OtCWT3/ORW2gAQyF+ZmoVeVY22kfC2s7FzKTr+jMU5CbhrWda7X0+TlpOtOXlRaz94/phDd5DAtLW8MUXAdbK82xyCvUfnPyCtXYWenOY20BJkoFeYVUyQOuDrrzNK2jJCVLTXyqYUeRFN06FlX7qZ0rmSm6+6nmWFQ5drauFNw8TxTkpt7cR/Xzxa00hlbRpuyrt6mMGtpUfo7uNnV7GQ9vmYXSxJTGHYdXzW5wNfeLv3ks7FwpuEO/2Ld2OmGNH8PcSP0iKzefcpUKF3vt/bs42BGblKIzz/HzV1m98xC/fDS+xv1OGtaXj+Yup+e4DzExUaJUKJjy7ECaRIQYtPz3ysLDleJk7fe9ODkNMwc7lJYWmDk5oDQ1pTglvUqadGzCg41Wrlv9sVofv0N/LCrI1H39tnMlq4brtzHl52ahUpVj66DdX23tXUi5rrt/362kuAt8O/UpykpLMLe0ZsQb3+DhG6rXPnV5WPp3QZ6mHjZVzrU2di6kJ+k+Fnk5adjYax87G3sX8rN11+PUvpWYW9oQ0eRRwxS6ivycm58HHbTrYOfgQnLivbfv9JQE9m75lU69hvNIn+eIu3yaFfOnYWJqRouOT+pbbCHumgQXaokGDRpoBRYANm/eTH5+Pr169QLA1dWVRx55hLlz5/Lhhx/WuC9/f/+KwAJA69atUalUnD9//q6DCrc0a9bsL9NMmzaNDz7QnjfabeB7PDL4fZ3pL0X/wd5VUyuePzr8h79VpntRUpTHnwtexMk9lCZdXzb66xnKs699zILvpvLmc4+iVJrgHxxB83Y9iLscY7DXaBFpztPdrSuef/eb4RdXvOVITOWUietpKhJTyvnoRQfC/E05f83wU1WMoby8lA3zXwfUdBp4d/Ol71ajYCVPtK5cTGHRFuO/J6Ym0DBYyY4T5UZ/LVEpOe40x3YsZOibK/7xBXSNoby8lI0LxoEaOg+cer+LUyG/sIj3/vcLU54dgJOdTY3plm7ew+nLcXz1xii8XJw4dv4Kny5ciZujPS0fkNELD4KLx/9g94rKa3uPUT/ex9I8+Ny8A3nj/1ZQVJjHyYOb+PXHt3lpygKjBBiM6UHt3/fixN7fqd/y8bv+AexBoVap8AuuR++nxgHgG1SXpISL7N2y7F8RXDDUD1BCfxJcuM/s7e11LpCYlZWFg0Plz4g2NtU/9MyZM4eMjAysrCp/olSpVJw8eZIPPvgApfLv/4rs5uaGo6Mj586du6v0uspV1eTJkxk/XvsXoW/X1zx32L9uF60VocvLNAtFFualY21fuaBZYV4azl51de7D0toRhdJEa/GnW/uwqvJrYUlxPpvmP4eZhTVdn5mJ0gjzmm3tnFAqTcjN0i5PTnY6DjUsznM33Dz9mPjhHIqLCikqzMPByY2fvpiEq4fPX2e+SyculXD1euWX2FuzYuxtlOTkV37htLNWkJBi2C+gadkqcgtUuDsqOV/ziOa/xcrGCYXSpNoiVgW56Vjb6z4W1nbVf2UryE2v9muIJrAwjtzM6/R9eYHBRy3ExKmIT60cMWJqovnSaWul0Bq9YGulIClD95W2oBjKVWpsq4xssLWi2mgGgPoBSsxM4Pglw06JALC8dSyq9tPctL84FlWOXV7lKABrO7eb+0jHpsr5wsVb9/lCXxVtKqd6m6raRm6xsdfdpm7VI/HyEQry0pn1XueK/6tV5exc+SnHdixkzAfbjFOHav3ibx4LHek1XzzeICfzOn3Hzjfar5oAjnY2mCiVpOdoB0HTs3Nxdag+VDshJZ3raZm88dW8im2qm59SW4ycxO+fTsLNyYHvlm9g+usjaB8VCUAdf2/Ox11n0YadD0RwoTg5DQsP7ffdwsOV0uxcVEXFlKRloiorw8LdpUoaF4pvGG5ET0BkZ53X7wId1++a+qOltZPu67eOEWT/BBs7R5RKE/Kq/NKdl5OOnYN+5TE1NcfVMwAA36B6xF85ze5Nixgw2rCB6Yelf1vbaupRdfHG/Nx0bGo4Frb2rtVGGebn6E4fd/EI6clX6fv8DIOVuSob+5ufB6ss3pibnV7jYo13w97JDU9f7ZFUHt7BnDxovLWGhNBF1ly4z8LDwzl27Fi17ceOHSMsrOYPLOnp6axevZqlS5cSHR1d8Th+/DiZmZn8+eefNeaNi4vj+vXKxXYOHDiAUqkkPDwcpVLJkCFDWLx4sVaaW/Ly8igr+3u/llpYWGBvb6/1uFNE2NzCBnuXgIqHo3soVnauXL98oCJNSVEeqQkna1zIycTUHFfveiRdqsyjVqm4fvkA7v5RWvvZOHc0ShMzHhn2vdEi1aZmZviH1CXm1KGKbSqVinMnDxEcVvPtk+6WhaUVDk5u5OflcDZ6H42ad9J7n7cUl0BqlqrikZSmIjtPRURAZWzS0hyCvE25ct2wv6Q72imwsVKQnW+4kLSJqTnuvvWIv1g5P1mtUhF/YT9egbrnHnsFRhF/8YDWtrjz+/AMjKp4fiuwkJV6jT5j52Nl42SwMt9SUgYZuZWPlCw1uQVqQrwqf9m2MANfN0WNUxjKVXA9XU2wV+XpXwEEeym1Ahe3NA1Tci5eTYERbrRgYmqOm089Eqsci4RLB/AMiNKZxyMgioSL2nPL4y/sw+NmentnX6zt3LTSlBTlkRx3ssZ96svE1BwPv3rEXdCuR9xftKm4C9pt6tr5fXgHacpYt8WTDH9rDcPeXFXxsHFwp1nX0fQbO9sodXD3rUdClTrEX6z5WHgGRhF/ofqx8Lot/a0vHlmp1+j70jyj9IvbmZmaEhHow+EzlSvuq1QqDp+9RIPQgGrpA73c+fX/JvDLR29UPDo0jqRZ3RB++egNPF0cKSsvp6y8HGWVESQmSmVFIOJ+yzoQjUuXVlrbXLu2IfNANADq0lKyj53Btcttc88VClw6tybrgOHW6DG3sMXBNaDi4eQRipWdG9cvaffHlPiTWtfi25mYmuPqU4/ES9pt8fqlA3jUkMeYTE3N8QmK5NKZyv6qUqm4dPoAAXUMWx61Wk1Z6Z0XPb4XD0v/NjE1x8u/HrHntOsRG7Mf32Dd51qfkCiuntM+1149uw+f4KhqaU/s+Q3PgHp4+P29Ubx/h6mpGb5BkVw8fbBim0ql4sLpgwSG3ft6G0FhjUm5Hqu1LTXpGk6uXve8TyHuhQQX7rOXXnqJCxcu8Nprr3Hy5EnOnz/Pl19+yZIlS+64lsGiRYtwcXFh0KBB1K9fv+LRqFEjevXqdceFHS0tLRkxYgQnTpxg9+7dvPbaawwaNAhPT08APv74Y/z8/GjZsiULFy7k7NmzXLx4kblz59K4cWPy8ow3LF4XhUJBvTbDid7+I9ditpFx4wI7l7+FtZ07AZHdKtKtnz2Ks/sXVzyv324E548s5+KxVWSlXGbv6g8oKykkrElf4GZgYd5oykoLad/vI0qK8yjITaUgNxWVyvBDwLs9Pow9W1awf/sakhKu8MtPH1NSXEibLprhavO+mcLKn7+pSF9WWkr81XPEXz1HWVkZWekpxF89R0pS5erkZ47v4/TxvaQlJ3L2xH6+fH8Mnj5BtO1i3CFwW48U0bONJQ1DzfB2VTLyMRuy8lREX6j8UDRusC2dmlQGayzMwNfdBF93zbB+Vwclvu4mONkpKv7fr5MVQd4muNgrCQ8w5aV+tqRmqjh71bAfthp3GsWZ/cuIObSSjBuX2b58KmUlhUS27AfAnz9PYu8fX1Skj+o4nLiY3RzbPpeM5Msc2DCTlPjTNGo/FNB8wFo/7zVS4k/Tfdh01Kpy8nNSyc9Jrfjlzlj2nS2nU0MTIvwUeDgq6N/elNwCzSiHW0Y9akrLiMrT/d4zKpqFKWkcosTNAZ5obYK5KRytsmCjsx0EeCg4etF4UyIadRzJ2YPLOXd4JRnJl9m5QnMsIpprjsWWJW+yf33lsWjYfhjx5/cQvWMumSlXOLRpJqkJZ2jQ9hlAc75o2H44R7f+yNUz20hPOs/WJW9iY+9OUP1uOstgCE07j+LUvmWcObiS9BuX2bJsKqXFhdRrpanHhoWT2L2msh5NOg0n9uxujmydS8aNy+xbP5PkuNNEddC0KSsbJ1y9w7QeJiZm2Ni74uxhnDnyUZ1GcubAck2/SL7M9t+q9IvFb7Jv7W39osMw4s7tudkvrnBw40xS4s/QsL3mWNyaIpQSf5pHh36O6h/qF0N7dGTlzoP8sfswVxOTmbZgBYXFJTzRoTkA7/1vCTOXrQfAwtyMUF8vrYedtRXWlhaE+nphZmqKrZUlTSOC+XrpWo7EXCIxNZ01uw+zbs8ROjc1zv3jTWyssW8UgX0jzZcc6yBf7BtFYOmn+aIQ/tF4Gs37tCL9tZ+WYh3kR8S0/2ATHkzAi0/jNbAnV7+eX5Hm6ox5+I0ehM+wPthGBFP/u6mY2lgRv+Du7jJ1LxQKBQ3aDefYth+JPbuNjKTzbP/1Tazt3QmsV9kf1/40ktP7Klfvb9h+JOcOLefC0ZVkJl9m98qplJYWEtasX0WagtxU0q7HkJOuuSZm3LhA2vUYigqyDF6PDj1HcnD7bxzZtYrkxMusmPcBJcWFNO+o+Tyx5Ie3WL/0y4r0ZWUlJMbGkBgbQ3lZKdmZySTGxpB2o3II3vqlX3Il5ggZqYkkxV24+fwQTdr2Nnj54eHp3y0fGcXx3cs4uW8laUmX2bB4KqUlhTRsq6nHmrmT2L6ish4tug7nyundHPhzLmlJl9m1ZiZJ107TrPNQrf0WF+YRc3QjUe0GGq3st3R6bDj7t/3GoZ2ruZF4meVzPqSkuJCWHfsA8PN3k/ljyVcV6cvKSkmIPUdC7DnKy0vJzkgmIfYcqTfibtvnMGIvnWTzyp9IvRHH0T3r2L/tN9p1f8ro9RHidjIt4j4LDg5m165dvPPOO3Tr1o2SkhIiIiJYvnw5PXr0qDHf3Llz6du3r865uP3792fYsGGkpeke6hgaGkq/fv3o1asXGRkZ9O7dm++//77i/87Ozhw4cIBPPvmEjz76iGvXruHk5ESDBg34/PPPtaZr/FMadhhDWUkhe1e+T0lRDh4BTeg+6ietkQa5GXEU5WdWPA9u2Iui/EyObvmGwtw0XLzq0n3UTxXTItKvnyU1XnOnhuVfaN/LeNB/tmDnZLipBQDN23YnLzuTNUt/ICcrDd+gcF6b8j32Nxd5zEhL0jqeWZkpfDRxSMXzzWsWsnnNQsLqNWXCfzXBo8KCXFYunklWejLWtg40adWVPk+/gompcW9Z9+fBYizMFDzT3RprSwWXEsqYuSyPstu+g7o5KSsWHAQI8DRl/NN2Fc8HdtWs47D/VDEL1hegUoOPuwmt6ttibakgO0/F2atlrNldqLVfQwhr0ovC/AwObPiG/JxU3Hzq8uQLsyuG3OZmJqFQVH4Z9wpqQvfh09m/bgb71n6Jo1sgvUd/h4uXZnRRflYyV09rhqkv+Vw7sNPv5YX41tG9Ar0h7D6twtxUwZNtTLE0h7hkNQs2l2q9Z872Cq27bpyOVWFjCV0bm2BrZUJShpoFm8vIL9Led9M6JuTkw6VE4/06WyeqF0V5GRzaNJOC3FRcvevSe8ysimORl3ldq194BTah2zPTObRxBgc2fIWjayA9R35bcSwAGnfWnC92/PYeJYU5eAU1pfdzs4w6hza8aS8K8jLYt+4bCnI1barf2NkV0yKqtinv4Cb0GjmdvWtnsPdmm3riue9w9b5/Q+zDGveiMC+DgxtnVvSLJ164w7EIasKjw6ZzYP0M9q/7Cke3QB57tvJY5GdX9oul0/tovVbflxfgG2qcfvFoqygyc/P4ccUm0rNzCfP3ZuZ/xuDioDn/3EjP/NvrWPzf2KF8u3w9U378hZy8AjxdnRg7oCcDurT+68z3wKFpfVpvXVTxPHL62wDEL1zBydGTsfByw8qv8hfJwtgEDj/xApFfTCbw1eEUJdzg1AtTSNu8pyJN0vINmLs5E/b+a1h4upFzIoZDvcdQUmWRR0Nr1FHTH3f//h4lRTl4Bjal57Pa/TGnyvU7pJHmHH3kT815wcW7Lr2enaU1LeLsgaUc2/JdxfM/ftR8Wew48P8Ivy0IYQhRrXuSn5vBpt9mkpudhndABGPe/F/FtIisdO3+nZOZyox3Km/xuXPdPHaum0dw3ea8NGUBAHk5GSz98S1yslKxtLbDyy+MMW/OIqyB9h0aDOVh6d+RzXuRn5vBzjWa67eHb12GvDYb25vn2uwM7WPhG9KEPmOms2P1DHas+hJn90AGjv0Odx/tc+2Zw+tQq9XUa26c4M7tmrTpSX5OJhuWf0tOVho+ARG88NaP2N2cFpGZpl2H7IwUpr9VefeK7Wvns33tfELqNuPV9+cDmttVjh4/g7VLv2bTih9xdvOh7/A3adbO+PV5EKio/WsTPSwUavUDMqZP/Kt89rvh52//01qEG2Gc+H2wdF3RXyeqBRo0NO5wzH9CUrJxRzn8U9xcjBvc+idYWjwcH1RKyx6OS/xIl7V/negBt7PdxPtdBIM4t/zu1mR6kNXxrf2fQQDiUh6OAcj2NrX/fOtmb/jpLPdDz8a18/q99ljtWPS7qt5NHr7f+R+Os5IQQgghhBBCCCHum4cvXCKEEEIIIYQQ4l9BxuE/OGTkghBCCCGEEEIIIfQiwQUhhBBCCCGEEELoRYILQgghhBBCCCGE0IusuSCEEEIIIYQQolZSq2v/HUceFjJyQQghhBBCCCGEEHqR4IIQQgghhBBCCCH0ItMihBBCCCGEEELUSiq5FeUDQ0YuCCGEEEIIIYQQQi8SXBBCCCGEEEIIIYReJLgghBBCCCGEEEIIvciaC0IIIYQQQgghaiW1rLnwwJCRC0IIIYQQQgghhNCLBBeEEEIIIYQQQgihFwkuCCGEEEIIIYQQQi+y5oIQQgghhBBCiFpJjeJ+F0HcJCMXhBBCCCGEEEIIoRcJLgghhBBCCCGEEEIvMi1CCCGEEEIIIUStpJJbUT4wZOSCEEIIIYQQQggh9CLBBSGEEEIIIYQQQuhFggtCCCGEEEIIIYTQi6y5IIQQQgghhBCiVlLLmgsPDBm5IIQQQgghhBBCCL3IyAVxX1hbKe53EfSWkmtxv4tgEFP6Xr7fRTCIRdH297sIevNwM7vfRTAIRe3v3jQJyLrfRTCIvJKH4zz1Z+Fj97sIeru6vPf9LoJBRAyMuN9F0JvJ4VP3uwgGsW9X0v0ugkG8MMz5fhdBVHg4PoeI+0eCC0IIIYQQQgghaiWZFvHgkGkRQgghhBBCCCGE0IsEF4QQQgghhBBCCKEXCS4IIYQQQgghhBBCL7LmghBCCCGEEEKIWkmlfghWkn5IyMgFIYQQQgghhBBC6EWCC0IIIYQQQgghhNCLBBeEEEIIIYQQQgihF1lzQQghhBBCCCFEraRW3+8SiFtk5IIQQgghhBBCCCH0IsEFIYQQQgghhBBC6EWmRQghhBBCCCGEqJVkWsSDQ0YuCCGEEEIIIYQQQi8SXBBCCCGEEEIIIYReJLgghBBCCCGEEEIIvciaC0IIIYQQQgghaiWVrLnwwJCRC0IIIYQQQgghhNCLBBeEEEIIIYQQQgihFwkuCCGEEEIIIYQQQi+y5oIQQgghhBBCiFpJrVbc7yKIm2TkghBCCCGEEEIIIfQiwQUhhBBCCCGEEELoRaZFCCGEEEIIIYSoldRyK8oHhoxcqEUCAwOZMWPGP/Z6U6dOJSoq6o5pRo4cSZ8+ff6R8gghhBBCCCGEeDDJyIV/WKdOnYiKiqoWJJg/fz7jxo0jKyurxryHDx/Gxsbmb79mREQEV69e5dq1a3h6et51vokTJ/Lqq6/+7dczhpN7FnNs2xwKctNw9Y6gQ78peAY0rDH9xeiNHNjwNbkZiTi6BdCm90QCIzsCUF5eyoH1X3MtZifZ6QlYWNriG9aGNr3HY+vgYdR6HNyymD0b5pKXnYanfwSPDX0H32Dd9UhOvMi2FTO5HnuGrPTr9HzqLdp0H6HXPg1h1boNLFuxmozMLEKCAnn1hdFEhNXRmXb3vgP8snwFiUlJlJeV4+PtxcA+j/NIl05a6a7FJzBr/iJOnj5LeXk5AX6+vD/5P3i4uxmtHgDt6ymIClZgYQYJ6bDpqIrMvDvnaRKqoGW4AltLSMmCP4+rSMqo/H+PpgoCPTT/Ly3T7Hf7SRUZuYYv/8k9izm+/bZ+0XcKHnfoF5eiN3Jgo6ZfOLhq9wuAyyf/5PS+paQknKG4IJvBE1bi5lPX8AXXUY+HoX9vXrecdSsXk52Zjn9QHYY/P4GQsHo6027ftIrd29eTcO0KAEGhEQwa9lKN6ed+/wnbNq5k6Ohx9HjyKaPVYceGpfy5ZgE5Wen4BoQxePSbBNVpoDPt9fhL/LH0B65dOUtGahIDR06ka++hWmmKCvNZs/Q7og9uJzcnA7/AcAY9O4nA0PpGqwPA/s2L2bX+5nnRL4Inhr+DX0gN59qEi2z+fSaJsWfISrvOY8+8Rbse2ufaHWt+4vSRzaQmXcHMzJKAOo3pMWQCbl5BRq2HWq3m6OaZxBxaTklhDp6BTWjX930cXAPvmO/MvsWc2DWHwtw0nL0iaPvkFNz9Kusfc/BXLkWvJS3xLKXF+YyYeggLK3uDl9+5XTOCJ4zGoUl9LL3dOdJ/LMlrtt45T4cWRE5/C9vIOhTFJ3Fp2g8kLFyplSbgpacJHj8aC083ck6e48y4D8k+fMrg5b/d7k1L2PbHfHKy0vAJCKf/qMkEhOruG0nxl1i/7DsSrp4lI/U6fYdPotNjw6qly8pIZs3ir4iJ3kNpcRGunn48/dJH+IfoPg8YyoBH7Onc3AYbKyUXYouZuyqLG+llNaZ/opMdzetZ4e1uSkmpmovXSliyIZuktMo8XVrY0CbKmkBvM6wtlYyZmkhBkXF+Tt6+4Vf+XLWA7Kx0fAPDeGrMmwTV0X1OuR53mdVLvyfucgzpqUkMGjWRbo8/o5WmqDCf1b98z/GD28jNycQvKJwhz04isI7xjsPDUAchdJGRC7VASUkJAG5ublhbW/+tvHv27KGwsJABAwawYMGCv5XX1tYWFxeXv5XHGC4cX8/uVZ/QovvLDJmwAlfvcNb8bwwFuek60yddPcamRROo13IAQyauJLh+N9bNfYX0pAsAlJUUkZpwluaPjGXIhN/pNWomWSlXWTd7rFHrcergejYs/ZTOfV7mpQ9+x9MvnAXTnyMvR3c9SouLcHLz45GB47F1cDXIPvW1ffdefpw9n+FPDeLHGZ8TEhTAm+99SGZWts70dna2PDOoPzM/n8asmV/SvVtnPvv6Ow4fO16R5nrSDV5/8x38fH344v8+YNbMLxk6ZCDm5uZGqcMtrSIUNKujYONRFQu2qigtg8EdlJjc4axY109B10YK9pxRM3eziuQsNYM7KLG2qExzIxPWHVIxa6OKpbtUKIAhHZQoDLyQ8cXj69mz+hOad3+ZweNX4OIdzpqf/qJf/DyByBYDGDxhJcENurF+XmW/ACgtKcQrqCltek80bGHv4GHp3wd2b2bxnK/pO2Q0H321AP/AUD59/3WyszJ0po85fYzWHR7lnY+/Z+rns3F2defT918jIz2lWtrD+3dw6fxpnJyNG2w7sncTvy34gt4DX+Dtz5bgGxjGzI/GkpOtuw4lxUW4evjQ95nXsXfUfY5a9MMHxJw4wKjXPuLdL5ZTt1FrZvz3RTLTk41Wj5MH/p+9uw6TqvofOP6e2e4utruIpbtBGglRUCnBwgBBEAxADNCvIgqIQYeihEi3gHQu3bkL29018/tjYHYHZgHZHer3eT3PPDB3zr1zPnvvOXfuueecu5Y1v31F6+5v8fZny/DwCWX216+SnaH/mCoszMfR1Zv2zw/Hppy69tKZAzRs8yJDxi1m0AezKCkpYvZXgyjMzzVYHABHt8/kxK4FNO0+nm5v/4mxqQVrZw2muKig3HUuHl3LntWTqN36LXq8uxwnj1DWzhpMXnZp/MWF+XiHNKVmy9cNmn8jK0syj53lxLuf3ld6Cz8v6q78mZRt+9hZ51kuT51HtZ8/x7ltE20aj14dCP/fGM5/Pp2d9bqTdewM9dfMwtTF0VBhcHj3ev6a/z/a9XyDkZP+pIpvCDO+fJ2s8o6pgnyc3bzo0mdYuWUjNzuD78f2w8jImDfGzGDM5BV06zsSS6vKb+Qpq0tzG9o1smb2ijQ+mZ5IfpGa0a84Y3KX243h/mZs2pvN2OmJTJyVjJERjB7kjJlJ6YnN1ETB0bP5/P2PAVrSyziwcwNL5nxL5+df5+NvfsPbL4TvJwwhs5y6trAgHxc3L7r3fbfcfTF/+gROHdvLK0M/Z9x3fxJRoyGTP32DND31scQgxN1J48Jj6NZQgy+++IIqVaoQGhoK3DksIj09nddffx03NzfMzc2pWrUqq1ev1tnWrFmzePHFF+nbty+zZ8++47tiY2Pp06cPjo6OWFlZUadOHfbt2wfcOSyipKSE4cOHY29vj5OTE6NGjUL9EAY5RW+bS2TDXkTU74mjexAte32Ksak5p/Yt059+xwJ8w5pQq9UgHN0CadBxKC5eERz7dxEAZhY2dHtzNsE1O+DgGoC7XxTNe35CYuxJstJuGCyO3RvmUad5L2o17YGrZxBd+o/HxNScwzuW603vFVCN9r1HUr1BJ4yN9V9o/9dtVtTSFavo2K4N7du0ws/Hm2FDXsfMzIz1m/TfiYqqVpUmDevj6+1FFQ93enbtTICfLydOndGmmbXgN+rXrsXrA/sRHBhAFQ93GtWvi4O9nUFiuKVusIJdp9WcvwFJGbB6vwobCwjxLL8VoF6IgqOX1By/oiYlE9YfUlNcDNX9S9eJvqQmJhkyciEhHbafUGFnpcDuv7UL3lP09rlENuhFRL2b5eK5TzE2Mef0fv3l4ui/C/ApWy46DMXFM4JjOxdp04TVeZZ67d7CO6Rh5Wb2Lp6W8r3u799p+cyzNG/TBU+fAAYOGY2ZmTnbN6/Sm37IiAm07fgcvgEhVPHy49W3P0KlUnHy6EGddKkpicz/5RuGjJiAkbFhOxtuXrWAxm160KhVN6p4B/Liax9jYmbO7q0r9Kb3C6pKz37DqdukPcYmJnd8XliQz5G9W+jRdxjBEbVx9fChywtv4uruzY6NSwwWx7/r5lG3RS/qNOuBm2cQ3QaOx9TMnIPl1IveAdXo2GckNRp2wshEf137yqhfqd2sO25ewXj4hvHcaxNJT4nj+pWTBotDrVZzfOd8arZ6A7/I1jh5hNLy+a/IzUzkysnN5a537N+5hNXrRWjdnji4BdG0u6ZuOHugtExVa9qfqJav4epTw2D5B0jasINz46aQ8Hf5+S3L97Xe5F2O5fSor8g+c4mrPy4iftkG/IcO0KbxHzaQmFl/EjtvOdmnL3J8yDhKcvPxHtDTQFHAtjXzadS6Jw1adsfdK5DnB4/F1NSCvf/8pTe9b1BVnn15BLUad8C4nGNq88rZ2Du589KQz/ENqoaTqxdhNRrh7O5tsDgA2je2ZsXWTA6dyicmvogZf6Rib2tEnQiLctf5ak4yOw7lcj2xmGtxRfy0JA0XB2P8vUrL/fpd2azansWFmEKD5n/TqoU0aduDxq2fpYp3IC+9/hGmZubsKq+eCo7kuf7vUa9Je0zKqacO791Cz77DCInU1FNde7+Bq7s32zcYpp56GmJ43KjUT+braSSNC4+pLVu2cPbsWTZt2nRHgwGASqWiQ4cO7Nq1i4ULF3Lq1CkmTZqEkZGRNk1WVhZLlizh5Zdfpm3btmRkZPDvv/9qP8/OzqZ58+Zcv36dlStXcvToUUaNGoVKpdKbp2+//Za5c+cye/Zsdu7cSWpqKn/9pf/EWllKigtJjD2Jd0gj7TKFUol3cEPir0brXSf+SrROegCf0MbElZMeoCAvCxQKg3QLBSguLuTGlZMERJRetCmVSgIjGxJzsfx8Pext3k1RURHnLlykVo3SrrVKpZJaUdU5dfbcXdbUUKvVHD56jNjrN6gWGQFojuN9Bw/h5VmFD8ZOoOfLA3lrxGh27tlX6fkvy94KrC0UXEkordkLiuBGCniW01lHqQR3B7icoHs2uJKoxtNJf4OEiZGm4SEtW01mXqVlv9xy4RXSkPgr0XrXib8SjXfwbeUirHG56R+Gp6Z8FxVx+cIZIqPqaZcplUoia9Tlwpn766pdUJBPSUkJ1jaleVSpVPw0eTydur+Ml09Apee7rOKiIq5dOk149fraZUqlkvBq9bl09tgDbVOlKkGlKsHExExnuYmpGRdOHylnrYq5VS8GRd5ZL167EF1p35Ofp7k7a2FluEbQrNRY8rKS8CxTbk0tbHD1rk7itWi965QUF5J8/SRewbplyjOoIQnlrPM4sW8QRfLWPTrLkjbtxKFBFAAKExPsakWSvGV3aQK1muStu7FvUNMgeSouLiLm0ilCqjXQLlMqlYRUa8CV80cfeLsnDm7DOyCCOZOH89Grzfn6g17s3rK0MrJcLldHIxxsjThxobTnS16BmosxhQT73n9vQUtzzTkvO1f/70VDKS4q4tpFPfVU9Uqop27rLWmoeuppiEGIu5E5Fx5TVlZWzJw5s9yu4Zs3b2b//v2cPn2akJAQAAICdH98Ll68mODgYCIjNeOtevfuzaxZs2jatCkAv/32G0lJSRw4cABHR013wqCgoHLzNGXKFMaMGUOPHj0A+Omnn9iwYUPFAr2HvJw01KoSLG10r/gsbZxJS7ysd53crGS96XMzk/WmLy4qYPfqbwip2QlTc+vKyfgdeUpHpSrB2k43X9a2TiTH6Y/jUWzzbjIys1CpVDg42Ossd7C3Iyb2ernrZefk8MKA1ygqKkKpVDL0zVepU1Nztyw9I4O8vHwWL/2LgS/34dUBfTlw6AjjJ/6Pb7/4lBrVDDNW0Mpc829Ovu7ynAK19rPbWZqCUqkg97beyDn54GSju6xWoIKW1RWYmihIyVSzeLuKctrsHsitcmGh5zhP/6/lIkt/uXgYnpbynZWpKYt29rrdsu3sHYm7fvW+trF43nQcHJ2JrFFXu2z1svkojYxo1+WFSs2vPtlZaahUJdjeVp/Y2DsRf/3KA23T3MKKgJDqrFn6C+5e/tjaOXFg13ounTuGq4HuzpZXL9rYOpF0o3LqRZVKxeqFE/ENqYW7d0ilbFOf3KwkACytdWOxsC6/3Obn3qwbbl/Hxpn0pMo/L1Q2MzdnChJ0YytISMbEzgaluRkmDnYojY0pSEy5LU0KVqGGaYDLydSUDZvbjyk7JxIrcEylJMaya9OftOjUj7bdX+XaxRMsnzMJY2MT6jV/tqLZ1svOWnMDKiO7RGd5RnaJ9rN7USigb2d7zl4pIDah/HkaDEFbT91W19rYOxFXkXoqtDprlvyKx816av9Ow9VTT0MMQtyNNC48pqpVq3bXMefR0dF4eXlpGxb0mT17Ni+/XDq51ssvv0zz5s2ZOnUqNjY2REdHU7NmTW3Dwt1kZGQQFxdH/fqlLa3GxsbUqVPnnkMjCgoKKCjQvSIrKjK9427Wo1BSUsT6ecNADS17jX/U2XkqWVpY8Mv335CXn8/ho8eZMWsuHu5uRFWriupmn7BG9evyXLcuAAQF+HPyzFlWrd9QaY0LkT4K2tcu7V3w507D3m05eU3N5QQ11uZQP1RJt4ZKFmxVUfJwb/L8v/eklO+VS+ex999NfPTFj5iaaurFyxdOs2HVH3z+3XwUlT1hx0M08N0vmP/jeEa/9gxKpRHeAWHUbdyea5dOP+qsPbCV8yaQEHueNz5ZdO/E/8H5I6v4d/k47fv2A3+q1O2Lx4tapcI7MJIufYYC4OUfTlzMBXZt+rPSGhcaR1kwqLuD9v3XcyvemDzwWXu83U34dEZShbf1uHhl6OfMmzaeUYPboVQa4RMQRr0m7bl68cmpp56GGCpCHkX5+JDGhYfM1taWjIw7J79LT0/Hzq60e+W9ngphYVH+2DiAU6dOsXfvXvbv388HH3ygXV5SUsLixYt59dVX77mNyjJx4kQ+/VR3MqcOL46l40vj77muhZUDCqXRHZO75WYlY2mrf1Ibzd3Ye6fXXHi8R2baDboPmWuwu5qaPNmjVBrdMaFYdmZKuZM1Popt3o2drQ1KpZK0tHSd5WnpGTje1puhLKVSiWcVD0DTcHAtJpbflywnqlpV7GxtMDIywtdHt2Xdx9uLE6cq74R4/oaaG6mlZ55bkzZamev2XrAyU5CQrv8MlVsIKpVaZ/LGW9vIvq0HREGR5pWWDddTVbzXTUmop4JTMZVz9rtVLvL0Hec2/7FclJP+YXhayreNraYs3j55Y0Z66h29GW635q+FrF42n9ETpuHjX/rUlbMno8nMSGPooNKLDJWqhEVzfmD9qj+YMnNFpcZgbeOAUmlE5m31SVZ6SrkTiN0PF3dvRkyYRUF+Hvl52dg5uPDr5FE4u3lWNMt6lVcvZmWmYFOBOG75e95nnInezmsfLcDO8f6fvnQ/fCNa6jzRoaRYM3Y9NzsFS1tX7fK87GScquh/iou55c26IVs3/rxHXNbvV0FCMmZuuvk0c3OmKCMLVX4BhclpqIqLMXN1ui2NEwXxhumFZWWrKRu3T96YlZGCjf2DT3pt6+CCu2egzjI3zwCO7ru/+Snux6FT+VyIKZ081dhI01BpZ21EelZpa7edtRFX4+49V8KArvbUDDNnws9JpGaW3DN9ZdPWU7fVtVnpKdhVYF+4unsz8nNNPZWXm429owu/fPOBQeqppyEGIe5G5lx4yEJDQzl8+PAdyw8fPnzXXgi3q169OrGxsZw7p3+s+6xZs2jWrBlHjx4lOjpa+xo+fDizZs3SbiM6OprUVP2z05ZlZ2eHh4eHdrJHgOLiYg4dOnTPdceMGUNGRobOq+3zY+4rTiNjU1y9Iok9VzoGU61SEXN+L+6+UXrXcfeLIuac7pjNmHO78SiT/taFR3rSVbq/OQcLKwcMydjYlCp+kVw6tVe7TKVScenUXrwDo8pf8SFv825MTEwICQrkyLHSMeQqlYojR48REXr/x65araaoqFi7zdDgoDuGVcRev4GbS+XNjF9YrLnQv/VKzoTsPDV+rmVmujaGKk5wvZwHbahUmidB+Lnp3kX2dVVwPaX8RgPFzZfR/fU4vS+3ykXMed1yEXt+L+5+UXrXcfeLIvb8neWivPQPw1NTvk1M8A8K4+TRA9plKpWKk8cOEBSm/1F1AKuXLWDFH7MZNW4KAcG6F4uNW3bkyx8W8cX3C7QvB0cXOnV/mVHjvzdIDD4B4Zw5vl8nhjPH9xMQWvFH25qZW2Dn4EJOdianondTo26LCm9Tn1v14sXb6sWLJ/fiExT1wNtVq9X8Pe8zTh3azOAxc3B09aqE3OoyNbPGztlX+3JwC8LCxoUbF0qP98L8bBJjjuHqE6V3G0bGpjh7RnL9gm6ZunFhL27lrPM4Sd8bjVOrBjrLnFs3Im1vNADqoiIyDp/EuVWZSWcVCpxaNiR9r2HGlhsbm+AdEMG546W/f1QqFedO7MUv+MEnxPQPjSIx7orOssS4Kzi4eDzwNm+XX6gmIaVE+7qeWExaZgmRQaWt5BZmCgK9TTl/9e6NCwO62lMn0oIvfk0mKe3hNyzAzXoqMJwzx3T3xeljlVdP2Ttq6qmT0buJqteiwtu83dMQgxB3Iz0XHrI333yTadOm8e677zJ48GDMzMxYs2YNv//+O6tW6Z9VXJ/mzZvTrFkzevbsyeTJkwkKCuLMmTMoFApat27NggULmDBhAlWr6j4zd/DgwUyePJmTJ0/Sp08fvvzyS7p168bEiRPx8PDgyJEjVKlShYYN75wtfujQoUyaNIng4GDCwsKYPHky6enp98yrmZkZZma3Tehlcv93cKNaDGDzb6Nx9a6Km291orfPo7gwj4j6mrkfNi76AGs7Vxp1HqFJ36wvy6f14/A/s/GLaMH5I2tIjDlJq+cnAJoLj3Vzh5IUe4rOg39CpSohJ1PTvc/c0g6jcp7MUFGN2vVn+a9j8PSvimdANfZsnE9hQR61mnYHYOkvH2Dr4MYzvYYDmonJkq5f1OY5My2RuKunMTW3xMnN9762Wdme69aFr76bSkhQIGEhwSz7ezX5+QW0a9MKgEmTf8DZyZHB/TXDcX5bspyQoECqeLhRVFTMvoOH2fTPdoa++Zp2my/0eJbPvp5M9aoRRFWryoHDR9iz/yCTv5xgkBhuOXBeTaMIBanZajJyoFlVJVl5cO566bHZp7mSc9fVHLqgWbb/nJrO9RTEp8KNVDV1QxSYGMOxy5rP7a00j6u8nKAmtwBsLKBhmJLiErgYV7l99qKaD2Dz7zfLhU91jt4sF+H1NOVi028fYGVbWi5qNO3LX9P7cWTbbPzCW3DuZrlo2av075yfk05Wehw5GZpHV92av8HSxhkrW8M8BvFpKd8dnu3Dz1Mm4B8UTmBIBOtXLqYgP5/mrTsD8NN343FwdOGF/m8BsGrZfJYt+oUh70/A2a0K6WmaVi1zcwvMLSyxsbXDxlZ3skAjY2Ps7R2p4uVrkBjadOnL3Gmf4BsYgV9QVbauWURhQR6NWmp6T8z54WPsnVzp/tK7gGZisrjYm3VUcTHpqYnEXD6Dmbklrh4+AJyM3g1qNW5V/EiMv8byBd/h7umv3aYhNO3QnyW/aOpF74Bq7NqgqRdrN9PUi3/+pKlr279QWtcm3qprizV17Y2bda3zzbr273kTOLpnDX2HTcPM3Iqs9FvHlA0mpuVM1FJBCoWCak36cXjrT9g6+2Hr4MmBjT9gaeuKX2QbbbrVvwzAr2obqjbS1LvVmw5g25+jcfGqiotXdY7vnEdRUR4hdXpo18nNSiI3K5nMlGsApMafw8TMCmt7D8wt7SstBiMrS6yCfLTvLf29sK0RRmFqBvkxcYR+PhxzTzeODtT0sLz6y2J8h7xE2MSRxMxdhnPLBnj06sCBrqWPzLw8ZQ41Zn9F+qETZBw4ht+7/TG2siBmnmGekgTQolM/Fv34ET6BkfgEVmP72gUUFuRRv0U3ABZO+xA7R1e6vDgM0EwCGX+zbBQXF5GRlkjsFU3ZcHHX/D1adOzHlLF92fjXr9Rs2I6rF46zZ8syXnh1rMHiAM1THbq3siU+uZik1GJ6PWNHemYJB0+Vzjr84WBnDp7MY+OeHEAzFKJRlCXfzk8mr0CFnbXm3mRuvuYxzgB21krsbYxwc9K0pHu7m5BfoCY5vZicvMo7/7Xt8jJzpo7FNygC/+CqbF71G4UFeTRupalTZn+vqad6vFy2nrqk+X9x0c166ixm5hal9dSR3ajVatw9/UiMi2Hp/Jv1VKuulZbvpy0GIcojjQsPWUBAADt27OCjjz6iTZs2FBYWEhYWxpIlS2jfvv1/2tayZct4//336dOnDzk5OQQFBTFp0iRWrlxJSkoK3bvfeYEZHh5OeHg4s2bNYvLkyWzcuJERI0bQsWNHiouLiYiIYPr06Xq/b8SIEcTFxdG/f3+USiWvvPIK3bt31zvMozKF1OxIXnYq+9ZPJSczCRfPcLq+/qu2i2d22g2dMcke/rV4pu837F07hT1rvsPexY9Or0zDyUNzdz0nI4HLJ7YCsPibbjrf1f2teXgF1ccQqtXvSE5WGlv++oHsjGQ8fMLpN+IX7RCGjJQ4lIrSzkRZaUn8OK70x+Cu9bPZtX42fqF1GTRm/n1ts7K1bNqYjIwM5i5aTFpaOoEB/kz69GPtsIjEpGSdfZGfn88PM34hKSUVM1NTvL08GTNiKC2bNtamadKwPsOGvMbvS5Yz7ZfZeHtWYfyYkVSL1N/tt7LsPaPGxAg61FZibgoxyfDnDt15EeytwaJMu9jpGM2wiKZVFViZK0hM16xza5LH4hLwdlFQN0SBuQnkFEBMkpr5W9V3TARZUcE3y8X+MuWiy2ul5SJLX7l4+Rv2ristFx0HlpYLgMsnt7Jl8Yfa9xsWaC6+6j7zFvXbv1O5Adz0tJTvBk3bkpmRzrLffiEjLQXfgBBGjZ+CnYOmm2tyUgKKMuV7y7rlFBcX8cMk3V5c3XsPpueLrxokj/dSp3E7sjLTWLV4BpnpyXj5hfLORz9ie7OrbmpyHApl6b5IT0vki5G9te83rZzPppXzCY6ozYgJmh5yeblZrFg0lfSUBCyt7ajZoDXd+ryNkfGdj1OrLNUbdCQ7K43Ny34g62a9OHDkL9jcrBfTU+J09kVWWhJTPy6ta/9dO5t/187GP6wur32kqWv3bVkMwK9f9tf5rude/VLbaGEINZoPprgwj3+XjaUwPxN3v9p0eOVXjMvMWZSZeo38nDTt+8AaHcnLSeXgxqnkZiXhVCWcjq/8qjMs4tTexRzeXHquX/WTpmGiea8vCS3TCFFRdrWr0nDLAu37iG809UvM/OUcGzQGMw8XLLxL79TnXYnlQNfXifh2DH7v9CM/Np7jr39M8qad2jRxS9Zh6uJIyLh3MXN3IfPoafZ3HkxhYjndzipBrUbtyc5MZe2f02+WjTDeGPOTdshQWopu2chITeR/H/TSvt+6ai5bV80lKKIO74ybA2geVzloxBRW/z6FDct+wsnFk+79R1GnaWeDxQGwansWZqYKBvdwwNJcybkrBUyak6xtJABwczLGxqq0u13bhpphZWNfd9XZ1k9LUtlxKBeANg2s6dmm9Gk3495wvSNNZajbRFNPrfx9BpnpKXj5h/LuJ9PL1FPxKJSl5Ts9LYnPRpTWUxv/ns/Gv+cTElmb9z+bCUBebjbLF5bWU7Uatqbbi29hbKB66mmI4XEjcy48PhTqe83GJ4QBTFv75B92rg5PfgwAjZxOPeosVIoF0YZtjHgYrK2ejpFqT/D8g1r1Aw3baPqwZBc++olzK0Na3pMfx+UbT0HBAMJ6hT3qLFSY0YH7e0Ts427+4sRHnYVK8Xrfe08sLh6O5pGWjzoLD2T21kedgwfzSqtHnYPK93T8khVCCCGEEEIIIcQjI40LQgghhBBCCCGEqBCZc0EIIYQQQgghxBNJ9XSMVH4qSM8FIYQQQgghhBBCVIg0LgghhBBCCCGEEKJCZFiEEEIIIYQQQognkjz78PEhPReEEEIIIYQQQghRIdK4IIQQQgghhBBCiAqRxgUhhBBCCCGEEEJUiMy5IIQQQgghhBDiiaRSPeociFuk54IQQgghhBBCCCEqRBoXhBBCCCGEEEIIUSEyLEIIIYQQQgghxBNJHkX5+JCeC0IIIYQQQgghhKgQaVwQQgghhBBCCCFEhUjjghBCCCGEEEIIISpE5lwQQgghhBBCCPFEkjkXHh/Sc0EIIYQQQgghhBAVIo0LQgghhBBCCCGEqBBpXBBCCCGEEEIIIUSFyJwLQgghhBBCCCGeSCqZc+GxIT0XhBBCCCGEEEIIUSHSuCCEEEIIIYQQQogKkWERQgghhBBCCCGeSOon9lmUikedgUonPReEEEIIIYQQQghRIdK4IIQQQgghhBBCiAqRYRHikSgofNQ5qLgw5+RHnYVKEZ0V9qizUCkKC1WPOgsVlvoUxABgbf3kn1qMlcWPOguVwtToyd8XANZmT/7+CPYyetRZqBRGB44/6ixUWEndao86C5XC9KMdjzoLlcJI8aR2aS8VWXTwUWehkjR/1BkQT7in41eHEEIIIYQQQoj/d57YKReeQjIsQgghhBBCCCGEEBUijQtCCCGEEEIIIYSoEBkWIYQQQgghhBDiiaR6OqaseipIzwUhhBBCCCGEEEJUiDQuCCGEEEIIIYQQokKkcUEIIYQQQgghhHjMTZ8+HT8/P8zNzalfvz779++/a/olS5YQFhaGubk51apVY+3atQbNnzQuCCGEEEIIIYR4IqnVT+brv/rjjz8YPnw448aN4/Dhw9SoUYN27dqRmJioN/3u3bvp06cPgwYN4siRI3Tr1o1u3bpx4sSJCv7FyyeNC0IIIYQQQgghxGNs8uTJvPrqqwwcOJCIiAh++uknLC0tmT17tt7033//Pe3bt2fkyJGEh4fz2WefUatWLaZNm2awPErjghBCCCGEEEII8RAVFBSQmZmp8yooKNCbtrCwkEOHDtGmTRvtMqVSSZs2bdizZ4/edfbs2aOTHqBdu3blpq8M0rgghBBCCCGEEEI8RBMnTsTOzk7nNXHiRL1pk5OTKSkpwc3NTWe5m5sb8fHxeteJj4//T+krg7HBtiyEEEIIIYQQQhiQ6gHmL3gcjBkzhuHDh+ssMzMze0S5qRzSuCCEEEIIIYQQQjxEZmZm992Y4OzsjJGREQkJCTrLExIScHd317uOu7v7f0pfGWRYhBBCCCGEEEII8ZgyNTWldu3abNmyRbtMpVKxZcsWGjZsqHedhg0b6qQH2LRpU7npK4P0XBBCCCGEEEII8UR6kMc6PomGDx9O//79qVOnDvXq1WPKlCnk5OQwcOBAAPr164enp6d23oahQ4fSvHlzvv32Wzp16sTixYs5ePAgv/zyi8HyKI0LQgghhBBCCCHEY+yFF14gKSmJsWPHEh8fT1RUFOvXr9dO2njt2jWUytKBCY0aNeK3337j448/5sMPPyQ4OJgVK1ZQtWpVg+VRGheEEEIIIYQQQojH3Ntvv83bb7+t97Nt27bdsaxXr1706tXLwLkqJXMuCCGEEEIIIYQQokKk54IQQgghhBBCiCeS+kl9FiWKR52BSic9F4QQQgghhBBCCFEh0rgghBBCCCGEEEKICpFhEUIIIYQQQgghnkhP7KiIp5D0XBBCCCGEEEIIIUSF/L9uXLhy5QoKhYLo6GiDfs+2bdtQKBSkp6f/53UHDBhAt27dKj1PQgghhBBCCCFEZXmqh0UMGDCAefPmad87OjpSt25dvv76a6pXr/4IcwZqtZqZM2cye/ZsTp48iUqlwtfXlzZt2vDOO+8QFBT0SPP3uFGr1RzaNJXT+5dQmJeJu18tmnQfh52z313XO7l7EUd3zCIvKxlHjzAaP/sxrt6l+/70vj+4EL2a5OunKCrIof/4/ZhZ2BosjvWrl7Ny+e+kp6Xi6x/IK68PIzg0Qm/azetXsn3rBmKuXgIgICiUPv1e00nfq3NTveu+PPBNnu35YuUHAOzc+BvbVs0hKyOZKj6hdB/wIT5B+stTfMwF1i+dSuylU6Ql3+DZvh/QrGM/nTQblk5n47IfdZa5VPFn9LerDZL/slpUV1IrWIm5CcQkqVmzv4TUrLuvUzdESaMIJdYWEJ+mZt0BFTdSdPvjeTkraBWlxNNZgVqlSbdwawnFJU9OHP3bGuHnptv+fPBcCWv2qyo9/09L+d6wehmrlv9GRloqPv5BDHz9PYLKKd9b1q9kx9Z1xF69DIB/UCi9+71+R/rrMVf4bc6PnDoRjaqkBE8fP4aP+QJnV3eDxLBl7Z+sXzGfjPQUvP2CeWnwKAJCqupNu33jcnZvW8P1axcB8A0Mp+dLb+mkP7RnK9s2LOXKxTPkZGcwfvJv+PiHGiTvZe1Y/ztbVs0lMz0ZT99QnntlDH5B1fSmjYu5wJo/phNz+RSpSTfo0X8ULTv1vSNdemoCfy/8jlPROykqyMfZ3ZuXh3yOT2CkQWLYtfE3tq+ZTVZGMh4+oXTr/xE+geXUtbHn2bB0GtcvnyQt+QZdXx5N0w66de3uzYvZs3kxaUnXAXDzCqJt9zcJi2pmkPzf8u+G39laZl/0HDgG37vsi7V/Tif25r7o3m8ULcrZFysXfcfpMvvixTcNsy8cm9QhYMQg7GpVxbyKKwd7DiFh5Za7r9OsHhHfjMY6Ipj8mDguTJxB7Py/dNL4vvkiAcMHYebuQuaxM5wc9hkZB45Xev5v172lFc1rWWBpruR8TCHzV2eRkFr+ySnE14SOjazwrWKMg40RPyxO5/CZAp00ZqYKerWxplaYGdYWSpLSS9i8L5d/DuYZJIata/8oU0+F8OI96qk921br1FM9Xnr7tnpqC9s2LOPqxdPkZGcwbvLvBq+nlq7/h4WrNpKankGQrxcjXulDZJD/PdfbtGs/n3w/k2Z1avD1qLe0y3/9cyWbdx8gISUNE2NjQgN8eKN3N6oGBxgyDCHu8NT3XGjfvj1xcXHExcWxZcsWjI2N6dy58yPNk1qt5sUXX+Tdd9+lY8eObNy4kVOnTjFr1izMzc35/PPPH2n+HkdHt8/kxK4FNO0+nm5v/4mxqQVrZw2muKig3HUuHl3LntWTqN36LXq8uxwnj1DWzhpMXnaKNk1xYT7eIU2p2fJ1g8ewa8cW5s2cRq8+A/jq+5n4+gfxxdgRZKSn6U1/8ng0TZq3YdzEH/jim59wcnHl87EjSElO0qb5ZcEKndeQoaNRKBQ0aNzCIDEc2bOOlQu+5pmeQ3jvyyVU8Q3ll0mvk5WRojd9YWEeTq7edOrzHjb2zuVu190riHEztmlfb49bYJD8l9U4Qkn9MCVr9pUwc30xhcXwcitjjO5SK0b6KnimtpLtx0r4eW0xCWnwcisjLM1K03g5K3iplREX49TMXFfMr+uL2X9WhdpA4wENFQfAofMqvllapH1tOlL5DQvwdJTv3Ts2s2DmVJ7r8woTv5+Nr38QE8cOL7d8nzp+mMbN2/LJxB+Y8M3POLm48uXY90gtU77j42IZN+pNqnj5MnbiNL6aNo8evQdgYmqmd5sVtX/nRv6YM5muL7zGuG8X4e0XwuQJb5OZnqo3/dmTh6jftB2jPvuZjybNwdHZjW8/fYu0lERtmoKCPILDo+jV7x2D5FmfQ7vX89f8/9HhuTcY9dWfePqG8OMXd6mnCvJxdvOi64vDsC2nnsrNzuC7T/phZGzMmx/O4MPvVtC930gsrAzTWBW9Zx2rFn1F2x5DGPb5Uqr4hDFz0mtklxNDUUE+Tq5edOw9vNy61t7RjY6932PoF0sY+vkSgiLrM3fy28THnjdIDACHb+6Ldj3fYOSkP6niG8KML++9L7r0ufu++H5sP4yMjHljzAzGTF5Bt74jsTTQvjCysiTz2FlOvPvpfaW38POi7sqfSdm2j511nuXy1HlU+/lznNs20abx6NWB8P+N4fzn09lZrztZx85Qf80sTF0cDRLDLR0bW9K2viXzVmcxYWYqBYVqRvS1x+QutxrNTBRcSyhiwZryW6z7tLOmWpApvyzP4MPpyWzcm8vLHW2ICq38umr/zg1l6qnf8PYL5rsJb921nqrXtD0jP/uFDyfNxdHZjcmfDtFbTz3X791Kz68+m3Yf4Pv5Sxj8XGfmffUxwb7eDPvie1IzMu+63o3EZH5YsJSo8OA7PvOp4saIV/qw6Jtx/DxhFB4uzgz9fAppmfe40/CUUKufzNfT6KlvXDAzM8Pd3R13d3eioqIYPXo0MTExJCUl6U2/fft26tWrh5mZGR4eHowePZri4mLt5wUFBbz77ru4urpibm5OkyZNOHDggM421q5dS0hICBYWFrRs2ZIrV67ofP7HH3+wePFi/vjjDz755BMaNGiAj48PDRo04KuvvmLOnDnlxuPn58eUKVN0lkVFRTF+/Hjt+/T0dF5//XXc3NwwNzenatWqrF5dehd42bJlREZGYmZmhp+fH99++63O9n788UeCg4MxNzfHzc2N5557TvuZSqVi4sSJ+Pv7Y2FhQY0aNVi6dGm5+a0MarWa4zvnU7PVG/hFtsbJI5SWz39FbmYiV05uLne9Y//OJaxeL0Lr9sTBLYim3T/F2MScsweWadNUa9qfqJav4epTw6AxAKxe8Qet23WhZdtOePv489pb72NqZs7WTWv0ph86ciztOnXHPyAYT29f3njnA9QqFSeOHtKmcXBw0nkd2LeTyGo1cXOvYpAYdqyZR4NWz1GvRXfcvYLoOWgcJqbm7N+2XG96n8BqdHnpfWo26oixsWm521UaGWFr76J9Wds6GCT/ZdUPV7LjuIqzsWoS02HF7hJsLCHMu/xnDjcIV3L4goroS2qSM2D1vhKKSqBmUGlV2q62kv1nVew6qSIpA1Iy4dQ1NSWGuS43WBwARcVqcvLRvgqLKj//T0v5XrPiD1q160KLtp3w8vFn8FsjMTUzY9sm/T1w3hk5nmc69cAvIARPb19ef2f0zfJ9UJvmj/m/EFWnIS+98hb+gSG4e3hRp35T7OwNUz42rFxIs7bdadq6K57eAfR740NMzcz5d8vfetO/9t4XtOrwPD7+oXh4+TNwyCeo1WpOHduvTdOoRSe6vvAaETXqGyTP+vyzej4NW/ekQcvueHgF8sKrYzE1tWDPP3/pTe8bVJVufUdQu3EHjE3011Ob/p6NvZM7Lw/5HL+gaji7ehFeoxEu7t4GiWHHurnUb9mLus174OYVRI9XxmFiZs7+7frrWu/AanR+cSRRDcuvayNqtSQ8qjku7n64ePjR4flhmJpbcu3CMYPEALBtzXwa3dwX7l6BPD9Ysy/23mVfPPvyCGrdZV9sXqnZFy8N+RzfoGo4uXoRVqMRzgbaF0kbdnBu3BQS/i6/PirL97Xe5F2O5fSor8g+c4mrPy4iftkG/IcO0KbxHzaQmFl/EjtvOdmnL3J8yDhKcvPxHtDTIDHc8kwDS1buyOHI2QJiE4r59a9MHGyMqBVWfiPA8QuFLN+ac0dvhbKCvE3ZFZ3PmStFJKer2H4oj5j4YgI8K7+D9MaVi2jWtjtNWj9LFe8A+r7xEaZm5uy8z3pqwJCxqNVqTuvUU50faj31++pNPNu6CZ1bNsbfqwofvPoS5qamrP5nV7nrlKhUjJs6i1ef70oV1zsb3to1qU+96hF4urkQ4F2FYf16kZOXz4WrsYYMRYg7PPWNC2VlZ2ezcOFCgoKCcHJyuuPz69ev07FjR+rWrcvRo0eZMWMGs2bN0ulJMGrUKJYtW8a8efM4fPgwQUFBtGvXjtRUTYtpTEwMPXr0oEuXLkRHRzN48GBGjx6t8z2///47oaGhdO3aVW8+FYryLwruRaVS0aFDB3bt2sXChQs5deoUkyZNwsjICIBDhw7x/PPP07t3b44fP8748eP55JNPmDt3LgAHDx7k3XffZcKECZw9e5b169fTrFlpl8mJEycyf/58fvrpJ06ePMl7773Hyy+/zPbt2x84z/eSlRpLXlYSnsGNtMtMLWxw9a5O4rVoveuUFBeSfP0kXmXWUSiVeAY1JKGcdQypqKiISxfOUT2qtnaZUqmkelQdzp05eV/bKCwooLikGGsbG72fp6elcvjAHlo9Y5ieOcXFhcRePkVw1YbaZUqlkpCqDbh6/miFtp0cf41P32zBF0PbsXDaKNKSb1Q0u3dlbw02FgouxZde8RcUQWyyGm8X/eVPqYQqjgouxek2NV+KU+PlrFnH0gy8XJTk5MMr7YwY0dOY/m2Nyt3m4xrHLdX8lYx8zpg3OxvTOkqJsVHlx/A0lO/ioiIuXzhLtai62mVKpZJqUXU4d+bEfW2joCCf4pJirGw0d19VKhVHDu7Go4o3X37yHq+91ImPhr/KgT07DBbD1YtniKhRTyeGiOr1uHj2/rpqFxTmU1JSjJW14Yae3EtxcRExl04RWq2BdplSqSS0WgOunHvweurEwW34BEQwa/JwxgxuzlejerFrs2Ea1ouLC7l++RTBVXVjCK7akKvnoyvlO1SqEqL3rKWwIA/fIMM0vt3aFyG37YuQag24UoFzxomD2/AOiGDO5OF89Gpzvv6gF7u3GPYmx39h3yCK5K17dJYlbdqJQ4MoABQmJtjViiR5y+7SBGo1yVt3Y9+gpsHy5eJghL2NEacuFWqX5RWouRhbRKBX+Y3/9+NCTCFRoWbY22guK8L8THBzMuLExcJ7rPnfaOqp04SXaQTQ1FP1uXj2/hrJHnU9VVRczNlL16hbLVy7TKlUUrdaOMfPXSp3vdlLV+Noa0PXVk3KTVP2O1Zs/hdrSwuCfb0qJd9C3K+nes4FgNWrV2NtbQ1ATk4OHh4erF69GqXyznaVH3/8EW9vb6ZNm4ZCoSAsLIwbN27wwQcfMHbsWPLy8pgxYwZz586lQ4cOAPz6669s2rSJWbNmMXLkSGbMmEFgYKC2N0BoaCjHjx/nq6++0n7PuXPnCA3VHcs1bNgwZs6cCYC9vT2xsQ/W0rh582b279/P6dOnCQkJASAgoHS81eTJk2ndujWffPIJACEhIZw6dYr//e9/DBgwgGvXrmFlZUXnzp2xsbHB19eXmjU1J7uCggK+/PJLNm/eTMOGDbXb3rlzJz///DPNmzd/oDzfS26WppeJpbVug5CFtTO5Wcl618nPTUOtKsHi9nVsnElPumyQfN5NVmYGKlUJdva6XR7t7B24Hnv1vraxcO4MHB2dqRZVR+/n27esw9zCkvqNDDN+NiczHZWqBBs73b+ptZ0TiTce/G/qE1Sd3m98gYuHH5npSWxcNoPpn/bj/a//xtzCqqLZ1svaXHMRnZOvuzwnH6zM9V+UW5qBUqnQs44aZzvNOg42mn+bV1ey6VAJ8WlqagQo6dfGiBmri+85D8LjEgfA8csqMnIgK0+Nm72CNjWNcLJV8OeOyp044mko35k3y8ad5duR67HX7msbv82dgUOZ8p2ZkUZ+Xh4rly7k+b6v8uLANzl6aB+Tv/yQT76cSkS1yr0IycrSxGB7W/m2tXci7vqV+9rG0vk/YO/gTORD7KVwu5zMNE0c9rpx2Ng7kVCBeio5MZadm/6kZad+PNP9Va5dPMGyOZMwNjahfotnK5ptHTk394W1ne7dSWtbJxJvlH/xcT/irp1j2vg+FBcVYmpuSf/3fsDNyzBzPN3aF7efM2wqeM5ISYxl16Y/adGpH21v7ovlN/dFveaVuy8ehJmbMwUJunVXQUIyJnY2KM3NMHGwQ2lsTEFiym1pUrAKNdz4eDtrze/ejGzdbnSZOSrtZw9q4dosBnSxZcoIF4pL1KjVMGdVJueuVm53t9J6SreutbV3/I/1lMtD7U1VVnpmNiUqFY72uo0bDvY2XLkRp3ed6DPnWbl1Jwu+/uSu29556BifTPmV/MJCnO3t+OHj97C31X9DSghDeeobF1q2bMmMGTMASEtL48cff6RDhw7s37//jrSnT5+mYcOGOj0HGjduTHZ2NrGxsaSnp1NUVETjxo21n5uYmFCvXj1Onz6t3Ub9+roV1q0L8bv56KOPePvtt1m+fDlffvnlA8UKEB0djZeXl7Zh4XanT5/m2Wd1T76NGzdmypQplJSU0LZtW3x9fQkICKB9+/a0b9+e7t27Y2lpyYULF8jNzaVt27Y66xcWFmobIPQpKCigoEC3O11xkSnGJvq74Z0/sop/l4/Tvm8/8Ke7xvz/wV9LFrJrxxY+nfgDpuWMt966eS1NW7Qt9/PHVXhU6aSUVXxD8Q2qzufvtOXo3vXUb1k5XUSr+SnoXL/0tvtv/xhmZsVbNceh85ohBwDxh1T4uyupGahkS3TFxkY8rDgADl8o7dmQmK4mK6+E/m2NcbAuIS37wbcr5ftOfy9ZwO4dmxk7cZq2/KpUmmOldoOmdOrWGwC/gBDOnT7O5nUrKr1xoaLWLJvD/p0bGfXZLwabE+JRUqtU+ARG0vXFoQB4+4cTd+0COzf9WemNC4bkUsWP975cTn5eNsf2beCPnz7kzY/nGayBwRDUKhXegZF06aPZF17+4cTFXGDXpj8fi8aFx0XDaub071J6YfndonSDfVeb+pYEepkw5bc0kjNUhPqa0LejDelZKp2eEo/a2mVz2L9zwxNVT+Xk5fPp1NmMeb3vPRsKakeGMv9/n5CRmc3fW/7lo+9+ZtaXY3C0e3S9yR4WleopncDgCfTUNy5YWVnpPHlh5syZ2NnZ8euvvzJ48OBHkqfg4GDOnj2rs8zFxQUXFxdcXV3vuq5SqUR92wwgRUWlLcMWFhYVypuNjQ2HDx9m27ZtbNy4kbFjxzJ+/HgOHDhAdrbmimLNmjV4enrqrGdmVn4lPXHiRD79VHcipLYvjKVd7/F60/tGtNSZ8b2kWHNiys1OwdK29O+Tl52MU5XwO9YHMLd0QKE00pncDSAvKxlLm/InFjQUG1s7lEojMm6bcCgjPQ17hzuH6JS1cvnvrFi6iLGff4evv/4fgKdPHOVG7DXeG3V/E049CCtbe5RKozsm4srOSLnrZI3/lYWVLS4eviTH398d3/txNlZNbHLp3Cm3uvdbmUN2mcmsrcwhIU3/CSq3QHPysjLXXW5lrtBuIztPs25Shu42kjLU2FpVfGjEw4pDn+vJmu052ihIy37wk/jTWL5tb5aNO8t3KvYOd5+gbdXy3/h76UI++nyKTvm2tbXHyMgIL28/nfRVvP04e6ryx8jb2GhiyLytfGemp2B3j/K9fsV81i6fy/ufzsDb786Jxh4mK1sHTRzpunFkpafc0Zvhv7B1cMHdK1BnmZtXANH77m8c/n9hdXNfZGfo3v3OzkzBxq5ix7exsSnO7r4AePlHEnPpBP9uWMBzgyr/3HFrX9x+zsjKSMGmovvC87Z94RnAUQPsiwdRkJCMmZvufjJzc6YoIwtVfgGFyWmoiosxc3W6LY0TBfH6e2s9iCNnC7h4vfT34a3zhZ21Uqf3gq2Vkmvxxbevft9MjOG51tZMXZzO0fOa+jw2oRgfdxM6NLKs1MaF0npKt67NTE/F7h7HlKaemsP7n/6Et5/+G3APg72tNUZKJanpupM3pqVn4WRvd0f66wlJxCWlMPKr6dplqpvXAY17v8EfUybg5a45d1qYm+Ht7oq3uytVQwJ47t2PWbV1F/27dzBgRELo+n815wJo5jNQKpXk5d35Kzo8PJw9e/boXLzv2rULGxsbvLy8CAwMxNTUlF27SidcKSoq4sCBA0RERGi3cXuviL179+q879OnD2fPnuXvv/VPPnM3Li4uxMWVdpvKzMzk8uXS7oXVq1cnNjaWc+fO6V0/PDxcJ/+3YgwJCdHOy2BsbEybNm34+uuvOXbsGFeuXGHr1q1ERERgZmbGtWvXCAoK0nl5e5c/kdKYMWPIyMjQebXuOabc9KZm1tg5+2pfDm5BWNi4cONC6RjGwvxsEmOO4eoTpXcbRsamOHtGcr3MOmqVihsX9uJWzjqGZGJiQkBQCMfLTMaoUqk4fvQQIWHlPzrr76WLWLp4Hh99+g2BwWHlptuyaTUBQaH4BRju7pOxsSle/hGcP1F6PKtUKs6f3IdvcOWN2S3IzyE5IQZbB5dK22ZhMaRll76SMjTd/QPcS6tAUxPNkx5ikvRfOKtUcCNVTYC7biNBgLuC2JsX3uk5kJmrxtlWN42TrYKMnIq3qj+sOPRxd9Skz8qrWBxPY/k2NjHBPyhUZzJG1c3JV0PC9D8eDWDl0kUsXzyXMZ9+S2CwbkOKsYkJAcHh3Liu28gWfz3GII+hNDYxwTcwjNPHSicoVqlUnD5+gMBQ/Y8NBFj31zxWLZnJ8LHT8A/S/9jNh8nY2ATvgAjOndinXaZSqTh3Yi9+IQ9eTwWERpFw44rOssQbV3B08XjgbZbH2NgUT/8ILpzUrWsvnNiLb3BUpX6XWq2muMgAM7VSZl8c17MvKnDO8A+NIjHuis6yxLgrOBhgXzyI9L3ROLVqoLPMuXUj0vZGA6AuKiLj8EmcW5Xp1apQ4NSyIel7j1RaPvIL1SSmlmhfN5JKSM8qIcK/dH4FczMFgV4mXIx98AYAIyMFxkYKbr9xrFKpqcAUYnpp6qlwnckYNfXUfgJDy3/E/Lq/5rJ6yUzeGzsNv0dcT916TOSBE2e0y1QqFQdOnKZayJ3DYnyruLPom3HM//oT7atp7eqaXgpff4Kbc/kN2Gq1ikIDlW8hyvPU91woKCggPj4e0AyLmDZtGtnZ2XTp0uWOtEOGDGHKlCm88847vP3225w9e5Zx48YxfPhwlEolVlZWvPnmm4wcORJHR0d8fHz4+uuvyc3NZdCgQQC88cYbfPvtt4wcOZLBgwdz6NAh7WSJt/Tu3Zvly5fTu3dvxowZQ7t27XBzc+Pq1av88ccf2ot8fVq1asXcuXPp0qUL9vb2jB07Vid98+bNadasGT179mTy5MkEBQVx5swZFAoF7du3Z8SIEdStW5fPPvuMF154gT179jBt2jR+/PFHQDNHxaVLl2jWrBkODg6sXbsWlUpFaGgoNjY2vP/++7z33nuoVCqaNGlCRkYGu3btwtbWlv79++vNs5mZ2R09G4xN7v8CRaFQUK1JPw5v/QlbZz9sHTw5sPEHLG1d8Ytso023+pcB+FVtQ9VGLwNQvekAtv05Ghevqrh4Vef4znkUFeURUqeHdp3crCRys5LJTNH8gE+NP4eJmRXW9h6YW9rfdx7vR+duLzD9uy8JDA4jKCScNX8voSA/j5ZtOgIw9dvPcXRy5qUBbwCwYuki/lg4i6Ejx+Li5k5amubuj7m5BRYWlqUx5Oawd+c2+g16684vrWTNOvVn8YwP8Q6IxCeoGjvWLaCwII96zbsD8NuPY7BzcKVTn/cAzcRkCbGaZ0uXFBeRkZbI9SunMTO31N49W7nwf0TWaoGDSxUy0hLZsGQ6SqURNRt1NGgs+06raFpVSUqWmvRsNS1rGJGVC2diSo/Nvq2NOBOj5sA5zV2evadVdGtkxI1UNdeT1TQIV2JiDNEXS+8C7T6lokV1JfFpauJT1UQFKnG2hSU7DPO4CEPE4WCtmczx/HUVuQXg5qCgXW0jriSoSEyv3Pw/LeW7U7cXmPHdFwQEhxEUEsHav/+kID+f5m06ATD9289wdHKmz4A3Afh76UKWLJzJOyPH4eLmQXqZ8m1+s3x36fEi3389lvDIKCKr1yL60F4O7d/F2IlTKzXvt7Tr+jIzfxiHX2A4/sFV2bT6Nwry82jSWjP58K/fj8XB0YXn+moeK7l2+VxW/P4Trw3/AmdXDzLSNHddzcwttTFkZ2WQmhxPeqpmbo3465o5ZuzsnbBzMEwvk5ad+7Fw+kf4BETiG1SNbWsXUFCQR4MW3QCYP+1D7B1d6friMEAz8WD8zXqquLiIjNREYq+cwczcEhd3H802O/Vj8id92bD8V2o1asfVC8fZvWUZvV8ba5AYmnUYwB8/j8HLvyregdX4d/18CgvyqHuzrv19xmjsHFzp2Hv4zXzfXtcm3FHXrl08mbAazbB39qAgL4cju1dz6fR+Bn/wq0FiAGjRqR+LfvwIn8BIfAKrsX2t5pxR/+a+WDjtQ+wcXelS3r5Iu3NftOjYjylj+7Lxr1+p2VCzL/ZsWcYLrxpmXxhZWWIV5KN9b+nvhW2NMApTM8iPiSP08+GYe7pxdOAHAFz9ZTG+Q14ibOJIYuYuw7llAzx6deBA19JH4l6eMocas78i/dAJMg4cw+/d/hhbWRAzT//TQCrLxr25dGlmRXxqCclpJfRoZUVaVonOkyBG9bPn0JkCtuzX3IQzM1Xg5lj6O9PZ3ggfd2Oy81SkZqjIL1Bz5kohLzxjQ1FxJsnpJYT5mdK4hgW/b6j8xyA+0/UlZv0wDr/ACPyDI9l8s55qfLOemvn9Jzg4utKzTD319+8zeHX4lzi7VrnPeuoKYLh6qk/ntnw2fQ7hAb5EBPnzx9rN5BcU0qmFZtj1p9Nm4+Joz5AXe2BmakKgj25vYWsrTb5vLc/LL2Du8rU0rVMDJwc7MrKyWbr+H5JS02ndUP88XU+bp/Wxjk+ip75xYf369Xh4aFqzbWxsCAsLY8mSJbRo0eKOR0R6enqydu1aRo4cSY0aNXB0dGTQoEF8/PHH2jSTJk1CpVLRt29fsrKyqFOnDhs2bMDBQfNoMB8fH5YtW8Z7773H1KlTqVevHl9++SWvvPKKdhsKhYI//viDX3/9lTlz5vD1119TVFSEl5cXrVu3ZvLkyeXGM2bMGC5fvkznzp2xs7Pjs88+0+m5AJpHTb7//vv06dOHnJwcgoKCmDRpEgC1atXizz//ZOzYsXz22Wd4eHgwYcIEBgwYAGgmk1y+fDnjx48nPz+f4OBgfv/9dyIjNXfXP/vsM1xcXJg4cSKXLl3C3t6eWrVq8eGHHz7YDrpPNZoPprgwj3+XjaUwPxN3v9p0eOVXnXkbMlOvkZ9T+kz5wBodyctJ5eDGqeRmJeFUJZyOr/yq02361N7FHN5c2tVs1U+aC5fmvb4ktMxFSmVo3Kw1mRnp/LFwFulpqfgFBPHRhG+03aaTkxJQKEub+TeuXUFxcRHfTtSdwKdXn4E8/1Lp8bRrxxbUqGncvA2GVrNhB3IyU9mwdBqZ6cl4+obx6uiftcMi0pPjdOYsyUxLYvKY0keZbls9h22r5xAYXpchY+cCkJGawMKpI8nJTsfa1hH/0Fq8+9lvWNsa9nnfu06pMDGGLvWNMDeFa4lqFm4t1nlkpKONAkvz0jPWyatqLM1UtKhuhLUFxKepWbS1RGdyxH1nVBgbQbvaRliYaYYnLNhSsXkKHnYcJSrwd1dQP8wYU2PIyIHT11TsOGGYBpKnoXw3ataGzIx0liycSXpaKr4BwYye8G255XvT2r8oLi7iu4kf62ynZ59X6PWSprG6XqPmDB4ykr+XLGDuL99RxdOH4R9+QVikYWb3r9fkGbIy01ix+Ccy0lLw9g/hvbFTtd2NU5PiUZYp3/+sX0pxcRE/fj1KZztdX3iNbr01F1LRB7Yze2ppl/ufvh1zR5rKVrtRe7IzU1nz53Sy0pPx9AtjyIc/YXuznkq7rZ7KSE3kq1G9tO+3rJrLllVzCYqow9DxmkdD+wZV5dX3p7DytymsX/YTTq6e9Og/irpNDfN0nqiGHcjJSmXD0qlkZSRTxTeMwR/8rB0WkZ4Sh0JR2mMpMy2JKR+VzlGzfc0ctq+ZQ0B4Xd78eB4A2ZmpLP5pNJnpSZhb2uDhHcLgD34lpFojDKXWzX2x9s/pZKYn4+UXxhtjyuyLlDidcpGRmsj/PijdF1tXzWXrzX3xzrjSfTFoxBRW/z6FDct+wsnFk+79R1HHQPvCrnZVGm5ZoH0f8Y3m907M/OUcGzQGMw8XLLxLe03kXYnlQNfXifh2DH7v9CM/Np7jr39M8qad2jRxS9Zh6uJIyLh3MXN3IfPoafZ3HkzhbZM8Vra1u3IxM1UwsIsNluZKzl0r5NuF6RSVGRXh6miMjWXp3W7/KsaMHlB6Pn6xvWbc/87oPGau0HTtn7E0g+daW/N6DzusLJSkZJSwbGs2/xy8y1i7B1SvSbub9dQMMtNS8PYP5b2x03TqqbJlY9v6JRQXFzHj65E62+n6wms821tzMyf6wHbmTB2v/eznMvXUrTSVqW2juqRnZvHrnytJSc8k2M+L7z58F6ebkzzGJ6f+pyfHKZVKrtyIZ+23e0jPysbOxorwQD9++nQUAd6GeTS5EOVRqG8fwC/EQ/Dtiif/sGsbmfSos1AprmUZ9iL+YTl06sk/pp4W1tZPfrt1q0jD/sh/WHKLzO+d6AmQU1SxR+U9DvKLDPAs10fA1NhwE8k+LCV1yx/q8yRZ8pFhHk37sA1+3vpRZ6HCIosO3jvRE8ChhmGe/GZoX/7xZNZLH77wdJwXyvp/N+eCEEIIIYQQQgghKteTf3tJCCGEEEIIIcT/S9IP//EhPReEEEIIIYQQQghRIdK4IIQQQgghhBBCiAqRxgUhhBBCCCGEEEJUiMy5IIQQQgghhBDiiaSSSRceG9JzQQghhBBCCCGEEBUijQtCCCGEEEIIIYSoEBkWIYQQQgghhBDiiaRWPeociFuk54IQQgghhBBCCCEqRBoXhBBCCCGEEEIIUSHSuCCEEEIIIYQQQogKkTkXhBBCCCGEEEI8kdTyKMrHhvRcEEIIIYQQQgghRIVI44IQQgghhBBCCCEqRIZFCCGEEEIIIYR4IqnkUZSPDem5IIQQQgghhBBCiAqRxgUhhBBCCCGEEEJUiDQuCCGEEEIIIYQQokJkzgUhhBBCCCGEEE8keRTl40N6LgghhBBCCCGEEKJCpHFBCCGEEEIIIYQQFSKNC0IIIYQQQgghhKgQmXNBCCGEEEIIIcQTSSVTLjw2pOeCEEIIIYQQQgghKkR6LohHwspC8aizUGH7rro+6ixUiqULoh91FirFC/2jHnUWKuxpaXm/Hlf0qLNQYeMnpzzqLFQKU3PTR52FShFV3+dRZ6HC7Gyfjvs5u3fEPeosVJjpRzsedRYqRa8vmj3qLFSKMUdmPuosVJha9ahzUDl2rnrUORBPOmlcEEIIIYQQQgjxRFI/LXdnngJPRzO6EEIIIYQQQgghHhlpXBBCCCGEEEIIIUSFSOOCEEIIIYQQQgghKkTmXBBCCCGEEEII8URSy5QLjw3puSCEEEIIIYQQQogKkcYFIYQQQgghhBBCVIgMixBCCCGEEEII8URSyaMoHxvSc0EIIYQQQgghhBAVIo0LQgghhBBCCCGEqBBpXBBCCCGEEEIIIUSFyJwLQgghhBBCCCGeSGp5FuVjQ3ouCCGEEEIIIYQQokKkcUEIIYQQQgghhBAVIo0LQgghhBBCCCGEqBCZc0EIIYQQQgghxBNJrXrUORC3SM8FIYQQQgghhBBCVIg0LgghhBBCCCGEEKJCZFiEEEIIIYQQQognkkoeRfnYkJ4LQgghhBBCCCGEqBBpXBBCCCGEEEIIIUSFSOOCEEIIIYQQQgghKkTmXBBCCCGEEEII8URSy5wLjw3puSCEEEIIIYQQQogKkZ4LT7kBAwaQnp7OihUrdJZv27aNli1bkpaWRnR0NC1btgRAoVBgY2NDQEAAbdu25b333sPDw0O73vjx41mxYgXR0dEPMQqI3rGIQ1tnkZOZhItnGC2f+wR33+rlpj93ZB2713xPZup17F38aNr1ffwjm2s/37N2KmcPryErPR4jIxNcvSNp3Pk9PPxqGDSOI9sXcWBzaRytn/8ED7/y4zh7eB27Vn9PRsp1HFz9aPbs+wRUba437abfx3J05x+07DmG2q0GGCiCUv26u9O+hRPWlkacOp/DD/NiuJFQWG76Fzq70ri2Pd4eZhQWqTh1PpdZf94gNr5Am8bD1ZRXe1chMtgaExMFh45nMn3BddIziys9/4e3LWLfJs2+cPUKo80Ln1DlLvvizKF1/LuqdF+06P4+gbfti+S4i2z/639cO38AtaoEJ49Aur82FVvHKpWef4DD2xdxoEwM93M87SwTQ/NuusfT2vmjObn3L511/CKa0OvtWQbJf1ktqiupFazE3ARiktSs2V9Catbd16kboqRRhBJrC4hPU7PugIobKbp3L7ycFbSKUuLprECt0qRbuLWE4hLDxPFiZyfaNrHHykLJmUt5zPgtgbikonLT92znSMMoa7zczSgoUnHmYh7zVyRxPUF3nVB/c15+1pkQPwtUKjWXYwsYPzWWwiLD3K15ob09rRvaYGWu5MyVAn5dkkx8cvnlsFtrO+pXt8LT1YTCIjVnr+SzaFUaN8rE/lovJ6qFWOBoa0R+oZqzl/NZuDqNG4nl/30qollVBTUDFZiZQGwyrDuoIi377uvUDlLQIFyBtTkkpMPGQypupOpP27uZksAqCpb8W8K565WefY7tXMThrbPIzUrGuUoYzXp8fNfz3vno9exd9z1Zqdexd/GlUef38YvQlO+SkiL2rv2eq6e3k5ESi5m5NV4hjWjUeTjWdm6Vn/nbPNfWlpZ1rbCyUHLuSgGzV6QTn1L+8dS1hQ11Iy2o4mpMYZGa81cL+X1dBnFljsFW9axoFGWJXxUTLM2VDB5/ndx8w9697N7Siua1LLA0V3I+ppD5q7NISC2/MgnxNaFjIyt8qxjjYGPED4vTOXymQCeNmamCXm2sqRVmhrWFkqT0Ejbvy+Wfg3mVmnfHJnUIGDEIu1pVMa/iysGeQ0hYueXu6zSrR8Q3o7GOCCY/Jo4LE2cQO1/3HOH75osEDB+EmbsLmcfOcHLYZ2QcOF6peddn0Iu+dGnrjrWVEcfPZPLtjAvExuWXm75bew+6dfDA3dUMgMvXcpn7xzX2HU7Tm/5/YyNpUNuRD788xb/7UgwSA8Cgl/zo8ow7NlbGHD+dyTc/nic2rvx9362DB906VMHDzRy4Gcfiq+w9pL+i+mZ8NRrUdmTMFyf4d6/h4hDiFum5ILTOnj3LjRs3OHDgAB988AGbN2+matWqHD9u+JPEXfN1eC07/ppIg/Zv8dLIv3D2DGP5j4PIzdJfSd64dJi180ZQteFzvDRqBUHVW7Ny5lsk3zinTePg6kfLXmPpO3oVzw/7DTtHT5b/+Aq5WeX8iqwEZw6tZdvyiTTs+BZ9R/+Fq1cYS6cNIqecOK5fOszqOZo4+o3RxLHil7dIKhPHLeejN3Hj8lGs7VwNlv+ynu/oyrNtXZg6N4ahE86RX6Diy/cDMTFRlLtO9VBrVm1JZthn5xnz9UWMjODLkYGYmWqqITNTJV+ODESthg++usDwz89jbKRkwnv+KMrf7AM5fXAtW5dNpHGntxjwoWZf/PnDIHIy9e+L2IuHWTl7BNUbPceAD1cQXKM1y396i6TrpfsiLekai759EUf3AF4cvoCBH6+kUYchGBmbVW7mbzpzcC3blk2kUae36DfmL1w8w1gy9S7H08XDrJo9gmqNnqP/GE0Mf/185/HkH9GUNyfu1L66vDLZIPkvq3GEkvphStbsK2Hm+mIKi+HlVsYY3eUMFemr4JnaSrYfK+HntcUkpMHLrYywLPPn9nJW8FIrIy7GqZm5rphf1xez/6wKQ/We7PGMI51aOjDjtwRGfn2N/AIV49/1wsS4/AO4arAla7enM/Lrq4z7PhZjIwXj3/HGzLR0nVB/c8a940X0qVze/+oq7391lTXb0lEZKI5nW9nRoZktvyxJYcyUGxQUqPj4Dfe7xhEZaM6GnZl8+P0NPvspHmMjBR+/4a4Tx6XYQn78PZlhk67z+c/xKBTwyRvuKCu5fAM0DFNQN0TBuoMq5m5SUVQMfVoo73pMhXsraFNTwb8n1MzaoCIxXU3vFkqdY+qWeiEKDHkZe+7IWv5dMYl67d6i94jlOFcJZeXPg8s978VdPsyGBSOIrP8cvd//i4CqbVgz+21S4jTlu7gwn6TYU9RtO4TeI5bRceBU0hMvs2bmEANGodGluQ3tGlkze0Uan0xPJL9IzehXnDG5y+2tcH8zNu3NZuz0RCbOSsbICEYPcsaszDnG1ETB0bP5/P3PPVohK0nHxpa0rW/JvNVZTJiZSkGhmhF97e8ah5mJgmsJRSxYU34e+7SzplqQKb8sz+DD6cls3JvLyx1tiAqt3HOHkZUlmcfOcuLdT+8rvYWfF3VX/kzKtn3srPMsl6fOo9rPn+Pctok2jUevDoT/bwznP5/OznrdyTp2hvprZmHq4lipeb/diz286NmpCt/MOM/rI6PJy1fx7fiqmN7lN0hiSgE/zb/M4OFHeHVENIePpzPxwwj8vC3vSPt81yoGO0+U9VJPb57r7Mk3P57ntfePkJdfwuQJ1e4aR1JyIT/Nu8ygYYcZ/N5hDh9LY+JHkfj76InjWc//N8MFVCr1E/l6GknjgtBydXXF3d2dkJAQevfuza5du3BxceHNN998pPk6/M8cqjZ6nsgGPXHyCKLN859ibGrOib3L9KY/sn0+fuFNqdN6ME7ugTTqNAxXrwii/12oTRNWpwu+oY2wd/bG2SOYZt3HUJifTfKNswaL4+CWOVRr9DzVGvbE2SOItr0/xcTUnBN79Mdx+J/5+Ec0pV5bTRxNugzDzTuC6O0LddJlpSewZclndBrwDUojE4Plv6xu7Vz4fVU8e45kcjkmn69/uYqTvQmNatmVu85H315i085Url7P51JMPt/OvIabsynB/hYARIZY4eZsyre/XuNKbD5XYvP5369XCfazJCrculLzf2DLHGo0fp7qjTT7ol0fzb44Xs6+OPTPfAIimlL/mcE4ewTSrKtmXxwusy92/P0dgZHNaNljFG7eETi4+BBcozVWtk6VmvdbDm6dQ/XGpcfTMzdjOLG7/Bi0x5NH6fF0ZJvu8WRkbIq1nYv2ZW5Z/j6tLPXDlew4ruJsrJrEdFixuwQbSwjzLv8HVoNwJYcvqIi+pCY5A1bvK6GoBGoGlZ7W2tVWsv+sil0nVSRlQEomnLqmpkRlmDi6tHJgyboU9h/L5ur1AqbMjcfRzpgGUeUfv59Oi2Xr3kxi4gq5cr2A7+fH4+pkQqCPuTbNoF6urP4njWUbU4mJK+R6QhG7DmdRXGyYHyadmtuybGM6B0/kci2uiGm/JeFga0Tdanf+eL3li18S2HYgm9j4Iq7eKGT6b0m4OBoT4FV6gbR5TxanL+WTlFbM5dhCfl+bhrODMS6Old+Jsl6ogp0n1Zy7DokZsHKfChsLCPUq/5iqH6Yg+qKaY5fVJGfC2gNqiouhRoDuOm72mrSr9xvoQAKit80lsmEvIur3xNE9iJa9NOe9U/v0l+/oHQvwDWtCrVaDcHQLpEHHobh4RXDs30UAmFnY0O3N2QTX7ICDawDuflE07/kJibEnyUq7YbA4ANo3tmbF1kwOnconJr6IGX+kYm9rRJ0Ii3LX+WpOMjsO5XI9sZhrcUX8tCQNFwdj/L1Kz3Hrd2WzansWF2LK7zFXmZ5pYMnKHTkcOVtAbEIxv/6ViYONEbXCym8EOH6hkOVbc+7orVBWkLcpu6LzOXOliOR0FdsP5RETX0yAZ+WWi6QNOzg3bgoJf2++r/S+r/Um73Isp0d9RfaZS1z9cRHxyzbgP3SANo3/sIHEzPqT2HnLyT59keNDxlGSm4/3gJ6VmvfbPd/Fk/lLrrFzfyoXr+byxZSzODma0bSBc7nr7D6Qyt5DacTG5RNzI49fF14lL7+EyFAbnXRB/la88KwXk6beeSOnsvXq6sn8P6+yc18KF6/k8Pl3Z+4Zx64DKew9lEpsXB4xN/L4ZcEV8vJLiAi11UkX5G9F727eTPzecL9rhdBHGhdEuSwsLHjjjTfYtWsXiYmJjyQPJcWFJMScxCe0kXaZQqnEJ7QRcZeP6F0n7ko0PiENdZb5hjch7nJ0ud9xfPcfmFnY4OIZWml5v/07EmJO4ht2WxxhjbhxSX8cNy5H4xuqG4dfeBNulIlDrVKxdt5I6rYZhHOVYIPk/XbuLqY42Ztw+GRp/+LcPBVnLuUSHmR139uxsjACICtb06XUxFgBaigqc8FUVKRGrYbIkMprXCgpLiT+2p37wi+sEdfL2RfXL0XjG6a7L/wjmnD9UjSg2Q+XTmzDwc2PP34YxNSRDZn/VS/ORd/fj7gHjuG2cuEb1ogb5ZSLG5fvjMEvQvd4Aog5v5/poxoyc3w7Nv4+jrxs/V1GK4u9NdhYKLgUX3qhVlAEsclqvF30XwgqlVDFUcGlON2L60txarycNetYmoGXi5KcfHilnREjehrTv61RudusKDdnExztjDl6Jle7LDdfxbnL+YT6l38RdTtLC81pOTtXUy7sbIwI9bcgI6uEr973Yd5XgXzxnjfhgfe/zf/C1ckYB1tjjp8r7V6cm6/mwtUCQv3u/07q7XHczsxUQcv6NiSkFJGSXrnDnuytwNpCwZWE0uOjoAiup4BnOW19SiV4OMDlBN1j6nKCGi+n0mPG2AiebahkwyEVOeX3wK6QkuJCEmNP4h2iW769gxsSfzVa7zrxV6J10gP4hDYmrpz0AAV5WaBQYGZhW26ainJ1NMLB1ogTF0ovrvMK1FyMKSTY1/S+t2NprtkH2bmGa9C5GxcHI+xtjDh1qbQhI69AzcXYIgK97j8OfS7EFBIVaoa9jabMhPmZ4OZkxImLD6fRpDz2DaJI3rpHZ1nSpp04NIgCQGFigl2tSJK37C5NoFaTvHU39g1qGixfHm7mODmacvBounZZTm4Jp89l3dFQUB6lElo3dcHc3IiTZ0t7lZiZKhk3Iozvfr5AarphhmvdUsXNHGdHMw5El55jc3JLOHUuk6ph91cmdeI4k6ldbmamZNz74Uz+6bzB4xDidjLnwv8Dq1evxtpa9+KspOT+BhyHhYUBcOXKFVxdH06X+7LyctJQq0qwtNH9RWhp40RawiW96+RkJmNpq9vqa2XjRG5Wss6ySyf+Ye3c4RQV5WFl60KPIbOxsDZMV768bE0cVrfFYWXjRGr8/cdhaetETmZpHPs3/YpSaUytFv0qP9PlcLTTVBvpGbonrPTMIu1n96JQwBsveXLiXDZXr2t+oZ+5mEN+gYpBz1dhztIbgIJBz3tgZKTA0b7yqqrcW/vith4FlrZOpNzlmLK6/Zgqsy9yslIoLMhl34Zfadp1GC26v8/lU//y1y9v02fYfHxC6lVa/qH0eLK8PQYbJ1LvFoPNneWi7PHkH9GUkKi22Dl5kZ4Uw78rJ7N0+qu8NPIPlEqjSo3hFuubFw23X6jl5IOVuf6GAEszUCoVetZR42ynWcfBRvNv8+pKNh0qIT5NTY0AJf3aGDFjdfE953P4rxxsNX+f2+cHSc8q1n52LwoFDO7lyqkLuVy7obmwcHPW3Knt3cmZucsTuRRTQKsGtnw21It3Prty1/kcHoS9zc04snXPEenZJdrP7kWhgAHdnDhzSXOnuqxnGtvQt4sj5mZKricU8tmM+Eqf/8LqZqcPfceHdTltMpam5R1T4FTmd37bmgquJ6sNMsfCLeWf95xJS7ysd53crGS96XMzk/WmLy4qYPfqbwip2QlT88rtGVaWnbXmmMm47XjKyC7RfnYvCgX07WzP2SuaHgOPgp215sI/I1u3cSMzR6X97EEtXJvFgC62TBnhQnGJpkF9zqpMzl19tBeFZm7OFCToHj8FCcmY2NmgNDfDxMEOpbExBYkpt6VJwSo0wGD5cnLQ1Ilp6bqNL6nphTg63L2hJ8DXkhlfRWFqqiQvr4SPJp7iSkxpg/A7gwI4cSaTnfsNN0T2llt5Tbvt4j/tvuKw4qf/1dTG8eEXJ3XieHdwoCYOA84VIUR5pHHh/4GWLVsyY8YMnWX79u3j5Zdfvue6t8ZqKSow6L2goICCAt0ugUWFZpiYGmYs+v3yDq7Pyx+sIC87jeN7/mTNnGH0GbHkjh9oj6v4ayc49M98+o1eXqH9cy8tGzowdICX9v0nk/VfvP4Xb/fzwtfTghFfnNcuy8gq4fPpV3invxfPtnVGrYZ/9qZx/kruQxn7WBFqteYHZ1D11tRtPQAAN+9wrl88TPS/iyu9ccFQwut00v7fxTMUF69Qfh3bhphz++/o9fCgqvkp6Fy/9KLit38MM7PirRJx6Lxm6ARA/CEV/u5KagYq2RJdsTugzeva8OaL7tr3n/0YW6HtAbze2w2fKmaM+eaadtmt+Qg27Exnyx7NnalZS5OoHmpFm0Z2LPhb/8Xj/WpSy4rXny9tdJr4a0KFtgcwuKcT3h4mfPJD3B2f7TyUzbGzeTjYGtO1pS3D+7vy8Q9xOj2W/qtIXwUd65TWgX/sMMzd7eAq4OemYOaGR3P3vLKUlBSxft4wUEPLXuMrdduNoywY1N1B+/7ruRU7PgEGPmuPt7sJn85IqvC27lfDaub071J6F/y7RekG+6429S0J9DJhym9pJGeoCPU1oW9HG9KzVDo9Jf6/atvchfffLO2Z+cFnJx94W9eu5/HKsMNYWRnTspEzHw0N5Z2PjnElJpfG9RypVd2eQe8droxs36Ftc1dGvhWifT9qwoPPZ3btei4Dhx7E2tKYFo1d+Oi9UN4Zc/RmHE7Uqm7PK0MPVUa2nxiP++/E/0+kceH/ASsrK4KCgnSWxcbe3w/h06dPA+Dn5/fA3z9x4kQ+/VR3AqFOL42jc9/x91zXwsoBhdLojkmscrNSsLTRPybNyvbOuzU5etKbmFli7+KLvYsvHv5RzPnsGU7sWUq9Z16/j6j+GwtrTRy3T7aXk5Vyxx3xW/TFkZtZmv76hYPkZqfw8ycttZ+rVSVsW/4Vh/6Zz2ufba2UvO89ksHZizna9yYmmrs09nYmpGaU3kWytzXh4rV7z279Vl9P6tewZcSXF0hO022xP3wii4EjT2NrbUSJStNF8PfvI4lLLH+86n9leWtf3DZ5Y9m/7e2sbJ117vAD5JRJb2ntgFJpjLNHoE4aJ49AYi9U/gn+1vGUe3sM9ziecrLuLBflpQewd/bGwtqBtKSrlda4cDZWTWyZGd+Nb7YzWJlDdpnDx8ocEtL0/1rILdBM3mRlrrvcylyh3UZ2nmbdpAzdbSRlqLG1qnhj3P5j2Zy9ckX7/tZkh/a2xqRlljaY2NsYczn23sfvay+4UreqFWMmx+gME0jN0GwrJk73IiM2vgAXx4rPsXLwZC4Xvim9DW98Kw5rI9LLxmFtxJUb977QGdTDiVoRloybFqfNe1m5+Wpy84uJTy7m/NV85nzhS71qluw6kqNna/fn/HU1M8s8JeTWpI1W5pBdpieClbmi/GOqsLxjCnJuHlN+bgocrOH9Hrp3qns2VhKTDAu3Vk6jQ/nnvTt7s91iaeN8X+k1DQvvkZl2g+5D5lZ6r4VDp/K5EFPaQGVspDme7KyNSM8q/fvYWRtxNe7ex9OArvbUDDNnws9JpGYapiFSnyNnC7h4vfT8dKuesrNW6vResLVSci3+wXtTmBjDc62tmbo4naPnNX+P2IRifNxN6NDI8pE2LhQkJGPmpnv8mLk5U5SRhSq/gMLkNFTFxZi5Ot2WxomC+Io3Kt2yc38qp86WXvDf+g3iYG9KSpnfEI72ppy/fPfHwRQXq7ker6kUzl3MJizYmuc6V+GbGReoVc0eT3dz1v6mO7zosw/COXYqg3c/rtjk5jv3p3Dq3EHte1NtHCakpJXuZwd7Uy5cuo84bj4Z4+zFbMKDbejV1ZP/TT9P7er2eLpbsG5xE511Ph8dybFTGbzz4dEKxSHEvUjjgihXXl4ev/zyC82aNcPFxeWBtzNmzBiGDx+us2ze9vvrtWBkbIqbdyQx5/YQVL0NoBnfHnN2DzWa6e954eEXxbVze6nVcoB22bUzu/Hwj7rrd6lVKkqKDXMivxXHtbN7CK5RGse1s3uo2Vx/HFX8o7h6dq/OYyWvntlNlZtxRNR7Fp8w3ZPgsmmDiKj3LFUb9qi0vOflq8jL1/27pKQXUTPCmks3GxMszZWEBViyeuvdf1C81deTRrXtGDnxAgnJ5f+tM292oa0Rbo29rTF7j2SWm/a/MjI2xd0nkqtn9xASVbovrpzdQ+0W+veFZ4BmX9zqlQBw5cxuPAOiSrfpV43UBN0uy6kJV7B19Ky0vOuLIbhMDFfP7qHWXY6na2f2Uqfs8XS69HjSJystnrycdKztHrz8366wGApv+92UlacmwF1JQprmR7upieZJDwfP6b9YU6ngRqqaAHcFZ2NLLxYD3BXsv7lOeg5k5qpxtlVAmXn9nWwVXLhR8YvAvAI1ebcNSUjNKKZ6qKW2McHCXEmIvznr/02/67Zee8GVBlHWfDQ5hsQU3W0mphSRkl6Ep5tuQ0IVN1MOnXzwC/Jb8gvUxBfoXhylZRZTNcRc25hgYaYgyNeMDbvvPpZkUA8n6lWzZNz0OBJT7++CS6Hgrk+huB/6jqnsPDV+bgoS0jX73tRYM9/C4Qv6t6FSQVyapgHh3PXS48XPTcHB85r3u0+rtb1gbnmtgxGbjqg5f6PybpsZGZvi6hVJ7Lk9BFYrc947v5fqTV7Su467XxQx5/YQ1by/dlnMud14+EZp399qWEhPukqPt+ZhYeWgZ0sVk1+oJj9FtxEgLbOEyCAzrsZpjm0LMwWB3qZs3nv3C6gBXe2pE2nB578kkZT28BoW4GYctz1iMj2rhAh/U21jgrmZgkAvE/45mKtvE/fFyEiBsZHijie/qFTqSn9K0n+Vvjcalw7NdJY5t25E2t5oANRFRWQcPolzq4alj7RUKHBq2ZCrPy6ksuTllXA9T3dfpKQWUru6PRcua+pASwsjwkNsWLH+zt5Sd6NQKLQX+YuWxbB6U7zO5/On1mbq7Evs3l/x4QX64khOLaBODQedOCJCbFmx9r9NsqpQlDa6LFx6jVUbdf8OC6bXZeqsi+yqhDiEuBdpXBBaiYmJ5Ofnk5WVxaFDh/j6669JTk5m+fLlOuny8vKIjo7WWWZjY0NgoO5d21vMzMwwM9NtTDD5D/Mf1Wo5kA0LP8DVuyruvtU5sm0eRYV5RNbXXECvXzAKazs3mnQdAUDN5v1Y8kNfDm2djX9kc84eWktCzAna9J4AQFFBLvs2/kRg1VZY2bmQl53G0X8XkZ2RQHDN9vefsf+oTuuBrJv/AW4+VfHwq86hrfMoKsijagNNHGvnjcLa3o1mz464GXc//viuLwc2zyaganPOHFpL/LUTtH1RE4eFtQMW1ro/DpVGJljZOuPoZrjxjgArNiTRp6sb1xMKiE8qpH8PD1LSi9h9OEObZtKoQHYfzmDlZk2Dw9v9vGjZwIHx318iL1+Fw835GXJySygs0vyyeqapI9du5JORVUx4kBVvvuTJXxuSiI2vvJ4LAHVbD2TNvA9wv7kvDt7cF9VuNsqsnjsKG3s3mnfT7IvaLfvx++S+7N88m8CqzTl9cC3xV0/Q/ua+AKjfdhB/z3wPr+C6+IbU59Kpf7lw/B9efG9+peb9ljqtBrJ2/ge4+1bFw7c6B/+5eTzdjGHNzRialYlhcdnj6aDmeHrmJU0Mhfk57F47jZCa7bCydSY9KYbtf/0PBxdf/MKbGiSGW/adVtG0qpKULDXp2Wpa1jAiKxfOxJT+4u7b2ogzMWoO3Gw82HtaRbdGRtxIVXM9WU2DcCUmxhB9sbThYPcpFS2qK4lPUxOfqiYqUImzLSwxULf5VVvTeL6jE3FJhSQkF/FiF2dSM4rZG116ETVhqBd7o7NZuz0dgNd7u9Ksri1f/nSdvAIV9jfnZ8jNU2nLxV+b0ujT2YkrsQVcitXMueDpZspXvxhmlv812zPp2dae+KRiElOLeKGDA2mZJRw4XnoRNfZNd/Yfz2H9Tk2Dw+CeTjSpbcXXsxLJL1Br52fIzdfE4epkTKMoK46dzSMzuwRHe2O6t7ajsEjN4dMPfnFWnv1n1TSOVJCapSY9B5pXU5KVh05j1IstlZyLVWsbD/adUdO1gYK4VE3jVb0QBSbGcOxmg0JO/p3zOICmESuj4u08OqJaDGDzb6Nx9a6Km291orfPo7gwj4ib572Niz7A2s6VRp015TuqWV+WT+vH4X9m4xfRgvNH1pAYc5JWz2vKd0lJEevmDiUp9hSdB/+ESlVCTqZmmIG5pR1GxhWblPBu1u/KpnsrW+KTi0lKLabXM3akZ5Zw8FRpV6UPBztz8GQeG/do/pADn7WnUZQl385PJq+gdF6D3HzNY0VB04vA3sYINyfNsebtbkJ+gZrk9GJy8iq/j/TGvbl0aWZFfGoJyWkl9GhlRVpWic6TIEb1s+fQmQK27NfEZmaqwM2xdBiYs70RPu7GZOepSM1QkV+g5syVQl54xoai4kyS00sI8zOlcQ0Lft9QuRPDGFlZYhXko31v6e+FbY0wClMzyI+JI/Tz4Zh7unF04AcAXP1lMb5DXiJs4khi5i7DuWUDPHp14EDX0t6dl6fMocbsr0g/dIKMA8fwe7c/xlYWxMxbfsf3V6Y/V12n//PexMblEZeQz+AXfUlJLeDfvaU3OKZMqMaOvcksX6u50H69rx97D6WSkFyApYURbZu5UrOqHSPGnwAgNb1I7+SHiUkFldp7sqwlK6/T/wUfYm7cjONlvzvj+Lw6O/Yks3yNpr5/vZ+/Jo6kfCwtjGnb3JWa1ewZPu74XeNISMonLsFAs9AKUYY0Lgit0NBQFAoF1tbWBAQE8MwzzzB8+HDc3d110p07d46aNXVnAm7dujWbNxtmZvzQWh3Jy05lz9ofyM1MwsUrnO5vztR2585Ki0OhKO2mWiWgFh36f8PuNVPYtWoy9q5+dB08HecqmrFuCqURaQmXWLX/L/Kz0zC3ssfNpxrPD12Es4fhnrgQVrsjuVmp7Fr9A7lZSbh4hvPcW6VxZN4Wh2dALToN/Iadq6awc9Vk7F386PbadFyqhJT3FQ/Nn2sTMTdTMnSAN9aWRpw8n8NH31yiqKj0B52Hqxm21qVVTJfWmji/+VD3b/zNr9fYtFMzeZKXuxkDn/PAxtqIhORCfl+ZwPINlT/ONrxOR3KzU9m5+gdyMpNw9Qrn+XfK7ItU3X3hFViLLq98w78rp7Dj78k4uPjR443puHiW7ouQqLa0e3E8e9f/wpY/P8fRzZ/ur/2AV1CdSs8/QNjNGHaVieG5t28rF8oyx1NgLTrfjOHflZoYur9eejwplEYkXT/Hyb0ryM/LwtrOFb/wxjTpMhTj/9Ia+AB2nVJhYgxd6hthbgrXEtUs3Fqs88hIRxsFlualx9fJq2oszVS0qG6EtQXEp6lZtLVE5+Jv3xkVxkbQrrYRFmaaYRYLtpSQdvcbpg9s+cZUzE0VDHnRHStLJacv5vHp1Fid+QTcXUyxLTORXcfmmgbCL4f76Gzr+3lxbN2r6bGzamsapsYKBj3nirWVEVdiCxj3QyzxyYaZ8O3vrRmYmyp4/XknLC2UnLlcwBc/x+vE4eZsjI1VaRztmmhmPfz0bQ+dbU3/LYltB7IpKlITHmBOp+Z2WFsoSc8q4fSlfD7+Po7M7Mpv7NlzRo2JMXSsq8TcFGKSYPF2lc4x5WANFmXavU/HaIZFNK+m0AyhSIfF21TkGOa64q5CamrOe/vWTyUnU3O+6Pr6r9rhfdlpN3Tm2vHwr8Uzfb9h79op7FnzHfYufnR6ZRpOHprynZORwOUTmqFyi7/ppvNd3d+ah1dQfYPFsmp7FmamCgb3cMDSXMm5KwVMmpOsbSQAcHPSPZ7aNtQM1xj7uu5E0j8tSWXHIU1jVJsG1vRsUzrb5rg3XO9IU5nW7srFzFTBwC42mjiuFfLtwnSdOFwdjbGxLC2X/lWMGT2gdKLoF9tr5nHYGZ3HzBWa8j1jaQbPtbbm9R52WFkoSckoYdnWbP45eO9hhv+FXe2qNNyyQPs+4psPAYiZv5xjg8Zg5uGChXdp+c27EsuBrq8T8e0Y/N7pR35sPMdf/5jkTTu1aeKWrMPUxZGQce9i5u5C5tHT7O88mMJEw94h/215LBbmRowcEoy1lTHHT2fw/qcntQ2yAFXczbGzLe3xZW9nwkfDQnFyNCUnp5iLV3MYMf6EzlMnHrZFy2IwNzdi1NshmjhOZTBi3HGdODzdLbAvE4eDnQkfvxdWGseVHIaPO87BMk+d+P9IfXv3H/HIKNRqmQJDPHw/bXjUOag4I8NMnv/QLV0Q/aizUCle6B/1qLNQYU/LufF63JP/6KvDuyo+cenjwNTcsA1DD0tUfZ97J3rM2dk+HU//3r3DgI/KeEhMzSs+X8njoNcXze6d6AkwqePMR52FClOrnuyJXm/Zuar5o87CAxn6fSU/Auoh+X7o/T0+9UnydJzphBBCCCGEEEII8cjIsAghhBBCCCGEEE8klXTEf2xIzwUhhBBCCCGEEEJUiDQuCCGEEEIIIYQQokKkcUEIIYQQQgghhBAVInMuCCGEEEIIIYR4IsmjKB8f0nNBCCGEEEIIIYQQFSKNC0IIIYQQQgghhKgQaVwQQgghhBBCCCFEhcicC0IIIYQQQgghnkgy58LjQ3ouCCGEEEIIIYQQokKkcUEIIYQQQgghhBAVIsMihBBCCCGEEEI8kWRUxONDei4IIYQQQgghhBCiQqRxQQghhBBCCCGEEBUijQtCCCGEEEIIIYSoEJlzQQghhBBCCCHEE0keRfn4kJ4LQgghhBBCCCGEqBBpXBBCCCGEEEIIIUSFyLAIIYQQQgghhBBPJLVahkU8LqTnghBCCCGEEEIIISpEGheEEEIIIYQQQghRIdK4IIQQQgghhBBCiAqROReEEEIIIYQQQjyRVPIoyseG9FwQQgghhBBCCCFEhUjjghBCCCGEEEIIISpEhkWIRyK/4MnvvuTu/KhzUDkGv1n9UWehUpw4V/Sos1BhlpZGjzoLlSI88MmPo0Md90edhUqRW2z6qLNQKWJSn/xj6ml5UtrrfR0fdRYqzEjxdOyMMUdmPuosVIrRawc/6ixUWN2jix51FoR4LEjjghBCCCGEEEKIJ5L6aWm9fQrIsAghhBBCCCGEEEJUiDQuCCGEEEIIIYQQokJkWIQQQgghhBBCiCeSWh5F+diQngtCCCGEEEIIIYSoEGlcEEIIIYQQQgghRIVI44IQQgghhBBCCCEqROZcEEIIIYQQQgjxRJI5Fx4f0nNBCCGEEEIIIYQQFSKNC0IIIYQQQgghhKgQGRYhhBBCCCGEEOKJpFLLsIjHhfRcEEIIIYQQQgghRIVI44IQQgghhBBCCCEqRBoXhBBCCCGEEEIIUSEy54IQQgghhBBCiCeSPIry8SE9F4QQQgghhBBCCFEh0rgghBBCCCGEEEKICpHGBSGEEEIIIYQQQlSIzLkghBBCCCGEEOKJpFbLnAuPC+m5IIQQQgghhBBCiAqRxgUhhBBCCCGEEEJUiDQuCCGEEEIIIYR4IqlU6ifyZUipqam89NJL2NraYm9vz6BBg8jOzr5r+nfeeYfQ0FAsLCzw8fHh3XffJSMj4z99rzQuCCGEEEIIIYQQT4mXXnqJkydPsmnTJlavXs2OHTt47bXXyk1/48YNbty4wTfffMOJEyeYO3cu69evZ9CgQf/pe6Vx4T6NHz+eqKio/7ROixYtGDZsmEHyU9n58PPzY8qUKQ8lP0IIIYQQQgghKt/p06dZv349M2fOpH79+jRp0oSpU6eyePFibty4oXedqlWrsmzZMrp06UJgYCCtWrXiiy++YNWqVRQXF9/3d/+/fFqEQqG46+fjxo1j/PjxOsvef/993nnnHQPmynCWL1+OiYnJo85GhZzYtYjo7bPIzUrGySOMJt0+xs2nernpLx5dz/4N35OVdh07Z18adHwf3/Dm2s/VajUHNk7l9L4lFORl4u5Xi2Y9xmHv4mfQOPZtWcTudbPIzkjGzSeMji99jFeA/jgSr59n618/EHflJOkpN2jfZwwNn+vH6iUAAKAvSURBVOlfoW1Whr2bF7Fz3WyyM5Jx9w6j88sf4RWo//sSYs+z5a+p3LhykvTkG3R8cTSN2unGcPnMAXaum82NKyfJSk/ixXenElG7jcHyX1bLGkpqBysxN4VrSWpW7y0hNevu69QLVdIoUom1BSSkqlm7X8X1FN2ubV7OClrXVOLlrEClhvg0NQs2l1BcUvkxqNVqjmyZytkDSyjMz8LVtyaNuo7Dztnvruud2ruIE//OJi87GQf3MBp2/ggXb81+LMhN5/CWaVy/sIuc9DjMrRzxjWhNrTbvYmpuU+kx7Ct7TPmE0enlj8o9hhOun2fr8pvHVMoNOvS585j6r9usLJvWLGHtioVkpKXg7RdMv9feJzAkUm/afzauYOc/a4i9egkA/8AwevUdopN++e+/sPffTaQkJ2BsbIJ/YBjPvfwmQaFVDRbDP+sWs+nveWSkp+DlF0LvQR/gH1xNb9ob1y6wcvEMrl06RUpSHL0Gvk+bzi/rpMnPy+Hv36cTve8fsjJT8fYP5YVXRuEXZLgYAA7+s4g9G2aRnZGEm3cY7fp8gqd/+fv/1MF1bP/7e9KTr+Po5kfrnu8TVK30nFGYn8PW5d9y9shm8nLSsXf2om6rvtRu0cegMezdeDMGrzCeuUcMp2/FkHIdR1c/Wt0Wwxevhepdr1XPkTRsN7jS83/LP+v+YOOK0mOqz+AP8A/Wv/9vXLvI34t/5NrF06QkxfH8wPdp0+UlnTT5eTn8/duPHNm3lazMNLz9Q+n9yij8gvWXtcqyde0frF8xn4z0FLz9Qnhx8CgCQvTHsX3jcvZsW831axcB8A0Mp8dLb+ukP7RnC9s2LOPqxdPkZGcwbvLv+Pjr30eVbdCLvnRp6461lRHHz2Ty7YwLxMbll5u+W3sPunXwwN3VDIDL13KZ+8c19h1O05v+f2MjaVDbkQ+/PMW/+1IqNe+OTeoQMGIQdrWqYl7FlYM9h5Cwcsvd12lWj4hvRmMdEUx+TBwXJs4gdv5fOml833yRgOGDMHN3IfPYGU4O+4yMA8crNe9lLV+7kd9XrCE1PYNAPx+GDe5PREig3rTb9xxgwbK/uR6XQHFJCV4ebrzwbEfat2iqTZOansGM+b9zIPo42Tm51IgMY9jg/nhXcTdYDKLiCgoKKCgo0FlmZmaGmZlZhba7Z88e7O3tqVOnjnZZmzZtUCqV7Nu3j+7du9/XdjIyMrC1tcXY+P6bDP5f9lyIi4vTvqZMmYKtra3Osvfff1+bVq1WU1xcjLW1NU5OTo8w1/9dYWEhAI6OjtjYVP4FwcNyIXotu1ZNok7bt3hu2HKcqoSyeuZgcrP1n7Dirxxm028jCKv3HL2G/YV/ZBvWz3ublPhz2jTR22ZyfOcCmvUYT893/sTE1ILVMwdTXFSgd5uV4cS+tWxYPIkWz77F6+OX4+4dyoJvB5OdqT+OooJ8HFy8adNrBNZ2LpWyzYo6vm8t637/ipbPvsWQT5fh7h3K3G9eLT+GwnwcXbx5ptdwrO2c9acpyMPdO5QufT8xSJ7L0yRSSf1wJav2lfDr2mKKiqFvG2OM71IrRvopaFdHybajJfy8upj4NOjbxggr89I0Xs4K+rYx4mKcml/WFvPL2mL2n1FhqKckHf93Jqf2LKTRs+Pp8uYfmJhYsmHuq3c9li8dW8v+tV8R1eotur61DEf3UDbMfZW8m2UqNyuR3KxE6rUfRfd3V9K055fEnvuXncs/rvz871vLusVf0bLbW7x585iad7dj6ma5aHuXY+q/brMy7P13E7/NnkL3Fwbz2eT5+PgH8/X4d8lIT9Wb/vTxQzRs2o4PP5/BuK9n4ejsxtfj3yE1JVGbxr2KD/1eG8nEH37nk0m/4Ozqwdfj3yEzQ/8P+oo6sGsDS+d+S6fnX+ej//2Ol28IP3w2hMwM/TEUFubj7OZJ95eHYmuvf1/M//FTTh/dy8B3P2fs5CVE1GjId5++QVpKgkFiADh5YC2b/pxI0y5vMfiTv3DzCuP3KYPIKWf/x1w4zF+/jiCqyXO8OnYFoVGt+XP6WyReLz1nbPpzEhdP/Muzg//HGxPWUq9Nf9b//hnnou9+UfOgTh1Yy+YlE2na+S0GffwXrt5hLP6+/BhiLx7mr5kjqNHkOQZ/soKQmq1Z8qNuDEP/t1Pn1bn/l6BQEFarnUFiADiwcwNL5nxL5+df5+NvfsPbL4TvJwwhs5xyUViQj4ubF937vlv+MTV9AqeO7eWVoZ8z7rs/iajRkMmfvkFambJT2fbv3MAfcybT9YXXGPftb3j7BfPdhLfKjePsyUPUa9qekZ/9woeT5uLo7MbkT4fo5LGgII/g8Cie6/euwfKtz4s9vOjZqQrfzDjP6yOjyctX8e34qpialH/jLTGlgJ/mX2bw8CO8OiKaw8fTmfhhBH7elnekfb5rFYOd7wCMrCzJPHaWE+9+el/pLfy8qLvyZ1K27WNnnWe5PHUe1X7+HOe2TbRpPHp1IPx/Yzj/+XR21utO1rEz1F8zC1MXR4PEsGXnHqbNWcSAF3ow89vPCfLzYcSESaSl6x/bbmtjRb/nnmXGpPHM/W4iHVs1Z9LUX9h35BiguVb5cOJk4hISmThmOLMnf4G7izPvjf+SvPzyG42eJmqV+ol8TZw4ETs7O53XxIkTK/z3iI+Px9XVVWeZsbExjo6OxMfH39c2kpOT+eyzz+46lEKf/5eNC+7u7tqXnZ0dCoVC+/7MmTPY2Niwbt06ateujZmZGTt37rxjWERxcTHvvvsu9vb2ODk58cEHH9C/f3+6deum9zsnTJhA1ap3tnBHRUXxySelF1WzZ88mMjISMzMzPDw8ePvtt7WfpaenM3jwYFxcXLC1taVVq1YcPXpU+/mtPM6cORN/f3/MzTVXPLcPi0hMTKRLly5YWFjg7+/PokWL7sjXvb7r6NGjtGzZEhsbG2xtbalduzYHDx6859/+QRzdMZeI+r0Iq9sTR7cgmvf4FBMTc87sX6Y3/bGdC/AJbULNFoNwcAukXvuhOHtGcGKXJk61Ws2xf+dTu/Ub+FdtjVOVUFr1/orczEQun9xskBgAdm+cS+1mvajZtCeunkF07vcpJqbmHPlXfxyeAdVo98IoqtXvhLGx/p4n/3WbFbVr/TzqNO9F7WY9cPUMouuA8ZiYmnNox3K96b0CqtG+90iqN+iEsYmp3jQhNZrR9rlhRNRpa5A8l6dBuJIdx1ScjVGTkA7Ld5ZgYwlhPuX/wGoUruTQeRXRF9UkZcDqvSUUlUDNoNKqtH1dJfvOqNh5QkVSBqRkwsmrakpUlR+DWq3m5K751GjxBr4RrXF0D6VZr0nkZSVy7XT5x/KJXfMIrdOLkNo9cHANovGz4zE2MefcIc1+dHALofWLP+AT3hJbJx+qBDagdtthXDvzD6qS++8adz92b9AcU7Waao6pLv01x9Th+zmmjPUfU/91m5Vh3d+/0eKZbjRr0wVPnwAGvjkaMzNzdmxepTf9kBGf0abjc/gGhFDFy4/Bb3+ESqXm1NED2jSNmrenalQ9XN098fIJ5KVBw8jLzSHmynmDxLB51QKatOlB41bdqOIdyEuvf4ypmTm7t6zQm94vqCrP9R9O3Sbt9faOKyzI58jeLfTsN4yQyNq4evjQ5YU3cXX3ZvuGJQaJAWDfpjnUbPo8UY174lIliI4va+rF6F3668UDW+YTGNmUhu0G4+wRSItuw/DwieDg1oXaNLEXj1C9UTf8Qutj7+xFrWYv4OYVxvXLxwwWQ1ST56lxK4aXPsXY1Jyj5cSw//YYnh2Gu08EB/8pjcHazkXndS56C36h9XFw8TZIDACbVi2kSdseNG797M1j6iNMzczZtXWF3vR+wZE81/896t3lmDq8dws9+5YeU117v2HwY2rjykU0a9udJq2fpYp3AH3f0MSxc8vfetO/9t4XtOrwPD7+oXh4+TNgyFjUajWnj+3XpmnUojNdX3iNiBr1DZZvfZ7v4sn8JdfYuT+Vi1dz+WLKWZwczWjaQH9jDsDuA6nsPZRGbFw+MTfy+HXhVfLyS4gM1b1xFeRvxQvPejFp6rlytlRxSRt2cG7cFBL+vr/fa76v9SbvciynR31F9plLXP1xEfHLNuA/dIA2jf+wgcTM+pPYecvJPn2R40PGUZKbj/eAngaJ4Y+V6+jStiWdWjfH39uL9994BXMzM9Zs2a43fc2qETRrUBc/b088Pdzo1aU9AX4+HD99FoCYG/GcPHeBEa+/QnhwID6eVRjx+kAKCorY/O8eg8QgKseYMWPIyMjQeY0ZM6bc9KNHj0ahUNz1debMmQrnKzMzk06dOhEREXFHb/57+X/ZuHA/Ro8ezaRJkzh9+jTVq9/ZDfGrr75i0aJFzJkzh127dpGZmcmKFSvK3d4rr7zC6dOnOXCg9IfjkSNHOHbsGAMHDgRgxowZvPXWW7z22mscP36clStXEhQUpE3fq1cvEhMTWbduHYcOHaJWrVq0bt2a1NTSlvMLFy6wbNkyli9fTnR0tN68DBgwgJiYGP755x+WLl3Kjz/+SGKibov/vb7rpZdewsvLiwMHDnDo0CFGjx5tkKEXJcWFJF0/iVdwI+0yhVKJZ3BDEq7qjy/hajSeZdIDeIc01qbPSo0lNytJZ5tmFja4+lQvd5sVVVxcSNyVkwREln6nUqkkIKIhMRce7DsNsc17fd+NKycJjGyo832BkYb5PkNysAYbSwWX4kqv+AuK4HqSGm8X/Y0LRkrwcFJwKa70lowauBRXuo6VOXi7KMnJh0HtjRjZy5iBzxjh43r3oVgPKistlrzsZKoElu4TU3MbXLyqk3jtqN51SooLSblxkipBpesolEqqBDUk6Vp0ud9VmJ+FqZk1SqPKG01365gKiNBzTF0sPy8Pe5v3/M6iIq5cPENkjbo63xlZoy4Xzt5ft9qCgnxKSoqxsrEt9zu2bliBpZU1Pv4hlZLv27d/7eJpwquXXugolUrCqtfn0rkHu4BWqUpQqUowNtHt3mliasbFM0cqlN/ylBQXEnf1JP7huucMv/BGXL+o/ztjL0XjX+Z4AQiIbELspWjte6/AmpyL3kpmWgJqtZorZ/aSmnCZgMgmVLaS4kLirt0Zg394I2Iv6Y/h+sVo/MPvjOF6mRjKys5M5sLx7dRo/Fyl5ft25R1T4dXrc+lsxY4pE1PdhkUTUzMunDbMMVVcVMTVi6cJr6EbR0T1+ly8zzgKCm+Wb2v95fth8XAzx8nRlINH07XLcnJLOH0u646GgvIoldC6qQvm5kacPFs6jtDMVMm4EWF89/MFUtOLKjvrD8y+QRTJW3UvsJM27cShQRQAChMT7GpFkrxld2kCtZrkrbuxb1Cz0vNTVFTMuYuXqV2j9IajUqmkTvWqnDx774ZjtVrNwWMniLkeR42IMM02izV/b9Myv8OVSiWmJsYcu9kAIR5PZmZm2Nra6rzuNiRixIgRnD59+q6vgIAA3N3d77i2Ky4uJjU1FXf3uw+VycrKon379tjY2PDXX3/95+u7/5dzLtyPCRMm0LZt+XdSp06dypgxY7RjVqZNm8batWvLTe/l5UW7du2YM2cOdetqfoDOmTOH5s2bExAQAMDnn3/OiBEjGDp0qHa9W2l37tzJ/v37SUxM1B5033zzDStWrGDp0qXaLiuFhYXMnz8fFxf93ejPnTvHunXr2L9/v3bbs2bNIjw8XJvmfr7r2rVrjBw5krAwTcUWHBxcbuwVkZ+ThlpVgoW17pAUS2tn0hMv610nNysZy9vT2ziTm5V88/MkACxs7tzmrTSVLTcrDZWqBGtb3e+0tnMmOV5/HI9im3f/vnTN99nd/n1OJMdV/vcZkrWF5mI/+7begtn5pZ/dztIMjJQKsvNuWydPjbOtZh0Ha82/LWoo2XCwhPg0NVEBSvq3NWL6yuJ7zufwX+XdPF5vLx/m1s7kZSfpXacgN11vmbKwdiI9Sf9+zM9JI3rbDELqPl8JuS5V7jFl++DHlCG2eS9ZmZrvtLPX7UJra+/Ijdir97WNP+ZPw8HRmcga9XSWHznwL9O/+ZjCgnzsHZz54NNp2NjaV1bWtbJv1ic29rp/N1s7J+KvX3mgbZpbWBEQWp21S3/Bw8sfWzsn9u9cz6Vzx3B1N8zd8txszTnD6vZ60daJlPhL/8feXYdHcXUBHP5l4yGuhBAPECw4xV2CFi+lxaFIcaeCFCiUYqVQPNhXpMVpcS9uheAOQYJFicvu90fKhiUJBJKw2XDe58nT7uzs7LnszM7OmXvPTfc1URHPyWehedc2n6Ud0RGp54OGn3/P3yu/Z/aIGij0DdDT06NJx4m4F67w+uZyrA35LOwICc6gDZHPyWf55ja86sLRjRiZ5MO3bIPsCTq9mP7bpyxfOy4srO0IzuI+9fefiz7YPvXiv+8US6u0x3dm27FuxWysbRw+eC+F19nZpFwkhIUnaCwPDU/A1ib9nmAvebmbMe+n0hgZKYiNTebbyZe5ez9G/Xz/7l5cvBrJ4ZPpDxXRFmMne+KfaB4H8U+eY2hlgcLEGEMbKxQGBsQ/DXltnRDyFfHK9ngiXrwgWanE1spKY7mNtSX3HqZfaA8gKjqGVj36kZCYhL5CwZCvulChdEo9HHeXAjg52LHgf2sZ3qc7JsbG/LF1O09DQgkJC8/2NuRGqpwci5OLODg4ZHiN96rKlSsTHh7OmTNnKFeuHAD79u1DqVTyyScZfw9FRkbSsGFDjI2N2bJli7oX/LuQ5EIGXi2A8bqIiAiePHlCxYqpPwL19fUpV64cSmXGfZ979uxJt27dmDFjBgqFglWrVjFz5kwgZajCo0ePqFu3brqvPX/+PFFRUWnqPsTGxnLr1i31Y3d39zfudFeuXMHAwEC9owH4+vpibW39Tu81ZMgQevTowcqVK6lXrx5t27bF2zv9QjTpFStJSjRKczdLiJxS0lOPZpX01Y9/35cDlRWBl7ViT19PGToBsCNUiaezgrI+Cvb8m7WxEbfObeXI5nHqx/U7zcvS9jIjIS6KXSt6Y+3gQ9m6X+f4+32Mtq5bzvF/dvPNpHkYGWl+LxYtWZ5Js/7Hi8hw9u/axK9TRzPu56VpEhm5VbcBk1g+dxwjezZAodDHzcuXCtX8Cbp1RduhvZNT+1by8PY52vWbh5VdAYKun2bHqvGYWzviVazK2zeQy5w/sp4SnzTTyfNwt4ETWT5nHCN6NFTvUxWr+XMvl+5T29Yv5eThnYyYsBBDow/7712/pgPD+qTe/Bk54dJ7byvoYSzdBp0lXz4Dalex59uBRej/bSB378dQtaItZf2s6T74bHaELdJhZmpCwIyUGgpnAi8xZ+nvFMjvSJkSxTAwMGDSyMFMmbOQxh2/Ql+hoFypElQqW+qjuegWmooWLYq/vz89e/Zk/vz5JCYm0q9fP9q3b0+BAgUAePjwIXXr1mXFihVUrFiRyMhIGjRoQExMDP/73/+IjIwkMjISSElq6Ovrv+kt1SS5kIF8+fJl+zabNWuGsbExGzduxMjIiMTERNq0SemSaGpq+sbXRkVF4ezszIEDB9I892piIDvizsx7jRs3jg4dOvD333+zfft2xo4dy5o1a9KtPjp58mTGj9csvNOw/Rj8Px/31lhM8tmgp9BXF5p7KSbqOWYW6Y8PNLOwT1PsMeZF6vpmFinJl9gXIeSzTC12EhP1HPsCRckJZhY2KBT6aQrKRUU8x9wy43GOH3qbb34/65T3i3j9/UIyLKyXW1y7r+Lh89RaAfr/DQgzN0GjJ4K5ScrMDumJiYdkpQrz1w5Vc1M9dQ+IF7Epr30WrrmN5xEqrPJlfWiEW9E66hkdIKX7NEBsVAhmr+zLcVHPsXVOf182NrNO95iKjQrBzFzzc0yMj2bX8p4YGptR94tfUehn79CnDPepyPffp3Jim29jYZnynq8Xb4wMD8Xa5s2FgP/e+D/+2rCckePn4OaRtgeYiYkpJs6uODm74lOkJMN6t+bgni00b9MlO5uA+X/fJy/CNf/dIiNCsMqgsF5mOOR3ZdiEJcTHxRIXG4WVjQMLp4/A3sklqyGny8w85ZzxeuHDqMiQDL8Xza3siX6t11p0ZAj5/ttfEhPi2L9xJm37zqGQXy0AnAr68uT+FY7vWpLtyYWM2hD9IjWmNG2wtCc6MuM2vCroxmlCntyh5Vezsi3mdGP6b596vejhi/AQrKzfv0C2Y35Xhk9M2adiY6KwtnVg4bSRObZPWfz3nfJ6YdPI8NC3tmPHphVs27CUYePn4+qR/cOZ3ubwyVAuX0u94Dc0TDn52VgbERKWOnTB1tqIG3ei3ritpCQVDx+nnOyu34rCt5A5bZoWYNq8m5QtaY1LfhO2rdI8FiaMLErg5QgGfJdzsy68TfyT5xg7aR4Hxk72JEa8QBkXT8LzMJRJSRg72r22jh3xj7O/N6uVhQX6CgWhEZrFG8PCI7GztsrgVSnDHAo6p3RnL+Tpwd0Hj1i5fgtlShQDoIi3J0tnTiYqOobEpCRsrCz5asQYfL09s70NQjf8/vvv9OvXj7p166JQKGjdujWzZ89WP5+YmMi1a9eIiUnpgXT27FlOnDgBoDEsH+DOnTt4eHhk6n2l5sJ7sLKywsnJSaN+QnJyMmfPvjlja2BgQOfOnVm6dClLly6lffv26qSChYUFHh4e7N2bfuXpsmXL8vjxYwwMDPDx8dH4s7fP/A8/X19fkpKSOHPmjHrZtWvXCA8Pf+f3Kly4MIMHD2bXrl20atWKpUuXpvue6RUrqdcm42Ilr9I3MMLBpTgPbqaOl1MplTy8eRwn99LpvsbJvTQPb2iOr3tw46h6fQvbgphZOGhsMyEuiqdBgRluM6sMDIxw9ijO7cup76lUKrlz5TiuPu/3njmxzbe9XwGP4ty+fFzj/W5fzpn3y04JSRD6IvXvWQS8iFHh5Zz6FWhsCC4Oetx/ln5yIVkJwSEqvJxTkwR6gGf+1NeER0FkjAp7K81Egp2lHuHRWb97YGicD0s7d/WftaMPpub2PLqd+pkkxEXx7EEgjm6l0t2GvoERdgWK8+hW6mtUSiWPbh3Hwa20xnZ2LO2OQt+Q+l/+liN3ON+4T3mXzviFH3ibb31PQ0M8vH25HJh6TlAqlVwKPI1PkfSncQT4a8MKNv+xhOFjf8GrULFMvZdKpSQpMeHtK74jA0ND3LyLcuVCasE5pVLJ1cCTeBXO+hSexiamWNk4EB0VyeVzRylVoVaWt5kefQMjnN2Lc+eK5jnj7pVjuHinP366oFdp7l45rrHszpWjFPQqDYAyOQllcmKaaaz1FPo5cldQ38AIZ7fi3L2atg0FvdJvg4t3ae5cfa0Nl4/i8l8bXnX+8DryuxfHydU3W+N+3ct96mrgCfUypVLJlcCTeBXJnn3K2jZln7p07iilK9bK8jbTY2BoiLt3UY1ijEqlkisXTuL9hnZs37iMv/5czOAxc/Dwydzxnd1iY5N5+DhO/Xf3fgwhoQmU87NWr2Nmqk/RwhYa9RMyQ09PD6P/khW/r79Pl4Fn6TYo9Q/g14DbTJ6dc8UdMyP8+Dns6lTSWGZftwphx88BoEpMJOLsJezrvFKzRE8Pu9qVCT+e/XU8DA0NKOztyZnA1F4kSqWSMxcuUrxI5ocYq5QqEhPTFlg2z2eGjZUl9x895tqt21T7pFw6rxYfA1tbW1atWsWLFy+IiIggICAAc3Nz9fMeHh6oVCpq1aoFpEwAoFKp0v3LbGIBpOfCe+vfvz+TJ0/Gx8cHX19ffv31V8LCwtL8+Hhdjx491PUNjhw5ovHcuHHj6N27N46OjjRq1IgXL15w5MgR+vfvT7169ahcuTItWrRg6tSpFC5cmEePHvH333/TsmXLNw7jeFWRIkXw9/enV69ezJs3DwMDAwYNGqTRc+Jt71W8eHGGDx9OmzZt8PT05MGDB5w6dYrWrdOvqpvefK0Ghpn/QVaqRhf2rR2FQ8ESOLn6EfjPchITYvGt0AqAvatHks/KkUqNhwLgV60jm+d14tzBANyL1uLmub959uASNdv8AKScEP2qd+LM3vlY2XtgaevCyZ2zMbN0xLN4vUzH9a6qNOjCxsWjcPEogYuXH8d2LSchPpYy1VLasWHRSCysHanfNqUdSUkJPHuUMgwlOTmRyLAnBAddwcjYDDsn90xtM7tV9e/M+kWjKeBZgoJeJTm6cwUJ8bGUq57SY2XdgpFY2jjRoN2Q1DY8/K8NSYlEhj0l+N4VjExS2xAfF03okyD1e4Q9e0DwvSuYmlthbVcgR9oBcPyKkholFYREqgiLUlGntD4vYuBqUOq+2bm+PleCVJy8ljKc4egVJS2r6vPwuYqHISoqF1VgZAD/3kwd7nDkkpLapRQ8DlWl1FzwVmBvCWsPZP90EXp6ehSv2onz++djZeeOuU1Bzu6ZjamFI25FU/fl7Uu64l6sHsUqp8wXX6JqZ/5ZPxp7lxI4FCzJpaMrSEqIpXC5lM8xIS6Kncu6k5QQR822U0mIjyIhPuWulkk+WxSKzHWNy4wqDTuzYdFoXDxL4OJVkmO7Uvapsi/3qYX/7VNt09mnktPfp962zZzQ6NMOLPxlPJ4+RfEqVJydW9cQHxdLjXpNAZg/cyw2do581illaMlf65ezftVC+g6dgL2jM+FhKXfITEzMMDE1Iy4uli1/LqVsxepY29jzIjKcPdvWERbyjIpV0x8+l1X1mnVk2a/f4+FdDI9CJdj71+8kxMdSpc6nACyd/R3Wto60/DJl6rykxESCH6R8FklJSYSHPOX+nasYm5jh6OwGwKV/j6JCRf4CHjx9HMT6FTPJ7+JJ1f+2mRM+qd+VLQEjcfYogYunHyf2pJwzSlVN+V7cvGQEFjZO1GmV8l1boW4nVk7ryPFdAfiUrMmlU9t4dPcijTumnDOMTc1xK1yRvet+xsDIBCvbAgRdP8WFY5uo325UzrVh6Uic3UtQwNOPk/+1we+/NmwJGIGFtRO1/2tDxbqdWPlzahsun9pG8L3UNrwUHxvFlTM7qNt2ZI7E/br6zb5k6a9jcPcphmehEuzZuoqE+Fj15x/wy3dY2znSSmOfSqkrkZSUSHjoU+7fuYaxianmPqVSkd/Fg6fB91n33z5VpU7zHGtHg+ZfsGT2WDy8i+FZqDh7/lpFfFwsVeumvOfiX77HxtaR1h37A7BtwzI2r55HzyE/Yu9YgIj/jm/j/45vgKgXEYQ+f0x4aEp9nJe1Tays7bCyybnegH9sfUjndq48CI4l+EkcPTq4ExIazz/HU+/Sz/qhJIeOP2fDtmAAenX04PiZUJ48j8fMVJ/6NRwpU8KKoeMuAhAanphuEcenz+IJfpq9U3zr5zMjn4+b+rGZZ0EsS/mSEBpB3P1gikwcgomLE+e7puzj9xauwb3vF/hOHs79Zeuxr10J57aNONW8l3obd2YtpVTAT4SfuUjEqUA8BnTGIJ8p95fnzAxDnzVvxI+zF+Dr7UnRQt78+dcOYuPiaVy3JgATf5mHva0NvTu2B2Dl+s34envhkt+JhMREjp89x86Dhxnaq6t6m/uPnMDaygIne3tu3Qti9pKVVK9Ynoqls57I0wWqNwxLFx+WJBfe08iRI3n8+DGdOnVCX1+fr776ioYNG751PEqhQoWoUqUKoaGhaQpqdO7cmbi4OGbOnMmwYcOwt7dXD5vQ09Nj27ZtfPvtt3Tt2pVnz56RP39+atSogZOT0zvFvnTpUnr06EHNmjVxcnJi4sSJGtNhvu299PX1CQkJoVOnTjx58gR7e3tatWqVZuhDdvEp3ZjY6FBO7fyVmBfPsC9QlKY9FqmHOUSFP9JI6uT3KEu9DtM4sXMWJ7bPxMreA//Oc7DLn9olsXStHiQmxHJw3RgS4iLJ71GOpj0W5ej40xKfNCb6RSj7Nv1KVMQz8rsVpeOQRequ2hEhmu14Ef6U+WNTL4aO7gjg6I4APIpUoOuolZnaZnYr+UljoiPD2LthNlERz3F2K0rnYQvV7xceGoyeIrU3wIuwZ8wdk5roOLw9gMPbA/DwrUCP0SsAeHjnEgFTOqvX2b76JwDKVGtB655Zn+s3I4cvKTE0gGaV9TExgqCnKv63J4mkV85PNhZ6mJmkJhsu3VWRz1hJndL6mJvC41AVK/cmE/1KYcjjV5QY6IN/BX1MjVKGWazYk0zYm3ucvreS1XuQlBDLkU1jSYiLxNG9LA27LNTYl1+EBhEXE6Z+7OXXmLjoMM7unU3si5QhFA26LMT0v2ERIY8u8+x+ShX0dTMaarxf22F7sLDJvu7HJT9pTPSLMPZuTN2nOg1d+MpxEYxCT3Of+m1s6j51ZEcAR/47Lrr/t0+9bZs5oVL1+ryIDGP9qoVEhIXg5lmY4WN/UXebDnn+ROPY2LtjA0lJicz+SfPitGX7HrT6/CsUCgXBD+4ye9/fvIgMx9zCCq9Cxfhu8kIKuqVf3yarKlRtSFREGFvWzCMy/DkFPYsw4LvfsPyvDaHPgzW+o8LDnjJxWHv1491bVrB7ywoKFy/H0B+WABAb84KNv/9KeMgTzMytKFupLi069EM/g+l1s0PxCo2JeRHKwc2ziY58hpNrUT4fuFg9LCIiNBi9V/YpV5+ytOgxjQObZrF/4wxsHT1o9/VcHF1SzxmtvprBvg0z2Lx4GLHREVjZFaBWi8GUrfl5jrShWIWU7/aDW/5rQ8GitB+QcRsKev/Xhs2zOLAppQ1t+2q2AeDSqb9RqVQUr9A0R+J+XYVqDXkRGcaW1fOIDA9J2ae+n/vKPvVY47gID3vGhKGp+9SuzSvYtTllnxo2YTEAsTFRbPjfK/tU5bq06PB1hlM2Z4eK/7Vj05p5RIaF4OpZhMFj5qiP79BnjzU+jwM7/iQpKZF5U4drbKf5Z1/xafveAJw7dZClv45TP7dg+ug06+SEVRseYGqiz/C+hTDPZ8CFKxEMG3+JhMTUc12B/CZYWab+e1pbGfLtoCLY2RoRHZ3ErXvRDB13UWPWiQ/FqlwJKu9dqX5cbNo3ANxfsYHA7qMxdnbA1NVZ/Xzs3Qecat6LYtNH49G/E3EPHnOh13c8331YvU7wn9sxcrCl8NgBGOd3IPL8FU427UHCa0Ues0vdapUJj3zBkjXrCA2LwMfTnWljRmL737CIJ89CNL5r4+LimbFwKU9DQjE2MsLdpQDfD+pD3WqpvS1CwsKYs/R/hEZEYGdjjX+t6nRum3MJdSEyoqeSSh/ZQqlUUrRoUdq1a8eECRMyXE+lUlGoUCH69u3LkCFDPmCEucusLbq/2+XP3WUGMk1fofufBcDF6zlTpPFDMjPLvh4B2uSZM0OfPygPm2ye2kNLYpLeXAFeV9wPfXNdIl2QV35tudvHvH2lXE5fL298GKNH540CiqO29dB2CFlW4fzv2g4hWzgWy1xP6Nzm8xFBb18pF1o91e3tK+kY6bnwnu7du8euXbuoWbMm8fHxzJkzhzt37tChQ4cMX/Ps2TPWrFnD48eP6dq1a4brCSGEEEIIIYQQukSSC+9JoVCwbNkyhg0bhkqlokSJEuzZs0ddTyE9jo6O2Nvbs3DhQmxsbD5gtEIIIYQQQgiR9yiVeaM3Ul4gyYX35OrqmqYg49vICBQhhBBCCCGEEHmRTEUphBBCCCGEEEKILJGeC0IIIYQQQgghdJL0Ds89pOeCEEIIIYQQQgghskSSC0IIIYQQQgghhMgSSS4IIYQQQgghhBAiS6TmghBCCCGEEEIInaSSqShzDem5IIQQQgghhBBCiCyR5IIQQgghhBBCCCGyRIZFCCGEEEIIIYTQSTIsIveQngtCCCGEEEIIIYTIEkkuCCGEEEIIIYQQIkskuSCEEEIIIYQQQogskZoLQgghhBBCCCF0klKl1HYI4j/Sc0EIIYQQQgghhBBZIskFIYQQQgghhBBCZIkkF4QQQgghhBBCCJElUnNBCCGEEEIIIYROUilV2g5B/Ed6LgghhBBCCCGEECJLJLkghBBCCCGEEEKILJFhEUIIIYQQQgghdJIMi8g9pOeCEEIIIYQQQgghskSSC0IIIYQQQgghhMgSSS4IIYQQQgghhBAiS6TmgtAKPT1tR5B1Ba1jtB1Ctjh310zbIWQLRR5IlUZHJ2k7hGwRE2+k7RCyzCvpsrZDyBYJhvm0HUK2iLP01XYIWaZS5YETXx5RPPG0tkPIFiqltiPIHhXO/67tELLsVKkvtB1CtmiSeE3bIbwXlUpqLuQWeeDnuBBCCCGEEEIIIbRJkgtCCCGEEEIIIYTIEkkuCCGEEEIIIYQQIkuk5oIQQgghhBBCCJ2kVOaRAiR5gPRcEEIIIYQQQgghRJZIckEIIYQQQgghhBBZIsMihBBCCCGEEELoJJVSpqLMLaTnghBCCCGEEEIIIbJEkgtCCCGEEEIIIYTIEkkuCCGEEEIIIYQQIkuk5oIQQgghhBBCCJ2kUslUlLmF9FwQQgghhBBCCCFElkhyQQghhBBCCCGEEFkiwyKEEEIIIYQQQugkmYoy95CeC0IIIYQQQgghhMgSSS4IIYQQQgghhBAiSyS5IIQQQgghhBBCiCyRmgtCCCGEEEIIIXSS1FzIPaTnghBCCCGEEEIIIbJEkgtCCCGEEEIIIYTIEkkuCCGEEEIIIYQQIkuk5oIQQgghhBBCCJ2kVCm1HYL4j/RcEEIIIYQQQgghRJboXHLh7t276Onpce7cuSxtp1atWgwaNEj92MPDg1mzZmVpmx9Cly5daNGihbbDEEIIIYQQQggh1N5pWESXLl1Yvnw5vXr1Yv78+RrPff311/z222907tyZZcuWvXVbBw4coHbt2oSFhWFtbf0uYeSIU6dOkS9fvkyvv2jRIubMmcOtW7cwMDDA09OTdu3aMXr06ByM8uN14cjvnDuwhJgXz7Fz9qV6y+9wcvPLcP2b53dwcscvvAh7iJW9O5WbDMO9aE3187cu7OLSsTU8e3CJ+JgI2g3eiL1L0Rxvx75ta9mxaQUR4SG4ehSmQ48ReBUuke66B3dt4NiBv3gYdAsAd++itPqin8b6Z47t5cDO9dy7dYXoqAjGzliNm2eRHG1D4OHfObsv5bOwL+BLjVbfkd8948/ixrkdHN/+Cy9CH2Lt4E6VpsPwKJbyWSQnJ3J82y/cu3KQiJAHGJuYU7BwFao0HYK5lVOOtgOglp+CsoUUmBjC/Wcq/j6ZTOiLN7+mQmEFVYopMDeFx2Eqtp9S8igkdQqkzvX18XDSzNuevp7M3ydzrstendL6lCukwMQIgp6q2Ho86a3tqFhEQdUS+pibwpPQlLY/fK45lZOrgx51y+hT0F4PpSqlvSt2J5GUnL3xn9n/Oyd2LyEq4hmOBX1p0P57CnhmvE9dObOdQ5t/ISLkIbaOHtRqNQyfkjU11nkefIv9G37m/vVTKJXJ2Dl706r3r1jZFsje4F+xfvseVm3eTmh4BD4ebgzu/iXFCnm99XV7Dh9n7Mz5VK9QhimjBqqXHzh+mk279nPt1l0io6JZOm08hT3dcyx+gI1/72Dtxi2EhoXj7enOgK+6UbRwoXTXPXT0BL+v28DD4MckJyXjUiA/7Vo0o0Ht1M+idvO26b62V5cvad/q0xxpA8A/O1ezb+syIsOf4+JehNZdR+PuUzLddYPv32TbH3N5cOcyoc8e0bLTCGo16ZhmvfDQJ2z5fSZXzh0mMT4O+/yudOgzETfv4jnYhqW8iHhOAbcitO76zRvbsP3POdy/fZmw549o0WkktRqn34atq2a80gY3Pu89ATfv9M9D2WH/9rXs2rSciPAQCnoU5vMeI/EslP77PQq6xeY1vxF06wohz4Jp13UY9Zp9obFOXGw0m1f9xr8n9vEiMgxXzyK07zYCj0I58zm8tG7Hfv63dVfK8e1ekKHdPqe4j+dbX7f7yEm+/2UxNcqXYuqIr9XLF/2xhT1HT/EkJAxDAwOKeLnRu30LSmTiOyOrun/hQbMG+bHIZ8CFK5FM++0GD4JjM1y/RSNnWjQqgLOTCQB3gmJYtuYex8+Eprv+tHElqVTOltGTLvLP8ZBsj3/Dtl2s3vQ3oeEReHu4MahHZ4oV9k533YPHTrFy/WYeBj8hKTmZgs5OfPZpY/xrVVevExoewbwVqzl17gJR0TGUKu7LoB6dcS2QP9tjB7CtVh6vod2xKlsCkwKOnG7dlydb9r75NTUqUmzaKMyLFSLufjA3J8/jwYqNGuu49+mA15DuGOd3IDLwKpcGTSDi1IUcaUNuI1NR5h7v3HPB1dWVNWvWEBub+iUUFxfHqlWrcHNzy9bgPiQHBwfMzMwytW5AQACDBg1iwIABnDt3jiNHjjBixAiioqJyOMq3S0hI0HYI2e7GuW0c2TKF8vW/pu2gDdgXKMJfi3oQ8yL9E1bw3bPs/n0oRSu2oe3gjXiWqMf2Zf0ICb6uXicpIRZnj3JUbjLsQzWDk4d3snbpDJp/9hVjp6/C1aMQM3/4msjw9E/O1y6doWJ1f4ZPWMg3U5Zha+/EjPF9CQt5ql4nPj6WQkVL06bTgA/Shuv/buOfTVOo2PBr2g9N+Sy2LHjDZ3HnLDtXDqX4J21oP2wjXiXq8XdA6meRlBDHsweXqVC/L+2Hrqdx118Jf3qHvxf3zfG2VC2m4BNfBX+fSGbxjiQSkuDLOgbov+Fbsbi7Hg3KKTgYmMyCbUk8CYMv6+hjZqy53pkbSqatS1T/7f435xIL1Uoo+KSogq3Hk1i4LaUdneobYvCGdpTwUOBfQZ8D55OZvzWRx2EqOtUzIJ9J6jquDnp0rGfArUdKFmxLYsHfiZy4okSVzefvy6e2sXfdZKo1+Zpu327EqaAva2d3Jzoy/X3qwa2zbF48lFJV29Dtu00UKl2X9fO+5tnD1OM77FkQK3/ugF1+LzoMXUn3MVuo1qQvBgbG6W4zO+w5coJfl62hW7sWBPw8Hh93V4ZMmEZYROQbXxf89Blzlq+lVNHCaZ6Li4vHz7cwfTq2y6mwNez75wjzliync/u2LJz5E94e7owYO4mw8Ih017e0MOfLtq2YO3USi2dPw79ubX765TdOnj2nXmf98oUafyMG9EVPT48aVSrlWDvOHt3BxhU/07B1b4ZP+YMC7oWZ92MvXkSkv08lxMdh71SQZp8PwtLaPt11YqIi+GVMJ/T1Deg9eh6jZ2yiRcfhmOWzzKE2bGfTyqn4t+nDsMl/4uJehPmTM25DYkIsdo4FadbhbW3oiL6+Ib1GzWfU9M18+uWwHGsDwKnDO/lz6XSatuvFd9NW4epRmF9+6JvheS8hPg4Hp4K07Dggw3asmPsDlwOP023gRMbO/INipSozY3xvjXNjdtt99BS/rPiTHm2asvyn7yjk7sqgSb8Q+pbj+9HT58xeuY7SRdMm6NwKODG02+f8Pm0sC34YgbODPQMnziIs8i2Z4Sz6orUrbZq6MO23G3w17F9i45KZ8UNJjAz1MnzNs+cJzF9+h+6DztJj8FnOBoYx+dvieLql/d3c7lMXVNl9onjF3sPHmLP0d7p81orF0yfi4+HG0B+mvOF7Kh+d2nzKvCnjWDZzMo3r1GTKrws58W8gACqVim8mzyD4yVMmjx5CwIxJ5HewZ/C4H4mNi8uRNujnMyMy8BoXB4zP1PqmHgWpsGUBIQdOcLj8p9z5dTklF0zEvn419TrObRtR9OfR3Jg4l8MVW/Ii8Cqf/L0EIwfbHGmDEBl55+RC2bJlcXV1ZcOGDeplGzZswM3NjTJlyqiXKZVKJk+ejKenJ6amppQqVYp169YBKUMbateuDYCNjQ16enp06dIFgB07dlCtWjWsra2xs7OjadOm3Lp1K00cV69epUqVKpiYmFCiRAkOHjyo8fzBgwepWLEixsbGODs7M2rUKJKSkjJs1+vDIsLDw+nVqxdOTk7q9/jrr78A2LJlC+3ataN79+74+PhQvHhxPv/8cyZNmgTAoUOHMDQ05PHjxxrvMWjQIKpXT8mULlu2DGtra3bu3EnRokUxNzfH39+f4OBg9frJyckMGTJE/W8xYsSINF/YtWrVol+/fgwaNAh7e3saNmyYqfbXqlWL/v37M2jQIGxsbHBycmLRokVER0fTtWtXLCws8PHxYfv27Rrvd/HiRRo1aoS5uTlOTk507NiR58+fZ/jvmh3OH1xGsU/aUrRia2zz+1Cz9XgMDE24emp9uusH/rMStyLVKFO7O7ZO3nziPxAHl2JcOPK7ep0i5T6lQoOvKVioco7G/qpdW36nRv2WVKv7KQVcvejY+1uMjE04vHdzuut/NXgSdRq1w82zCM4FPenSdwwqlYorgSfV61Sp1ZTmn31FsVKffJA2nDuwjOKV21Lsk5TPonbb8RgYmXD5RPqfxblDK3H3rUbZOimfRaXGA3EoWIzAf1I+C2NTC1r0CaBQmUbYOHqR36M0NVt/z9MHl3gR9ihH2/JJUQWHLii59kDF03DYdDQZCzPwdc34B1alogrO3lRy7raK5xHw14lkEpOhjI/mV2likoroONR/CYk5147KRfU5FJjM1fsqnoSp2HA4KaUdbhl/vVcppuDMDSX/3lTyLAK2HktpR9lX2uFfQZ/jV5T8c1HJs3AVIZFw6Z6S5GzOk5zcs5RS1drhV7U19gV88P8iZZ8KPJr+PnV67wq8ilenUsMe2Dt7U/PTQeR3K8aZA/9Tr3Nw00y8S9SgTusR5Hcrho2DG4VK1SWfpV32Bv+KtVt30qxeTZrUqY6nqwvDe3XG2NiIv/YeyvA1yclKxs9aQPfPWlDAySHN8/61qtKt3adU8CuWY3G/6s/Nf9GkQV0a1auNh5srQ/p+hYmxEdv37Et3/dIli1O98ie4uxbExTk/bZo3wdvDnYuXr6rXsbWx0fg7cuIUpUsWp0D+nOuZdODvFVSp25pKtVuSv6A37XqMwcjIlOP7N6a7vrtPCT79cihlqzbCwNAo3XX2bAnA2i4/X/SdiLtPSewcC+Jbqgr2+V1zrA2V67Thk1opbWjbYwxGRiacOJB+G9y8S/Lpl8MoW6Ux+gbpt2HvlgBs7PLToc+rbaiKff6cuzG0e+v/qFa/FVXrfkoBV2++6JVy3juyb1O663sUKk6bzoOpWM0fQ0PDNM8nxMdx9vheWnccROHi5XB0dqN5+9445nfl4M4/c6wdq//azad1q9G0dlU8CxZgZM8vMDEy4q/9RzJ8TbJSydhfl9CzXXMKOKZNlDSs9gkV/Yrh4uSAl2sBBnVqS3RsHDfvPcixdgC0be7Cij/ucfhECLfuRjNx5lXsbI2pXin9ZA7AkVMhHD8TyoPgWO4/imXhyrvExiVTrIhmYsrHMx/tW7gy+ZdrORb/2i3baVa/Nk3q1sTTtSDDenfDxNiYv/ceTHf9MiWKUaNSBTxcXXBxdqJtM3+8PNy4cCUlxvuPHnPp+k2G9upG0ULeuLkUYGivrsTHJ7Lnn2M50oZnOw9xfewsnmzek6n13b9qT+ydB1wZ8RNRV29z77ffebx+J54Du6jX8RzUlftL/uDB8g1EXbnFhb5jSY6Jw7VL6xxpgxAZea+aC926dWPp0qXqxwEBAXTt2lVjncmTJ7NixQrmz5/PpUuXGDx4MF9++SUHDx7E1dWV9etTfjheu3aN4OBgfvnlFwCio6MZMmQIp0+fZu/evSgUClq2bIlSqfmLdvjw4QwdOpR///2XypUr06xZM0JCUjL6Dx8+pHHjxlSoUIHz588zb948lixZwsSJEzPVPqVSSaNGjThy5Aj/+9//uHz5MlOmTEFfXx+A/Pnzc/z4ce7du5fu62vUqIGXlxcrV65UL0tMTOT333+nW7du6mUxMTFMmzaNlStXcujQIYKCghg2LPVO+vTp01m2bBkBAQEcPnyY0NBQNm5M+8Ni+fLlGBkZceTIEebPn5/p9i9fvhx7e3tOnjxJ//796dOnD23btqVKlSqcPXuWBg0a0LFjR2JiYoCUhEudOnUoU6YMp0+fZseOHTx58oR27XLurlpyUgLPHl6iYOEq6mV6CgUFC1Xm8b1z6b7myb1zFCxURWOZa5GqPMlg/Q8hKTGRe7euUPSVJIBCoaCY3yfcuhaYqW3EJ8SRnJxEPvOcu8v0JslJCTx9cAnX1z4L1zd8Fo/vntNYH8CtSFWC3/BZxMe+AD09jE1zrp3W5mBhqsftx6nfK/GJ8OC5CleH9JMLCgUUsNXjdrBmgu92sIqC9pqvKempYHgbA/o0NaBuaQUG+tnfBgAbc7Aw0+PWo9SY4hPh4bOM26GvAGc7PW49Sm27Crj1SElBh5RTQj4TcHVQEB2nokcjA0a0M6RbQwPcHDNOvLyP5KQEHgddwrOo5j7l4VuFh7f/Tfc1D2+fw8NXMynoWawaD2+fS2mLUsmtCwewdfJgzS/d+WVYZZZNbsv1c5n7Efc+EhOTuHbrrkYSQKFQUN6vOBevp02Ov7T0z83YWFnSrF7NDNf5UBITE7l+8zblSqcOR1EoFJQt5celq9ff8MoUKpWKM+cvcP/hI/yKpz/ELDQsnOOnz9K4fp1si/t1SUmJ3L99mcIlU3tGKBQKCpesxN0b5997uxdPH8DVqxhLZwzh2541mTqyLUf3rsuOkNNISkrkwZ0M2nA9C204sx9Xr+IsnTmE776qwc+j2nAsh9oAKee9oFtXKOqned4r6vcJtzN53nudUpmMUpmMoZFmAsXQyJibV9L/zsiqxKQkrt0OokLJ1P1aoVBQoWRRLly/neHrAtb9ha2lBc3rVMtwnVffY9OefzA3M6WQe8FsiTs9BZxMsLc15tS5MPWy6JhkLl+PpIRv5s65CgXUre6AiYk+l66m9twwNlYwdlhRZsy/QWh4zmTUExOTuH7rDuVKpQ6rSfmuLcGlazfe+nqVSsXpwIvcfxhMqWK+KdtMSonV6JVklkKhwMjQgMArOZckeRfWlUrzfJ9mouPZ7sPYVCoNgJ6hIVZli/N879HUFVQqnu87inWlMgjxIb3XVJRffvklo0ePVl9cHzlyhDVr1nDgwAEA4uPj+fHHH9mzZw+VK6f8CPTy8uLw4cMsWLCAmjVrYmub0k3H0dFRo+ZC69aaGbaAgAAcHBy4fPkyJUqkfpn069dPve68efPYsWMHS5YsYcSIEfz222+4uroyZ84c9PT08PX15dGjR4wcOZIxY8agULw5p7Jnzx5OnjzJlStXKFy4sDr+l8aOHUurVq3w8PCgcOHCVK5cmcaNG9OmTRv1trt3787SpUsZPnw4AFu3biUuLk7jQjwxMZH58+fj7e2tbtMPP/ygfn7WrFmMHj2aVq1aATB//nx27tyZJt5ChQoxdepU9eNvv/02U+0vVaoU3333HQCjR49mypQp2Nvb07NnTwDGjBnDvHnzCAwMpFKlSsyZM4cyZcrw448/anw+rq6uXL9+Xf1v9br4+Hji4+M1liUlGmFg+PYuynHRYaiUyZiZa95xNLWwJ+zpnXRfE/PiOWYWmuubmdsT8yJne1i8yYsX4SiVyVhaaXZPs7S2Jfjh3UxtY92K2VjbOHywXgqvi335Wbz+b/uun4WFPTGR6X8WSYnxHP1rGoXLNMHIxDx7Ak+HuUnKRXL0az0eo+Mgn0n6F9BmxqBQ6KXzGhX2VqmvuXBHSUQ0vIhV4WStR70y+thZ6vHHoWwuVACYm6a8b1ScZsIjKk6FuWn6rzEzBv102wEOVin/b2Oest3apfTZeSaZ4FAVpb0VdGlgwJzNiW+t55BZMVHp71P5LO0IeZz+j/aoyOfks7RPs35URMo+Ff0ihIT4GI7vWESNTwdRu9Uwbl/6h/Xz+/HFkBW4Fa6YPcG/IvzFC5KVSmytrTSW21pZEvQwON3XnL9ynb/2HmLZ9B/Sff5Di4h8gVKpxOa1NthYWxH08GGGr4uKjqZt114kJiahUCgY1LsH5cuUSnfdnfsOYmZqQo3KOfcdFh0ZhlKZjIWV5j5lYWXH00fpf09lRsjTBxzZ/Qe1mnSifsueBN26yIalUzAwMKRizeytHfGmNjx5mMU27FlLrcadqN/ivzYsm4x+DrQBIOpFSjssrTXPexbWdpk+773OxDQfXkX8+PvPRTgX9MTSyo6Th3dw+3ogjjnUiyQ8Muq/41vz4tvG2oK7j9I/vs9dvcGWfYdZOfX7N2778JlAvp+1iLiEBOytrZj93WCsLS2yLfbX2dqkJGXCXrv4DwtPUD+XES/3fMz/uQxGRgpiY5P5ZtIl7t6PUT8/oIc3F69GcvhE9tdYeCni5Xet1evfU5bce5hxb8eo6Bha9ehHQmIS+goFQ77qQoXSKfVL3F0K4ORgx4L/rWV4n+6YGBvzx9btPA0JJSQsPMfa8i6MneyJf6L5uyn+yXMMrSxQmBhjaGOFwsCA+Kchr60TQr4iOV/DIzdQKWUqytzivZILDg4ONGnShGXLlqFSqWjSpAn29qk/9m7evElMTAz169fXeF1CQoLG0In03LhxgzFjxnDixAmeP3+u7rEQFBSkkVx4mbQAMDAwoHz58ly5cgWAK1euULlyZfT0Un/wV61alaioKB48ePDW2hDnzp2jYMGCGV4sOzs7c+zYMS5evMihQ4c4evQonTt3ZvHixezYsQOFQkGXLl347rvvOH78OJUqVWLZsmW0a9dOo2ikmZmZOrHwcrtPn6aMGYyIiCA4OJhPPkn9Efayna8PjShXrpzG48y2388v9Q6Vvr4+dnZ2lCyZWizKySml2+rLmM6fP8/+/fsxN0970Xfr1q0M/70mT57M+PGa48oath9Dow7j0l1fpLVt/VJOHt7JiAkLMTTKuXHj2pScnMiO5YNABbXbjsvWbZf00KPpJ6ndB1btz/4L/ZfO3kw9Pp+Gq3gRm0zn+gbYmCcTlsWyLH6eCppVTm3H73szHuqVFS+/Ok5fTxk6AbAjNBmv/HqULaTPnrM59++XVar/5rouVKouFet1AcDJtSgPbp3l7KE1OZJceFfRsbFMmL2QkX265uiFxIdgZmrK4lk/ExsXx9nzF/ktYDkF8jtRumTa4nrb9+yjXs3qGBm9+SImN1Iplbh6F6fZ5ykFNwt6FiX4/k2O7P4jRy7Mc4JKqcTVqzhNPx8E/NeGBzc4skd32gDQbeBEls8Zx4geDVEo9HHz8qViNX/u3bqi7dAAiI6NY/yvAYzu1fGtx3e54kVY8fP3RERGsXnvP3w7cwFLfhyNrVX29NyrX9OR4V+n/jYb8cP7F/cLehhD14GnMTczoFZVB74dXIT+o89z934MVSvaUdbPmm4Dz2RH2NnOzNSEgBkpNRTOBF5iztLfKZDfkTIlimFgYMCkkYOZMmchjTt+hb5CQblSJahUtlSO1o4QIq96r+QCpAyN6NevHwBz587VeO5lYcO///4bFxcXjeeMjd98YdSsWTPc3d1ZtGgRBQoUQKlUUqJEiQ9aqNDUNINbfq8pUaIEJUqUoG/fvvTu3Zvq1atz8OBBateujaOjI82aNWPp0qV4enqyfft2dc+Ol14fT6inp/deX2TvMsvF297/1WUvkxMvEzxRUVE0a9aMn376Kc22nJ2dM3yf0aNHM2TIEI1li/Zk7selST4b9BT6xERpZmNjXzzHzDL98YFmFvZpCgzGRD3HzCLj8YQ5zcLCGoVCn8gIzSJWkeGhWFm/eRz4jk0r2LZhKcPGz8fVI/0Ezodg+vKzeP3f9l0/i3TWT0ksDCYy7BEt+y7L9l4L1x6oePA89UL85TCFfCYQ9UqB7Hwm8CQs/WMwJh6USpVG0cOU1+hpbON1L2dgsLXQIywqaz9Urt5X8uB5anZeXz/lGDU30SMqNnXb5iZ6BIdm3I7kdNsBL/5rx4v/tvU0QnMbzyJUWL3f1026zMzT36eiI0Mwt0p/nzK3tCf6tZ4vr65vZm6DQmGAvbNm5XD7/N7cv5UzP3ytLSzQVygIfa2gWGhEZJreDAAPHz8l+OlzRk6epV6m/O+7v0bbbqz6dQoF8zvmSKwZsbK0QKFQpCmKFhYege0bZnRSKBS4FEj5/vfx8uTegwf8vm5jmuRC4KUr3H/4iDEjBmd77K/KZ2mDQqGfpvDhi4gQLN7yXfsmljYO5HfR3KecXLw4fyL7h9u8qQ0ZFTnMDEsbB/IXfK0NBbwIzIE2AJhbpLTj9eKNL8JD3nreexPH/K4Mn7iE+LhYYmOisLZ1YOG0kdg7ubz9xe/B2tL8v+Nbs3hjWPgL7NI7vp88I/hZCMN/Sv1t/PL4rtq+N2tn/aA+vk1NjHHN74hrfkdKFPaizYDv2LrvCJ1bNsqW2A+fDOHy9dPqx0aGKT1XbawNCQlL/V1tY23Ezdtvzn4nJal4GJzS5e3arSiKFrKgbXMXfp57g3J+1rjkN2X7Gs0hIBNHFSfwcgT9v3n/4Tyvsnr5XRvx+vdUZLqfxUsKhYKCzikzPxTy9ODug0esXL+FMiVShrIV8fZk6czJREXHkJiUhI2VJV+NGIOv99tnA/kQ4p88x9hJ89g3drInMeIFyrh4Ep6HoUxKwtjR7rV17Ih/rL1eu+Lj9F41FwD8/f1JSEggMTFRXUTwpWLFimFsbExQUBA+Pj4af66uKd3WXt65SE5OvQMWEhLCtWvX+O6776hbty5FixYlLCyM9Bw/flz9/0lJSZw5c4aiRVPGwxUtWpRjx45pXKgfOXIECwsLChZ8+1g2Pz8/Hjx4wPXrbx9n+mqbIaVmxEs9evRg7dq1LFy4EG9vb6pWrZrp7VlZWeHs7MyJEyfUy162822y2v6MlC1blkuXLuHh4ZHmc31TgsPY2BhLS0uNv8wMiQDQNzDCwaU4D2+kjjVTKZU8uHmc/O6l032Nk3tpHtzQHJt2//pRnDJY/0MwMDTE3buoRjFGpVLJlQsn8S6S8ZR72zcu468/FzN4zBw8fD5MUbeM6BsY4ViwOA+ua34W929k/Fnk9yjN/etpPwvnV9Z/mVgIf3aPln2WYprPJttjT0iCsKjUv2cRKRfQXvlTvwKNDKGgvR73n6V/Ua5UwqNQFV75NYdNeOXX48HzjJMG+W1T1n8Rm/U7IAlJEPoi9e9ZuIoXMSq8nFNjMjYEF4eM25GshOAQFV7OqW3XA7ycFTx4lpK4CI+CyBgV9paabbW31CMiGyfF0TcwIr9bce5e0dyn7l09hotX+r3cXLxKc+/qcY1ld68cxcWrtHqbzh4lCXmi2X089OldrGxz5uLD0NCAIt4enL5wWb1MqVRyJvAyJdKZHs3dxZmVMyeybPoP6r9q5UtTtoQvy6b/gJPdh6/ubWhoSGEfL86eT72zqVQqORt4geK+mU9qKpUqEhPTjrfetnsvhX288PH0yI5wM2RgYIirVzGuX0g9dyqVSq5fPI5HofSHa2SGZ5HSPA2+q7HsafBdbBwyTqy/LwMDQwp6FuPGxdfbcAKPwlloQ+EyPH10V2PZs+B72Nhnfxsg5bzn5l2Uq4Ga7bgSeBKvN5z3MsvYxBRrWweioyK5dO4opSvWyvI20/NymshTF1MLlSqVSk5dvELJwmm7nLsXyM/v08ayYur36r/q5fxSeilM/R4n+4yPb5VKSUI6x8/7io1N5mFwnPrvTlAMz0PjKV8q9TxrZqpPscKWXLwa+YYtpaWnB4b/JSv+ty6Izv1P03VA6h/Ar0tu8WM2Fnc0NDSgsLcnZwIvqZcplUrOXLhI8SLpT5mbHpVSRWJi2p5/5vnMsLGy5P6jx1y7dZtqn5RL59UfXvjxc9jV0Zxhx75uFcKOnwNAlZhIxNlL2Nd5pR6Rnh52tSsTfjxnapHkNiqlSif/8qL37rmgr6+vHobwstDhSxYWFgwbNozBgwejVCqpVq0aERERHDlyBEtLSzp37oy7uzt6enr89ddfNG7cGFNTU2xsbLCzs2PhwoU4OzsTFBTEqFGj0n3/uXPnUqhQIYoWLcrMmTMJCwtTF0vs27cvs2bNon///vTr149r164xduxYhgwZ8tZ6CwA1a9akRo0atG7dmhkzZuDj48PVq1fR09PD39+fPn36UKBAAerUqUPBggUJDg5m4sSJODg4aAzXaNiwIZaWlkycOFGjlkJmDRw4kClTplCoUCF8fX2ZMWMG4eHhb31dVtufka+//ppFixbx+eefM2LECGxtbbl58yZr1qxh8eLFafaD7FKqZhf2rRmFQ8ESOLr5EfjPcpISYvGtkFKLYs/qkeSzcqRy46EA+FXvyObfOnHuQADuxWpx49+/efbgErXapH4GcTHhRIUFEx2ZMuQj7FnKhYiZhT1mlmmrtmeHBs2/YMnssXh4F8OzUHH2/LWK+LhYqtZtDsDiX77HxtaR1h37A7BtwzI2r55HzyE/Yu9YgIiwlOyzsYkZJqYp0z9FvYgg9PljwkOfAfD4v3GsVtZ2WNlkf0+N0rW6sGfVKBxdS+Dk7se5gymfRbFPUj6LXb+PxNzKkSpNUz6L0jU6smFOJ87uD8Djv8/i6f1L1GmX8lkkJyeyfdlAnj24TNMe81Eqk4mOTGmLiZlVhlXPs8OJK0qql1AQ8kJFeJSK2qX0eREDV++nftl3rKvP1fsqTl1Pueg+fkVJiyr6PApV8fC5ikpFFRgawLlbKc/bmKcUc7zxUElMPDjZ6NGwnD53nyh5Gp4z7Th2JZmafvqEvFAR9gLqlvmvHUGpPRy6NDDgcpCSk1dTlh29rKRlNX0ehah48FxJ5aL6GBnA2ZuprzlyMZnapfV5HKbkcaiK0t762FvpseZg9g7FqFivK38tG0l+jxIU8PDj1N7lJCbE4lclZZ/aunQEFtZO1GqZsk+Vr9uJ36d15MTuAHxK1uTyqW0E37tIoy9Tj+9PGnRn06LBuBWqgFuRT7h96R9uBO7ni6ErsjX2V33WrCGTfl2Er7cnxQp58cdfu4iLj6dJnZQZgibMXoi9rQ19vmyLsZERXm6aiV7zfCnH9KvLI19E8fh5CM9DwwEIepQyA5GdtRV2NtbZ3oa2nzZlyqy5FPbxpmhhH9Zt+Zu4uHj866bM7vTjzF9xsLWlZ+cvAPj9z40U8fGigHN+EhMTOXH6X3YfOMTgPj01thsdE8PBI8fp061TtsecnlpNOvH7b9/i5l0cN++SHNy2koT4WD6p1QKA/835BitbR5p1GASkFFB8/OCW+v8jwp7y4O5VjE3McPhvJoVajTsxa0xHdm1cRJnKDbl38wLH9q7ns55jcqwNq+Z9i6tXcdx8SnBw2/9S2lDzvzbMHZ3Shs8Hp2lDcnIiEaFP0rahSUdmjenI7o0LKV3Zn6CbFzi2bx3teo7NkTYA1G/2JUt/HYO7TzE8C5Vgz9ZVJMTHUrVOyjCMgF++w9rOkVZfpkynnJSYSPCD2+o2hYc+5f6daxibmOLonNKOS/8eRaVSkd/Fg6fB91m3Yib5XTypUqd5jrXj86b1mTB3KUW93Cnm48nabXuIi0+gSa2Um0bj5wTgYGtN3w6tMDYyxNtNM5H58vh+uTw2Lp5lG7ZRvXwp7GysiHgRxbod+3kWGk7dyuVzrB0Af255SOfP3Lj/KJbgJ3H0+NKDkNB4/jmeeod71kQ/Dh17zoa/U+oY9OrkyfEzoTx5FoeZqQH1azpSpqQ1Q8amJCNDwxPTLeL45FkcwU+ydzrHz5o34sfZC/D19qRoIW/+/GsHsXHxNK6bUhh34i/zsLe1oXfH9gCsXL8ZX28vXPI7kZCYyPGz59h58DBDe6UWot9/5ATWVhY42dtz614Qs5espHrF8lQsnfUkWHr085mRzyd1iLaZZ0EsS/mSEBpB3P1gikwcgomLE+e7jgTg3sI1uPf9At/Jw7m/bD32tSvh3LYRp5r3Um/jzqyllAr4ifAzF4k4FYjHgM4Y5DPl/vINad5fiJz03skFAEvLjMeETZgwAQcHByZPnszt27extrambNmyfPPNNwC4uLgwfvx4Ro0aRdeuXenUqRPLli1jzZo1DBgwgBIlSlCkSBFmz55NrVq10mx/ypQpTJkyhXPnzuHj48OWLVvUdR9cXFzYtm0bw4cPp1SpUtja2tK9e3d18cLMWL9+PcOGDePzzz8nOjoaHx8fpkyZAkC9evUICAhg3rx5hISEYG9vT+XKldm7dy92dqldkl7WXvjxxx/p1Ondf1QNHTqU4OBgOnfujEKhoFu3brRs2ZKI17qDvS472p+eAgUKcOTIEUaOHEmDBg2Ij4/H3d0df3//LCUt3qZQ6cbERYVycuevxLx4hn2BojTtsUg9zCEq7JFGfQlnj7LU+2IaJ3fM4vj2mVjbe9CoyxzsnFPvvt29tI99a79RP979v5RhG+Xrf03Fhv1zpB0VqzXkRWQYm9bMIzIsBFfPIgweM0fdPTT02WP09FL/HQ/s+JOkpETmTR2usZ3mn33Fp+17A3Du1EGW/jpO/dyC6aPTrJOdCpdpTGxUKCd2/Ep05DMcXIrSvNcbPgvPsjToOI3j22Zx7O+ZWDt40KRb6mcRHfGEOxdTprlbM62Fxnu1/Ho5BX1yrvDbkctKDA2g2Sf6mBhB0FMV/9uXpDHVoq2FHmYmqcmGS/dUmBkrqeWnj7kpPA5T8fu+ZHVxxGQleObX4xNfA4wMICIargQpOXQx5woNHb6oxMhAj+aVDVLa8UTFyj2JJL3yljYWeuQzTv1cLt5VYmYCdUrrY26qz+NQFSv3JGkUeTx2RYmBPjSqYICpUUpbl+9OIiybp2AvVqExMVGh/LNlNtGRz3AsWJR2AxarizZGhgZrHBcFvcvSvMc0Dm2excFNM7Bx9KB1n7k4uKQe30XK1Mf/i3Ec27GQ3WsnYuvkSates3H1ybkf7fWqfkJ4xAsWr9lIaHgEhTzdmP7dUPWwiCfPQzSOjcz459S//Dh3ifrx2BnzAOjW7lO6f9Yy+4L/T53qVYmIiGTZqrWEhoXj7eXBT+O+xfa/RMbTZ89RvNKGuPg4Zs1fzLOQEIyNjHAr6MI3Q/pTp7pmL719h46gUqmoUyPzvfeyomwVf6IiQ9n2x1wiw59T0MOX3qPnq4cUhIUEo6dIbUdE6FN+Htk2Nd6ty9i3dRk+xcrTf2zKzFjuPiXoPnQWf62exc7187FzcKFl5xGUr940h9rQiOjIMLb/OYfI8Oe4uPvSa9R8LF624bnmcRER+pRpo9qoH+//axn7/1qGd9Hy9B+7DEiZrrL7kFn8teYXdm6Yj62DCy07jaR8tZxpA0CF/857W1bPIzI8hIKeRRjw/VwsX573nj9G75XfD+Fhz5gwtL368a7NK9i1eQWFi5dj2ITFAMTGRLHhf78SHvIEM3MrylauS4sOX2NgkHbqyuxSv0oFwiNfsOiPLYSER1LIoyAzvxmA3X9FHh8/D32n41uhUHD30WO2TT9G+IsorCzyUdTbg/njR+DlWiCnmgHA7+vvY2Kiz4h+hTHPZ8CFyxEMHXuBhMTUc51LflOsLVP/PW2sDPlusC92tkZERydx6240Q8Ze4PS59HsX56S61SoTHvmCJWvWERoWgY+nO9PGjEz9rn2m+V0bFxfPjIVLeRoSirGREe4uBfh+UB/qVku9GRgSFsacpf8jNCICOxtr/GtVp3Pb7P+OfcmqXAkq702dUa7YtJTfo/dXbCCw+2iMnR0wdU3tURR79wGnmvei2PTRePTvRNyDx1zo9R3Pdx9WrxP853aMHGwpPHYAxvkdiDx/hZNNe5DwNOcKbAqRHj2VVCvJUd27d+fZs2ds2bJF26HkKr9s1f3drpx3zNtX0gHn7pppO4RsERKaM8UNP6TkZN0/LgC83HWvYN/rmtrnzPzmH1qCYTYWydCiwFhfbYeQZSpV9k7lqi1mRjkzzeCH5Jd0StshZItmWbtnlGts+En3v6dOlfpC2yFkiyaJuWP6zXdV7/PTb18pF9qzOmd7KmlDlnouiIxFRERw4cIFVq1aJYkFIYQQQgghhMgBL2eKEtonyYUc8umnn3Ly5El69+6dZkpOIYQQQgghhBAiL5HkQg55fdpJIYQQQgghhBAir8q5KnxCCCGEEEIIIYT4KEjPBSGEEEIIIYQQOkmpzBsFsfMC6bkghBBCCCGEEEKILJHkghBCCCGEEEIIIbJEhkUIIYQQQgghhNBJKqVMRZlbSM8FIYQQQgghhBBCZIkkF4QQQgghhBBCCJElklwQQgghhBBCCCFElkjNBSGEEEIIIYQQOkklU1HmGtJzQQghhBBCCCGEEFkiyQUhhBBCCCGEEEJkiQyLEEIIIYQQQgihk1QqmYoyt5CeC0IIIYQQQgghhMgSSS4IIYQQQgghhBAiSyS5IIQQQgghhBBCiCyRmgtCCCGEEEIIIXSSTEWZe0jPBSGEEEIIIYQQQmSJJBeEEEIIIYQQQgiRJZJcEEIIIYQQQgghRJZIzQUhhBBCCCGEEDpJpVRqOwTxH+m5IIQQQgghhBBCiCyR5IIQQgghhBBCCCGyRiVEHhQXF6caO3asKi4uTtuhvLe80AaVKm+0Iy+0QaWSduQmeaENKlXeaEdeaINKJe3ITfJCG1SqvNGOvNAGlSrvtEPkfXoqlUomBhV5TmRkJFZWVkRERGBpaantcN5LXmgD5I125IU2gLQjN8kLbYC80Y680AaQduQmeaENkDfakRfaAHmnHSLvk2ERQgghhBBCCCGEyBJJLgghhBBCCCGEECJLJLkghBBCCCGEEEKILJHkgsiTjI2NGTt2LMbGxtoO5b3lhTZA3mhHXmgDSDtyk7zQBsgb7cgLbQBpR26SF9oAeaMdeaENkHfaIfI+KegohBBCCCGEEEKILJGeC0IIIYQQQgghhMgSSS4IIYQQQgghhBAiSyS5IIQQQgghhBBCiCyR5IIQQgghhBBCCCGyRJILQgghhBBCCJ139uxZLly4oH68efNmWrRowTfffENCQoIWIxPi4yDJBZGnJCQk8ODBA4KCgjT+dElCQgLXrl0jKSlJ26G8t/3792f43IIFCz5gJEIIIYT4WPTq1Yvr168DcPv2bdq3b4+ZmRl//vknI0aM0HJ0QuR9klwQecKNGzeoXr06pqamuLu74+npiaenJx4eHnh6emo7vEyJiYmhe/fumJmZUbx4cXVSpH///kyZMkXL0b0bf39/hg8fTmJionrZ8+fPadasGaNGjdJiZB+vvJC0SkpKYs+ePSxYsIAXL14A8OjRI6KiorQcWeYMGDCA2bNnp1k+Z84cBg0a9OED+oitW7eOdu3aUalSJcqWLavxpysSExPp1q0bd+7c0XYo4iNw+/ZtGjRooO0w3ur69euULl0agD///JMaNWqwatUqli1bxvr167Ub3Hu6efMmO3fuJDY2FgCVSqXliITImIG2AxAiO3Tp0gUDAwP++usvnJ2d0dPT03ZI72z06NGcP3+eAwcO4O/vr15er149xo0bp1MX5fv376dTp07s3r2bVatWcefOHbp3706RIkU4d+6ctsN7Ixsbm0zvP6GhoTkcTdbFxMTQv39/li9fDqT88PLy8qJ///64uLjozH517949/P39CQoKIj4+nvr162NhYcFPP/1EfHw88+fP13aIb7V+/Xq2bNmSZnmVKlWYMmUKs2bN+vBBvYP0Yk9P8+bNcziSrJk9ezbffvstXbp0YfPmzXTt2pVbt25x6tQpvv76a22Hl2mGhoasX7+e77//XtuhvJdWrVplet0NGzbkYCTZ559//mHBggXcunWLdevW4eLiwsqVK/H09KRatWraDi9LXrx4wd69e7UdxlupVCqUSiUAe/bsoWnTpgC4urry/PlzbYb2zkJCQvjss8/Yt28fenp63LhxAy8vL7p3746NjQ3Tp0/XdohCpCHJBZEnnDt3jjNnzuDr66vtUN7bpk2bWLt2LZUqVdK4uC1evDi3bt3SYmTvrkqVKpw7d47evXtTtmxZlEolEyZMYMSIEbk+8ZPbL/DeVV5JWg0cOJDy5ctz/vx57Ozs1MtbtmxJz549tRhZ5oWEhGBlZZVmuaWlpU786G3RosVb19HT0yM5OTnng8mC3377jYULF/L555+zbNkyRowYgZeXF2PGjNGJhOGrWrRowaZNmxg8eLC2Q3lnrx4LKpWKjRs3YmVlRfny5QE4c+YM4eHh75SE0Kb169fTsWNHvvjiC/7991/i4+MBiIiI4Mcff2Tbtm1ajvDjUL58eSZOnEi9evU4ePAg8+bNA+DOnTs4OTlpObp3M3jwYAwMDAgKCqJo0aLq5Z999hlDhgyR5ILIlSS5IPKEYsWK6cSP8zd59uwZjo6OaZZHR0fn+gvy9Fy/fp3Tp09TsGBBHj16xLVr14iJiSFfvnzaDu2NOnfurO0QslVeSVr9888/HD16FCMjI43lHh4ePHz4UEtRvRsfHx927NhBv379NJZv374dLy8vLUWVeS/vBuq6oKAgqlSpAoCpqal6iE3Hjh2pVKkSc+bM0WZ476RQoUL88MMPHDlyhHLlyqX5fh0wYICWInu7pUuXqv9/5MiRtGvXjvnz56Ovrw9AcnIyffv2xdLSUlshvpOJEycyf/58OnXqxJo1a9TLq1atysSJE7UY2cdl1qxZfPHFF2zatIlvv/0WHx8fIGUo1MvjXlfs2rWLnTt3UrBgQY3lhQoV4t69e1qKSog3k+SCyBN++uknRowYwY8//kjJkiUxNDTUeF4XfpyUL1+ev//+m/79+wOoLwQXL15M5cqVtRnaO5syZQpjx47lq6++4ueff+bmzZt07NgRPz8//ve//+lcewDi4uLSVJrWhf0qryStlEplunfEHzx4gIWFhRYiendDhgyhX79+PHv2jDp16gCwd+9epk+fnud6zORm+fPnJzQ0FHd3d9zc3Dh+/DilSpXizp07OjeWecmSJVhbW3PmzBnOnDmj8Zyenl6uTi68KiAggMOHD6sTCwD6+voMGTKEKlWq8PPPP2sxusy5du0aNWrUSLPcysqK8PDwDx/QR8rPz09jtoiXfv75Z439SxdER0djZmaWZnloaCjGxsZaiEiIt5PkgsgT6tWrB0DdunU1lqtUKp3opgvw448/0qhRIy5fvkxSUhK//PILly9f5ujRoxw8eFDb4b2TX375hU2bNtGoUSMASpQowcmTJ/nmm2+oVauWurtobhcdHc3IkSP5448/CAkJSfO8LuxXeSVp1aBBA2bNmsXChQuBlHZERUUxduxYGjdurOXoMqdbt27Ex8czadIkJkyYAKT0vJg3bx6dOnXScnRvd+jQoUytl94FVm5Sp04dtmzZQpkyZejatSuDBw9m3bp1nD59Wme64L+UV4o5JiUlcfXqVYoUKaKx/OrVqzrTYyZ//vzcvHkTDw8PjeWHDx/WiZ5JZcqUeWPCOSYm5gNGkzXh4eGsW7eOW7duMXz4cGxtbbl8+TJOTk64uLhoO7xMq169OitWrFCfL/T09FAqlUydOpXatWtrOToh0ifJBZEnvGnqQ11RrVo1zp07x5QpUyhZsiS7du2ibNmyHDt2jJIlS2o7vHdy4cIF7O3tNZYZGhry888/q4sr6YIRI0awf/9+5s2bR8eOHZk7dy4PHz5kwYIFOjODR15JWk2fPp2GDRtSrFgx4uLi6NChAzdu3MDe3p7Vq1drO7y3SkpKYtWqVbRq1Yo+ffrw7NkzTE1NMTc313ZomVarVi31xUdGd/h1IZm7cOFC9QXr119/jZ2dHUePHqV58+b06tVLy9FlXmRkJObm5igUmhN/KZVKoqKidKJn1Utdu3ale/fu3Lp1i4oVKwJw4sQJpkyZQteuXbUcXeb07NmTgQMHEhAQgJ6eHo8ePeLYsWMMGzZMJ4puZqamii4IDAykbt26WFtbc/fuXXr27ImtrS0bNmwgKCiIFStWaDvETJs6dSp169bl9OnTJCQkMGLECC5dukRoaChHjhzRdnhCpEtPpWt9AIUQOiG9Owdnz57VqTsHbm5urFixglq1amFpacnZs2fx8fFh5cqVrF69WmcKdN26dYspU6Zw/vx5oqKiKFu2LCNHjtS5pFVSUhJr167VaMcXX3yBqamptkPLFDMzM65cuYK7u7u2Q3kvdnZ2WFhY0KVLFzp27JgmgfhSekUrRfbauHEjI0eO5Ny5c2m6TUdHR1O2bFmmTZtGs2bNtBThu1EqlUybNo1ffvmF4OBgAJydnRk4cCBDhw7Vie7sKpWKH3/8kcmTJ6vv8hsbGzNs2DD1nWeR8+rVq0fZsmWZOnUqFhYWnD9/Hi8vL44ePUqHDh24e/eutkN8JxEREcyZM0fjvPf111/j7Oys7dCESJckF0SeEBgYmOl1/fz8cjCS9xcZGZnucj09PYyNjdMUssvNAgMDqVevHlZWVty9e5dr167h5eXFd999p1N3DszNzbl8+TJubm4ULFiQDRs2ULFiRe7cuUPJkiWJiorSdohCh9SqVYtBgwbp7B3ChIQENm7cSEBAAP/88w+NGzeme/fu+Pv75/r6HYGBgZQoUQKFQvHW80VuPUe8qkGDBrRr144ePXqk+3xAQABr165l586dHziyrHt5LtSlnhevSkhI4ObNm0RFRVGsWDGd6p300vPnz7l79y56enp4eHhozNCT21lZWXH27Fm8vb01kgv37t2jSJEixMXFaTtEIfI0GRYh8oTSpUu/9cdtbq+/YG1t/cY2FCxYkC5dujB27Ng03WBzm8GDB9OlSxf1nYOXGjduTIcOHbQY2bvx8vLizp07uLm54evryx9//EHFihXZunUr1tbW2g7vnTx9+pSnT5+mGb+sCxdSAJMnT8bJyYlu3bppLA8ICODZs2eMHDlSS5FlXt++fRk6dCgPHjxIt7J/bv8sjIyM+Oyzz/jss88ICgpi2bJl9OvXj/j4eDp37sz48eMxMMidPytKly7N48ePcXR0VJ8v0ru3kpvPEa+6ePEiv/32W4bP16hRg+++++4DRpR9dDWp8JKRkRHFihUjMjKSPXv2UKRIEY1pBHOzS5cu0adPnzRd7mvWrMm8efPS1MTIjYyNjdO9WXP9+nUcHBy0EFHWxMXFERgYmO75u3nz5lqKSoiMSc8FkSds2rSJYcOGMXz4cHWRumPHjjF9+nSmTp1KmTJl1Ovm1i7JK1as4Ntvv6VLly7qMacnT55k+fLlfPfddzx79oxp06YxfPhwvvnmGy1H+2Z55c7BzJkz0dfXZ8CAAezZs4dmzZqhUqlITExkxowZDBw4UNshvtWZM2fo3LkzV65cSXMxpSsXUpBS+HDVqlVpphI7ceIE7du314nCduklBV9e5OrSZ/GqO3fu0L17dw4ePMizZ8+wtbXVdkjpunfvHm5ubujp6b11Crfceo54lampKf/++y++vr7pPn/lyhXKli1LbGzsB44s88qWLcvevXuxsbF5azHBs2fPfsDI3k+7du2oUaMG/fr1IzY2ltKlS6tnIFmzZg2tW7fWdohv9PjxY0qUKIGDgwO9e/fG19cXlUrF5cuXWbRoESEhIVy8eDHd2Ydykx49ehASEsIff/yBra0tgYGB6Ovr06JFC2rUqKFTM/Ps2LGDTp06pTvVuq6eM0TelztvMQjxjn788Udmz56tUTXez88PV1dXvv/++zRTdOVGy5cvZ/r06bRr1069rFmzZpQsWZIFCxawd+9e3NzcmDRpUq5PLuSVOweDBw9W/3+9evW4evUqZ86cwcfHJ9ffZX6pW7duFC5cmCVLluDk5JTru69n5PHjx+mOMXVwcFCP0c7tdCEBkhnx8fGsX7+egIAAjh07RpMmTfj7779zbWIBUhMGiYmJjB8/nu+//x5PT08tR/X+PDw8OH36dIbJhdOnT+f6JMmnn36qnk5PV4cKverQoUN8++23QEpNDKVSSXh4OMuXL2fixIm5Prkwc+ZM3N3dOXLkCCYmJurl/v7+9OnTh2rVqjFz5kwmT56sxSjfbvr06bRp0wZHR0diY2OpWbMmjx8/pnLlykyaNEnb4b2T/v3707ZtW8aMGYOTk5O2wxEic1RC5AEmJiaqy5cvp1l++fJllYmJiRYiencmJiaq69evp1l+/fp1lampqUqlUqlu376t/v/crHv37qoWLVqoEhISVObm5qrbt2+r7t27pypTpoxq4MCB2g4v05YvX66Ki4tLszw+Pl61fPlyLUT07szNzVU3btzQdhhZ5uPjo1q5cmWa5StWrFB5enpqIaKPz4kTJ1S9e/dWWVtbq0qXLq365ZdfVCEhIdoO651ZWlqqbt++re0wsuSbb75Rubm5qR4/fpzmueDgYJWbm5vqm2++0UJkHy8TExNVUFCQSqVSqTp27KgaOXKkSqVSqe7du6fKly+fNkPLlDJlyqjWrl2b4fOrV69WlSlT5gNGlDX//POPau7cuaqffvpJtXv3bm2H814sLCxUN2/e1HYYQrwT6bkg8oSiRYsyefJkFi9erC58mJCQwOTJk3VmrKOrqytLlixJM8XhkiVLcHV1BSAkJAQbGxtthPdO0rtzEBwcrHN3Drp27Yq/v3+abqAvXryga9eudOrUSUuRZV7dunU5f/48Pj4+2g4lS3r27MmgQYNITEykTp06AOzdu5cRI0YwdOhQLUeXsS1bttCoUSMMDQ3ZsmXLG9fN7eNnK1WqhJubGwMGDKBcuXIAHD58OM16ub0dLVq0YNOmTRo9k3TNqFGj2Lx5M4UKFeLLL79Uj4W/evUqv//+O66urowaNUrLUWbeqVOnUCqVfPLJJxrLT5w4gb6+PuXLl9dSZJnn6urKsWPHsLW1ZceOHaxZswaAsLAwjZ4AudXt27cpW7Zshs+XL1+e27dvf8CIsqZatWpUq1ZN22FkSZs2bThw4ADe3t7aDkWITJOaCyJPOHnypHo8/Mvu6oGBgejp6bF161Z1DYPcbMuWLbRt2xZfX18qVKgApHRtvXLlCuvXr6dp06bMmzePGzduMGPGDC1HmzmHDx8mMDCQqKgoypUrR926dbUd0jtRKBQ8efIkzVCO8+fPU7t2bUJDQ7UUWeY9f/6czp07U7FiRUqUKIGhoaHG87n9QvAllUrFqFGjmD17NgkJCQCYmJgwcuRIxowZo+XoMqZQKNSFBN9UiFUXxs9mppCsLrRj4sSJTJ8+nbp166ZbWHPAgAFaiuzdREREMHr0aNauXUtYWBiQUhi4ffv2TJo0SScS0S9VrFiRESNG0KZNG43lGzZs4KeffuLEiRNaiizzfvvtNwYOHIi5uTnu7u6cPXsWhULBr7/+yoYNG9i/f7+2Q3wjfX19goODM6yp8OTJE1xcXEhKSvrAkb3d7NmzM72urhzfADExMbRt2xYHBwdKliyZ5vytS20RHw9JLog8Izo6mt9//52rV68CKb0ZOnTokOaHY2529+5d5s+fz/Xr1wEoUqQIvXr1IioqihIlSmg5urc7duwYISEhNG3aVL1s+fLljB07lpiYGFq0aMGvv/6qHmebW70sLnb+/HmKFy+uUQE/OTmZO3fu4O/vzx9//KHFKDNn69atdOzYMd0aGLpwIfi6qKgorly5gqmpKYUKFcr1+5LIfd5Ua0FPT0+n7s5CSuLt+fPnqFQqHBwcdLKuirm5OYGBgXh5eWksv3PnDn5+frx48UJLkb2b06dPc//+ferXr6+egvLvv//G2tqaqlWrajm6N9PX139jXaQnT57g6+ubK88Zrx/Tz549IyYmRj2rU3h4OGZmZjg6OurU8b1kyRJ69+6NiYkJdnZ2Gse2Ln5XiY+DJBeEyKUiIyNZvXo1AQEBnD59Olee0F/XqFEjatWqpZ4W8MKFC5QrV47OnTtTtGhRfv75Z3r16sW4ceO0G+hbjB8/Xv3foUOHasxTbmRkhIeHB61bt1YPwcnNPDw8aNq0Kd9//70UhBLZIiQkRD3v/f3791m0aBFxcXE0a9aM6tWrazm6j9PTp0+5du0akJKUzu0V/V9nZ2fHX3/9pZ7t6aWjR4/SpEkTdc8MXfHyp7UuJXoUCsUb41XpyKw2q1at4rfffmPJkiXq4ULXrl2jZ8+e9OrViy+++ELLEWZe/vz5GTBgAKNGjcr1U5AL8ZIkF0SesXLlShYsWMDt27c5duwY7u7uzJw5Ey8vLz799FNth5dphw4dYsmSJaxfv54CBQrQqlUrWrdurR4qkZs5OzuzdetW9fjYb7/9loMHD6rHZf/555+MHTuWy5cvazPMTFu+fDmfffaZToyXzYiFhQXnzp3LE2M2T58+zR9//EFQUJB6aMRLGzZs0FJUb7dv3z769evH8ePHsbS01HguIiKCKlWqMG/ePGrUqKGlCDPnwoULNGvWjPv371OoUCHWrFmDv78/0dHRKBQKoqOjWbduXZ6o/K8rIiMj+frrr1mzZo36ok9fX5/PPvuMuXPnYmVlpeUIM+fzzz8nODiYzZs3q2MODw+nRYsWODo66kQvMUiZUvrnn3/mxo0bABQuXJjhw4fTsWNHLUf2dgcPHszUejVr1szhSLLG29ubdevWaUxBDinTMrdp00anZu2xtbXl1KlTeeL8LT4eUtBR5Anz5s1jzJgxDBo0iIkTJ6p/ZNnY2DBr1qxcn1x4/Pgxy5YtY8mSJURGRtKuXTvi4+PZtGkTxYoV03Z4mRYWFqZxd/zgwYM0atRI/bhChQrcv39fG6G9l86dO2s7hCxr1aoV+/fv1/kfJ2vWrKFTp040bNiQXbt20aBBA65fv86TJ09o2bKltsN7o1mzZtGzZ880iQUAKysrevXqxcyZM3N9cmHEiBGULFmS33//nZUrV9K0aVOaNGnCokWLgJRp06ZMmZLrkwvdunV74/MBAQEfKJKs69mzJ//++6/GXf9jx44xcOBAevXqpS4qmNtNmzaNGjVq4O7urr4oPHfuHE5OTqxcuVLL0WXOjBkz+P777+nXr596CMThw4fp3bs3z58/z/UFRF+/GNdVwcHB6daFSE5O5smTJ1qI6P117tyZtWvX5vrpx4V4lfRcEHlCsWLF+PHHH2nRogUWFhacP38eLy8vLl68SK1atXj+/Lm2Q8xQs2bNOHToEE2aNOGLL77A398ffX19DA0NOX/+vE4lF9zd3Vm5ciU1atQgISEBa2trtm7dqi7keOHCBWrWrJmrCyHa2tpy/fp17O3tsbGxeWM30dzcjpcmTZrErFmzaNKkiU4XhPLz86NXr158/fXX6mPc09OTXr164ezsrB7Kkhu5u7uzY8eODGeuuXr1Kg0aNCAoKOgDR/Zu7O3t2bdvH35+fkRFRWFpacmpU6fUM0dcvXqVSpUqER4ert1A3+L1ZFRiYiIXL14kPDycOnXq5OpeMK/Lly8fO3fuTFMV/59//lH3KtEVL+smnT9/HlNTU/z8/Pj888/TfGflVp6enowfPz7NLELLly9n3Lhxuf6O+duGRbyU24dFNGvWjIcPH7J48WL17Bdnzpzhq6++wsXF5a2z9uQmAwYMYMWKFZQqVQo/P780x4KuFPcWHxfpuSDyhDt37qSbdTc2Ns71P662b9/OgAED6NOnD4UKFdJ2OFnSuHFjRo0axU8//cSmTZswMzPTGIMdGBiY6++gz5w5EwsLCyDljrOuW7x4Mebm5hw8eDBNt1c9PT2dSS7cunWLJk2aACl1L6Kjo9HT02Pw4MHUqVMnVycXnjx58sYLJAMDA549e/YBI3o/oaGh5M+fH0gpwJcvXz6NGQlsbGx0ovDexo0b0yxTKpX06dMn138/vc7Ozi7doQ9WVlY6NVsEpCRKvvrqK41lV65cYcmSJUybNk1LUWVecHAwVapUSbO8SpUqBAcHayGid/PqbBYqlYrGjRuzePFiXFxctBjVuwsICKBz586UL19e/b2blJREw4YNWbx4sZajezcXLlxQ/7a9ePGixnO6VM9DfFwkuSDyBE9PT86dO4e7u7vG8jfdLcwtDh8+zJIlSyhXrhxFixalY8eOtG/fXtthvZcJEybQqlUratasibm5OcuXL9coehgQEECDBg20GOHbvRwKkZSUhJ6eHg0bNtTpQoi5/W5ZZr164eri4sLFixcpWbIk4eHhxMTEaDm6N3sZr4+PT7rPBwYG4uzs/IGjej+v/6DNKz9wFQoFQ4YMoVatWowYMULb4WTad999x5AhQ1i5cqU68fP48WOGDx/O999/r+Xo3k90dDRr1qxhyZIlHD9+nGLFiulEcsHHx4c//vgjTRf2tWvX6sSNg9drKejr61OpUqU0M3jkdg4ODmzbto3r16+rZw/z9fWlcOHCWo7s3eX26UuFSI8kF0SeMGTIEL7++mvi4uJQqVScPHmS1atXM3ny5Fyfqa5UqRKVKlVi1qxZrF27loCAAIYMGYJSqWT37t24urqq76Tndvb29hw6dIiIiAjMzc3R19fXeP7PP//UmHkhNzMwMKB3795cuXJF26FkG12sYP5SjRo12L17NyVLlqRt27YMHDiQffv2sXv3burUqaPt8N6ocePGfP/99/j7+6cpDhobG8vYsWM1pm/Nzbp06aKe/jMuLo7evXurp/uNj4/XZmhZduvWrXTHauc2L6fKfenGjRu4ubnh5uYGQFBQEMbGxjx79oxevXppK8x3duTIEZYsWcIff/xBbGwsgwcPJiAgAF9fX22Hlinjx4/ns88+49ChQ+qaC0eOHGHv3r06U5AyLylcuLBOJhQy8uDBAwAKFiyo5UiEeDOpuSDyjN9//51x48Zx69YtIOVu4bhx4+jevbuWI3t3165dY8mSJaxcuZLw8HDq16+vU+ME84patWoxaNCgXF+g7m10uYL5S6GhocTFxVGgQAGUSiVTp07l6NGjFCpUiGHDhuXqO/9PnjyhbNmy6Ovr069fP/X0aFevXmXu3LkkJydz9uzZXN9DpmvXrplab+nSpTkcSdYMGTJE47FKpSI4OJi///6bzp07M2fOHC1FljnvMgRo7NixORhJ1j19+pRly5YREBBAREQEn3/+OR06dKBy5co6V3MIUsb2z5w5U52ULlq0KEOHDtXJYomv1q/K7YYMGcKECRPIly9fmuP7dbpUp0CpVDJx4kSmT59OVFQUkPK5DB06lG+//VampxS5kiQXRJ4QGxuLSqXCzMyMmJgYLl68yJEjRyhWrBgNGzbUdnjvLTk5ma1btxIQECDJBS34448/GD16NIMHD6ZcuXLqO7Qv+fn5aSmyzMuogvncuXOZOHFirq9g/iZxcXHMnTuXn3/+mcePH2s7nDe6d+8effr0YefOnRo9SBo2bMjcuXPx9PTUcoQfj9q1a2s8VigUODg4UKdOHbp164aBgXTq/FBMTU1p06YNX375JfXr11dfLOliQeO8xsLCgsDAQJ34bqpduzYbN27E2tqaWrVqZdg7T09Pj3379n3g6N7f6NGjWbJkCePHj9c4f48bN46ePXsyadIkLUcoRFqSXBB5QoMGDWjVqhW9e/cmPDwcX19fDA0Nef78OTNmzKBPnz7aDlHooPTuCujp6aFSqdDT08v1VbNB9yuYx8fHM27cOHbv3o2RkREjRoygRYsWLF26lO+++w59fX2+/vprRo4cqe1QMyUsLIybN2+iUqkoVKiQzhXdEyI7+fr6Eh8fT4cOHejYsaN6CIQuJhe2bduGvr5+mhsaO3fuRKlUakzLnBu1atVK4/HWrVupU6dOmqS6Ls2mousKFCjA/Pnzad68ucbyzZs307dvXx4+fKilyITImKTnRZ5w9uxZZs6cCcC6detwcnLi33//Zf369YwZM0aSC+K95PYL78zQ9QrmY8aMYcGCBdSrV4+jR4/Stm1bunbtyvHjx5k+fTpt27ZNU9sjt+rWrRu//PILFSpU0FgeHR1N//79CQgI0FJkQpe8bYrcV+X26XKvXr2qrrVQoUIFChcuzJdffgnoXm2YUaNGMWXKlDTLVSoVo0aNyvXJhddnHXn5OeiSxMRETE1NOXfuHCVKlNB2OFkWGhqabs0RX1/fXH9si4+X9FwQeYKZmRlXr17Fzc2Ndu3aUbx4ccaOHcv9+/cpUqRIrq8mL0ROKVGiBB06dEhTwXzixImsXbuWCxcuaCmyzPHy8mLWrFk0b96cixcv4ufnR5cuXViyZInOXXzo6+sTHByMo6OjxvLnz5+TP39+nSgmmBc8efKEYcOGsXfvXp4+fcrrP4Nye4+k5cuXZ3rdl7Pf6IKoqChWr17N0qVLOX78ODVr1qRDhw60aNECBwcHbYf3Vqamply5cgUPDw+N5Xfv3qV48eK5flrsvMLLy4uNGzdSqlQpbYeSZZ988gmffPIJs2fP1ljev39/Tp06xfHjx7UUmRAZk54LIk/w8fFh06ZNtGzZkp07d6rHkT99+hRLS0stRyd03eXLlwkKCiIhIUFj+etdFXMjXa9g/uDBA8qVKwekJEqMjY0ZPHiwTiUWIiMjUalUqFQqXrx4oTFjRHJyMtu2bUuTcBA5p0uXLgQFBfH999/j7OysU/sSZD5hoGt3Ns3NzenZsyc9e/bkypUrLFmyhO+++46+ffuSmJio7fDeysrKitu3b6dJLty8eTPN0AKRc7799lu++eYbVq5cia2trbbDyZKpU6fSpEkT9uzZQ+XKlQE4duwY9+/fZ9u2bVqOToj0Sc8FkSesW7eODh06kJycTN26ddm1axcAkydP5tChQ2zfvl3LEQpddPv2bVq2bMmFCxfUtRYgtbtubr/D+ZIuVzDX19fn8ePH6juXulRk7CWFQvHGC1g9PT3Gjx/Pt99++wGj+nhZWFjwzz//ULp0aW2HkiN27drF4sWL2bp1K7GxsdoOJ0uSkpLYsmVLmnoAuVGvXr04duwYGzduxNvbG0hJLLRu3ZoKFSrk+mmx84oyZcpw8+ZNEhMTcXd3T5PYOXv2rJYiez+PHj1i7ty5XL16FUg5f/ft25cCBQpoOTIh0ic9F0Se0KZNG6pVq0ZwcLBGV7i6devSsmVLLUYmdNnAgQPx9PRk7969eHp6cvLkSUJCQhg6dCjTpk3TdniZVq5cOf73v/9pO4z3olKp6NKlC8bGxkDKDBG9e/fWqSJj+/fvR6VSUadOHdavX69xN83IyAh3d3f5ofgBubq6phkKoevu3btHQEAAy5cvJywsjEaNGrFixQpth5VpGRVD3LdvH6amplqK6t1MnToVf39/fH19KViwIJDS86p69eo6db7Qdbo+dfRLiYmJ+Pv7M3/+fJkVQugU6bkghBAZsLe3Z9++ffj5+WFlZcXJkycpUqQI+/btY+jQofz777/aDvGtdL2CedeuXTO13tKlS3M4kqy7d+8ebm5uOtcNP6/ZtWsX06dPZ8GCBWm6sOuShIQENmzYwOLFizly5Aj16tVj+/bt/Pvvv5QsWVLb4b0TPz8/pkyZQuPGjTWW79ixg5EjR3L+/HktRfZuVCoVu3fv5vz585iamuLn50eNGjW0HZbQUQ4ODhw9epRChQppOxQhMk2SC0IIkQEbGxvOnj2Lp6cn3t7eLF68mNq1a3Pr1i1KliypE4VC88qP9rxgx44dmJubU61aNQDmzp3LokWLKFasGHPnzpVpKT8QGxsbYmJiSEpKwszMDENDQ43ndaFWQf/+/Vm9ejWFChXiyy+/pH379tjZ2enkFI4gxRBF9goPD2fdunXcunWL4cOHY2try9mzZ3FycsLFxUXb4WXa4MGDMTY2TncWEiFyKxkWIYQQGShRogTnz5/H09OTTz75hKlTp2JkZMTChQvx8vLSdniZcuPGjXQvNHx9fbl586YWIvp4DR8+nJ9++gmACxcuMGTIEIYOHcr+/fsZMmSITvS+yAtmzZql7RCybN68eYwcOZJRo0ZhYWGh7XCyLC8UQ/zhhx/e+PyYMWM+UCQft8DAQOrVq4eVlRV3796lZ8+e2NrasmHDBoKCgnRquFBSUhIBAQHs2bOHcuXKpTkWZsyYoaXIhMiYJBeEECID3333nfqO2fjx42nWrBnVq1fHzs6ONWvWaDm6zMkLP9rzijt37qgTPevXr6dZs2b8+OOPnD17Nk3PEpFzdGl6xoysXLmSgIAAnJ2dadKkCR07dsz1Q5ze5NNPP2XQoEFpiiEOHTpUJ2blAdi4caPG48TERO7cuYOBgQHe3t6SXPhAhgwZQpcuXZg6dapG4q1x48Z06NBBi5G9u4sXL1K2bFkArl+/rvGcDK8TuZUMixBCiHcQGhqKjY2NzpzYpYJ57mFra8vhw4cpVqwY1apVo1OnTnz11VfcvXuXYsWK6cQwG10VGRmpnpY4MjLyjevq0vTFd+7cYdmyZSxbtoyYmBhCQ0NZu3Ytbdq00XZo7yQiIgJ/f39Onz6dphjihg0bsLa21m6A7ykyMpIuXbrQsmVLOnbsqO1wPgpWVlacPXsWb29vLCwsOH/+PF5eXty7d48iRYoQFxen7RCFyNMkuSCEEK/p1q1bptYLCAjI4UiyLq/+aNdFzZs3JyEhgapVqzJhwgTu3LmDi4sLu3btol+/fmnuTInso6+vT3BwMI6OjhlODapSqdDT09OZKWZfpVKp2LVrF0uWLGHLli3Y29vTqlUrZs+ere3QMi2vFkO8cOECzZo14+7du9oO5aPg6OjIzp07KVOmjEZyYffu3XTr1o379+9rO0Qh8jRJLgghxGsUCgXu7u6UKVPmjVPWvd4NNrfKqz/adU1QUBB9+/bl/v37DBgwgO7duwMpRbuSk5N16kJQ1xw8eJCqVatiYGDAwYMH37huzZo1P1BUOSM0NJQVK1awdOlSKdiaCxw+fJhmzZoRFham7VA+Cj169CAkJIQ//vgDW1tbAgMD0dfXp0WLFtSoUSPX11xp1apVptfNzVMwi4+XJBeEEOI1X3/9NatXr8bd3Z2uXbvy5ZdfYmtrq+2whBBCLTExEV9fX/766y+KFi2q7XDe2ezZs/nqq68wMTF5a2JtwIABHyiq9/d6G1QqFcHBwaxcuZKaNWuyatUqLUX2cYmIiKBNmzacPn2aFy9eUKBAAR4/fkzlypXZtm1brq819Or0yyqVio0bN2JlZUX58uUBOHPmDOHh4bRq1UqKAItcSZILQgiRjvj4eDZs2EBAQABHjx6lSZMmdO/enQYNGuhMvYWX9u7dy969e3n69ClKpVLjOV0Y2qHL8upYf10XFxdHYGBguseErhQQBHBxcWHPnj06mVzw9PTk9OnT2NnZ4enpmeF6enp63L59+wNG9n5eb4NCocDBwYE6deowevToPDGrhy45cuQI58+fJyoqirJly1KvXj1th/TORo4cSWhoKPPnz0dfXx+A5ORk+vbti6WlJT///LOWIxQiLUkuCCHEW9y7d49ly5axYsUKkpKSuHTpEubm5toOK1PGjx/PDz/8QPny5XF2dk6TGNGVoR26Kq+P9ddFO3bsoFOnTjx//jzNc7r2Ofz4449cv36dxYsXY2AgE4AJkZc4ODhw+PBhihQporH82rVrVKlShZCQEC1FJkTG5EwkhBBv8fKiUKVS6dSFB8D8+fNZtmyZVCrXkn379qmH1Ozfv1/L0QiA/v3707ZtW8aMGYOTk5O2w8mSU6dOsXfvXnbt2kXJkiXTdPnWhTHZuj68Q+QuAwYMwMfHJ81Qmjlz5nDz5s1cX3PhVUlJSVy9ejVNcuHq1atpelwJkVtIckEIIdLx6rCIw4cP07RpU+bMmYO/vz8KhULb4WVaQkICVapU0XYYH61XiwPqeqHAvOLJkycMGTJE5xMLANbW1rRu3VrbYWSJoaGhzk4PKMX3cp/169ezZcuWNMurVKnClClTdCq50LVrV7p3786tW7eoWLEiACdOnGDKlCkatRmEyE0kuSCEEK/p27cva9aswdXVlW7durF69Wrs7e21HdZ76dGjB6tWreL777/XdijiPzExMQQFBZGQkKCx3M/PT0sRfVzatGnDgQMH8Pb21nYoWZZXCrp9/fXX/PTTTzo3vMPKykrbIYjXhISEpPu5WFpapjsUKjebNm0a+fPnZ/r06QQHBwPg7OzM8OHDGTp0qJajEyJ9UnNBCCFeo1AocHNzo0yZMm8s3qgLd6IGDhzIihUr8PPzw8/PD0NDQ43nZ8yYoaXIPj7Pnj2ja9eubN++Pd3ndW3Ija6KiYmhbdu2ODg4ULJkyTTHhC7MTGBjY5Pud5OVlRWFCxdm2LBh1K9fXwuRvZ+WLVuyd+9ezM3NdXZ4h8gdSpQoQe/evenXr5/G8l9//ZV58+Zx+fJlLUWWNS8LAkvhX5Hb6U56WAghPpBOnTrp3IwQGQkMDKR06dIAXLx4UbvBfOQGDRpEeHg4J06coFatWmzcuJEnT54wceJEpk+fru3wPhqrV69m165dmJiYcODAAY1jXU9PTyeSCxl17Q4PD+fMmTM0bdqUdevW0axZsw8b2HvKC8M7RO4wZMgQ+vXrx7Nnz6hTpw6QMmPS9OnTdWpIxOskqSB0hfRcEEIIIT4AZ2dnNm/eTMWKFbG0tOT06dMULlyYLVu2MHXqVA4fPqztED8K+fPnZ8CAAYwaNUqn6qe8ixkzZrBu3TqOHj2q7VDyvFu3bjFp0iT1tL5ubm5ERUWpn9fX10+34r/IOfPmzWPSpEk8evQIAA8PD8aNG0enTp20HNm7efLkCcOGDVNPJf36JZv0dhO5kSQXhBAiD8pMoTE9PT3Wr1//AaIRkHLnKTAwEA8PD9zd3Vm1ahVVq1blzp07FC9enJiYGG2H+FGwtbXl1KlTeaLmQkauX79OpUqVCA0N1XYob5QXhncMGjQIU1NTJk+eDICFhQVjxozB0dERgLVr1+Lm5sb8+fO1GeZH6dmzZ5iamurM1NGva9SoEUFBQfTr1y/dqaQ//fRTLUUmRMZkWIQQQuRBUmgs9ylSpAjXrl3Dw8ODUqVKsWDBAjw8PJg/fz7Ozs7aDu+j0blzZ9auXcs333yj7VByTHx8PEZGRtoO463ywvCOvXv3smTJEo1lrVu3xsvLC0i5a96jRw9thPZRGjt2LN26dcPd3R0HBwdth5Mlhw8f5p9//lEPbRRCF0hyQQgh8qC8UkU+L7hz5w6enp4MHDhQXfF77Nix+Pv78/vvv2NkZMSyZcu0G+RHJDk5malTp7Jz5848W+R0yZIlOnFB0rlz5zc+X7p0aSZPnpyrkwt3796lQIEC6sc9evTQSO56eHjw4MEDbYT2Udq8eTOTJk2iZs2adO/endatW2NsbKztsN6Lq6trmqEQQuR2MixCCCGEyEEKhQJ3d3dq166t/itYsCAxMTFcvXoVNzc3nZ3qVBfVrl07w+f09PTYt2/fB4zm/QwZMiTd5REREZw9e5br169z6NAhypUr94Ejy166MLzDysqK3bt3U7FixXSfP3nyJPXq1VNX+xc5799//2Xp0qWsXr2apKQk2rdvT7du3ahQoYK2Q3snu3btYvr06epebkLoAum5IIQQQuSgffv2ceDAAQ4cOMDq1atJSEjAy8uLOnXqULt2bVxcXLQd4kdl//792g4hy/799990l1taWlK/fn02bNiAp6fnB44q++nC8I7ixYuzZ8+eDJMLO3fupESJEh84qo9bmTJlKFOmDNOnT2fr1q0sXbqUqlWr4uvrS/fu3enSpYtODB387LPPiImJwdvbGzMzszS9rHJz0k18vCS5IIQQQuSgWrVqUatWLQDi4uI4evSoOtmwfPlyEhMT8fX15dKlS9oNVOiMvJAgyQxdGN7RtWtXBg0aRKlSpWjSpInGc1u3bmXKlCk6PQWiLlOpVCQmJpKQkIBKpcLGxoY5c+bw/fffs2jRIj777DNth/hGM2fOzDPTYouPhwyLEEIIIT6whIQEjhw5wvbt21mwYAFRUVEyrdgHUrt27Tf+YNeFYRF5RV4Z3vH555+zdu1afH191VNOXrt2jWvXrtG6dWv++OMPLUf4cTlz5ox6WISxsTGdOnWiR48e+Pj4APDrr78yceJEnjx5ouVIhch7JLkghBBC5LCEhASOHz/O/v37OXDgACdOnMDV1ZUaNWpQo0YNatasiZubm7bD/CgMHjxY43FiYiLnzp3j4sWLdO7cmV9++UVLkX18Mqp/YWlpSZEiRejTp4/ODO9Ys2YNa9as4fr16wAUKlSIzz//nPbt22s5so9LyZIluXr1Kg0aNKBnz540a9YMfX19jXWeP3+Oo6MjSqVSS1FmzsuilG3btsXU1FTb4QiRKZJcEEIIIXJQnTp1OHHiBJ6entSsWZPq1atTs2ZNmX4ylxk3bhxRUVFMmzZN26EIId7ThAkT6NatW56oZTNo0CBWrVpFfHw87dq1o3v37lSqVEnbYQnxRpJcEEIIIXKQoaEhzs7OtGjRglq1alGzZk3s7Oy0HZZ4zc2bN6lYsaIUSROZ9i4zQFhaWuZgJCKvSkpKYsuWLSxfvpzt27fj4+NDt27d6NixI05OTtoOT4g0JLkghBBC5KDo6Gj++ecfDhw4wP79+zl37hyFCxemZs2a6mSDg4ODtsP86K1cuZKRI0fy6NEjbYcidIRCoch0wT2pqZJzMqrdkZ4ZM2bkYCQ56+nTpyxcuJBJkyaRnJxM48aNGTBgAHXq1NF2aEKoyWwRQgghRA7Kly8f/v7++Pv7A/DixQsOHz7M/v37mTp1Kl988QWFChXi4sWLWo7049CqVSuNxyqViuDgYE6fPs3333+vpaiELnp11o67d+8yatQounTpQuXKlQE4duwYy5cvZ/LkydoK8aOQ0dSsr9PlmRdOnjzJ0qVLWbNmDY6OjnTp0oWHDx/StGlT+vbtK8O5RK4hPReEEEKID0ipVHLq1Cn279/P/v37OXz4MHFxcXJn8wPp2rWrxmOFQoGDgwN16tShQYMGWopK6Lq6devSo0cPPv/8c43lq1atYuHChRw4cEA7gQmd9fTpU1auXMnSpUu5ceMGzZo1o0ePHjRs2FCdKDl8+DD+/v5ERUVpOVohUkhyQQghhMhBSqWS06dPq4dFHDlyhOjoaFxcXKhdu7b6z93dXduhCiHek5mZGefPn6dQoUIay69fv07p0qWJiYnRUmRCVxkZGeHt7U23bt3o0qVLusPnIiMj+fTTTzV60QihTZJcEEIIIXKQpaUl0dHR5M+fX51IqFWrFt7e3toO7aN2+vRprly5AkCxYsUoV66cliMSuqxIkSJ8+umnTJ06VWP5iBEj2Lx5M9euXdNSZB+Xli1bpjv8QU9PDxMTE3x8fOjQoQNFihTRQnTv5p9//qF69eraDkOIdyLJBSGEECIHLViwgNq1a1O4cGFthyKABw8e8Pnnn3PkyBGsra0BCA8Pp0qVKqxZs4aCBQtqN0Chk7Zt20br1q3x8fHhk08+AVLGyd+4cYP169fTuHFjLUf4cejSpQubNm3C2tpanTA8e/Ys4eHhNGjQgPPnz3P37l327t1L1apVtRztuzl48CDR0dFUrlwZGxsbbYcjRLokuSCEEEKIj4a/vz/h4eEsX75cfffy2rVrdO3aFUtLS3bs2KHlCIWuevDgAb/99htXr14FoGjRovTu3RtXV1ctR/bxGDVqFJGRkcyZMweFQgGkDE0bOHAgFhYWTJo0id69e3Pp0iUOHz6s5WjT99NPPxEVFcWECROAlKKzjRo1YteuXQA4Ojqyd+9eihcvrs0whUiXJBeEEEII8dEwNTXl6NGjlClTRmP5mTNnqF69uoyNF0KHOTg4cOTIkTQ9xa5fv06VKlV4/vw5Fy5coHr16oSHh2snyLcoW7YsI0eO5LPPPgPgzz//pHPnzuzevZuiRYvSqVMnzMzM+OOPP7QcqRBpyVSUQgghhPhouLq6kpiYmGZ5cnIyBQoU0EJEIq8IDw9nyZIl6loexYsXp1u3blhZWWk5so9HUlISV69eTZNcuHr1qnpGHhMTk1w9LeWdO3fw8/NTP962bRtt2rRRD+P47rvvaNu2rbbCE+KNFNoOQAghhBDiQ/n555/p378/p0+fVi87ffo0AwcOlLnixXs7ffo03t7ezJw5k9DQUEJDQ5kxYwbe3t6cPXtW2+F9NDp27Ej37t2ZOXMmhw8f5vDhw8ycOZPu3bvTqVMnIKV2QW4eUpCUlISxsbH68bFjx6hSpYr6cYECBXj+/Lk2QhPirWRYhBBCCCHyNBsbG407ldHR0SQlJWFgkNKB8+X/58uXj9DQUG2FKXRY9erV8fHxYdGiRRr7VY8ePbh9+zaHDh3ScoQfh+TkZKZMmcKcOXN48uQJAE5OTvTv35+RI0eir69PUFAQCoUi1xZvLV26NIMGDaJLly4EBQXh4eHBxYsXKVasGABHjx6lXbt2PHjwQMuRCpGWJBeEEEIIkactX7480+t27tw5ByMReZWpqSn//vsvvr6+GssvX75M+fLlpZaHFkRGRgIp0wHrkkWLFjF48GA+++wzjh8/jrW1NUeOHFE/P3HiRE6cOMHWrVu1GKUQ6ZOaC0IIIYTI0yRhIHKapaUlQUFBaZIL9+/fx8LCQktRfdx0LanwUs+ePdHX12fr1q3UqFGDsWPHajz/6NEjunbtqqXohHgz6bkghBBCiDzt5R3MzNDVCxKhXQMGDGDjxo1MmzZNPT7+yJEjDB8+nNatWzNr1iztBpiHlS1blr1792JjY0OZMmXeWKxR6l8IkbOk54IQQggh8jRra+u3VodXqVTo6empK8oL8S6mTZuGnp4enTp1IikpCQBDQ0P69OnDlClTtBxd3vbpp5+qCyC2aNFCu8Fko23btqGvr0/Dhg01lu/atYvk5GQaNWqkpciEyJj0XBBCCCFEnnbw4MFMrXfhwgX69euXw9GIvCwmJoZbt24B4O3tjZmZmZYj+ngkJydz5MgR/Pz8sLa21nY4Webn58eUKVNo3LixxvIdO3YwcuRIzp8/r6XIhMiYJBeEEEII8dF68eIFq1evZvHixZw5c0Z6Logse1nFP7fORpCXmZiYcOXKFTw9PbUdSpaZmppy5coVPDw8NJbfvXuX4sWLEx0drZ3AhHgDhbYDEEIIIYT40A4dOkTnzp1xdnZm2rRp1KlTh+PHj2s7LKGjlEolP/zwA1ZWVri7u+Pu7o61tTUTJkxAqVRqO7yPRokSJbh9+7a2w8gWVlZW6bbl5s2b5MuXTwsRCfF2UnNBCCGEEB+Fx48fs2zZMpYsWUJkZCTt2rUjPj6eTZs2qeeQF+J9fPvttyxZsoQpU6ZQtWpVAA4fPsy4ceOIi4tj0qRJWo7w4zBx4kSGDRvGhAkTKFeuXJqLcF0q2Prpp58yaNAgNm7ciLe3N5CSWBg6dCjNmzfXcnRCpE+GRQghhBAiz2vWrBmHDh2iSZMmfPHFF/j7+6Ovr4+hoSHnz5+X5ILIkgIFCjB//vw0F32bN2+mb9++PHz4UEuRfRx++OEHhg4dqjHt56tFXHWxYGtERAT+/v6cPn1aPcTmwYMHVK9enQ0bNuSJuhIi75HkghBCCCHyPAMDAwYMGECfPn0oVKiQerkkF0R2MDExITAwkMKFC2ssv3btGqVLlyY2NlZLkX0c9PX1CQ4O5sqVK29cr2bNmh8oouyhUqnYvXs358+fx9TUFD8/P2rUqKHtsITIkAyLEEIIIUSed/jwYZYsWUK5cuUoWrQoHTt2pH379toOS+QRpUqVYs6cOcyePVtj+Zw5cyhVqpSWovp4vLxXqmvJg7fR09OjQYMGNGjQQNuhCJEp0nNBCCGEEB+N6Oho1q5dS0BAACdPniQ5OZkZM2bQrVs3jS7VQryLgwcP0qRJE9zc3KhcuTIAx44d4/79+2zbto3q1atrOcK8TaFQ8OTJExwcHLQdSpbMnj2br776ChMTkzSJqtcNGDDgA0UlROZJckEIIYQQH6Vr166xZMkSVq5cSXh4OPXr12fLli3aDkvoqEePHjF37lyuXr0KQNGiRenbty8FChTQcmR5n0KhwMrKSqPOQnpCQ0M/UETvx9PTk9OnT2NnZ/fG6TT19PTyzKwYIm+R5IIQQgghPmrJycls3bqVgIAASS4IoYMUCgWzZs3Cysrqjet17tz5A0UkxMdJkgtCCCGEEEK8o8DAwEyv6+fnl4ORCIVCwePHj3F0dNR2KEJ81KSgoxBCCCGEEO+odOnS6Onp8bb7dLo2BaIuettwCF0xZMiQTK87Y8aMHIxEiPcjyQUhhBBCCCHe0Z07d7QdgvhPXumI/e+//2ZqvbySTBF5jwyLEEIIIYQQIgtCQkKws7MD4P79+yxatIjY2FiaN28uM0UIIT4aklwQQgghhBDiPVy4cIFmzZpx//59ChUqxJo1a/D39yc6OhqFQkF0dDTr1q2jRYsW2g5V6LAHDx4AULBgQS1HIsSbKbQdgBBCCCGEELpoxIgRlCxZkkOHDlGrVi2aNm1KkyZNiIiIICwsjF69ejFlyhRthyl0kFKp5IcffsDKygp3d3fc3d2xtrZmwoQJKJVKbYcnRLqk54IQQgghhBDvwd7enn379uHn50dUVBSWlpacOnWKcuXKAXD16lUqVapEeHi4dgMVOmf06NEsWbKE8ePHU7VqVQAOHz7MuHHj6NmzJ5MmTdJyhEKkJckFIYQQQggh3sPrUyBaWFhw/vx5vLy8AHjy5AkFChSQ2SLEOytQoADz58+nefPmGss3b95M3759efjwoZYiEyJjMixCCCGEEEKI9/R65X6p5C+yQ2hoKL6+vmmW+/r6EhoaqoWIhHg7mYpSCCGEEEKI99SlSxeMjY0BiIuLo3fv3uTLlw+A+Ph4bYYmdFipUqWYM2cOs2fP1lg+Z84cSpUqpaWohHgzGRYhhBBCCCHEe+jatWum1lu6dGkORyLymoMHD9KkSRPc3NyoXLkyAMeOHeP+/fts27ZNpjgVuZIkF4QQQgghhBAil3n06BFz587l6tWrwP/bu3/QrO49DODPeb3+SbGkpiIi1KCD0lC1FsHaQgalOmgL7SyCkQ4G2gw6uAoi4mxRlEpRSrKogyC4SJUgKmi1QSUlKBG0UMRarZGIr+8dLtgbkmgu4XpO4fOZXn7nHZ71PHzP95e8//776ezszLx580pOBmNTLgAAAACTYucCAABAxfzxxx/5/vvvc/PmzSRJW1tbNm/enJaWlpKTwdhMLgAAAFTIuXPn8vnnn6e5uTkrVqxIkly+fDkPHz7MyZMn097eXnJCGE25AAAAUCFLlizJqlWrsn///kyZMiVJUq/X09nZmfPnz6evr6/khDCacgEAAKBCmpqacvXq1SxevHjEeX9/fz788MM8ffq0pGQwvlrZAQAAAPjbRx999HLXwn+7efNmli1bVkIieD0LHQEAAEr2yy+/vPz97bffpqurKwMDA/n444+TJBcuXMh3332XPXv2lBURXslnEQAAACWr1WopiiKvez0riiL1ev0NpYKJM7kAAABQstu3b5cdASbF5AIAAAAwKSYXAAAAKujGjRu5c+dOnj17NuL8iy++KCkRjE+5AAAAUCG3bt3Kl19+mb6+vhF7GIqiSBI7F6gkV1ECAABUSFdXVxYsWJDff/89b731Vq5fv55z585lxYoV+emnn8qOB2OycwEAAKBCZs+enTNnzmTp0qVpbm7OpUuXsnjx4pw5cybbtm3Lzz//XHZEGMXkAgAAQIXU6/W8/fbbSf5TNNy7dy9J0tramv7+/jKjwbjsXAAAAKiQDz74INeuXcuCBQuycuXK7N27N9OmTcvBgwezcOHCsuPBmHwWAQAAUCGnT5/OkydP8tVXX2VgYCAbNmzIr7/+mnfffTc9PT1Zs2ZN2RFhFOUCAABAxT148CCzZs16eWMEVI2dCwAAABXS0dGRx48fjzhraWnJ0NBQOjo6SkoFr2ZyAQAAoEKmTJmS3377LXPmzBlxfv/+/cydOzfPnz8vKRmMz0JHAACACnj06FEajUYajUYeP36cGTNmvHxWr9dz6tSpUYUDVIVyAQAAoALeeeedFEWRoiiyaNGiUc+LosjOnTtLSAav57MIAACACjh79mwajUZWr16dY8eOpaWl5eWzadOmpbW1NfPmzSsxIYxPuQAAAFAhg4ODmT9/vpsh+EdxWwQAAECFtLa2pre3Nxs3bswnn3ySu3fvJkmOHj2a3t7ektPB2JQLAAAAFXLs2LGsW7cuTU1NuXLlSoaHh5Mkf/75Z3bv3l1yOhibcgEAAKBCdu3alQMHDuTQoUOZOnXqy/NPP/00V65cKTEZjE+5AAAAUCH9/f1pb28fdd7c3JyHDx+++UAwAcoFAACACpk7d24GBgZGnff29mbhwoUlJILXUy4AAABUyNdff52urq5cvHgxRVHk3r17+fHHH7N9+/Zs3bq17Hgwpn+VHQAAAIC/7dixIy9evMiaNWsyNDSU9vb2TJ8+Pdu3b88333xTdjwYU9FoNBplhwAAAGCkZ8+eZWBgIH/99Vfa2toyc+bMsiPBuEwuAAAAVEBHR8eE/nf48OH/cxL435lcAAAAqIBarZbW1tYsX748r3pNO3HixBtMBRNjcgEAAKACtm7dmu7u7ty+fTubN2/Oxo0b09LSUnYsmBCTCwAAABUxPDyc48eP5/Dhwzl//nzWr1+fLVu2ZO3atSmKoux4MC7lAgAAQAUNDg7mhx9+yJEjR/L8+fNcv37dUkcqq1Z2AAAAAEar1WopiiKNRiP1er3sOPBKygUAAICKGB4eTnd3dz777LMsWrQofX192bdvX+7cuWNqgUqz0BEAAKACOjs709PTk/feey8dHR3p7u7O7Nmzy44FE2LnAgAAQAXUarXMnz8/y5cvf+XyxuPHj7/BVDAxJhcAAAAqYNOmTW6E4B/L5AIAAAAwKRY6AgAAAJOiXAAAAAAmRbkAAAAATIpyAQAAAJgU5QIAAAAwKcoFAAAAYFKUCwAAAMCkKBcAAACASfk3EEwZaHCkkAIAAAAASUVORK5CYII=", "text/plain": [ "
" ] @@ -2610,7 +2725,7 @@ }, { "cell_type": "code", - "execution_count": 45, + "execution_count": 13, "metadata": {}, "outputs": [ { @@ -2619,7 +2734,7 @@ "[-0.009307607934324563,\n", " 0.13401831052682034,\n", " 0.017504318034388257,\n", - " 0.7577621965152356,\n", + " 0.7886944574993665,\n", " 0.6280126479271905,\n", " -0.05641975421154886,\n", " 0.647590949772895,\n", @@ -2633,7 +2748,7 @@ " 0.6648755439611503]" ] }, - "execution_count": 45, + "execution_count": 13, "metadata": {}, "output_type": "execute_result" } @@ -2835,7 +2950,7 @@ }, { "cell_type": "code", - "execution_count": 4, + "execution_count": 7, "metadata": {}, "outputs": [], "source": [ @@ -5493,10 +5608,11 @@ }, { "cell_type": "code", - "execution_count": 5, + "execution_count": 8, "metadata": {}, "outputs": [], "source": [ + "df = df.drop(columns=['seqn'],axis = 1)\n", "x = df.copy().drop(columns=['MetabolicSyndrome'],axis = 1)\n", "y = df.copy()['MetabolicSyndrome']" ] @@ -5510,7 +5626,7 @@ }, { "cell_type": "code", - "execution_count": 6, + "execution_count": 9, "metadata": {}, "outputs": [], "source": [ @@ -5531,7 +5647,7 @@ }, { "cell_type": "code", - "execution_count": 7, + "execution_count": 10, "metadata": {}, "outputs": [], "source": [ @@ -5552,7 +5668,7 @@ }, { "cell_type": "code", - "execution_count": 8, + "execution_count": 11, "metadata": {}, "outputs": [], "source": [ @@ -5579,7 +5695,7 @@ }, { "cell_type": "code", - "execution_count": 9, + "execution_count": 12, "metadata": {}, "outputs": [], "source": [ @@ -5617,31 +5733,31 @@ }, { "cell_type": "code", - "execution_count": 24, + "execution_count": 13, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ - "Time taken for GridSearchCV: 134.49 seconds\n", + "Time taken for GridSearchCV: 65.83 seconds\n", "Best Hyperparameters:\n", - "{'learning_rate': 0.1, 'max_depth': 5, 'n_estimators': 200}\n", + "{'learning_rate': 0.1, 'max_depth': 3, 'n_estimators': 100}\n", "\n", - "Time taken for training with best hyperparameters: 2.43 seconds\n", + "Time taken for training with best hyperparameters: 0.55 seconds\n", "\n", - "Mean Accuracy: 0.8904737206085753\n", - "Standard Deviation of Accuracy: 0.016681348738190417\n", - "Mean Precision: 0.840558326821571\n", - "Standard Deviation of Precision: 0.033400454685118125\n", - "Mean Recall: 0.8420217455186598\n", - "Standard Deviation of Recall: 0.048447557254232027\n", - "Mean F1-score: 0.8399737525865048\n", - "Standard Deviation of F1-score: 0.026538578894600685\n", - "Mean ROC AUC: 0.8789061400333764\n", - "Standard Deviation of ROC AUC: 0.021751718258805296\n", + "Mean Accuracy: 0.8929719917012449\n", + "Standard Deviation of Accuracy: 0.019204800762012475\n", + "Mean Precision: 0.8536406785721526\n", + "Standard Deviation of Precision: 0.04575450095491739\n", + "Mean Recall: 0.8334704672347929\n", + "Standard Deviation of Recall: 0.036909253444420316\n", + "Mean F1-score: 0.8422469002076811\n", + "Standard Deviation of F1-score: 0.02709928042621855\n", + "Mean ROC AUC: 0.87874845622483\n", + "Standard Deviation of ROC AUC: 0.019790047877786876\n", "\n", - "Total time taken: 136.93 seconds\n" + "Total time taken: 66.39 seconds\n" ] } ], @@ -5760,7 +5876,7 @@ }, { "cell_type": "code", - "execution_count": 25, + "execution_count": 14, "metadata": {}, "outputs": [ { @@ -5787,21 +5903,21 @@ }, { "cell_type": "code", - "execution_count": 26, + "execution_count": 15, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ - "Accuracy: 0.8868552412645591\n", - "Precision: 0.8541666666666666\n", - "Recall: 0.803921568627451\n", - "F1 Score: 0.8282828282828283\n", - "ROC AUC Score: 0.8666963006865215\n", + "Accuracy: 0.8818635607321131\n", + "Precision: 0.8556149732620321\n", + "Recall: 0.7843137254901961\n", + "F1 Score: 0.8184143222506394\n", + "ROC AUC Score: 0.8581518249617227\n", "Confusion Matrix:\n", - "[[369 28]\n", - " [ 40 164]]\n" + "[[370 27]\n", + " [ 44 160]]\n" ] } ], @@ -5825,12 +5941,12 @@ }, { "cell_type": "code", - "execution_count": 27, + "execution_count": 16, "metadata": {}, "outputs": [ { "data": { - "image/png": "iVBORw0KGgoAAAANSUhEUgAAAokAAAIjCAYAAABvUIGpAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8pXeV/AAAACXBIWXMAAA9hAAAPYQGoP6dpAABINElEQVR4nO3de5yN9f7//+eaYZYx5mAwpzDOh8kxSZOctjOJaEuUIbHVUBmkqcihmj5UpEKnjUQ6UpQ0CLVN5TRIEkNRzBCZYTDGzPX7w8/6trypWcyyZqzHvdt1u1nX9V7X9Vprb+3Xfr6v671slmVZAgAAAP7Cx9MFAAAAoOihSQQAAICBJhEAAAAGmkQAAAAYaBIBAABgoEkEAACAgSYRAAAABppEAAAAGGgSAQAAYKBJBPC3du3apQ4dOig4OFg2m02LFy8u1PP/8ssvstlsmjNnTqGetzhr3bq1Wrdu7ekyAHg5mkSgGEhLS9N//vMfVatWTaVKlVJQUJCaN2+ul156SadOnXLrtePi4rRt2zY988wzmjdvnm688Ua3Xu9qGjBggGw2m4KCgi76Pe7atUs2m002m03PP/+8y+c/cOCAxo8fr9TU1EKoFgCurhKeLgDA3/vss8/073//W3a7Xf3791e9evV05swZffPNNxo9erS2b9+u119/3S3XPnXqlFJSUvTEE09o2LBhbrlGdHS0Tp06pZIlS7rl/P+kRIkSOnnypJYsWaLevXs7HZs/f75KlSql06dPX9a5Dxw4oAkTJqhKlSpq1KhRgd/35ZdfXtb1AKAw0SQCRdjevXvVp08fRUdHa9WqVYqMjHQci4+P1+7du/XZZ5+57fqHDx+WJIWEhLjtGjabTaVKlXLb+f+J3W5X8+bN9e677xpN4oIFC9S1a1d99NFHV6WWkydPqnTp0vLz87sq1wOAv8N0M1CETZ48WSdOnNBbb73l1CCeV6NGDT388MOO12fPntWkSZNUvXp12e12ValSRY8//rhycnKc3lelShXddttt+uabb3TTTTepVKlSqlatmt5++23HmPHjxys6OlqSNHr0aNlsNlWpUkXSuWna83/+q/Hjx8tmszntS05O1q233qqQkBCVKVNGtWvX1uOPP+44fql7EletWqUWLVooICBAISEh6t69u3bs2HHR6+3evVsDBgxQSEiIgoODNXDgQJ08efLSX+wF+vbtq2XLlunYsWOOfevXr9euXbvUt29fY/zRo0c1atQo1a9fX2XKlFFQUJA6d+6sLVu2OMasXr1aTZs2lSQNHDjQMW19/nO2bt1a9erV08aNG9WyZUuVLl3a8b1ceE9iXFycSpUqZXz+jh07qmzZsjpw4ECBPysAFBRNIlCELVmyRNWqVdMtt9xSoPH333+/xo0bpxtuuEFTp05Vq1atlJSUpD59+hhjd+/erTvvvFPt27fXCy+8oLJly2rAgAHavn27JKlnz56aOnWqJOnuu+/WvHnzNG3aNJfq3759u2677Tbl5ORo4sSJeuGFF3T77bfrf//739++b8WKFerYsaMOHTqk8ePHKyEhQevWrVPz5s31yy+/GON79+6t48ePKykpSb1799acOXM0YcKEAtfZs2dP2Ww2ffzxx459CxYsUJ06dXTDDTcY4/fs2aPFixfrtttu04svvqjRo0dr27ZtatWqlaNhq1u3riZOnChJGjJkiObNm6d58+apZcuWjvMcOXJEnTt3VqNGjTRt2jS1adPmovW99NJLqlChguLi4pSXlydJeu211/Tll1/q5ZdfVlRUVIE/KwAUmAWgSMrMzLQkWd27dy/Q+NTUVEuSdf/99zvtHzVqlCXJWrVqlWNfdHS0Jclau3atY9+hQ4csu91ujRw50rFv7969liRrypQpTueMi4uzoqOjjRqeeuop66//Wpk6daolyTp8+PAl6z5/jdmzZzv2NWrUyAoLC7OOHDni2LdlyxbLx8fH6t+/v3G9++67z+mcd9xxh1WuXLlLXvOvnyMgIMCyLMu68847rbZt21qWZVl5eXlWRESENWHChIt+B6dPn7by8vKMz2G3262JEyc69q1fv974bOe1atXKkmTNmjXrosdatWrltG/58uWWJOvpp5+29uzZY5UpU8bq0aPHP35GALhcJIlAEZWVlSVJCgwMLND4zz//XJKUkJDgtH/kyJGSZNy7GBMToxYtWjheV6hQQbVr19aePXsuu+YLnb+X8ZNPPlF+fn6B3nPw4EGlpqZqwIABCg0Ndexv0KCB2rdv7/icfzV06FCn1y1atNCRI0cc32FB9O3bV6tXr1Z6erpWrVql9PT0i041S+fuY/TxOfevz7y8PB05csQxlb5p06YCX9Nut2vgwIEFGtuhQwf95z//0cSJE9WzZ0+VKlVKr732WoGvBQCuokkEiqigoCBJ0vHjxws0/tdff5WPj49q1KjhtD8iIkIhISH69ddfnfZXrlzZOEfZsmX1559/XmbFprvuukvNmzfX/fffr/DwcPXp00fvv//+3zaM5+usXbu2caxu3br6448/lJ2d7bT/ws9StmxZSXLps3Tp0kWBgYF67733NH/+fDVt2tT4Ls/Lz8/X1KlTVbNmTdntdpUvX14VKlTQ1q1blZmZWeBrXnfddS49pPL8888rNDRUqampmj59usLCwgr8XgBwFU0iUEQFBQUpKipKP/zwg0vvu/DBkUvx9fW96H7Lsi77GufvlzvP399fa9eu1YoVK3Tvvfdq69atuuuuu9S+fXtj7JW4ks9ynt1uV8+ePTV37lwtWrTokimiJD377LNKSEhQy5Yt9c4772j58uVKTk7W9ddfX+DEVDr3/bhi8+bNOnTokCRp27ZtLr0XAFxFkwgUYbfddpvS0tKUkpLyj2Ojo6OVn5+vXbt2Oe3PyMjQsWPHHE8qF4ayZcs6PQl83oVppST5+Piobdu2evHFF/Xjjz/qmWee0apVq/TVV19d9Nzn69y5c6dx7KefflL58uUVEBBwZR/gEvr27avNmzfr+PHjF33Y57wPP/xQbdq00VtvvaU+ffqoQ4cOateunfGdFLRhL4js7GwNHDhQMTExGjJkiCZPnqz169cX2vkB4EI0iUAR9uijjyogIED333+/MjIyjONpaWl66aWXJJ2bLpVkPIH84osvSpK6du1aaHVVr15dmZmZ2rp1q2PfwYMHtWjRIqdxR48eNd57flHpC5flOS8yMlKNGjXS3LlznZquH374QV9++aXjc7pDmzZtNGnSJL3yyiuKiIi45DhfX18jpfzggw/0+++/O+0738xerKF21ZgxY7Rv3z7NnTtXL774oqpUqaK4uLhLfo8AcKVYTBsowqpXr64FCxborrvuUt26dZ1+cWXdunX64IMPNGDAAElSw4YNFRcXp9dff13Hjh1Tq1at9P3332vu3Lnq0aPHJZdXuRx9+vTRmDFjdMcdd+ihhx7SyZMnNXPmTNWqVcvpwY2JEydq7dq16tq1q6Kjo3Xo0CHNmDFDFStW1K233nrJ80+ZMkWdO3dWbGysBg0apFOnTunll19WcHCwxo8fX2if40I+Pj568skn/3HcbbfdpokTJ2rgwIG65ZZbtG3bNs2fP1/VqlVzGle9enWFhIRo1qxZCgwMVEBAgJo1a6aqVau6VNeqVas0Y8YMPfXUU44leWbPnq3WrVtr7Nixmjx5skvnA4AC8fDT1QAK4Oeff7YGDx5sValSxfLz87MCAwOt5s2bWy+//LJ1+vRpx7jc3FxrwoQJVtWqVa2SJUtalSpVshITE53GWNa5JXC6du1qXOfCpVcutQSOZVnWl19+adWrV8/y8/Ozateubb3zzjvGEjgrV660unfvbkVFRVl+fn5WVFSUdffdd1s///yzcY0Ll4lZsWKF1bx5c8vf398KCgqyunXrZv34449OY85f78IldmbPnm1Jsvbu3XvJ79SynJfAuZRLLYEzcuRIKzIy0vL397eaN29upaSkXHTpmk8++cSKiYmxSpQo4fQ5W7VqZV1//fUXveZfz5OVlWVFR0dbN9xwg5Wbm+s0bsSIEZaPj4+VkpLyt58BAC6HzbJcuLMbAAAAXoF7EgEAAGCgSQQAAICBJhEAAAAGmkQAAAAYaBIBAABgoEkEAACAgSYRAAAAhmvyF1f8Gw/zdAkA3OTP9a94ugQAblLKg12JO3uHU5uL57+3SBIBAABguCaTRAAAAJfYyM0uRJMIAABgs3m6giKHthkAAAAGkkQAAACmmw18IwAAADCQJAIAAHBPooEkEQAAAAaSRAAAAO5JNPCNAAAAwECSCAAAwD2JBppEAAAAppsNfCMAAAAwkCQCAAAw3WwgSQQAAICBJBEAAIB7Eg18IwAAADCQJAIAAHBPooEkEQAAAAaSRAAAAO5JNNAkAgAAMN1soG0GAAAoImbOnKkGDRooKChIQUFBio2N1bJlyxzHW7duLZvN5rQNHTrU6Rz79u1T165dVbp0aYWFhWn06NE6e/asy7WQJAIAABSR6eaKFSvqueeeU82aNWVZlubOnavu3btr8+bNuv766yVJgwcP1sSJEx3vKV26tOPPeXl56tq1qyIiIrRu3TodPHhQ/fv3V8mSJfXss8+6VAtNIgAAgBvl5OQoJyfHaZ/dbpfdbjfGduvWzen1M888o5kzZ+rbb791NImlS5dWRETERa/15Zdf6scff9SKFSsUHh6uRo0aadKkSRozZozGjx8vPz+/AtddNNpmAAAAT7L5uG1LSkpScHCw05aUlPSPJeXl5WnhwoXKzs5WbGysY//8+fNVvnx51atXT4mJiTp58qTjWEpKiurXr6/w8HDHvo4dOyorK0vbt2936SshSQQAAHCjxMREJSQkOO27WIp43rZt2xQbG6vTp0+rTJkyWrRokWJiYiRJffv2VXR0tKKiorR161aNGTNGO3fu1McffyxJSk9Pd2oQJTlep6enu1Q3TSIAAICP+55uvtTU8qXUrl1bqampyszM1Icffqi4uDitWbNGMTExGjJkiGNc/fr1FRkZqbZt2yotLU3Vq1cv1LqZbgYAAChC/Pz8VKNGDTVp0kRJSUlq2LChXnrppYuObdasmSRp9+7dkqSIiAhlZGQ4jTn/+lL3MV4KTSIAAIAb70m8Uvn5+caDL+elpqZKkiIjIyVJsbGx2rZtmw4dOuQYk5ycrKCgIMeUdUEx3QwAAFBEFtNOTExU586dVblyZR0/flwLFizQ6tWrtXz5cqWlpWnBggXq0qWLypUrp61bt2rEiBFq2bKlGjRoIEnq0KGDYmJidO+992ry5MlKT0/Xk08+qfj4eJemvCWaRAAAgCLj0KFD6t+/vw4ePKjg4GA1aNBAy5cvV/v27bV//36tWLFC06ZNU3Z2tipVqqRevXrpySefdLzf19dXS5cu1QMPPKDY2FgFBAQoLi7OaV3FgrJZlmUV5ocrCvwbD/N0CQDc5M/1r3i6BABuUsqD0ZV/u+fcdu5TKx5z27ndiXsSAQAAYGC6GQAAoIjck1iUkCQCAADAQJIIAABQCEvVXGv4RgAAAGAgSQQAAOCeRANNIgAAANPNBr4RAAAAGEgSAQAAmG42kCQCAADAQJIIAADAPYkGvhEAAAAYSBIBAAC4J9FAkggAAAADSSIAAAD3JBpoEgEAAGgSDXwjAAAAMJAkAgAA8OCKgSQRAAAABpJEAAAA7kk08I0AAADAQJIIAADAPYkGkkQAAAAYSBIBAAC4J9FAkwgAAMB0s4G2GQAAAAaSRAAA4PVsJIkGkkQAAAAYSBIBAIDXI0k0kSQCAADAQJIIAABAkGggSQQAAICBJBEAAHg97kk00SQCAACvR5NoYroZAAAABpJEAADg9UgSTSSJAAAAMJAkAgAAr0eSaCJJBAAAgIEkEQAAgCDRQJIIAAAAA0kiAADwetyTaCJJBAAAgIEkEQAAeD2SRBNNIgAA8Ho0iSammwEAAGAgSQQAAF6PJNFEkggAAAADSSIAAABBooEkEQAAAAaSRAAA4PW4J9FEkggAAAADSSIAAPB6JIkmmkQAAOD1aBJNTDcDAADAQJIIAABAkGggSQQAACgiZs6cqQYNGigoKEhBQUGKjY3VsmXLHMdPnz6t+Ph4lStXTmXKlFGvXr2UkZHhdI59+/apa9euKl26tMLCwjR69GidPXvW5VpoEgEAgNez2Wxu21xRsWJFPffcc9q4caM2bNigf/3rX+revbu2b98uSRoxYoSWLFmiDz74QGvWrNGBAwfUs2dPx/vz8vLUtWtXnTlzRuvWrdPcuXM1Z84cjRs3zvXvxLIsy+V3FXH+jYd5ugQAbvLn+lc8XQIANynlwZvgwu//wG3nznjz31f0/tDQUE2ZMkV33nmnKlSooAULFujOO++UJP3000+qW7euUlJSdPPNN2vZsmW67bbbdODAAYWHh0uSZs2apTFjxujw4cPy8/Mr8HVJEgEAgNdzZ5KYk5OjrKwspy0nJ+cfa8rLy9PChQuVnZ2t2NhYbdy4Ubm5uWrXrp1jTJ06dVS5cmWlpKRIklJSUlS/fn1HgyhJHTt2VFZWliONLCiaRAAAADdKSkpScHCw05aUlHTJ8du2bVOZMmVkt9s1dOhQLVq0SDExMUpPT5efn59CQkKcxoeHhys9PV2SlJ6e7tQgnj9+/pgreLoZAAB4PXeuk5iYmKiEhASnfXa7/ZLja9eurdTUVGVmZurDDz9UXFyc1qxZ47b6LoUmEQAAeD13Nol2u/1vm8IL+fn5qUaNGpKkJk2aaP369XrppZd011136cyZMzp27JhTmpiRkaGIiAhJUkREhL7//nun851/+vn8mIJiuhkAAKAIy8/PV05Ojpo0aaKSJUtq5cqVjmM7d+7Uvn37FBsbK0mKjY3Vtm3bdOjQIceY5ORkBQUFKSYmxqXrkiQCAAAUkcW0ExMT1blzZ1WuXFnHjx/XggULtHr1ai1fvlzBwcEaNGiQEhISFBoaqqCgIA0fPlyxsbG6+eabJUkdOnRQTEyM7r33Xk2ePFnp6el68sknFR8f71KaKdEkAgAAFBmHDh1S//79dfDgQQUHB6tBgwZavny52rdvL0maOnWqfHx81KtXL+Xk5Khjx46aMWOG4/2+vr5aunSpHnjgAcXGxiogIEBxcXGaOHGiy7WwTiKAYoV1EoFrlyfXSbzugUVuO/fvM+9w27ndiXsSAQAAYGC6GQAAeD13Pt1cXJEkAgAAwECSCAAAvB5JookmEQAAgB7RwHQzAAAADCSJAADA6zHdbCJJBAAAgIEkEQAAeD2SRBNJIgAAAAwkiShyBv/7Vg2+s4Wio0IlSTv2pOvZ15fpy//96BjTrEFVjY+/TU3rV1FeXr62/vy7uj34qk7n5EqSGtWpqKcf7qEm11dWXp6lxStTNeaFj5R96oxHPhOAi3vrjde0MvlL7d27R/ZSpdSoUWM9kjBKVapWc4z54/BhvfjCZH27bp2yT2arSpWqGjxkqNp16OjBynGtIUk0kSSiyPk945jGvvyJbuk3Wc37TdHq73/WB1OHqG61CEnnGsRPXnlQK7/9SS3umaJb75miWQvXKD//3M+QR1YI1mezhitt/2G1vPd5dY9/VTHVI/TGxHs9+bEAXMSG9d/rrrv7ad677+u1N2br7NmzGjp4kE6ePOkY88TjY/TL3r166ZWZ+mjRErVt116jRz6iHTt+/JszA7hSJIkocj5f+4PT6/GvLtHgf9+qmxpU1Y496Zo8sqdmLFyt52cnO8bs+vWQ48+dW9RT7tk8PZL0vizrXOM4/Jn3tOGDx1WtUnnt2f/H1fkgAP7RzNffcno98Znn1KZFrHb8uF1NbmwqSdqyebOeGPeU6jdoIEkaMvRBvfP2XO3Yvl1168Zc9ZpxbSJJNHm0Sfzjjz/03//+VykpKUpPT5ckRURE6JZbbtGAAQNUoUIFT5aHIsDHx6Ze7W9QgL+fvtu6VxXKltFNDapq4bIN+mpOgqpWLK+ff8nQ+FeWaF3qHkmS3a+EcnPzHA2iJJ3KOTfNfEuj6jSJQBF24vhxSVJQcLBjX8PGjbX8i2Vq2bK1AoOCtPyLZco5k6Mbm97kqTJxLaJHNHhsunn9+vWqVauWpk+fruDgYLVs2VItW7ZUcHCwpk+frjp16mjDhg3/eJ6cnBxlZWU5bVZ+3lX4BHCn62tE6fD/XlDmd9M0/Ym7dNfIN/TTnnRVrVhekvTEf7rovx+vU/f4GUrdsV+fvzZc1Suf+z8Vq7/fqfByQRrRv61KlvBVSKC/nn6ouyQpokLwJa8JwLPy8/M1+f+eVaPGN6hmzVqO/VNemKazuWfVsnkzNW1cX09PGKepL72iytHRHqwWuPZ5LEkcPny4/v3vf2vWrFlGxGtZloYOHarhw4crJSXlb8+TlJSkCRMmOO3zDW+qkpH8P8zi7OdfMtSsT5KCy/jrjnaN9cbEe9Xh/pfk43PuvytvffSN5n36rSRpy87f1Pqm2orrHqtxL3+qHXvSNXjcPD03sqcmDr9defn5mvHuGqX/kSUrP9+THwvA33j26QlK27VLc+YtcNr/6ssv6fjxLL3+1hyFhJTVV6tW6NGRj2j22/NVs1ZtD1WLaw3TzSaPNYlbtmzRnDlzLvofis1m04gRI9S4ceN/PE9iYqISEhKc9oW1GFNodcIzcs/mOaaFN+/YrybXV1b83a0d9yHu2JPuNH7n3nRViijreP3eFxv03hcbFBYaqOxTObIs6aF7/qW9vx25eh8CQIE9+/RErV2zWv+d+47CIyIc+/fv26eFC97RR58sVY0aNSVJtevU0aaNG7Tw3fka+9RET5UMXPM81iRGRETo+++/V506dS56/Pvvv1d4ePg/nsdut8tutzvts/n4FkqNKDp8bDbZ/Uro1wNHdODQMdWqEuZ0vEZ0mNMSOecdOnru/qb+3W/W6TO5WvntT1elXgAFY1mWkp6ZpFUrk/XWnHmqWLGS0/HTp09JknxszndH+fj4ysq3BBQWkkSTx5rEUaNGaciQIdq4caPatm3raAgzMjK0cuVKvfHGG3r++ec9VR48aOLw27X8f9u1/+CfCgwopbs636iWN9ZUtwdnSJKmzl2hJ4d21baff9eWnb/pnm7NVLtKuPqO/n9PSQ69q6W+3bJHJ06eUdub6+jZR3po7MufKPPEKU99LAAX8eykCVr2+VJNe3mGAkoH6I/DhyVJZQIDVapUKVWpWk2VK0dr0oRxShg1RiEhIVq1aoW+TfmfXp7xmoerB65tNuuvj4BeZe+9956mTp2qjRs3Ki/v3MMmvr6+atKkiRISEtS7d+/LOq9/42GFWSausplP9VWbm2oronyQMk+c1g+7ftcLs1do1Xf/LwUcNbC9/tO7pcoGl9a2n3/XE9MWO55ulqQ3J92rTrfWU5nSftr5S4amvb1S73623hMfB4Xsz/WveLoEFKKG11/8nsKJTyep+x09JUm//vqLXnrxBW3evFEnT55U5UqV1X/gfep2e4+rWCmuhlIeXHOlxqhlbjv37uc7u+3c7uTRJvG83Nxc/fHHufvPypcvr5IlS17R+WgSgWsXTSJw7aJJLFqKxGLaJUuWVGRkpKfLAAAAXop7Ek1FokkEAADwJHpEE7/dDAAAAANJIgAA8HpMN5tIEgEAAGAgSQQAAF6PINFEkggAAAADSSIAAPB6Pj5EiRciSQQAAICBJBEAAHg97kk00SQCAACvxxI4JqabAQAAYCBJBAAAXo8g0USSCAAAAANJIgAA8Hrck2giSQQAAICBJBEAAHg9kkQTSSIAAAAMJIkAAMDrESSaaBIBAIDXY7rZxHQzAAAADCSJAADA6xEkmkgSAQAAYCBJBAAAXo97Ek0kiQAAADCQJAIAAK9HkGgiSQQAAICBJBEAAHg97kk0kSQCAADAQJIIAAC8HkGiiSYRAAB4PaabTUw3AwAAwECSCAAAvB5BookkEQAAAAaSRAAA4PW4J9FEkggAAAADTSIAAPB6Npv7NlckJSWpadOmCgwMVFhYmHr06KGdO3c6jWndurVsNpvTNnToUKcx+/btU9euXVW6dGmFhYVp9OjROnv2rEu1MN0MAABQRKxZs0bx8fFq2rSpzp49q8cff1wdOnTQjz/+qICAAMe4wYMHa+LEiY7XpUuXdvw5Ly9PXbt2VUREhNatW6eDBw+qf//+KlmypJ599tkC10KTCAAAvF5RuSfxiy++cHo9Z84chYWFaePGjWrZsqVjf+nSpRUREXHRc3z55Zf68ccftWLFCoWHh6tRo0aaNGmSxowZo/Hjx8vPz69AtTDdDAAAvJ47p5tzcnKUlZXltOXk5BSorszMTElSaGio0/758+erfPnyqlevnhITE3Xy5EnHsZSUFNWvX1/h4eGOfR07dlRWVpa2b99e4O+EJhEAAMCNkpKSFBwc7LQlJSX94/vy8/P1yCOPqHnz5qpXr55jf9++ffXOO+/oq6++UmJioubNm6d77rnHcTw9Pd2pQZTkeJ2enl7gupluBgAAXs+d082JiYlKSEhw2me32//xffHx8frhhx/0zTffOO0fMmSI48/169dXZGSk2rZtq7S0NFWvXr1wihZJIgAAgFvZ7XYFBQU5bf/UJA4bNkxLly7VV199pYoVK/7t2GbNmkmSdu/eLUmKiIhQRkaG05jzry91H+PF0CQCAACvd+GSMoW5ucKyLA0bNkyLFi3SqlWrVLVq1X98T2pqqiQpMjJSkhQbG6tt27bp0KFDjjHJyckKCgpSTExMgWthuhkAAKCIiI+P14IFC/TJJ58oMDDQcQ9hcHCw/P39lZaWpgULFqhLly4qV66ctm7dqhEjRqhly5Zq0KCBJKlDhw6KiYnRvffeq8mTJys9PV1PPvmk4uPjCzTNfR5NIgAA8HpFZAUczZw5U9K5BbP/avbs2RowYID8/Py0YsUKTZs2TdnZ2apUqZJ69eqlJ5980jHW19dXS5cu1QMPPKDY2FgFBAQoLi7OaV3FgqBJBAAAKCIsy/rb45UqVdKaNWv+8TzR0dH6/PPPr6gWmkQAAOD1ispi2kUJTSIAAPB69Igmnm4GAACAgSQRAAB4PaabTSSJAAAAMJAkAgAAr0eQaCJJBAAAgIEkEQAAeD0fokQDSSIAAAAMJIkAAMDrESSaaBIBAIDXYwkcE9PNAAAAMJAkAgAAr+dDkGggSQQAAICBJBEAAHg97kk0kSQCAADAQJIIAAC8HkGiiSQRAAAABpJEAADg9WwiSrwQTSIAAPB6LIFjYroZAAAABpJEAADg9VgCx0SSCAAAAANJIgAA8HoEiSaSRAAAABhIEgEAgNfzIUo0kCQCAADAUChN4rFjxwrjNAAAAB5hs7lvK65cbhL/7//+T++9957jde/evVWuXDldd9112rJlS6EWBwAAcDXYbDa3bcWVy03irFmzVKlSJUlScnKykpOTtWzZMnXu3FmjR48u9AIBAABw9bn84Ep6erqjSVy6dKl69+6tDh06qEqVKmrWrFmhFwgAAOBuxTjwcxuXk8SyZctq//79kqQvvvhC7dq1kyRZlqW8vLzCrQ4AAAAe4XKS2LNnT/Xt21c1a9bUkSNH1LlzZ0nS5s2bVaNGjUIvEAAAwN1YAsfkcpM4depUValSRfv379fkyZNVpkwZSdLBgwf14IMPFnqBAAAAuPpcbhJLliypUaNGGftHjBhRKAUBAABcbeSIpgI1iZ9++mmBT3j77bdfdjEAAAAoGgrUJPbo0aNAJ7PZbDy8AgAAip3ivJ6huxSoSczPz3d3HQAAAB7jQ49ouKKf5Tt9+nRh1QEAAIAixOUmMS8vT5MmTdJ1112nMmXKaM+ePZKksWPH6q233ir0AgEAANyNn+UzudwkPvPMM5ozZ44mT54sPz8/x/569erpzTffLNTiAAAA4BkuN4lvv/22Xn/9dfXr10++vr6O/Q0bNtRPP/1UqMUBAABcDTab+7biyuUm8ffff7/oL6vk5+crNze3UIoCAACAZ7ncJMbExOjrr7829n/44Ydq3LhxoRQFAABwNXFPosnlX1wZN26c4uLi9Pvvvys/P18ff/yxdu7cqbfffltLly51R40AAAC4ylxOErt3764lS5ZoxYoVCggI0Lhx47Rjxw4tWbJE7du3d0eNAAAAbuVjc99WXLmcJEpSixYtlJycXNi1AAAAeERxnhZ2l8tqEiVpw4YN2rFjh6Rz9yk2adKk0IoCAACAZ7ncJP7222+6++679b///U8hISGSpGPHjumWW27RwoULVbFixcKuEQAAwK3IEU0u35N4//33Kzc3Vzt27NDRo0d19OhR7dixQ/n5+br//vvdUSMAAACuMpeTxDVr1mjdunWqXbu2Y1/t2rX18ssvq0WLFoVaHAAAwNXgwz2JBpeTxEqVKl100ey8vDxFRUUVSlEAAADwLJebxClTpmj48OHasGGDY9+GDRv08MMP6/nnny/U4gAAAK4GfpbPVKDp5rJlyzo9Gp6dna1mzZqpRIlzbz979qxKlCih++67Tz169HBLoQAAALh6CtQkTps2zc1lAAAAeA7rJJoK1CTGxcW5uw4AAAAUIZe9mLYknT59WmfOnHHaFxQUdEUFAQAAXG0EiSaXH1zJzs7WsGHDFBYWpoCAAJUtW9ZpAwAAKG58bDa3ba5ISkpS06ZNFRgYqLCwMPXo0UM7d+50GnP69GnFx8erXLlyKlOmjHr16qWMjAynMfv27VPXrl1VunRphYWFafTo0Tp79qxr34lLoyU9+uijWrVqlWbOnCm73a4333xTEyZMUFRUlN5++21XTwcAAID/35o1axQfH69vv/1WycnJys3NVYcOHZSdne0YM2LECC1ZskQffPCB1qxZowMHDqhnz56O43l5eeratavOnDmjdevWae7cuZozZ47GjRvnUi02y7IsV95QuXJlvf3222rdurWCgoK0adMm1ahRQ/PmzdO7776rzz//3KUC3MG/8TBPlwDATf5c/4qnSwDgJqWu6Ca4K/Pgxz+67dwzesZc9nsPHz6ssLAwrVmzRi1btlRmZqYqVKigBQsW6M4775Qk/fTTT6pbt65SUlJ08803a9myZbrtttt04MABhYeHS5JmzZqlMWPG6PDhw/Lz8yvQtV1OEo8ePapq1apJOnf/4dGjRyVJt956q9auXevq6QAAAK5pOTk5ysrKctpycnIK9N7MzExJUmhoqCRp48aNys3NVbt27Rxj6tSpo8qVKyslJUWSlJKSovr16zsaREnq2LGjsrKytH379gLX7XKTWK1aNe3du9dR1Pvvvy9JWrJkiUJCQlw9HQAAgMfZbDa3bUlJSQoODnbakpKS/rGm/Px8PfLII2revLnq1asnSUpPT5efn5/Rc4WHhys9Pd0x5q8N4vnj548VlMvB7sCBA7Vlyxa1atVKjz32mLp166ZXXnlFubm5evHFF109HQAAwDUtMTFRCQkJTvvsdvs/vi8+Pl4//PCDvvnmG3eV9rdcbhJHjBjh+HO7du30008/aePGjapRo4YaNGhQqMVdrvR10z1dAgA3eeu7XzxdAgA3iW9exWPXdnlq1QV2u71ATeFfDRs2TEuXLtXatWtVsWJFx/6IiAidOXNGx44dc0oTMzIyFBER4Rjz/fffO53v/NPP58cUxBV/J9HR0erZs2eRaRABAACKK8uyNGzYMC1atEirVq1S1apVnY43adJEJUuW1MqVKx37du7cqX379ik2NlaSFBsbq23btunQoUOOMcnJyQoKClJMTMEfoilQkjh9esGTuYceeqjAYwEAAIqCovKzfPHx8VqwYIE++eQTBQYGOu4hDA4Olr+/v4KDgzVo0CAlJCQoNDRUQUFBGj58uGJjY3XzzTdLkjp06KCYmBjde++9mjx5stLT0/Xkk08qPj7epUSzQEvgXNjFXvJkNpv27NlT4Iu7S+apfE+XAMBN3tm0z9MlAHATT043P/LJT24797TudQo89lLN6uzZszVgwABJ5xbTHjlypN59913l5OSoY8eOmjFjhtNU8q+//qoHHnhAq1evVkBAgOLi4vTcc8+pRImC32no8jqJxQFNInDtokkErl00iUWLB5etBAAAKBp8isZsc5Hizod5AAAAUEyRJAIAAK9XVB5cKUpIEgEAAGAgSQQAAF6PexJNl5Ukfv3117rnnnsUGxur33//XZI0b948j/1sDAAAAAqXy03iRx99pI4dO8rf31+bN29WTk6OJCkzM1PPPvtsoRcIAADgbjab+7biyuUm8emnn9asWbP0xhtvqGTJko79zZs316ZNmwq1OAAAgKvBx2Zz21Zcudwk7ty5Uy1btjT2BwcH69ixY4VREwAAADzM5SYxIiJCu3fvNvZ/8803qlatWqEUBQAAcDX5uHErrlyuffDgwXr44Yf13XffyWaz6cCBA5o/f75GjRqlBx54wB01AgAA4CpzeQmcxx57TPn5+Wrbtq1Onjypli1bym63a9SoURo+fLg7agQAAHCrYnzroNu43CTabDY98cQTGj16tHbv3q0TJ04oJiZGZcqUcUd9AAAA8IDLXkzbz89PMTExhVkLAACARxTnp5DdxeUmsU2bNn/7+4arVq26ooIAAADgeS43iY0aNXJ6nZubq9TUVP3www+Ki4srrLoAAACuGoJEk8tN4tSpUy+6f/z48Tpx4sQVFwQAAHC18dvNpkJbvueee+7Rf//738I6HQAAADzosh9cuVBKSopKlSpVWKcDAAC4anhwxeRyk9izZ0+n15Zl6eDBg9qwYYPGjh1baIUBAADAc1xuEoODg51e+/j4qHbt2po4caI6dOhQaIUBAABcLQSJJpeaxLy8PA0cOFD169dX2bJl3VUTAAAAPMylB1d8fX3VoUMHHTt2zE3lAAAAXH0+NvdtxZXLTzfXq1dPe/bscUctAAAAKCJcbhKffvppjRo1SkuXLtXBgweVlZXltAEAABQ3Njf+U1wV+J7EiRMnauTIkerSpYsk6fbbb3f6eT7LsmSz2ZSXl1f4VQIAALhRcZ4WdpcCN4kTJkzQ0KFD9dVXX7mzHgAAABQBBW4SLcuSJLVq1cptxQAAAHgCSaLJpXsSbSwiBAAA4BVcWiexVq1a/9goHj169IoKAgAAuNoIwkwuNYkTJkwwfnEFAAAA1x6XmsQ+ffooLCzMXbUAAAB4BPckmgp8TyIxLAAAgPdw+elmAACAaw1ZmKnATWJ+fr476wAAAPAYH7pEg8s/ywcAAIBrn0sPrgAAAFyLeHDFRJIIAAAAA0kiAADwetySaCJJBAAAgIEkEQAAeD0fESVeiCQRAAAABpJEAADg9bgn0USTCAAAvB5L4JiYbgYAAICBJBEAAHg9fpbPRJIIAAAAA0kiAADwegSJJpJEAAAAGEgSAQCA1+OeRBNJIgAAAAwkiQAAwOsRJJpoEgEAgNdjatXEdwIAAAADSSIAAPB6NuabDSSJAAAAMJAkAgAAr0eOaCJJBAAAKELWrl2rbt26KSoqSjabTYsXL3Y6PmDAANlsNqetU6dOTmOOHj2qfv36KSgoSCEhIRo0aJBOnDjhUh00iQAAwOv52Gxu21yVnZ2thg0b6tVXX73kmE6dOungwYOO7d1333U63q9fP23fvl3JyclaunSp1q5dqyFDhrhUB9PNAAAAbpSTk6OcnBynfXa7XXa7/aLjO3furM6dO//tOe12uyIiIi56bMeOHfriiy+0fv163XjjjZKkl19+WV26dNHzzz+vqKioAtVNkggAALyezY1bUlKSgoODnbakpKQrqnf16tUKCwtT7dq19cADD+jIkSOOYykpKQoJCXE0iJLUrl07+fj46LvvvivwNUgSAQCA13PnCjiJiYlKSEhw2nepFLEgOnXqpJ49e6pq1apKS0vT448/rs6dOyslJUW+vr5KT09XWFiY03tKlCih0NBQpaenF/g6NIkAAABu9HdTy5ejT58+jj/Xr19fDRo0UPXq1bV69Wq1bdu20K7DdDMAAPB6Fz4tXJibu1WrVk3ly5fX7t27JUkRERE6dOiQ05izZ8/q6NGjl7yP8WJoEgEAAIqx3377TUeOHFFkZKQkKTY2VseOHdPGjRsdY1atWqX8/Hw1a9aswOdluhkAAHi9opSanThxwpEKStLevXuVmpqq0NBQhYaGasKECerVq5ciIiKUlpamRx99VDVq1FDHjh0lSXXr1lWnTp00ePBgzZo1S7m5uRo2bJj69OlT4CebpaL1nQAAAHi9DRs2qHHjxmrcuLEkKSEhQY0bN9a4cePk6+urrVu36vbbb1etWrU0aNAgNWnSRF9//bXTfY/z589XnTp11LZtW3Xp0kW33nqrXn/9dZfqsFmWZRXqJysCMk/le7oEAG7yzqZ9ni4BgJvEN6/isWu/n3rAbefu3ajg6V1RQpIIAAAAA/ckAgAAr+f+Z5CLH5JEAAAAGEgSAQCA17sa6xkWNzSJAADA6zG1auI7AQAAgIEkEQAAeD2mm00kiQAAADCQJAIAAK9HjmgiSQQAAICBJBEAAHg9bkk0kSQCAADAQJIIAAC8ng93JRpoEgEAgNdjutnEdDMAAAAMJIkAAMDr2ZhuNpAkAgAAwECSCAAAvB73JJpIEgEAAGAgSQQAAF6PJXBMJIkAAAAwkCQCAACvxz2JJppEAADg9WgSTUw3AwAAwECSCAAAvB6LaZtIEgEAAGAgSQQAAF7PhyDRQJIIAAAAA0kiAADwetyTaCJJBAAAgIEkEQAAeD3WSTTRJAIAAK/HdLOJ6WYAAAAYSBIBAIDXYwkcE0kiAAAADCSJAADA63FPookkEQAAAAaSRBQ7c//7hl6d/qL69L1XCY8+LknKycnRSy/8n75c/rlyz+Tq5lua69HHx6lcufIerhbAhX7fuU0bv/hAh3/ZpezMo+o67ClVv+EWpzFHD+zT/z58S7/v3Kr8vDyFRkWra/xYBZYLcxpnWZY+nfqkfv1hw0XPAxQUS+CYSBJRrPz4wzZ9/OF7qlGrttP+qc8n6eu1q5U0ZZpmvfW2Dh8+pDEJD3moSgB/JzfntCpUqqbW9wy76PFjhw7ow6QElY2opJ6PTlHfibN0U7e+8i3pZ4xNTV7E/7oDbkKTiGLj5MlsjX18tJ4YN1FBgUGO/SeOH9eniz7WIyPHqOlNN6tuzPUaN+FZbd2yWdu2pnquYAAXVaVBU8X2HKDqTZpf9HjKx3MU3eAm3dr7foVF11BIWJSqNY5V6aAQp3GH96Vp0/KP1O6+hKtQNa51NjduxRVNIoqNyc9OUvMWrXTTzc7TSTt2bNfZs7m6qVmsY1+VqtUUERmpbVtSr3KVAK6ElZ+vX7Z8r7Lh12nxC4/rjYd7671JDylt0zqncbk5p/XFa8+p9T3xCggO9VC1uJb42Gxu24qrIt0k7t+/X/fdd9/fjsnJyVFWVpbTlpOTc5UqxNXy5RefaedPPyr+ITMxOPLHHypZsqQCg4Kc9oeGlteRI39crRIBFIKTx48pN+eUNnz+nqLr36geI5NU/Ybm+uzVifpt51bHuK8XvqbIGjGq3ph7EAF3KdJN4tGjRzV37ty/HZOUlKTg4GCn7cUpz12lCnE1ZKQf1IuTkzTx2Smy2+2eLgeAG1n5liSpWuNYNe7QUxUqV9eNXe9S1YbN9MNXn0mS9mxO0f4dqWp591BPloprDNPNJo8+3fzpp5/+7fE9e/b84zkSExOVkOCcLp3OL3lFdaFo2fHjdh09ekT97+7l2JeXl6fNmzbog/cW6KUZbyg3N1fHs7Kc0sSjR//g6WagmPEPDJKPr69Co6Kd9odGVtKBXdslSb/tSFXm4YN6bVhPpzGfvzpJUbXqqdeYKVetXuBa5tEmsUePHrLZbLIs65JjbP8wl2+32410yTqVXyj1oWho2ixW7374idO+ieOeUJWqVdV/4P0KD49UiRIltf77b/Wvdh0kSb/+slfpBw+qfsNGHqgYwOXyLVFSYVVq6c/035z2/5n+u2P5myZd79L1LTs7HZ8/7j9q0ec/qtro5qtWK64xxTnycxOPNomRkZGaMWOGunfvftHjqampatKkyVWuCkVNQECAqteo5bTP399fwcEhjv2339FT0154TkHBwQoIKKPnn3ta9Rs0Uv0GjTxQMYC/c+b0KWUeOuB4nfVHug7vS1OpgEAFlgtTk07/1rJZz+q6WvVUsU5D/frDBu3d8q16PXouIQwIDr3owyqB5cIUXCHiqn0O4Frn0SaxSZMm2rhx4yWbxH9KGYHzRoxKlI/NR4+NfFhnzpxxLKYNoOg59MvP+njyo47XXy98TZJUt3l7tR80StWbNFeb/g9pw2cLtWbBTJWNqKgu8WMVVauep0qGF+Bn+Uw2y4Nd2Ndff63s7Gx16tTposezs7O1YcMGtWrVyqXzZjLdDFyz3tm0z9MlAHCT+OZVPHbt79Iy3XbuZtWD3XZud/JoktiiRYu/PR4QEOBygwgAAOCqYrycodvw280AAMDr0SOaivQ6iQAAAPAMkkQAAACiRANJIgAAAAwkiQAAwOuxBI6JJBEAAAAGkkQAAOD1WALHRJIIAABQhKxdu1bdunVTVFSUbDabFi9e7HTcsiyNGzdOkZGR8vf3V7t27bRr1y6nMUePHlW/fv0UFBSkkJAQDRo0SCdOnHCpDppEAADg9Wxu3FyVnZ2thg0b6tVXX73o8cmTJ2v69OmaNWuWvvvuOwUEBKhjx446ffq0Y0y/fv20fft2JScna+nSpVq7dq2GDBniUh0e/Vk+d+Fn+YBrFz/LB1y7PPmzfJt+zXLbuW+IDrrs99psNi1atEg9evSQdC5FjIqK0siRIzVq1ChJUmZmpsLDwzVnzhz16dNHO3bsUExMjNavX68bb7xRkvTFF1+oS5cu+u233xQVFVWga5MkAgAAuFFOTo6ysrKctpycnMs61969e5Wenq527do59gUHB6tZs2ZKSUmRJKWkpCgkJMTRIEpSu3bt5OPjo++++67A16JJBAAAXs/mxn+SkpIUHBzstCUlJV1Wnenp6ZKk8PBwp/3h4eGOY+np6QoLC3M6XqJECYWGhjrGFARPNwMAALhRYmKiEhISnPbZ7XYPVVNwNIkAAMDruXMJHLvdXmhNYUREhCQpIyNDkZGRjv0ZGRlq1KiRY8yhQ4ec3nf27FkdPXrU8f6CYLoZAACgmKhataoiIiK0cuVKx76srCx99913io2NlSTFxsbq2LFj2rhxo2PMqlWrlJ+fr2bNmhX4WiSJAADA6xWltbRPnDih3bt3O17v3btXqampCg0NVeXKlfXII4/o6aefVs2aNVW1alWNHTtWUVFRjieg69atq06dOmnw4MGaNWuWcnNzNWzYMPXp06fATzZLNIkAAABFyoYNG9SmTRvH6/P3M8bFxWnOnDl69NFHlZ2drSFDhujYsWO69dZb9cUXX6hUqVKO98yfP1/Dhg1T27Zt5ePjo169emn69Oku1cE6iQCKFdZJBK5dnlwnccv+4247d8NKgW47tzuRJAIAAK9nK1ITzkUDD64AAADAQJIIAAC8njuXwCmuSBIBAABgIEkEAABejyDRRJIIAAAAA0kiAAAAUaKBJBEAAAAGkkQAAOD1WCfRRJIIAAAAA0kiAADweqyTaKJJBAAAXo8e0cR0MwAAAAwkiQAAAESJBpJEAAAAGEgSAQCA12MJHBNJIgAAAAwkiQAAwOuxBI6JJBEAAAAGkkQAAOD1CBJNNIkAAAB0iQammwEAAGAgSQQAAF6PJXBMJIkAAAAwkCQCAACvxxI4JpJEAAAAGEgSAQCA1yNINJEkAgAAwECSCAAAQJRooEkEAABejyVwTEw3AwAAwECSCAAAvB5L4JhIEgEAAGAgSQQAAF6PINFEkggAAAADSSIAAABRooEkEQAAAAaSRAAA4PVYJ9FEkwgAALweS+CYmG4GAACAgSQRAAB4PYJEE0kiAAAADCSJAADA63FPookkEQAAAAaSRAAAAO5KNJAkAgAAwECSCAAAvB73JJpoEgEAgNejRzQx3QwAAAADSSIAAPB6TDebSBIBAABgIEkEAABez8ZdiQaSRAAAABhIEgEAAAgSDSSJAAAAMJAkAgAAr0eQaKJJBAAAXo8lcExMNwMAABQR48ePl81mc9rq1KnjOH769GnFx8erXLlyKlOmjHr16qWMjAy31EKTCAAAvJ7Njf+46vrrr9fBgwcd2zfffOM4NmLECC1ZskQffPCB1qxZowMHDqhnz56F+VU4MN0MAABQhJQoUUIRERHG/szMTL311ltasGCB/vWvf0mSZs+erbp16+rbb7/VzTffXKh1kCQCAADY3Lfl5OQoKyvLacvJyblkKbt27VJUVJSqVaumfv36ad++fZKkjRs3Kjc3V+3atXOMrVOnjipXrqyUlJRC/DLOoUkEAABwo6SkJAUHBzttSUlJFx3brFkzzZkzR1988YVmzpypvXv3qkWLFjp+/LjS09Pl5+enkJAQp/eEh4crPT290OtmuhkAAHg9dz7cnJiYqISEBKd9drv9omM7d+7s+HODBg3UrFkzRUdH6/3335e/v78bqzSRJAIAALiR3W5XUFCQ03apJvFCISEhqlWrlnbv3q2IiAidOXNGx44dcxqTkZFx0XsYrxRNIgAA8Ho2m/u2K3HixAmlpaUpMjJSTZo0UcmSJbVy5UrH8Z07d2rfvn2KjY29wm/AxHQzAADwepezVI07jBo1St26dVN0dLQOHDigp556Sr6+vrr77rsVHBysQYMGKSEhQaGhoQoKCtLw4cMVGxtb6E82SzSJAAAARcZvv/2mu+++W0eOHFGFChV066236ttvv1WFChUkSVOnTpWPj4969eqlnJwcdezYUTNmzHBLLTbLsiy3nNmDMk/le7oEAG7yzqZ9ni4BgJvEN6/isWv/eTLPbecuW9rXbed2J+5JBAAAgIEmEQAAAAaaRAAAABh4cAUAAHi9K12q5lpEkggAAAADSSIAAPB6RWWdxKKEJhEAAHg9pptNTDcDAADAQJIIAAC8HkGiiSQRAAAABpJEAAAAokQDSSIAAAAMJIkAAMDrsQSOiSQRAAAABpJEAADg9Vgn0USSCAAAAANJIgAA8HoEiSaaRAAAALpEA9PNAAAAMJAkAgAAr8cSOCaSRAAAABhIEgEAgNdjCRwTSSIAAAAMNsuyLE8XAVyunJwcJSUlKTExUXa73dPlAChE/P0GPIsmEcVaVlaWgoODlZmZqaCgIE+XA6AQ8fcb8CymmwEAAGCgSQQAAICBJhEAAAAGmkQUa3a7XU899RQ3tQPXIP5+A57FgysAAAAwkCQCAADAQJMIAAAAA00iAAAADDSJAAAAMNAkolh79dVXVaVKFZUqVUrNmjXT999/7+mSAFyhtWvXqlu3boqKipLNZtPixYs9XRLglWgSUWy99957SkhI0FNPPaVNmzapYcOG6tixow4dOuTp0gBcgezsbDVs2FCvvvqqp0sBvBpL4KDYatasmZo2bapXXnlFkpSfn69KlSpp+PDheuyxxzxcHYDCYLPZtGjRIvXo0cPTpQBehyQRxdKZM2e0ceNGtWvXzrHPx8dH7dq1U0pKigcrAwDg2kCTiGLpjz/+UF5ensLDw532h4eHKz093UNVAQBw7aBJBAAAgIEmEcVS+fLl5evrq4yMDKf9GRkZioiI8FBVAABcO2gSUSz5+fmpSZMmWrlypWNffn6+Vq5cqdjYWA9WBgDAtaGEpwsALldCQoLi4uJ044036qabbtK0adOUnZ2tgQMHero0AFfgxIkT2r17t+P13r17lZqaqtDQUFWuXNmDlQHehSVwUKy98sormjJlitLT09WoUSNNnz5dzZo183RZAK7A6tWr1aZNG2N/XFyc5syZc/ULArwUTSIAAAAM3JMIAAAAA00iAAAADDSJAAAAMNAkAgAAwECTCAAAAANNIgAAAAw0iQAAADDQJAIAAMBAkwjgig0YMEA9evRwvG7durUeeeSRq17H6tWrZbPZdOzYsUuOsdlsWrx4cYHPOX78eDVq1OiK6vrll19ks9mUmpp6RecBgKuJJhG4Rg0YMEA2m002m01+fn6qUaOGJk6cqLNnz7r92h9//LEmTZpUoLEFaewAAFdfCU8XAMB9OnXqpNmzZysnJ0eff/654uPjVbJkSSUmJhpjz5w5Iz8/v0K5bmhoaKGcBwDgOSSJwDXMbrcrIiJC0dHReuCBB9SuXTt9+umnkv7fFPEzzzyjqKgo1a5dW5K0f/9+9e7dWyEhIQoNDVX37t31yy+/OM6Zl5enhIQEhYSEqFy5cnr00Ud14U/AXzjdnJOTozFjxqhSpUqy2+2qUaOG3nrrLf3yyy9q06aNJKls2bKy2WwaMGCAJCk/P19JSUmqWrWq/P391bBhQ3344YdO1/n8889Vq1Yt+fv7q02bNk51FtSYMWNUq1YtlS5dWtWqVdPYsWOVm5trjHvttddUqVIllS5dWr1791ZmZqbT8TfffFN169ZVqVKlVKdOHc2YMeOS1/zzzz/Vr18/VahQQf7+/qpZs6Zmz57tcu0A4E4kiYAX8ff315EjRxyvV65cqaCgICUnJ0uScnNz1bFjR8XGxurrr79WiRIl9PTTT6tTp07aunWr/Pz89MILL2jOnDn673//q7p16+qFF17QokWL9K9//euS1+3fv79SUlI0ffp0NWzYUHv37tUff/yhSpUq6aOPPlKvXr20c+dOBQUFyd/fX5KUlJSkd955R7NmzVLNmjW1du1a3XPPPapQoYJatWql/fv3q2fPnoqPj9eQIUO0YcMGjRw50uXvJDAwUHPmzFFUVJS2bdumwYMHKzAwUI8++qhjzO7du/X+++9ryZIlysrK0qBBg/Tggw9q/vz5kqT58+dr3LhxeuWVV9S4cWNt3rxZgwcPVkBAgOLi4oxrjh07Vj/++KOWLVum8uXLa/fu3Tp16pTLtQOAW1kArklxcXFW9+7dLcuyrPz8fCs5Odmy2+3WqFGjHMfDw8OtnJwcx3vmzZtn1a5d28rPz3fsy8nJsfz9/a3ly5dblmVZkZGR1uTJkx3Hc3NzrYoVKzquZVmW1apVK+vhhx+2LMuydu7caUmykpOTL1rnV199ZUmy/vzzT8e+06dPW6VLl7bWrVvnNHbQoEHW3XffbVmWZSUmJloxMTFOx8eMGWOc60KSrEWLFl3y+JQpU6wmTZo4Xj/11FOWr6+v9dtvvzn2LVu2zPLx8bEOHjxoWZZlVa9e3VqwYIHTeSZNmmTFxsZalmVZe/futSRZmzdvtizLsrp162YNHDjwkjUAQFFAkghcw5YuXaoyZcooNzdX+fn56tu3r8aPH+84Xr9+faf7ELds2aLdu3crMDDQ6TynT59WWlqaMjMzdfDgQTVr1sxxrESJErrxxhuNKefzUlNT5evrq1atWhW47t27d+vkyZNq37690/4zZ86ocePGkqQdO3Y41SFJsbGxBb7Gee+9956mT5+utLQ0nThxQmfPnlVQUJDTmMqVK+u6665zuk5+fr527typwMBApaWladCgQRo8eLBjzNmzZxUcHHzRaz7wwAPq1auXNm3apA4dOqhHjx665ZZbXK4dANyJJhG4hrVp00YzZ86Un5+foqKiVKKE81/5gIAAp9cnTpxQkyZNHNOof1WhQoXLquH89LErTpw4IUn67LPPnJoz6dx9loUlJSVF/fr104QJE9SxY0cFBwdr4cKFeuGFF1yu9Y033jCaVl9f34u+p3Pnzvr111/1+eefKzk5WW3btlV8fLyef/75y/8wAFDIaBKBa1hAQIBq1KhR4PE33HCD3nvvPYWFhRlp2nmRkZH67rvv1LJlS0nnErONGzfqhhtuuOj4+vXrKz8/X2vWrFG7du2M4+eTzLy8PMe+mJgY2e127du375IJZN26dR0P4Zz37bff/vOH/It169YpOjpaTzzxhGPfr7/+aozbt2+fDhw4oKioKMd1fHx8VLt2bYWHhysqKkp79uxRv379CnztChUqKC4uTnFxcWrRooVGjx5NkwigSOHpZgAO/fr1U/ny5dW9e3d9/fXX2rt3r1avXq2HHnpIv/32myTp4Ycf1nPPPafFixfrp59+0oMPPvi3axxWqVJFcXFxuu+++7R48WLHOd9//31JUnR0tGw2m5YuXarDhw/rxIkTCgwM1KhRozRixAjNnTtXaWlp2rRpk15++WXNnTtXkjR06FDt2rVLo0eP1s6dO7VgwQLNmTPHpc9bs2ZN7du3TwsXLlRaWpqmT5+uRYsWGeNKlSqluLg4bdmyRV9//bUeeugh9e7dWxEREZKkCRMmKCkpSdOnT9fPP/+sbdu2afbs2XrxxRcvet1x48bpk08+0e7du7V9+3YtXbpUdevWdal2AHA3mkQADqVLl9batWtVuXJl9ezZU3Xr1tWgQYN0+vRpR7I4cuRI3XvvvYqLi1NsbKwCAwN1xx13/O15Z86cqTvvvFMPPvig6tSpo8GDBys7O1uSdN1112nChAl67LHHFB4ermHDhkmSJk2apLFjxyopKUl169ZVp06d9Nlnn6lq1aqSzt0n+NFHH2nx4sVq2LChZs2apWeffdalz3v77bdrxIgRGjZsmBo1aqR169Zp7NixxrgaNWqoZ8+e6tKlizp06KAGDRo4LXFz//33680339Ts2bNVv359tWrVSnPmzHHUeiE/Pz8lJiaqQYMGatmypXx9fbVw4UKXagcAd7NZl7rbHAAAAF6LJBEAAAAGmkQAAAAYaBIBAABgoEkEAACAgSYRAAAABppEAAAAGGgSAQAAYKBJBAAAgIEmEQAAAAaaRAAAABhoEgEAAGD4/wDbiCYrgtOIZAAAAABJRU5ErkJggg==", + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAokAAAIjCAYAAABvUIGpAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8pXeV/AAAACXBIWXMAAA9hAAAPYQGoP6dpAABHWElEQVR4nO3de5iN9f7/8deaYdYczMFgZkwY58PkGKXJeRunJMKWqIbEpqEySLN35FTT1kFR6LSR6BxFSYNQ25RDRE4ZlMSMcpoMxpi5f3/0s757+VCzmDVrxno+9nVfl3Xfn3Xf77X2xfXu9bnvz7JZlmUJAAAA+B8+ni4AAAAAxQ9NIgAAAAw0iQAAADDQJAIAAMBAkwgAAAADTSIAAAAMNIkAAAAw0CQCAADAQJMIAAAAA00igD+1Z88edezYUaGhobLZbFq8eHGhnv/HH3+UzWbT3LlzC/W8JVnbtm3Vtm1bT5cBwMvRJAIlwN69e/WPf/xD1atXl7+/v0JCQtSiRQu98MILOnPmjFuvnZCQoG3btumJJ57Q/Pnz1axZM7derygNGDBANptNISEhl/we9+zZI5vNJpvNpmeeecbl8x86dEgTJkzQli1bCqFaAChapTxdAIA/98knn+jvf/+77Ha77r33XtWvX1/nzp3TV199pTFjxmj79u165ZVX3HLtM2fOKC0tTf/61780fPhwt1wjJiZGZ86cUenSpd1y/r9SqlQpnT59WkuWLFGfPn2cji1YsED+/v46e/bsFZ370KFDmjhxoqpWrarGjRsX+H2ff/75FV0PAAoTTSJQjO3fv199+/ZVTEyMVq1apYoVKzqOJSYmKj09XZ988onbrv/rr79KksLCwtx2DZvNJn9/f7ed/6/Y7Xa1aNFCb731ltEkLly4UF27dtUHH3xQJLWcPn1agYGB8vPzK5LrAcCfYboZKMamTp2qU6dO6fXXX3dqEC+oWbOmHnroIcfr8+fPa/LkyapRo4bsdruqVq2qf/7zn8rJyXF6X9WqVXXbbbfpq6++0k033SR/f39Vr15db7zxhmPMhAkTFBMTI0kaM2aMbDabqlatKumPadoLf/5fEyZMkM1mc9qXmpqqli1bKiwsTGXKlFGdOnX0z3/+03H8cvckrlq1Sq1atVJQUJDCwsLUvXt37dy585LXS09P14ABAxQWFqbQ0FANHDhQp0+fvvwXe5F+/fpp2bJlOnHihGPfhg0btGfPHvXr188Yf+zYMY0ePVoNGjRQmTJlFBISoi5duui7775zjFm9erVuvPFGSdLAgQMd09YXPmfbtm1Vv359bdq0Sa1bt1ZgYKDje7n4nsSEhAT5+/sbn79Tp04qW7asDh06VODPCgAFRZMIFGNLlixR9erVdcsttxRo/P3336/x48frhhtu0LRp09SmTRulpKSob9++xtj09HT17t1bHTp00LPPPquyZctqwIAB2r59uySpZ8+emjZtmiTprrvu0vz58/X888+7VP/27dt12223KScnR5MmTdKzzz6r22+/Xf/973//9H0rVqxQp06ddOTIEU2YMEFJSUlat26dWrRooR9//NEY36dPH/3+++9KSUlRnz59NHfuXE2cOLHAdfbs2VM2m00ffvihY9/ChQtVt25d3XDDDcb4ffv2afHixbrtttv03HPPacyYMdq2bZvatGnjaNjq1aunSZMmSZKGDBmi+fPna/78+WrdurXjPEePHlWXLl3UuHFjPf/882rXrt0l63vhhRdUoUIFJSQkKC8vT5L08ssv6/PPP9eMGTMUHR1d4M8KAAVmASiWTp48aUmyunfvXqDxW7ZssSRZ999/v9P+0aNHW5KsVatWOfbFxMRYkqy1a9c69h05csSy2+3WqFGjHPv2799vSbKefvppp3MmJCRYMTExRg2PP/649b//rEybNs2SZP3666+XrfvCNebMmePY17hxYysiIsI6evSoY993331n+fj4WPfee69xvfvuu8/pnHfccYdVrly5y17zfz9HUFCQZVmW1bt3b6t9+/aWZVlWXl6eFRUVZU2cOPGS38HZs2etvLw843PY7XZr0qRJjn0bNmwwPtsFbdq0sSRZs2fPvuSxNm3aOO1bvny5JcmaMmWKtW/fPqtMmTJWjx49/vIzAsCVIkkEiqmsrCxJUnBwcIHGf/rpp5KkpKQkp/2jRo2SJOPexdjYWLVq1crxukKFCqpTp4727dt3xTVf7MK9jB999JHy8/ML9J7Dhw9ry5YtGjBggMLDwx37GzZsqA4dOjg+5/8aOnSo0+tWrVrp6NGjju+wIPr166fVq1crIyNDq1atUkZGxiWnmqU/7mP08fnjn8+8vDwdPXrUMZX+7bffFviadrtdAwcOLNDYjh076h//+IcmTZqknj17yt/fXy+//HKBrwUArqJJBIqpkJAQSdLvv/9eoPE//fSTfHx8VLNmTaf9UVFRCgsL008//eS0v0qVKsY5ypYtq+PHj19hxaY777xTLVq00P3336/IyEj17dtX77777p82jBfqrFOnjnGsXr16+u2335Sdne20/+LPUrZsWUly6bPceuutCg4O1jvvvKMFCxboxhtvNL7LC/Lz8zVt2jTVqlVLdrtd5cuXV4UKFbR161adPHmywNe87rrrXHpI5ZlnnlF4eLi2bNmi6dOnKyIiosDvBQBX0SQCxVRISIiio6P1/fffu/S+ix8cuRxfX99L7rcs64qvceF+uQsCAgK0du1arVixQvfcc4+2bt2qO++8Ux06dDDGXo2r+SwX2O129ezZU/PmzdOiRYsumyJK0pNPPqmkpCS1bt1ab775ppYvX67U1FRdf/31BU5MpT++H1ds3rxZR44ckSRt27bNpfcCgKtoEoFi7LbbbtPevXuVlpb2l2NjYmKUn5+vPXv2OO3PzMzUiRMnHE8qF4ayZcs6PQl8wcVppST5+Pioffv2eu6557Rjxw498cQTWrVqlb744otLnvtCnbt37zaO7dq1S+XLl1dQUNDVfYDL6NevnzZv3qzff//9kg/7XPD++++rXbt2ev3119W3b1917NhR8fHxxndS0Ia9ILKzszVw4EDFxsZqyJAhmjp1qjZs2FBo5weAi9EkAsXYI488oqCgIN1///3KzMw0ju/du1cvvPCCpD+mSyUZTyA/99xzkqSuXbsWWl01atTQyZMntXXrVse+w4cPa9GiRU7jjh07Zrz3wqLSFy/Lc0HFihXVuHFjzZs3z6np+v777/X55587Pqc7tGvXTpMnT9aLL76oqKioy47z9fU1Usr33ntPv/zyi9O+C83spRpqV40dO1YHDhzQvHnz9Nxzz6lq1apKSEi47PcIAFeLxbSBYqxGjRpauHCh7rzzTtWrV8/pF1fWrVun9957TwMGDJAkNWrUSAkJCXrllVd04sQJtWnTRuvXr9e8efPUo0ePyy6vciX69u2rsWPH6o477tCDDz6o06dPa9asWapdu7bTgxuTJk3S2rVr1bVrV8XExOjIkSOaOXOmKlWqpJYtW172/E8//bS6dOmiuLg4DRo0SGfOnNGMGTMUGhqqCRMmFNrnuJiPj48ee+yxvxx32223adKkSRo4cKBuueUWbdu2TQsWLFD16tWdxtWoUUNhYWGaPXu2goODFRQUpObNm6tatWou1bVq1SrNnDlTjz/+uGNJnjlz5qht27YaN26cpk6d6tL5AKBAPPx0NYAC+OGHH6zBgwdbVatWtfz8/Kzg4GCrRYsW1owZM6yzZ886xuXm5loTJ060qlWrZpUuXdqqXLmylZyc7DTGsv5YAqdr167GdS5eeuVyS+BYlmV9/vnnVv369S0/Pz+rTp061ptvvmksgbNy5Uqre/fuVnR0tOXn52dFR0dbd911l/XDDz8Y17h4mZgVK1ZYLVq0sAICAqyQkBCrW7du1o4dO5zGXLjexUvszJkzx5Jk7d+//7LfqWU5L4FzOZdbAmfUqFFWxYoVrYCAAKtFixZWWlraJZeu+eijj6zY2FirVKlSTp+zTZs21vXXX3/Ja/7vebKysqyYmBjrhhtusHJzc53GjRw50vLx8bHS0tL+9DMAwJWwWZYLd3YDAADAK3BPIgAAAAw0iQAAADDQJAIAAMBAkwgAAAADTSIAAAAMNIkAAAAw0CQCAADAcE3+4kpAk+GeLgGAmxzf8KKnSwDgJv4e7Erc2Tuc2Vwy/90iSQQAAIDhmkwSAQAAXGIjN7sYTSIAAIDN5ukKih3aZgAAABhIEgEAAJhuNvCNAAAAwECSCAAAwD2JBpJEAAAAGEgSAQAAuCfRwDcCAAAAA0kiAAAA9yQaaBIBAACYbjbwjQAAAMBAkggAAMB0s4EkEQAAAAaSRAAAAO5JNPCNAAAAwECSCAAAwD2JBpJEAAAAGEgSAQAAuCfRQJMIAADAdLOBthkAAAAGmkQAAACbj/s2F8yaNUsNGzZUSEiIQkJCFBcXp2XLljmOt23bVjabzWkbOnSo0zkOHDigrl27KjAwUBERERozZozOnz/v8lfCdDMAAEAxUalSJT311FOqVauWLMvSvHnz1L17d23evFnXX3+9JGnw4MGaNGmS4z2BgYGOP+fl5alr166KiorSunXrdPjwYd17770qXbq0nnzySZdqoUkEAAAoJg+udOvWzen1E088oVmzZunrr792NImBgYGKioq65Ps///xz7dixQytWrFBkZKQaN26syZMna+zYsZowYYL8/PwKXEvx+EYAAACuUTk5OcrKynLacnJy/vJ9eXl5evvtt5Wdna24uDjH/gULFqh8+fKqX7++kpOTdfr0acextLQ0NWjQQJGRkY59nTp1UlZWlrZv3+5S3TSJAAAAPja3bSkpKQoNDXXaUlJSLlvKtm3bVKZMGdntdg0dOlSLFi1SbGysJKlfv35688039cUXXyg5OVnz58/X3Xff7XhvRkaGU4MoyfE6IyPDpa+E6WYAAAA3Sk5OVlJSktM+u91+2fF16tTRli1bdPLkSb3//vtKSEjQmjVrFBsbqyFDhjjGNWjQQBUrVlT79u21d+9e1ahRo1DrpkkEAABw4z2Jdrv9T5vCi/n5+almzZqSpKZNm2rDhg164YUX9PLLLxtjmzdvLklKT09XjRo1FBUVpfXr1zuNyczMlKTL3sd4OUw3AwAA2Gzu265Sfn7+Ze9h3LJliySpYsWKkqS4uDht27ZNR44ccYxJTU1VSEiIY8q6oEgSAQAAionk5GR16dJFVapU0e+//66FCxdq9erVWr58ufbu3auFCxfq1ltvVbly5bR161aNHDlSrVu3VsOGDSVJHTt2VGxsrO655x5NnTpVGRkZeuyxx5SYmOhSminRJAIAABSbJXCOHDmie++9V4cPH1ZoaKgaNmyo5cuXq0OHDvr555+1YsUKPf/888rOzlblypXVq1cvPfbYY473+/r6aunSpRo2bJji4uIUFBSkhIQEp3UVC8pmWZZVmB+uOAhoMtzTJQBwk+MbXvR0CQDcxN+D0VVA/FNuO/eZFY+67dzuRJIIAABQCPcOXmuKR7YKAACAYoUkEQAAoJjck1ic8I0AAADAQJIIAADAPYkGmkQAAACmmw18IwAAADCQJAIAADDdbCBJBAAAgIEkEQAAgHsSDXwjAAAAMJAkAgAAcE+igSQRAAAABpJEAAAA7kk00CQCAADQJBr4RgAAAGAgSQQAAODBFQNJIgAAAAwkiQAAANyTaOAbAQAAgIEkEQAAgHsSDSSJAAAAMJAkAgAAcE+igSYRAACA6WYDbTMAAAAMJIkAAMDr2UgSDSSJAAAAMJAkAgAAr0eSaCJJBAAAgIEkEQAAgCDRQJIIAAAAA0kiAADwetyTaKJJBAAAXo8m0cR0MwAAAAwkiQAAwOuRJJpIEgEAAGAgSQQAAF6PJNFEkggAAAADSSIAAABBooEkEQAAAAaSRAAA4PW4J9FEkggAAAADSSIAAPB6JIkmmkQAAOD1aBJNTDcDAADAQJIIAAC8HkmiiSQRAAAABpJEAAAAgkQDSSIAAAAMJIkAAMDrcU+iiSQRAAAABpJEAADg9UgSTTSJAADA69EkmphuBgAAgIEkEQAAgCDRQJIIAAAAA00iAADwejabzW2bK2bNmqWGDRsqJCREISEhiouL07JlyxzHz549q8TERJUrV05lypRRr169lJmZ6XSOAwcOqGvXrgoMDFRERITGjBmj8+fPu/yd0CQCAAAUE5UqVdJTTz2lTZs2aePGjfrb3/6m7t27a/v27ZKkkSNHasmSJXrvvfe0Zs0aHTp0SD179nS8Py8vT127dtW5c+e0bt06zZs3T3PnztX48eNdrsVmWZZVaJ+smAhoMtzTJQBwk+MbXvR0CQDcxN+DT0pEDX7fbefOeLX3Vb0/PDxcTz/9tHr37q0KFSpo4cKF6t37j3Pu2rVL9erVU1pamm6++WYtW7ZMt912mw4dOqTIyEhJ0uzZszV27Fj9+uuv8vPzK/B1SRIBAADcKCcnR1lZWU5bTk7OX74vLy9Pb7/9trKzsxUXF6dNmzYpNzdX8fHxjjF169ZVlSpVlJaWJklKS0tTgwYNHA2iJHXq1ElZWVmONLKgaBIBAIDXc+c9iSkpKQoNDXXaUlJSLlvLtm3bVKZMGdntdg0dOlSLFi1SbGysMjIy5Ofnp7CwMKfxkZGRysjIkCRlZGQ4NYgXjl845gqWwAEAAF7PnYtpJycnKykpyWmf3W6/7Pg6depoy5YtOnnypN5//30lJCRozZo1bqvvcmgSAQAA3Mhut/9pU3gxPz8/1axZU5LUtGlTbdiwQS+88ILuvPNOnTt3TidOnHBKEzMzMxUVFSVJioqK0vr1653Od+Hp5wtjCorpZgAAAJsbt6uUn5+vnJwcNW3aVKVLl9bKlSsdx3bv3q0DBw4oLi5OkhQXF6dt27bpyJEjjjGpqakKCQlRbGysS9clSQQAACgmkpOT1aVLF1WpUkW///67Fi5cqNWrV2v58uUKDQ3VoEGDlJSUpPDwcIWEhGjEiBGKi4vTzTffLEnq2LGjYmNjdc8992jq1KnKyMjQY489psTERJfSTIkmEQAAwK33JLriyJEjuvfee3X48GGFhoaqYcOGWr58uTp06CBJmjZtmnx8fNSrVy/l5OSoU6dOmjlzpuP9vr6+Wrp0qYYNG6a4uDgFBQUpISFBkyZNcrkW1kkEUKKwTiJw7fLkOonXDVvktnP/MusOt53bnUgSAQCA1ysuSWJxwoMrAAAAMJAkAgAAr0eSaKJJBAAAoEc0MN0MAAAAA0kiAADwekw3m0gSAQAAYCBJBAAAXo8k0USSCAAAAANJIoqdwX9vqcG9WykmOlyStHNfhp58ZZk+/+8OVakYrt2fXvqnhfqPeV0frtgsSaocVVYv/PNOtWlWW6fO5GjBkm80bsbHysvLL7LPAaBgXn/1Za1M/Vz79++T3d9fjRs30cNJo1W1WnVJ0i+/HNStHdtf8r1PP/e8OnbqUpTl4hpFkmiiSUSx80vmCY2b8ZHSD/wqm2y6u1tzvTdtiG7u+5R2/5ipqvHJTuPv69VCI++N1/L/bpck+fjY9OH0Yco8mqV2A55VVIVQvTb5HuWez9PjLy7xxEcC8Cc2blivO+/qr+sbNFDe+TzNeOE5DR08SB9+/IkCAwMVFVVRK1d/5fSe9997R/PmvK6WLVt7qGrg2keTiGLn07XfO72e8NISDf57S93UsJp27stQ5tHfnY7f3q6RPkj9VtlnzkmS4uPqqV71KHUdOkNHjv2urT/8okkzP9GUB7tryuxPlXs+r8g+C4C/NuuV151eT3riKbVrFaedO7arabMb5evrq/IVKjiNWbVyhTp27qLAoKCiLBXXMJJEk0fvSfztt980depU3XHHHYqLi1NcXJzuuOMOPf300/r11189WRqKCR8fm/7eqamCAvz0zdb9xvEm9Sqrcd3Kmrc4zbGvecNq+j79kI4c+79mMnXdToUGByi2RsUiqRvAlTv1+x9/d0NCQy95fMf277V7107d0bN3UZaFa53NjVsJ5bEkccOGDerUqZMCAwMVHx+v2rVrS5IyMzM1ffp0PfXUU1q+fLmaNWv2p+fJyclRTk6O0z4rP082H1+31Q73u75mtFbPGyV/v1I6dSZHd456Vbv2ZRjjEnrEaee+w/r6u/9rICPLhejIRWnjkWNZfxwrHyLtdm/tAK5cfn6+pv77STVucoNq1ap9yTGLPnhf1avXUOMmNxRxdYB38ViTOGLECP3973/X7NmzjYjXsiwNHTpUI0aMUFpa2mXO8IeUlBRNnDjRaZ9v5I0qXfGmQq8ZReeHHzPVvG+KQssE6I74Jnp10j3qeP8LTo2iv7207uzSTE+9+pkHKwVQmJ6cMlF79+zR3PkLL3n87NmzWvbpUg0e+kARV4ZrHdPNJo9NN3/33XcaOXLkJf9PsdlsGjlypLZs2fKX50lOTtbJkyedtlKRTd1QMYpS7vk87fv5N23e+bPGz/hY2374RYl3tXUac0d8YwX6+2nB0vVO+zOPZimiXLDTvojwkD+O/Zbl1roBXLknp0zS2jWr9eqceYqMirrkmNTPP9OZM2fV7fYeRVsc4IU81iRGRUVp/fr1lz2+fv16RUZG/uV57Ha7QkJCnDammq89Pjab7H7OwfeAHrfokzXb9NvxU077v9m6X/VrRqtC2TKOfe1vrquTv5/RzktMWQPwLMuy9OSUSVq1MlWv/meeKlWqfNmxiz/8QG3b/U3h4eFFWCG8gc1mc9tWUnlsunn06NEaMmSINm3apPbt2zsawszMTK1cuVKvvvqqnnnmGU+VBw+aNOJ2Lf/vdv18+LiCg/x1Z5dmat2slro9MNMxpnrl8mp5Qw31GDHLeP+KtJ3auS9Dr09J0L9eWKzIciF6PPE2vfzuWp3LPV+UHwVAATw5eaKWfbpUz8+YqaDAIP32/x9cLBMcLH9/f8e4Az/9pE0bN+ilWa94qlTAq3isSUxMTFT58uU1bdo0zZw5U3l5fyxL4uvrq6ZNm2ru3Lnq06ePp8qDB1UIL6PXJ9+rqPIhOnnqrL7f84u6PTBTq77Z5RiT0D1Ov2Se0Iq0Xcb78/Mt9Xpoll74Z1+tnjtK2WdztGDJek2a9UlRfgwABfTuO29JkgYNuMdp/6QpKep+R0/H68WLPlBkZJTiWrQs0vrgHUpw4Oc2NsuyLE8XkZubq99++02SVL58eZUuXfqqzhfQZHhhlAWgGDq+4UVPlwDATfw9uHpzzdHL3Hbu9GdK5q8CFYvFtEuXLq2KFVm/DgAAeEZJvnfQXYpFkwgAAOBJ9Igmj/7iCgAAAIonkkQAAOD1mG42kSQCAADAQJIIAAC8HkGiiSQRAAAABpJEAADg9Xx8iBIvRpIIAAAAA0kiAADwetyTaKJJBAAAXo8lcExMNwMAAMBAkggAALweQaKJJBEAAAAGkkQAAOD1uCfRRJIIAAAAA0kiAADweiSJJpJEAAAAGEgSAQCA1yNINNEkAgAAr8d0s4npZgAAABhIEgEAgNcjSDSRJAIAAMBAkggAALwe9ySaSBIBAABgIEkEAABejyDRRJIIAAAAA0kiAADwetyTaCJJBAAAgIEkEQAAeD2CRBNNIgAA8HpMN5uYbgYAAICBJBEAAHg9gkQTSSIAAAAMJIkAAMDrcU+iiSQRAAAABppEAADg9Ww2922uSElJ0Y033qjg4GBFRESoR48e2r17t9OYtm3bymazOW1Dhw51GnPgwAF17dpVgYGBioiI0JgxY3T+/HmXamG6GQAAoJhYs2aNEhMTdeONN+r8+fP65z//qY4dO2rHjh0KCgpyjBs8eLAmTZrkeB0YGOj4c15enrp27aqoqCitW7dOhw8f1r333qvSpUvrySefLHAtNIkAAMDrFZd7Ej/77DOn13PnzlVERIQ2bdqk1q1bO/YHBgYqKirqkuf4/PPPtWPHDq1YsUKRkZFq3LixJk+erLFjx2rChAny8/MrUC1MNwMAAK/nzunmnJwcZWVlOW05OTkFquvkyZOSpPDwcKf9CxYsUPny5VW/fn0lJyfr9OnTjmNpaWlq0KCBIiMjHfs6deqkrKwsbd++vcDfCU0iAACAG6WkpCg0NNRpS0lJ+cv35efn6+GHH1aLFi1Uv359x/5+/frpzTff1BdffKHk5GTNnz9fd999t+N4RkaGU4MoyfE6IyOjwHUz3QwAALyeO6ebk5OTlZSU5LTPbrf/5fsSExP1/fff66uvvnLaP2TIEMefGzRooIoVK6p9+/bau3evatSoUThFiyQRAADArex2u0JCQpy2v2oShw8frqVLl+qLL75QpUqV/nRs8+bNJUnp6emSpKioKGVmZjqNufD6cvcxXgpNIgAA8HoXLylTmJsrLMvS8OHDtWjRIq1atUrVqlX7y/ds2bJFklSxYkVJUlxcnLZt26YjR444xqSmpiokJESxsbEFroXpZgAAgGIiMTFRCxcu1EcffaTg4GDHPYShoaEKCAjQ3r17tXDhQt16660qV66ctm7dqpEjR6p169Zq2LChJKljx46KjY3VPffco6lTpyojI0OPPfaYEhMTCzTNfQFNIgAA8HrFZAUczZo1S9IfC2b/rzlz5mjAgAHy8/PTihUr9Pzzzys7O1uVK1dWr1699NhjjznG+vr6aunSpRo2bJji4uIUFBSkhIQEp3UVC4ImEQAAoJiwLOtPj1euXFlr1qz5y/PExMTo008/vapaaBIBAIDXKy6LaRcnNIkAAMDr0SOaeLoZAAAABpJEAADg9ZhuNpEkAgAAwECSCAAAvB5BookkEQAAAAaSRAAA4PV8iBINJIkAAAAwkCQCAACvR5BookkEAABejyVwTEw3AwAAwECSCAAAvJ4PQaKBJBEAAAAGkkQAAOD1uCfRRJIIAAAAA0kiAADwegSJJpJEAAAAGEgSAQCA17OJKPFiNIkAAMDrsQSOielmAAAAGEgSAQCA12MJHBNJIgAAAAwkiQAAwOsRJJpIEgEAAGAgSQQAAF7PhyjRQJIIAAAAQ6E0iSdOnCiM0wAAAHiEzea+raRyuUn897//rXfeecfxuk+fPipXrpyuu+46fffdd4VaHAAAQFGw2Wxu20oql5vE2bNnq3LlypKk1NRUpaamatmyZerSpYvGjBlT6AUCAACg6Ln84EpGRoajSVy6dKn69Omjjh07qmrVqmrevHmhFwgAAOBuJTjwcxuXk8SyZcvq559/liR99tlnio+PlyRZlqW8vLzCrQ4AAAAe4XKS2LNnT/Xr10+1atXS0aNH1aVLF0nS5s2bVbNmzUIvEAAAwN1YAsfkcpM4bdo0Va1aVT///LOmTp2qMmXKSJIOHz6sBx54oNALBAAAQNFzuUksXbq0Ro8ebewfOXJkoRQEAABQ1MgRTQVqEj/++OMCn/D222+/4mIAAABQPBSoSezRo0eBTmaz2Xh4BQAAlDgleT1DdylQk5ifn+/uOgAAADzGhx7RcFU/y3f27NnCqgMAAADFiMtNYl5eniZPnqzrrrtOZcqU0b59+yRJ48aN0+uvv17oBQIAALgbP8tncrlJfOKJJzR37lxNnTpVfn5+jv3169fXa6+9VqjFAQAAwDNcbhLfeOMNvfLKK+rfv798fX0d+xs1aqRdu3YVanEAAABFwWZz31ZSudwk/vLLL5f8ZZX8/Hzl5uYWSlEAAADwLJebxNjYWH355ZfG/vfff19NmjQplKIAAACKEvckmlz+xZXx48crISFBv/zyi/Lz8/Xhhx9q9+7deuONN7R06VJ31AgAAIAi5nKS2L17dy1ZskQrVqxQUFCQxo8fr507d2rJkiXq0KGDO2oEAABwKx+b+7aSyuUkUZJatWql1NTUwq4FAADAI0rytLC7XFGTKEkbN27Uzp07Jf1xn2LTpk0LrSgAAAB4lstN4sGDB3XXXXfpv//9r8LCwiRJJ06c0C233KK3335blSpVKuwaAQAA3Ioc0eTyPYn333+/cnNztXPnTh07dkzHjh3Tzp07lZ+fr/vvv98dNQIAAKCIuZwkrlmzRuvWrVOdOnUc++rUqaMZM2aoVatWhVocAABAUfDhnkSDy0li5cqVL7lodl5enqKjowulKAAAAHiWy03i008/rREjRmjjxo2OfRs3btRDDz2kZ555plCLAwAAKAr8LJ+pQNPNZcuWdXo0PDs7W82bN1epUn+8/fz58ypVqpTuu+8+9ejRwy2FAgAAoOgUqEl8/vnn3VwGAACA57BOoqlATWJCQoK76wAAAEAxcsWLaUvS2bNnde7cOad9ISEhV1UQAABAUSNINLn84Ep2draGDx+uiIgIBQUFqWzZsk4bAABASeNjs7ltc0VKSopuvPFGBQcHKyIiQj169NDu3budxpw9e1aJiYkqV66cypQpo169eikzM9NpzIEDB9S1a1cFBgYqIiJCY8aM0fnz5137TlwaLemRRx7RqlWrNGvWLNntdr322muaOHGioqOj9cYbb7h6OgAAAPx/a9asUWJior7++mulpqYqNzdXHTt2VHZ2tmPMyJEjtWTJEr333ntas2aNDh06pJ49ezqO5+XlqWvXrjp37pzWrVunefPmae7cuRo/frxLtdgsy7JceUOVKlX0xhtvqG3btgoJCdG3336rmjVrav78+Xrrrbf06aefulSAOwQ0Ge7pEgC4yfENL3q6BABu4n9VN8FdnQc+3OG2c8/sGXvF7/31118VERGhNWvWqHXr1jp58qQqVKighQsXqnfv3pKkXbt2qV69ekpLS9PNN9+sZcuW6bbbbtOhQ4cUGRkpSZo9e7bGjh2rX3/9VX5+fgW6tstJ4rFjx1S9enVJf9x/eOzYMUlSy5YttXbtWldPBwAAcE3LyclRVlaW05aTk1Og9548eVKSFB4eLknatGmTcnNzFR8f7xhTt25dValSRWlpaZKktLQ0NWjQwNEgSlKnTp2UlZWl7du3F7hul5vE6tWra//+/Y6i3n33XUnSkiVLFBYW5urpAAAAPM5ms7ltS0lJUWhoqNOWkpLylzXl5+fr4YcfVosWLVS/fn1JUkZGhvz8/IyeKzIyUhkZGY4x/9sgXjh+4VhBuRzsDhw4UN99953atGmjRx99VN26ddOLL76o3NxcPffcc66eDgAA4JqWnJyspKQkp312u/0v35eYmKjvv/9eX331lbtK+1MuN4kjR450/Dk+Pl67du3Spk2bVLNmTTVs2LBQi7tSh/77gqdLAOAmb2z8ydMlAHCTITfHeOzaLk+tusButxeoKfxfw4cP19KlS7V27VpVqlTJsT8qKkrnzp3TiRMnnNLEzMxMRUVFOcasX7/e6XwXnn6+MKYgrvo7iYmJUc+ePYtNgwgAAFBSWZal4cOHa9GiRVq1apWqVavmdLxp06YqXbq0Vq5c6di3e/duHThwQHFxcZKkuLg4bdu2TUeOHHGMSU1NVUhIiGJjC/4QTYGSxOnTpxf4hA8++GCBxwIAABQHxeVn+RITE7Vw4UJ99NFHCg4OdtxDGBoaqoCAAIWGhmrQoEFKSkpSeHi4QkJCNGLECMXFxenmm2+WJHXs2FGxsbG65557NHXqVGVkZOixxx5TYmKiS4lmgZbAubiLvezJbDbt27evwBd3l+On8zxdAgA3eW/rQU+XAMBNPDnd/PBHu9x27ue71y3w2Ms1q3PmzNGAAQMk/bGY9qhRo/TWW28pJydHnTp10syZM52mkn/66ScNGzZMq1evVlBQkBISEvTUU0+pVKmC32no8jqJJQFNInDtokkErl00icWLB5etBAAAKB58isdsc7Hizod5AAAAUEKRJAIAAK9XXB5cKU5IEgEAAGAgSQQAAF6PexJNV5Qkfvnll7r77rsVFxenX375RZI0f/58j/1sDAAAAAqXy03iBx98oE6dOikgIECbN29WTk6OJOnkyZN68sknC71AAAAAd7PZ3LeVVC43iVOmTNHs2bP16quvqnTp0o79LVq00LfffluoxQEAABQFH5vNbVtJ5XKTuHv3brVu3drYHxoaqhMnThRGTQAAAPAwl5vEqKgopaenG/u/+uorVa9evVCKAgAAKEo+btxKKpdrHzx4sB566CF98803stlsOnTokBYsWKDRo0dr2LBh7qgRAAAARczlJXAeffRR5efnq3379jp9+rRat24tu92u0aNHa8SIEe6oEQAAwK1K8K2DbuNyk2iz2fSvf/1LY8aMUXp6uk6dOqXY2FiVKVPGHfUBAADAA654MW0/Pz/FxsYWZi0AAAAeUZKfQnYXl5vEdu3a/envG65ateqqCgIAAIDnudwkNm7c2Ol1bm6utmzZou+//14JCQmFVRcAAECRIUg0udwkTps27ZL7J0yYoFOnTl11QQAAAEWN3242FdryPXfffbf+85//FNbpAAAA4EFX/ODKxdLS0uTv719YpwMAACgyPLhicrlJ7Nmzp9Nry7J0+PBhbdy4UePGjSu0wgAAAOA5LjeJoaGhTq99fHxUp04dTZo0SR07diy0wgAAAIoKQaLJpSYxLy9PAwcOVIMGDVS2bFl31QQAAAAPc+nBFV9fX3Xs2FEnTpxwUzkAAABFz8fmvq2kcvnp5vr162vfvn3uqAUAAADFhMtN4pQpUzR69GgtXbpUhw8fVlZWltMGAABQ0tjc+L+SqsD3JE6aNEmjRo3SrbfeKkm6/fbbnX6ez7Is2Ww25eXlFX6VAAAAblSSp4XdpcBN4sSJEzV06FB98cUX7qwHAAAAxUCBm0TLsiRJbdq0cVsxAAAAnkCSaHLpnkQbiwgBAAB4BZfWSaxdu/ZfNorHjh27qoIAAACKGkGYyaUmceLEicYvrgAAAODa41KT2LdvX0VERLirFgAAAI/gnkRTge9JJIYFAADwHi4/3QwAAHCtIQszFbhJzM/Pd2cdAAAAHuNDl2hw+Wf5AAAAcO1z6cEVAACAaxEPrphIEgEAAGAgSQQAAF6PWxJNJIkAAAAwkCQCAACv5yOixIuRJAIAAMBAkggAALwe9ySaaBIBAIDXYwkcE9PNAAAAMJAkAgAAr8fP8plIEgEAAGAgSQQAAF6PINFEkggAAAADSSIAAPB63JNoIkkEAACAgSQRAAB4PYJEE00iAADwekytmvhOAAAAYCBJBAAAXs/GfLOBJBEAAAAGmkQAAOD1bG7cXLV27Vp169ZN0dHRstlsWrx4sdPxAQMGyGazOW2dO3d2GnPs2DH1799fISEhCgsL06BBg3Tq1CmX6qBJBAAAKEays7PVqFEjvfTSS5cd07lzZx0+fNixvfXWW07H+/fvr+3btys1NVVLly7V2rVrNWTIEJfq4J5EAADg9YrTYtpdunRRly5d/nSM3W5XVFTUJY/t3LlTn332mTZs2KBmzZpJkmbMmKFbb71VzzzzjKKjowtUB0kiAACAG+Xk5CgrK8tpy8nJuapzrl69WhEREapTp46GDRumo0ePOo6lpaUpLCzM0SBKUnx8vHx8fPTNN98U+Bo0iQAAwOu5857ElJQUhYaGOm0pKSlXXGvnzp31xhtvaOXKlfr3v/+tNWvWqEuXLsrLy5MkZWRkKCIiwuk9pUqVUnh4uDIyMgp8HaabAQCA13PnbHNycrKSkpKc9tnt9is+X9++fR1/btCggRo2bKgaNWpo9erVat++/RWf92IkiQAAAG5kt9sVEhLitF1Nk3ix6tWrq3z58kpPT5ckRUVF6ciRI05jzp8/r2PHjl32PsZLoUkEAABe7+IlZQpzc7eDBw/q6NGjqlixoiQpLi5OJ06c0KZNmxxjVq1apfz8fDVv3rzA52W6GQAAoBg5deqUIxWUpP3792vLli0KDw9XeHi4Jk6cqF69eikqKkp79+7VI488opo1a6pTp06SpHr16qlz584aPHiwZs+erdzcXA0fPlx9+/Yt8JPNEkkiAACAfNy4uWrjxo1q0qSJmjRpIklKSkpSkyZNNH78ePn6+mrr1q26/fbbVbt2bQ0aNEhNmzbVl19+6TSFvWDBAtWtW1ft27fXrbfeqpYtW+qVV15xqQ6bZVnWFdRfrB0/nefpEgC4yXtbD3q6BABuMuTmGI9d+53Nv7jt3Hc2uc5t53YnppsBAIDXK4p7B0sappsBAABgIEkEAABejxzRRJIIAAAAA0kiAADwetyTaKJJBAAAXo+pVRPfCQAAAAwkiQAAwOsx3WwiSQQAAICBJBEAAHg9ckQTSSIAAAAMJIkAAMDrcUuiiSQRAAAABpJEAADg9Xy4K9FAkwgAALwe080mppsBAABgIEkEAABez8Z0s4EkEQAAAAaSRAAA4PW4J9FEkggAAAADSSIAAPB6LIFjIkkEAACAgSQRAAB4Pe5JNNEkAgAAr0eTaGK6GQAAAAaSRAAA4PVYTNtEkggAAAADSSIAAPB6PgSJBpJEAAAAGEgSAQCA1+OeRBNJIgAAAAwkiQAAwOuxTqKJJhEAAHg9pptNTDcDAADAQJIIAAC8HkvgmEgSAQAAYCBJBAAAXo97Ek0kiQAAADCQJKLEeeM/r2rmjGm6s989Gjkm2emYZVkaOfwf+nrdV/r3c9PVpl28h6oEcDkHd23VhmXvKfPHPco+cUy3P/i4ajVt4TTm6KEDWvvOazq4e6vy8/JU7roY3T5ivELKRUiSzp87p9Vvv6zdX69W3vlcVW3QTO3vHaGg0LKe+Ei4BrAEjokkESXKju3btOiDd1WzVp1LHn97wRuy8TcdKNZyc86qQuXqan/P8EseP5F5SG9PGanw6Mrqk/yMEqa8rJtv769SpUs7xqxeOFv7Nn+tbsMf053Jz+jU8aP6ePrEovoIgFegSUSJcfp0th7/5yNKHjdRwSEhxvEfdu/Uwvlz9diEKR6oDkBBVWt0k1r2HqhazVpe8vhXH8xRtUY3qc2dgxUZU1NhkdGqeUOcAkP+SAlzTmdr29rP1LbfP1Qltokiq9VWp/tH6VD6Dh1K31mUHwXXEJsbt5KKJhElxjMpU9SiVRvddPMtxrGzZ85ofPIYjXn0MZUrX8ED1QEoDFZ+vvZ9t15lo67T+08na+bwv2vBxBHas+m/jjGZP/6g/LzzqhJ7g2NfuegqCi4XocPpOzxRNq4BPjab27aSqlg3iT///LPuu+++Px2Tk5OjrKwspy0nJ6eIKkRRSf3sU+3etUPDRoy85PHnn31KDRo1Uet27Yu4MgCF6XTWCeWePaP1S99RtQbN1HvMU6rZtIU+njFJP+/aKknKPnlcvqVKyz+ojNN7g0LKKvvkcU+UDVyTinWTeOzYMc2bN+9Px6SkpCg0NNRpm/bMU0VUIYpCZsZhPfd0iiY8MVV2u904vnb1Km1c/41GjnnUA9UBKEyWZUmSat5wi5p27qWImBpqfltfVW/UXN+tWurh6nAtY7rZ5NGnmz/++OM/Pb5v376/PEdycrKSkpKc9p3O46Hta8mundt1/NhRDejX27EvLy9PW77dqPffWag7et+pXw7+rA6tb3Z6X/Loh9WoSVPNeu3P/0MDQPEREBwiH19flYuu4rS/XHQV/fLD95KkoNCyyjufq7PZp5zSxOys4zzdDBQij3ZTPXr0kM1mc/yX46X81ZOqdrvdSJfyTucVSn0oHprdFKcF733ktG/K4/9STLVqumfA/QoLC9Mdve90Ot7/79310KixatWmXVGWCuAq+ZYqrchqdXQs46DT/uMZBxVSPlKSFFm1tnx8S+nAjs2qfWMrSdKxwz/r96NHVLFmbJHXjGtESY783MSjTWLFihU1c+ZMde/e/ZLHt2zZoqZNmxZxVShugoKCVKNmLad9/gEBCg0Nc+y/1MMqURUrKvq6SkVSI4CCO3f2jE5kHnK8zvo1Q0d+2iv/MsEKKRehG7v01tKZT6pSnQaqXK+Rfty6UXu3fK0+yc9IkuyBQWrQurNWv/Wy/MsEy+4fqJVvzlTFmrGKrlnPUx8LuOZ4tEls2rSpNm3adNkm8a9SRgBAyZO5/we9+9QYx+vVb70sSbq+ZQd1HjxGtZq1VPyAB7V+6dv64s2ZKluxkm4fMV6Vatd3vKdtv6GSj01LZkzW+dxzqtqgmeLvHVHknwXXDn6Wz2SzPNiFffnll8rOzlbnzp0veTw7O1sbN25UmzZtXDrvcaabgWvWe1sP/vUgACXSkJtjPHbtb/aedNu5m9cIddu53cmjSWKrVq3+9HhQUJDLDSIAAICrSvByhm7DY8AAAMDr0SOaivU6iQAAAPAMkkQAAACiRANJIgAAAAwkiQAAwOuxBI6JJBEAAAAGkkQAAOD1WALHRJIIAABQjKxdu1bdunVTdHS0bDabFi9e7HTcsiyNHz9eFStWVEBAgOLj47Vnzx6nMceOHVP//v0VEhKisLAwDRo0SKdOnXKpDppEAADg9Wxu3FyVnZ2tRo0a6aWXXrrk8alTp2r69OmaPXu2vvnmGwUFBalTp046e/asY0z//v21fft2paamaunSpVq7dq2GDBniUh0e/Vk+d+Fn+YBrFz/LB1y7PPmzfN/+lOW2c18fZVdOTo7TPrvdLrvd/pfvtdlsWrRokXr06CHpjxQxOjpao0aN0ujRoyVJJ0+eVGRkpObOnau+fftq586dio2N1YYNG9SsWTNJ0meffaZbb71VBw8eVHR0dIHqJkkEAABwo5SUFIWGhjptKSkpV3Su/fv3KyMjQ/Hx8Y59oaGhat68udLS0iRJaWlpCgsLczSIkhQfHy8fHx998803Bb4WD64AAACv584lcJKTk5WUlOS0ryAp4qVkZGRIkiIjI532R0ZGOo5lZGQoIiLC6XipUqUUHh7uGFMQNIkAAABuVNCp5eKG6WYAAOD1bDb3bYUpKipKkpSZmem0PzMz03EsKipKR44ccTp+/vx5HTt2zDGmIGgSAQAASohq1aopKipKK1eudOzLysrSN998o7i4OElSXFycTpw4oU2bNjnGrFq1Svn5+WrevHmBr8V0MwAA8HrFaS3tU6dOKT093fF6//792rJli8LDw1WlShU9/PDDmjJlimrVqqVq1app3Lhxio6OdjwBXa9ePXXu3FmDBw/W7NmzlZubq+HDh6tv374FfrJZokkEAAAoVjZu3Kh27do5Xl946CUhIUFz587VI488ouzsbA0ZMkQnTpxQy5Yt9dlnn8nf39/xngULFmj48OFq3769fHx81KtXL02fPt2lOlgnEUCJwjqJwLXLk+skfvfz7247d6PKwW47tzuRJAIAAK/nziVwSioeXAEAAICBJBEAAHi9wl6q5lpAkggAAAADSSIAAPB6BIkmkkQAAAAYSBIBAACIEg0kiQAAADCQJAIAAK/HOokmkkQAAAAYSBIBAIDXY51EE00iAADwevSIJqabAQAAYCBJBAAAIEo0kCQCAADAQJIIAAC8HkvgmEgSAQAAYCBJBAAAXo8lcEwkiQAAADCQJAIAAK9HkGiiSQQAAKBLNDDdDAAAAANJIgAA8HosgWMiSQQAAICBJBEAAHg9lsAxkSQCAADAQJIIAAC8HkGiiSQRAAAABpJEAAAAokQDTSIAAPB6LIFjYroZAAAABpJEAADg9VgCx0SSCAAAAANJIgAA8HoEiSaSRAAAABhIEgEAAIgSDSSJAAAAMJAkAgAAr8c6iSaaRAAA4PVYAsfEdDMAAAAMJIkAAMDrESSaSBIBAABgIEkEAABej3sSTSSJAAAAMJAkAgAAcFeigSQRAAAABpJEAADg9bgn0USTCAAAvB49oonpZgAAABhIEgEAgNdjutlEkggAAAADSSIAAPB6Nu5KNJAkAgAAwECSCAAAQJBoIEkEAACAgSQRAAB4PYJEE0kiAADwejab+zZXTJgwQTabzWmrW7eu4/jZs2eVmJiocuXKqUyZMurVq5cyMzML+dv4A00iAABAMXL99dfr8OHDju2rr75yHBs5cqSWLFmi9957T2vWrNGhQ4fUs2dPt9TBdDMAAPB6xWkJnFKlSikqKsrYf/LkSb3++utauHCh/va3v0mS5syZo3r16unrr7/WzTffXKh1kCQCAAC4UU5OjrKyspy2nJycy47fs2ePoqOjVb16dfXv318HDhyQJG3atEm5ubmKj493jK1bt66qVKmitLS0Qq+bJhEAAMDmvi0lJUWhoaFOW0pKyiXLaN68uebOnavPPvtMs2bN0v79+9WqVSv9/vvvysjIkJ+fn8LCwpzeExkZqYyMjEL9OiSmmwEAANwqOTlZSUlJTvvsdvslx3bp0sXx54YNG6p58+aKiYnRu+++q4CAALfWeTGaRAAA4PXceUei3W6/bFP4V8LCwlS7dm2lp6erQ4cOOnfunE6cOOGUJmZmZl7yHsarxXQzAABAMXXq1Cnt3btXFStWVNOmTVW6dGmtXLnScXz37t06cOCA4uLiCv3aJIkAAMDrubqeobuMHj1a3bp1U0xMjA4dOqTHH39cvr6+uuuuuxQaGqpBgwYpKSlJ4eHhCgkJ0YgRIxQXF1foTzZLNIkAAADFZgmcgwcP6q677tLRo0dVoUIFtWzZUl9//bUqVKggSZo2bZp8fHzUq1cv5eTkqFOnTpo5c6ZbarFZlmW55cwedPx0nqdLAOAm72096OkSALjJkJtjPHbtY9nu6x3Cg3zddm53IkkEAABer7hMNxcnPLgCAAAAA00iAAAADDSJAAAAMHBPIgAA8Hrck2giSQQAAICBJBEAAHi94rJOYnFCkwgAALwe080mppsBAABgIEkEAABejyDRRJIIAAAAA0kiAAAAUaKBJBEAAAAGkkQAAOD1WALHRJIIAAAAA0kiAADweqyTaCJJBAAAgIEkEQAAeD2CRBNNIgAAAF2igelmAAAAGEgSAQCA12MJHBNJIgAAAAwkiQAAwOuxBI6JJBEAAAAGm2VZlqeLAK5UTk6OUlJSlJycLLvd7ulyABQi/n4DnkWTiBItKytLoaGhOnnypEJCQjxdDoBCxN9vwLOYbgYAAICBJhEAAAAGmkQAAAAYaBJRotntdj3++OPc1A5cg/j7DXgWD64AAADAQJIIAAAAA00iAAAADDSJAAAAMNAkAgAAwECTiBLtpZdeUtWqVeXv76/mzZtr/fr1ni4JwFVau3atunXrpujoaNlsNi1evNjTJQFeiSYRJdY777yjpKQkPf744/r222/VqFEjderUSUeOHPF0aQCuQnZ2tho1aqSXXnrJ06UAXo0lcFBiNW/eXDfeeKNefPFFSVJ+fr4qV66sESNG6NFHH/VwdQAKg81m06JFi9SjRw9PlwJ4HZJElEjnzp3Tpk2bFB8f79jn4+Oj+Ph4paWlebAyAACuDTSJKJF+++035eXlKTIy0ml/ZGSkMjIyPFQVAADXDppEAAAAGGgSUSKVL19evr6+yszMdNqfmZmpqKgoD1UFAMC1gyYRJZKfn5+aNm2qlStXOvbl5+dr5cqViouL82BlAABcG0p5ugDgSiUlJSkhIUHNmjXTTTfdpOeff17Z2dkaOHCgp0sDcBVOnTql9PR0x+v9+/dry5YtCg8PV5UqVTxYGeBdWAIHJdqLL76op59+WhkZGWrcuLGmT5+u5s2be7osAFdh9erVateunbE/ISFBc+fOLfqCAC9FkwgAAAAD9yQCAADAQJMIAAAAA00iAAAADDSJAAAAMNAkAgAAwECTCAAAAANNIgAAAAw0iQAAADDQJAK4agMGDFCPHj0cr9u2bauHH364yOtYvXq1bDabTpw4cdkxNptNixcvLvA5J0yYoMaNG19VXT/++KNsNpu2bNlyVecBgKJEkwhcowYMGCCbzSabzSY/Pz/VrFlTkyZN0vnz591+7Q8//FCTJ08u0NiCNHYAgKJXytMFAHCfzp07a86cOcrJydGnn36qxMRElS5dWsnJycbYc+fOyc/Pr1CuGx4eXijnAQB4DkkicA2z2+2KiopSTEyMhg0bpvj4eH388ceS/m+K+IknnlB0dLTq1KkjSfr555/Vp08fhYWFKTw8XN27d9ePP/7oOGdeXp6SkpIUFhamcuXK6ZFHHtHFPwF/8XRzTk6Oxo4dq8qVK8tut6tmzZp6/fXX9eOPP6pdu3aSpLJly8pms2nAgAGSpPz8fKWkpKhatWoKCAhQo0aN9P777ztd59NPP1Xt2rUVEBCgdu3aOdVZUGPHjlXt2rUVGBio6tWra9y4ccrNzTXGvfzyy6pcubICAwPVp08fnTx50un4a6+9pnr16snf319169bVzJkzL3vN48ePq3///qpQoYICAgJUq1YtzZkzx+XaAcCdSBIBLxIQEKCjR486Xq9cuVIhISFKTU2VJOXm5qpTp06Ki4vTl19+qVKlSmnKlCnq3Lmztm7dKj8/Pz377LOaO3eu/vOf/6hevXp69tlntWjRIv3tb3+77HXvvfdepaWlafr06WrUqJH279+v3377TZUrV9YHH3ygXr16affu3QoJCVFAQIAkKSUlRW+++aZmz56tWrVqae3atbr77rtVoUIFtWnTRj///LN69uypxMREDRkyRBs3btSoUaNc/k6Cg4M1d+5cRUdHa9u2bRo8eLCCg4P1yCOPOMakp6fr3Xff1ZIlS5SVlaVBgwbpgQce0IIFCyRJCxYs0Pjx4/Xiiy+qSZMm2rx5swYPHqygoCAlJCQY1xw3bpx27NihZcuWqXz58kpPT9eZM2dcrh0A3MoCcE1KSEiwunfvblmWZeXn51upqamW3W63Ro8e7TgeGRlp5eTkON4zf/58q06dOlZ+fr5jX05OjhUQEGAtX77csizLqlixojV16lTH8dzcXKtSpUqOa1mWZbVp08Z66KGHLMuyrN27d1uSrNTU1EvW+cUXX1iSrOPHjzv2nT171goMDLTWrVvnNHbQoEHWXXfdZVmWZSUnJ1uxsbFOx8eOHWuc62KSrEWLFl32+NNPP201bdrU8frxxx+3fH19rYMHDzr2LVu2zPLx8bEOHz5sWZZl1ahRw1q4cKHTeSZPnmzFxcVZlmVZ+/fvtyRZmzdvtizLsrp162YNHDjwsjUAQHFAkghcw5YuXaoyZcooNzdX+fn56tevnyZMmOA43qBBA6f7EL/77julp6crODjY6Txnz57V3r17dfLkSR0+fFjNmzd3HCtVqpSaNWtmTDlfsGXLFvn6+qpNmzYFrjs9PV2nT59Whw4dnPafO3dOTZo0kSTt3LnTqQ5JiouLK/A1LnjnnXc0ffp07d27V6dOndL58+cVEhLiNKZKlSq67rrrnK6Tn5+v3bt3Kzg4WHv37tWgQYM0ePBgx5jz588rNDT0ktccNmyYevXqpW+//VYdO3ZUjx49dMstt7hcOwC4E00icA1r166dZs2aJT8/P0VHR6tUKee/8kFBQU6vT506paZNmzqmUf9XhQoVrqiGC9PHrjh16pQk6ZNPPnFqzqQ/7rMsLGlpaerfv78mTpyoTp06KTQ0VG+//baeffZZl2t99dVXjabV19f3ku/p0qWLfvrpJ3366adKTU1V+/btlZiYqGeeeebKPwwAFDKaROAaFhQUpJo1axZ4/A033KB33nlHERERRpp2QcWKFfXNN9+odevWkv5IzDZt2qQbbrjhkuMbNGig/Px8rVmzRvHx8cbxC0lmXl6eY19sbKzsdrsOHDhw2QSyXr16jodwLvj666//+kP+j3Xr1ikmJkb/+te/HPt++uknY9yBAwd06NAhRUdHO67j4+OjOnXqKDIyUtHR0dq3b5/69+9f4GtXqFBBCQkJSkhIUKtWrTRmzBiaRADFCk83A3Do37+/ypcvr+7du+vLL7/U/v37tXr1aj344IM6ePCgJOmhhx7SU089pcWLF2vXrl164IEH/nSNw6pVqyohIUH33XefFi9e7Djnu+++K0mKiYmRzWbT0qVL9euvv+rUqVMKDg7W6NGjNXLkSM2bN0979+7Vt99+qxkzZmjevHmSpKFDh2rPnj0aM2aMdu/erYULF2ru3Lkufd5atWrpwIEDevvtt7V3715Nnz5dixYtMsb5+/srISFB3333nb788ks9+OCD6tOnj6KioiRJEydOVEpKiqZPn64ffvhB27Zt05w5c/Tcc89d8rrjx4/XRx99pPT0dG3fvl1Lly5VvXr1XKodANyNJhGAQ2BgoNauXasqVaqoZ8+eqlevngYNGqSzZ886ksVRo0bpnnvuUUJCguLi4hQcHKw77rjjT887a9Ys9e7dWw888IDq1q2rwYMHKzs7W5J03XXXaeLEiXr00UcVGRmp4cOHS5ImT56scePGKSUlRfXq1VPnzp31ySefqFq1apL+uE/wgw8+0OLFi9WoUSPNnj1bTz75pEuf9/bbb9fIkSM1fPhwNW7cWOvWrdO4ceOMcTVr1lTPnj116623qmPHjmrYsKHTEjf333+/XnvtNc2ZM0cNGjRQmzZtNHfuXEetF/Pz81NycrIaNmyo1q1by9fXV2+//bZLtQOAu9msy91tDgAAAK9FkggAAAADTSIAAAAMNIkAAAAw0CQCAADAQJMIAAAAA00iAAAADDSJAAAAMNAkAgAAwECTCAAAAANNIgAAAAw0iQAAADD8PwnUs3NbInIjAAAAAElFTkSuQmCC", "text/plain": [ "
" ] @@ -5845,12 +5961,12 @@ }, { "cell_type": "code", - "execution_count": 28, + "execution_count": 17, "metadata": {}, "outputs": [ { "data": { - "image/png": "iVBORw0KGgoAAAANSUhEUgAAAr4AAAIjCAYAAADlfxjoAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8pXeV/AAAACXBIWXMAAA9hAAAPYQGoP6dpAACaXElEQVR4nOzdeViUVRsG8HvYF9kUQUQUcDdxwyX3jcQs03LBfcn9cynMct8qNTW3zNzKBZfS1MrStDS1VNJc01RQ0cAFBWURFBDmfH+8zQwjA87gwDvM3L/r4nLmzDvvPDMM+HDmOc9RCCEEiIiIiIjMnJXcARARERERFQcmvkRERERkEZj4EhEREZFFYOJLRERERBaBiS8RERERWQQmvkRERERkEZj4EhEREZFFYOJLRERERBaBiS8RERERWQQmvkTFxN/fH4MGDZI7DIvTpk0btGnTRu4wnmvWrFlQKBRITEyUOxSTo1AoMGvWLKOc6+bNm1AoFNiwYYNRzgcAJ0+ehJ2dHf7991+jndPYevXqhZ49e8odBpHsmPiSWdiwYQMUCoX6y8bGBr6+vhg0aBBu374td3gmLT09HR999BHq1KkDJycnuLm5oWXLloiIiEBJ2dH80qVLmDVrFm7evCl3KHnk5ORg/fr1aNOmDUqXLg17e3v4+/tj8ODBOHXqlNzhGcXWrVuxdOlSucPQUpwxTZ06Fb1790alSpXUY23atNH6neTo6Ig6depg6dKlUCqVOs/z4MEDvP/++6hevTocHBxQunRphIaG4qeffsr3sVNTUzF79mzUrVsXpUqVgqOjI2rXro2JEyfizp076uMmTpyInTt34vz583o/L0t475LlUYiS8j8bUQE2bNiAwYMH48MPP0RAQAAyMjLw559/YsOGDfD398fFixfh4OAga4yZmZmwsrKCra2trHHkdu/ePbRv3x6XL19Gr1690Lp1a2RkZGDnzp34/fffERYWhi1btsDa2lruUAu0Y8cO9OjRA4cOHcozu5uVlQUAsLOzK/a4njx5grfeegv79u1Dq1at0LlzZ5QuXRo3b97E9u3bER0djdjYWFSoUAGzZs3C7NmzkZCQAE9Pz2KP9UW8/vrruHjxYpH94ZGRkQEbGxvY2Ni8cExCCGRmZsLW1tYo7+tz586hfv36OH78OJo2baoeb9OmDa5fv4558+YBABITE7F161b89ddfmDJlCubMmaN1nqioKLRv3x4JCQkYPHgwGjZsiOTkZGzZsgXnzp3DhAkTsHDhQq37xMTEICQkBLGxsejRowdatGgBOzs7/P333/j6669RunRpREdHq49v0qQJqlevjoiIiOc+L0Peu0QliiAyA+vXrxcAxF9//aU1PnHiRAFAbNu2TabI5PXkyRORk5OT7+2hoaHCyspK/PDDD3lumzBhggAgPvnkk6IMUae0tDSDjv/2228FAHHo0KGiCaiQRo8eLQCIJUuW5LktOztbLFy4UMTFxQkhhJg5c6YAIBISEoosHqVSKR4/fmz087722muiUqVKRj1nTk6OePLkSaHvXxQx6TJu3DhRsWJFoVQqtcZbt24tXnrpJa2xJ0+eiEqVKgkXFxeRnZ2tHs/KyhK1a9cWTk5O4s8//9S6T3Z2tggLCxMAxDfffKMef/r0qahbt65wcnISf/zxR564UlJSxJQpU7TGPv30U+Hs7CwePXr03OdlyHv3Rbzo95nIUEx8ySzkl/j+9NNPAoCYO3eu1vjly5dFt27dhIeHh7C3txfBwcE6k7+kpCTx7rvvikqVKgk7Ozvh6+sr+vfvr5WcZGRkiBkzZojKlSsLOzs7UaFCBfH++++LjIwMrXNVqlRJDBw4UAghxF9//SUAiA0bNuR5zH379gkA4scff1SP3bp1SwwePFh4eXkJOzs7UatWLfHVV19p3e/QoUMCgPj666/F1KlTRfny5YVCoRBJSUk6X7PIyEgBQLz99ts6b3/69KmoWrWq8PDwUCdLN27cEADEwoULxeLFi0XFihWFg4ODaNWqlbhw4UKec+jzOqu+d4cPHxajRo0SZcuWFe7u7kIIIW7evClGjRolqlWrJhwcHETp0qVF9+7dxY0bN/Lc/9kvVRLcunVr0bp16zyv07Zt28THH38sfH19hb29vWjXrp24evVqnufw+eefi4CAAOHg4CAaNWokfv/99zzn1CUuLk7Y2NiIV155pcDjVFSJ79WrV8XAgQOFm5ubcHV1FYMGDRLp6elax65bt060bdtWlC1bVtjZ2YmaNWuKL774Is85K1WqJF577TWxb98+ERwcLOzt7dWJjL7nEEKIvXv3ilatWolSpUoJFxcX0bBhQ7FlyxYhhPT6Pvva50449f35ACBGjx4tNm/eLGrVqiVsbGzEd999p75t5syZ6mNTU1PFO++8o/65LFu2rAgJCRGnT59+bkyq9/D69eu1Hv/y5cuiR48ewtPTUzg4OIhq1arlSRx1qVixohg0aFCecV2JrxBCdO/eXQAQd+7cUY99/fXXAoD48MMPdT5GcnKycHd3FzVq1FCPffPNNwKAmDNnznNjVDl//rwAIHbt2lXgcYa+dwcOHKjzjwzVezo3Xd/n7du3Cw8PD52vY0pKirC3txfvvfeeekzf9xSRLvp/bkRUAqk+5vTw8FCP/fPPP2jevDl8fX0xadIkODs7Y/v27ejatSt27tyJN998EwCQlpaGli1b4vLly3j77bfRoEEDJCYmYvfu3bh16xY8PT2hVCrxxhtv4OjRoxg+fDhq1qyJCxcuYMmSJYiOjsb333+vM66GDRsiMDAQ27dvx8CBA7Vu27ZtGzw8PBAaGgpAKkd4+eWXoVAoMGbMGJQtWxY///wzhgwZgtTUVLz77rta9//oo49gZ2eHCRMmIDMzM9+P+H/88UcAwIABA3TebmNjgz59+mD27Nk4duwYQkJC1LdFRETg0aNHGD16NDIyMrBs2TK0a9cOFy5cgLe3t0Gvs8r//vc/lC1bFjNmzEB6ejoA4K+//sLx48fRq1cvVKhQATdv3sTKlSvRpk0bXLp0CU5OTmjVqhXGjRuHzz77DFOmTEHNmjUBQP1vfj755BNYWVlhwoQJSElJwYIFC9C3b1+cOHFCfczKlSsxZswYtGzZEuHh4bh58ya6du0KDw+P537E+/PPPyM7Oxv9+/cv8Lhn9ezZEwEBAZg3bx7OnDmDL7/8El5eXpg/f75WXC+99BLeeOMN2NjY4Mcff8T//vc/KJVKjB49Wut8UVFR6N27N0aMGIFhw4ahevXqBp1jw4YNePvtt/HSSy9h8uTJcHd3x9mzZ7Fv3z706dMHU6dORUpKCm7duoUlS5YAAEqVKgUABv98/Pbbb9i+fTvGjBkDT09P+Pv763yNRo4ciR07dmDMmDGoVasWHjx4gKNHj+Ly5cto0KBBgTHp8vfff6Nly5awtbXF8OHD4e/vj+vXr+PHH3/MU5KQ2+3btxEbG4sGDRrke8yzVIvr3N3d1WPP+1l0c3NDly5dsHHjRly7dg1VqlTB7t27AcCg91etWrXg6OiIY8eO5fn5y62w7119Pft9rlq1Kt58803s2rULq1ev1vqd9f333yMzMxO9evUCYPh7iigPuTNvImNQzfodOHBAJCQkiLi4OLFjxw5RtmxZYW9vr/WRXPv27UVQUJDW7IBSqRTNmjUTVatWVY/NmDEj39kR1ceamzZtElZWVnk+aly1apUAII4dO6Yeyz3jK4QQkydPFra2tuLhw4fqsczMTOHu7q41CztkyBDh4+MjEhMTtR6jV69ews3NTT0bq5rJDAwM1Ovj7K5duwoA+c4ICyHErl27BADx2WefCSE0s2WOjo7i1q1b6uNOnDghAIjw8HD1mL6vs+p716JFC62Pf4UQOp+HaqY6IiJCPVZQqUN+M741a9YUmZmZ6vFly5YJAOqZ68zMTFGmTBnRqFEj8fTpU/VxGzZsEACeO+MbHh4uAIizZ88WeJyKanbs2Rn4N998U5QpU0ZrTNfrEhoaKgIDA7XGKlWqJACIffv25Tlen3MkJycLFxcX0aRJkzwfR+f+aD+/sgJDfj4ACCsrK/HPP//kOQ+emfF1c3MTo0ePznNcbvnFpGvGt1WrVsLFxUX8+++/+T5HXQ4cOJDn0xmV1q1bixo1aoiEhASRkJAgrly5It5//30BQLz22mtax9arV0+4ubkV+FiLFy8WAMTu3buFEELUr1//uffRpVq1auLVV18t8BhD37uGzvjq+j7v379f52vZqVMnrfekIe8pIl3Y1YHMSkhICMqWLQs/Pz90794dzs7O2L17t3p27uHDh/jtt9/Qs2dPPHr0CImJiUhMTMSDBw8QGhqKq1evqrtA7Ny5E3Xr1tU5M6JQKAAA3377LWrWrIkaNWqoz5WYmIh27doBAA4dOpRvrGFhYXj69Cl27dqlHvvll1+QnJyMsLAwANJCnJ07d6Jz584QQmg9RmhoKFJSUnDmzBmt8w4cOBCOjo7Pfa0ePXoEAHBxccn3GNVtqampWuNdu3aFr6+v+nrjxo3RpEkT7N27F4Bhr7PKsGHD8iw2yv08nj59igcPHqBKlSpwd3fP87wNNXjwYK2ZpZYtWwKQFgwBwKlTp/DgwQMMGzZMa1FV3759tT5ByI/qNSvo9dVl5MiRWtdbtmyJBw8eaH0Pcr8uKSkpSExMROvWrRETE4OUlBSt+wcEBKg/PchNn3P8+uuvePToESZNmpRncajqZ6Aghv58tG7dGrVq1Xrued3d3XHixAmtrgWFlZCQgN9//x1vv/02KlasqHXb857jgwcPACDf98OVK1dQtmxZlC1bFjVq1MDChQvxxhtv5Gml9ujRo+e+T579WUxNTTX4vaWK9Xkt8wr73tWXru9zu3bt4OnpiW3btqnHkpKS8Ouvv6p/HwIv9juXCABY6kBmZcWKFahWrRpSUlKwbt06/P7777C3t1fffu3aNQghMH36dEyfPl3nOe7fvw9fX19cv34d3bp1K/Dxrl69isuXL6Ns2bL5nis/devWRY0aNbBt2zYMGTIEgFTm4Onpqf4lnpCQgOTkZKxZswZr1qzR6zECAgIKjFlF9Z/ao0ePtD52zS2/5Lhq1ap5jq1WrRq2b98OwLDXuaC4nzx5gnnz5mH9+vW4ffu2Vnu1ZxM8Qz2b5KiSl6SkJABQ92StUqWK1nE2Njb5fgSfm6urKwDNa2iMuFTnPHbsGGbOnInIyEg8fvxY6/iUlBS4ubmpr+f3ftDnHNevXwcA1K5d26DnoGLoz4e+790FCxZg4MCB8PPzQ3BwMDp16oQBAwYgMDDQ4BhVf+gU9jkCyLftn7+/P9auXQulUonr169jzpw5SEhIyPNHhIuLy3OT0Wd/Fl1dXdWxGxrr8xL6wr539aXr+2xjY4Nu3bph69atyMzMhL29PXbt2oWnT59qJb4v8juXCGDiS2amcePGaNiwIQBpVrJFixbo06cPoqKiUKpUKXX/zAkTJuicBQPyJjoFUSqVCAoKwuLFi3Xe7ufnV+D9w8LCMGfOHCQmJsLFxQW7d+9G79691TOMqnj79euXpxZYpU6dOlrX9ZntBaQa2O+//x5///03WrVqpfOYv//+GwD0moXLrTCvs664x44di/Xr1+Pdd99F06ZN4ebmBoVCgV69euXbC1Vf+bWyyi+JMVSNGjUAABcuXEC9evX0vt/z4rp+/Trat2+PGjVqYPHixfDz84OdnR327t2LJUuW5HlddL2uhp6jsAz9+dD3vduzZ0+0bNkS3333HX755RcsXLgQ8+fPx65du/Dqq6++cNz6KlOmDADNH0vPcnZ21qqNb968ORo0aIApU6bgs88+U4/XrFkT586dQ2xsbJ4/fFSe/VmsUaMGzp49i7i4uOf+nsktKSlJ5x+uuRn63s0vkc7JydE5nt/3uVevXli9ejV+/vlndO3aFdu3b0eNGjVQt25d9TEv+juXiIkvmS1ra2vMmzcPbdu2xeeff45JkyapZ4RsbW21/kPSpXLlyrh48eJzjzl//jzat2+v10e/zwoLC8Ps2bOxc+dOeHt7IzU1Vb2IAwDKli0LFxcX5OTkPDdeQ73++uuYN28eIiIidCa+OTk52Lp1Kzw8PNC8eXOt265evZrn+OjoaPVMqCGvc0F27NiBgQMHYtGiReqxjIwMJCcnax1XmNf+eVSbEVy7dg1t27ZVj2dnZ+PmzZt5/uB41quvvgpra2ts3rzZqIuEfvzxR2RmZmL37t1aSZIhH/Hqe47KlSsDAC5evFjgH4T5vf4v+vNREB8fH/zvf//D//73P9y/fx8NGjTAnDlz1Imvvo+neq8+72ddF1WCeOPGDb2Or1OnDvr164fVq1djwoQJ6tf+9ddfx9dff42IiAhMmzYtz/1SU1Pxww8/oEaNGurvQ+fOnfH1119j8+bNmDx5sl6Pn52djbi4OLzxxhsFHmfoe9fDwyPPzyQAg3eya9WqFXx8fLBt2za0aNECv/32G6ZOnap1TFG+p8gysMaXzFqbNm3QuHFjLF26FBkZGfDy8kKbNm2wevVq3L17N8/xCQkJ6svdunXD+fPn8d133+U5TjX71rNnT9y+fRtr167Nc8yTJ0/U3QnyU7NmTQQFBWHbtm3Ytm0bfHx8tJJQa2trdOvWDTt37tT5H3PueA3VrFkzhISEYP369Tp3hpo6dSqio6PxwQcf5Jmh+f7777VqdE+ePIkTJ06okw5DXueCWFtb55mBXb58eZ6ZJGdnZwDQ+Z9vYTVs2BBlypTB2rVrkZ2drR7fsmVLvjN8ufn5+WHYsGH45ZdfsHz58jy3K5VKLFq0CLdu3TIoLtWM8LNlH+vXrzf6OTp06AAXFxfMmzcPGRkZWrflvq+zs7PO0pMX/fnQJScnJ89jeXl5oXz58sjMzHxuTM8qW7YsWrVqhXXr1iE2NlbrtufN/vv6+sLPz8+gXcw++OADPH36VGvGsnv37qhVqxY++eSTPOdSKpUYNWoUkpKSMHPmTK37BAUFYc6cOYiMjMzzOI8ePcqTNF66dAkZGRlo1qxZgTEa+t6tXLkyUlJS1LPSAHD37l2dvzsLYmVlhe7du+PHH3/Epk2bkJ2drVXmABTNe4osC2d8yey9//776NGjBzZs2ICRI0dixYoVaNGiBYKCgjBs2DAEBgbi3r17iIyMxK1bt9Rber7//vvqHcHefvttBAcH4+HDh9i9ezdWrVqFunXron///ti+fTtGjhyJQ4cOoXnz5sjJycGVK1ewfft27N+/X116kZ+wsDDMmDEDDg4OGDJkCKystP8e/eSTT3Do0CE0adIEw4YNQ61atfDw4UOcOXMGBw4cwMOHDwv92kRERKB9+/bo0qUL+vTpg5YtWyIzMxO7du3C4cOHERYWhvfffz/P/apUqYIWLVpg1KhRyMzMxNKlS1GmTBl88MEH6mP0fZ0L8vrrr2PTpk1wc3NDrVq1EBkZiQMHDqg/YlapV68erK2tMX/+fKSkpMDe3h7t2rWDl5dXoV8bOzs7zJo1C2PHjkW7du3Qs2dP3Lx5Exs2bEDlypX1mm1atGgRrl+/jnHjxmHXrl14/fXX4eHhgdjYWHz77be4cuWK1gy/Pjp06AA7Ozt07twZI0aMQFpaGtauXQsvLy+df2S8yDlcXV2xZMkSDB06FI0aNUKfPn3g4eGB8+fP4/Hjx9i4cSMAIDg4GNu2bcP48ePRqFEjlCpVCp07dzbKz8ezHj16hAoVKqB79+7qbXoPHDiAv/76S+uTgfxi0uWzzz5DixYt0KBBAwwfPhwBAQG4efMm9uzZg3PnzhUYT5cuXfDdd9/pVTsLSKUKnTp1wpdffonp06ejTJkysLOzw44dO9C+fXu0aNFCa+e2rVu34syZM3jvvfe03iu2trbYtWsXQkJC0KpVK/Ts2RPNmzeHra0t/vnnH/WnNbnbsf36669wcnLCK6+88tw4DXnv9urVCxMnTsSbb76JcePG4fHjx1i5ciWqVatm8CLUsLAwLF++HDNnzkRQUFCetoRF8Z4iC1P8jSSIjC+/DSyEkHYGqly5sqhcubK6Xdb169fFgAEDRLly5YStra3w9fUVr7/+utixY4fWfR88eCDGjBkjfH191Y3SBw4cqNVaLCsrS8yfP1+89NJLwt7eXnh4eIjg4GAxe/ZskZKSoj7u2XZmKlevXlU32T969KjO53fv3j0xevRo4efnJ2xtbUW5cuVE+/btxZo1a9THqNp0ffvttwa9do8ePRKzZs0SL730knB0dBQuLi6iefPmYsOGDXnaOeXewGLRokXCz89P2Nvbi5YtW4rz58/nObc+r3NB37ukpCQxePBg4enpKUqVKiVCQ0PFlStXdL6Wa9euFYGBgcLa2lqvDSyefZ3y29jgs88+E5UqVRL29vaicePG4tixYyI4OFh07NhRj1dX2uXqyy+/FC1bthRubm7C1tZWVKpUSQwePFirXVR+O7epXp/cm3bs3r1b1KlTRzg4OAh/f38xf/58sW7dujzHqTaw0EXfc6iObdasmXB0dBSurq6icePG4uuvv1bfnpaWJvr06SPc3d3zbGCh788H/tvYQBfkameWmZkp3n//fVG3bl3h4uIinJ2dRd26dfNsvpFfTPl9ny9evCjefPNN4e7uLhwcHET16tXF9OnTdcaT25kzZwSAPO218tvAQgghDh8+nKdFmxBC3L9/X4wfP15UqVJF2NvbC3d3dxESEqJuYaZLUlKSmDFjhggKChJOTk7CwcFB1K5dW0yePFncvXtX69gmTZqIfv36Pfc5qej73hVCiF9++UXUrl1b2NnZierVq4vNmzcXuIFFfpRKpfDz8xMAxMcff6zzGH3fU0S6KIQw0koOIjJ7N2/eREBAABYuXIgJEybIHY4slEolypYti7feekvnx61kedq3b4/y5ctj06ZNcoeSr3PnzqFBgwY4c+aMQYsticwNa3yJiPKRkZGRp84zIiICDx8+RJs2beQJikzO3LlzsW3bNoMXcxWnTz75BN27d2fSSxaPNb5ERPn4888/ER4ejh49eqBMmTI4c+YMvvrqK9SuXRs9evSQOzwyEU2aNEFWVpbcYRTom2++kTsEIpPAxJeIKB/+/v7w8/PDZ599hocPH6J06dIYMGAAPvnkE61d34iIqGRgjS8RERERWQTW+BIRERGRRWDiS0REREQWweJqfJVKJe7cuQMXFxdud0hERERkgoQQePToEcqXL59nY6cXYXGJ7507d+Dn5yd3GERERET0HHFxcahQoYLRzmdxia+LiwsA6YV0dXWVORoiIiIielZqair8/PzUeZuxWFziqypvcHV1ZeJLREREZMKMXZbKxW1EREREZBGY+BIRERGRRWDiS0REREQWgYkvEREREVkEJr5EREREZBGY+BIRERGRRWDiS0REREQWgYkvEREREVkEJr5EREREZBGY+BIRERGRRWDiS0REREQWgYkvEREREVkEJr5EREREZBGY+BIRERGRRWDiS0REREQWQdbE9/fff0fnzp1Rvnx5KBQKfP/998+9z+HDh9GgQQPY29ujSpUq2LBhQ5HHSUREREQln6yJb3p6OurWrYsVK1bodfyNGzfw2muvoW3btjh37hzeffddDB06FPv37y/iSImIiIiopLOR88FfffVVvPrqq3ofv2rVKgQEBGDRokUAgJo1a+Lo0aNYsmQJQkNDiypMIiIiIipCSiUQFwdERwPRV5RI+OOfInkcWRNfQ0VGRiIkJERrLDQ0FO+++26+98nMzERmZqb6empqalGFR0REREQFePgQiIr6L8GN1ly+ehXIyADK4S7WYzC64QhmF8Hjl6jENz4+Ht7e3lpj3t7eSE1NxZMnT+Do6JjnPvPmzcPs2UXx0hERERHRs548Aa5f153gPniQ//3ewA/4EkNRFokoqmnKEpX4FsbkyZMxfvx49fXU1FT4+fnJGBERERFRyZaToylNeDbBjY0FhND/XG426VhV6j30Sl6tHsv08AKS7hs97hKV+JYrVw737t3TGrt37x5cXV11zvYCgL29Pezt7YsjPCIiIiKzkpiYd9ZWVZqQq5JULxUqANWqSV/Vq0v/BmWdRoVJfaGIitIc2LUr7BcvBgIDjftkUMIS36ZNm2Lv3r1aY7/++iuaNm0qU0REREREJduTJ1IiqyvBffjQsHO5uWmS2twJbpUqQKlSuQ7MyQE+/RSYNg3IzpbGnJyApUuBoUOBR4+M9fS0yJr4pqWl4dq1a+rrN27cwLlz51C6dGlUrFgRkydPxu3btxEREQEAGDlyJD7//HN88MEHePvtt/Hbb79h+/bt2LNnj1xPgYiIiMjk5eRIJQi66m5jYw07l62tlMjqSnDLlgUUCj1OkpEBfPmlJukNDga2bpVOUoRkTXxPnTqFtm3bqq+ranEHDhyIDRs24O7du4jN9d0ICAjAnj17EB4ejmXLlqFChQr48ssv2cqMiIiILJ4QmtKEZxPca9eArCzDzufnp53Uqi5XrAjYvGgG6ewsJbotWgDvvQfMmgXY2b3gSZ9PIYQh5cclX2pqKtzc3JCSkgJXV1e5wyEiIiIySHq6lMjqmr1NTjbsXO7uUjKbO7mtVg2oWlWqPDCaR4+A1FTA11d7/PbtvGMounytRNX4EhEREVmC7Gzg3391z97eumXYuezspERW1+xtmTJ6lia8iMhIoF8/oFw54MgR7eliHUlvUWLiS0RERCQDIYD793UvKrt2DXj6VP9zKRRSCcKzNbfVqknj1tZF9zzylZ0NzJkDfPSRVGQcEwPMnw9MnSpDMBImvkRERERFKD1dk9A+m+CmpBh2rtKl8++akE9nV3nExEizvJGRmrFmzYA+feSLCUx8iYiIiF5YdjZw86buutvbtw07l729VJqgK8EtU6ZIwjceIYBNm4AxYzQtyaytgZkzgcmTjbAq7sUw8SUiIiLSgxDAvXu6626vX9d05tKHQgFUqqS77tbPD7CyKrrnUWSSkoCRI4Ht2zVjgYHAli3Ayy/LF1cuTHyJiIiIcnn0SNrQQdfsraH7Knh66q67rVIFcHAomvhlkZoK1Kun3RR40CDgs88AFxe5osqDiS8RERFZnKdPgRs3dM/e3r1r2LkcHXV3TahWTarJtQiursCbbwLLlgEeHsDq1UCPHnJHlQcTXyIiIjJLQkhJrK5FZTExhpcm+PtrEtvcCW6FCiW0NMHYPvlE2pFt6lSpXsMEMfElIiKiEi01Nf+uCWlphp2rbNm8s7bVq0ulqmZVmvAihADWrpUWrQ0Zohl3cABWrZIvLj0w8SUiIiKTl5UllSboqruNjzfsXI6OuheVVa0qfUpPBUhIAIYNA374QXohmzUDataUOyq9MfElIiIikyAEcOeO7rrbGzekPRD0ZWUFBAToTnDLl2dpQqH88gswcKDmL40nT4CffmLiS0RERJSflBTdZQnR0dJmD4bw9tbdNaFyZWmrXjKCjAypB+/SpZoxT09g3Tqgc2fZwioMJr5ERERkdFlZUm9bXQnuvXuGncvZOW/NbbVqUmmCu3uRhE8qFy4AfftK/6p07AisXw+UKydfXIXExJeIiIgKRamUdiXTtbDsxg3pdn1ZW0ulCbp2KytfXuqqQMVICGD5cuCDD4DMTGnM3h5YuFDala2EfkOY+BIREVGBkpN1Lyq7ehV4/Niwc5Urp7trQkAASxNMSloasGiRJumtU0faga12bXnjekFMfImIiAiZmVJpgq4ENyHBsHOVKpV/1wRX16KJn4zMxQXYvBlo2xYYNw6YO9cs+rkx8SUiIrIQSiVw65burgn//mtYaYKNjdTbVleCW65cif0k3HKlp0tfXl6asZYtpTdIYKB8cRkZE18iIiIz8/Ch7kVlV69KHagMUb687q4JAQGArW3RxE/F7PRpaQGbry/w66/avd7MKOkFmPgSERGVSBkZwLVruhPcxETDzuXiontRWdWq0m1kpnJygE8/BaZNk/ZvjooCliwB3ntP7siKDBNfIiIiE6VUArGxursm/PuvtPBeXzY2Um9bXQmutzdLEyxOXBwwYABw+LBmLDi4xPXlNRQTXyIiIpk9eKC77vbaNWlm1xC+vrq7Jvj7S8kvEbZvB0aMkNp1ANJfPZMmAbNmmX1rDf4IEBERFYMnTzSlCc8muA8fGnYuV1cpmX129rZKFamjApFOqalSh4aNGzVjfn7Apk1A69byxVWMmPgSEREZSU6OdmlC7gQ3Ntaw0gRbWymR1dU1oWxZliaQgVJSgAYNgJgYzVhYGLByJeDhIV9cxYyJLxERkQGEkBaP6Upur13T9PvXl5+f7q4JlSqxNIGMyM0NaNdOSnxdXIAVK4B+/SzuLyj+SBEREenw+LHU/ktXgpuUZNi53N11LyqrUgVwdi6S8InyWrJEqrn58EOza1OmLya+RERksXJypO4IunYri4sz7Fx2dlIiqyvB9fS0uIk1kpMQUt2urS3Qu7dmvFQpaTc2C8bEl4iIzJoQ0pa7uhaVXb8OZGUZdr6KFXXX3VasCFhbF81zINJbUhIwcqTUuaFUKaBxY6mPHQFg4ktERGYiPV1TmvBsgpuSYti5PDw0iW3uBLdKFcDJqWjiJ3phhw8D/ftL+1IDQFoasGMHMHGirGGZEia+RERUYmRnAzdv6q67Vf1fry97e2lnMl0Lyzw9iyR8oqKRlQXMmAEsWKBpHeLuDqxZA/ToIWtopoaJLxERmRQhgHv3dCe3168DT5/qfy6FQuqO8OxmDtWqSd0UWJpAJV5UFNCnD3DmjGasTRsgIkJ6k5MWJr5ERCSLtDTdW/FGR0t99g1RpozuRWWVKwOOjkUTP5GshJBmdMPDpU4NgLSYbc4c4L33ACsreeMzUUx8iYioyDx9KpUm6OqacOeOYedycJBKE55NcKtWlRJfIouSkiJtMaxKeqtXB7ZulTapoHwx8SUiohciBBAfr3tRWUyMVJerL4UC8PfX3TWhQgVOYhGpubsDGzYAHTtKXRwWLeLKSz0w8SUiIr08eqS7LCE6WrrNEGXL6l5UVrmyNLNLRM/IyJB2VSldWjMWGgpcvAi89JJ8cZUwTHyJiEjt6VNpllZXgnv3rmHncnTUvaisWjWpXRgR6enCBWkBW6VKwI8/au+GwqTXIEx8iYgsjBBSEqur7jYmRtrNTF9WVkBAgO4E19eXpQlEL0SpBJYvl/rwZmZKs7urVgGjRskdWYnFxJeIyEylpEgbOuhKcNPTDTuXl5furgmBgVI/XCIysrt3gcGDgf37NWN16gAtW8oXkxlg4ktEVIJlZUmztM/W3EZFSb1wDeHkpHtRWdWq0joaIiomP/wADB0KJCZqxsLDgblzWQT/gpj4EhGZOCGA27d1d024cUP6NFRf1taa0oRnE9zy5bVLB4momKWnSz14V6/WjPn4ABs3Aq+8Il9cZoSJLxGRiUhOzr9rwuPHhp2rXDndi8oCAwE7uyIJn4heRFIS0LSp9MOv0rUrsHYt99A2Iia+RETFKDNT2nZXV4J7/75h5ypVSveisqpVATe3oomfiIqIhwcQHCz9UnByApYtA4YM4ccwRsbEl4jIyJRKqTRB16KymzcNL00IDNS9sMzHh/8nEpmVFSukndg++UT6ISejY+JLRFRISUm6626vXtXsIqovHx/ddbcBAYCtbdHET0Qy2r5daonSpYtmzN0d2LVLtpAsARNfIqICZGRIpQm6uibkXnCtDxcX3XW31apJtxGRBUhNBcaNkxaseXgAf/8t7cdNxYKJLxFZPKUSiIvLW5YQFQX8+6/UVUFfNjbStru6ktty5ViaQGTRIiOBvn2ldiyA9LHR5s3ApEnyxmVBmPgSkcV4+FB33e3Vq9LMriF8fXXP3gYESMkvEZFadjbw8cfSl2prRBcXqaa3Xz95Y7Mw/PVMRGblyRPg2jXdXRMePDDsXK6uuheVVa0qdVQgInqumBgpuY2M1Iw1aybN9AYEyBeXhWLiS0QlTk6OVJqga/Y2Ntaw0gRbW6k0QVeC6+XF0gQiKiQhgIgIYMwYIC1NGrO2BmbMAKZM4UdDMuGrTkQmSQhphlZX14Rr16R+uIaoUEF314RKlfj/DxEVgaQkaRc2VdIbGAhs2QK8/LK8cVk4/ronIlk9fqwpTXg2wU1KMuxcbm6axDZ3glu1KuDsXDTxExHpVLo08OWXwJtvAoMGAZ99xvYtJoCJLxEVuZwcqTuCrrrb2FjDzmVnB1SportrQtmyLE0gIplkZUkfReVObrt2BU6dknZkI5PAxJeIjEIIqa+trrrba9ek/xMMUbGi7q4JlSpJZXJERCYjKgro00f6q/ybb7T/AmfSa1KY+BKRQdLTpfZfz27mEB0NJCcbdi4PD92LyqpUkbaqJyIyaUIAa9YA4eFSS5kzZ4DXXgMGDJA7MsoHE18iyiM7WypN0DV7e+uWYeeyt5cSWV0JbpkyLE0gohIqIQEYOhTYvVszVr06ULu2fDHRczHxJbJQQgD37+teVHb9OvD0qf7nUig0pQnPJrh+fixNICIzs3+/tGAtPl4zNnIksGgRP64ycUx8icxcWpqmNCF3ghsdDaSkGHauMmV0191WqQI4OhZN/EREJiMjA5g8GVi6VDPm6QmsWwd07ixbWKQ/Jr5EZiA7W9r6XVfXhNu3DTuXg4PU/ktXglumTNHET0Rk8h4+BNq0AS5c0Ix17AisXw+UKydbWGQYJr5EJYQQwL17uutur1+Xkl99KRRSdwRddbd+foCVVdE9DyKiEsnDQ9qE4sIFafHCwoXSrmxcqFCiMPElMjGPHkmlCboS3EePDDuXp6fuutvKlaWZXSIi0pNCIW1I8eSJVMvLRWwlEhNfIhk8faopTXg2wb1717BzOTpKpQnPbuZQrZq0cRARERXC7t3SzG5oqGbM01Na2EYlFhNfoiIihJTE6qq7jYkxrDTBygrw99c9e+vry9IEIiKjSU8H3nsPWL0a8PKSShu8vOSOioyEiS/RC0pN1Z3cRkdLHRUM4eWle1FZ5crSxAMRERWh06elHdiio6Xr9+9LHRsmTZI3LjIaJr5EesjKkmZpdSW4uds46sPJSbscQZXgVq0qrZ0gIqJilpMDfPopMG2a5uM4JyepbdnQobKGRsbFxJfoP0IAd+7oXlR244b0e1FfVlZAQIDurgnly7M0gYjIZMTFAf37A0eOaMaCg4GtW6Vf2mRWmPiSxUlJ0b2o7OpVqbTLEN7euutuAwMBO7uiiZ+IiIxk+3ZgxAggOVm6rlBIZQ2zZvGXuJli4ktmKTNTU5rwbIJ7/75h53J2zpvcqr7c3IomfiIiKmKJicCwYdJCDUBqYr5pE9C6tbxxUZFi4kslllIp7Uqmq+72xg3pdn1ZW0uztLpmb3182J+ciMjseHoCK1cCffsCYWHSZS60MHtMfMnkJSXpTm6vXgUePzbsXD4+ursmBAYCtrZFEz8REZmA7GxppbKTk2asTx+gQgWgZUvOcFgIJr5kEjIzpW13VYlt7gQ3IcGwc5UqpXtRWdWqgKtr0cRPREQmLCYG6NcPqFFDak+WW6tW8sREsmDiS8VGqQRu3dJdd/vvv4aVJtjYSLO0uhLccuX4hzsREUFq17NpEzB6tNRYPTISePVVoEcPuSMjmTDxJaN7+DD/rgkZGYadq3x53XW3/v4sTSAiogIkJQEjR0qdG1QCA6VFbGSxmPhSoWRkANeu6U5wHzww7FwuLlIy+2zXhKpVpduIiIgMcviw1Jv31i3N2KBBwGef8T8WC8fEl/KlVAKxsboXlv37r/QJkr5sbaVtd3XN3np5sTSBiIiMICsLmDEDWLBA85+UhwewejXLGwgAE1+CNEOra7eyq1elRWeG8PXVJLa5E1x/f6kul4iIqEg8eAB06ACcOaMZa9sWiIiQOjcQgYmvxXjyRCpN0JXgPnxo2Lnc3HQvKqtSReqoQEREVOw8PKTevID0MeOcOcB773GPeNLCxNeM5ORoShOeTXBjYw07l62tlMjqSnDLlmVpAhERmRgrK2DDBqBnT2DZMqBBA7kjIhPExLeEEULaZfHZ5DY6WprRNbQ0wc9Pd91txYosTSAiIhP2yy+Ag4N2H14fH+CPP+SLiUye7KnNihUrsHDhQsTHx6Nu3bpYvnw5GjdunO/xS5cuxcqVKxEbGwtPT090794d8+bNg4ODQzFGXXz+/BM4eFB7Y4fkZMPO4e6uu+62alXtDWyIiIhMXkYGMHkysHSpVLv799/capj0Jmviu23bNowfPx6rVq1CkyZNsHTpUoSGhiIqKgpeXl55jt+6dSsmTZqEdevWoVmzZoiOjsagQYOgUCiwePFiGZ5B0Tp5EmjaVL9j7eykRFbXdryenixNICIiM3DhAtC3r/QvILUrW7MGmDhR3rioxJA18V28eDGGDRuGwYMHAwBWrVqFPXv2YN26dZg0aVKe448fP47mzZujT58+AAB/f3/07t0bJ06cKNa4i8uRI3nHKlbUXXdbsSJgbV38MRIRERU5pRJYvlxKcFU1ffb2wMKFwJgx8sZGJYpsiW9WVhZOnz6NyZMnq8esrKwQEhKCyMhInfdp1qwZNm/ejJMnT6Jx48aIiYnB3r170b9//3wfJzMzE5m5Cl9TU1ON9ySK2M2bmsvbtgGdOwOOjrKFQ0REVPzu3gUGDwb279eMBQUBW7cCtWvLFxeVSLIlvomJicjJyYG3t7fWuLe3N65cuaLzPn369EFiYiJatGgBIQSys7MxcuRITJkyJd/HmTdvHmbPnm3U2IvLv/9qLrdqxaSXiIgszA8/AEOHSqu6VcLDgblzpYVtRAYqUc3tDh8+jLlz5+KLL77AmTNnsGvXLuzZswcfffRRvveZPHkyUlJS1F9xcXHFGPGLUc34OjgAz/x9QEREZN4SEqR6XlXS6+MjzfouXsyklwpNthlfT09PWFtb4969e1rj9+7dQ7ly5XTeZ/r06ejfvz+GDh0KAAgKCkJ6ejqGDx+OqVOnwkpHk2p7e3vY29sb/wkUMSE0iW/FilycRkREFqZsWalzw7BhQJcuwJdfajaoICok2WZ87ezsEBwcjIMHD6rHlEolDh48iKb5tDJ4/PhxnuTW+r8VXUK1J7eZePgQSE+XLvv7yxoKERFR0cvJyduMfsgQ4Oefge++Y9JLRiFrV4fx48dj4MCBaNiwIRo3boylS5ciPT1d3eVhwIAB8PX1xbx58wAAnTt3xuLFi1G/fn00adIE165dw/Tp09G5c2d1Amwuci9sY+JLRERmLS4OGDBAWqy2fLlmXKEAOnaULy4yO7ImvmFhYUhISMCMGTMQHx+PevXqYd++feoFb7GxsVozvNOmTYNCocC0adNw+/ZtlC1bFp07d8acOXPkegpFJvfCtkqV5IuDiIioSG3fDowYIe3OdPgw8OqrQKdOckdFZkohzK1G4DlSU1Ph5uaGlJQUuLq6yh1OvhYvBt57T7q8ZQvwX+tiIiIi85CaCowbB2zcqBnz85P+02vZUr64yCQUVb4m+5bFpBtLHYiIyGxFRgL9+gExMZqxsDBg5UpuP0xFqkS1M7MkLHUgIiKzk50NzJ4tzeiqkl4XFyAiAvj6aya9VOQ442uiVDO+trZS60IiIqIS7cEDaQvS3LuzNmsGbN4MBATIFxdZFM74mqjcPXx1tCcmIiIqWdzdAZv/5tusraWZ3yNHmPRSsWJKZYKSk6Waf4D1vUREZCasrYFNm4AGDYCjR4EZMzSJMFEx4TvOBHFhGxERlXhHjgCOjkDjxpqxSpWAU6e4HSnJhjO+Jih34suFbUREVKJkZQGTJwNt2wK9ewOPHmnfzqSXZMTE1wTl7ujAGV8iIioxoqKApk2BTz4BhJA6N6xcKXdURGpMfE0QSx2IiKhEEQJYswaoXx84c0Yas7UFFiwAJkyQNzaiXFjja4JY6kBERCVGQgIwbBjwww+aserVga1bpYVsRCaEM74mSFXqYGMDlC8vbyxERET52r8fqFNHO+kdOVKa9WXSSyaIM74mSDXj6+fHTi9ERGSi7t0DunYFMjKk656ewLp10iYVRCaKM74mJjUVSEqSLrPMgYiITJa3t7SIDQBCQ4ELF5j0ksnjfKKJYUcHIiIySUolkJMjLVpTGTsWqFABePNNbjNKJQLfpSaGHR2IiMjk3L0LvPoqMG2a9riVFdCtG5NeKjH4TjUx7OhAREQm5YcfgKAg4JdfgIULgd9+kzsiokJj4mtiWOpAREQmIT1d6tDQtSvw4IE05u0ta0hEL4o1viaGM75ERCS706eBPn2A6GjNWJcuwJdfSt0biEoozviaGNWMr5WVtF6AiIio2OTkAPPnAy+/rEl6nZykXdm++45JL5V4nPE1MaoZ3woVtBfOEhERFanERKBHD+DwYc1YcLC0A1u1arKFRWRMnPE1Ienp0u8dgGUORERUzNzcgLQ06bJCAUyeDBw/zqSXzAoTXxPChW1ERCQbW1tgyxagZk3g0CFg7lzAzk7uqIiMiqUOJoQ9fImIqNhERkr1u3XrasaqVQMuXmRfXjJbfGebEHZ0ICKiIpedDcyeDbRsCfTuDTx+rH07k14yY3x3mxCWOhARUZGKiQFatQJmzZI6OFy+DHzxhdxRERUbJr4mhKUORERUJIQAIiKAevWkEgcAsLYGPvwQePddOSMjKlas8TUhqsRXoQD8/GQNhYiIzEVSkrQD2/btmrHKlYHNm6V+vUQWhDO+JkRV6lC+PBfSEhGRERw+DNSpo530Dh4MnD3LpJcsEmd8TcSTJ8C9e9JlljkQEdELu3sXCA0FsrKk6x4ewOrV0iYVRBaKM74mIvfCNnZ0ICKiF+bjA8ycKV1u2xb4+28mvWTxOONrItjRgYiIXogQgFIpLVpTmThRWjTSty/blBGBM74mgx0diIio0BISgDffBD7+WHvc2hro359JL9F/+JNgIrh5BRERFcr+/dICth9+AD76SNOujIjyYOJrIljqQEREBsnIAMLDgY4dgfh4aczDA3j0SN64iEwYa3xNRO4Z34oVZQuDiIhKggsXpLrdCxc0Y6GhwIYNQLlysoVFZOo442siVDO+5coBDg7yxkJERCZKqQSWLQMaNdIkvfb20tjevUx6iZ6DM74mIDMTuHNHuswyByIi0unBA2mWd/9+zVhQELB1K1C7tnxxEZUgnPE1AbGxmstc2EZERDo5OwO3b2uuh4cDJ08y6SUyABNfE8CFbURE9FwODtLsbkCANOu7eDFr44gMxFIHE8AevkRElMfp09Isb40amrGgICA6GrDhf99EhcEZXxPAHr5ERKSWkwPMnw+8/DLQu7e0ECQ3Jr1EhcbE1wSw1IGIiAAAcXFA+/bApElAdjZw7hzwxRdyR0VkNpj4mgDO+BIREbZvl3ZgO3JEuq5QAJMnA6NHyxsXkRnh5yUmQJX4li0LODnJGgoRERW31FRg3Dhg40bNmJ8fsGkT0Lq1fHERmSEmvjLLymIPXyIiixUZCfTrB8TEaMbCwoCVK6Xth4nIqJj4yuzWLWkjHoCJLxGRRbl9G2jTRpoBAQAXF2DFCikRVihkDY3IXLHGV2as7yUislC+vsCECdLlZs2A8+eB/v2Z9BIVIc74yowdHYiILIQQ0r+5E9tZs4CKFYEhQ9imjKgYcMZXZpzxJSKyAElJQK9ewKJF2uO2tsCIEUx6iYoJE1+Zcdc2IiIzd/iw1KZs+3ZgyhTg7Fm5IyKyWEx8ZZa71IEzvkREZiQrS9qIol07aSUzAJQqBcTHyxsXkQXjZysyU834li4tLeglIiIzEBUF9OkDnDmjGWvbFoiIACpUkC8uIgvHGV8ZZWdrJgFY5kBEZAaEAFavBurX1yS9trbAggXAgQNMeolk9kIzvhkZGXBwcDBWLBbn9m0gJ0e6zMSXiKiEe/gQGDwY2L1bM1a9OrB1K9CggXxxEZGawTO+SqUSH330EXx9fVGqVCnE/LfbzPTp0/HVV18ZPUBzxo4ORERmxN4euHJFc33UKGnWl0kvkckwOPH9+OOPsWHDBixYsAB2dnbq8dq1a+PLL780anDmjj18iYjMiLMzsGULUL68NOv7xReAk5PcURFRLgYnvhEREVizZg369u0La2tr9XjdunVxJfdfuvRcbGVGRFSCXbgA/Pepp1rDhtJY587yxEREBTI48b19+zaqVKmSZ1ypVOLp06dGCcpSsNSBiKgEUiqBZcuARo2Avn2llcq52dvLExcRPZfBiW+tWrXwxx9/5BnfsWMH6tevb5SgLAV7+BIRlTB37wKvvgq8+y6QmQn8+SewcqXcURGRngzu6jBjxgwMHDgQt2/fhlKpxK5duxAVFYWIiAj89NNPRRGj2VLN+Lq7S19ERGTCfvgBGDIEePBAMxYeDgwbJl9MRGQQg2d8u3Tpgh9//BEHDhyAs7MzZsyYgcuXL+PHH3/EK6+8UhQxmqWcHCA2VrrM2V4iIhOWng6MHAl07apJen18gP37gcWLAbb1JCoxCtXHt2XLlvj111+NHYtFuXtXUxbGhW1ERCbq9GlpB7boaM1Y167A2rWAp6dsYRFR4Rg84xsYGIgHuT/m+U9ycjICAwONEpQlYEcHIiITFxcHNGumSXqdnKSEd9cuJr1EJZTBie/NmzeRo9puLJfMzEzcvn3bKEFZAnZ0ICIycX5+wP/+J10ODgbOngWGDgUUCnnjIqJC07vUYXeuLRj3798PNzc39fWcnBwcPHgQ/py61Bs3ryAiMkFCaCe28+YBFSsCo0cDuTZtIqKSSe/Et2vXrgAAhUKBgQMHat1ma2sLf39/LFq0yKjBmTPO+BIRmZDUVGDcOKBxY80sLyAtXAsPly8uIjIqvRNfpVIJAAgICMBff/0FT9Y3vRDW+BIRmYjISGkjihs3gG3bgLZtgZo15Y6KiIqAwTW+N27cYNJrBKpSBxcXwMND3liIiCxSdjYwaxbQsqWU9AKArS1w/bqsYRFR0SlUO7P09HQcOXIEsbGxyMrK0rpt3LhxRgnMnCmVmsS3UiWukyAiKnYxMUC/ftJsr0qzZsDmzUBAgHxxEVGRMjjxPXv2LDp16oTHjx8jPT0dpUuXRmJiIpycnODl5cXEVw/x8YDq7wWWORARFSMhgIgIYMwYIC1NGrO2BmbMAKZMAWwKNR9ERCWEwaUO4eHh6Ny5M5KSkuDo6Ig///wT//77L4KDg/Hpp58WRYxmhx0diIhkkJwM9OoFDBqkSXoDA4GjR6XEl0kvkdkzOPE9d+4c3nvvPVhZWcHa2hqZmZnw8/PDggULMGXKlKKI0eywowMRkQwUCuDECc31QYOAc+eAl1+WKyIiKmYGJ762trawspLu5uXlhdjYWACAm5sb4uLijBudmeKMLxGRDNzcgE2bpF3Xtm8H1q+XVhgTkcUw+HOd+vXr46+//kLVqlXRunVrzJgxA4mJidi0aRNq165dFDGaHbYyIyIqBlFRgLMzUKGCZqxlS+mXsLOzbGERkXwMnvGdO3cufHx8AABz5syBh4cHRo0ahYSEBKxevdroAZojljoQERUhIYDVq4H69YEBA6RWOrkx6SWyWAohhJA7iOKUmpoKNzc3pKSkwNXVVZYYatYErlwBnJyk9RVsZ0ZEZCQJCcDQocDu3ZqxlSuBkSPli4mIDFZU+ZrBM775OXPmDF5//XVjnc5sCaGZ8fX3Z9JLRGQ0+/cDdepoJ70jR0qzvkREMDDx3b9/PyZMmIApU6YgJiYGAHDlyhV07doVjRo1Um9rbIgVK1bA398fDg4OaNKkCU6ePFng8cnJyRg9ejR8fHxgb2+PatWqYe/evQY/rlzu3wcyMqTLLHMgIjKCjAwgPBzo2FFqlA5IC9h275Zme52c5I2PiEyG3ovbvvrqKwwbNgylS5dGUlISvvzySyxevBhjx45FWFgYLl68iJoG7m2+bds2jB8/HqtWrUKTJk2wdOlShIaGIioqCl5eXnmOz8rKwiuvvAIvLy/s2LEDvr6++Pfff+Hu7m7Q48qJHR2IiIzowgWgb1/pX5XQUGDDBqBcOdnCIiLTpHfiu2zZMsyfPx/vv/8+du7ciR49euCLL77AhQsXUCH3ilkDLF68GMOGDcPgwYMBAKtWrcKePXuwbt06TJo0Kc/x69atw8OHD3H8+HHY2toCAPxLWPbIhW1EREby779Ao0ZAZqZ03d4eWLBA2pXNymiVfERkRvT+zXD9+nX06NEDAPDWW2/BxsYGCxcuLHTSm5WVhdOnTyMkJEQTjJUVQkJCEJl77/Rcdu/ejaZNm2L06NHw9vZG7dq1MXfuXOTk5OT7OJmZmUhNTdX6khNbmRERGUmlSpr63aAg4NQpYNw4Jr1ElC+9fzs8efIETv/VSSkUCtjb26vbmhVGYmIicnJy4O3trTXu7e2NeFWN1jNiYmKwY8cO5OTkYO/evZg+fToWLVqEjz/+ON/HmTdvHtzc3NRffn5+hY7ZGFjqQERkREuWAB9/DJw8CbCXPBE9h0EbWHz55ZcoVaoUACA7OxsbNmyAp6en1jHjxo0zXnTPUCqV8PLywpo1a2BtbY3g4GDcvn0bCxcuxMyZM3XeZ/LkyRg/frz6empqqqzJL0sdiIgKIT0deO89aXvhQYM0487OwNSpsoVFRCWL3olvxYoVsXbtWvX1cuXKYdOmTVrHKBQKvRNfT09PWFtb4969e1rj9+7dQ7l8FiT4+PjA1tYW1tbW6rGaNWsiPj4eWVlZsLOzy3Mfe3t72Nvb6xVTcVAlvg4OwDOT3UREpMvp09ICtqgoYMsWafe1ypXljoqISiC9E9+buacqjcDOzg7BwcE4ePAgunbtCkCa0T148CDGjBmj8z7NmzfH1q1boVQqYfVfDVd0dDR8fHx0Jr2mRghNqUOlSuzhS0RUoJwc4NNPgWnTgOxsaUypBC5eZOJLRIUi6wqA8ePHY+3atdi4cSMuX76MUaNGIT09Xd3lYcCAAZg8ebL6+FGjRuHhw4d45513EB0djT179mDu3LkYPXq0XE/BIA8eSJ/WASxzICIqUFwc0L49MGmSJukNDgbOngW6dJE3NiIqsQyq8TW2sLAwJCQkYMaMGYiPj0e9evWwb98+9YK32NhY9cwuAPj5+WH//v0IDw9HnTp14Ovri3feeQcTJ06U6ykYhB0diIj0sH07MGIEkJwsXVcopAR41iygBHy6R0SmSyGEEHIHUZyKau9nfezcCXTvLl2eOxfINZlNRESPHgFjxwIbN2rG/PyATZuA1q3li4uIil1R5WtsdliM2NGBiKgAmZnAL79oroeFAefPM+klIqNh4luM2MOXiKgAnp7SbK+rKxARAXz9NeDhIXdURGRGCpX4Xr9+HdOmTUPv3r1x//59AMDPP/+Mf/75x6jBmRvW+BIR5RITAzzT0hKvvCLNEvTvz9Y3RGR0Bie+R44cQVBQEE6cOIFdu3YhLS0NAHD+/Pl8N5EgiSrxtbMD8mlVTERk/oSQZnbr1gXeflu6npu7uyxhEZH5MzjxnTRpEj7++GP8+uuvWr1z27Vrhz///NOowZmT3D18K1bkVvJEZKGSkoBevaTd19LSgL17gfXr5Y6KiCyEwenXhQsX8Oabb+YZ9/LyQmJiolGCMkfJyUBqqnSZZQ5EZJEOHwbq1JHalakMGgT06CFXRERkYQxOfN3d3XH37t0842fPnoWvr69RgjJH7OhARBYrK0vqw9uuHXDrljTm4SElwOvXAy4u8sZHRBbD4MS3V69emDhxIuLj46FQKKBUKnHs2DFMmDABAwYMKIoYzQI7OhCRRbpyBWjaFJg/X1PL27Yt8PffnOklomJncOI7d+5c1KhRA35+fkhLS0OtWrXQqlUrNGvWDNOmTSuKGM0CZ3yJyOLExAANGgBnzkjXbW2BBQuAAweAChXkjY2ILJLBWxbb2dlh7dq1mD59Oi5evIi0tDTUr18fVatWLYr4zAZbmRGRxQkMBN56C9iyBaheHdi6VUqEiYhkYnDie/ToUbRo0QIVK1ZExYoViyIms8RSByKySCtWSB9zTZ0KODnJHQ0RWTiDSx3atWuHgIAATJkyBZcuXSqKmMySasbXxgYoX17WUIiIjC8jAwgPB779VnvczQ2YM4dJLxGZBIMT3zt37uC9997DkSNHULt2bdSrVw8LFy7ELdVKXdJJlfj6+QHW1rKGQkRkXBcuAI0bA0uXAsOHA3FxckdERKSTwYmvp6cnxowZg2PHjuH69evo0aMHNm7cCH9/f7Rr164oYizxUlKkPr4AyxyIyIwolcCyZUCjRlLyCwBPngCnTskbFxFRPgyu8c0tICAAkyZNQt26dTF9+nQcOXLEWHGZldz1vezoQERm4e5dYPBgYP9+zVhQkLSArXZt+eIiIipAoTfOPXbsGP73v//Bx8cHffr0Qe3atbFnzx5jxmY22NGBiMzKDz9IO7DlTnrDw4GTJ5n0EpFJM3jGd/Lkyfjmm29w584dvPLKK1i2bBm6dOkCJy5cyBc7OhCRWUhPB957D1i9WjPm4wNs2AB06CBbWERE+jI48f3999/x/vvvo2fPnvD09CyKmMwON68gIrOQmgrs3Km53rUrsHYtwP8LiKiEMDjxPXbsWFHEYdZY6kBEZsHHB/jyS6BPH2lR25AhgEIhd1RERHrTK/HdvXs3Xn31Vdja2mL37t0FHvvGG28YJTBzoip1sLbmLp1EVILExQHOzkDp0pqxLl2AGzcALy/54iIiKiSFEEI87yArKyvEx8fDy8sLVlb5r4dTKBTIyckxaoDGlpqaCjc3N6SkpMDV1bVYHtPTE3jwAKhYUbvel4jIZG3fDowYAYSESJc5s0tExaio8jW9ujoolUp4/ffXvVKpzPfL1JNeOaSlSUkvwDIHIioBUlOBQYOAsDCpAfmOHVKLMiIiM2BwO7OIiAhkZmbmGc/KykJERIRRgjIn7OFLRCVGZCRQrx6wcaNmLCwM6NRJtpCIiIzJ4MR38ODBSElJyTP+6NEjDB482ChBmRMubCMik5edDcyeDbRsKdXvAoCLCxARAXz9NeDhIW98RERGYnBXByEEFDpqvW7dugU3NzejBGVO2MOXiExaTAzQr58026vSrBmweTMQECBfXERERUDvxLd+/fpQKBRQKBRo3749bGw0d83JycGNGzfQsWPHIgmyJGMPXyIyWdeuAQ0aAI8eSdetrYEZM4ApUwCbF9rRnojIJOn9m61r164AgHPnziE0NBSlSpVS32ZnZwd/f39069bN6AGWdCx1ICKTVbky0L498P33QGAgsGUL8PLLckdFRFRk9E58Z86cCQDw9/dHWFgYHBwciiwoc6IqdVAoAD8/eWMhItKiUEg7r1WqBHz0kVTXS0RkxvTq42tOiruPr7c3cP8+4OsL3LpV5A9HRKRbVpZUxtCyJfDaa3JHQ0RUoKLK1/Sa8S1dujSio6Ph6ekJDw8PnYvbVB4+fGi04Eq6x4+lpBdgmQMRySgqStpm+MwZYP164O+/pb/KiYgsjF6J75IlS+Dy30dgS5YsKTDxJY3YWM1lJr5EVOyEANasAcLDgSdPpLGkJODYMeCtt+SNjYhIBnolvgMHDlRfHjRoUFHFYnbY0YGIZJOQAAwdCuzerRmrXl3aha1BA/niIiKSkcEbWJw5cwYXLlxQX//hhx/QtWtXTJkyBVlZWUYNrqRjRwciksX+/UCdOtpJ76hRUqkDk14ismAGJ74jRoxAdHQ0ACAmJgZhYWFwcnLCt99+iw8++MDoAZZk3LyCiIpVRoZU1tCxIxAfL415ekoJ8BdfAE5O8sZHRCQzgxPf6Oho1KtXDwDw7bffonXr1ti6dSs2bNiAnTt3Gju+Eo2lDkRUrO7flxavqXTsCFy4AHTuLF9MREQmxODEVwgBpVIJADhw4AA6deoEAPDz80NiYqJxoyvhcie+FSvKFgYRWYqKFYGVKwF7e+Czz4C9e4Fy5eSOiojIZBi8J2XDhg3x8ccfIyQkBEeOHMHKlSsBADdu3IA32+NoUZU6+PgA3O+DiIzu7l3A2RnI3eOyd2+gRQvumENEpIPBM75Lly7FmTNnMGbMGEydOhVVqlQBAOzYsQPNmjUzeoAlVUaG9H8SwDIHIioCP/wgLWAbNy7vbUx6iYh0MtrObRkZGbC2toatra0xTldkimvntqtXgWrVpMu9egFff11kD0VEliQ9HXjvPWD1as3Yjh1At27yxUREZGSy7tymy+nTp3H58mUAQK1atdCALXK0cGEbERnd6dPSDmz/ddYBAHTtCrRuLVtIREQlicGJ7/379xEWFoYjR47A3d0dAJCcnIy2bdvim2++QdmyZY0dY4nEHr5EZDQ5OcCnnwLTpgHZ2dKYkxOwbBkwZAjA3TSJiPRicI3v2LFjkZaWhn/++QcPHz7Ew4cPcfHiRaSmpmKcrlozC8UevkRkFHFxQPv2wKRJmqQ3OBg4e1bamY1JLxGR3gye8d23bx8OHDiAmjVrqsdq1aqFFStWoEOHDkYNriRjqQMRvbDoaKBJEyA5WbquUEgJ8KxZgJ2dnJEREZVIBs/4KpVKnQvYbG1t1f19iYkvERlBlSpS4gtInRoOHQLmzmXSS0RUSAYnvu3atcM777yDO3fuqMdu376N8PBwtG/f3qjBlWSqUgcvL+4SSkSFZGUl7cQ2fDhw/jwXsRERvSCDE9/PP/8cqamp8Pf3R+XKlVG5cmUEBAQgNTUVy5cvL4oYS5ysLOD2bekyZ3uJSC/Z2cDs2cBvv2mP+/hIrcs8POSJi4jIjBhc4+vn54czZ87g4MGD6nZmNWvWREhIiNGDK6ni4gBVd2QubCOi54qJAfr1AyIjAV9f4O+/gdKl5Y6KiMjsGJT4btu2Dbt370ZWVhbat2+PsWPHFlVcJRo7OhCRXoQANm0CxowBHj2SxuLjpVpebkhBRGR0eie+K1euxOjRo1G1alU4Ojpi165duH79OhYuXFiU8ZVIXNhGRM+VlASMHAls364ZCwwEtmwBXn5ZvriIiMyY3jW+n3/+OWbOnImoqCicO3cOGzduxBdffFGUsZVY3LyCiAp0+DBQp4520jtoEHDuHJNeIqIipHfiGxMTg4EDB6qv9+nTB9nZ2bh7926RBFaSsdSBiHTKygImTwbatQNu3ZLG3N2lBHj9esDFRdbwiIjMnd6lDpmZmXB2dlZft7Kygp2dHZ48eVIkgZVkLHUgIp1u3QKWL9esfm3TBoiIkHr0EhFRkTNocdv06dPhlKspbVZWFubMmQM3Nzf12OLFi40XXQmlSnzLlAFKlZI1FCIyJYGBwLJlwKhRwJw5wHvvSb16iYioWOid+LZq1QpRUVFaY82aNUNMTIz6uoJ7xiM7mz18ieg/iYnSDja5d7F5+21pI4oqVeSLi4jIQumd+B4+fLgIwzAft24BOTnSZdb3Elmw/fulBWtvvQWsWKEZVyiY9BIRyYSfsRkZF7YRWbiMDCA8HOjYUerJ+8UXwJ49ckdFREQoxM5tVDAubCOyYBcuAH37Sv+qdOwIBAfLFxMREalxxtfI2MOXyAIpldKitUaNNEmvvT3w2WfA3r1AuXLyxkdERAA442t0LHUgsjB37wKDB0s1vSpBQcDWrUDt2vLFRUREeTDxNTKWOhBZkKgooEULqXuDSng4MHcu4OAgX1xERKRToUod/vjjD/Tr1w9NmzbF7f96d23atAlHjx41anAlkSrxdXcHcrU3JiJzVKUKUKuWdNnHR5r1XbyYSS8RkYkyOPHduXMnQkND4ejoiLNnzyIzMxMAkJKSgrlz5xo9wJIkJweIi5Mus8yByAJYWwObNgH9+wN//w106CB3REREVACDE9+PP/4Yq1atwtq1a2Fra6seb968Oc6cOWPU4EqaO3ekDSwAljkQmZ2cHGD+fOD4ce3xihWlbYc9PeWJi4iI9GZwjW9UVBRatWqVZ9zNzQ3JycnGiKnEYkcHIjMVFyfN6h45AgQEAOfOAa6uckdFREQGMnjGt1y5crh27Vqe8aNHjyIwMNAoQZVU7OhAZIa2bwfq1JGSXkD6C/eXX2QNiYiICsfgxHfYsGF45513cOLECSgUCty5cwdbtmzBhAkTMGrUqKKIscRgRwciM5KaKm05HBYGqD7N8vMDDh0CuneXMzIiIiokg0sdJk2aBKVSifbt2+Px48do1aoV7O3tMWHCBIwdO7YoYiwxWOpAZCYiI4F+/YCYGM1YWBiwciXg4SFfXERE9EIUQghRmDtmZWXh2rVrSEtLQ61atVCqVCljx1YkUlNT4ebmhpSUFLgauUbvlVeAAwekyw8f8v9HohInOxuYMwf46CNpMRsAuLgAK1ZIibBCIW98REQWoqjytUJvYGFnZ4daqv6VBEAz4+viIvXxJaIS5vp1YN48TdLbrBmwebO0oI2IiEo8gxPftm3bQlHArMdvv/32QgGVVEolEBsrXfb358QQUYlUvTqwYAEwfjwwYwYwZQpgww0uiYjMhcG/0evVq6d1/enTpzh37hwuXryIgQMHGiuuEic+HsjKki5zYRtRCZGUBDg5Afb2mrGxY4F27YDateWLi4iIioTBie+SJUt0js+aNQtpaWkvHFBJxYVtRCXM4cNSb95evYCFCzXjCgWTXiIiM2VwO7P89OvXD+vWrTPW6UocJr5EJURWFjB5sjSre+sW8OmnwMGDckdFRETFwGjFa5GRkXBwcDDW6Uqc3JtXsNSByERFRQF9+gC5t1dv21aq7SUiIrNncOL71ltvaV0XQuDu3bs4deoUpk+fbrTAShrO+BKZMCGANWuA8HDgyRNpzNZWal323nuAldE+/CIiIhNmcOLr5uamdd3KygrVq1fHhx9+iA4dOhgtsJKG2xUTmaiEBGDoUGD3bs1Y9erA1q1AgwbyxUVERMXOoMQ3JycHgwcPRlBQEDy4O4MW1YyvkxNQpoysoRCRSlQU0KaN1HZFZdQoqa7XyUm2sIiISB4Gfb5nbW2NDh06IFm1b72RrFixAv7+/nBwcECTJk1w8uRJve73zTffQKFQoGvXrkaNx1BCaGZ82cOXyIQEBgJ+ftJlT09p1veLL5j0EhFZKIML22rXro2Y3PvXv6Bt27Zh/PjxmDlzJs6cOYO6desiNDQU9+/fL/B+N2/exIQJE9CyZUujxVJY9+8DGRnSZZY5EJkQW1tgyxbgrbeACxeAzp3ljoiIiGRkcOL78ccfY8KECfjpp59w9+5dpKaman0ZavHixRg2bBgGDx6MWrVqYdWqVXByciqwNVpOTg769u2L2bNnIzAw0ODHNLbcC9vY0YFIJkol8NlnwNmz2uNVqwI7dwLlyskTFxERmQy9E98PP/wQ6enp6NSpE86fP4833ngDFSpUgIeHBzw8PODu7m5w3W9WVhZOnz6NkJAQTUBWVggJCUFkZGSBsXh5eWHIkCHPfYzMzMwXTs6fhx0diGR29y7QqRPwzjtSu7LHj+WOiIiITJDei9tmz56NkSNH4tChQ0Z78MTEROTk5MDb21tr3NvbG1euXNF5n6NHj+Krr77CuXPn9HqMefPmYfbs2S8aaoHY0YFIRj/8IHVtSEyUrl+5Avz8M9Ctm7xxERGRydE78RVCAABat25dZME8z6NHj9C/f3+sXbsWnp6eet1n8uTJGD9+vPp6amoq/FSLXYyEpQ5EMkhPl3rwrl6tGfPxATZsACy4tSIREeXPoHZmCiO3K/D09IS1tTXu3bunNX7v3j2U01GPd/36ddy8eROdcy1QUSqVAAAbGxtERUWhcuXKWvext7eHvb29UeN+FksdiIrZ6dNSSUN0tGasa1dg7VqpewMREZEOBiW+1apVe27y+/DhQ73PZ2dnh+DgYBw8eFDdkkypVOLgwYMYM2ZMnuNr1KiBCxcuaI1NmzYNjx49wrJly4w+k6svVamDgwPg5SVLCESWIScHWLgQmD4dyM6WxpycgKVLpXIH9hIkIqICGJT4zp49O8/ObS9q/PjxGDhwIBo2bIjGjRtj6dKlSE9Px+DBgwEAAwYMgK+vL+bNmwcHBwfUrl1b6/7u7u4AkGe8uAihmfGtVIn/7xIVqStXtJPe4GBpB7Zq1eSNi4iISgSDEt9evXrBy8hTmmFhYUhISMCMGTMQHx+PevXqYd++feoFb7GxsbCyMrjrWrFJTNQsIGeZA1ERe+kl4KOPgClTgEmTgFmzADs7uaMiIqISQiFUq9aew9raGnfv3jV64lvcUlNT4ebmhpSUFLi6ur7w+U6dAho1ki4PH669zoaIXtCjR4CjI2CT62/0nBypV2/DhvLFRURERcrY+ZqK3lOpeubHFocL24iKSGQkUK8e8PHH2uPW1kx6iYioUPROfJVKZYmf7S0KTHyJjCw7G5g9G2jZEoiJkUobjh+XOyoiIjIDBtX4Ul65N69gD1+iFxQTA/TrJ832qrz8stSfl4iI6AWZ7qqxEoIzvkRGIAQQESGVNqiSXmtraeb3yBEgIEDW8IiIyDxwxvcFqWZ87ewAHXtuENHzJCUBo0YB27ZpxgIDgS1bpNleIiIiI2Hi+wJy9/CtWBEw4a5rRKYpKgp45RUgLk4zNmgQ8NlngIuLbGEREZF5Yqr2ApKSpG5LAMsciAqlUiXgv01o4OEBbN8OrF/PpJeIiIoEE98XkHthGxNfokJwcJB2XuvUCfj7b6BHD7kjIiIiM8bE9wXkXtjGjg5EzyEEsGYNcOmS9njt2sCePUCFCvLERUREFoOJ7wtgRwciPSUkAF27AiNGAH36AJmZckdEREQWiInvC2CpA5Ee9u8H6tQBdu+Wrp8/D/z0k7wxERGRRWLi+wJY6kBUgIwM4N13gY4dgfh4aczTU0qAu3WTNTQiIrJMbGf2AlSJr40NUL68rKEQmZYLF6SShosXNWOhocCGDWx4TUREsuGM7wtQlTr4+UmbTBFZPKUSWLYMaNRIk/Ta20tje/cy6SUiIllxxreQkpOlL4D1vURqFy4A48dLCTAABAVJ7cpq15Y3LiIiInDGt9C4sI1Ih7p1gSlTpMvh4cDJk0x6iYjIZHDGt5ByJ75c2EYW6/FjaROK3Pt1z5gBdOgAtGwpX1xEREQ6cMa3kNjDlyze6dNA/frAokXa47a2THqJiMgkMfEtJCa+ZLFycoD584GXXwaio4GpU4EzZ+SOioiI6LlY6lBILHUgixQXB/TvDxw5ohmrUwcoVUq+mIiIiPTEGd9CUs34WlsDFSrIGgpR8di+XUpyVUmvQgFMngwcPw5UqyZvbERERHrgjG8hqRLfChWkDSyIzFZqKjBuHLBxo2bMzw/YtAlo3Vq+uIiIiAzElK0QHj0CHj6ULrPMgcxaVBTQqRMQE6MZCwsDVq0C3N1lC4uIiKgwWOpQCOzhSxYj90caLi5ARATw9ddMeomIqERi4lsITHzJYjg7SzuvtWkDnD8vLWxTKOSOioiIqFCY+BZC7lZmLHUgsyGENKN7/br2eHAw8NtvQECAPHEREREZCRPfQmAPXzI7SUlAr17AwIFA377A06fat3OWl4iIzAAT30JgqQOZlcOHpTZl27dL10+cAH76SdaQiIiIigIT30JQzfgqFOzhSyVYVhYwaRLQrh1w65Y05uEBfPst8Oab8sZGRERUBNjOrBBUia+vL2BnJ2soRIUTFQX06aO91XDbtlKNL/+aIyIiM8UZXwM9fgwkJEiXubCNShwhgNWrgfr1NUmvrS2wYAFw4ACTXiIiMmuc8TUQ63upRDt7Fhg5UnO9enWpXVmDBvLFREREVEw442sgdnSgEq1BA2D8eOnyqFHSrC+TXiIishCc8TVQ7hlfljqQycvMlArRc7cjmzsX6NgReOUV+eIiIiKSAWd8DcQZXyoxLlwAGjYEVq7UHre3Z9JLREQWiYmvgZj4kslTKoFly4BGjYCLF4H33gMuXZI7KiIiItmx1MFAuUsd/Pzki4NIp7t3gcGDgf37NWNVq8oXDxERkQnhjK+BVDO+Pj6Ag4OsoRBp++EHaQe23ElveDhw8iRQq5Z8cREREZkIzvgaICMDiI+XLrPMgUxGerpUzrB6tWbMxwfYsAHo0EG2sIiIiEwNE18DxMZqLrOjA5mE6Gigc2fpX5WuXYG1awFPT9nCIiIiMkUsdTAAF7aRyfH2BrKypMtOTlLCu2sXk14iIiIdmPgagLu2kclxcwM2bwaaNJF2ZRs6VLtnLxEREakx8TVA7hlfljqQLL79FoiL0x5r3hyIjASqVZMnJiIiohKCia8BWOpAsklNBQYNAnr2BAYMAHJytG/nLC8REdFzMfE1QO5Sh4oV5YuDLExkJFC/PrBxo3T98GHgp59kDYmIiKgkYuJrANWMr5eXtI6IqEhlZwOzZwMtWwIxMdKYiwsQEQG88Ya8sREREZVAbGemp6ws4M4d6TLLHKjIxcQA/fpJs70qzZpJC9kCAuSLi4iIqATjjK+e4uIAIaTLXNhGRUYIaUa3Xj1N0mttLc38HjnCpJeIiOgFcMZXT1zYRsXi1Clg4EDN9cBAYMsW4OWX5YuJiIjITHDGV09MfKlYNGoEjBghXR40CDh3jkkvERGRkXDGV0+5Ozqw1IGM5ulTwMZGux3ZokVAp05cwEZERGRknPHVE2d8yeiioqTZXFWbMhVnZya9RERERYCJr564axsZjRDA6tVSb94zZ4CxY4Fr1+SOioiIyOyx1EFPqlKHMmWAUqXkjYVKsIQEYOhQYPduzZivL/DkiXwxERERWQjO+Orh6VPg1i3pMsscqND27wfq1NFOekeOlGZ9g4Lki4uIiMhCMPHVw61bgFIpXWbiSwbLyADCw4GOHYH4eGnM01NKgFeu5DaARERExYSlDnpgRwcqtGvXgLfeAi5c0Ix17AisXw+UKydfXERERBaIM756YEcHKjQPD+DBA+myvT3w2WfA3r1MeomIiGTAxFcPuWd8mfiSQcqUATZsAOrWlXZlGztWu2cvERERFRsmvnpgKzPS248/aup4VV55BTh9GqhdW56YiIiICAATX70w8aXnSk+XOjS88Qbw9ttSr97crK3liYuIiIjUmPjqQVXq4O4OuLnJGgqZotOngQYNpE0pAODnn4GffpI3JiIiIsqDie9zZGcDcXHSZdb3kpacHGD+fGnb4ehoaczJCVi7Fnj9dXljIyIiojzYzuw57tyRkl+AiS/lEhcH9O8PHDmiGQsOBrZuBapVky8uIiIiyhdnfJ+DPXwpj23bpB3YVEmvQgFMngwcP86kl4iIyIRxxvc52MOXtPz5J9Crl+a6nx+waRPQurV8MREREZFeOOP7HEx8ScvLL0slDgAQFgacP8+kl4iIqITgjO9zsNTBwimVgNUzfx9+/jnw2mtAz57cjIKIiKgE4Yzvc3DG14LFxAAtWgDbt2uPu7pKs71MeomIiEoUJr7PoUp8XV2lPr5kAYQAIiKAevWAyEhgxAhNTzsiIiIqsZj4FkCpBGJjpcuVKnGCzyIkJUmL1wYOBB49ksZKlwYePJA3LiIiInphTHwLcPcu8PSpdJllDhbg8GGpTVnu0oZBg4Bz56TZXyIiIirRmPgWgPW9FiIrC5g0CWjXDrh1Sxpzd5cS4PXrARcXWcMjIiIi42BXhwKwo4MFiIkBevQAzpzRjLVpI9X4+vnJFhYREREZH2d8C8AZXwvg6Kgp5La1BRYsAA4eZNJLRERkhpj4FiB34ssZXzPl4wN89RVQo4a0K9v77+ft20tERERmgf/DFyB3qQNnfM3EgQN5OzS88Qbw999AgwbyxERERETFwiQS3xUrVsDf3x8ODg5o0qQJTp48me+xa9euRcuWLeHh4QEPDw+EhIQUePyLUM34OjsDZcoUyUNQccnIAMLDgVdekfryCqF9u62tPHERERFRsZE98d22bRvGjx+PmTNn4syZM6hbty5CQ0Nx//59nccfPnwYvXv3xqFDhxAZGQk/Pz906NABt2/fNmpcQrCHr9m4cAFo3BhYulS6vnMnsG+frCERERFR8VMI8ezUV/Fq0qQJGjVqhM8//xwAoFQq4efnh7Fjx2LSpEnPvX9OTg48PDzw+eefY8CAAc89PjU1FW5ubkhJSYGrq2u+x8XHS+WfANCpE7Bnj37Ph0yIUgksXw5MnAhkZkpj9vbAwoXAmDH8a4aIiMhE6ZuvGUrWdmZZWVk4ffo0Jk+erB6zsrJCSEgIIiMj9TrH48eP8fTpU5QuXVrn7ZmZmchUJT2QXkh9sKNDCXf3LjB4MLB/v2YsKAjYuhWoXVu+uIiIiEg2spY6JCYmIicnB97e3lrj3t7eiI+P1+scEydORPny5RESEqLz9nnz5sHNzU395adnmyr28C3Bdu+WdmDLnfSGhwMnTzLpJSIismCy1/i+iE8++QTffPMNvvvuOzg4OOg8ZvLkyUhJSVF/xcXF6XVuzviWUMeOAV26AImJ0vVy5aQEePFiIJ/3CBEREVkGWRNfT09PWFtb4969e1rj9+7dQ7ly5Qq876effopPPvkEv/zyC+rUqZPvcfb29nB1ddX60gcT3xKqWTPgzTely126SAvbOnSQNyYiIiIyCbImvnZ2dggODsbBgwfVY0qlEgcPHkTTpk3zvd+CBQvw0UcfYd++fWjYsGGRxMZShxLi2bWZCgWwdi2wfj3w3XeAp6c8cREREZHJkb3UYfz48Vi7di02btyIy5cvY9SoUUhPT8fgwYMBAAMGDNBa/DZ//nxMnz4d69atg7+/P+Lj4xEfH4+0tDSjxqWa8XVwALy8jHpqMpa4OKBdO+Cnn7THy5QBBg1i1wYiIiLSImtXBwAICwtDQkICZsyYgfj4eNSrVw/79u1TL3iLjY2FVa4tZFeuXImsrCx0795d6zwzZ87ErFmzjBKTEJrE19+f+ZNJ2r5d2ogiORn45x9p57XnlMcQERGRZZO9j29x06cvXEKCZpY3NJR7HZiU1FRg3Dhg40bNmJ8f8P333HKYiIjITBRVH1/ZSx1MERe2majISKBePe2kNywMOH+eSS8RERE9FxNfHZj4mpjsbGDWLKBlS+DGDWnMxQWIiAC+/hrw8JA1PCIiIioZZK/xNUXs6GBCbt4E+vSRZntVmjUDNm8GAgJkC4uIiIhKHs746sAZXxNiZQVcuiRdtrYGZs8Gjhxh0ktEREQGY+KrQ+7ElzO+MqtYEVi1CggMBI4eBWbMAGz4QQUREREZjomvDqpSBzs7dsgqdn/8IXVuyK1XL6ll2csvyxMTERERmQUmvs/I3cO3UiXpk3YqBllZwKRJQOvWwNixeW93cCj+mIiIiMisMK17RlISoNoEjmUOxSQqCmjaFJg/X/rLIyIC+OUXuaMiIiIiM8PE9xlc2FaMhABWrwbq1wfOnJHGbG2BBQuAkBB5YyMiIiKzw1VCz2DiW0wSEoChQ4HduzVj1asDW7dyMwoiIiIqEpzxfQZ7+BaD/fuBOnW0k95Ro6RZXya9REREVEQ44/sMzvgWsT/+ADp21Fz39ATWrQM6d5YvJiIiIrIInPF9BhPfItaihSbx7dgRuHCBSS8REREVC874PkNV6mBjA/j4yBuLWVIogPXrge++A0aOlK4TERERFQPO+D5DNeNbsaK0Qy69gPh44LXXgIMHtcfLlZNqepn0EhERUTHijG8uyclASop0mWUOL2j3bmDIECAxETh/XvoqU0buqIiIiMiCccY3F3Z0MIL0dKmEoUsXKekFAKVSu3iaiIiISAZMfHPhwrYXdPo0EBwsbUqh0rUr8Pff0jgRERGRjJj45pI78eWMrwFycqTthl9+Wdp+GACcnIC1a4Fdu6SWZUREREQyY41vLrlLHTjjq6dbt4D+/YHDhzVjwcHSDmzVqskWFhEREdGzOOObC0sdCuHJE+Cvv6TLCgUweTJw/DiTXiIiIjI5THxzUSW+1taAr6+soZQcVasCn30G+PkBhw4Bc+cCdnZyR0VERESUBxPfXFSlDhUqSBtYkA4nTwKPH2uPDR4MXLoEtG4tT0xEREREemDi+5/UVODhQ+kyyxx0yM4GZs8GmjUDJkzQvk2hAEqVkicuIiIiIj0x8f0Pe/gWICYGaNUKmDVL6uCwcqVU1kBERERUgjDx/Q87OuggBBARAdSrB0RGSmPW1tLMb8uWsoZGREREZChWsv6HHR2ekZQEjBoFbNumGQsMBLZskfr1EhEREZUwTHz/w1KHXI4ckXrzxsVpxgYNkro3uLjIFhYRUXHJycnB06dP5Q6DyKzZ2dnByqp4iw+Y+P6HM77/OXIEaNtWKnMAAA8PaQviHj3kjYuIqBgIIRAfH4/k5GS5QyEye1ZWVggICIBdMbZBZeL7H1Xia2UltTOzWC1aSAvZVAlwRISFvyBEZElUSa+XlxecnJygUCjkDonILCmVSty5cwd3795FxYoVi+1njYnvf1SlDuXLW/j+C9bWwKZNwLffAu++K/0lQERkAXJyctRJb5kyZeQOh8jslS1bFnfu3EF2djZsbW2L5TGZ1QBITwcSEqTLFlXmkJAAdOsGHDumPe7nB4wfz6SXiCyKqqbXyclJ5kiILIOqxCEnJ6fYHpMzvrDQVmb790sL1uLjgTNngPPnAVdXuaMiIpIdyxuIioccP2uc0oOFdXTIyJBKGDp2lJJeAEhLA6KjZQ2LiIiIqKgx8YUFdXS4cAFo1AhYtkwz1rGjNN6woXxxERERySQqKgrlypXDo0eP5A7FrGRlZcHf3x+nTp2SOxQtTHyhnfia5YyvUiklu40aARcvSmP29lJf3r17gXLl5I2PiIheyKBBg6BQKKBQKGBra4uAgAB88MEHyMjIyHPsTz/9hNatW8PFxQVOTk5o1KgRNmzYoPO8O3fuRJs2beDm5oZSpUqhTp06+PDDD/Hw4cMifkbFZ/LkyRg7dixczLhP/YoVK+Dv7w8HBwc0adIEJ0+efO59li5diurVq8PR0RF+fn4IDw/Xej/5+/ur33O5v0aPHg1Aqt+dMGECJk6cWGTPqzCY+MLMa3zv3gU6dZLKGzIzpbGgIODUKWDsWIC1bEREZqFjx464e/cuYmJisGTJEqxevRozZ87UOmb58uXo0qULmjdvjhMnTuDvv/9Gr169MHLkSEyYMEHr2KlTpyIsLAyNGjXCzz//jIsXL2LRokU4f/48Nm3aVGzPKysrq8jOHRsbi59++gmDBg16ofMUZYwvatu2bRg/fjxmzpyJM2fOoG7duggNDcX9+/fzvc/WrVsxadIkzJw5E5cvX8ZXX32Fbdu2YcqUKepj/vrrL9y9e1f99euvvwIAeuTq+9+3b18cPXoU//zzT9E9QUMJC5OSkiIAiJSUFPVYkyZCSDs2CJGRIWNwReHiRSHs7TVPMDxciCdP5I6KiMjkPHnyRFy6dEk8KYG/IwcOHCi6dOmiNfbWW2+J+vXrq6/HxsYKW1tbMX78+Dz3/+yzzwQA8eeffwohhDhx4oQAIJYuXarz8ZKSkvKNJS4uTvTq1Ut4eHgIJycnERwcrD6vrjjfeecd0bp1a/X11q1bi9GjR4t33nlHlClTRrRp00b07t1b9OzZU+t+WVlZokyZMmLjxo1CCCFycnLE3Llzhb+/v3BwcBB16tQR3377bb5xCiHEwoULRcOGDbXGEhMTRa9evUT58uWFo6OjqF27tti6davWMbpiFEKICxcuiI4dOwpnZ2fh5eUl+vXrJxISEtT3+/nnn0Xz5s2Fm5ubKF26tHjttdfEtWvXCozxRTVu3FiMHj1afT0nJ0eUL19ezJs3L9/7jB49WrRr105rbPz48aJ58+b53uedd94RlStXFkqlUmu8bdu2Ytq0aTrvU9DPnK58zRg44wtNqYOPj1QBYFZeeglYuFAqZ9i/H1i8GHBwkDsqIqISo2FDaR+f4v56kaUXFy9exPHjx7V2xNqxYweePn2aZ2YXAEaMGIFSpUrh66+/BgBs2bIFpUqVwv/+9z+d53d3d9c5npaWhtatW+P27dvYvXs3zp8/jw8++ABKpdKg+Ddu3Ag7OzscO3YMq1atQt++ffHjjz8iLS1Nfcz+/fvx+PFjvPnmmwCAefPmISIiAqtWrcI///yD8PBw9OvXD0eOHMn3cf744w80fOaFzsjIQHBwMPbs2YOLFy9i+PDh6N+/f57ygGdjTE5ORrt27VC/fn2cOnUK+/btw71799CzZ0/1fdLT0zF+/HicOnUKBw8ehJWVFd58880CX5+5c+eiVKlSBX7FxsbqvG9WVhZOnz6NkJAQ9ZiVlRVCQkIQGRmZ72M2a9YMp0+fVj/nmJgY7N27F506dcr3cTZv3oy33347T6eGxo0b448//sj3sYqbxbcze/IEuHdPumwWZQ7nzwM1amhn8GPGAP36SdsPExGRQeLjgdu35Y7i+X766SeUKlUK2dnZyMzMhJWVFT7//HP17dHR0XBzc4OPj0+e+9rZ2SEwMBDR/3X4uXr1KgIDAw3eVGDr1q1ISEjAX3/9hdKlSwMAqlSpYvBzqVq1KhYsWKC+XrlyZTg7O+O7775D//791Y/1xhtvwMXFBZmZmZg7dy4OHDiApk2bAgACAwNx9OhRrF69Gq1bt9b5OP/++2+exNfX11frj4OxY8di//792L59Oxo3bpxvjB9//DHq16+PuXPnqsfWrVsHPz8/REdHo1q1aujWrZvWY61btw5ly5bFpUuXULt2bZ0xjhw5Uit51qV8+fI6xxMTE5GTkwNvb2+tcW9vb1y5ciXf8/Xp0weJiYlo0aIFhBDIzs7GyJEjtUodcvv++++RnJyss2SkfPny+Dd3TanMLD7xzf1HUolOfHNygE8/BaZNA955R7qsolAw6SUiKiS51v8a+rht27bFypUrkZ6ejiVLlsDGxiZPoqUvIUSh7nfu3DnUr19fnfQWVnBwsNZ1Gxsb9OzZE1u2bEH//v2Rnp6OH374Ad988w0A4Nq1a3j8+DFeeeUVrftlZWWhfv36+T7OkydP4PDMp6A5OTmYO3cutm/fjtu3byMrKwuZmZl5NjZ5Nsbz58/j0KFDKFWqVJ7HuX79OqpVq4arV69ixowZOHHiBBITE9UzvbGxsfkmvqVLl37h19NQhw8fxty5c/HFF1+gSZMmuHbtGt555x189NFHmD59ep7jv/rqK7z66qs6E3BHR0c8fvy4OMLWi8UnvmbR0SEuDujfH1B9nLNoEdC1K9CihaxhERGZAxPrxpQvZ2dn9ezqunXrULduXXz11VcYMmQIAKBatWpISUnBnTt38iQoWVlZuH79Otq2bas+9ujRo3j69KlBs76Ojo4F3m5lZZUnqVbtmPfsc3lW37590bp1a9y/fx+//vorHB0d0bFjRwBQl0Ds2bMHvr6+WvezL6CG0dPTE0lJSVpjCxcuxLJly7B06VIEBQXB2dkZ7777bp4FbM/GmJaWhs6dO2P+/Pl5Hkc1y965c2dUqlQJa9euRfny5aFUKlG7du0CF8fNnTtXaxZZl0uXLqFixYo6n5+1tTXuqT7a/s+9e/dQroC/rKZPn47+/ftj6NChAICgoCCkp6dj+PDhmDp1Kqxy7ez677//4sCBA9i1a5fOcz18+BBly5YtMP7iZPE1viW+o8P27UCdOpqkV6EAJk8Gcn0cQ0RElsXKygpTpkzBtGnT8OTJEwBAt27dYGtri0WLFuU5ftWqVUhPT0fv3r0BSB91p6Wl4YsvvtB5/uTkZJ3jderUwblz5/Jtd1a2bFncvXtXa+zcuXN6PadmzZrBz88P27Ztw5YtW9CjRw91Ul6rVi3Y29sjNjYWVapU0fry8/PL95z169fHpUuXtMaOHTuGLl26oF+/fqhbt65WCUhBGjRogH/++Qf+/v55YnB2dsaDBw8QFRWFadOmoX379qhZs2aepFuXkSNH4ty5cwV+5VfqYGdnh+DgYBw8eFA9plQqcfDgQXVJiC6PHz/WSm4BwNraGkDeTwPWr18PLy8vvPbaazrPdfHixQJn3YudUZfKlQDPrhKcPFnT8GDfPpmDM0RKihADB2qCB4Tw8xPi8GG5IyMiKpHMravD06dPha+vr1i4cKF6bMmSJcLKykpMmTJFXL58WVy7dk0sWrRI2Nvbi/fee0/r/h988IGwtrYW77//vjh+/Li4efOmOHDggOjevXu+3R4yMzNFtWrVRMuWLcXRo0fF9evXxY4dO8Tx48eFEELs27dPKBQKsXHjRhEdHS1mzJghXF1d83R1eOedd3Sef+rUqaJWrVrCxsZG/PHHH3luK1OmjNiwYYO4du2aOH36tPjss8/Ehg0b8n3ddu/eLby8vER2drZ6LDw8XPj5+Yljx46JS5cuiaFDhwpXV1et11dXjLdv3xZly5YV3bt3FydPnhTXrl0T+/btE4MGDRLZ2dkiJydHlClTRvTr109cvXpVHDx4UDRq1EgAEN99912+Mb6ob775Rtjb24sNGzaIS5cuieHDhwt3d3cRHx+vPqZ///5i0qRJ6uszZ84ULi4u4uuvvxYxMTHil19+EZUrV87TWSMnJ0dUrFhRTJw4Md/Hr1SpkoiIiNB5mxxdHSw+8e3TR5M3Xr4sc3D6On5ciMBA7aQ3LEyIhw/ljoyIqMQyt8RXCCHmzZsnypYtK9LS0tRjP/zwg2jZsqVwdnYWDg4OIjg4WKxbt07nebdt2yZatWolXFxchLOzs6hTp4748MMPC2xndvPmTdGtWzfh6uoqnJycRMOGDcWJEyfUt8+YMUN4e3sLNzc3ER4eLsaMGaN34nvp0iUBQFSqVClP2yylUimWLl0qqlevLmxtbUXZsmVFaGioOHLkSL6xPn36VJQvX17syzXz9eDBA9GlSxdRqlQp4eXlJaZNmyYGDBjw3MRXCCGio6PFm2++Kdzd3YWjo6OoUaOGePfdd9Wx/vrrr6JmzZrC3t5e1KlTRxw+fLjIE18hhFi+fLmoWLGisLOzE40bN1a3l8v9fAYOHKi+/vTpUzFr1ixRuXJl4eDgIPz8/MT//ve/PN/3/fv3CwAiKipK5+MeP35cuLu7i8ePH+u8XY7EVyFEISvYS6jU1FS4ubkhJSUFrq6uaN4cOH5cuu3xY+A55UnyO3wYCAmRFrMBgIsLsGKF1LWBm1EQERVaRkYGbty4gYCAgDwLnsh8rVixArt378b+/fvlDsXshIWFoW7duvl2gyjoZ+7ZfM1YuLjtpvSvt3cJSHoBoHlzIDgYOHkSaNYM2LwZCAiQOyoiIqISacSIEUhOTsajR4/Metvi4paVlYWgoCCEh4fLHYoWi058MzOlHX2BEtTRwdYW2LIF2LYNmDgRsLHobyEREdELsbGxwdSpU+UOw+zY2dlh2rRpcoeRh0V3dYiLkwpkARPt6JCUBPTtC5w+rT1epQowdSqTXiIiIiIDWHTmZNI9fA8flnrz3rolJb5nzgDPNM8mIiIiIv1Z9IyvSfbwzcoCJk0C2rWTkl4AuH8f+OcfeeMiIiIiKuE44/sfk0h8o6KAPn2k2V2Vtm2BiAigQgX54iIiIiIyAxY942sypQ5CAKtXA/Xra5JeW1tgwQLgwAEmvURERERGYNEzvrlLHWRLfBMSgKFDgd27NWPVqwNbtwINGsgUFBEREZH54YwvAE9PoFQpmYKIiwP27tVcHzVKmvVl0ktERERkVBab+D59Cty+LV2WtcyhQQPg44+l7Hv3buCLL9i9gYiIShSFQoHvv/9e7jBM1qxZs1CvXj25wyBYcOJ7+zagVEqXi3Vh25UrUtad24QJUteGzp2LMRAiIjIXgwYNgkKhgEKhgK2tLQICAvDBBx8gIyND7tCKXHx8PN555x1UqVIFDg4O8Pb2RvPmzbFy5Uo8fvxY7vAAABMmTMDBgwflDoNgwTW+sbGay8WS+CqVwPLl0m5rEycCs2drbrO2Bry8iiEIIiIyVx07dsT69evx9OlTnD59GgMHDoRCocD8+fPlDq3IxMTEoHnz5nB3d8fcuXMRFBQEe3t7XLhwAWvWrIGvry/eeOMNucNEqVKlUEq2mkrKzWJnfHMnvkVe6nD3LtCpE/Duu9I+yR9/DJw8WcQPSkRElsTe3h7lypWDn58funbtipCQEPz666/q2x88eIDevXvD19cXTk5OCAoKwtdff611jjZt2mDcuHH44IMPULp0aZQrVw6zZs3SOubq1ato1aoVHBwcUKtWLa3HULlw4QLatWsHR0dHlClTBsOHD0daWpr69kGDBqFr166YO3cuvL294e7ujg8//BDZ2dl4//33Ubp0aVSoUAHr168v8Dn/73//g42NDU6dOoWePXuiZs2aCAwMRJcuXbBnzx50/u+T1Js3b0KhUODcuXPq+yYnJ0OhUODw4cPqsYsXL+LVV19FqVKl4O3tjf79+yMxMVF9+44dOxAUFKR+XiEhIUhPTwcAHD58GI0bN4azszPc3d3RvHlz/PvfKvpnSx1Uz//TTz+Fj48PypQpg9GjR+Nprk+E7969i9deew2Ojo4ICAjA1q1b4e/vj6VLlxb4mlDBLDbxjYvTXC7SGd8ffgDq1AH279eMjRsnjRERUcmweLHUWvJ5X7pmF994Q7/7Ll5stHAvXryI48ePw87OTj2WkZGB4OBg7NmzBxcvXsTw4cPRv39/nHxmImbjxo1wdnbGiRMnsGDBAnz44Yfq5FapVOKtt96CnZ0dTpw4gVWrVmHixIla909PT0doaCg8PDzw119/4dtvv8WBAwcwZswYreN+++033LlzB7///jsWL16MmTNn4vXXX4eHhwdOnDiBkSNHYsSIEbil2szpGQ8ePMAvv/yC0aNHw9nZWecxCoVC79csOTkZ7dq1Q/369XHq1Cns27cP9+7dQ8+ePQFIiWjv3r3x9ttv4/Llyzh8+DDeeustCCGQnZ2Nrl27onXr1vj7778RGRmJ4cOHF/j4hw4dwvXr13Ho0CFs3LgRGzZswIYNG9S3DxgwAHfu3MHhw4exc+dOrFmzBvfv39f7+VA+hIVJSUkRAETv3ilCaqArxN9/F8EDpaUJMWKEUD8IIES5ckLs318ED0ZERC/qyZMn4tKlS+LJkyd5b5w5U/v3eX5fL7+c974vv6zffWfOLHTsAwcOFNbW1sLZ2VnY29sLAMLKykrs2LGjwPu99tpr4r333lNfb926tWjRooXWMY0aNRITJ04UQgixf/9+YWNjI27fvq2+/eeffxYAxHfffSeEEGLNmjXCw8NDpKWlqY/Zs2ePsLKyEvHx8ep4K1WqJHJyctTHVK9eXbRs2VJ9PTs7Wzg7O4uvv/5aZ+x//vmnACB27dqlNV6mTBnh7OwsnJ2dxQcffCCEEOLGjRsCgDh79qz6uKSkJAFAHDp0SAghxEcffSQ6dOigda64uDgBQERFRYnTp08LAOLmzZt5Ynnw4IEAIA4fPqwz1pkzZ4q6deuqr6uef3Z2tnqsR48eIiwsTAghxOXLlwUA8ddff6lvv3r1qgAglixZovMxSqKCfuZU+VpKSopRH9Nia3xzz/gavdTh9GlpB7boaM1Yly7Al19K3RuIiKhkcXUFfH2ff1zZsrrH9Lmvq6vhceXStm1brFy5Eunp6ViyZAlsbGzQrVs39e05OTmYO3cutm/fjtu3byMrKwuZmZlweqaTUJ1nPpH08fFRzzRevnwZfn5+KF++vPr2pk2bah1/+fJl1K1bV2sWtnnz5lAqlYiKioK3tzcA4KWXXoKVleaDZ29vb9SuXVt93draGmXKlDF4lvPkyZNQKpXo27cvMjMz9b7f+fPncejQIZ21uNevX0eHDh3Qvn17BAUFITQ0FB06dED37t3h4eGB0qVLY9CgQQgNDcUrr7yCkJAQ9OzZEz4+Pvk+3ksvvQRra2v1dR8fH1y4cAEAEBUVBRsbGzTI1dq0SpUq8PDw0Pv5kG4Wm/iqanw9PF74d422334DQkOB7GzpupMTsHSptEmFAR+5EBGRCRk/XvoqjNwbFBUhZ2dnVKlSBQCwbt061K1bF1999RWGDBkCAFi4cCGWLVuGpUuXIigoCM7Oznj33XeRlZWldR5bW1ut6wqFAkpVGyQj0vU4hjx2lSpVoFAoEBUVpTUeGBgIAHB0dFSPqRJsIYR67OkzHZbS0tLQuXNnnYsBfXx8YG1tjV9//RXHjx/HL7/8guXLl2Pq1Kk4ceIEAgICsH79eowbNw779u3Dtm3bMG3aNPz66694+eWX9X7+RfE6kzaLrfFVlQwZvb63eXOgVi3pcnAwcPYsMGwYk14iIio2VlZWmDJlCqZNm4YnT54AAI4dO4YuXbqgX79+qFu3LgIDAxGd+5NJPdSsWRNxcXG4e/eueuzPP//Mc8z58+fVi75Uj21lZYXq1au/wLPSVqZMGbzyyiv4/PPPtR5Ll7L/zcTnjjv3QjcAaNCgAf755x/4+/ujSpUqWl+q2WuFQoHmzZtj9uzZOHv2LOzs7PDdd9+pz1G/fn1MnjwZx48fR+3atbF169ZCPbfq1asjOzsbZ8+eVY9du3YNSUlJhTofaVhs4qv6o8roZQ729tJ2w1OnAsePA9WqGfkBiIiInq9Hjx6wtrbGihUrAABVq1ZVz1hevnwZI0aMwL179ww6Z0hICKpVq4aBAwfi/Pnz+OOPPzB16lStY/r27QsHBwcMHDgQFy9exKFDhzB27Fj0799fXeZgLF988QWys7PRsGFDbNu2DZcvX0ZUVBQ2b96MK1euqEsJHB0d8fLLL+OTTz7B5cuXceTIEUybNk3rXKNHj8bDhw/Ru3dv/PXXX7h+/Tr279+PwYMHIycnBydOnMDcuXNx6tQpxMbGYteuXUhISEDNmjVx48YNTJ48GZGRkfj333/xyy+/4OrVq6hZs2ahnleNGjUQEhKC4cOH4+TJkzh79iyGDx8OR0dHgxbsUV4Wm/iqvNCMb2qqNJv7zz/a4y+9JLUsy7WaloiIqDjZ2NhgzJgxWLBgAdLT0zFt2jQ0aNAAoaGhaNOmDcqVK4euXbsadE4rKyt89913ePLkCRo3boyhQ4dizpw5Wsc4OTlh//79ePjwIRo1aoTu3bujffv2+Pzzz4347CSVK1fG2bNnERISgsmTJ6Nu3bpo2LAhli9fjgkTJuCjjz5SH7tu3TpkZ2cjODgY7777Lj7++GOtc5UvXx7Hjh1DTk4OOnTogKCgILz77rtwd3eHlZUVXF1d8fvvv6NTp06oVq0apk2bhkWLFuHVV1+Fk5MTrly5gm7duqFatWoYPnw4Ro8ejREjRhT6uUVERMDb2xutWrXCm2++iWHDhsHFxQUODg6FPicBCpG74MUCpKamws3NDUAKAFcsWSK11zVYZCTQrx8QEyO1Jjt5UprtJSKiEikjIwM3btxAQEAAkwsyObdu3YKfnx8OHDiA9u3byx2OURT0M6fK11JSUuBqxMVYFru4TcXgGd/sbGDOHOCjj4CcHGnsxg3g77+BRo2MHR4RERFZoN9++w1paWkICgrC3bt38cEHH8Df3x+tWrWSO7QSjYmvvwEHx8RIs7yRkZqxZs2AzZuBgABjh0ZEREQW6unTp5gyZQpiYmLg4uKCZs2aYcuWLXm6QZBhLD7x1WtxmxDApk3AmDHAo0fSmLU1MGMGMGUKYGPxLyMREREZUWhoKEJDQ+UOw+xYdMbm6gq4uz/noKQkYNQoYNs2zVhgILBlC5BPbz4iIiIiMj0W3dXB31+P9rqXLwPffqu5PmgQcO4ck14iIjNlYWu+iWQjx8+aRSe+epU5NGsm9eR1dwe2bwfWrwdcXIo6NCIiKmaq2snHjx/LHAmRZVDtGph76+aiZtGlDjoXtt24AVSsKNXwqkyfDowYod9e60REVCJZW1vD3d0d9+/fByD1o+VmAURFQ6lUIiEhAU5OTrApxrVSTHxVhADWrAHCw4GZM4GJEzW32doy6SUisgDlypUDAHXyS0RFx8rKChUrVizWPzAtOvFVlzokJABDhwK7d0vXp00DOnQA6teXLTYiIip+CoUCPj4+8PLywtOnT+UOh8is2dnZwcqqeKtuLTrx9fcHsH+/tGAtPl5zw9ChQPXqMkVFRERys7a2Lta6QyIqHiaxuG3FihXw9/eHg4MDmjRpgpMnTxZ4/LfffosaNWrAwcEBQUFB2Lt3r8GPaYcM1Fr7LtCxoybp9fSUZn1XrgScnArxTIiIiIjIVMme+G7btg3jx4/HzJkzcebMGdStWxehoaH51lcdP34cvXv3xpAhQ3D27Fl07doVXbt2xcWLFw163N/RBo6rl2kGOnYELlwAOnd+kadDRERERCZKIWRuWNikSRM0atQIn3/+OQBplZ+fnx/Gjh2LSZMm5Tk+LCwM6enp+Omnn9RjL7/8MurVq4dVq1Y99/FSU1Ph5uaGFACuAGBvDyxcKO3KxtW7RERERLJT52spKXB1dTXaeWWt8c3KysLp06cxefJk9ZiVlRVCQkIQGRmp8z6RkZEYP3681lhoaCi+//57ncdnZmYiMzNTfT0lJQUAkAoAtWoBX30l/avaipiIiIiIZJWamgrA+JtcyJr4JiYmIicnB97e3lrj3t7euHLlis77xMfH6zw+PvfitFzmzZuH2bNn5xn3A4BLl4CmTQsVOxEREREVrQcPHsDNzc1o5zP7rg6TJ0/WmiFOTk5GpUqVEBsba9QXkkxTamoq/Pz8EBcXZ9SPSsg08fttWfj9tiz8fluWlJQUVKxYEaVLlzbqeWVNfD09PWFtbY179+5pjd+7d0/dRPxZ5cqVM+h4e3t72Nvb5xl3c3PjD44FcXV15ffbgvD7bVn4/bYs/H5bFmP3+ZW1q4OdnR2Cg4Nx8OBB9ZhSqcTBgwfRNJ8ShKZNm2odDwC//vprvscTEREREQEmUOowfvx4DBw4EA0bNkTjxo2xdOlSpKenY/DgwQCAAQMGwNfXF/PmzQMAvPPOO2jdujUWLVqE1157Dd988w1OnTqFNWvWyPk0iIiIiMjEyZ74hoWFISEhATNmzEB8fDzq1auHffv2qRewxcbGak1zN2vWDFu3bsW0adMwZcoUVK1aFd9//z1q166t1+PZ29tj5syZOssfyPzw+21Z+P22LPx+WxZ+vy1LUX2/Ze/jS0RERERUHGTfuY2IiIiIqDgw8SUiIiIii8DEl4iIiIgsAhNfIiIiIrIIZpn4rlixAv7+/nBwcECTJk1w8uTJAo//9ttvUaNGDTg4OCAoKAh79+4tpkjJGAz5fq9duxYtW7aEh4cHPDw8EBIS8tz3B5kWQ3++Vb755hsoFAp07dq1aAMkozL0+52cnIzRo0fDx8cH9vb2qFatGn+nlyCGfr+XLl2K6tWrw9HREX5+fggPD0dGRkYxRUsv4vfff0fnzp1Rvnx5KBQKfP/998+9z+HDh9GgQQPY29ujSpUq2LBhg+EPLMzMN998I+zs7MS6devEP//8I4YNGybc3d3FvXv3dB5/7NgxYW1tLRYsWCAuXbokpk2bJmxtbcWFCxeKOXIqDEO/33369BErVqwQZ8+eFZcvXxaDBg0Sbm5u4tatW8UcORWGod9vlRs3bghfX1/RsmVL0aVLl+IJll6Yod/vzMxM0bBhQ9GpUydx9OhRcePGDXH48GFx7ty5Yo6cCsPQ7/eWLVuEvb292LJli7hx44bYv3+/8PHxEeHh4cUcORXG3r17xdSpU8WuXbsEAPHdd98VeHxMTIxwcnIS48ePF5cuXRLLly8X1tbWYt++fQY9rtklvo0bNxajR49WX8/JyRHly5cX8+bN03l8z549xWuvvaY11qRJEzFixIgijZOMw9Dv97Oys7OFi4uL2LhxY1GFSEZUmO93dna2aNasmfjyyy/FwIEDmfiWIIZ+v1euXCkCAwNFVlZWcYVIRmTo93v06NGiXbt2WmPjx48XzZs3L9I4yfj0SXw/+OAD8dJLL2mNhYWFidDQUIMey6xKHbKysnD69GmEhISox6ysrBASEoLIyEid94mMjNQ6HgBCQ0PzPZ5MR2G+3896/Pgxnj59itKlSxdVmGQkhf1+f/jhh/Dy8sKQIUOKI0wyksJ8v3fv3o2mTZti9OjR8Pb2Ru3atTF37lzk5OQUV9hUSIX5fjdr1gynT59Wl0PExMT8v727D4qqeuMA/mXBZVdcdEhp2cA3FHJMU140fBnTLLFUEhVKBlFRTEIcTZPxDcgfiqY46mhqJpgxgjqajigoKgXrVL6w0AguoqA2go3aiCjEy57fHw53WgFzEcHY72fm/nHPPefc59wzOzx7uPcujh8/jg8//LBFYqaW1Vz5Wqv/cltzunv3Lmpra6Vffavz+uuv48qVKw22KS0tbbB+aWnpS4uTmkdT5vtpS5YsgUajqfdholdPU+Y7KysL3333HXQ6XQtESM2pKfN9/fp1nDlzBgEBATh+/DgKCwsRGhqK6upqREZGtkTY1ERNme+pU6fi7t27GDZsGIQQqKmpwWeffYalS5e2RMjUwhrL18rKylBRUQGlUvlc/bSpFV8iU8TGxiIpKQmHDx+GQqFo7XComT18+BCBgYH49ttv0blz59YOh1qAwWCAvb09du7cCXd3d/j7+2PZsmXYvn17a4dGL0FGRgZWr16Nbdu24dKlSzh06BBSUlKwatWq1g6NXmFtasW3c+fOsLS0xJ07d4zK79y5A7Va3WAbtVptUn16dTRlvuusX78esbGxSE9PR//+/V9mmNRMTJ3va9euobi4GOPHj5fKDAYDAMDKygp6vR7Ozs4vN2hqsqZ8vh0cHNCuXTtYWlpKZX369EFpaSmqqqogl8tfaszUdE2Z7xUrViAwMBCzZs0CAPTr1w+PHj1CSEgIli1bBpmMa3ttSWP5mq2t7XOv9gJtbMVXLpfD3d0dp0+flsoMBgNOnz4NLy+vBtt4eXkZ1QeAU6dONVqfXh1NmW8AWLduHVatWoXU1FR4eHi0RKjUDEyd7zfffBO///47dDqdtE2YMAEjR46ETqeDk5NTS4ZPJmrK53vo0KEoLCyUvuAAQEFBARwcHJj0vuKaMt+PHz+ul9zWfel58rwUtSXNlq+Z9tzdqy8pKUlYW1uLhIQEkZeXJ0JCQkSnTp1EaWmpEEKIwMBAERERIdXXarXCyspKrF+/XuTn54vIyEi+zuw/xNT5jo2NFXK5XBw8eFCUlJRI28OHD1trCGQCU+f7aXyrw3+LqfN98+ZNoVKpRFhYmNDr9eLYsWPC3t5e/O9//2utIZAJTJ3vyMhIoVKpxL59+8T169fFyZMnhbOzs/Dz82utIZAJHj58KLKzs0V2drYAIOLi4kR2dra4ceOGEEKIiIgIERgYKNWve53Z4sWLRX5+vti6dStfZ1Zny5YtomvXrkIul4tBgwaJX375RTo2YsQIERQUZFR///79wsXFRcjlctG3b1+RkpLSwhHTizBlvrt16yYA1NsiIyNbPnBqElM/3//ExPe/x9T5PnfunBg8eLCwtrYWPXv2FDExMaKmpqaFo6amMmW+q6urRVRUlHB2dhYKhUI4OTmJ0NBQ8ddff7V84GSys2fPNvj3uG6Og4KCxIgRI+q1GTBggJDL5aJnz54iPj7e5PNaCMH/BxARERFR29em7vElIiIiImoME18iIiIiMgtMfImIiIjILDDxJSIiIiKzwMSXiIiIiMwCE18iIiIiMgtMfImIiIjILDDxJSIiIiKzwMSXiAhAQkICOnXq1NphNJmFhQV+/PHHZ9aZPn06Pv744xaJh4joVcTEl4jajOnTp8PCwqLeVlhY2NqhISEhQYpHJpPB0dERM2bMwJ9//tks/ZeUlGDs2LEAgOLiYlhYWECn0xnV2bRpExISEprlfI2JioqSxmlpaQknJyeEhITg/v37JvXDJJ2IXgar1g6AiKg5eXt7Iz4+3qisS5curRSNMVtbW+j1ehgMBuTk5GDGjBm4ffs20tLSXrhvtVr9r3U6duz4wud5Hn379kV6ejpqa2uRn5+PmTNn4sGDB0hOTm6R8xMRNYYrvkTUplhbW0OtVhttlpaWiIuLQ79+/WBjYwMnJyeEhoaivLy80X5ycnIwcuRIqFQq2Nrawt3dHRcuXJCOZ2VlYfjw4VAqlXByckJ4eDgePXr0zNgsLCygVquh0WgwduxYhIeHIz09HRUVFTAYDPjqq6/g6OgIa2trDBgwAKmpqVLbqqoqhIWFwcHBAQqFAt26dcOaNWuM+q671aFHjx4AgIEDB8LCwgLvvvsuAONV1J07d0Kj0cBgMBjF6OPjg5kzZ0r7R44cgZubGxQKBXr27Ino6GjU1NQ8c5xWVlZQq9V44403MHr0aEyZMgWnTp2SjtfW1iI4OBg9evSAUqmEq6srNm3aJB2PiorCnj17cOTIEWn1OCMjAwBw69Yt+Pn5oVOnTrCzs4OPjw+Ki4ufGQ8RUR0mvkRkFmQyGTZv3ozLly9jz549OHPmDL788stG6wcEBMDR0RHnz5/HxYsXERERgXbt2gEArl27Bm9vb0yaNAm5ublITk5GVlYWwsLCTIpJqVTCYDCgpqYGmzZtwoYNG7B+/Xrk5uZizJgxmDBhAq5evQoA2Lx5M44ePYr9+/dDr9cjMTER3bt3b7Df3377DQCQnp6OkpISHDp0qF6dKVOm4N69ezh79qxUdv/+faSmpiIgIAAAkJmZiWnTpmH+/PnIy8vDjh07kJCQgJiYmOceY3FxMdLS0iCXy6Uyg8EAR0dHHDhwAHl5eVi5ciWWLl2K/fv3AwAWLVoEPz8/eHt7o6SkBCUlJRgyZAiqq6sxZswYqFQqZGZmQqvVokOHDvD29kZVVdVzx0REZkwQEbURQUFBwtLSUtjY2Ejb5MmTG6x74MAB8dprr0n78fHxomPHjtK+SqUSCQkJDbYNDg4WISEhRmWZmZlCJpOJioqKBts83X9BQYFwcXERHh4eQgghNBqNiImJMWrj6ekpQkNDhRBCzJs3T4waNUoYDIYG+wcgDh8+LIQQoqioSAAQ2dnZRnWCgoKEj4+PtO/j4yNmzpwp7e/YsUNoNBpRW1srhBDivffeE6tXrzbqY+/evcLBwaHBGIQQIjIyUshkMmFjYyMUCoUAIACIuLi4RtsIIcTnn38uJk2a1Gisded2dXU1ugZ///23UCqVIi0t7Zn9ExEJIQTv8SWiNmXkyJH45ptvpH0bGxsAT1Y/16xZgytXrqCsrAw1NTWorKzE48eP0b59+3r9LFy4ELNmzcLevXulf9c7OzsDeHIbRG5uLhITE6X6QggYDAYUFRWhT58+Dcb24MEDdOjQAQaDAZWVlRg2bBh27dqFsrIy3L59G0OHDjWqP3ToUOTk5AB4cpvC+++/D1dXV3h7e2PcuHH44IMPXuhaBQQEYPbs2di2bRusra2RmJiITz75BDKZTBqnVqs1WuGtra195nUDAFdXVxw9ehSVlZX44YcfoNPpMG/ePKM6W7duxe7du3Hz5k1UVFSgqqoKAwYMeGa8OTk5KCwshEqlMiqvrKzEtWvXmnAFiMjcMPElojbFxsYGvXr1MiorLi7GuHHjMHfuXMTExMDOzg5ZWVkIDg5GVVVVgwlcVFQUpk6dipSUFJw4cQKRkZFISkrCxIkTUV5ejjlz5iA8PLxeu65duzYam0qlwqVLlyCTyeDg4AClUgkAKCsr+9dxubm5oaioCCdOnEB6ejr8/PwwevRoHDx48F/bNmb8+PEQQiAlJQWenp7IzMzExo0bpePl5eWIjo6Gr69vvbYKhaLRfuVyuTQHsbGx+OijjxAdHY1Vq1YBAJKSkrBo0SJs2LABXl5eUKlU+Prrr/Hrr78+M97y8nK4u7sbfeGo86o8wEhErzYmvkTU5l28eBEGgwEbNmyQVjPr7id9FhcXF7i4uGDBggX49NNPER8fj4kTJ8LNzQ15eXn1Eux/I5PJGmxja2sLjUYDrVaLESNGSOVarRaDBg0yqufv7w9/f39MnjwZ3t7euH//Puzs7Iz6q7uftra29pnxKBQK+Pr6IjExEYWFhXB1dYWbm5t03M3NDXq93uRxPm358uUYNWoU5s6dK41zyJAhCA0Nleo8vWIrl8vrxe/m5obk5GTY29vD1tb2hWIiIvPEh9uIqM3r1asXqqursWXLFly/fh179+7F9u3bG61fUVGBsLAwZGRk4MaNG9BqtTh//rx0C8OSJUtw7tw5hIWFQafT4erVqzhy5IjJD7f90+LFi7F27VokJydDr9cjIiICOp0O8+fPBwDExcVh3759uHLlCgoKCnDgwAGo1eoGf3TD3t4eSqUSqampuHPnDh48eNDoeQMCApCSkoLdu3dLD7XVWblyJb7//ntER0fj8uXLyM/PR1JSEpYvX27S2Ly8vNC/f3+sXr0aANC7d29cuHABaWlpKCgowIoVK3D+/HmjNt27d0dubi70ej3u3r2L6upqBAQEoHPnzvDx8UFmZiaKioqQkZGB8PBw/PHHHybFRETmiYkvEbV5b7/9NuLi4rB27Vq89dZbSExMNHoV2NMsLS1x7949TJs2DS4uLvDz88PYsWMRHR0NAOjfvz9++uknFBQUYPjw4Rg4cCBWrlwJjUbT5BjDw8OxcOFCfPHFF+jXrx9SU1Nx9OhR9O7dG8CT2yTWrVsHDw8PeHp6ori4GMePH5dWsP/JysoKmzdvxo4dO6DRaODj49PoeUeNGgU7Ozvo9XpMnTrV6NiYMWNw7NgxnDx5Ep6ennjnnXewceNGdOvWzeTxLViwALt27cKtW7cwZ84c+Pr6wt/fH4MHD8a9e/eMVn8BYPbs2XB1dYWHhwe6dOkCrVaL9u3b4+eff0bXrl3h6+uLPn36IDg4GJWVlVwBJqLnYiGEEK0dBBERERHRy8YVXyIiIiIyC0x8iYiIiMgsMPElIiIiIrPAxJeIiIiIzAITXyIiIiIyC0x8iYiIiMgsMPElIiIiIrPAxJeIiIiIzAITXyIiIiIyC0x8iYiIiMgsMPElIiIiIrPwf6ZdrbVWaJc6AAAAAElFTkSuQmCC", + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAr4AAAIjCAYAAADlfxjoAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8pXeV/AAAACXBIWXMAAA9hAAAPYQGoP6dpAACaRUlEQVR4nOzdd3iTVRsG8Dvdgy7ooJRCWzZSVtl7VIoogiKUXRAQkKEMZS8VUPiYiixlg4KAioqgIKBABZmCQBkFW6CFFkpLC5053x+vSRqaQlLSvhn377p6mZwkb56kLd49Oe95FEIIASIiIiIiC2cjdwFERERERCWBwZeIiIiIrAKDLxERERFZBQZfIiIiIrIKDL5EREREZBUYfImIiIjIKjD4EhEREZFVYPAlIiIiIqvA4EtEREREVoHBl6iEBAUFYcCAAXKXYXXatGmDNm3ayF3GM82cORMKhQLJyclyl2JyFAoFZs6caZRj3bhxAwqFAuvWrTPK8QDg+PHjcHBwwL///mu0Yxpbz5490aNHD7nLIJIdgy9ZhHXr1kGhUKi/7OzsEBAQgAEDBuDWrVtyl2fSMjIy8OGHH6J27dpwcXGBh4cHWrZsiQ0bNsBcOppfuHABM2fOxI0bN+QupYC8vDysXbsWbdq0QenSpeHo6IigoCAMHDgQJ06ckLs8o9iyZQsWL14sdxlaSrKmKVOmoFevXqhYsaJ6rE2bNlr/Jjk7O6N27dpYvHgxlEqlzuPcu3cP7733HqpVqwYnJyeULl0aERER+PHHHwt97rS0NMyaNQt16tRBqVKl4OzsjFq1amHChAm4ffu2+n4TJkzAjh07cPbsWb1flzX87JL1UQhz+T8b0VOsW7cOAwcOxAcffIDg4GBkZmbizz//xLp16xAUFITz58/DyclJ1hqzsrJgY2MDe3t7WevI786dO2jfvj0uXryInj17onXr1sjMzMSOHTvw+++/IzIyEps3b4atra3cpT7V9u3b0b17dxw4cKDA7G52djYAwMHBocTrevz4MV5//XXs2bMHrVq1QufOnVG6dGncuHED27Ztw+XLlxEXF4fy5ctj5syZmDVrFpKSkuDt7V3itT6PV155BefPny+2PzwyMzNhZ2cHOzu7565JCIGsrCzY29sb5ef6zJkzqFevHo4ePYqmTZuqx9u0aYNr165h7ty5AIDk5GRs2bIFf/31FyZPnozZs2drHScmJgbt27dHUlISBg4ciAYNGuDBgwfYvHkzzpw5g/Hjx2P+/Plaj4mNjUV4eDji4uLQvXt3tGjRAg4ODvj777/x1VdfoXTp0rh8+bL6/o0bN0a1atWwYcOGZ74uQ352icyKILIAa9euFQDEX3/9pTU+YcIEAUBs3bpVpsrk9fjxY5GXl1fo7REREcLGxkZ8//33BW4bP368ACA+/vjj4ixRp/T0dIPu/8033wgA4sCBA8VTUBGNGDFCABCLFi0qcFtubq6YP3++iI+PF0IIMWPGDAFAJCUlFVs9SqVSPHr0yOjHffnll0XFihWNesy8vDzx+PHjIj++OGrSZfTo0aJChQpCqVRqjbdu3Vq88MILWmOPHz8WFStWFG5ubiI3N1c9np2dLWrVqiVcXFzEn3/+qfWY3NxcERkZKQCIr7/+Wj2ek5Mj6tSpI1xcXMQff/xRoK7U1FQxefJkrbH//e9/wtXVVTx8+PCZr8uQn93n8bzfZyJDMfiSRSgs+P74448CgJgzZ47W+MWLF0W3bt2El5eXcHR0FGFhYTrDX0pKinj33XdFxYoVhYODgwgICBD9+vXTCieZmZli+vTpolKlSsLBwUGUL19evPfeeyIzM1PrWBUrVhRRUVFCCCH++usvAUCsW7euwHPu2bNHABA//PCDeuzmzZti4MCBwtfXVzg4OIiaNWuKL7/8UutxBw4cEADEV199JaZMmSLKlSsnFAqFSElJ0fmeRUdHCwDizTff1Hl7Tk6OqFKlivDy8lKHpevXrwsAYv78+WLhwoWiQoUKwsnJSbRq1UqcO3euwDH0eZ9V37uDBw+K4cOHCx8fH+Hp6SmEEOLGjRti+PDhomrVqsLJyUmULl1avPHGG+L69esFHv/klyoEt27dWrRu3brA+7R161bx0UcfiYCAAOHo6CjatWsnrly5UuA1fPbZZyI4OFg4OTmJhg0bit9//73AMXWJj48XdnZ24sUXX3zq/VRUwffKlSsiKipKeHh4CHd3dzFgwACRkZGhdd81a9aItm3bCh8fH+Hg4CBq1KghPv/88wLHrFixonj55ZfFnj17RFhYmHB0dFQHGX2PIYQQu3fvFq1atRKlSpUSbm5uokGDBmLz5s1CCOn9ffK9zx849f39ACBGjBghNm3aJGrWrCns7OzEt99+q75txowZ6vumpaWJd955R/176ePjI8LDw8XJkyefWZPqZ3jt2rVaz3/x4kXRvXt34e3tLZycnETVqlULBEddKlSoIAYMGFBgXFfwFUKIN954QwAQt2/fVo999dVXAoD44IMPdD7HgwcPhKenp6hevbp67OuvvxYAxOzZs59Zo8rZs2cFALFz586n3s/Qn92oqCidf2Sofqbz0/V93rZtm/Dy8tL5PqampgpHR0cxbtw49Zi+P1NEuuj/uRGRGVJ9zOnl5aUe++eff9C8eXMEBARg4sSJcHV1xbZt29C1a1fs2LEDr732GgAgPT0dLVu2xMWLF/Hmm2+ifv36SE5Oxq5du3Dz5k14e3tDqVTi1VdfxeHDh/HWW2+hRo0aOHfuHBYtWoTLly/ju+++01lXgwYNEBISgm3btiEqKkrrtq1bt8LLywsREREApOUITZo0gUKhwMiRI+Hj44Off/4ZgwYNQlpaGt59912tx3/44YdwcHDA+PHjkZWVVehH/D/88AMAoH///jpvt7OzQ+/evTFr1iwcOXIE4eHh6ts2bNiAhw8fYsSIEcjMzMSSJUvQrl07nDt3Dn5+fga9zypvv/02fHx8MH36dGRkZAAA/vrrLxw9ehQ9e/ZE+fLlcePGDSxfvhxt2rTBhQsX4OLiglatWmH06NFYunQpJk+ejBo1agCA+r+F+fjjj2FjY4Px48cjNTUV8+bNQ58+fXDs2DH1fZYvX46RI0eiZcuWGDNmDG7cuIGuXbvCy8vrmR/x/vzzz8jNzUW/fv2eer8n9ejRA8HBwZg7dy5OnTqFL774Ar6+vvjkk0+06nrhhRfw6quvws7ODj/88APefvttKJVKjBgxQut4MTEx6NWrF4YOHYohQ4agWrVqBh1j3bp1ePPNN/HCCy9g0qRJ8PT0xOnTp7Fnzx707t0bU6ZMQWpqKm7evIlFixYBAEqVKgUABv9+/Pbbb9i2bRtGjhwJb29vBAUF6XyPhg0bhu3bt2PkyJGoWbMm7t27h8OHD+PixYuoX7/+U2vS5e+//0bLli1hb2+Pt956C0FBQbh27Rp++OGHAksS8rt16xbi4uJQv379Qu/zJNXJdZ6enuqxZ/0uenh4oEuXLli/fj2uXr2KypUrY9euXQBg0M9XzZo14ezsjCNHjhT4/cuvqD+7+nry+1ylShW89tpr2LlzJ1auXKn1b9Z3332HrKws9OzZE4DhP1NEBcidvImMQTXrt2/fPpGUlCTi4+PF9u3bhY+Pj3B0dNT6SK59+/YiNDRUa3ZAqVSKZs2aiSpVqqjHpk+fXujsiOpjzY0bNwobG5sCHzWuWLFCABBHjhxRj+Wf8RVCiEmTJgl7e3tx//599VhWVpbw9PTUmoUdNGiQ8Pf3F8nJyVrP0bNnT+Hh4aGejVXNZIaEhOj1cXbXrl0FgEJnhIUQYufOnQKAWLp0qRBCM1vm7Owsbt68qb7fsWPHBAAxZswY9Zi+77Pqe9eiRQutj3+FEDpfh2qmesOGDeqxpy11KGzGt0aNGiIrK0s9vmTJEgFAPXOdlZUlypQpIxo2bChycnLU91u3bp0A8MwZ3zFjxggA4vTp00+9n4pqduzJGfjXXntNlClTRmtM1/sSEREhQkJCtMYqVqwoAIg9e/YUuL8+x3jw4IFwc3MTjRs3LvBxdP6P9gtbVmDI7wcAYWNjI/75558Cx8ETM74eHh5ixIgRBe6XX2E16ZrxbdWqlXBzcxP//vtvoa9Rl3379hX4dEaldevWonr16iIpKUkkJSWJS5cuiffee08AEC+//LLWfevWrSs8PDye+lwLFy4UAMSuXbuEEELUq1fvmY/RpWrVquKll1566n0M/dk1dMZX1/d57969Ot/LTp06af1MGvIzRaQLd3UgixIeHg4fHx8EBgbijTfegKurK3bt2qWenbt//z5+++039OjRAw8fPkRycjKSk5Nx7949RERE4MqVK+pdIHbs2IE6deronBlRKBQAgG+++QY1atRA9erV1cdKTk5Gu3btAAAHDhwotNbIyEjk5ORg586d6rFffvkFDx48QGRkJADpRJwdO3agc+fOEEJoPUdERARSU1Nx6tQpreNGRUXB2dn5me/Vw4cPAQBubm6F3kd1W1pamtZ4165dERAQoL7eqFEjNG7cGLt37wZg2PusMmTIkAInG+V/HTk5Obh37x4qV64MT0/PAq/bUAMHDtSaWWrZsiUA6YQhADhx4gTu3buHIUOGaJ1U1adPH61PEAqjes+e9v7qMmzYMK3rLVu2xL1797S+B/nfl9TUVCQnJ6N169aIjY1Famqq1uODg4PVnx7kp88xfv31Vzx8+BATJ04scHKo6nfgaQz9/WjdujVq1qz5zON6enri2LFjWrsWFFVSUhJ+//13vPnmm6hQoYLWbc96jffu3QOAQn8eLl26BB8fH/j4+KB69eqYP38+Xn311QJbqT18+PCZPydP/i6mpaUZ/LOlqvVZW+YV9WdXX7q+z+3atYO3tze2bt2qHktJScGvv/6q/vcQeL5/c4kAgEsdyKIsW7YMVatWRWpqKtasWYPff/8djo6O6tuvXr0KIQSmTZuGadOm6TzG3bt3ERAQgGvXrqFbt25Pfb4rV67g4sWL8PHxKfRYhalTpw6qV6+OrVu3YtCgQQCkZQ7e3t7qf8STkpLw4MEDrFq1CqtWrdLrOYKDg59as4rqf2oPHz7U+tg1v8LCcZUqVQrct2rVqti2bRsAw97np9X9+PFjzJ07F2vXrsWtW7e0tld7MuAZ6smQowovKSkpAKDek7Vy5cpa97Ozsyv0I/j83N3dAWjeQ2PUpTrmkSNHMGPGDERHR+PRo0da909NTYWHh4f6emE/D/oc49q1awCAWrVqGfQaVAz9/dD3Z3fevHmIiopCYGAgwsLC0KlTJ/Tv3x8hISEG16j6Q6eorxFAodv+BQUFYfXq1VAqlbh27Rpmz56NpKSkAn9EuLm5PTOMPvm76O7urq7d0FqfFeiL+rOrL13fZzs7O3Tr1g1btmxBVlYWHB0dsXPnTuTk5GgF3+f5N5cIYPAlC9OoUSM0aNAAgDQr2aJFC/Tu3RsxMTEoVaqUev/M8ePH65wFAwoGnadRKpUIDQ3FwoULdd4eGBj41MdHRkZi9uzZSE5OhpubG3bt2oVevXqpZxhV9fbt27fAWmCV2rVra13XZ7YXkNbAfvfdd/j777/RqlUrnff5+++/AUCvWbj8ivI+66p71KhRWLt2Ld599100bdoUHh4eUCgU6NmzZ6F7oeqrsK2sCgsxhqpevToA4Ny5c6hbt67ej3tWXdeuXUP79u1RvXp1LFy4EIGBgXBwcMDu3buxaNGiAu+LrvfV0GMUlaG/H/r+7Pbo0QMtW7bEt99+i19++QXz58/HJ598gp07d+Kll1567rr1VaZMGQCaP5ae5OrqqrU2vnnz5qhfvz4mT56MpUuXqsdr1KiBM2fOIC4ursAfPipP/i5Wr14dp0+fRnx8/DP/nckvJSVF5x+u+Rn6s1tYkM7Ly9M5Xtj3uWfPnli5ciV+/vlndO3aFdu2bUP16tVRp04d9X2e999cIgZfsli2traYO3cu2rZti88++wwTJ05UzwjZ29tr/Q9Jl0qVKuH8+fPPvM/Zs2fRvn17vT76fVJkZCRmzZqFHTt2wM/PD2lpaeqTOADAx8cHbm5uyMvLe2a9hnrllVcwd+5cbNiwQWfwzcvLw5YtW+Dl5YXmzZtr3XblypUC9798+bJ6JtSQ9/lptm/fjqioKCxYsEA9lpmZiQcPHmjdryjv/bOomhFcvXoVbdu2VY/n5ubixo0bBf7geNJLL70EW1tbbNq0yagnCf3www/IysrCrl27tEKSIR/x6nuMSpUqAQDOnz//1D8IC3v/n/f342n8/f3x9ttv4+2338bdu3dRv359zJ49Wx189X0+1c/qs37XdVEFxOvXr+t1/9q1a6Nv375YuXIlxo8fr37vX3nlFXz11VfYsGEDpk6dWuBxaWlp+P7771G9enX196Fz58746quvsGnTJkyaNEmv58/NzUV8fDxeffXVp97P0J9dLy+vAr+TAAzuZNeqVSv4+/tj69ataNGiBX777TdMmTJF6z7F+TNF1oFrfMmitWnTBo0aNcLixYuRmZkJX19ftGnTBitXrkRCQkKB+yclJakvd+vWDWfPnsW3335b4H6q2bcePXrg1q1bWL16dYH7PH78WL07QWFq1KiB0NBQbN26FVu3boW/v79WCLW1tUW3bt2wY8cOnf9jzl+voZo1a4bw8HCsXbtWZ2eoKVOm4PLly3j//fcLzNB89913Wmt0jx8/jmPHjqlDhyHv89PY2toWmIH99NNPC8wkubq6AoDO//kWVYMGDVCmTBmsXr0aubm56vHNmzcXOsOXX2BgIIYMGYJffvkFn376aYHblUolFixYgJs3bxpUl2pG+MllH2vXrjX6MTp06AA3NzfMnTsXmZmZWrflf6yrq6vOpSfP+/uhS15eXoHn8vX1Rbly5ZCVlfXMmp7k4+ODVq1aYc2aNYiLi9O67Vmz/wEBAQgMDDSoi9n777+PnJwcrRnLN954AzVr1sTHH39c4FhKpRLDhw9HSkoKZsyYofWY0NBQzJ49G9HR0QWe5+HDhwVC44ULF5CZmYlmzZo9tUZDf3YrVaqE1NRU9aw0ACQkJOj8t/NpbGxs8MYbb+CHH37Axo0bkZubq7XMASienymyLpzxJYv33nvvoXv37li3bh2GDRuGZcuWoUWLFggNDcWQIUMQEhKCO3fuIDo6Gjdv3lS39HzvvffUHcHefPNNhIWF4f79+9i1axdWrFiBOnXqoF+/fti2bRuGDRuGAwcOoHnz5sjLy8OlS5ewbds27N27V730ojCRkZGYPn06nJycMGjQINjYaP89+vHHH+PAgQNo3LgxhgwZgpo1a+L+/fs4deoU9u3bh/v37xf5vdmwYQPat2+PLl26oHfv3mjZsiWysrKwc+dOHDx4EJGRkXjvvfcKPK5y5cpo0aIFhg8fjqysLCxevBhlypTB+++/r76Pvu/z07zyyivYuHEjPDw8ULNmTURHR2Pfvn3qj5hV6tatC1tbW3zyySdITU2Fo6Mj2rVrB19f3yK/Nw4ODpg5cyZGjRqFdu3aoUePHrhx4wbWrVuHSpUq6TXbtGDBAly7dg2jR4/Gzp078corr8DLywtxcXH45ptvcOnSJa0Zfn106NABDg4O6Ny5M4YOHYr09HSsXr0avr6+Ov/IeJ5juLu7Y9GiRRg8eDAaNmyI3r17w8vLC2fPnsWjR4+wfv16AEBYWBi2bt2KsWPHomHDhihVqhQ6d+5slN+PJz18+BDly5fHG2+8oW7Tu2/fPvz1119anwwUVpMuS5cuRYsWLVC/fn289dZbCA4Oxo0bN/DTTz/hzJkzT62nS5cu+Pbbb/VaOwtISxU6deqEL774AtOmTUOZMmXg4OCA7du3o3379mjRooVW57YtW7bg1KlTGDdunNbPir29PXbu3Inw8HC0atUKPXr0QPPmzWFvb49//vlH/WlN/u3Yfv31V7i4uODFF198Zp2G/Oz27NkTEyZMwGuvvYbRo0fj0aNHWL58OapWrWrwSaiRkZH49NNPMWPGDISGhhbYlrA4fqbIypT8RhJExldYAwshpM5AlSpVEpUqVVJvl3Xt2jXRv39/UbZsWWFvby8CAgLEK6+8IrZv36712Hv37omRI0eKgIAA9UbpUVFRWluLZWdni08++US88MILwtHRUXh5eYmwsDAxa9YskZqaqr7fk9uZqVy5ckW9yf7hw4d1vr47d+6IESNGiMDAQGFvby/Kli0r2rdvL1atWqW+j2qbrm+++cag9+7hw4di5syZ4oUXXhDOzs7Czc1NNG/eXKxbt67Adk75G1gsWLBABAYGCkdHR9GyZUtx9uzZAsfW531+2vcuJSVFDBw4UHh7e4tSpUqJiIgIcenSJZ3v5erVq0VISIiwtbXVq4HFk+9TYY0Nli5dKipWrCgcHR1Fo0aNxJEjR0RYWJjo2LGjHu+u1OXqiy++EC1bthQeHh7C3t5eVKxYUQwcOFBru6jCOrep3p/8TTt27dolateuLZycnERQUJD45JNPxJo1awrcT9XAQhd9j6G6b7NmzYSzs7Nwd3cXjRo1El999ZX69vT0dNG7d2/h6elZoIGFvr8f+K+xgS7It51ZVlaWeO+990SdOnWEm5ubcHV1FXXq1CnQfKOwmgr7Pp8/f1689tprwtPTUzg5OYlq1aqJadOm6awnv1OnTgkABbbXKqyBhRBCHDx4sMAWbUIIcffuXTF27FhRuXJl4ejoKDw9PUV4eLh6CzNdUlJSxPTp00VoaKhwcXERTk5OolatWmLSpEkiISFB676NGzcWffv2feZrUtH3Z1cIIX755RdRq1Yt4eDgIKpVqyY2bdr01AYWhVEqlSIwMFAAEB999JHO++j7M0Wki0III53JQUQW78aNGwgODsb8+fMxfvx4ucuRhVKphI+PD15//XWdH7eS9Wnfvj3KlSuHjRs3yl1Koc6cOYP69evj1KlTBp1sSWRpuMaXiKgQmZmZBdZ5btiwAffv30ebNm3kKYpMzpw5c7B161aDT+YqSR9//DHeeOMNhl6yelzjS0RUiD///BNjxoxB9+7dUaZMGZw6dQpffvklatWqhe7du8tdHpmIxo0bIzs7W+4ynurrr7+WuwQik8DgS0RUiKCgIAQGBmLp0qW4f/8+Spcujf79++Pjjz/W6vpGRETmgWt8iYiIiMgqcI0vEREREVkFBl8iIiIisgpWt8ZXqVTi9u3bcHNzY7tDIiIiIhMkhMDDhw9Rrly5Ao2dnofVBd/bt28jMDBQ7jKIiIiI6Bni4+NRvnx5ox3P6oKvm5sbAOmNdHd3l7kaIiIiInpSWloaAgMD1bnNWKwu+KqWN7i7uzP4EhEREZkwYy9L5cltRERERGQVGHyJiIiIyCow+BIRERGRVWDwJSIiIiKrwOBLRERERFaBwZeIiIiIrAKDLxERERFZBQZfIiIiIrIKDL5EREREZBUYfImIiIjIKjD4EhEREZFVYPAlIiIiIqvA4EtEREREVoHBl4iIiIisAoMvEREREVkFWYPv77//js6dO6NcuXJQKBT47rvvnvmYgwcPon79+nB0dETlypWxbt26Yq+TiIiIiMyfrME3IyMDderUwbJly/S6//Xr1/Hyyy+jbdu2OHPmDN59910MHjwYe/fuLeZKiYiIiMjc2cn55C+99BJeeuklve+/YsUKBAcHY8GCBQCAGjVq4PDhw1i0aBEiIiKKq0wiIiIiKmb37wMXLwIXziuR8Ns/xfIcsgZfQ0VHRyM8PFxrLCIiAu+++26hj8nKykJWVpb6elpaWnGVR0RERETPkJQEXLhQ8CsxESiLBKzFQHTGIcwohuc2q+CbmJgIPz8/rTE/Pz+kpaXh8ePHcHZ2LvCYuXPnYtasWSVVIhEREZHVE0IKsroCbnKy7se8iu/xBQbDB8kormlKswq+RTFp0iSMHTtWfT0tLQ2BgYEyVkRERERkGYQAbt7UHXAfPNDvGC7IwOdO4xCVuVI9luXlC6TcNXq9ZhV8y5Ytizt37miN3blzB+7u7jpnewHA0dERjo6OJVEeERERkUVSKoG4OO1g+88/0prchw/1P46/P1Czpuarke1J1J7XB3ZXYzR36toVjgsXAiEhRn8dZhV8mzZtit27d2uN/frrr2jatKlMFRERERFZjrw84Pr1grO3Fy8Cjx7pf5zAQO2AW7MmUKMG4OWV74n+9z9g6lQgN1cac3EBFi8GBg82LE0bQNbgm56ejqtXr6qvX79+HWfOnEHp0qVRoUIFTJo0Cbdu3cKGDRsAAMOGDcNnn32G999/H2+++SZ+++03bNu2DT/99JNcL4GIiIjI7OTkANeuFQy4ly4B+fYEeKbg4IIBt3p1wN39GQ/MzAS++EITesPCgC1bgKpVi/ya9CFr8D1x4gTatm2rvq5aixsVFYV169YhISEBcXFx6tuDg4Px008/YcyYMViyZAnKly+PL774gluZEREREemQlQVcuVIw4F6+LIVffdjYSKsO8ofbF14AqlUDXF2LWJirqxR0W7QAxo0DZs4EHByKeDD9KYQQotifxYSkpaXBw8MDqampcH/mnyNEREREpi8zE4iJKRhwr1yRVhXow9YWqFKl4Axu1apAIadS6e/hQyAtDQgI0B6/davgGIovr5nVGl8iIiIia5aRIS1HeDLgxsZKJ6Dpw95emq19MuBWqVJMk67R0UDfvkDZssChQ4BdvvipI/QWJwZfIiIiIhOTlvZfF7MnAu6NG/ofw8lJWm/7ZMANCZHCb7HLzQVmzwY+/FCado6NBT75BJgypQSeXDcGXyIiIiKZpKRIAfeff7QD7s2b+h/DxUXaMeHJgBscLC1fkEVsrDTLGx2tGWvWDOjdW6aCJAy+RERERMUsOVl3k4eEBP2P4eZWMNzWrAlUqCCdgGYShAA2bgRGjtRsSWZrC8yYAUyapL3MQQYMvkRERERGIARw547ugJuUpP9xPD2lXROeDLgBAYBCUWzlP7+UFGDYMGDbNs1YSAiweTPQpIl8deXD4EtERERkACGkzQh0BdyUFP2P4+2tO+D6+Zl4wNUlLQ2oW1dq76YyYACwdKk0VW0iGHyJiIiIdFAqgfh47Ra9qsuGNBYrW1b3EgUfn+KrvcS5uwOvvQYsWSK1Z1u5EujeXe6qCmDwJSIiIquWlyftlqCrTW9Ghv7HKV9ed5ve0qWLrXTT8vHH0obCU6ZIPYtNEIMvERERWYXc3MLb9GZm6n+coCDdbXo9PIqtdNMiBLB6tXTS2qBBmnEnJ2DFCvnq0gODLxEREVmU7OzC2/RmZ+t3DIVC06Y3/zrcatWAUqWKt36TlpQEDBkCfP+91M6tWTNpWttMMPgSERGRWcrMlMKsrja9ubn6HcPWFqhcueAMbrVqRmjTa2l++QWIigISE6Xrjx8DP/7I4EtERERkLI8e6W7Te+2aYW16q1bV3abX0bF46zd7mZnSHryLF2vGvL2BNWuAzp1lK6soGHyJiIjIJDx8WHibXiH0O4ajo+42vZUqlVCbXktz7hzQp4/0X5WOHYG1a6XtKswMgy8RERGVqAcPNAE3/xZh8fH6H8PZuWCb3hdekLlNryURAvj0U+D994GsLGnM0RGYP1/qymZ2Gw1LGHyJiIioWNy7p7vJw+3b+h+jVCnde+BWrGhCbXotUXo6sGCBJvTWri11YKtVS966nhODLxERERWZEMDdu7oD7t27+h/Hw0N3F7Py5c12ctG8ubkBmzYBbdsCo0cDc+ZI25WZOQZfIiIieiYhpJlaXQH3/n39j1OmjO6AW7YsA66sMjKkL19fzVjLltK2GSEh8tVlZAy+REREpCaEdpve/Otw09L0P46fn+4lCvlzFZmIkyelE9gCAoBff9VeQ2JBoRdg8CUiIrJKSmXhbXrT0/U/TkCA7ja9ZcoUW+lkLHl5wP/+B0ydKm18HBMDLFoEjBsnd2XFhsGXiIjIguXmArGxutv0Pn6s/3EqVtQdcK2mTa+liY8H+vcHDh7UjIWFmd2+vIZi8CUiIrIAOTnA1ava24NduCBN4hnSpjc4uGCb3urVrbxNr6XZtg0YOlTaVw6QvvETJwIzZwIODnJWVuwYfImIiMxIVpbuNr2XL+vfptfGpvA2vS4uxVs/ySgtTdqhYf16zVhgILBxI9C6tXx1lSAGXyIiIhP06JE0W/tkwL16Vf82vXZ2utv0Vq3KNr1WJzUVqF9fWveiEhkJLF8OeHnJV1cJY/AlIiKSUXq67ja916/r36bXwUF3m97Kldmml/7j4QG0aycFXzc3YNkyoG9fq9tDjsGXiIioBKSm6g64//6r/zGcnLTb9KrW4QYHS7O7RE+1aJF0RuMHH1jcNmX64q8JERGREd2/r7vJw61b+h/D1bXwNr22tsVXO1kIIaR1u/b2QK9emvFSpaRubFaMwZeIiMhAQgBJSboD7p07+h/Hw0N3wC1fXruHAJHeUlKAYcOknRtKlQIaNQIqVZK7KpPB4EtERFQIIYCEBN0B9949/Y9TurTuNr3+/la3xJKK08GDQL9+wM2b0vX0dGD7dmDCBFnLMiUMvkREZPWEkLKCroCr2upUH76+hbfpZcClYpOdDUyfDsybpzkj0tMTWLUK6N5d1tJMDYMvERFZDaVSOplMV8A1pE1vuXK6u5h5exdf7UQ6xcQAvXsDp05pxtq0ATZskPboJS0MvkREZHHy8nS36b140bA2vRUq6A64np7FVjqRfoSQZnTHjNH8UNvbA7NnA+PGcZF4IRh8iYjIbOXkANeuaYKtql1vTIzU4UwfCgUQFFRwDW716tJ2p0QmKTVVajGsCr3VqgFbtkhNKqhQDL5ERGTysrKAK1d0t+nNydHvGDY20sntutr0uroWb/1ERufpCaxbB3TsKO3isGAB+03rgcGXiIhMxuPHhbfpzcvT7xh2dkCVKrrb9Do5FW/9RMUmM1PqY126tGYsIgI4f176uIL0wuBLREQlLj0duHSpYMCNjTWsTW+1arrb9Do4FG/9RCXq3DnpBLaKFYEfftDeIoSh1yAMvkREVGzS0gq26f3nH8Pb9Favrt2it2ZNqeMq2/SSRVMqgU8/lfbhzcqSZndXrACGD5e7MrPFfzKIiOi5paTo3iJMtY++PlxdpR0TnpzBDQpim16yQgkJwMCBwN69mrHatYGWLeWryQIw+BIRkd4Ka9ObmKj/MdzddTd5CAzkDkxEAIDvvwcGDwaSkzVjY8YAc+ZwofpzYvAlIiItQgB37mi2Bsv/lf//w8/i5aW7TW+5cuxiRqRTRoa0B+/KlZoxf39g/XrgxRflq8uCMPgSEVkpIYBbt3TP4Kak6H8cHx9NqM0fdNmml8gAKSlA06bStiYqXbsCq1ezJaARMfgSEVk4pRKIi9MdcB8+1P84/v66u5j5+BRf7URWw8sLCAuTgq+LC7BkCTBoEP96NDIGXyIiC5GXB1y/rrtN76NH+h8nMFB3wPXyKr7aiQjAsmXSZtYffyxtPE1Gx+BLRGRmcnM1bXrzr8O9dEn/Nr0AEBxcMOBWry6dfEZExWzbNsDREejSRTPm6Qns3ClbSdaAwZeIyERlZ+tu0xsTY1ib3pAQ7XD7wgts00skm7Q0YPRo6YQ1Ly/g77+B8uXlrspqMPgSEcksM1N3m94rV/Rv02trW3ibXmfn4q2fiPQUHQ306SOtSQKkE9o2bQImTpS3LivC4EtEVEIyMgpv06tU6ncMe3vdbXqrVGGbXiKTlZsLfPSR9KX6a9bNTVrT27evvLVZGQZfIiIje/hQd5veGzf0P0b+Nr35v0JCpPBLRGYiNlYKt9HRmrFmzaSZ3uBg+eqyUgy+RERFlJJSMOBeuADEx+t/DBcX3W16g4PZppfIrAkBbNgAjBwJpKdLY7a2wPTpwOTJgB0jmBz4rhMRPUNysu49cBMS9D+Gm5vuNr0VKrBNL5FFSkmRurCpQm9ICLB5M9Ckibx1WTkGXyIiaNr06gq4SUn6H8fTU3eb3oAA7kNPZFVKlwa++AJ47TVgwABg6VLpL2CSFYMvEVkVIYDbt3UH3Pv39T+Ot7fugOvnx4BLZJWys6WNtPOH265dgRMnpI5sZBIYfInIIimV0lpbXQE3LU3/45Qtq3uJAtv0EpFaTAzQuzdQuTLw9dfaf/0y9JoUBl8iMmt5edJuCbra9GZk6H+c8uV1t+ktXbrYSicicycEsGoVMGaM1Gr41Cng5ZeB/v3lrowKweBLRGYhN1faFSj/9mCqNr2ZmfofJyhId5teD49iK52ILFFSEjB4MLBrl2asWjWgVi35aqJnYvAlIpOSnQ1cvaq7TW92tn7HUCg0bXrzr8OtVg0oVap46yciK7B3r3TCWmKiZmzYMGDBAmmPQjJZDL5EJIvMTODyZd1tenNz9TuGra20pO7JGdxq1diml4iKQWYmMGkSsHixZszbG1izBujcWbaySH8MvkRUrB49kmZrVUsTVF/XrhnWprdqVd1teh0di7d+IiIA0rYvbdoA585pxjp2BNaulc6CJbPA4EtERvHwobTe9skZ3OvXpfM/9OHoqLtNb6VKbNNLRDLz8pLWUJ07J/1jNX++1JWN+xeaFQZfIjLIgwe62/TGxel/DGfngm16X3iBbXqJyIQpFFJDisePpbW8PInNLDH4EpFO9+7p3gP39m39j1GqlO49cCtWZJteIjJxu3ZJM7sREZoxb2/pxDYyWwy+RFZMCGlHnvzbg6m+7t7V/zgeHrq7mJUvz08BicjMZGQA48YBK1cCvr7S0gZfX7mrIiNh8CWyAkIACQm6Z3Dv3dP/OGXK6A64Zcsy4BKRBTh5UurAdvmydP3uXWnHhokT5a2LjIbBl8iCCFF4m97UVP2P4+ene4kCJz2IyCLl5QH/+x8wdapmP0UXF2nbssGDZS2NjIvBl8gMKZWFt+lNT9f/OAEButv0lilTbKUTEZmW+HigXz/g0CHNWFgYsGWLtI8iWRQGXyITlpen3aY3f8B9/Fj/41SsqDvgsk0vEVm1bduAoUOl7WoAac3WxInAzJmAg4OclVExYfAlMgE5OYW36c3K0u8YCoW0HdiTbXqrV2ebXiKiApKTgSFDgLQ06XpgILBxI9C6tbx1UbFi8CUqQVlZutv0Xr6sf5teG5vC2/SyRTwRkZ68vYHly4E+fYDISOmyl5fcVVExY/AlKgaPHxfepjcvT79j2NnpbtNbtSrb9BIRGSw3F8jO1p4h6N1b2nexZUtuTWMlGHyJnkN6uu42vbGx+rfpdXDQ3aa3cmW26SUiMorYWKBvX+kf2zVrtG9r1UqemkgWDL5EekhN1d2m999/9T+Gk5N2m17VOtzgYGl2l4iIjEwIad3uiBHSTEV0NPDSS0D37nJXRjLh/26J8rl/X/ceuLdu6X8MV9fC2/Ta2hZf7URElE9KCjBsmLRzg0pIiHQSG1ktBl+ySqo2vaov1VrcO3f0P4aHh+6AW768dAIaERHJ5OBBaW/emzc1YwMGAEuXAm5uclVFJoDBlyyWEEBiou4Z3ORk/Y9TurTuNr3+/jwXgojIpGRnA9OnA/PmaU608PICVq7k8gYCwOBLFkAI6Y96XQFXtSe5Pnx9C2/Ty4BLRGTi7t0DOnQATp3SjLVtC2zYIH0URwQGXzIjSqV0MpmuLmYPH+p/nHLldHcx8/YuvtqJiKiYeXlp/iG3twdmzwbGjePaM9LC4EsmJy8PuH5dd8B99Ej/41SooDvgenoWW+lERCQXGxtg3TqgRw9gyRKgfn25KyITxOBLssnJkRo6PBlwL10yrE1vUFDBNbjVq/P8BSIii/bLL9I+kfn34fX3B/74Q76ayOTJHnyXLVuG+fPnIzExEXXq1MGnn36KRo0aFXr/xYsXY/ny5YiLi4O3tzfeeOMNzJ07F05OTiVYNRkiKwu4ckV3m96cHP2OYWMDVKqku02vq2vx1k9ERCYkMxOYNAlYvFhau/v332w1THqTNfhu3boVY8eOxYoVK9C4cWMsXrwYERERiImJga+vb4H7b9myBRMnTsSaNWvQrFkzXL58GQMGDIBCocDChQtleAWU3+PHUph9sk3v1auGtemtUkV3m17+bUNEZOXOnQP69JH+C0hnNq9aBUyYIG9dZDYUQujbWNX4GjdujIYNG+Kzzz4DACiVSgQGBmLUqFGYOHFigfuPHDkSFy9exP79+9Vj48aNw7Fjx3D48GG9njMtLQ0eHh5ITU2Fu7u7cV6IlcnIKLxNr1Kp3zEcHKTZWl1teh0cird+IiIyM0ol8OmnUsBVrYVzdATmzwdGjuTWOxaouPKabDO+2dnZOHnyJCZNmqQes7GxQXh4OKKjo3U+plmzZti0aROOHz+ORo0aITY2Frt370a/fv0KfZ6srCxk5VswmpaWZrwXYeHS0nS36b1xQ/9jODlJ623zt+itWVNqnsM2vURE9EwJCcDAgcDevZqx0FBgyxagVi356iKzJFv0SE5ORl5eHvz8/LTG/fz8cOnSJZ2P6d27N5KTk9GiRQsIIZCbm4thw4Zh8uTJhT7P3LlzMWvWLKPWbmlSUnTvgZu/4c2zuLpKOyY8OYMbFMQ2vUREVETffw8MHqzddWjMGGDOHK5/oyIxqzm3gwcPYs6cOfj888/RuHFjXL16Fe+88w4+/PBDTJs2TedjJk2ahLFjx6qvp6WlIdBK+3QnJ+tu05uYqP8x3N11N3kIDORWiUREZERJSdJ63owM6bq/v7RdWYcOspZF5k224Ovt7Q1bW1vcuXNHa/zOnTsoW7aszsdMmzYN/fr1w+DBgwEAoaGhyMjIwFtvvYUpU6bARkfycnR0hKOjo/FfgIkSArhzR/cMblKS/sfx8tLdprdcOS6lIiKiEuDjI+3cMGQI0KUL8MUX7DREz0224Ovg4ICwsDDs378fXbt2BSCd3LZ//36MHDlS52MePXpUINza/vc5uozn6MlCCODWLd0BNyVF/+P4+GhCbf6gyza9RERUovLygNxc6aQ1lUGDpC3LIiL4PyUyClmXOowdOxZRUVFo0KABGjVqhMWLFyMjIwMDBw4EAPTv3x8BAQGYO3cuAKBz585YuHAh6tWrp17qMG3aNHTu3FkdgC2NUgnExekOuIa06fX3193FzMen+GonIiLSS3w80L+/dLLap59qxhUKoGNH+eoiiyNr8I2MjERSUhKmT5+OxMRE1K1bF3v27FGf8BYXF6c1wzt16lQoFApMnToVt27dgo+PDzp37ozZs2fL9RKKzQ8/AB99JK3DVS1v0kdgoO6Ay729iYjIJG3bBgwdCjx4ABw8CLz0EtCpk9xVkYWSdR9fOZjLPr5ly0prdQsTHFww4FavLp18RkREZPLS0oDRo4H16zVjgYHA5s1Ay5by1UUmweL28aXCPXigCb0eHkDr1trrcNmml4iIzFp0NNC3r9T5SCUyEli+nB9RUrFi8DVB+RtEdOsGfPmlbKUQEREZT24uMHs28OGHml72bm7AsmVSEOYJbFTMGHxN0L//ai4HBclWBhERkfHcuwd07izN9qo0awZs2iSt3yMqAWw5YILyB9+KFeWrg4iIyGg8PTW96m1tgVmzgEOHGHqpRDH4mqD8Sx0YfImIyCLY2gIbNwL16wOHDwPTp2uCMFEJ4U+cCeKMLxERmb1DhwBnZ6BRI81YxYrAiRNcy0uy4YyvCVIFX1tbqWENERGR2cjOBiZNAtq2BXr1KthtiaGXZMTga4JUwTcggJ8CERGRGYmJAZo2BT7+GBBC2q5s+XK5qyJSY/A1MRkZQHKydJnLHIiIyCwIAaxaBdSrB5w6JY3Z2wPz5gHjx8tbG1E+nE80MVzfS0REZiUpCRgyBPj+e81YtWrAli3SiWxEJoQzviaGe/gSEZHZ2LsXqF1bO/QOGybN+jL0kgnijK+J4VZmRERkFu7cAbp2BTIzpeve3sCaNVKTCiITxRlfE8OlDkREZBb8/KST2AAgIgI4d46hl0weZ3xNDJc6EBGRSVIqgbw86aQ1lVGjpH03X3sNsOFcGpk+/pSamPzBNzBQvjqIiIjUEhKAl14Cpk7VHrexAbp1Y+gls8GfVBOjWuNbtizg5CRrKURERNKJa6GhwC+/APPnA7/9JndFREXG4GtCsrKkP6oBru8lIiKZZWRIOzR07QrcuyeN+fnJWhLR8+IaXxMSH6+5zPW9REQkm5Mngd69gcuXNWNdugBffCHt3kBkpjjja0K4lRkREckqLw/45BOgSRNN6HVxkbqyffstQy+ZPc74mhBuZUZERLJJTga6dwcOHtSMhYVJHdiqVpWtLCJj4oyvCeFWZkREJBsPDyA9XbqsUACTJgFHjzL0kkVh8DUhnPElIiLZ2NsDmzcDNWoABw4Ac+YADg5yV0VkVFzqYEK4xpeIiEpMdLS0frdOHc1Y1arA+fPcl5csFn+yTYhqxrd0aaBUKXlrISIiC5WbC8yaBbRsCfTqBTx6pH07Qy9ZMP50m4jcXODmTeky1/cSEVGxiI0FWrUCZs6UdnC4eBH4/HO5qyIqMQy+JuLWLenfIIDLHIiIyMiEADZsAOrWlZY4AICtLfDBB8C778pZGVGJ4hpfE8ET24iIqFikpEgd2LZt04xVqgRs2iTt10tkRTjjayIYfImIyOgOHgRq19YOvQMHAqdPM/SSVeKMr4ngHr5ERGRUCQlARASQnS1d9/ICVq6UmlQQWSnO+JoIbmVGRERG5e8PzJghXW7bFvj7b4Zesnqc8TURXOpARETPRQhAqZROWlOZMAEIDAT69OE2ZUTgjK/JUAVfNzfp0ygiIiK9JSUBr70GfPSR9ritLdCvH0Mv0X/4m2AClEogLk66XLGi1CKdiIhIL3v3Siewff898OGHmu3KiKgABl8TcOcOkJUlXeYyByIi0ktmJjBmDNCxI5CYKI15eQEPH8pbF5EJ4xpfE8D1vUREZJBz56R1u+fOacYiIoB164CyZWUri8jUccbXBHArMyIi0otSCSxZAjRsqAm9jo7S2O7dDL1Ez8AZXxPArcyIiOiZ7t2TZnn37tWMhYYCW7YAtWrJVxeRGeGMrwngUgciInomV1fg1i3N9TFjgOPHGXqJDMDgawK41IGIiJ7JyUma3Q0OlmZ9Fy6UxohIb1zqYAJUwdfJCfD1lbcWIiIyESdPSrO81atrxkJDgcuXATv+75uoKDjjKzMhNGt8K1TgHr5ERFYvLw/45BOgSROgVy/NfpcqDL1ERcbgK7P794GMDOky1/cSEVm5+HigfXtg4kQgNxc4cwb4/HO5qyKyGAy+MuP6XiIiAgBs2yZ1YDt0SLquUACTJgEjRshbF5EF4eclMuNWZkREVi4tDRg9Gli/XjMWGAhs3Ai0bi1fXUQWiMFXZtzKjIjIikVHA337ArGxmrHISGD5cqn9MBEZFYOvzBh8iYis1K1bQJs2QHa2dN3NDVi2TArCPNOZqFhwja/MuMaXiMhKBQQA48dLl5s1A86eBfr1Y+glKkac8ZWZao2vnR1QrpyspRARUXESQvpv/mA7c6a0l+WgQdymjKgEcMZXZqoZ3/LlAVtbeWshIqJikpIC9OwJLFigPW5vDwwdytBLVEIYfGWUlib9WwhwmQMRkcU6eFDapmzbNmDyZOD0abkrIrJaDL4y4oltREQWLDtbakTRrh1w86Y0VqoUkJgob11EVoyfrciIwZeIyELFxAC9ewOnTmnG2rYFNmyQ1rYRkSw44ysjBl8iIgsjBLByJVCvnib02tsD8+YB+/Yx9BLJ7LlmfDMzM+Hk5GSsWqwOtzIjIrIg9+8DAwcCu3ZpxqpVA7ZsAerXl68uIlIzeMZXqVTiww8/REBAAEqVKoXY/7rNTJs2DV9++aXRC7RkbFdMRGRBHB2BS5c014cPl2Z9GXqJTIbBwfejjz7CunXrMG/ePDg4OKjHa9WqhS+++MKoxVk61YyvQiG1ZSciIjPm6gps3ixtyr5rF/D554CLi9xVEVE+BgffDRs2YNWqVejTpw9s8208W6dOHVzK/5cuPZMq+JYrB+T7G4KIiMzBuXPAf596qjVoII117ixPTUT0VAYH31u3bqFy5coFxpVKJXJycoxSlDV4/Bi4c0e6zGUORERmRKkEliwBGjYE+vQBcnO1b3d0lKcuInomg4NvzZo18ccffxQY3759O+rVq2eUoqxBXJzmMoMvEZGZSEgAXnoJePddICsL+PNPYPlyuasiIj0ZvKvD9OnTERUVhVu3bkGpVGLnzp2IiYnBhg0b8OOPPxZHjRaJW5kREZmZ778HBg0C7t3TjI0ZAwwZIl9NRGQQg2d8u3Tpgh9++AH79u2Dq6srpk+fjosXL+KHH37Aiy++WBw1WiRuZUZEZCYyMoBhw4CuXTWh198f2LsXWLgQ4LaeRGajSPv4tmzZEr/++quxa7Eq3MqMiMgMnDwpdWC7fFkz1rUrsHo14O0tW1lEVDQGz/iGhITgXv6Pef7z4MEDhISEGKUoa8ClDkREJi4+HmjWTBN6XVykwLtzJ0MvkZkyOPjeuHEDeXl5BcazsrJw69YtoxRlDfIH3woV5KuDiIgKERgIvP22dDksDDh9Ghg8WNp8nYjMkt5LHXbla8G4d+9eeHh4qK/n5eVh//79COJiVb2pgq+Pj7TnORERmQAhtIPt3LnS7MSIEdxwncgCKIQQQp872thIk8MKhQJPPsTe3h5BQUFYsGABXnnlFeNXaURpaWnw8PBAamoq3N3dZakhJ0c6F0KplPY6/+svWcogIiKVtDRg9GigUSPNLC8Ryaa48preM75KpRIAEBwcjL/++gveXN9UZDdvSqEX4PpeIiLZRUdLjSiuXwe2bgXatgVq1JC7KiIqBgav8b1+/TpD73PiVmZERCYgNxeYORNo2VIKvQBgbw9cuyZrWURUfIq0nVlGRgYOHTqEuLg4ZGdna902evRooxRmybiVGRGRzGJjgb59pdlelWbNgE2bgOBg+eoiomJlcPA9ffo0OnXqhEePHiEjIwOlS5dGcnIyXFxc4Ovry+CrB25lRkQkEyGADRuAkSOB9HRpzNYWmD4dmDwZsCvSfBARmQmDlzqMGTMGnTt3RkpKCpydnfHnn3/i33//RVhYGP73v/8VR40Wh8GXiEgGDx4APXsCAwZoQm9ICHD4sBR8GXqJLJ7BwffMmTMYN24cbGxsYGtri6ysLAQGBmLevHmYPHlycdRocRh8iYhkoFAAx45prg8YAJw5AzRpIldFRFTCDA6+9vb26q3NfH19ERcXBwDw8PBAfHy8cauzUKo1vh4egKennJUQEVkRDw9g40ap69q2bcDatYCbm9xVEVEJMvhznXr16uGvv/5ClSpV0Lp1a0yfPh3JycnYuHEjatWqVRw1WhSlUuqCCXC2l4ioWMXESB2CypfXjLVsKc0+sHMQkVUyeMZ3zpw58Pf3BwDMnj0bXl5eGD58OJKSkrBy5UqjF2hpEhKkBhYAtzIjIioWQgArVwL16gH9+2s2Tldh6CWyWgbP+DZo0EB92dfXF3v27DFqQZaOW5kRERWjpCRg8GBg1y7p+oEDwKpVwLBh8tZFRCbB4Bnfwpw6dcrk2xWbAp7YRkRUTPbuBWrX1oReQAq8/fvLVxMRmRSDgu/evXsxfvx4TJ48GbGxsQCAS5cuoWvXrmjYsKG6rbEhli1bhqCgIDg5OaFx48Y4fvz4U+//4MEDjBgxAv7+/nB0dETVqlWxe/dug59XLgy+RERGlpkJjBkDdOwIJCZKY97eUgBevhxwcZG3PiIyGXovdfjyyy8xZMgQlC5dGikpKfjiiy+wcOFCjBo1CpGRkTh//jxqGNjbfOvWrRg7dixWrFiBxo0bY/HixYiIiEBMTAx8fX0L3D87OxsvvvgifH19sX37dgQEBODff/+FpxltjcB2xURERnTuHNCnj/RflYgIYN06oGxZ2coiItOkEEIIfe5Yu3Zt9OvXD++99x527NiB7t27o0mTJti2bRvK5z9j1gCNGzdGw4YN8dlnnwEAlEolAgMDMWrUKEycOLHA/VesWIH58+fj0qVLsLe3L9JzpqWlwcPDA6mpqXB3dy/SMZ5Hx47Sp3EAcPcu4ONT4iUQEVmGf/8FqlUDsrKk646OwLx5Ulc2G6Ot5CMiGRRXXtP7X4Zr166he/fuAIDXX38ddnZ2mD9/fpFDb3Z2Nk6ePInw8HBNMTY2CA8PR3T+3un57Nq1C02bNsWIESPg5+eHWrVqYc6cOcjLyyv0ebKyspCWlqb1JSfVjK+zs/RJHBERFVHFipr1u6GhwIkTwOjRDL1EVCi9/3V4/PgxXP5bJ6VQKODo6Kje1qwokpOTkZeXBz8/P61xPz8/JKrWaD0hNjYW27dvR15eHnbv3o1p06ZhwYIF+Oijjwp9nrlz58LDw0P9FRgYWOSan5cQmuBbsaLURIiIiJ7DokXARx8Bx48D3EueiJ7BoO3MvvjiC5QqVQoAkJubi3Xr1sH7iWnL0aNHG6+6JyiVSvj6+mLVqlWwtbVFWFgYbt26hfnz52PGjBk6HzNp0iSMHTtWfT0tLU228JuUBDx+LF3m+l4iIgNkZADjxknthQcM0Iy7ugJTpshWFhGZF72Db4UKFbB69Wr19bJly2Ljxo1a91EoFHoHX29vb9ja2uLOnTta43fu3EHZQk5I8Pf3h729PWxtbdVjNWrUQGJiIrKzs+Hg4FDgMY6OjnB0dNSrpuLGHR2IiIrg5EnpBLaYGGDzZqn7WqVKcldFRGZI7+B7I3/nBSNwcHBAWFgY9u/fj65duwKQZnT379+PkSNH6nxM8+bNsWXLFiiVStj8t4br8uXL8Pf31xl6TQ2DLxGRAfLygP/9D5g6FcjNlcaUSuD8eQZfIioSWc8AGDt2LFavXo3169fj4sWLGD58ODIyMjBw4EAAQP/+/TFp0iT1/YcPH4779+/jnXfeweXLl/HTTz9hzpw5GDFihFwvwSDcyoyISE/x8UD79sDEiZrQGxYGnD4NdOkib21EZLYMbllsTJGRkUhKSsL06dORmJiIunXrYs+ePeoT3uLi4tQzuwAQGBiIvXv3YsyYMahduzYCAgLwzjvvYMKECXK9BIOwXTERkR62bQOGDgUePJCuKxRSAJ45EzCDT/eIyHTpvY+vpZBzH99XXwV++EG6fPMmEBBQok9PRGTaHj4ERo0C1q/XjAUGAhs3Aq1by1cXEZU42ffxpeenWupgbw88x05wRESWKSsL+OUXzfXISODsWYZeIjIaBt8SpAq+FSpwf3UiogK8vaXZXnd3YMMG4KuvAC8vuasiIgtSpPh17do1TJ06Fb169cLdu3cBAD///DP++ecfoxZnSR48AFJTpctc30tEBCA2FnhiS0u8+KI0S9CvH7v8EJHRGRx8Dx06hNDQUBw7dgw7d+5Eeno6AODs2bOFNpEgbmVGRKQmhDSzW6cO8Oab0vX8PD1lKYuILJ/BwXfixIn46KOP8Ouvv2rtnduuXTv8+eefRi3OknArMyIiACkpQM+eUve19HRg925g7Vq5qyIiK2Fw8D137hxee+21AuO+vr5ITk42SlGWiFuZEZHVO3gQqF1b2q5MZcAAoHt3uSoiIitjcPD19PREQkJCgfHTp08jgPtzFYpLHYjIamVnS/vwtmsn7eUISCetbdsmzfa6uclbHxFZDYODb8+ePTFhwgQkJiZCoVBAqVTiyJEjGD9+PPr3718cNVoEBl8iskqXLgFNmwKffKJZy9u2LfD335zpJaISZ3DwnTNnDqpXr47AwECkp6ejZs2aaNWqFZo1a4apU6cWR40WQRV8bWyA8uXlrYWIqETExgL16wOnTknX7e2BefOAffv4DyERyaLIndvi4uJw/vx5pKeno169eqhSpYqxaysWcnVu8/EBkpOlJkRxcSX2tERE8urbF9i8GahWDdiyRQrCRETPUFx5zc7QBxw+fBgtWrRAhQoVUKFCBaMVYskyMqTQC3CZAxFZmWXLpH/4pkwBXFzkroaIrJzBSx3atWuH4OBgTJ48GRcuXCiOmixO/hleBl8iskiZmcCYMcA332iPe3gAs2cz9BKRSTA4+N6+fRvjxo3DoUOHUKtWLdStWxfz58/HTdWZulRA/q3MuIcvEVmcc+eARo2AxYuBt94C4uPlroiISCeDg6+3tzdGjhyJI0eO4Nq1a+jevTvWr1+PoKAgtGvXrjhqNHvc0YGILJJSCSxZAjRsKIVfAHj8GDhxQt66iIgKYfAa3/yCg4MxceJE1KlTB9OmTcOhQ4eMVZdFYfAlIouTkAAMHAjs3asZCw2VTmCrVUu+uoiInsLgGV+VI0eO4O2334a/vz969+6NWrVq4aeffjJmbRaD7YqJyKJ8/73UgS1/6B0zBjh+nKGXiEyawTO+kyZNwtdff43bt2/jxRdfxJIlS9ClSxe48MSFQuVf48uNMIjIbGVkAOPGAStXasb8/YF164AOHWQri4hIXwYH399//x3vvfceevToAW9v7+KoyeKoZnz9/AAnJ3lrISIqsrQ0YMcOzfWuXYHVqwH+v4CIzITBwffIkSPFUYfFysqSlsIBXN9LRGbO3x/44gugd2/ppLZBgwCFQu6qiIj0plfw3bVrF1566SXY29tj165dT73vq6++apTCLEV8vKY9Pdf3EpFZiY8HXF2B0qU1Y126ANevA76+8tVFRFREegXfrl27IjExEb6+vujatWuh91MoFMjLyzNWbRaBOzoQkVnatg0YOhQID5cu55/ZZeglIjOl164OSqUSvv/9Q6dUKgv9YugtiMGXiMxKWhowYAAQGQk8eABs3y5tUUZEZAEM3s5sw4YNyMrKKjCenZ2NDRs2GKUoS8KtzIjIbERHA3XrAuvXa8YiI4FOnWQriYjImAwOvgMHDkRqamqB8YcPH2LgwIFGKcqS5N/KjDO+RGSScnOBWbOAli2l9bsA4OYGbNgAfPUV4OUlb31EREZi8K4OQggodJzFe/PmTXh4eBilKEvCpQ5EZNJiY4G+faXZXpVmzYBNm4DgYPnqIiIqBnoH33r16kGhUEChUKB9+/aws9M8NC8vD9evX0fHjh2LpUhzpgq+Xl7SBAoRkcm4ehWoXx94+FC6bmsLTJ8OTJ4M2D1XR3siIpOk979sqt0czpw5g4iICJQqVUp9m4ODA4KCgtCtWzejF2jOcnOBmzely1zfS0Qmp1IloH174LvvgJAQYPNmoEkTuasiIio2egffGTNmAACCgoIQGRkJJ7Yge6bbt6XwC3CZAxGZIIVC6rxWsSLw4Yf8WIqILJ7BJ7dFRUUx9OqJ63uJyGRkZwMTJwI//aQ97u0NLF7M0EtEVkGvGd/SpUvj8uXL8Pb2hpeXl86T21Tu379vtOLMHYMvEZmEmBipzfCpU8DatcDffwN+fnJXRURU4vQKvosWLYLbf7MBixYtemrwJY38W5lxjS8RlTghgFWrgDFjgMePpbGUFODIEeD11+WtjYhIBnoF36ioKPXlAQMGFFctFoczvkQkm6QkYPBgYNcuzVi1alIXtvr15auLiEhGBq/xPXXqFM6dO6e+/v3336Nr166YPHkysrOzjVqcuWPwJSJZ7N0L1K6tHXqHD5eWOjD0EpEVMzj4Dh06FJcvXwYAxMbGIjIyEi4uLvjmm2/w/vvvG71Ac6YKvqVKAaVLy1sLEVmBzExpWUPHjkBiojTm7S0F4M8/B1xc5K2PiEhmBgffy5cvo27dugCAb775Bq1bt8aWLVuwbt067Nixw9j1mS2lUhN8K1aUdg0iIipWd+9KJ6+pdOwInDsHdO4sX01ERCbE4OArhIBSqQQA7Nu3D506dQIABAYGIjk52bjVmbG7d4GsLOkylzkQUYmoUAFYvhxwdASWLgV27wbKlpW7KiIik2FwT8oGDRrgo48+Qnh4OA4dOoTly5cDAK5fvw4/bo+jxvW9RFTsEhIAV1fA3V0z1qsX0KIFEBgoX11ERCbK4BnfxYsX49SpUxg5ciSmTJmCypUrAwC2b9+OZs2aGb1Ac8WtzIioWH3/vXQC2+jRBW9j6CUi0sngGd/atWtr7eqgMn/+fNja2hqlKEvAGV8iKhYZGcC4ccDKldL19eulNbzduslbFxGRGTA4+KqcPHkSFy9eBADUrFkT9blFjhYGXyIyupMnpQ5s/+2sAwDo2hVo3Vq2koiIzInBwffu3buIjIzEoUOH4OnpCQB48OAB2rZti6+//ho+Pj7GrtEs5Q++XOpARM8lLw/43/+AqVOB3FxpzMUFWLIEGDSI28YQEenJ4DW+o0aNQnp6Ov755x/cv38f9+/fx/nz55GWlobRutaaWSnVGl9HR8DXV9ZSiMicxccD7dsDEydqQm9YGHD6tNSZjaGXiEhvBs/47tmzB/v27UONGjXUYzVr1sSyZcvQoUMHoxZnroTQzPhWqADYGPznBRERpCUNjRsDDx5I1xUKKQDPnAk4OMhZGRGRWTI4kimVStjb2xcYt7e3V+/va+1SUoD0dOky1/cSUZFVriwFX0DaqeHAAWDOHIZeIqIiMjj4tmvXDu+88w5u376tHrt16xbGjBmD9u3bG7U4c8WtzIjIKGxspE5sb70FnD3Lk9iIiJ6TwcH3s88+Q1paGoKCglCpUiVUqlQJwcHBSEtLw6efflocNZod7uhARAbLzQVmzQJ++0173N9f2rrMy0ueuoiILIjBa3wDAwNx6tQp7N+/X72dWY0aNRAeHm704swVgy8RGSQ2FujbF4iOBgICgL//BkqXlrsqIiKLY1Dw3bp1K3bt2oXs7Gy0b98eo0aNKq66zBqDLxHpRQhg40Zg5Ejg4UNpLDFRWsvLhhREREand/Bdvnw5RowYgSpVqsDZ2Rk7d+7EtWvXMH/+/OKszyxxjS8RPVNKCjBsGLBtm2YsJATYvBlo0kS+uoiILJjea3w/++wzzJgxAzExMThz5gzWr1+Pzz//vDhrM1uqGV9bW6BcOXlrISITdPAgULu2dugdMAA4c4ahl4ioGOkdfGNjYxEVFaW+3rt3b+Tm5iIhIaFYCjNnquBbvjxgV+Sm0ERkcbKzgUmTgHbtgJs3pTFPTykAr10LuLnJWh4RkaXTO5ZlZWXB1dVVfd3GxgYODg54/PhxsRRmrh4+BO7fly5zmQMRabl5E/j0U2ltLwC0aQNs2CDt0UtERMXOoPnIadOmwcXFRX09Ozsbs2fPhoeHh3ps4cKFxqvODPHENiIqVEgIsGQJMHw4MHs2MG4cWzsSEZUgvYNvq1atEBMTozXWrFkzxMbGqq8r2DOewZeINJKTARcX6UvlzTelRhSVK8tXFxGRldI7+B48eLAYy7AcDL5EBADYu1c6Ye3114FlyzTjCgVDLxGRTPgZm5FxKzMiK5eZCYwZA3TsKO3J+/nnwE8/yV0VERGhCJ3b6Ok440tkxc6dA/r0kf6r0rEjEBYmX01ERKTGGV8jyx98eaI2kZVQKqWT1ho21IReR0dg6VJg926gbFl56yMiIgCc8TU6VfAtV076/x4RWbiEBGDgQGlNr0poKLBlC1Crlnx1ERFRAQy+RpSZKS3pA7jMgcgqxMQALVpIuzeojBkDzJkDODnJVxcREelUpKUOf/zxB/r27YumTZvi1q1bAICNGzfi8OHDRi3O3MTFaS4z+BJZgcqVgZo1pcv+/tKs78KFDL1ERCbK4OC7Y8cOREREwNnZGadPn0ZWVhYAIDU1FXPmzDF6geaEJ7YRWRlbW2DjRqBfP+Dvv4EOHeSuiIiInsLg4PvRRx9hxYoVWL16Nezt7dXjzZs3x6lTp4xanLnhVmZEFiwvD/jkE+DoUe3xChWktsPe3vLURUREejN4jW9MTAxatWpVYNzDwwMPHjwwRk1mizO+RBYqPl6a1T10CAgOBs6cAdzd5a6KiIgMZPCMb9myZXH16tUC44cPH0ZISIhRijJXDL5EFmjbNqB2bSn0AtJHO7/8ImtJRERUNAYH3yFDhuCdd97BsWPHoFAocPv2bWzevBnjx4/H8OHDi6NGs8HgS2RB0tKklsORkYDq06zAQODAAeCNN+SsjIiIisjgpQ4TJ06EUqlE+/bt8ejRI7Rq1QqOjo4YP348Ro0aVRw1mg3VGl9vb8DVVdZSiOh5REcDffsCsbGaschIYPlywMtLvrqIiOi5KIQQoigPzM7OxtWrV5Geno6aNWuiVKlSxq6tWKSlpcHDwwOpqalwN+IavZwcaQcjpVLqTnrihNEOTUQlJTcXmD0b+PBD6WQ2AHBzA5Ytk4KwQiFvfUREVqK48lqRG1g4ODigpmr/SsKtW1LoBbjMgchsXbsGzJ2rCb3NmgGbNkkntBERkdkzOPi2bdsWiqfMevz222/PVZC54lZmRBagWjVg3jxg7Fhg+nRg8mTAjg0uiYgshcH/otetW1frek5ODs6cOYPz588jKirKWHWZHZ7YRmSGUlIAFxfA0VEzNmoU0K4dUKuWfHUREVGxMDj4Llq0SOf4zJkzkZ6e/twFmSsGXyIzc/CgtDdvz57A/PmacYWCoZeIyEIZvJ1ZYfr27Ys1a9YY63Bmh8GXyExkZwOTJkmzujdvAv/7H7B/v9xVERFRCTDa4rXo6Gg4OTkZ63Bmh2t8icxATAzQuzeQv71627bS2l4iIrJ4Bgff119/Xeu6EAIJCQk4ceIEpk2bZrTCzI1qxtfdHfD0lLUUInqSEMCqVcCYMcDjx9KYvb20ddm4cYCN0T78IiIiE2Zw8PXw8NC6bmNjg2rVquGDDz5Ahw4djFaYOVEqgbg46TKXORCZmKQkYPBgYNcuzVi1asCWLUD9+vLVRUREJc6g4JuXl4eBAwciNDQUXuxepJaQIDWwALjMgcikxMQAbdoAiYmaseHDpXW9Li6ylUVERPIw6PM9W1tbdOjQAQ9UfeuNZNmyZQgKCoKTkxMaN26M48eP6/W4r7/+GgqFAl27djVqPYbiiW1EJiokBAgMlC57e0uzvp9/ztBLRGSlDF7YVqtWLcTm71//nLZu3YqxY8dixowZOHXqFOrUqYOIiAjcvXv3qY+7ceMGxo8fj5YtWxqtlqJi8CUyUfb2wObNwOuvA+fOAZ07y10RERHJyODg+9FHH2H8+PH48ccfkZCQgLS0NK0vQy1cuBBDhgzBwIEDUbNmTaxYsQIuLi5P3RotLy8Pffr0waxZsxASEmLwcxobgy+RCVAqgaVLgdOntcerVAF27ADKlpWnLiIiMhl6B98PPvgAGRkZ6NSpE86ePYtXX30V5cuXh5eXF7y8vODp6Wnwut/s7GycPHkS4eHhmoJsbBAeHo7o6Oin1uLr64tBgwY98zmysrKeO5w/C7cyI5JZQgLQqRPwzjvSdmWPHsldERERmSC9T26bNWsWhg0bhgMHDhjtyZOTk5GXlwc/Pz+tcT8/P1y6dEnnYw4fPowvv/wSZ86c0es55s6di1mzZj1vqU/FGV8iGX3/vbRrQ3KydP3SJeDnn4Fu3eSti4iITI7ewVcIAQBo3bp1sRXzLA8fPkS/fv2wevVqeHt76/WYSZMmYezYserraWlpCFSd7GIkquDr7Az4+Bj10ERUmIwMaQ/elSs1Y/7+wLp1gJVurUhERE9n0HZmCoXCqE/u7e0NW1tb3LlzR2v8zp07KKtjPd61a9dw48YNdM53gopSqQQA2NnZISYmBpUqVdJ6jKOjIxwdHY1ad35CaIJvhQqAkd8iItLl5ElpScPly5qxrl2B1aul3RuIiIh0MCj4Vq1a9Znh9/79+3ofz8HBAWFhYdi/f796SzKlUon9+/dj5MiRBe5fvXp1nDt3Tmts6tSpePjwIZYsWWL0mVx9JCdrlhNyfS9RMcvLA+bPB6ZNA3JzpTEXF2DxYmm5A//yJCKipzAo+M6aNatA57bnNXbsWERFRaFBgwZo1KgRFi9ejIyMDAwcOBAA0L9/fwQEBGDu3LlwcnJCrVq1tB7v+V9/4CfHSwrX9xKVoEuXtENvWJjUga1qVXnrIiIis2BQ8O3Zsyd8fX2NWkBkZCSSkpIwffp0JCYmom7dutizZ4/6hLe4uDjY2Bi861qJYfAlKkEvvAB8+CEweTIwcSIwcybg4CB3VUREZCYUQnXW2jPY2toiISHB6MG3pKWlpcHDwwOpqalwd3d/7uMtWACMHy9d3rxZWnZIREby8KF01qhdvr/R8/KkvXobNJCvLiIiKlbGzmsqek+l6pmPrQ5nfImKSXQ0ULcu8NFH2uO2tgy9RERUJHoHX6VSafazvcWBwZfIyHJzgVmzgJYtgdhYaWnD0aNyV0VERBbAoDW+VJAq+NrZSVuIEtFziI0F+vaVZntVmjThLxcRERmF6Z41ZiZU7YorVJA+gSWiIhAC2LBBWtqgCr22ttLM76FDQHCwrOUREZFl4Izvc0hNlb4ALnMgKrKUFGD4cGDrVs1YSIh0tmiTJvLVRUREFofB9zlwfS/Rc4qJAV58EYiP14wNGAAsXQq4uclWFhERWSYudXgOqmUOALu2ERVJxYrAf01o4OUFbNsGrF3L0EtERMWCwfc5cMaX6Dk5OUmd1zp1Av7+G+jeXe6KiIjIgjH4PgcGXyIDCAGsWgVcuKA9XqsW8NNPQPny8tRFRERWg8H3OTD4EukpKQno2hUYOlRqb5iVJXdFRERkhRh8n4Nqja+NDSeriAq1dy9Quzawa5d0/exZ4Mcf5a2JiIisEoPvc1DN+JYrBzg4yFsLkcnJzATefRfo2BFITJTGvL2lANytm6ylERGRdeJ2ZkX06JH06S3AZQ5EBZw7Jy1pOH9eMxYRAaxbB5QtK1tZRERk3TjjW0Rc30ukg1IJLFkCNGyoCb2OjtLY7t0MvUREJCvO+BZR/uDLPXyJ/nPuHDB2rBSAASA0VNqurFYteesiIiICZ3yLjDO+RDrUqQNMnixdHjMGOH6coZeIiEwGZ3yLiMGXCNJidycnaWsTlenTgQ4dgJYt5auLiIhIB874FhHbFZPVO3kSqFcPWLBAe9zenqGXiIhMEoNvEeWf8a1QQb46iEpcXh7wySdAkybA5cvAlCnAqVNyV0VERPRMXOpQRKrg6+sLODvLWwtRiYmPB/r1Aw4d0ozVrg2UKiVfTURERHrijG8RZGcDt29Ll7m+l6zGtm1SyFWFXoUCmDQJOHoUqFpV3tqIiIj0wBnfIoiPB4SQLnN9L1m8tDRg9Ghg/XrNWGAgsHEj0Lq1fHUREREZiMG3CLijA1mNmBigUycgNlYzFhkJrFgBeHrKVhYREVFRcKlDETD4ktUoXx6w++/vYzc3YMMG4KuvGHqJiMgsMfgWAbcyI6vh6ip1XmvTBjh7VjqxTaGQuyoiIqIiYfAtAs74kkUSQprRvXZNezwsDPjtNyA4WJ66iIiIjITBtwgYfMnipKQAPXsCUVFAnz5ATo727ZzlJSIiC8DgWwSq4OvpCbi7y1oK0fM7eFDapmzbNun6sWPAjz/KWhIREVFxYPA1UF6etJ0ZwPW9ZOays4GJE4F27YCbN6UxLy/gm2+A116TtzYiIqJiwO3MDHT7NpCbK13mMgcyWzExQO/e2q2G27aV1viWLy9fXURERMWIM74G4vpeMmtCACtXAvXqaUKvvT0wbx6wbx9DLxERWTTO+Boo/1ZmDL5kdk6fBoYN01yvVk3arqx+fflqIiIiKiGc8TVQ/hlfrvEls1O/PjB2rHR5+HBp1pehl4iIrARnfA3EpQ5kVrKyAAcH7e3I5swBOnYEXnxRvrqIiIhkwBlfAzH4ktk4dw5o0ABYvlx73NGRoZeIiKwSg6+BVGt8XV2BMmVkLYVIN6USWLIEaNgQOH8eGDcOuHBB7qqIiIhkx6UOBhACiIuTLlesyGZWZIISEoCBA4G9ezVjVarIVw8REZEJ4YyvAe7eBTIzpctc5kAm5/vvpQ5s+UPvmDHA8eNAzZry1UVERGQiOONrAG5lRiYpI0NazrBypWbM3x9Ytw7o0EG2soiIiEwNg68BuJUZmZzLl4HOnaX/qnTtCqxeDXh7y1YWERGRKeJSBwNwRwcyOX5+QHa2dNnFRQq8O3cy9BIREenA4GsABl8yOR4ewKZNQOPGUle2wYN51iUREVEhGHwNkH+NL5c6kCy++QaIj9cea94ciI4GqlaVpyYiIiIzweBrANWMr4OD9AkzUYlJSwMGDAB69AD69wfy8rRv5ywvERHRMzH46kkITfCtUAGw4TtHJSU6GqhXD1i/Xrp+8CDw44+ylkRERGSOGN/0lJICPHwoXeb6XioRubnArFlAy5ZAbKw05uYGbNgAvPqqvLURERGZIW5npiduZUYlKjYW6NtXmu1VadZMOpEtOFi+uoiIiMwYZ3z1xB0dqEQIIc3o1q2rCb22ttLM76FDDL1ERETPgTO+emLwpRJx4gQQFaW5HhICbN4MNGkiX01EREQWgjO+emK7YioRDRsCQ4dKlwcMAM6cYeglIiIyEs746olrfKlY5OQAdnba25EtWAB06sQT2IiIiIyMM756UgVfW1sgIEDeWshCxMRIs7mqbcpUXF0ZeomIiIoBg6+eVME3IECaoCMqMiGAlSulvXlPnQJGjQKuXpW7KiIiIovHCKeH9HTg3j3pMpc50HNJSgIGDwZ27dKMBQQAjx/LVxMREZGV4IyvHrijAxnF3r1A7draoXfYMGnWNzRUvrqIiIisBIOvHhh86blkZgJjxgAdOwKJidKYt7cUgJcvB1xc5K2PiIjISnCpgx64lRkV2dWrwOuvA+fOacY6dgTWrgXKlpWvLiIiIivEGV89cCszKjIvL80CcUdHYOlSYPduhl4iIiIZMPjqgUsdqMjKlAHWrQPq1JG6so0apb1nLxEREZUYBl895A++gYHy1UFm4IcfNOt4VV58ETh5EqhVS56aiIiICACDr15Ua3z9/QEnJ1lLIVOVkSHt0PDqq8Cbb0p79eZnaytPXURERKTG4PsMmZmaCTwucyCdTp4E6teXmlIAwM8/Az/+KG9NREREVACD7zPEx2suM/iSlrw84JNPpLbDly9LYy4uwOrVwCuvyFsbERERFcDtzJ6BW5mRTvHxQL9+wKFDmrGwMGDLFqBqVfnqIiIiokJxxvcZuJUZFbB1q9SBTRV6FQpg0iTg6FGGXiIiIhPGGd9n4FZmpOXPP4GePTXXAwOBjRuB1q3lq4mIiIj0whnfZ2DwJS1NmkhLHAAgMhI4e5ahl4iIyExwxvcZuMbXyimVgM0Tfx9+9hnw8stAjx5sRkFERGRGOOP7DKoZ3zJlgFKl5K2FSlhsLNCiBbBtm/a4u7s028vQS0REZFYYfJ8iNxe4dUu6zNleKyIEsGEDULcuEB0NDB2qva8dERERmSUG36e4eVPaqhVg8LUaKSnSyWtRUcDDh9JY6dLAvXvy1kVERETPjcH3KbiVmZU5eFDapiz/0oYBA4AzZ6TZXyIiIjJrDL5PwR0drER2NjBxItCunTTNDwCenlIAXrsWcHOTtTwiIiIyDu7q8BQMvlYgNhbo3h04dUoz1qaNtMY3MFC2soiIiMj4OOP7FNzKzAo4OwNxcdJle3tg3jxg/36GXiIiIgvE4PsUXONrBfz9gS+/BKpXl7qyvfdewX17iYiIyCLw//BPoQq+bm7Skk+yAPv2Fdyh4dVXgb//BurXl6cmIiIiKhEmEXyXLVuGoKAgODk5oXHjxjh+/Hih9129ejVatmwJLy8veHl5ITw8/Kn3LyqlUvMJeMWK7FVg9jIzgTFjgBdflPblFUL7dnt7eeoiIiKiEiN78N26dSvGjh2LGTNm4NSpU6hTpw4iIiJw9+5dnfc/ePAgevXqhQMHDiA6OhqBgYHo0KEDbqk6TRhJYqJ0sj/AZQ5m79w5oFEjYPFi6fqOHcCePbKWRERERCVP9uC7cOFCDBkyBAMHDkTNmjWxYsUKuLi4YM2aNTrvv3nzZrz99tuoW7cuqlevji+++AJKpRL79+83al3c0cECKJXAkiVAw4ZS+AUAR0dg6VKgY0d5ayMiIqISJ+t2ZtnZ2Th58iQmTZqkHrOxsUF4eDiio6P1OsajR4+Qk5OD0qVL67w9KysLWVlZ6utpaWl6HZfB18wlJAADBwJ792rGQkOBLVuAWrXkq4uIiIhkI+uMb3JyMvLy8uDn56c17ufnh8TERL2OMWHCBJQrVw7h4eE6b587dy48PDzUX4F6blPFrczM2K5dUge2/KF3zBjg+HGGXiIiIism+1KH5/Hxxx/j66+/xrfffgsnJyed95k0aRJSU1PVX/Hx8Xodm1uZmakjR4AuXYDkZOl62bJSAF64ECjkZ4SIiIisg6zB19vbG7a2trhz547W+J07d1C2bNmnPvZ///sfPv74Y/zyyy+oXbt2ofdzdHSEu7u71pc+uNTBTDVrBrz2mnS5SxdpbW+HDvLWRERERCZB1uDr4OCAsLAwrRPTVCeqNW3atNDHzZs3Dx9++CH27NmDBg0aFEttquDr5AT4+hbLU5AxPLktmUIBrF4NrF0LfPst4O0tT11ERERkcmRf6jB27FisXr0a69evx8WLFzF8+HBkZGRg4MCBAID+/ftrnfz2ySefYNq0aVizZg2CgoKQmJiIxMREpKenG60mITRrfCtU4B6+Jis+HmjXDvjxR+3xMmWAAQP4jSMiIiItsu7qAACRkZFISkrC9OnTkZiYiLp162LPnj3qE97i4uJgk6+F7PLly5GdnY033nhD6zgzZszAzJkzjVLTvXvAo0fSZa7vNVHbtkmNKB48AP75R+q89ozlMURERGTdZA++ADBy5EiMHDlS520HDx7Uun4j/3YLxYTre01YWhowejSwfr1mzMkJuH2bwZeIiIieSvalDqaIW5mZqOhooG5d7dAbGQmcPQvUry9bWURERGQeGHx14FZmJiY3F5g5E2jZErh+XRpzcwM2bAC++grw8pK1PCIiIjIPJrHUwdRwqYMJuXED6N1bmu1VadYM2LQJCA6WrSwiIiIyP5zx1YHB14TY2AAXLkiXbW2BWbOAQ4cYeomIiMhgDL46qNb42tkB5crJWgpVqACsWAGEhACHDwPTp0vfGCIiIiIDMfjqoJrxDQyUJhmpBP3xh7RzQ349e0pbljVpIk9NREREZBEYfJ+QmiptDQtwmUOJys4GJk4EWrcGRo0qeLuTU8nXRERERBaFwfcJXN8rg5gYoGlT4JNPpLZ5GzYAv/wid1VERERkYRh8n8CtzEqQEMDKlUC9esCpU9KYvT0wbx4QHi5vbURERGRxeJbQEzjjW0KSkoDBg4FduzRj1aoBW7awGQUREREVC874PoHBtwTs3QvUrq0deocPl2Z9GXqJiIiomHDG9wlsV1zM/vgD6NhRc93bG1izBujcWb6aiIiIyCpwxvcJqhlfhULazoyMrEULTfDt2BE4d46hl4iIiEoEZ3yfoAq+5coBDg7y1mKRFApg7Vrg22+BYcOk60REREQlgDO++Tx6BNy9K13mMgcjSEwEXn4Z2L9fe7xsWWlNL0MvERERlSDO+OYTF6e5zOD7nHbtAgYNApKTgbNnpa8yZeSuioiIiKwYZ3zz4R6+RpCRIS1h6NJFCr0AoFRqnzVIREREJAMG33y4ldlzOnkSCAuTmlKodO0K/P23NE5EREQkIwbffLiVWRHl5Unthps0kdoPA4CLC7B6NbBzp7RlGREREZHMuMY3Hy51KIKbN4F+/YCDBzVjYWFSB7aqVWUri4iIiOhJnPHNJ3/wrVBBvjrMyuPHwF9/SZcVCmDSJODoUYZeIiIiMjkMvvmogq+Pj/RJPemhShVg6VKp28eBA8CcOdwAmYiIiEwSg+9/srOBW7eky1zf+xTHj0sbHuc3cCBw4QLQurU8NRERERHpgcH3PzdvAkJIl7m+V4fcXGDWLKBZM2D8eO3bFAqgVCl56iIiIiLSE4Pvf7iV2VPExgKtWgEzZ0o7OCxfLi1rICIiIjIjDL7/4VZmOggBbNgA1K0LREdLY7a20sxvy5aylkZERERkKG5n9h9uZfaElBRg+HBg61bNWEgIsHmztF8vERERkZlh8P0Plzrkc+iQtDdvfLxmbMAAafcGNzfZyiIiKil5eXnIycmRuwwii+bg4AAbm5JdfMDg+x8G3/8cOgS0bas508/LS2pB3L27vHUREZUAIQQSExPx4MEDuUshsng2NjYIDg6GQwlug8rg+x/VGl8PD+nLarVoIZ3IpgrAGzYA5cvLXRURUYlQhV5fX1+4uLhAoVDIXRKRRVIqlbh9+zYSEhJQoUKFEvtdY/CFtFGB6lN9q1/fa2sLbNwIfPMN8O67QAl/BEFEJJe8vDx16C1Tpozc5RBZPB8fH9y+fRu5ubmwt7cvkedkqgGQkCBtUwtY2TKHpCSgWzfgyBHt8cBAYOxYhl4isiqqNb0ubN1JVCJUSxzy8vJK7Dk54wsr3cps717phLXERODUKeDsWcDdXe6qiIhkx+UNRCVDjt81TunByk5sy8yUljB07CiFXgBITwcuX5a1LCIiIqLixuALK9rD99w5oGFDYMkSzVjHjtJ4gwby1UVERCSTmJgYlC1bFg8fPpS7FIvTpEkT7NixQ+4ytDD4wgpmfJVKKew2bAicPy+NOTpK+/Lu3g2ULStvfURE9FwGDBgAhUIBhUIBe3t7BAcH4/3330dmZmaB+/74449o3bo13Nzc4OLigoYNG2LdunU6j7tjxw60adMGHh4eKFWqFGrXro0PPvgA9+/fL+ZXVHImTZqEUaNGwc2C96lftmwZgoKC4OTkhMaNG+P48ePPfMzixYtRrVo1ODs7IzAwEGPGjCnw83Tr1i307dsXZcqUgbOzM0JDQ3HixAn17VOnTsXEiROhVCqN/pqKisEXFr7GNyEB6NRJWt6QlSWNhYYCJ04Ao0YBXMtGRGQROnbsiISEBMTGxmLRokVYuXIlZsyYoXWfTz/9FF26dEHz5s1x7Ngx/P333+jZsyeGDRuG8ePHa913ypQpiIyMRMOGDfHzzz/j/PnzWLBgAc6ePYuNGzeW2OvKzs4utmPHxcXhxx9/xIABA57rOMVZ4/PaunUrxo4dixkzZuDUqVOoU6cOIiIicPfu3UIfs2XLFkycOBEzZszAxYsX8eWXX2Lr1q2YPHmy+j4pKSlo3rw57O3t8fPPP+PChQtYsGABvLy81Pd56aWX8PDhQ/z888/F+hoNIqxMamqqACBSU1PVY9WqCQEI4eIihFIpY3HF4fx5IRwdpRcICDFmjBCPH8tdFRGRyXn8+LG4cOGCeGyG/0ZGRUWJLl26aI29/vrrol69eurrcXFxwt7eXowdO7bA45cuXSoAiD///FMIIcSxY8cEALF48WKdz5eSklJoLfHx8aJnz57Cy8tLuLi4iLCwMPVxddX5zjvviNatW6uvt27dWowYMUK88847okyZMqJNmzaiV69eokePHlqPy87OFmXKlBHr168XQgiRl5cn5syZI4KCgoSTk5OoXbu2+OabbwqtUwgh5s+fLxo0aKA1lpycLHr27CnKlSsnnJ2dRa1atcSWLVu07qOrRiGEOHfunOjYsaNwdXUVvr6+om/fviIpKUn9uJ9//lk0b95ceHh4iNKlS4uXX35ZXL169ak1Pq9GjRqJESNGqK/n5eWJcuXKiblz5xb6mBEjRoh27dppjY0dO1Y0b95cfX3ChAmiRYsWz3z+gQMHir59++q87Wm/c7rymjFY/YyvEJqlDhUrWuAE6AsvAPPnS8sZ9u4FFi4EnJzkroqIyGw0aCD18SnJr+c97eL8+fM4evSoVkes7du3Iycnp8DMLgAMHToUpUqVwldffQUA2Lx5M0qVKoW3335b5/E9PT11jqenp6N169a4desWdu3ahbNnz+L99983+KPu9evXw8HBAUeOHMGKFSvQp08f/PDDD0hPT1ffZ+/evXj06BFee+01AMDcuXOxYcMGrFixAv/88w/GjBmDvn374tChQ4U+zx9//IEGT7zZmZmZCAsLw08//YTz58/jrbfeQr9+/QosD3iyxgcPHqBdu3aoV68eTpw4gT179uDOnTvo0aOH+jEZGRkYO3YsTpw4gf3798PGxgavvfbaU9+fOXPmoFSpUk/9iouL0/nY7OxsnDx5EuHh4eoxGxsbhIeHIzo6utDnbNasGU6ePKl+zbGxsdi9ezc6deqkvs+uXbvQoEEDdO/eHb6+vqhXrx5Wr15d4FiNGjXCH3/8UehzlTSr387s7l1powPAQpY5nD0LVK8ureFVGTkS6NtXaj9MREQGSUwEbt2Su4pn+/HHH1GqVCnk5uYiKysLNjY2+Oyzz9S3X758GR4eHvD39y/wWAcHB4SEhODyfzv8XLlyBSEhIQY3FdiyZQuSkpLw119/oXTp0gCAypUrG/xaqlSpgnnz5qmvV6pUCa6urvj222/Rr18/9XO9+uqrcHNzQ1ZWFubMmYN9+/ahadOmAICQkBAcPnwYK1euROvWrXU+z7///lsg+AYEBGj9cTBq1Cjs3bsX27ZtQ6NGjQqt8aOPPkK9evUwZ84c9diaNWsQGBiIy5cvo2rVqujWrZvWc61ZswY+Pj64cOECatWqpbPGYcOGaYVnXcqVK6dzPDk5GXl5efDz89Ma9/Pzw6VLlwo9Xu/evZGcnIwWLVpACIHc3FwMGzZMa6lDbGwsli9fjrFjx2Ly5Mn466+/MHr0aDg4OCAqKkqrtvj4eCiVStiYQH8Aqw++FnNiW14e8L//AVOnAu+8I11WUSgYeomIikiO83+L8pxt27bF8uXLkZGRgUWLFsHOzq5A0NKXEKJIjztz5gzq1aunDr1FFRYWpnXdzs4OPXr0wObNm9GvXz9kZGTg+++/x9dffw0AuHr1Kh49eoQXX3xR63HZ2dmoV69eoc/z+PFjOD3xKWheXh7mzJmDbdu24datW8jOzkZWVlaBxiZP1nj27FkcOHAApUqVKvA8165dQ9WqVXHlyhVMnz4dx44dQ3JysnqmNy4urtDgW7p06ed+Pw118OBBzJkzB59//jkaN26Mq1ev4p133sGHH36IadOmAZBaDjdo0EAd9OvVq4fz589jxYoVWsHX2dkZSqUSWVlZcHZ2LtHXoQuDryVsZRYfD/TrB6g+zlmwAOjaFWjRQtayiIgsQb6T1E2aq6urenZ1zZo1qFOnDr788ksMGjQIAFC1alWkpqbi9u3bBWYIs7Ozce3aNbRt21Z938OHDyMnJ8egWd9nBRsbG5sCoVrVMe/J1/KkPn36oHXr1rh79y5+/fVXODs7o2PHjgCgXgLx008/ISAgQOtxjvk/AX2Ct7c3UlJStMbmz5+PJUuWYPHixQgNDYWrqyvefffdAiewPVljeno6OnfujE8++aTA86hm2Tt37oyKFSti9erVKFeuHJRKJWrVqvXUk+PmzJmjNYusy4ULF1ChQgWdr8/W1hZ37tzRGr9z5w7KPuWvq2nTpqFfv34YPHgwACA0NBQZGRl46623MGXKFNjY2MDf3x81a9bUelyNGjUKbF92//59uLq6mkToBbirg/nP+G7bBtSurQm9CgUwaRKQ7+MYIiKyLjY2Npg8eTKmTp2Kx48fAwC6desGe3t7LFiwoMD9V6xYgYyMDPTq1QuA9FF3eno6Pv/8c53Hf/Dggc7x2rVr48yZM4Vud+bj44OEhAStsTNnzuj1mpo1a4bAwEBs3boVmzdvRvfu3dWhvGbNmnB0dERcXBwqV66s9RUYGFjoMevVq4cLFy5ojR05cgRdunRB3759UadOHa0lIE9Tv359/PPPPwgKCipQg6urK+7du4eYmBhMnToV7du3R40aNQqEbl2GDRuGM2fOPPWrsKUODg4OCAsLw/79+9VjSqUS+/fvVy8J0eXRo0cFliXY2toC0Hwa0Lx5c8TExGjd5/Lly6j4RJg6f/78U2fdS5xRT5UzA0+eJThihGbDgyNHZC7OEKmpQkRFaYoHhAgMFOLgQbkrIyIyS5a2q0NOTo4ICAgQ8+fPV48tWrRI2NjYiMmTJ4uLFy+Kq1evigULFghHR0cxbtw4rce///77wtbWVrz33nvi6NGj4saNG2Lfvn3ijTfeKHS3h6ysLFG1alXRsmVLcfjwYXHt2jWxfft2cfToUSGEEHv27BEKhUKsX79eXL58WUyfPl24u7sX2NXhnXfe0Xn8KVOmiJo1awo7Ozvxxx9/FLitTJkyYt26deLq1avi5MmTYunSpWLdunWFvm+7du0Svr6+Ijc3Vz02ZswYERgYKI4cOSIuXLggBg8eLNzd3bXeX1013rp1S/j4+Ig33nhDHD9+XFy9elXs2bNHDBgwQOTm5oq8vDxRpkwZ0bdvX3HlyhWxf/9+0bBhQwFAfPvtt4XW+Ly+/vpr4ejoKNatWycuXLgg3nrrLeHp6SkSExPV9+nXr5+YOHGi+vqMGTOEm5ub+Oqrr0RsbKz45ZdfRKVKlbR21jh+/Liws7MTs2fPFleuXBGbN28WLi4uYtOmTVrP37p1a/HBBx/orE2OXR2sPvi+8oomN966JXNx+jp6VIiQEO3QGxkpxP37cldGRGS2LC34CiHE3LlzhY+Pj0hPT1ePff/996Jly5bC1dVVODk5ibCwMLFmzRqdx926dato1aqVcHNzE66urqJ27drigw8+eOp2Zjdu3BDdunUT7u7uwsXFRTRo0EAcO3ZMffv06dOFn5+f8PDwEGPGjBEjR47UO/heuHBBABAVK1YUyif2H1UqlWLx4sWiWrVqwt7eXvj4+IiIiAhx6NChQmvNyckR5cqVE3v27FGP3bt3T3Tp0kWUKlVK+Pr6iqlTp4r+/fs/M/gKIcTly5fFa6+9Jjw9PYWzs7OoXr26ePfdd9W1/vrrr6JGjRrC0dFR1K5dWxw8eLDYg68QQnz66aeiQoUKwsHBQTRq1Ei9vVz+1xMVFaW+npOTI2bOnCkqVaoknJycRGBgoHj77bcLfN9/+OEHUatWLeHo6CiqV68uVq1apXX7zZs3hb29vYiPj9dZlxzBVyFEEVewm6m0tDR4eHggNTUV7u7uqF1b6tjr4AA8fgyYwAmHT3fwIBAeLp3MBgBubsCyZdKuDRa3FxsRUcnJzMzE9evXERwcXOCEJ7Jcy5Ytw65du7B37165S7E4EyZMQEpKClatWqXz9qf9zj2Z14zFqk9uy7+Hb2CgGYReAGjeHAgLA44fB5o1AzZtAoKD5a6KiIjILA0dOhQPHjzAw4cPLbptsRx8fX0xduxYucvQYtXB98EDIC1Numw2J7bZ2wObNwNbtwITJgB2Vv0tJCIiei52dnaYMmWK3GVYpHHjxsldQgHmMMdZbEx+K7OUFKBPH+DkSe3xypWBKVMYeomIiIgMYNXJyaS3Mjt4UNqb9+ZNKfieOgU8sXk2EREREenPqmd8b9zQXDaZ4JudDUycCLRrJ4VeQOqr/M8/8tZFREREZOY44/sfkwi+MTFA797S7K5K27bAhg1A+fLy1UVERERkAax6xtdk1vgKAaxcCdSrpwm99vbAvHnAvn0MvURERERGwBlfSNuYPdHau+QkJQGDBwO7dmnGqlUDtmwB6teXqSgiIiIiy2PVM76qNb4BAdIEqyzi44HduzXXhw+XZn0ZeomIiIiMymqDb0YGcO+edFnWZQ716wMffQR4e0uzvp9/zt0biIjIrCgUCnz33Xdyl2GyZs6cibp168pdBsGKg298vOZyiZ7YdukSkJOjPTZ+vLRrQ+fOJVgIERFZigEDBkChUEChUMDe3h7BwcF4//33kZmZKXdpxS4xMRHvvPMOKleuDCcnJ/j5+aF58+ZYvnw5Hj16JHd5AIDx48dj//79cpdBsOI1vnFxmsslEnyVSuDTT6VuaxMmALNmaW6ztQV8fUugCCIislQdO3bE2rVrkZOTg5MnTyIqKgoKhQKffPKJ3KUVm9jYWDRv3hyenp6YM2cOQkND4ejoiHPnzmHVqlUICAjAq6++KneZKFWqFEqVKiV3GQQrnvEt0eCbkAB06gS8+y6QlSUtbTh+vJiflIiIrImjoyPKli2LwMBAdO3aFeHh4fj111/Vt9+7dw+9evVCQEAAXFxcEBoaiq+++krrGG3atMHo0aPx/vvvo3Tp0ihbtixmzpypdZ8rV66gVatWcHJyQs2aNbWeQ+XcuXNo164dnJ2dUaZMGbz11ltIT09X3z5gwAB07doVc+bMgZ+fHzw9PfHBBx8gNzcX7733HkqXLo3y5ctj7dq1T33Nb7/9Nuzs7HDixAn06NEDNWrUQEhICLp06YKffvoJnf/7JPXGjRtQKBQ4c+aM+rEPHjyAQqHAwYMH1WPnz5/HSy+9hFKlSsHPzw/9+vVDcnKy+vbt27cjNDRU/brCw8ORkZEBADh48CAaNWoEV1dXeHp6onnz5vj3v7Pon1zqoHr9//vf/+Dv748yZcpgxIgRyMn3iXBCQgJefvllODs7Izg4GFu2bEFQUBAWL1781PeEns5qg2/+pQ7Fusb3+++B2rWBvXs1Y6NHS2NERGQeFi6UtpZ81peu2cVXX9XvsQsXGq3c8+fP4+jRo3BwcFCPZWZmIiwsDD/99BPOnz+Pt956C/369cPxJyZi1q9fD1dXVxw7dgzz5s3DBx98oA63SqUSr7/+OhwcHHDs2DGsWLECEyZM0Hp8RkYGIiIi4OXlhb/++gvffPMN9u3bh5EjR2rd77fffsPt27fx+++/Y+HChZgxYwZeeeUVeHl54dixYxg2bBiGDh2Km6pmTk+4d+8efvnlF4wYMQKurq4676NQKPR+zx48eIB27dqhXr16OHHiBPbs2YM7d+6gR48eAKQg2qtXL7z55pu4ePEiDh48iNdffx1CCOTm5qJr165o3bo1/v77b0RHR+Ott9566vMfOHAA165dw4EDB7B+/XqsW7cO69atU9/ev39/3L59GwcPHsSOHTuwatUq3L17V+/XQ4UQViY1NVUAEN26pQppA10hYmKK4YnS04UYOlSonwQQomxZIfbuLYYnIyKi5/X48WNx4cIF8fjx44I3zpih/e95YV9NmhR8bJMm+j12xowi1x4VFSVsbW2Fq6urcHR0FACEjY2N2L59+1Mf9/LLL4tx48apr7du3Vq0aNFC6z4NGzYUEyZMEEIIsXfvXmFnZydu3bqlvv3nn38WAMS3334rhBBi1apVwsvLS6Snp6vv89NPPwkbGxuRmJiorrdixYoiLy9PfZ9q1aqJli1bqq/n5uYKV1dX8dVXX+ms/c8//xQAxM6dO7XGy5QpI1xdXYWrq6t4//33hRBCXL9+XQAQp0+fVt8vJSVFABAHDhwQQgjx4Ycfig4dOmgdKz4+XgAQMTEx4uTJkwKAuHHjRoFa7t27JwCIgwcP6qx1xowZok6dOurrqtefm5urHuvevbuIjIwUQghx8eJFAUD89ddf6tuvXLkiAIhFixbpfA5z9LTfOVVeS01NNepzWu0a3/zNKypUMPLBT56UOrBdvqwZ69IF+OILafcGIiIyL+7u+m347uOje0yfx7q7G15XPm3btsXy5cuRkZGBRYsWwc7ODt26dVPfnpeXhzlz5mDbtm24desWsrOzkZWVBZcndhKq/cQnkv7+/uqZxosXLyIwMBDlypVT3960aVOt+1+8eBF16tTRmoVt3rw5lEolYmJi4OfnBwB44YUXYGOj+eDZz88PtWrVUl+3tbVFmTJlDJ7lPH78OJRKJfr06YOsrCy9H3f27FkcOHBA51rca9euoUOHDmjfvj1CQ0MRERGBDh064I033oCXlxdKly6NAQMGICIiAi+++CLCw8PRo0cP+Pv7F/p8L7zwAmxtbdXX/f39ce7cOQBATEwM7OzsUD/f1qaVK1eGl5eX3q+HdLPa4Kta6lC2LODkZMQD//YbEBEB5OZK111cgMWLpSYVBnzkQkREJmTsWOmrKPI3KCpGrq6uqFy5MgBgzZo1qFOnDr788ksMGjQIADB//nwsWbIEixcvRmhoKFxdXfHuu+8iOztb6zj2T2xsr1AooFQqjV6vrucx5LkrV64MhUKBmJgYrfGQkBAAgLOzs3pMFbCFEOqxnCd2WEpPT0fnzp11ngzo7+8PW1tb/Prrrzh69Ch++eUXfPrpp5gyZQqOHTuG4OBgrF27FqNHj8aePXuwdetWTJ06Fb/++iuaNGmi9+svjveZtFntGt87d6T/Gv3EtubNgZo1pcthYcDp08CQIQy9RERUYmxsbDB58mRMnToVjx8/BgAcOXIEXbp0Qd++fVGnTh2EhITgcv5PJvVQo0YNxMfHIyEhQT32559/FrjP2bNn1Sd9qZ7bxsYG1apVe45Xpa1MmTJ48cUX8dlnn2k9ly4+/83E5687/4luAFC/fn38888/CAoKQuXKlbW+VLPXCoUCzZs3x6xZs3D69Gk4ODjg22+/VR+jXr16mDRpEo4ePYpatWphy5YtRXpt1apVQ25uLk6fPq0eu3r1KlJSUop0PNKw2uCrYvTg6+gotRueMgU4ehSoWtXIT0BERPRs3bt3h62tLZYtWwYAqFKlinrG8uLFixg6dCjuqGaB9BQeHo6qVasiKioKZ8+exR9//IEpU6Zo3adPnz5wcnJCVFQUzp8/jwMHDmDUqFHo16+fepmDsXz++efIzc1FgwYNsHXrVly8eBExMTHYtGkTLl26pF5K4OzsjCZNmuDjjz/GxYsXcejQIUydOlXrWCNGjMD9+/fRq1cv/PXXX7h27Rr27t2LgQMHIi8vD8eOHcOcOXNw4sQJxMXFYefOnUhKSkKNGjVw/fp1TJo0CdHR0fj333/xyy+/4MqVK6hRo0aRXlf16tURHh6Ot956C8ePH8fp06fx1ltvwdnZ2aAT9qggBt/nCb5padJs7j//aI+/8IK0ZVm+s2mJiIhKkp2dHUaOHIl58+YhIyMDU6dORf369REREYE2bdqgbNmy6Nq1q0HHtLGxwbfffovHjx+jUaNGGDx4MGbPnq11HxcXF+zduxf3799Hw4YN8cYbb6B9+/b47LPPjPjqJJUqVcLp06cRHh6OSZMmoU6dOmjQoAE+/fRTjB8/Hh9++KH6vmvWrEFubi7CwsLw7rvv4qOPPtI6Vrly5XDkyBHk5eWhQ4cOCA0NxbvvvgtPT0/Y2NjA3d0dv//+Ozp16oSqVati6tSpWLBgAV566SW4uLjg0qVL6NatG6pWrYq33noLI0aMwNChQ4v82jZs2AA/Pz+0atUKr732GoYMGQI3Nzc4GXV9pvVRiPwLXqxAWloaPDw8AKQCcMeyZcDbbxfhQNHRQN++QGystDXZ8ePSbC8REZmlzMxMXL9+HcHBwQwXZHJu3ryJwMBA7Nu3D+3bt5e7HKN42u+cKq+lpqbC/TlP/MzPak9uUzF4xjc3F5g9G/jwQyAvTxq7fh34+2+gYUOj10dERETW57fffkN6ejpCQ0ORkJCA999/H0FBQWjVqpXcpZk1Bl9Dgm9srDTLGx2tGWvWDNi0CQgONnptREREZJ1ycnIwefJkxMbGws3NDc2aNcPmzZsL7AZBhmHw1Sf4CgFs3AiMHAk8fCiN2doC06cDkycDdlb/NhIREZERRUREICIiQu4yLI5VJ7bSpQE3t2fcKSUFGD4c2LpVMxYSAmzeDBSyNx8RERERmR6r3tVBr9neixeBb77RXB8wADhzhqGXiMhCWdk530SykeN3jcH3WZo1k/bk9fQEtm0D1q7VY5qYiIjMjWrt5KNHj2SuhMg6qLoG5m/dXNyseqlDUJCOwevXgQoVpDW8KtOmAUOH6tdrnYiIzJKtrS08PT1x9+5dANJ+tGwWQFQ8lEolkpKS4OLiArsSPFfKqoOv1oyvEMCqVcCYMcCMGcCECZrb7O0ZeomIrEDZsmUBQB1+iaj42NjYoEKFCiX6ByaDLwAkJQGDBwO7dknXp04FOnQA6tWTrTYiIip5CoUC/v7+8PX1RU5OjtzlEFk0BwcH2NiU7KpbBt+9e6UT1hITNTcMHgxUqyZXWUREJDNbW9sSXXdIRCXDJE5uW7ZsGYKCguDk5ITGjRvj+PHjT73/N998g+rVq8PJyQmhoaHYvXu3wc/pgEzUXPUu0LGjJvR6e0uzvsuXAy4uRXglRERERGSqZA++W7duxdixYzFjxgycOnUKderUQURERKHrq44ePYpevXph0KBBOH36NLp27YquXbvi/PnzBj3v74o2cFq5RDPQsSNw7hzQufNzvBoiIiIiMlUKIfOGhY0bN0bDhg3x2WefAZDO8gsMDMSoUaMwceLEAvePjIxERkYGfvzxR/VYkyZNULduXaxYseKZz5eWlgYPDw+kAnAHAEdHYP58qSsbz94lIiIikp06r6Wmwt3d3WjHlXWNb3Z2Nk6ePIlJkyapx2xsbBAeHo7o6Gidj4mOjsbYsWO1xiIiIvDdd9/pvH9WVhaysrLU11NTUwEAaQBQsybw5ZfSf1WtiImIiIhIVmlpaQCM3+RC1uCbnJyMvLw8+Pn5aY37+fnh0qVLOh+TmJio8/6J+U9Oy2fu3LmYNWtWgfFAALhwAWjatEi1ExEREVHxunfvHjw8PIx2PIvf1WHSpElaM8QPHjxAxYoVERcXZ9Q3kkxTWloaAgMDER8fb9SPSsg08fttXfj9ti78fluX1NRUVKhQAaVLlzbqcWUNvt7e3rC1tcWdO3e0xu/cuaPeRPxJZcuWNej+jo6OcHR0LDDu4eHBXxwr4u7uzu+3FeH327rw+21d+P22Lsbe51fWXR0cHBwQFhaG/fv3q8eUSiX279+PpoUsQWjatKnW/QHg119/LfT+RERERESACSx1GDt2LKKiotCgQQM0atQIixcvRkZGBgYOHAgA6N+/PwICAjB37lwAwDvvvIPWrVtjwYIFePnll/H111/jxIkTWLVqlZwvg4iIiIhMnOzBNzIyEklJSZg+fToSExNRt25d7NmzR30CW1xcnNY0d7NmzbBlyxZMnToVkydPRpUqVfDdd9+hVq1aej2fo6MjZsyYoXP5A1kefr+tC7/f1oXfb+vC77d1Ka7vt+z7+BIRERERlQTZO7cREREREZUEBl8iIiIisgoMvkRERERkFRh8iYiIiMgqWGTwXbZsGYKCguDk5ITGjRvj+PHjT73/N998g+rVq8PJyQmhoaHYvXt3CVVKxmDI93v16tVo2bIlvLy84OXlhfDw8Gf+fJBpMfT3W+Xrr7+GQqFA165di7dAMipDv98PHjzAiBEj4O/vD0dHR1StWpX/ppsRQ7/fixcvRrVq1eDs7IzAwECMGTMGmZmZJVQtPY/ff/8dnTt3Rrly5aBQKPDdd9898zEHDx5E/fr14ejoiMqVK2PdunWGP7GwMF9//bVwcHAQa9asEf/8848YMmSI8PT0FHfu3NF5/yNHjghbW1sxb948ceHCBTF16lRhb28vzp07V8KVU1EY+v3u3bu3WLZsmTh9+rS4ePGiGDBggPDw8BA3b94s4cqpKAz9fqtcv35dBAQEiJYtW4ouXbqUTLH03Az9fmdlZYkGDRqITp06icOHD4vr16+LgwcPijNnzpRw5VQUhn6/N2/eLBwdHcXmzZvF9evXxd69e4W/v78YM2ZMCVdORbF7924xZcoUsXPnTgFAfPvtt0+9f2xsrHBxcRFjx44VFy5cEJ9++qmwtbUVe/bsMeh5LS74NmrUSIwYMUJ9PS8vT5QrV07MnTtX5/179OghXn75Za2xxo0bi6FDhxZrnWQchn6/n5Sbmyvc3NzE+vXri6tEMqKifL9zc3NFs2bNxBdffCGioqIYfM2Iod/v5cuXi5CQEJGdnV1SJZIRGfr9HjFihGjXrp3W2NixY0Xz5s2LtU4yPn2C7/vvvy9eeOEFrbHIyEgRERFh0HNZ1FKH7OxsnDx5EuHh4eoxGxsbhIeHIzo6WudjoqOjte4PABEREYXen0xHUb7fT3r06BFycnJQunTp4iqTjKSo3+8PPvgAvr6+GDRoUEmUSUZSlO/3rl270LRpU4wYMQJ+fn6oVasW5syZg7y8vJIqm4qoKN/vZs2a4eTJk+rlELGxsdi9ezc6depUIjVTyfp/e/caE8XVxgH8z4LLrrhoqNJlC95QqLFa5aLFS6zWVkxVKiq0EkRFsVLEaLUSb0B9UbSKUaNVawVriaBGqxEFRaWFNW29sNAILqKgNoKN2ogolMue94Nh0pVLXYpg2f8vmQ9z5pwzz5mTDc8eZmZbKl9r819ua0n3799HbW2t9KtvdV5//XVcu3atwTalpaUN1i8tLX1pcVLLaM58P2/ZsmXQaDT1Pkz06mnOfGdlZeHbb7+FTqdrhQipJTVnvm/evIlz584hICAAJ0+eRGFhIUJDQ1FdXY3IyMjWCJuaqTnzPX36dNy/fx8jRoyAEAI1NTX49NNPsXz58tYImVpZY/laWVkZKioqoFQqX6ifdrXiS2SK2NhYJCUl4ejRo1AoFG0dDrWwx48fIzAwEN988w26du3a1uFQKzAYDLC3t8fu3bvh7u4Of39/rFixAjt37mzr0OglyMjIwNq1a7Fjxw5cuXIFR44cQUpKCtasWdPWodErrF2t+Hbt2hWWlpa4d++eUfm9e/egVqsbbKNWq02qT6+O5sx3nY0bNyI2Nhbp6ekYOHDgywyTWoip833jxg0UFxdj4sSJUpnBYAAAWFlZQa/Xw9nZ+eUGTc3WnM+3g4MDOnToAEtLS6msX79+KC0tRVVVFeRy+UuNmZqvOfO9atUqBAYGYs6cOQCAAQMG4MmTJwgJCcGKFSsgk3Ftrz1pLF+ztbV94dVeoJ2t+Mrlcri7u+Ps2bNSmcFgwNmzZ+Hl5dVgGy8vL6P6AHDmzJlG69OroznzDQAbNmzAmjVrkJqaCg8Pj9YIlVqAqfP95ptv4rfffoNOp5O2SZMmYfTo0dDpdHBycmrN8MlEzfl8Dx8+HIWFhdIXHAAoKCiAg4MDk95XXHPm++nTp/WS27ovPc+el6L2pMXyNdOeu3v1JSUlCWtra5GQkCDy8vJESEiI6NKliygtLRVCCBEYGCgiIiKk+lqtVlhZWYmNGzeK/Px8ERkZydeZ/YeYOt+xsbFCLpeLw4cPi5KSEml7/PhxWw2BTGDqfD+Pb3X4bzF1vm/fvi1UKpUICwsTer1enDhxQtjb24v//e9/bTUEMoGp8x0ZGSlUKpU4cOCAuHnzpjh9+rRwdnYWfn5+bTUEMsHjx49Fdna2yM7OFgBEXFycyM7OFrdu3RJCCBERESECAwOl+nWvM1u6dKnIz88X27dv5+vM6mzbtk10795dyOVyMWTIEPHzzz9Lx0aNGiWCgoKM6h88eFC4uLgIuVwu+vfvL1JSUlo5Yvo3TJnvHj16CAD1tsjIyNYPnJrF1M/33zHx/e8xdb4vXLgghg4dKqytrUXv3r1FTEyMqKmpaeWoqblMme/q6moRFRUlnJ2dhUKhEE5OTiI0NFT8+eefrR84mez8+fMN/j2um+OgoCAxatSoem0GDRok5HK56N27t4iPjzf5vBZC8P8BRERERNT+tat7fImIiIiIGsPEl4iIiIjMAhNfIiIiIjILTHyJiIiIyCww8SUiIiIis8DEl4iIiIjMAhNfIiIiIjILTHyJiIiIyCww8SUiApCQkIAuXbq0dRjNZmFhgR9++KHJOjNnzsRHH33UKvEQEb2KmPgSUbsxc+ZMWFhY1NsKCwvbOjQkJCRI8chkMjg6OmLWrFn4448/WqT/kpISjB8/HgBQXFwMCwsL6HQ6ozpbtmxBQkJCi5yvMVFRUdI4LS0t4eTkhJCQEDx8+NCkfpikE9HLYNXWARARtSRvb2/Ex8cblXXr1q2NojFma2sLvV4Pg8GAnJwczJo1C3fv3kVaWtq/7lutVv9jnc6dO//r87yI/v37Iz09HbW1tcjPz8fs2bPx6NEjJCcnt8r5iYgawxVfImpXrK2toVarjTZLS0vExcVhwIABsLGxgZOTE0JDQ1FeXt5oPzk5ORg9ejRUKhVsbW3h7u6OS5cuScezsrIwcuRIKJVKODk5ITw8HE+ePGkyNgsLC6jVamg0GowfPx7h4eFIT09HRUUFDAYDvvzySzg6OsLa2hqDBg1Camqq1LaqqgphYWFwcHCAQqFAjx49sG7dOqO+62516NWrFwBg8ODBsLCwwLvvvgvAeBV19+7d0Gg0MBgMRjH6+Phg9uzZ0v6xY8fg5uYGhUKB3r17Izo6GjU1NU2O08rKCmq1Gm+88QbGjh2LadOm4cyZM9Lx2tpaBAcHo1evXlAqlXB1dcWWLVuk41FRUdi3bx+OHTsmrR5nZGQAAO7cuQM/Pz906dIFdnZ28PHxQXFxcZPxEBHVYeJLRGZBJpNh69atuHr1Kvbt24dz587hiy++aLR+QEAAHB0dcfHiRVy+fBkRERHo0KEDAODGjRvw9vbGlClTkJubi+TkZGRlZSEsLMykmJRKJQwGA2pqarBlyxZs2rQJGzduRG5uLsaNG4dJkybh+vXrAICtW7fi+PHjOHjwIPR6PRITE9GzZ88G+/31118BAOnp6SgpKcGRI0fq1Zk2bRoePHiA8+fPS2UPHz5EamoqAgICAACZmZmYMWMGFi5ciLy8POzatQsJCQmIiYl54TEWFxcjLS0NcrlcKjMYDHB0dMShQ4eQl5eH1atXY/ny5Th48CAAYMmSJfDz84O3tzdKSkpQUlKCYcOGobq6GuPGjYNKpUJmZia0Wi06deoEb29vVFVVvXBMRGTGBBFROxEUFCQsLS2FjY2NtE2dOrXBuocOHRKvvfaatB8fHy86d+4s7atUKpGQkNBg2+DgYBESEmJUlpmZKWQymaioqGiwzfP9FxQUCBcXF+Hh4SGEEEKj0YiYmBijNp6eniI0NFQIIcSCBQvEmDFjhMFgaLB/AOLo0aNCCCGKiooEAJGdnW1UJygoSPj4+Ej7Pj4+Yvbs2dL+rl27hEajEbW1tUIIId577z2xdu1aoz72798vHBwcGoxBCCEiIyOFTCYTNjY2QqFQCAACgIiLi2u0jRBCfPbZZ2LKlCmNxlp3bldXV6Nr8NdffwmlUinS0tKa7J+ISAgheI8vEbUro0ePxtdffy3t29jYAHi2+rlu3Tpcu3YNZWVlqKmpQWVlJZ4+fYqOHTvW62fx4sWYM2cO9u/fL/273tnZGcCz2yByc3ORmJgo1RdCwGAwoKioCP369WswtkePHqFTp04wGAyorKzEiBEjsGfPHpSVleHu3bsYPny4Uf3hw4cjJycHwLPbFN5//324urrC29sbEyZMwAcffPCvrlVAQADmzp2LHTt2wNraGomJifj4448hk8mkcWq1WqMV3tra2iavGwC4urri+PHjqKysxPfffw+dTocFCxYY1dm+fTv27t2L27dvo6KiAlVVVRg0aFCT8ebk5KCwsBAqlcqovLKyEjdu3GjGFSAic8PEl4jaFRsbG/Tp08eorLi4GBMmTMD8+fMRExMDOzs7ZGVlITg4GFVVVQ0mcFFRUZg+fTpSUlJw6tQpREZGIikpCZMnT0Z5eTnmzZuH8PDweu26d+/eaGwqlQpXrlyBTCaDg4MDlEolAKCsrOwfx+Xm5oaioiKcOnUK6enp8PPzw9ixY3H48OF/bNuYiRMnQgiBlJQUeHp6IjMzE5s3b5aOl5eXIzo6Gr6+vvXaKhSKRvuVy+XSHMTGxuLDDz9EdHQ01qxZAwBISkrCkiVLsGnTJnh5eUGlUuGrr77CL7/80mS85eXlcHd3N/rCUedVeYCRiF5tTHyJqN27fPkyDAYDNm3aJK1m1t1P2hQXFxe4uLhg0aJF+OSTTxAfH4/JkyfDzc0NeXl59RLsfyKTyRpsY2trC41GA61Wi1GjRknlWq0WQ4YMMarn7+8Pf39/TJ06Fd7e3nj48CHs7OyM+qu7n7a2trbJeBQKBXx9fZGYmIjCwkK4urrCzc1NOu7m5ga9Xm/yOJ+3cuVKjBkzBvPnz5fGOWzYMISGhkp1nl+xlcvl9eJ3c3NDcnIy7O3tYWtr+69iIiLzxIfbiKjd69OnD6qrq7Ft2zbcvHkT+/fvx86dOxutX1FRgbCwMGRkZODWrVvQarW4ePGidAvDsmXLcOHCBYSFhUGn0+H69es4duyYyQ+3/d3SpUuxfv16JCcnQ6/XIyIiAjqdDgsXLgQAxMXF4cCBA7h27RoKCgpw6NAhqNXqBn90w97eHkqlEqmpqbh37x4ePXrU6HkDAgKQkpKCvXv3Sg+11Vm9ejW+++47REdH4+rVq8jPz0dSUhJWrlxp0ti8vLwwcOBArF27FgDQt29fXLp0CWlpaSgoKMCqVatw8eJFozY9e/ZEbm4u9Ho97t+/j+rqagQEBKBr167w8fFBZmYmioqKkJGRgfDwcPz+++8mxURE5omJLxG1e2+//Tbi4uKwfv16vPXWW0hMTDR6FdjzLC0t8eDBA8yYMQMuLi7w8/PD+PHjER0dDQAYOHAgfvzxRxQUFGDkyJEYPHgwVq9eDY1G0+wYw8PDsXjxYnz++ecYMGAAUlNTcfz4cfTt2xfAs9skNmzYAA8PD3h6eqK4uBgnT56UVrD/zsrKClu3bsWuXbug0Wjg4+PT6HnHjBkDOzs76PV6TJ8+3ejYuHHjcOLECZw+fRqenp545513sHnzZvTo0cPk8S1atAh79uzBnTt3MG/ePPj6+sLf3x9Dhw7FgwcPjFZ/AWDu3LlwdXWFh4cHunXrBq1Wi44dO+Knn35C9+7d4evri379+iE4OBiVlZVcASaiF2IhhBBtHQQRERER0cvGFV8iIiIiMgtMfImIiIjILDDxJSIiIiKzwMSXiIiIiMwCE18iIiIiMgtMfImIiIjILDDxJSIiIiKzwMSXiIiIiMwCE18iIiIiMgtMfImIiIjILDDxJSIiIiKz8H/BKqllzVINGgAAAABJRU5ErkJggg==", "text/plain": [ "
" ] @@ -5872,31 +5988,31 @@ }, { "cell_type": "code", - "execution_count": 29, + "execution_count": 18, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ - "Time taken for GridSearchCV: 126.48 seconds\n", + "Time taken for GridSearchCV: 71.27 seconds\n", "Best Hyperparameters:\n", - "{'learning_rate': 0.1, 'max_depth': 5, 'n_estimators': 200}\n", + "{'learning_rate': 0.1, 'max_depth': 3, 'n_estimators': 100}\n", "\n", - "Time taken for training with best hyperparameters: 2.41 seconds\n", + "Time taken for training with best hyperparameters: 0.54 seconds\n", "\n", - "Mean Accuracy: 0.8904737206085753\n", - "Standard Deviation of Accuracy: 0.016681348738190417\n", - "Mean Precision: 0.840558326821571\n", - "Standard Deviation of Precision: 0.033400454685118125\n", - "Mean Recall: 0.8420217455186598\n", - "Standard Deviation of Recall: 0.048447557254232027\n", - "Mean F1-score: 0.8399737525865048\n", - "Standard Deviation of F1-score: 0.026538578894600685\n", - "Mean ROC AUC: 0.8789061400333764\n", - "Standard Deviation of ROC AUC: 0.021751718258805296\n", + "Mean Accuracy: 0.8929719917012449\n", + "Standard Deviation of Accuracy: 0.019204800762012475\n", + "Mean Precision: 0.8536406785721526\n", + "Standard Deviation of Precision: 0.04575450095491739\n", + "Mean Recall: 0.8334704672347929\n", + "Standard Deviation of Recall: 0.036909253444420316\n", + "Mean F1-score: 0.8422469002076811\n", + "Standard Deviation of F1-score: 0.02709928042621855\n", + "Mean ROC AUC: 0.87874845622483\n", + "Standard Deviation of ROC AUC: 0.019790047877786876\n", "\n", - "Total time taken: 128.89 seconds\n" + "Total time taken: 71.81 seconds\n" ] } ], @@ -6015,7 +6131,7 @@ }, { "cell_type": "code", - "execution_count": 30, + "execution_count": 19, "metadata": {}, "outputs": [ { @@ -6042,21 +6158,21 @@ }, { "cell_type": "code", - "execution_count": 31, + "execution_count": 20, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ - "Accuracy: 0.8868552412645591\n", - "Precision: 0.8541666666666666\n", - "Recall: 0.803921568627451\n", - "F1 Score: 0.8282828282828283\n", - "ROC AUC Score: 0.8666963006865215\n", + "Accuracy: 0.8818635607321131\n", + "Precision: 0.8556149732620321\n", + "Recall: 0.7843137254901961\n", + "F1 Score: 0.8184143222506394\n", + "ROC AUC Score: 0.8581518249617227\n", "Confusion Matrix:\n", - "[[369 28]\n", - " [ 40 164]]\n" + "[[370 27]\n", + " [ 44 160]]\n" ] } ], @@ -6080,12 +6196,12 @@ }, { "cell_type": "code", - "execution_count": 32, + "execution_count": 21, "metadata": {}, "outputs": [ { "data": { - "image/png": "iVBORw0KGgoAAAANSUhEUgAAAokAAAIjCAYAAABvUIGpAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8pXeV/AAAACXBIWXMAAA9hAAAPYQGoP6dpAABINElEQVR4nO3de5yN9f7//+eaYZYx5mAwpzDOh8kxSZOctjOJaEuUIbHVUBmkqcihmj5UpEKnjUQ6UpQ0CLVN5TRIEkNRzBCZYTDGzPX7w8/6trypWcyyZqzHvdt1u1nX9V7X9Vprb+3Xfr6v671slmVZAgAAAP7Cx9MFAAAAoOihSQQAAICBJhEAAAAGmkQAAAAYaBIBAABgoEkEAACAgSYRAAAABppEAAAAGGgSAQAAYKBJBPC3du3apQ4dOig4OFg2m02LFy8u1PP/8ssvstlsmjNnTqGetzhr3bq1Wrdu7ekyAHg5mkSgGEhLS9N//vMfVatWTaVKlVJQUJCaN2+ul156SadOnXLrtePi4rRt2zY988wzmjdvnm688Ua3Xu9qGjBggGw2m4KCgi76Pe7atUs2m002m03PP/+8y+c/cOCAxo8fr9TU1EKoFgCurhKeLgDA3/vss8/073//W3a7Xf3791e9evV05swZffPNNxo9erS2b9+u119/3S3XPnXqlFJSUvTEE09o2LBhbrlGdHS0Tp06pZIlS7rl/P+kRIkSOnnypJYsWaLevXs7HZs/f75KlSql06dPX9a5Dxw4oAkTJqhKlSpq1KhRgd/35ZdfXtb1AKAw0SQCRdjevXvVp08fRUdHa9WqVYqMjHQci4+P1+7du/XZZ5+57fqHDx+WJIWEhLjtGjabTaVKlXLb+f+J3W5X8+bN9e677xpN4oIFC9S1a1d99NFHV6WWkydPqnTp0vLz87sq1wOAv8N0M1CETZ48WSdOnNBbb73l1CCeV6NGDT388MOO12fPntWkSZNUvXp12e12ValSRY8//rhycnKc3lelShXddttt+uabb3TTTTepVKlSqlatmt5++23HmPHjxys6OlqSNHr0aNlsNlWpUkXSuWna83/+q/Hjx8tmszntS05O1q233qqQkBCVKVNGtWvX1uOPP+44fql7EletWqUWLVooICBAISEh6t69u3bs2HHR6+3evVsDBgxQSEiIgoODNXDgQJ08efLSX+wF+vbtq2XLlunYsWOOfevXr9euXbvUt29fY/zRo0c1atQo1a9fX2XKlFFQUJA6d+6sLVu2OMasXr1aTZs2lSQNHDjQMW19/nO2bt1a9erV08aNG9WyZUuVLl3a8b1ceE9iXFycSpUqZXz+jh07qmzZsjpw4ECBPysAFBRNIlCELVmyRNWqVdMtt9xSoPH333+/xo0bpxtuuEFTp05Vq1atlJSUpD59+hhjd+/erTvvvFPt27fXCy+8oLJly2rAgAHavn27JKlnz56aOnWqJOnuu+/WvHnzNG3aNJfq3759u2677Tbl5ORo4sSJeuGFF3T77bfrf//739++b8WKFerYsaMOHTqk8ePHKyEhQevWrVPz5s31yy+/GON79+6t48ePKykpSb1799acOXM0YcKEAtfZs2dP2Ww2ffzxx459CxYsUJ06dXTDDTcY4/fs2aPFixfrtttu04svvqjRo0dr27ZtatWqlaNhq1u3riZOnChJGjJkiObNm6d58+apZcuWjvMcOXJEnTt3VqNGjTRt2jS1adPmovW99NJLqlChguLi4pSXlydJeu211/Tll1/q5ZdfVlRUVIE/KwAUmAWgSMrMzLQkWd27dy/Q+NTUVEuSdf/99zvtHzVqlCXJWrVqlWNfdHS0Jclau3atY9+hQ4csu91ujRw50rFv7969liRrypQpTueMi4uzoqOjjRqeeuop66//Wpk6daolyTp8+PAl6z5/jdmzZzv2NWrUyAoLC7OOHDni2LdlyxbLx8fH6t+/v3G9++67z+mcd9xxh1WuXLlLXvOvnyMgIMCyLMu68847rbZt21qWZVl5eXlWRESENWHChIt+B6dPn7by8vKMz2G3262JEyc69q1fv974bOe1atXKkmTNmjXrosdatWrltG/58uWWJOvpp5+29uzZY5UpU8bq0aPHP35GALhcJIlAEZWVlSVJCgwMLND4zz//XJKUkJDgtH/kyJGSZNy7GBMToxYtWjheV6hQQbVr19aePXsuu+YLnb+X8ZNPPlF+fn6B3nPw4EGlpqZqwIABCg0Ndexv0KCB2rdv7/icfzV06FCn1y1atNCRI0cc32FB9O3bV6tXr1Z6erpWrVql9PT0i041S+fuY/TxOfevz7y8PB05csQxlb5p06YCX9Nut2vgwIEFGtuhQwf95z//0cSJE9WzZ0+VKlVKr732WoGvBQCuokkEiqigoCBJ0vHjxws0/tdff5WPj49q1KjhtD8iIkIhISH69ddfnfZXrlzZOEfZsmX1559/XmbFprvuukvNmzfX/fffr/DwcPXp00fvv//+3zaM5+usXbu2caxu3br6448/lJ2d7bT/ws9StmxZSXLps3Tp0kWBgYF67733NH/+fDVt2tT4Ls/Lz8/X1KlTVbNmTdntdpUvX14VKlTQ1q1blZmZWeBrXnfddS49pPL8888rNDRUqampmj59usLCwgr8XgBwFU0iUEQFBQUpKipKP/zwg0vvu/DBkUvx9fW96H7Lsi77GufvlzvP399fa9eu1YoVK3Tvvfdq69atuuuuu9S+fXtj7JW4ks9ynt1uV8+ePTV37lwtWrTokimiJD377LNKSEhQy5Yt9c4772j58uVKTk7W9ddfX+DEVDr3/bhi8+bNOnTokCRp27ZtLr0XAFxFkwgUYbfddpvS0tKUkpLyj2Ojo6OVn5+vXbt2Oe3PyMjQsWPHHE8qF4ayZcs6PQl83oVppST5+Piobdu2evHFF/Xjjz/qmWee0apVq/TVV19d9Nzn69y5c6dx7KefflL58uUVEBBwZR/gEvr27avNmzfr+PHjF33Y57wPP/xQbdq00VtvvaU+ffqoQ4cOateunfGdFLRhL4js7GwNHDhQMTExGjJkiCZPnqz169cX2vkB4EI0iUAR9uijjyogIED333+/MjIyjONpaWl66aWXJJ2bLpVkPIH84osvSpK6du1aaHVVr15dmZmZ2rp1q2PfwYMHtWjRIqdxR48eNd57flHpC5flOS8yMlKNGjXS3LlznZquH374QV9++aXjc7pDmzZtNGnSJL3yyiuKiIi45DhfX18jpfzggw/0+++/O+0738xerKF21ZgxY7Rv3z7NnTtXL774oqpUqaK4uLhLfo8AcKVYTBsowqpXr64FCxborrvuUt26dZ1+cWXdunX64IMPNGDAAElSw4YNFRcXp9dff13Hjh1Tq1at9P3332vu3Lnq0aPHJZdXuRx9+vTRmDFjdMcdd+ihhx7SyZMnNXPmTNWqVcvpwY2JEydq7dq16tq1q6Kjo3Xo0CHNmDFDFStW1K233nrJ80+ZMkWdO3dWbGysBg0apFOnTunll19WcHCwxo8fX2if40I+Pj568skn/3HcbbfdpokTJ2rgwIG65ZZbtG3bNs2fP1/VqlVzGle9enWFhIRo1qxZCgwMVEBAgJo1a6aqVau6VNeqVas0Y8YMPfXUU44leWbPnq3WrVtr7Nixmjx5skvnA4AC8fDT1QAK4Oeff7YGDx5sValSxfLz87MCAwOt5s2bWy+//LJ1+vRpx7jc3FxrwoQJVtWqVa2SJUtalSpVshITE53GWNa5JXC6du1qXOfCpVcutQSOZVnWl19+adWrV8/y8/Ozateubb3zzjvGEjgrV660unfvbkVFRVl+fn5WVFSUdffdd1s///yzcY0Ll4lZsWKF1bx5c8vf398KCgqyunXrZv34449OY85f78IldmbPnm1Jsvbu3XvJ79SynJfAuZRLLYEzcuRIKzIy0vL397eaN29upaSkXHTpmk8++cSKiYmxSpQo4fQ5W7VqZV1//fUXveZfz5OVlWVFR0dbN9xwg5Wbm+s0bsSIEZaPj4+VkpLyt58BAC6HzbJcuLMbAAAAXoF7EgEAAGCgSQQAAICBJhEAAAAGmkQAAAAYaBIBAABgoEkEAACAgSYRAAAAhmvyF1f8Gw/zdAkA3OTP9a94ugQAblLKg12JO3uHU5uL57+3SBIBAABguCaTRAAAAJfYyM0uRJMIAABgs3m6giKHthkAAAAGkkQAAACmmw18IwAAADCQJAIAAHBPooEkEQAAAAaSRAAAAO5JNPCNAAAAwECSCAAAwD2JBppEAAAAppsNfCMAAAAwkCQCAAAw3WwgSQQAAICBJBEAAIB7Eg18IwAAADCQJAIAAHBPooEkEQAAAAaSRAAAAO5JNNAkAgAAMN1soG0GAAAoImbOnKkGDRooKChIQUFBio2N1bJlyxzHW7duLZvN5rQNHTrU6Rz79u1T165dVbp0aYWFhWn06NE6e/asy7WQJAIAABSR6eaKFSvqueeeU82aNWVZlubOnavu3btr8+bNuv766yVJgwcP1sSJEx3vKV26tOPPeXl56tq1qyIiIrRu3TodPHhQ/fv3V8mSJfXss8+6VAtNIgAAgBvl5OQoJyfHaZ/dbpfdbjfGduvWzen1M888o5kzZ+rbb791NImlS5dWRETERa/15Zdf6scff9SKFSsUHh6uRo0aadKkSRozZozGjx8vPz+/AtddNNpmAAAAT7L5uG1LSkpScHCw05aUlPSPJeXl5WnhwoXKzs5WbGysY//8+fNVvnx51atXT4mJiTp58qTjWEpKiurXr6/w8HDHvo4dOyorK0vbt2936SshSQQAAHCjxMREJSQkOO27WIp43rZt2xQbG6vTp0+rTJkyWrRokWJiYiRJffv2VXR0tKKiorR161aNGTNGO3fu1McffyxJSk9Pd2oQJTlep6enu1Q3TSIAAICP+55uvtTU8qXUrl1bqampyszM1Icffqi4uDitWbNGMTExGjJkiGNc/fr1FRkZqbZt2yotLU3Vq1cv1LqZbgYAAChC/Pz8VKNGDTVp0kRJSUlq2LChXnrppYuObdasmSRp9+7dkqSIiAhlZGQ4jTn/+lL3MV4KTSIAAIAb70m8Uvn5+caDL+elpqZKkiIjIyVJsbGx2rZtmw4dOuQYk5ycrKCgIMeUdUEx3QwAAFBEFtNOTExU586dVblyZR0/flwLFizQ6tWrtXz5cqWlpWnBggXq0qWLypUrp61bt2rEiBFq2bKlGjRoIEnq0KGDYmJidO+992ry5MlKT0/Xk08+qfj4eJemvCWaRAAAgCLj0KFD6t+/vw4ePKjg4GA1aNBAy5cvV/v27bV//36tWLFC06ZNU3Z2tipVqqRevXrpySefdLzf19dXS5cu1QMPPKDY2FgFBAQoLi7OaV3FgrJZlmUV5ocrCvwbD/N0CQDc5M/1r3i6BABuUsqD0ZV/u+fcdu5TKx5z27ndiXsSAQAAYGC6GQAAoIjck1iUkCQCAADAQJIIAABQCEvVXGv4RgAAAGAgSQQAAOCeRANNIgAAANPNBr4RAAAAGEgSAQAAmG42kCQCAADAQJIIAADAPYkGvhEAAAAYSBIBAAC4J9FAkggAAAADSSIAAAD3JBpoEgEAAGgSDXwjAAAAMJAkAgAA8OCKgSQRAAAABpJEAAAA7kk08I0AAADAQJIIAADAPYkGkkQAAAAYSBIBAAC4J9FAkwgAAMB0s4G2GQAAAAaSRAAA4PVsJIkGkkQAAAAYSBIBAIDXI0k0kSQCAADAQJIIAABAkGggSQQAAICBJBEAAHg97kk00SQCAACvR5NoYroZAAAABpJEAADg9UgSTSSJAAAAMJAkAgAAr0eSaCJJBAAAgIEkEQAAgCDRQJIIAAAAA0kiAADwetyTaCJJBAAAgIEkEQAAeD2SRBNNIgAA8Ho0iSammwEAAGAgSQQAAF6PJNFEkggAAAADSSIAAABBooEkEQAAAAaSRAAA4PW4J9FEkggAAAADSSIAAPB6JIkmmkQAAOD1aBJNTDcDAADAQJIIAABAkGggSQQAACgiZs6cqQYNGigoKEhBQUGKjY3VsmXLHMdPnz6t+Ph4lStXTmXKlFGvXr2UkZHhdI59+/apa9euKl26tMLCwjR69GidPXvW5VpoEgEAgNez2Wxu21xRsWJFPffcc9q4caM2bNigf/3rX+revbu2b98uSRoxYoSWLFmiDz74QGvWrNGBAwfUs2dPx/vz8vLUtWtXnTlzRuvWrdPcuXM1Z84cjRs3zvXvxLIsy+V3FXH+jYd5ugQAbvLn+lc8XQIANynlwZvgwu//wG3nznjz31f0/tDQUE2ZMkV33nmnKlSooAULFujOO++UJP3000+qW7euUlJSdPPNN2vZsmW67bbbdODAAYWHh0uSZs2apTFjxujw4cPy8/Mr8HVJEgEAgNdzZ5KYk5OjrKwspy0nJ+cfa8rLy9PChQuVnZ2t2NhYbdy4Ubm5uWrXrp1jTJ06dVS5cmWlpKRIklJSUlS/fn1HgyhJHTt2VFZWliONLCiaRAAAADdKSkpScHCw05aUlHTJ8du2bVOZMmVkt9s1dOhQLVq0SDExMUpPT5efn59CQkKcxoeHhys9PV2SlJ6e7tQgnj9+/pgreLoZAAB4PXeuk5iYmKiEhASnfXa7/ZLja9eurdTUVGVmZurDDz9UXFyc1qxZ47b6LoUmEQAAeD13Nol2u/1vm8IL+fn5qUaNGpKkJk2aaP369XrppZd011136cyZMzp27JhTmpiRkaGIiAhJUkREhL7//nun851/+vn8mIJiuhkAAKAIy8/PV05Ojpo0aaKSJUtq5cqVjmM7d+7Uvn37FBsbK0mKjY3Vtm3bdOjQIceY5ORkBQUFKSYmxqXrkiQCAAAUkcW0ExMT1blzZ1WuXFnHjx/XggULtHr1ai1fvlzBwcEaNGiQEhISFBoaqqCgIA0fPlyxsbG6+eabJUkdOnRQTEyM7r33Xk2ePFnp6el68sknFR8f71KaKdEkAgAAFBmHDh1S//79dfDgQQUHB6tBgwZavny52rdvL0maOnWqfHx81KtXL+Xk5Khjx46aMWOG4/2+vr5aunSpHnjgAcXGxiogIEBxcXGaOHGiy7WwTiKAYoV1EoFrlyfXSbzugUVuO/fvM+9w27ndiXsSAQAAYGC6GQAAeD13Pt1cXJEkAgAAwECSCAAAvB5JookmEQAAgB7RwHQzAAAADCSJAADA6zHdbCJJBAAAgIEkEQAAeD2SRBNJIgAAAAwkiShyBv/7Vg2+s4Wio0IlSTv2pOvZ15fpy//96BjTrEFVjY+/TU3rV1FeXr62/vy7uj34qk7n5EqSGtWpqKcf7qEm11dWXp6lxStTNeaFj5R96oxHPhOAi3vrjde0MvlL7d27R/ZSpdSoUWM9kjBKVapWc4z54/BhvfjCZH27bp2yT2arSpWqGjxkqNp16OjBynGtIUk0kSSiyPk945jGvvyJbuk3Wc37TdHq73/WB1OHqG61CEnnGsRPXnlQK7/9SS3umaJb75miWQvXKD//3M+QR1YI1mezhitt/2G1vPd5dY9/VTHVI/TGxHs9+bEAXMSG9d/rrrv7ad677+u1N2br7NmzGjp4kE6ePOkY88TjY/TL3r166ZWZ+mjRErVt116jRz6iHTt+/JszA7hSJIkocj5f+4PT6/GvLtHgf9+qmxpU1Y496Zo8sqdmLFyt52cnO8bs+vWQ48+dW9RT7tk8PZL0vizrXOM4/Jn3tOGDx1WtUnnt2f/H1fkgAP7RzNffcno98Znn1KZFrHb8uF1NbmwqSdqyebOeGPeU6jdoIEkaMvRBvfP2XO3Yvl1168Zc9ZpxbSJJNHm0Sfzjjz/03//+VykpKUpPT5ckRURE6JZbbtGAAQNUoUIFT5aHIsDHx6Ze7W9QgL+fvtu6VxXKltFNDapq4bIN+mpOgqpWLK+ff8nQ+FeWaF3qHkmS3a+EcnPzHA2iJJ3KOTfNfEuj6jSJQBF24vhxSVJQcLBjX8PGjbX8i2Vq2bK1AoOCtPyLZco5k6Mbm97kqTJxLaJHNHhsunn9+vWqVauWpk+fruDgYLVs2VItW7ZUcHCwpk+frjp16mjDhg3/eJ6cnBxlZWU5bVZ+3lX4BHCn62tE6fD/XlDmd9M0/Ym7dNfIN/TTnnRVrVhekvTEf7rovx+vU/f4GUrdsV+fvzZc1Suf+z8Vq7/fqfByQRrRv61KlvBVSKC/nn6ouyQpokLwJa8JwLPy8/M1+f+eVaPGN6hmzVqO/VNemKazuWfVsnkzNW1cX09PGKepL72iytHRHqwWuPZ5LEkcPny4/v3vf2vWrFlGxGtZloYOHarhw4crJSXlb8+TlJSkCRMmOO3zDW+qkpH8P8zi7OdfMtSsT5KCy/jrjnaN9cbEe9Xh/pfk43PuvytvffSN5n36rSRpy87f1Pqm2orrHqtxL3+qHXvSNXjcPD03sqcmDr9defn5mvHuGqX/kSUrP9+THwvA33j26QlK27VLc+YtcNr/6ssv6fjxLL3+1hyFhJTVV6tW6NGRj2j22/NVs1ZtD1WLaw3TzSaPNYlbtmzRnDlzLvofis1m04gRI9S4ceN/PE9iYqISEhKc9oW1GFNodcIzcs/mOaaFN+/YrybXV1b83a0d9yHu2JPuNH7n3nRViijreP3eFxv03hcbFBYaqOxTObIs6aF7/qW9vx25eh8CQIE9+/RErV2zWv+d+47CIyIc+/fv26eFC97RR58sVY0aNSVJtevU0aaNG7Tw3fka+9RET5UMXPM81iRGRETo+++/V506dS56/Pvvv1d4ePg/nsdut8tutzvts/n4FkqNKDp8bDbZ/Uro1wNHdODQMdWqEuZ0vEZ0mNMSOecdOnru/qb+3W/W6TO5WvntT1elXgAFY1mWkp6ZpFUrk/XWnHmqWLGS0/HTp09JknxszndH+fj4ysq3BBQWkkSTx5rEUaNGaciQIdq4caPatm3raAgzMjK0cuVKvfHGG3r++ec9VR48aOLw27X8f9u1/+CfCgwopbs636iWN9ZUtwdnSJKmzl2hJ4d21baff9eWnb/pnm7NVLtKuPqO/n9PSQ69q6W+3bJHJ06eUdub6+jZR3po7MufKPPEKU99LAAX8eykCVr2+VJNe3mGAkoH6I/DhyVJZQIDVapUKVWpWk2VK0dr0oRxShg1RiEhIVq1aoW+TfmfXp7xmoerB65tNuuvj4BeZe+9956mTp2qjRs3Ki/v3MMmvr6+atKkiRISEtS7d+/LOq9/42GFWSausplP9VWbm2oronyQMk+c1g+7ftcLs1do1Xf/LwUcNbC9/tO7pcoGl9a2n3/XE9MWO55ulqQ3J92rTrfWU5nSftr5S4amvb1S73623hMfB4Xsz/WveLoEFKKG11/8nsKJTyep+x09JUm//vqLXnrxBW3evFEnT55U5UqV1X/gfep2e4+rWCmuhlIeXHOlxqhlbjv37uc7u+3c7uTRJvG83Nxc/fHHufvPypcvr5IlS17R+WgSgWsXTSJw7aJJLFqKxGLaJUuWVGRkpKfLAAAAXop7Ek1FokkEAADwJHpEE7/dDAAAAANJIgAA8HpMN5tIEgEAAGAgSQQAAF6PINFEkggAAAADSSIAAPB6Pj5EiRciSQQAAICBJBEAAHg97kk00SQCAACvxxI4JqabAQAAYCBJBAAAXo8g0USSCAAAAANJIgAA8Hrck2giSQQAAICBJBEAAHg9kkQTSSIAAAAMJIkAAMDrESSaaBIBAIDXY7rZxHQzAAAADCSJAADA6xEkmkgSAQAAYCBJBAAAXo97Ek0kiQAAADCQJAIAAK9HkGgiSQQAAICBJBEAAHg97kk0kSQCAADAQJIIAAC8HkGiiSYRAAB4PaabTUw3AwAAwECSCAAAvB5BookkEQAAAAaSRAAA4PW4J9FEkggAAAADTSIAAPB6Npv7NlckJSWpadOmCgwMVFhYmHr06KGdO3c6jWndurVsNpvTNnToUKcx+/btU9euXVW6dGmFhYVp9OjROnv2rEu1MN0MAABQRKxZs0bx8fFq2rSpzp49q8cff1wdOnTQjz/+qICAAMe4wYMHa+LEiY7XpUuXdvw5Ly9PXbt2VUREhNatW6eDBw+qf//+KlmypJ599tkC10KTCAAAvF5RuSfxiy++cHo9Z84chYWFaePGjWrZsqVjf+nSpRUREXHRc3z55Zf68ccftWLFCoWHh6tRo0aaNGmSxowZo/Hjx8vPz69AtTDdDAAAvJ47p5tzcnKUlZXltOXk5BSorszMTElSaGio0/758+erfPnyqlevnhITE3Xy5EnHsZSUFNWvX1/h4eGOfR07dlRWVpa2b99e4O+EJhEAAMCNkpKSFBwc7LQlJSX94/vy8/P1yCOPqHnz5qpXr55jf9++ffXOO+/oq6++UmJioubNm6d77rnHcTw9Pd2pQZTkeJ2enl7gupluBgAAXs+d082JiYlKSEhw2me32//xffHx8frhhx/0zTffOO0fMmSI48/169dXZGSk2rZtq7S0NFWvXr1wihZJIgAAgFvZ7XYFBQU5bf/UJA4bNkxLly7VV199pYoVK/7t2GbNmkmSdu/eLUmKiIhQRkaG05jzry91H+PF0CQCAACvd+GSMoW5ucKyLA0bNkyLFi3SqlWrVLVq1X98T2pqqiQpMjJSkhQbG6tt27bp0KFDjjHJyckKCgpSTExMgWthuhkAAKCIiI+P14IFC/TJJ58oMDDQcQ9hcHCw/P39lZaWpgULFqhLly4qV66ctm7dqhEjRqhly5Zq0KCBJKlDhw6KiYnRvffeq8mTJys9PV1PPvmk4uPjCzTNfR5NIgAA8HpFZAUczZw5U9K5BbP/avbs2RowYID8/Py0YsUKTZs2TdnZ2apUqZJ69eqlJ5980jHW19dXS5cu1QMPPKDY2FgFBAQoLi7OaV3FgqBJBAAAKCIsy/rb45UqVdKaNWv+8TzR0dH6/PPPr6gWmkQAAOD1ispi2kUJTSIAAPB69Igmnm4GAACAgSQRAAB4PaabTSSJAAAAMJAkAgAAr0eQaCJJBAAAgIEkEQAAeD0fokQDSSIAAAAMJIkAAMDrESSaaBIBAIDXYwkcE9PNAAAAMJAkAgAAr+dDkGggSQQAAICBJBEAAHg97kk0kSQCAADAQJIIAAC8HkGiiSQRAAAABpJEAADg9WwiSrwQTSIAAPB6LIFjYroZAAAABpJEAADg9VgCx0SSCAAAAANJIgAA8HoEiSaSRAAAABhIEgEAgNfzIUo0kCQCAADAUChN4rFjxwrjNAAAAB5hs7lvK65cbhL/7//+T++9957jde/evVWuXDldd9112rJlS6EWBwAAcDXYbDa3bcWVy03irFmzVKlSJUlScnKykpOTtWzZMnXu3FmjR48u9AIBAABw9bn84Ep6erqjSVy6dKl69+6tDh06qEqVKmrWrFmhFwgAAOBuxTjwcxuXk8SyZctq//79kqQvvvhC7dq1kyRZlqW8vLzCrQ4AAAAe4XKS2LNnT/Xt21c1a9bUkSNH1LlzZ0nS5s2bVaNGjUIvEAAAwN1YAsfkcpM4depUValSRfv379fkyZNVpkwZSdLBgwf14IMPFnqBAAAAuPpcbhJLliypUaNGGftHjBhRKAUBAABcbeSIpgI1iZ9++mmBT3j77bdfdjEAAAAoGgrUJPbo0aNAJ7PZbDy8AgAAip3ivJ6huxSoSczPz3d3HQAAAB7jQ49ouKKf5Tt9+nRh1QEAAIAixOUmMS8vT5MmTdJ1112nMmXKaM+ePZKksWPH6q233ir0AgEAANyNn+UzudwkPvPMM5ozZ44mT54sPz8/x/569erpzTffLNTiAAAA4BkuN4lvv/22Xn/9dfXr10++vr6O/Q0bNtRPP/1UqMUBAABcDTab+7biyuUm8ffff7/oL6vk5+crNze3UIoCAACAZ7ncJMbExOjrr7829n/44Ydq3LhxoRQFAABwNXFPosnlX1wZN26c4uLi9Pvvvys/P18ff/yxdu7cqbfffltLly51R40AAAC4ylxOErt3764lS5ZoxYoVCggI0Lhx47Rjxw4tWbJE7du3d0eNAAAAbuVjc99WXLmcJEpSixYtlJycXNi1AAAAeERxnhZ2l8tqEiVpw4YN2rFjh6Rz9yk2adKk0IoCAACAZ7ncJP7222+6++679b///U8hISGSpGPHjumWW27RwoULVbFixcKuEQAAwK3IEU0u35N4//33Kzc3Vzt27NDRo0d19OhR7dixQ/n5+br//vvdUSMAAACuMpeTxDVr1mjdunWqXbu2Y1/t2rX18ssvq0WLFoVaHAAAwNXgwz2JBpeTxEqVKl100ey8vDxFRUUVSlEAAADwLJebxClTpmj48OHasGGDY9+GDRv08MMP6/nnny/U4gAAAK4GfpbPVKDp5rJlyzo9Gp6dna1mzZqpRIlzbz979qxKlCih++67Tz169HBLoQAAALh6CtQkTps2zc1lAAAAeA7rJJoK1CTGxcW5uw4AAAAUIZe9mLYknT59WmfOnHHaFxQUdEUFAQAAXG0EiSaXH1zJzs7WsGHDFBYWpoCAAJUtW9ZpAwAAKG58bDa3ba5ISkpS06ZNFRgYqLCwMPXo0UM7d+50GnP69GnFx8erXLlyKlOmjHr16qWMjAynMfv27VPXrl1VunRphYWFafTo0Tp79qxr34lLoyU9+uijWrVqlWbOnCm73a4333xTEyZMUFRUlN5++21XTwcAAID/35o1axQfH69vv/1WycnJys3NVYcOHZSdne0YM2LECC1ZskQffPCB1qxZowMHDqhnz56O43l5eeratavOnDmjdevWae7cuZozZ47GjRvnUi02y7IsV95QuXJlvf3222rdurWCgoK0adMm1ahRQ/PmzdO7776rzz//3KUC3MG/8TBPlwDATf5c/4qnSwDgJqWu6Ca4K/Pgxz+67dwzesZc9nsPHz6ssLAwrVmzRi1btlRmZqYqVKigBQsW6M4775Qk/fTTT6pbt65SUlJ08803a9myZbrtttt04MABhYeHS5JmzZqlMWPG6PDhw/Lz8yvQtV1OEo8ePapq1apJOnf/4dGjRyVJt956q9auXevq6QAAAK5pOTk5ysrKctpycnIK9N7MzExJUmhoqCRp48aNys3NVbt27Rxj6tSpo8qVKyslJUWSlJKSovr16zsaREnq2LGjsrKytH379gLX7XKTWK1aNe3du9dR1Pvvvy9JWrJkiUJCQlw9HQAAgMfZbDa3bUlJSQoODnbakpKS/rGm/Px8PfLII2revLnq1asnSUpPT5efn5/Rc4WHhys9Pd0x5q8N4vnj548VlMvB7sCBA7Vlyxa1atVKjz32mLp166ZXXnlFubm5evHFF109HQAAwDUtMTFRCQkJTvvsdvs/vi8+Pl4//PCDvvnmG3eV9rdcbhJHjBjh+HO7du30008/aePGjapRo4YaNGhQqMVdrvR10z1dAgA3eeu7XzxdAgA3iW9exWPXdnlq1QV2u71ATeFfDRs2TEuXLtXatWtVsWJFx/6IiAidOXNGx44dc0oTMzIyFBER4Rjz/fffO53v/NPP58cUxBV/J9HR0erZs2eRaRABAACKK8uyNGzYMC1atEirVq1S1apVnY43adJEJUuW1MqVKx37du7cqX379ik2NlaSFBsbq23btunQoUOOMcnJyQoKClJMTMEfoilQkjh9esGTuYceeqjAYwEAAIqCovKzfPHx8VqwYIE++eQTBQYGOu4hDA4Olr+/v4KDgzVo0CAlJCQoNDRUQUFBGj58uGJjY3XzzTdLkjp06KCYmBjde++9mjx5stLT0/Xkk08qPj7epUSzQEvgXNjFXvJkNpv27NlT4Iu7S+apfE+XAMBN3tm0z9MlAHATT043P/LJT24797TudQo89lLN6uzZszVgwABJ5xbTHjlypN59913l5OSoY8eOmjFjhtNU8q+//qoHHnhAq1evVkBAgOLi4vTcc8+pRImC32no8jqJxQFNInDtokkErl00iUWLB5etBAAAKBp8isZsc5Hizod5AAAAUEyRJAIAAK9XVB5cKUpIEgEAAGAgSQQAAF6PexJNl5Ukfv3117rnnnsUGxur33//XZI0b948j/1sDAAAAAqXy03iRx99pI4dO8rf31+bN29WTk6OJCkzM1PPPvtsoRcIAADgbjab+7biyuUm8emnn9asWbP0xhtvqGTJko79zZs316ZNmwq1OAAAgKvBx2Zz21Zcudwk7ty5Uy1btjT2BwcH69ixY4VREwAAADzM5SYxIiJCu3fvNvZ/8803qlatWqEUBQAAcDX5uHErrlyuffDgwXr44Yf13XffyWaz6cCBA5o/f75GjRqlBx54wB01AgAA4CpzeQmcxx57TPn5+Wrbtq1Onjypli1bym63a9SoURo+fLg7agQAAHCrYnzroNu43CTabDY98cQTGj16tHbv3q0TJ04oJiZGZcqUcUd9AAAA8IDLXkzbz89PMTExhVkLAACARxTnp5DdxeUmsU2bNn/7+4arVq26ooIAAADgeS43iY0aNXJ6nZubq9TUVP3www+Ki4srrLoAAACuGoJEk8tN4tSpUy+6f/z48Tpx4sQVFwQAAHC18dvNpkJbvueee+7Rf//738I6HQAAADzosh9cuVBKSopKlSpVWKcDAAC4anhwxeRyk9izZ0+n15Zl6eDBg9qwYYPGjh1baIUBAADAc1xuEoODg51e+/j4qHbt2po4caI6dOhQaIUBAABcLQSJJpeaxLy8PA0cOFD169dX2bJl3VUTAAAAPMylB1d8fX3VoUMHHTt2zE3lAAAAXH0+NvdtxZXLTzfXq1dPe/bscUctAAAAKCJcbhKffvppjRo1SkuXLtXBgweVlZXltAEAABQ3Njf+U1wV+J7EiRMnauTIkerSpYsk6fbbb3f6eT7LsmSz2ZSXl1f4VQIAALhRcZ4WdpcCN4kTJkzQ0KFD9dVXX7mzHgAAABQBBW4SLcuSJLVq1cptxQAAAHgCSaLJpXsSbSwiBAAA4BVcWiexVq1a/9goHj169IoKAgAAuNoIwkwuNYkTJkwwfnEFAAAA1x6XmsQ+ffooLCzMXbUAAAB4BPckmgp8TyIxLAAAgPdw+elmAACAaw1ZmKnATWJ+fr476wAAAPAYH7pEg8s/ywcAAIBrn0sPrgAAAFyLeHDFRJIIAAAAA0kiAADwetySaCJJBAAAgIEkEQAAeD0fESVeiCQRAAAABpJEAADg9bgn0USTCAAAvB5L4JiYbgYAAICBJBEAAHg9fpbPRJIIAAAAA0kiAADwegSJJpJEAAAAGEgSAQCA1+OeRBNJIgAAAAwkiQAAwOsRJJpoEgEAgNdjatXEdwIAAAADSSIAAPB6NuabDSSJAAAAMJAkAgAAr0eOaCJJBAAAKELWrl2rbt26KSoqSjabTYsXL3Y6PmDAANlsNqetU6dOTmOOHj2qfv36KSgoSCEhIRo0aJBOnDjhUh00iQAAwOv52Gxu21yVnZ2thg0b6tVXX73kmE6dOungwYOO7d1333U63q9fP23fvl3JyclaunSp1q5dqyFDhrhUB9PNAAAAbpSTk6OcnBynfXa7XXa7/aLjO3furM6dO//tOe12uyIiIi56bMeOHfriiy+0fv163XjjjZKkl19+WV26dNHzzz+vqKioAtVNkggAALyezY1bUlKSgoODnbakpKQrqnf16tUKCwtT7dq19cADD+jIkSOOYykpKQoJCXE0iJLUrl07+fj46LvvvivwNUgSAQCA13PnCjiJiYlKSEhw2nepFLEgOnXqpJ49e6pq1apKS0vT448/rs6dOyslJUW+vr5KT09XWFiY03tKlCih0NBQpaenF/g6NIkAAABu9HdTy5ejT58+jj/Xr19fDRo0UPXq1bV69Wq1bdu20K7DdDMAAPB6Fz4tXJibu1WrVk3ly5fX7t27JUkRERE6dOiQ05izZ8/q6NGjl7yP8WJoEgEAAIqx3377TUeOHFFkZKQkKTY2VseOHdPGjRsdY1atWqX8/Hw1a9aswOdluhkAAHi9opSanThxwpEKStLevXuVmpqq0NBQhYaGasKECerVq5ciIiKUlpamRx99VDVq1FDHjh0lSXXr1lWnTp00ePBgzZo1S7m5uRo2bJj69OlT4CebpaL1nQAAAHi9DRs2qHHjxmrcuLEkKSEhQY0bN9a4cePk6+urrVu36vbbb1etWrU0aNAgNWnSRF9//bXTfY/z589XnTp11LZtW3Xp0kW33nqrXn/9dZfqsFmWZRXqJysCMk/le7oEAG7yzqZ9ni4BgJvEN6/isWu/n3rAbefu3ajg6V1RQpIIAAAAA/ckAgAAr+f+Z5CLH5JEAAAAGEgSAQCA17sa6xkWNzSJAADA6zG1auI7AQAAgIEkEQAAeD2mm00kiQAAADCQJAIAAK9HjmgiSQQAAICBJBEAAHg9bkk0kSQCAADAQJIIAAC8ng93JRpoEgEAgNdjutnEdDMAAAAMJIkAAMDr2ZhuNpAkAgAAwECSCAAAvB73JJpIEgEAAGAgSQQAAF6PJXBMJIkAAAAwkCQCAACvxz2JJppEAADg9WgSTUw3AwAAwECSCAAAvB6LaZtIEgEAAGAgSQQAAF7PhyDRQJIIAAAAA0kiAADwetyTaCJJBAAAgIEkEQAAeD3WSTTRJAIAAK/HdLOJ6WYAAAAYSBIBAIDXYwkcE0kiAAAADCSJAADA63FPookkEQAAAAaSRBQ7c//7hl6d/qL69L1XCY8+LknKycnRSy/8n75c/rlyz+Tq5lua69HHx6lcufIerhbAhX7fuU0bv/hAh3/ZpezMo+o67ClVv+EWpzFHD+zT/z58S7/v3Kr8vDyFRkWra/xYBZYLcxpnWZY+nfqkfv1hw0XPAxQUS+CYSBJRrPz4wzZ9/OF7qlGrttP+qc8n6eu1q5U0ZZpmvfW2Dh8+pDEJD3moSgB/JzfntCpUqqbW9wy76PFjhw7ow6QElY2opJ6PTlHfibN0U7e+8i3pZ4xNTV7E/7oDbkKTiGLj5MlsjX18tJ4YN1FBgUGO/SeOH9eniz7WIyPHqOlNN6tuzPUaN+FZbd2yWdu2pnquYAAXVaVBU8X2HKDqTZpf9HjKx3MU3eAm3dr7foVF11BIWJSqNY5V6aAQp3GH96Vp0/KP1O6+hKtQNa51NjduxRVNIoqNyc9OUvMWrXTTzc7TSTt2bNfZs7m6qVmsY1+VqtUUERmpbVtSr3KVAK6ElZ+vX7Z8r7Lh12nxC4/rjYd7671JDylt0zqncbk5p/XFa8+p9T3xCggO9VC1uJb42Gxu24qrIt0k7t+/X/fdd9/fjsnJyVFWVpbTlpOTc5UqxNXy5RefaedPPyr+ITMxOPLHHypZsqQCg4Kc9oeGlteRI39crRIBFIKTx48pN+eUNnz+nqLr36geI5NU/Ybm+uzVifpt51bHuK8XvqbIGjGq3ph7EAF3KdJN4tGjRzV37ty/HZOUlKTg4GCn7cUpz12lCnE1ZKQf1IuTkzTx2Smy2+2eLgeAG1n5liSpWuNYNe7QUxUqV9eNXe9S1YbN9MNXn0mS9mxO0f4dqWp591BPloprDNPNJo8+3fzpp5/+7fE9e/b84zkSExOVkOCcLp3OL3lFdaFo2fHjdh09ekT97+7l2JeXl6fNmzbog/cW6KUZbyg3N1fHs7Kc0sSjR//g6WagmPEPDJKPr69Co6Kd9odGVtKBXdslSb/tSFXm4YN6bVhPpzGfvzpJUbXqqdeYKVetXuBa5tEmsUePHrLZbLIs65JjbP8wl2+32410yTqVXyj1oWho2ixW7374idO+ieOeUJWqVdV/4P0KD49UiRIltf77b/Wvdh0kSb/+slfpBw+qfsNGHqgYwOXyLVFSYVVq6c/035z2/5n+u2P5myZd79L1LTs7HZ8/7j9q0ec/qtro5qtWK64xxTnycxOPNomRkZGaMWOGunfvftHjqampatKkyVWuCkVNQECAqteo5bTP399fwcEhjv2339FT0154TkHBwQoIKKPnn3ta9Rs0Uv0GjTxQMYC/c+b0KWUeOuB4nfVHug7vS1OpgEAFlgtTk07/1rJZz+q6WvVUsU5D/frDBu3d8q16PXouIQwIDr3owyqB5cIUXCHiqn0O4Frn0SaxSZMm2rhx4yWbxH9KGYHzRoxKlI/NR4+NfFhnzpxxLKYNoOg59MvP+njyo47XXy98TZJUt3l7tR80StWbNFeb/g9pw2cLtWbBTJWNqKgu8WMVVauep0qGF+Bn+Uw2y4Nd2Ndff63s7Gx16tTposezs7O1YcMGtWrVyqXzZjLdDFyz3tm0z9MlAHCT+OZVPHbt79Iy3XbuZtWD3XZud/JoktiiRYu/PR4QEOBygwgAAOCqYrycodvw280AAMDr0SOaivQ6iQAAAPAMkkQAAACiRANJIgAAAAwkiQAAwOuxBI6JJBEAAAAGkkQAAOD1WALHRJIIAABQhKxdu1bdunVTVFSUbDabFi9e7HTcsiyNGzdOkZGR8vf3V7t27bRr1y6nMUePHlW/fv0UFBSkkJAQDRo0SCdOnHCpDppEAADg9Wxu3FyVnZ2thg0b6tVXX73o8cmTJ2v69OmaNWuWvvvuOwUEBKhjx446ffq0Y0y/fv20fft2JScna+nSpVq7dq2GDBniUh0e/Vk+d+Fn+YBrFz/LB1y7PPmzfJt+zXLbuW+IDrrs99psNi1atEg9evSQdC5FjIqK0siRIzVq1ChJUmZmpsLDwzVnzhz16dNHO3bsUExMjNavX68bb7xRkvTFF1+oS5cu+u233xQVFVWga5MkAgAAuFFOTo6ysrKctpycnMs61969e5Wenq527do59gUHB6tZs2ZKSUmRJKWkpCgkJMTRIEpSu3bt5OPjo++++67A16JJBAAAXs/mxn+SkpIUHBzstCUlJV1Wnenp6ZKk8PBwp/3h4eGOY+np6QoLC3M6XqJECYWGhjrGFARPNwMAALhRYmKiEhISnPbZ7XYPVVNwNIkAAMDruXMJHLvdXmhNYUREhCQpIyNDkZGRjv0ZGRlq1KiRY8yhQ4ec3nf27FkdPXrU8f6CYLoZAACgmKhataoiIiK0cuVKx76srCx99913io2NlSTFxsbq2LFj2rhxo2PMqlWrlJ+fr2bNmhX4WiSJAADA6xWltbRPnDih3bt3O17v3btXqampCg0NVeXKlfXII4/o6aefVs2aNVW1alWNHTtWUVFRjieg69atq06dOmnw4MGaNWuWcnNzNWzYMPXp06fATzZLNIkAAABFyoYNG9SmTRvH6/P3M8bFxWnOnDl69NFHlZ2drSFDhujYsWO69dZb9cUXX6hUqVKO98yfP1/Dhg1T27Zt5ePjo169emn69Oku1cE6iQCKFdZJBK5dnlwnccv+4247d8NKgW47tzuRJAIAAK9nK1ITzkUDD64AAADAQJIIAAC8njuXwCmuSBIBAABgIEkEAABejyDRRJIIAAAAA0kiAAAAUaKBJBEAAAAGkkQAAOD1WCfRRJIIAAAAA0kiAADweqyTaKJJBAAAXo8e0cR0MwAAAAwkiQAAAESJBpJEAAAAGEgSAQCA12MJHBNJIgAAAAwkiQAAwOuxBI6JJBEAAAAGkkQAAOD1CBJNNIkAAAB0iQammwEAAGAgSQQAAF6PJXBMJIkAAAAwkCQCAACvxxI4JpJEAAAAGEgSAQCA1yNINJEkAgAAwECSCAAAQJRooEkEAABejyVwTEw3AwAAwECSCAAAvB5L4JhIEgEAAGAgSQQAAF6PINFEkggAAAADSSIAAABRooEkEQAAAAaSRAAA4PVYJ9FEkwgAALweS+CYmG4GAACAgSQRAAB4PYJEE0kiAAAADCSJAADA63FPookkEQAAAAaSRAAAAO5KNJAkAgAAwECSCAAAvB73JJpoEgEAgNejRzQx3QwAAAADSSIAAPB6TDebSBIBAABgIEkEAABez8ZdiQaSRAAAABhIEgEAAAgSDSSJAAAAMJAkAgAAr0eQaKJJBAAAXo8lcExMNwMAABQR48ePl81mc9rq1KnjOH769GnFx8erXLlyKlOmjHr16qWMjAy31EKTCAAAvJ7Njf+46vrrr9fBgwcd2zfffOM4NmLECC1ZskQffPCB1qxZowMHDqhnz56F+VU4MN0MAABQhJQoUUIRERHG/szMTL311ltasGCB/vWvf0mSZs+erbp16+rbb7/VzTffXKh1kCQCAADY3Lfl5OQoKyvLacvJyblkKbt27VJUVJSqVaumfv36ad++fZKkjRs3Kjc3V+3atXOMrVOnjipXrqyUlJRC/DLOoUkEAABwo6SkJAUHBzttSUlJFx3brFkzzZkzR1988YVmzpypvXv3qkWLFjp+/LjS09Pl5+enkJAQp/eEh4crPT290OtmuhkAAHg9dz7cnJiYqISEBKd9drv9omM7d+7s+HODBg3UrFkzRUdH6/3335e/v78bqzSRJAIAALiR3W5XUFCQ03apJvFCISEhqlWrlnbv3q2IiAidOXNGx44dcxqTkZFx0XsYrxRNIgAA8Ho2m/u2K3HixAmlpaUpMjJSTZo0UcmSJbVy5UrH8Z07d2rfvn2KjY29wm/AxHQzAADwepezVI07jBo1St26dVN0dLQOHDigp556Sr6+vrr77rsVHBysQYMGKSEhQaGhoQoKCtLw4cMVGxtb6E82SzSJAAAARcZvv/2mu+++W0eOHFGFChV066236ttvv1WFChUkSVOnTpWPj4969eqlnJwcdezYUTNmzHBLLTbLsiy3nNmDMk/le7oEAG7yzqZ9ni4BgJvEN6/isWv/eTLPbecuW9rXbed2J+5JBAAAgIEmEQAAAAaaRAAAABh4cAUAAHi9K12q5lpEkggAAAADSSIAAPB6RWWdxKKEJhEAAHg9pptNTDcDAADAQJIIAAC8HkGiiSQRAAAABpJEAAAAokQDSSIAAAAMJIkAAMDrsQSOiSQRAAAABpJEAADg9Vgn0USSCAAAAANJIgAA8HoEiSaaRAAAALpEA9PNAAAAMJAkAgAAr8cSOCaSRAAAABhIEgEAgNdjCRwTSSIAAAAMNsuyLE8XAVyunJwcJSUlKTExUXa73dPlAChE/P0GPIsmEcVaVlaWgoODlZmZqaCgIE+XA6AQ8fcb8CymmwEAAGCgSQQAAICBJhEAAAAGmkQUa3a7XU899RQ3tQPXIP5+A57FgysAAAAwkCQCAADAQJMIAAAAA00iAAAADDSJAAAAMNAkolh79dVXVaVKFZUqVUrNmjXT999/7+mSAFyhtWvXqlu3boqKipLNZtPixYs9XRLglWgSUWy99957SkhI0FNPPaVNmzapYcOG6tixow4dOuTp0gBcgezsbDVs2FCvvvqqp0sBvBpL4KDYatasmZo2bapXXnlFkpSfn69KlSpp+PDheuyxxzxcHYDCYLPZtGjRIvXo0cPTpQBehyQRxdKZM2e0ceNGtWvXzrHPx8dH7dq1U0pKigcrAwDg2kCTiGLpjz/+UF5ensLDw532h4eHKz093UNVAQBw7aBJBAAAgIEmEcVS+fLl5evrq4yMDKf9GRkZioiI8FBVAABcO2gSUSz5+fmpSZMmWrlypWNffn6+Vq5cqdjYWA9WBgDAtaGEpwsALldCQoLi4uJ044036qabbtK0adOUnZ2tgQMHero0AFfgxIkT2r17t+P13r17lZqaqtDQUFWuXNmDlQHehSVwUKy98sormjJlitLT09WoUSNNnz5dzZo183RZAK7A6tWr1aZNG2N/XFyc5syZc/ULArwUTSIAAAAM3JMIAAAAA00iAAAADDSJAAAAMNAkAgAAwECTCAAAAANNIgAAAAw0iQAAADDQJAIAAMBAkwjgig0YMEA9evRwvG7durUeeeSRq17H6tWrZbPZdOzYsUuOsdlsWrx4cYHPOX78eDVq1OiK6vrll19ks9mUmpp6RecBgKuJJhG4Rg0YMEA2m002m01+fn6qUaOGJk6cqLNnz7r92h9//LEmTZpUoLEFaewAAFdfCU8XAMB9OnXqpNmzZysnJ0eff/654uPjVbJkSSUmJhpjz5w5Iz8/v0K5bmhoaKGcBwDgOSSJwDXMbrcrIiJC0dHReuCBB9SuXTt9+umnkv7fFPEzzzyjqKgo1a5dW5K0f/9+9e7dWyEhIQoNDVX37t31yy+/OM6Zl5enhIQEhYSEqFy5cnr00Ud14U/AXzjdnJOTozFjxqhSpUqy2+2qUaOG3nrrLf3yyy9q06aNJKls2bKy2WwaMGCAJCk/P19JSUmqWrWq/P391bBhQ3344YdO1/n8889Vq1Yt+fv7q02bNk51FtSYMWNUq1YtlS5dWtWqVdPYsWOVm5trjHvttddUqVIllS5dWr1791ZmZqbT8TfffFN169ZVqVKlVKdOHc2YMeOS1/zzzz/Vr18/VahQQf7+/qpZs6Zmz57tcu0A4E4kiYAX8ff315EjRxyvV65cqaCgICUnJ0uScnNz1bFjR8XGxurrr79WiRIl9PTTT6tTp07aunWr/Pz89MILL2jOnDn673//q7p16+qFF17QokWL9K9//euS1+3fv79SUlI0ffp0NWzYUHv37tUff/yhSpUq6aOPPlKvXr20c+dOBQUFyd/fX5KUlJSkd955R7NmzVLNmjW1du1a3XPPPapQoYJatWql/fv3q2fPnoqPj9eQIUO0YcMGjRw50uXvJDAwUHPmzFFUVJS2bdumwYMHKzAwUI8++qhjzO7du/X+++9ryZIlysrK0qBBg/Tggw9q/vz5kqT58+dr3LhxeuWVV9S4cWNt3rxZgwcPVkBAgOLi4oxrjh07Vj/++KOWLVum8uXLa/fu3Tp16pTLtQOAW1kArklxcXFW9+7dLcuyrPz8fCs5Odmy2+3WqFGjHMfDw8OtnJwcx3vmzZtn1a5d28rPz3fsy8nJsfz9/a3ly5dblmVZkZGR1uTJkx3Hc3NzrYoVKzquZVmW1apVK+vhhx+2LMuydu7caUmykpOTL1rnV199ZUmy/vzzT8e+06dPW6VLl7bWrVvnNHbQoEHW3XffbVmWZSUmJloxMTFOx8eMGWOc60KSrEWLFl3y+JQpU6wmTZo4Xj/11FOWr6+v9dtvvzn2LVu2zPLx8bEOHjxoWZZlVa9e3VqwYIHTeSZNmmTFxsZalmVZe/futSRZmzdvtizLsrp162YNHDjwkjUAQFFAkghcw5YuXaoyZcooNzdX+fn56tu3r8aPH+84Xr9+faf7ELds2aLdu3crMDDQ6TynT59WWlqaMjMzdfDgQTVr1sxxrESJErrxxhuNKefzUlNT5evrq1atWhW47t27d+vkyZNq37690/4zZ86ocePGkqQdO3Y41SFJsbGxBb7Gee+9956mT5+utLQ0nThxQmfPnlVQUJDTmMqVK+u6665zuk5+fr527typwMBApaWladCgQRo8eLBjzNmzZxUcHHzRaz7wwAPq1auXNm3apA4dOqhHjx665ZZbXK4dANyJJhG4hrVp00YzZ86Un5+foqKiVKKE81/5gIAAp9cnTpxQkyZNHNOof1WhQoXLquH89LErTpw4IUn67LPPnJoz6dx9loUlJSVF/fr104QJE9SxY0cFBwdr4cKFeuGFF1yu9Y033jCaVl9f34u+p3Pnzvr111/1+eefKzk5WW3btlV8fLyef/75y/8wAFDIaBKBa1hAQIBq1KhR4PE33HCD3nvvPYWFhRlp2nmRkZH67rvv1LJlS0nnErONGzfqhhtuuOj4+vXrKz8/X2vWrFG7du2M4+eTzLy8PMe+mJgY2e127du375IJZN26dR0P4Zz37bff/vOH/It169YpOjpaTzzxhGPfr7/+aozbt2+fDhw4oKioKMd1fHx8VLt2bYWHhysqKkp79uxRv379CnztChUqKC4uTnFxcWrRooVGjx5NkwigSOHpZgAO/fr1U/ny5dW9e3d9/fXX2rt3r1avXq2HHnpIv/32myTp4Ycf1nPPPafFixfrp59+0oMPPvi3axxWqVJFcXFxuu+++7R48WLHOd9//31JUnR0tGw2m5YuXarDhw/rxIkTCgwM1KhRozRixAjNnTtXaWlp2rRpk15++WXNnTtXkjR06FDt2rVLo0eP1s6dO7VgwQLNmTPHpc9bs2ZN7du3TwsXLlRaWpqmT5+uRYsWGeNKlSqluLg4bdmyRV9//bUeeugh9e7dWxEREZKkCRMmKCkpSdOnT9fPP/+sbdu2afbs2XrxxRcvet1x48bpk08+0e7du7V9+3YtXbpUdevWdal2AHA3mkQADqVLl9batWtVuXJl9ezZU3Xr1tWgQYN0+vRpR7I4cuRI3XvvvYqLi1NsbKwCAwN1xx13/O15Z86cqTvvvFMPPvig6tSpo8GDBys7O1uSdN1112nChAl67LHHFB4ermHDhkmSJk2apLFjxyopKUl169ZVp06d9Nlnn6lq1aqSzt0n+NFHH2nx4sVq2LChZs2apWeffdalz3v77bdrxIgRGjZsmBo1aqR169Zp7NixxrgaNWqoZ8+e6tKlizp06KAGDRo4LXFz//33680339Ts2bNVv359tWrVSnPmzHHUeiE/Pz8lJiaqQYMGatmypXx9fbVw4UKXagcAd7NZl7rbHAAAAF6LJBEAAAAGmkQAAAAYaBIBAABgoEkEAACAgSYRAAAABppEAAAAGGgSAQAAYKBJBAAAgIEmEQAAAAaaRAAAABhoEgEAAGD4/wDbiCYrgtOIZAAAAABJRU5ErkJggg==", + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAokAAAIjCAYAAABvUIGpAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8pXeV/AAAACXBIWXMAAA9hAAAPYQGoP6dpAABHWElEQVR4nO3de5iN9f7/8deaYdYczMFgZkwY58PkGKXJeRunJMKWqIbEpqEySLN35FTT1kFR6LSR6BxFSYNQ25RDRE4ZlMSMcpoMxpi5f3/0s757+VCzmDVrxno+9nVfl3Xfn3Xf77X2xfXu9bnvz7JZlmUJAAAA+B8+ni4AAAAAxQ9NIgAAAAw0iQAAADDQJAIAAMBAkwgAAAADTSIAAAAMNIkAAAAw0CQCAADAQJMIAAAAA00igD+1Z88edezYUaGhobLZbFq8eHGhnv/HH3+UzWbT3LlzC/W8JVnbtm3Vtm1bT5cBwMvRJAIlwN69e/WPf/xD1atXl7+/v0JCQtSiRQu98MILOnPmjFuvnZCQoG3btumJJ57Q/Pnz1axZM7derygNGDBANptNISEhl/we9+zZI5vNJpvNpmeeecbl8x86dEgTJkzQli1bCqFaAChapTxdAIA/98knn+jvf/+77Ha77r33XtWvX1/nzp3TV199pTFjxmj79u165ZVX3HLtM2fOKC0tTf/61780fPhwt1wjJiZGZ86cUenSpd1y/r9SqlQpnT59WkuWLFGfPn2cji1YsED+/v46e/bsFZ370KFDmjhxoqpWrarGjRsX+H2ff/75FV0PAAoTTSJQjO3fv199+/ZVTEyMVq1apYoVKzqOJSYmKj09XZ988onbrv/rr79KksLCwtx2DZvNJn9/f7ed/6/Y7Xa1aNFCb731ltEkLly4UF27dtUHH3xQJLWcPn1agYGB8vPzK5LrAcCfYboZKMamTp2qU6dO6fXXX3dqEC+oWbOmHnroIcfr8+fPa/LkyapRo4bsdruqVq2qf/7zn8rJyXF6X9WqVXXbbbfpq6++0k033SR/f39Vr15db7zxhmPMhAkTFBMTI0kaM2aMbDabqlatKumPadoLf/5fEyZMkM1mc9qXmpqqli1bKiwsTGXKlFGdOnX0z3/+03H8cvckrlq1Sq1atVJQUJDCwsLUvXt37dy585LXS09P14ABAxQWFqbQ0FANHDhQp0+fvvwXe5F+/fpp2bJlOnHihGPfhg0btGfPHvXr188Yf+zYMY0ePVoNGjRQmTJlFBISoi5duui7775zjFm9erVuvPFGSdLAgQMd09YXPmfbtm1Vv359bdq0Sa1bt1ZgYKDje7n4nsSEhAT5+/sbn79Tp04qW7asDh06VODPCgAFRZMIFGNLlixR9erVdcsttxRo/P3336/x48frhhtu0LRp09SmTRulpKSob9++xtj09HT17t1bHTp00LPPPquyZctqwIAB2r59uySpZ8+emjZtmiTprrvu0vz58/X888+7VP/27dt12223KScnR5MmTdKzzz6r22+/Xf/973//9H0rVqxQp06ddOTIEU2YMEFJSUlat26dWrRooR9//NEY36dPH/3+++9KSUlRnz59NHfuXE2cOLHAdfbs2VM2m00ffvihY9/ChQtVt25d3XDDDcb4ffv2afHixbrtttv03HPPacyYMdq2bZvatGnjaNjq1aunSZMmSZKGDBmi+fPna/78+WrdurXjPEePHlWXLl3UuHFjPf/882rXrt0l63vhhRdUoUIFJSQkKC8vT5L08ssv6/PPP9eMGTMUHR1d4M8KAAVmASiWTp48aUmyunfvXqDxW7ZssSRZ999/v9P+0aNHW5KsVatWOfbFxMRYkqy1a9c69h05csSy2+3WqFGjHPv2799vSbKefvppp3MmJCRYMTExRg2PP/649b//rEybNs2SZP3666+XrfvCNebMmePY17hxYysiIsI6evSoY993331n+fj4WPfee69xvfvuu8/pnHfccYdVrly5y17zfz9HUFCQZVmW1bt3b6t9+/aWZVlWXl6eFRUVZU2cOPGS38HZs2etvLw843PY7XZr0qRJjn0bNmwwPtsFbdq0sSRZs2fPvuSxNm3aOO1bvny5JcmaMmWKtW/fPqtMmTJWjx49/vIzAsCVIkkEiqmsrCxJUnBwcIHGf/rpp5KkpKQkp/2jRo2SJOPexdjYWLVq1crxukKFCqpTp4727dt3xTVf7MK9jB999JHy8/ML9J7Dhw9ry5YtGjBggMLDwx37GzZsqA4dOjg+5/8aOnSo0+tWrVrp6NGjju+wIPr166fVq1crIyNDq1atUkZGxiWnmqU/7mP08fnjn8+8vDwdPXrUMZX+7bffFviadrtdAwcOLNDYjh076h//+IcmTZqknj17yt/fXy+//HKBrwUArqJJBIqpkJAQSdLvv/9eoPE//fSTfHx8VLNmTaf9UVFRCgsL008//eS0v0qVKsY5ypYtq+PHj19hxaY777xTLVq00P3336/IyEj17dtX77777p82jBfqrFOnjnGsXr16+u2335Sdne20/+LPUrZsWUly6bPceuutCg4O1jvvvKMFCxboxhtvNL7LC/Lz8zVt2jTVqlVLdrtd5cuXV4UKFbR161adPHmywNe87rrrXHpI5ZlnnlF4eLi2bNmi6dOnKyIiosDvBQBX0SQCxVRISIiio6P1/fffu/S+ix8cuRxfX99L7rcs64qvceF+uQsCAgK0du1arVixQvfcc4+2bt2qO++8Ux06dDDGXo2r+SwX2O129ezZU/PmzdOiRYsumyJK0pNPPqmkpCS1bt1ab775ppYvX67U1FRdf/31BU5MpT++H1ds3rxZR44ckSRt27bNpfcCgKtoEoFi7LbbbtPevXuVlpb2l2NjYmKUn5+vPXv2OO3PzMzUiRMnHE8qF4ayZcs6PQl8wcVppST5+Pioffv2eu6557Rjxw498cQTWrVqlb744otLnvtCnbt37zaO7dq1S+XLl1dQUNDVfYDL6NevnzZv3qzff//9kg/7XPD++++rXbt2ev3119W3b1917NhR8fHxxndS0Ia9ILKzszVw4EDFxsZqyJAhmjp1qjZs2FBo5weAi9EkAsXYI488oqCgIN1///3KzMw0ju/du1cvvPCCpD+mSyUZTyA/99xzkqSuXbsWWl01atTQyZMntXXrVse+w4cPa9GiRU7jjh07Zrz3wqLSFy/Lc0HFihXVuHFjzZs3z6np+v777/X55587Pqc7tGvXTpMnT9aLL76oqKioy47z9fU1Usr33ntPv/zyi9O+C83spRpqV40dO1YHDhzQvHnz9Nxzz6lq1apKSEi47PcIAFeLxbSBYqxGjRpauHCh7rzzTtWrV8/pF1fWrVun9957TwMGDJAkNWrUSAkJCXrllVd04sQJtWnTRuvXr9e8efPUo0ePyy6vciX69u2rsWPH6o477tCDDz6o06dPa9asWapdu7bTgxuTJk3S2rVr1bVrV8XExOjIkSOaOXOmKlWqpJYtW172/E8//bS6dOmiuLg4DRo0SGfOnNGMGTMUGhqqCRMmFNrnuJiPj48ee+yxvxx32223adKkSRo4cKBuueUWbdu2TQsWLFD16tWdxtWoUUNhYWGaPXu2goODFRQUpObNm6tatWou1bVq1SrNnDlTjz/+uGNJnjlz5qht27YaN26cpk6d6tL5AKBAPPx0NYAC+OGHH6zBgwdbVatWtfz8/Kzg4GCrRYsW1owZM6yzZ886xuXm5loTJ060qlWrZpUuXdqqXLmylZyc7DTGsv5YAqdr167GdS5eeuVyS+BYlmV9/vnnVv369S0/Pz+rTp061ptvvmksgbNy5Uqre/fuVnR0tOXn52dFR0dbd911l/XDDz8Y17h4mZgVK1ZYLVq0sAICAqyQkBCrW7du1o4dO5zGXLjexUvszJkzx5Jk7d+//7LfqWU5L4FzOZdbAmfUqFFWxYoVrYCAAKtFixZWWlraJZeu+eijj6zY2FirVKlSTp+zTZs21vXXX3/Ja/7vebKysqyYmBjrhhtusHJzc53GjRw50vLx8bHS0tL+9DMAwJWwWZYLd3YDAADAK3BPIgAAAAw0iQAAADDQJAIAAMBAkwgAAAADTSIAAAAMNIkAAAAw0CQCAADAcE3+4kpAk+GeLgGAmxzf8KKnSwDgJv4e7Erc2Tuc2Vwy/90iSQQAAIDhmkwSAQAAXGIjN7sYTSIAAIDN5ukKih3aZgAAABhIEgEAAJhuNvCNAAAAwECSCAAAwD2JBpJEAAAAGEgSAQAAuCfRwDcCAAAAA0kiAAAA9yQaaBIBAACYbjbwjQAAAMBAkggAAMB0s4EkEQAAAAaSRAAAAO5JNPCNAAAAwECSCAAAwD2JBpJEAAAAGEgSAQAAuCfRQJMIAADAdLOBthkAAAAGmkQAAACbj/s2F8yaNUsNGzZUSEiIQkJCFBcXp2XLljmOt23bVjabzWkbOnSo0zkOHDigrl27KjAwUBERERozZozOnz/v8lfCdDMAAEAxUalSJT311FOqVauWLMvSvHnz1L17d23evFnXX3+9JGnw4MGaNGmS4z2BgYGOP+fl5alr166KiorSunXrdPjwYd17770qXbq0nnzySZdqoUkEAAAoJg+udOvWzen1E088oVmzZunrr792NImBgYGKioq65Ps///xz7dixQytWrFBkZKQaN26syZMna+zYsZowYYL8/PwKXEvx+EYAAACuUTk5OcrKynLacnJy/vJ9eXl5evvtt5Wdna24uDjH/gULFqh8+fKqX7++kpOTdfr0acextLQ0NWjQQJGRkY59nTp1UlZWlrZv3+5S3TSJAAAAPja3bSkpKQoNDXXaUlJSLlvKtm3bVKZMGdntdg0dOlSLFi1SbGysJKlfv35688039cUXXyg5OVnz58/X3Xff7XhvRkaGU4MoyfE6IyPDpa+E6WYAAAA3Sk5OVlJSktM+u91+2fF16tTRli1bdPLkSb3//vtKSEjQmjVrFBsbqyFDhjjGNWjQQBUrVlT79u21d+9e1ahRo1DrpkkEAABw4z2Jdrv9T5vCi/n5+almzZqSpKZNm2rDhg164YUX9PLLLxtjmzdvLklKT09XjRo1FBUVpfXr1zuNyczMlKTL3sd4OUw3AwAA2Gzu265Sfn7+Ze9h3LJliySpYsWKkqS4uDht27ZNR44ccYxJTU1VSEiIY8q6oEgSAQAAionk5GR16dJFVapU0e+//66FCxdq9erVWr58ufbu3auFCxfq1ltvVbly5bR161aNHDlSrVu3VsOGDSVJHTt2VGxsrO655x5NnTpVGRkZeuyxx5SYmOhSminRJAIAABSbJXCOHDmie++9V4cPH1ZoaKgaNmyo5cuXq0OHDvr555+1YsUKPf/888rOzlblypXVq1cvPfbYY473+/r6aunSpRo2bJji4uIUFBSkhIQEp3UVC8pmWZZVmB+uOAhoMtzTJQBwk+MbXvR0CQDcxN+D0VVA/FNuO/eZFY+67dzuRJIIAABQCPcOXmuKR7YKAACAYoUkEQAAoJjck1ic8I0AAADAQJIIAADAPYkGmkQAAACmmw18IwAAADCQJAIAADDdbCBJBAAAgIEkEQAAgHsSDXwjAAAAMJAkAgAAcE+igSQRAAAABpJEAAAA7kk00CQCAADQJBr4RgAAAGAgSQQAAODBFQNJIgAAAAwkiQAAANyTaOAbAQAAgIEkEQAAgHsSDSSJAAAAMJAkAgAAcE+igSYRAACA6WYDbTMAAAAMJIkAAMDr2UgSDSSJAAAAMJAkAgAAr0eSaCJJBAAAgIEkEQAAgCDRQJIIAAAAA0kiAADwetyTaKJJBAAAXo8m0cR0MwAAAAwkiQAAwOuRJJpIEgEAAGAgSQQAAF6PJNFEkggAAAADSSIAAABBooEkEQAAAAaSRAAA4PW4J9FEkggAAAADSSIAAPB6JIkmmkQAAOD1aBJNTDcDAADAQJIIAAC8HkmiiSQRAAAABpJEAAAAgkQDSSIAAAAMJIkAAMDrcU+iiSQRAAAABpJEAADg9UgSTTSJAADA69EkmphuBgAAgIEkEQAAgCDRQJIIAAAAA00iAADwejabzW2bK2bNmqWGDRsqJCREISEhiouL07JlyxzHz549q8TERJUrV05lypRRr169lJmZ6XSOAwcOqGvXrgoMDFRERITGjBmj8+fPu/yd0CQCAAAUE5UqVdJTTz2lTZs2aePGjfrb3/6m7t27a/v27ZKkkSNHasmSJXrvvfe0Zs0aHTp0SD179nS8Py8vT127dtW5c+e0bt06zZs3T3PnztX48eNdrsVmWZZVaJ+smAhoMtzTJQBwk+MbXvR0CQDcxN+DT0pEDX7fbefOeLX3Vb0/PDxcTz/9tHr37q0KFSpo4cKF6t37j3Pu2rVL9erVU1pamm6++WYtW7ZMt912mw4dOqTIyEhJ0uzZszV27Fj9+uuv8vPzK/B1SRIBAADcKCcnR1lZWU5bTk7OX74vLy9Pb7/9trKzsxUXF6dNmzYpNzdX8fHxjjF169ZVlSpVlJaWJklKS0tTgwYNHA2iJHXq1ElZWVmONLKgaBIBAIDXc+c9iSkpKQoNDXXaUlJSLlvLtm3bVKZMGdntdg0dOlSLFi1SbGysMjIy5Ofnp7CwMKfxkZGRysjIkCRlZGQ4NYgXjl845gqWwAEAAF7PnYtpJycnKykpyWmf3W6/7Pg6depoy5YtOnnypN5//30lJCRozZo1bqvvcmgSAQAA3Mhut/9pU3gxPz8/1axZU5LUtGlTbdiwQS+88ILuvPNOnTt3TidOnHBKEzMzMxUVFSVJioqK0vr1653Od+Hp5wtjCorpZgAAAJsbt6uUn5+vnJwcNW3aVKVLl9bKlSsdx3bv3q0DBw4oLi5OkhQXF6dt27bpyJEjjjGpqakKCQlRbGysS9clSQQAACgmkpOT1aVLF1WpUkW///67Fi5cqNWrV2v58uUKDQ3VoEGDlJSUpPDwcIWEhGjEiBGKi4vTzTffLEnq2LGjYmNjdc8992jq1KnKyMjQY489psTERJfSTIkmEQAAwK33JLriyJEjuvfee3X48GGFhoaqYcOGWr58uTp06CBJmjZtmnx8fNSrVy/l5OSoU6dOmjlzpuP9vr6+Wrp0qYYNG6a4uDgFBQUpISFBkyZNcrkW1kkEUKKwTiJw7fLkOonXDVvktnP/MusOt53bnUgSAQCA1ysuSWJxwoMrAAAAMJAkAgAAr0eSaKJJBAAAoEc0MN0MAAAAA0kiAADwekw3m0gSAQAAYCBJBAAAXo8k0USSCAAAAANJIoqdwX9vqcG9WykmOlyStHNfhp58ZZk+/+8OVakYrt2fXvqnhfqPeV0frtgsSaocVVYv/PNOtWlWW6fO5GjBkm80bsbHysvLL7LPAaBgXn/1Za1M/Vz79++T3d9fjRs30cNJo1W1WnVJ0i+/HNStHdtf8r1PP/e8OnbqUpTl4hpFkmiiSUSx80vmCY2b8ZHSD/wqm2y6u1tzvTdtiG7u+5R2/5ipqvHJTuPv69VCI++N1/L/bpck+fjY9OH0Yco8mqV2A55VVIVQvTb5HuWez9PjLy7xxEcC8Cc2blivO+/qr+sbNFDe+TzNeOE5DR08SB9+/IkCAwMVFVVRK1d/5fSe9997R/PmvK6WLVt7qGrg2keTiGLn07XfO72e8NISDf57S93UsJp27stQ5tHfnY7f3q6RPkj9VtlnzkmS4uPqqV71KHUdOkNHjv2urT/8okkzP9GUB7tryuxPlXs+r8g+C4C/NuuV151eT3riKbVrFaedO7arabMb5evrq/IVKjiNWbVyhTp27qLAoKCiLBXXMJJEk0fvSfztt980depU3XHHHYqLi1NcXJzuuOMOPf300/r11189WRqKCR8fm/7eqamCAvz0zdb9xvEm9Sqrcd3Kmrc4zbGvecNq+j79kI4c+79mMnXdToUGByi2RsUiqRvAlTv1+x9/d0NCQy95fMf277V7107d0bN3UZaFa53NjVsJ5bEkccOGDerUqZMCAwMVHx+v2rVrS5IyMzM1ffp0PfXUU1q+fLmaNWv2p+fJyclRTk6O0z4rP082H1+31Q73u75mtFbPGyV/v1I6dSZHd456Vbv2ZRjjEnrEaee+w/r6u/9rICPLhejIRWnjkWNZfxwrHyLtdm/tAK5cfn6+pv77STVucoNq1ap9yTGLPnhf1avXUOMmNxRxdYB38ViTOGLECP3973/X7NmzjYjXsiwNHTpUI0aMUFpa2mXO8IeUlBRNnDjRaZ9v5I0qXfGmQq8ZReeHHzPVvG+KQssE6I74Jnp10j3qeP8LTo2iv7207uzSTE+9+pkHKwVQmJ6cMlF79+zR3PkLL3n87NmzWvbpUg0e+kARV4ZrHdPNJo9NN3/33XcaOXLkJf9PsdlsGjlypLZs2fKX50lOTtbJkyedtlKRTd1QMYpS7vk87fv5N23e+bPGz/hY2374RYl3tXUac0d8YwX6+2nB0vVO+zOPZimiXLDTvojwkD+O/Zbl1roBXLknp0zS2jWr9eqceYqMirrkmNTPP9OZM2fV7fYeRVsc4IU81iRGRUVp/fr1lz2+fv16RUZG/uV57Ha7QkJCnDammq89Pjab7H7OwfeAHrfokzXb9NvxU077v9m6X/VrRqtC2TKOfe1vrquTv5/RzktMWQPwLMuy9OSUSVq1MlWv/meeKlWqfNmxiz/8QG3b/U3h4eFFWCG8gc1mc9tWUnlsunn06NEaMmSINm3apPbt2zsawszMTK1cuVKvvvqqnnnmGU+VBw+aNOJ2Lf/vdv18+LiCg/x1Z5dmat2slro9MNMxpnrl8mp5Qw31GDHLeP+KtJ3auS9Dr09J0L9eWKzIciF6PPE2vfzuWp3LPV+UHwVAATw5eaKWfbpUz8+YqaDAIP32/x9cLBMcLH9/f8e4Az/9pE0bN+ilWa94qlTAq3isSUxMTFT58uU1bdo0zZw5U3l5fyxL4uvrq6ZNm2ru3Lnq06ePp8qDB1UIL6PXJ9+rqPIhOnnqrL7f84u6PTBTq77Z5RiT0D1Ov2Se0Iq0Xcb78/Mt9Xpoll74Z1+tnjtK2WdztGDJek2a9UlRfgwABfTuO29JkgYNuMdp/6QpKep+R0/H68WLPlBkZJTiWrQs0vrgHUpw4Oc2NsuyLE8XkZubq99++02SVL58eZUuXfqqzhfQZHhhlAWgGDq+4UVPlwDATfw9uHpzzdHL3Hbu9GdK5q8CFYvFtEuXLq2KFVm/DgAAeEZJvnfQXYpFkwgAAOBJ9Igmj/7iCgAAAIonkkQAAOD1mG42kSQCAADAQJIIAAC8HkGiiSQRAAAABpJEAADg9Xx8iBIvRpIIAAAAA0kiAADwetyTaKJJBAAAXo8lcExMNwMAAMBAkggAALweQaKJJBEAAAAGkkQAAOD1uCfRRJIIAAAAA0kiAADweiSJJpJEAAAAGEgSAQCA1yNINNEkAgAAr8d0s4npZgAAABhIEgEAgNcjSDSRJAIAAMBAkggAALwe9ySaSBIBAABgIEkEAABejyDRRJIIAAAAA0kiAADwetyTaCJJBAAAgIEkEQAAeD2CRBNNIgAA8HpMN5uYbgYAAICBJBEAAHg9gkQTSSIAAAAMJIkAAMDrcU+iiSQRAAAABppEAADg9Ww2922uSElJ0Y033qjg4GBFRESoR48e2r17t9OYtm3bymazOW1Dhw51GnPgwAF17dpVgYGBioiI0JgxY3T+/HmXamG6GQAAoJhYs2aNEhMTdeONN+r8+fP65z//qY4dO2rHjh0KCgpyjBs8eLAmTZrkeB0YGOj4c15enrp27aqoqCitW7dOhw8f1r333qvSpUvrySefLHAtNIkAAMDrFZd7Ej/77DOn13PnzlVERIQ2bdqk1q1bO/YHBgYqKirqkuf4/PPPtWPHDq1YsUKRkZFq3LixJk+erLFjx2rChAny8/MrUC1MNwMAAK/nzunmnJwcZWVlOW05OTkFquvkyZOSpPDwcKf9CxYsUPny5VW/fn0lJyfr9OnTjmNpaWlq0KCBIiMjHfs6deqkrKwsbd++vcDfCU0iAACAG6WkpCg0NNRpS0lJ+cv35efn6+GHH1aLFi1Uv359x/5+/frpzTff1BdffKHk5GTNnz9fd999t+N4RkaGU4MoyfE6IyOjwHUz3QwAALyeO6ebk5OTlZSU5LTPbrf/5fsSExP1/fff66uvvnLaP2TIEMefGzRooIoVK6p9+/bau3evatSoUThFiyQRAADArex2u0JCQpy2v2oShw8frqVLl+qLL75QpUqV/nRs8+bNJUnp6emSpKioKGVmZjqNufD6cvcxXgpNIgAA8HoXLylTmJsrLMvS8OHDtWjRIq1atUrVqlX7y/ds2bJFklSxYkVJUlxcnLZt26YjR444xqSmpiokJESxsbEFroXpZgAAgGIiMTFRCxcu1EcffaTg4GDHPYShoaEKCAjQ3r17tXDhQt16660qV66ctm7dqpEjR6p169Zq2LChJKljx46KjY3VPffco6lTpyojI0OPPfaYEhMTCzTNfQFNIgAA8HrFZAUczZo1S9IfC2b/rzlz5mjAgAHy8/PTihUr9Pzzzys7O1uVK1dWr1699NhjjznG+vr6aunSpRo2bJji4uIUFBSkhIQEp3UVC4ImEQAAoJiwLOtPj1euXFlr1qz5y/PExMTo008/vapaaBIBAIDXKy6LaRcnNIkAAMDr0SOaeLoZAAAABpJEAADg9ZhuNpEkAgAAwECSCAAAvB5BookkEQAAAAaSRAAA4PV8iBINJIkAAAAwkCQCAACvR5BookkEAABejyVwTEw3AwAAwECSCAAAvJ4PQaKBJBEAAAAGkkQAAOD1uCfRRJIIAAAAA0kiAADwegSJJpJEAAAAGEgSAQCA17OJKPFiNIkAAMDrsQSOielmAAAAGEgSAQCA12MJHBNJIgAAAAwkiQAAwOsRJJpIEgEAAGAgSQQAAF7PhyjRQJIIAAAAQ6E0iSdOnCiM0wAAAHiEzea+raRyuUn897//rXfeecfxuk+fPipXrpyuu+46fffdd4VaHAAAQFGw2Wxu20oql5vE2bNnq3LlypKk1NRUpaamatmyZerSpYvGjBlT6AUCAACg6Ln84EpGRoajSVy6dKn69Omjjh07qmrVqmrevHmhFwgAAOBuJTjwcxuXk8SyZcvq559/liR99tlnio+PlyRZlqW8vLzCrQ4AAAAe4XKS2LNnT/Xr10+1atXS0aNH1aVLF0nS5s2bVbNmzUIvEAAAwN1YAsfkcpM4bdo0Va1aVT///LOmTp2qMmXKSJIOHz6sBx54oNALBAAAQNFzuUksXbq0Ro8ebewfOXJkoRQEAABQ1MgRTQVqEj/++OMCn/D222+/4mIAAABQPBSoSezRo0eBTmaz2Xh4BQAAlDgleT1DdylQk5ifn+/uOgAAADzGhx7RcFU/y3f27NnCqgMAAADFiMtNYl5eniZPnqzrrrtOZcqU0b59+yRJ48aN0+uvv17oBQIAALgbP8tncrlJfOKJJzR37lxNnTpVfn5+jv3169fXa6+9VqjFAQAAwDNcbhLfeOMNvfLKK+rfv798fX0d+xs1aqRdu3YVanEAAABFwWZz31ZSudwk/vLLL5f8ZZX8/Hzl5uYWSlEAAADwLJebxNjYWH355ZfG/vfff19NmjQplKIAAACKEvckmlz+xZXx48crISFBv/zyi/Lz8/Xhhx9q9+7deuONN7R06VJ31AgAAIAi5nKS2L17dy1ZskQrVqxQUFCQxo8fr507d2rJkiXq0KGDO2oEAABwKx+b+7aSyuUkUZJatWql1NTUwq4FAADAI0rytLC7XFGTKEkbN27Uzp07Jf1xn2LTpk0LrSgAAAB4lstN4sGDB3XXXXfpv//9r8LCwiRJJ06c0C233KK3335blSpVKuwaAQAA3Ioc0eTyPYn333+/cnNztXPnTh07dkzHjh3Tzp07lZ+fr/vvv98dNQIAAKCIuZwkrlmzRuvWrVOdOnUc++rUqaMZM2aoVatWhVocAABAUfDhnkSDy0li5cqVL7lodl5enqKjowulKAAAAHiWy03i008/rREjRmjjxo2OfRs3btRDDz2kZ555plCLAwAAKAr8LJ+pQNPNZcuWdXo0PDs7W82bN1epUn+8/fz58ypVqpTuu+8+9ejRwy2FAgAAoOgUqEl8/vnn3VwGAACA57BOoqlATWJCQoK76wAAAEAxcsWLaUvS2bNnde7cOad9ISEhV1UQAABAUSNINLn84Ep2draGDx+uiIgIBQUFqWzZsk4bAABASeNjs7ltc0VKSopuvPFGBQcHKyIiQj169NDu3budxpw9e1aJiYkqV66cypQpo169eikzM9NpzIEDB9S1a1cFBgYqIiJCY8aM0fnz5137TlwaLemRRx7RqlWrNGvWLNntdr322muaOHGioqOj9cYbb7h6OgAAAPx/a9asUWJior7++mulpqYqNzdXHTt2VHZ2tmPMyJEjtWTJEr333ntas2aNDh06pJ49ezqO5+XlqWvXrjp37pzWrVunefPmae7cuRo/frxLtdgsy7JceUOVKlX0xhtvqG3btgoJCdG3336rmjVrav78+Xrrrbf06aefulSAOwQ0Ge7pEgC4yfENL3q6BABu4n9VN8FdnQc+3OG2c8/sGXvF7/31118VERGhNWvWqHXr1jp58qQqVKighQsXqnfv3pKkXbt2qV69ekpLS9PNN9+sZcuW6bbbbtOhQ4cUGRkpSZo9e7bGjh2rX3/9VX5+fgW6tstJ4rFjx1S9enVJf9x/eOzYMUlSy5YttXbtWldPBwAAcE3LyclRVlaW05aTk1Og9548eVKSFB4eLknatGmTcnNzFR8f7xhTt25dValSRWlpaZKktLQ0NWjQwNEgSlKnTp2UlZWl7du3F7hul5vE6tWra//+/Y6i3n33XUnSkiVLFBYW5urpAAAAPM5ms7ltS0lJUWhoqNOWkpLylzXl5+fr4YcfVosWLVS/fn1JUkZGhvz8/IyeKzIyUhkZGY4x/9sgXjh+4VhBuRzsDhw4UN99953atGmjRx99VN26ddOLL76o3NxcPffcc66eDgAA4JqWnJyspKQkp312u/0v35eYmKjvv/9eX331lbtK+1MuN4kjR450/Dk+Pl67du3Spk2bVLNmTTVs2LBQi7tSh/77gqdLAOAmb2z8ydMlAHCTITfHeOzaLk+tusButxeoKfxfw4cP19KlS7V27VpVqlTJsT8qKkrnzp3TiRMnnNLEzMxMRUVFOcasX7/e6XwXnn6+MKYgrvo7iYmJUc+ePYtNgwgAAFBSWZal4cOHa9GiRVq1apWqVavmdLxp06YqXbq0Vq5c6di3e/duHThwQHFxcZKkuLg4bdu2TUeOHHGMSU1NVUhIiGJjC/4QTYGSxOnTpxf4hA8++GCBxwIAABQHxeVn+RITE7Vw4UJ99NFHCg4OdtxDGBoaqoCAAIWGhmrQoEFKSkpSeHi4QkJCNGLECMXFxenmm2+WJHXs2FGxsbG65557NHXqVGVkZOixxx5TYmKiS4lmgZbAubiLvezJbDbt27evwBd3l+On8zxdAgA3eW/rQU+XAMBNPDnd/PBHu9x27ue71y3w2Ms1q3PmzNGAAQMk/bGY9qhRo/TWW28pJydHnTp10syZM52mkn/66ScNGzZMq1evVlBQkBISEvTUU0+pVKmC32no8jqJJQFNInDtokkErl00icWLB5etBAAAKB58isdsc7Hizod5AAAAUEKRJAIAAK9XXB5cKU5IEgEAAGAgSQQAAF6PexJNV5Qkfvnll7r77rsVFxenX375RZI0f/58j/1sDAAAAAqXy03iBx98oE6dOikgIECbN29WTk6OJOnkyZN68sknC71AAAAAd7PZ3LeVVC43iVOmTNHs2bP16quvqnTp0o79LVq00LfffluoxQEAABQFH5vNbVtJ5XKTuHv3brVu3drYHxoaqhMnThRGTQAAAPAwl5vEqKgopaenG/u/+uorVa9evVCKAgAAKEo+btxKKpdrHzx4sB566CF98803stlsOnTokBYsWKDRo0dr2LBh7qgRAAAARczlJXAeffRR5efnq3379jp9+rRat24tu92u0aNHa8SIEe6oEQAAwK1K8K2DbuNyk2iz2fSvf/1LY8aMUXp6uk6dOqXY2FiVKVPGHfUBAADAA654MW0/Pz/FxsYWZi0AAAAeUZKfQnYXl5vEdu3a/envG65ateqqCgIAAIDnudwkNm7c2Ol1bm6utmzZou+//14JCQmFVRcAAECRIUg0udwkTps27ZL7J0yYoFOnTl11QQAAAEWN3242FdryPXfffbf+85//FNbpAAAA4EFX/ODKxdLS0uTv719YpwMAACgyPLhicrlJ7Nmzp9Nry7J0+PBhbdy4UePGjSu0wgAAAOA5LjeJoaGhTq99fHxUp04dTZo0SR07diy0wgAAAIoKQaLJpSYxLy9PAwcOVIMGDVS2bFl31QQAAAAPc+nBFV9fX3Xs2FEnTpxwUzkAAABFz8fmvq2kcvnp5vr162vfvn3uqAUAAADFhMtN4pQpUzR69GgtXbpUhw8fVlZWltMGAABQ0tjc+L+SqsD3JE6aNEmjRo3SrbfeKkm6/fbbnX6ez7Is2Ww25eXlFX6VAAAAblSSp4XdpcBN4sSJEzV06FB98cUX7qwHAAAAxUCBm0TLsiRJbdq0cVsxAAAAnkCSaHLpnkQbiwgBAAB4BZfWSaxdu/ZfNorHjh27qoIAAACKGkGYyaUmceLEicYvrgAAAODa41KT2LdvX0VERLirFgAAAI/gnkRTge9JJIYFAADwHi4/3QwAAHCtIQszFbhJzM/Pd2cdAAAAHuNDl2hw+Wf5AAAAcO1z6cEVAACAaxEPrphIEgEAAGAgSQQAAF6PWxJNJIkAAAAwkCQCAACv5yOixIuRJAIAAMBAkggAALwe9ySaaBIBAIDXYwkcE9PNAAAAMJAkAgAAr8fP8plIEgEAAGAgSQQAAF6PINFEkggAAAADSSIAAPB63JNoIkkEAACAgSQRAAB4PYJEE00iAADwekytmvhOAAAAYCBJBAAAXs/GfLOBJBEAAAAGmkQAAOD1bG7cXLV27Vp169ZN0dHRstlsWrx4sdPxAQMGyGazOW2dO3d2GnPs2DH1799fISEhCgsL06BBg3Tq1CmX6qBJBAAAKEays7PVqFEjvfTSS5cd07lzZx0+fNixvfXWW07H+/fvr+3btys1NVVLly7V2rVrNWTIEJfq4J5EAADg9YrTYtpdunRRly5d/nSM3W5XVFTUJY/t3LlTn332mTZs2KBmzZpJkmbMmKFbb71VzzzzjKKjowtUB0kiAACAG+Xk5CgrK8tpy8nJuapzrl69WhEREapTp46GDRumo0ePOo6lpaUpLCzM0SBKUnx8vHx8fPTNN98U+Bo0iQAAwOu5857ElJQUhYaGOm0pKSlXXGvnzp31xhtvaOXKlfr3v/+tNWvWqEuXLsrLy5MkZWRkKCIiwuk9pUqVUnh4uDIyMgp8HaabAQCA13PnbHNycrKSkpKc9tnt9is+X9++fR1/btCggRo2bKgaNWpo9erVat++/RWf92IkiQAAAG5kt9sVEhLitF1Nk3ix6tWrq3z58kpPT5ckRUVF6ciRI05jzp8/r2PHjl32PsZLoUkEAABe7+IlZQpzc7eDBw/q6NGjqlixoiQpLi5OJ06c0KZNmxxjVq1apfz8fDVv3rzA52W6GQAAoBg5deqUIxWUpP3792vLli0KDw9XeHi4Jk6cqF69eikqKkp79+7VI488opo1a6pTp06SpHr16qlz584aPHiwZs+erdzcXA0fPlx9+/Yt8JPNEkkiAACAfNy4uWrjxo1q0qSJmjRpIklKSkpSkyZNNH78ePn6+mrr1q26/fbbVbt2bQ0aNEhNmzbVl19+6TSFvWDBAtWtW1ft27fXrbfeqpYtW+qVV15xqQ6bZVnWFdRfrB0/nefpEgC4yXtbD3q6BABuMuTmGI9d+53Nv7jt3Hc2uc5t53YnppsBAIDXK4p7B0sappsBAABgIEkEAABejxzRRJIIAAAAA0kiAADwetyTaKJJBAAAXo+pVRPfCQAAAAwkiQAAwOsx3WwiSQQAAICBJBEAAHg9ckQTSSIAAAAMJIkAAMDrcUuiiSQRAAAABpJEAADg9Xy4K9FAkwgAALwe080mppsBAABgIEkEAABez8Z0s4EkEQAAAAaSRAAA4PW4J9FEkggAAAADSSIAAPB6LIFjIkkEAACAgSQRAAB4Pe5JNNEkAgAAr0eTaGK6GQAAAAaSRAAA4PVYTNtEkggAAAADSSIAAPB6PgSJBpJEAAAAGEgSAQCA1+OeRBNJIgAAAAwkiQAAwOuxTqKJJhEAAHg9pptNTDcDAADAQJIIAAC8HkvgmEgSAQAAYCBJBAAAXo97Ek0kiQAAADCQJKLEeeM/r2rmjGm6s989Gjkm2emYZVkaOfwf+nrdV/r3c9PVpl28h6oEcDkHd23VhmXvKfPHPco+cUy3P/i4ajVt4TTm6KEDWvvOazq4e6vy8/JU7roY3T5ivELKRUiSzp87p9Vvv6zdX69W3vlcVW3QTO3vHaGg0LKe+Ei4BrAEjokkESXKju3btOiDd1WzVp1LHn97wRuy8TcdKNZyc86qQuXqan/P8EseP5F5SG9PGanw6Mrqk/yMEqa8rJtv769SpUs7xqxeOFv7Nn+tbsMf053Jz+jU8aP6ePrEovoIgFegSUSJcfp0th7/5yNKHjdRwSEhxvEfdu/Uwvlz9diEKR6oDkBBVWt0k1r2HqhazVpe8vhXH8xRtUY3qc2dgxUZU1NhkdGqeUOcAkP+SAlzTmdr29rP1LbfP1Qltokiq9VWp/tH6VD6Dh1K31mUHwXXEJsbt5KKJhElxjMpU9SiVRvddPMtxrGzZ85ofPIYjXn0MZUrX8ED1QEoDFZ+vvZ9t15lo67T+08na+bwv2vBxBHas+m/jjGZP/6g/LzzqhJ7g2NfuegqCi4XocPpOzxRNq4BPjab27aSqlg3iT///LPuu+++Px2Tk5OjrKwspy0nJ6eIKkRRSf3sU+3etUPDRoy85PHnn31KDRo1Uet27Yu4MgCF6XTWCeWePaP1S99RtQbN1HvMU6rZtIU+njFJP+/aKknKPnlcvqVKyz+ojNN7g0LKKvvkcU+UDVyTinWTeOzYMc2bN+9Px6SkpCg0NNRpm/bMU0VUIYpCZsZhPfd0iiY8MVV2u904vnb1Km1c/41GjnnUA9UBKEyWZUmSat5wi5p27qWImBpqfltfVW/UXN+tWurh6nAtY7rZ5NGnmz/++OM/Pb5v376/PEdycrKSkpKc9p3O46Hta8mundt1/NhRDejX27EvLy9PW77dqPffWag7et+pXw7+rA6tb3Z6X/Loh9WoSVPNeu3P/0MDQPEREBwiH19flYuu4rS/XHQV/fLD95KkoNCyyjufq7PZp5zSxOys4zzdDBQij3ZTPXr0kM1mc/yX46X81ZOqdrvdSJfyTucVSn0oHprdFKcF733ktG/K4/9STLVqumfA/QoLC9Mdve90Ot7/79310KixatWmXVGWCuAq+ZYqrchqdXQs46DT/uMZBxVSPlKSFFm1tnx8S+nAjs2qfWMrSdKxwz/r96NHVLFmbJHXjGtESY783MSjTWLFihU1c+ZMde/e/ZLHt2zZoqZNmxZxVShugoKCVKNmLad9/gEBCg0Nc+y/1MMqURUrKvq6SkVSI4CCO3f2jE5kHnK8zvo1Q0d+2iv/MsEKKRehG7v01tKZT6pSnQaqXK+Rfty6UXu3fK0+yc9IkuyBQWrQurNWv/Wy/MsEy+4fqJVvzlTFmrGKrlnPUx8LuOZ4tEls2rSpNm3adNkm8a9SRgBAyZO5/we9+9QYx+vVb70sSbq+ZQd1HjxGtZq1VPyAB7V+6dv64s2ZKluxkm4fMV6Vatd3vKdtv6GSj01LZkzW+dxzqtqgmeLvHVHknwXXDn6Wz2SzPNiFffnll8rOzlbnzp0veTw7O1sbN25UmzZtXDrvcaabgWvWe1sP/vUgACXSkJtjPHbtb/aedNu5m9cIddu53cmjSWKrVq3+9HhQUJDLDSIAAICrSvByhm7DY8AAAMDr0SOaivU6iQAAAPAMkkQAAACiRANJIgAAAAwkiQAAwOuxBI6JJBEAAAAGkkQAAOD1WALHRJIIAABQjKxdu1bdunVTdHS0bDabFi9e7HTcsiyNHz9eFStWVEBAgOLj47Vnzx6nMceOHVP//v0VEhKisLAwDRo0SKdOnXKpDppEAADg9Wxu3FyVnZ2tRo0a6aWXXrrk8alTp2r69OmaPXu2vvnmGwUFBalTp046e/asY0z//v21fft2paamaunSpVq7dq2GDBniUh0e/Vk+d+Fn+YBrFz/LB1y7PPmzfN/+lOW2c18fZVdOTo7TPrvdLrvd/pfvtdlsWrRokXr06CHpjxQxOjpao0aN0ujRoyVJJ0+eVGRkpObOnau+fftq586dio2N1YYNG9SsWTNJ0meffaZbb71VBw8eVHR0dIHqJkkEAABwo5SUFIWGhjptKSkpV3Su/fv3KyMjQ/Hx8Y59oaGhat68udLS0iRJaWlpCgsLczSIkhQfHy8fHx998803Bb4WD64AAACv584lcJKTk5WUlOS0ryAp4qVkZGRIkiIjI532R0ZGOo5lZGQoIiLC6XipUqUUHh7uGFMQNIkAAABuVNCp5eKG6WYAAOD1bDb3bYUpKipKkpSZmem0PzMz03EsKipKR44ccTp+/vx5HTt2zDGmIGgSAQAASohq1aopKipKK1eudOzLysrSN998o7i4OElSXFycTpw4oU2bNjnGrFq1Svn5+WrevHmBr8V0MwAA8HrFaS3tU6dOKT093fF6//792rJli8LDw1WlShU9/PDDmjJlimrVqqVq1app3Lhxio6OdjwBXa9ePXXu3FmDBw/W7NmzlZubq+HDh6tv374FfrJZokkEAAAoVjZu3Kh27do5Xl946CUhIUFz587VI488ouzsbA0ZMkQnTpxQy5Yt9dlnn8nf39/xngULFmj48OFq3769fHx81KtXL02fPt2lOlgnEUCJwjqJwLXLk+skfvfz7247d6PKwW47tzuRJAIAAK/nziVwSioeXAEAAICBJBEAAHi9wl6q5lpAkggAAAADSSIAAPB6BIkmkkQAAAAYSBIBAACIEg0kiQAAADCQJAIAAK/HOokmkkQAAAAYSBIBAIDXY51EE00iAADwevSIJqabAQAAYCBJBAAAIEo0kCQCAADAQJIIAAC8HkvgmEgSAQAAYCBJBAAAXo8lcEwkiQAAADCQJAIAAK9HkGiiSQQAAKBLNDDdDAAAAANJIgAA8HosgWMiSQQAAICBJBEAAHg9lsAxkSQCAADAQJIIAAC8HkGiiSQRAAAABpJEAAAAokQDTSIAAPB6LIFjYroZAAAABpJEAADg9VgCx0SSCAAAAANJIgAA8HoEiSaSRAAAABhIEgEAAIgSDSSJAAAAMJAkAgAAr8c6iSaaRAAA4PVYAsfEdDMAAAAMJIkAAMDrESSaSBIBAABgIEkEAABej3sSTSSJAAAAMJAkAgAAcFeigSQRAAAABpJEAADg9bgn0USTCAAAvB49oonpZgAAABhIEgEAgNdjutlEkggAAAADSSIAAPB6Nu5KNJAkAgAAwECSCAAAQJBoIEkEAACAgSQRAAB4PYJEE0kiAADwejab+zZXTJgwQTabzWmrW7eu4/jZs2eVmJiocuXKqUyZMurVq5cyMzML+dv4A00iAABAMXL99dfr8OHDju2rr75yHBs5cqSWLFmi9957T2vWrNGhQ4fUs2dPt9TBdDMAAPB6xWkJnFKlSikqKsrYf/LkSb3++utauHCh/va3v0mS5syZo3r16unrr7/WzTffXKh1kCQCAAC4UU5OjrKyspy2nJycy47fs2ePoqOjVb16dfXv318HDhyQJG3atEm5ubmKj493jK1bt66qVKmitLS0Qq+bJhEAAMDmvi0lJUWhoaFOW0pKyiXLaN68uebOnavPPvtMs2bN0v79+9WqVSv9/vvvysjIkJ+fn8LCwpzeExkZqYyMjEL9OiSmmwEAANwqOTlZSUlJTvvsdvslx3bp0sXx54YNG6p58+aKiYnRu+++q4CAALfWeTGaRAAA4PXceUei3W6/bFP4V8LCwlS7dm2lp6erQ4cOOnfunE6cOOGUJmZmZl7yHsarxXQzAABAMXXq1Cnt3btXFStWVNOmTVW6dGmtXLnScXz37t06cOCA4uLiCv3aJIkAAMDrubqeobuMHj1a3bp1U0xMjA4dOqTHH39cvr6+uuuuuxQaGqpBgwYpKSlJ4eHhCgkJ0YgRIxQXF1foTzZLNIkAAADFZgmcgwcP6q677tLRo0dVoUIFtWzZUl9//bUqVKggSZo2bZp8fHzUq1cv5eTkqFOnTpo5c6ZbarFZlmW55cwedPx0nqdLAOAm72096OkSALjJkJtjPHbtY9nu6x3Cg3zddm53IkkEAABer7hMNxcnPLgCAAAAA00iAAAADDSJAAAAMHBPIgAA8Hrck2giSQQAAICBJBEAAHi94rJOYnFCkwgAALwe080mppsBAABgIEkEAABejyDRRJIIAAAAA0kiAAAAUaKBJBEAAAAGkkQAAOD1WALHRJIIAAAAA0kiAADweqyTaCJJBAAAgIEkEQAAeD2CRBNNIgAAAF2igelmAAAAGEgSAQCA12MJHBNJIgAAAAwkiQAAwOuxBI6JJBEAAAAGm2VZlqeLAK5UTk6OUlJSlJycLLvd7ulyABQi/n4DnkWTiBItKytLoaGhOnnypEJCQjxdDoBCxN9vwLOYbgYAAICBJhEAAAAGmkQAAAAYaBJRotntdj3++OPc1A5cg/j7DXgWD64AAADAQJIIAAAAA00iAAAADDSJAAAAMNAkAgAAwECTiBLtpZdeUtWqVeXv76/mzZtr/fr1ni4JwFVau3atunXrpujoaNlsNi1evNjTJQFeiSYRJdY777yjpKQkPf744/r222/VqFEjderUSUeOHPF0aQCuQnZ2tho1aqSXXnrJ06UAXo0lcFBiNW/eXDfeeKNefPFFSVJ+fr4qV66sESNG6NFHH/VwdQAKg81m06JFi9SjRw9PlwJ4HZJElEjnzp3Tpk2bFB8f79jn4+Oj+Ph4paWlebAyAACuDTSJKJF+++035eXlKTIy0ml/ZGSkMjIyPFQVAADXDppEAAAAGGgSUSKVL19evr6+yszMdNqfmZmpqKgoD1UFAMC1gyYRJZKfn5+aNm2qlStXOvbl5+dr5cqViouL82BlAABcG0p5ugDgSiUlJSkhIUHNmjXTTTfdpOeff17Z2dkaOHCgp0sDcBVOnTql9PR0x+v9+/dry5YtCg8PV5UqVTxYGeBdWAIHJdqLL76op59+WhkZGWrcuLGmT5+u5s2be7osAFdh9erVateunbE/ISFBc+fOLfqCAC9FkwgAAAAD9yQCAADAQJMIAAAAA00iAAAADDSJAAAAMNAkAgAAwECTCAAAAANNIgAAAAw0iQAAADDQJAK4agMGDFCPHj0cr9u2bauHH364yOtYvXq1bDabTpw4cdkxNptNixcvLvA5J0yYoMaNG19VXT/++KNsNpu2bNlyVecBgKJEkwhcowYMGCCbzSabzSY/Pz/VrFlTkyZN0vnz591+7Q8//FCTJ08u0NiCNHYAgKJXytMFAHCfzp07a86cOcrJydGnn36qxMRElS5dWsnJycbYc+fOyc/Pr1CuGx4eXijnAQB4DkkicA2z2+2KiopSTEyMhg0bpvj4eH388ceS/m+K+IknnlB0dLTq1KkjSfr555/Vp08fhYWFKTw8XN27d9ePP/7oOGdeXp6SkpIUFhamcuXK6ZFHHtHFPwF/8XRzTk6Oxo4dq8qVK8tut6tmzZp6/fXX9eOPP6pdu3aSpLJly8pms2nAgAGSpPz8fKWkpKhatWoKCAhQo0aN9P777ztd59NPP1Xt2rUVEBCgdu3aOdVZUGPHjlXt2rUVGBio6tWra9y4ccrNzTXGvfzyy6pcubICAwPVp08fnTx50un4a6+9pnr16snf319169bVzJkzL3vN48ePq3///qpQoYICAgJUq1YtzZkzx+XaAcCdSBIBLxIQEKCjR486Xq9cuVIhISFKTU2VJOXm5qpTp06Ki4vTl19+qVKlSmnKlCnq3Lmztm7dKj8/Pz377LOaO3eu/vOf/6hevXp69tlntWjRIv3tb3+77HXvvfdepaWlafr06WrUqJH279+v3377TZUrV9YHH3ygXr16affu3QoJCVFAQIAkKSUlRW+++aZmz56tWrVqae3atbr77rtVoUIFtWnTRj///LN69uypxMREDRkyRBs3btSoUaNc/k6Cg4M1d+5cRUdHa9u2bRo8eLCCg4P1yCOPOMakp6fr3Xff1ZIlS5SVlaVBgwbpgQce0IIFCyRJCxYs0Pjx4/Xiiy+qSZMm2rx5swYPHqygoCAlJCQY1xw3bpx27NihZcuWqXz58kpPT9eZM2dcrh0A3MoCcE1KSEiwunfvblmWZeXn51upqamW3W63Ro8e7TgeGRlp5eTkON4zf/58q06dOlZ+fr5jX05OjhUQEGAtX77csizLqlixojV16lTH8dzcXKtSpUqOa1mWZbVp08Z66KGHLMuyrN27d1uSrNTU1EvW+cUXX1iSrOPHjzv2nT171goMDLTWrVvnNHbQoEHWXXfdZVmWZSUnJ1uxsbFOx8eOHWuc62KSrEWLFl32+NNPP201bdrU8frxxx+3fH19rYMHDzr2LVu2zPLx8bEOHz5sWZZl1ahRw1q4cKHTeSZPnmzFxcVZlmVZ+/fvtyRZmzdvtizLsrp162YNHDjwsjUAQHFAkghcw5YuXaoyZcooNzdX+fn56tevnyZMmOA43qBBA6f7EL/77julp6crODjY6Txnz57V3r17dfLkSR0+fFjNmzd3HCtVqpSaNWtmTDlfsGXLFvn6+qpNmzYFrjs9PV2nT59Whw4dnPafO3dOTZo0kSTt3LnTqQ5JiouLK/A1LnjnnXc0ffp07d27V6dOndL58+cVEhLiNKZKlSq67rrrnK6Tn5+v3bt3Kzg4WHv37tWgQYM0ePBgx5jz588rNDT0ktccNmyYevXqpW+//VYdO3ZUjx49dMstt7hcOwC4E00icA1r166dZs2aJT8/P0VHR6tUKee/8kFBQU6vT506paZNmzqmUf9XhQoVrqiGC9PHrjh16pQk6ZNPPnFqzqQ/7rMsLGlpaerfv78mTpyoTp06KTQ0VG+//baeffZZl2t99dVXjabV19f3ku/p0qWLfvrpJ3366adKTU1V+/btlZiYqGeeeebKPwwAFDKaROAaFhQUpJo1axZ4/A033KB33nlHERERRpp2QcWKFfXNN9+odevWkv5IzDZt2qQbbrjhkuMbNGig/Px8rVmzRvHx8cbxC0lmXl6eY19sbKzsdrsOHDhw2QSyXr16jodwLvj666//+kP+j3Xr1ikmJkb/+te/HPt++uknY9yBAwd06NAhRUdHO67j4+OjOnXqKDIyUtHR0dq3b5/69+9f4GtXqFBBCQkJSkhIUKtWrTRmzBiaRADFCk83A3Do37+/ypcvr+7du+vLL7/U/v37tXr1aj344IM6ePCgJOmhhx7SU089pcWLF2vXrl164IEH/nSNw6pVqyohIUH33XefFi9e7Djnu+++K0mKiYmRzWbT0qVL9euvv+rUqVMKDg7W6NGjNXLkSM2bN0979+7Vt99+qxkzZmjevHmSpKFDh2rPnj0aM2aMdu/erYULF2ru3Lkufd5atWrpwIEDevvtt7V3715Nnz5dixYtMsb5+/srISFB3333nb788ks9+OCD6tOnj6KioiRJEydOVEpKiqZPn64ffvhB27Zt05w5c/Tcc89d8rrjx4/XRx99pPT0dG3fvl1Lly5VvXr1XKodANyNJhGAQ2BgoNauXasqVaqoZ8+eqlevngYNGqSzZ886ksVRo0bpnnvuUUJCguLi4hQcHKw77rjjT887a9Ys9e7dWw888IDq1q2rwYMHKzs7W5J03XXXaeLEiXr00UcVGRmp4cOHS5ImT56scePGKSUlRfXq1VPnzp31ySefqFq1apL+uE/wgw8+0OLFi9WoUSPNnj1bTz75pEuf9/bbb9fIkSM1fPhwNW7cWOvWrdO4ceOMcTVr1lTPnj116623qmPHjmrYsKHTEjf333+/XnvtNc2ZM0cNGjRQmzZtNHfuXEetF/Pz81NycrIaNmyo1q1by9fXV2+//bZLtQOAu9msy91tDgAAAK9FkggAAAADTSIAAAAMNIkAAAAw0CQCAADAQJMIAAAAA00iAAAADDSJAAAAMNAkAgAAwECTCAAAAANNIgAAAAw0iQAAADD8PwnUs3NbInIjAAAAAElFTkSuQmCC", "text/plain": [ "
" ] @@ -6100,12 +6216,12 @@ }, { "cell_type": "code", - "execution_count": 33, + "execution_count": 22, "metadata": {}, "outputs": [ { "data": { - "image/png": "iVBORw0KGgoAAAANSUhEUgAAAr4AAAIjCAYAAADlfxjoAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8pXeV/AAAACXBIWXMAAA9hAAAPYQGoP6dpAACaXElEQVR4nOzdeViUVRsG8HvYF9kUQUQUcDdxwyX3jcQs03LBfcn9cynMct8qNTW3zNzKBZfS1MrStDS1VNJc01RQ0cAFBWURFBDmfH+8zQwjA87gwDvM3L/r4nLmzDvvPDMM+HDmOc9RCCEEiIiIiIjMnJXcARARERERFQcmvkRERERkEZj4EhEREZFFYOJLRERERBaBiS8RERERWQQmvkRERERkEZj4EhEREZFFYOJLRERERBaBiS8RERERWQQmvkTFxN/fH4MGDZI7DIvTpk0btGnTRu4wnmvWrFlQKBRITEyUOxSTo1AoMGvWLKOc6+bNm1AoFNiwYYNRzgcAJ0+ehJ2dHf7991+jndPYevXqhZ49e8odBpHsmPiSWdiwYQMUCoX6y8bGBr6+vhg0aBBu374td3gmLT09HR999BHq1KkDJycnuLm5oWXLloiIiEBJ2dH80qVLmDVrFm7evCl3KHnk5ORg/fr1aNOmDUqXLg17e3v4+/tj8ODBOHXqlNzhGcXWrVuxdOlSucPQUpwxTZ06Fb1790alSpXUY23atNH6neTo6Ig6depg6dKlUCqVOs/z4MEDvP/++6hevTocHBxQunRphIaG4qeffsr3sVNTUzF79mzUrVsXpUqVgqOjI2rXro2JEyfizp076uMmTpyInTt34vz583o/L0t475LlUYiS8j8bUQE2bNiAwYMH48MPP0RAQAAyMjLw559/YsOGDfD398fFixfh4OAga4yZmZmwsrKCra2trHHkdu/ePbRv3x6XL19Gr1690Lp1a2RkZGDnzp34/fffERYWhi1btsDa2lruUAu0Y8cO9OjRA4cOHcozu5uVlQUAsLOzK/a4njx5grfeegv79u1Dq1at0LlzZ5QuXRo3b97E9u3bER0djdjYWFSoUAGzZs3C7NmzkZCQAE9Pz2KP9UW8/vrruHjxYpH94ZGRkQEbGxvY2Ni8cExCCGRmZsLW1tYo7+tz586hfv36OH78OJo2baoeb9OmDa5fv4558+YBABITE7F161b89ddfmDJlCubMmaN1nqioKLRv3x4JCQkYPHgwGjZsiOTkZGzZsgXnzp3DhAkTsHDhQq37xMTEICQkBLGxsejRowdatGgBOzs7/P333/j6669RunRpREdHq49v0qQJqlevjoiIiOc+L0Peu0QliiAyA+vXrxcAxF9//aU1PnHiRAFAbNu2TabI5PXkyRORk5OT7+2hoaHCyspK/PDDD3lumzBhggAgPvnkk6IMUae0tDSDjv/2228FAHHo0KGiCaiQRo8eLQCIJUuW5LktOztbLFy4UMTFxQkhhJg5c6YAIBISEoosHqVSKR4/fmz087722muiUqVKRj1nTk6OePLkSaHvXxQx6TJu3DhRsWJFoVQqtcZbt24tXnrpJa2xJ0+eiEqVKgkXFxeRnZ2tHs/KyhK1a9cWTk5O4s8//9S6T3Z2tggLCxMAxDfffKMef/r0qahbt65wcnISf/zxR564UlJSxJQpU7TGPv30U+Hs7CwePXr03OdlyHv3Rbzo95nIUEx8ySzkl/j+9NNPAoCYO3eu1vjly5dFt27dhIeHh7C3txfBwcE6k7+kpCTx7rvvikqVKgk7Ozvh6+sr+vfvr5WcZGRkiBkzZojKlSsLOzs7UaFCBfH++++LjIwMrXNVqlRJDBw4UAghxF9//SUAiA0bNuR5zH379gkA4scff1SP3bp1SwwePFh4eXkJOzs7UatWLfHVV19p3e/QoUMCgPj666/F1KlTRfny5YVCoRBJSUk6X7PIyEgBQLz99ts6b3/69KmoWrWq8PDwUCdLN27cEADEwoULxeLFi0XFihWFg4ODaNWqlbhw4UKec+jzOqu+d4cPHxajRo0SZcuWFe7u7kIIIW7evClGjRolqlWrJhwcHETp0qVF9+7dxY0bN/Lc/9kvVRLcunVr0bp16zyv07Zt28THH38sfH19hb29vWjXrp24evVqnufw+eefi4CAAOHg4CAaNWokfv/99zzn1CUuLk7Y2NiIV155pcDjVFSJ79WrV8XAgQOFm5ubcHV1FYMGDRLp6elax65bt060bdtWlC1bVtjZ2YmaNWuKL774Is85K1WqJF577TWxb98+ERwcLOzt7dWJjL7nEEKIvXv3ilatWolSpUoJFxcX0bBhQ7FlyxYhhPT6Pvva50449f35ACBGjx4tNm/eLGrVqiVsbGzEd999p75t5syZ6mNTU1PFO++8o/65LFu2rAgJCRGnT59+bkyq9/D69eu1Hv/y5cuiR48ewtPTUzg4OIhq1arlSRx1qVixohg0aFCecV2JrxBCdO/eXQAQd+7cUY99/fXXAoD48MMPdT5GcnKycHd3FzVq1FCPffPNNwKAmDNnznNjVDl//rwAIHbt2lXgcYa+dwcOHKjzjwzVezo3Xd/n7du3Cw8PD52vY0pKirC3txfvvfeeekzf9xSRLvp/bkRUAqk+5vTw8FCP/fPPP2jevDl8fX0xadIkODs7Y/v27ejatSt27tyJN998EwCQlpaGli1b4vLly3j77bfRoEEDJCYmYvfu3bh16xY8PT2hVCrxxhtv4OjRoxg+fDhq1qyJCxcuYMmSJYiOjsb333+vM66GDRsiMDAQ27dvx8CBA7Vu27ZtGzw8PBAaGgpAKkd4+eWXoVAoMGbMGJQtWxY///wzhgwZgtTUVLz77rta9//oo49gZ2eHCRMmIDMzM9+P+H/88UcAwIABA3TebmNjgz59+mD27Nk4duwYQkJC1LdFRETg0aNHGD16NDIyMrBs2TK0a9cOFy5cgLe3t0Gvs8r//vc/lC1bFjNmzEB6ejoA4K+//sLx48fRq1cvVKhQATdv3sTKlSvRpk0bXLp0CU5OTmjVqhXGjRuHzz77DFOmTEHNmjUBQP1vfj755BNYWVlhwoQJSElJwYIFC9C3b1+cOHFCfczKlSsxZswYtGzZEuHh4bh58ya6du0KDw+P537E+/PPPyM7Oxv9+/cv8Lhn9ezZEwEBAZg3bx7OnDmDL7/8El5eXpg/f75WXC+99BLeeOMN2NjY4Mcff8T//vc/KJVKjB49Wut8UVFR6N27N0aMGIFhw4ahevXqBp1jw4YNePvtt/HSSy9h8uTJcHd3x9mzZ7Fv3z706dMHU6dORUpKCm7duoUlS5YAAEqVKgUABv98/Pbbb9i+fTvGjBkDT09P+Pv763yNRo4ciR07dmDMmDGoVasWHjx4gKNHj+Ly5cto0KBBgTHp8vfff6Nly5awtbXF8OHD4e/vj+vXr+PHH3/MU5KQ2+3btxEbG4sGDRrke8yzVIvr3N3d1WPP+1l0c3NDly5dsHHjRly7dg1VqlTB7t27AcCg91etWrXg6OiIY8eO5fn5y62w7119Pft9rlq1Kt58803s2rULq1ev1vqd9f333yMzMxO9evUCYPh7iigPuTNvImNQzfodOHBAJCQkiLi4OLFjxw5RtmxZYW9vr/WRXPv27UVQUJDW7IBSqRTNmjUTVatWVY/NmDEj39kR1ceamzZtElZWVnk+aly1apUAII4dO6Yeyz3jK4QQkydPFra2tuLhw4fqsczMTOHu7q41CztkyBDh4+MjEhMTtR6jV69ews3NTT0bq5rJDAwM1Ovj7K5duwoA+c4ICyHErl27BADx2WefCSE0s2WOjo7i1q1b6uNOnDghAIjw8HD1mL6vs+p716JFC62Pf4UQOp+HaqY6IiJCPVZQqUN+M741a9YUmZmZ6vFly5YJAOqZ68zMTFGmTBnRqFEj8fTpU/VxGzZsEACeO+MbHh4uAIizZ88WeJyKanbs2Rn4N998U5QpU0ZrTNfrEhoaKgIDA7XGKlWqJACIffv25Tlen3MkJycLFxcX0aRJkzwfR+f+aD+/sgJDfj4ACCsrK/HPP//kOQ+emfF1c3MTo0ePznNcbvnFpGvGt1WrVsLFxUX8+++/+T5HXQ4cOJDn0xmV1q1bixo1aoiEhASRkJAgrly5It5//30BQLz22mtax9arV0+4ubkV+FiLFy8WAMTu3buFEELUr1//uffRpVq1auLVV18t8BhD37uGzvjq+j7v379f52vZqVMnrfekIe8pIl3Y1YHMSkhICMqWLQs/Pz90794dzs7O2L17t3p27uHDh/jtt9/Qs2dPPHr0CImJiUhMTMSDBw8QGhqKq1evqrtA7Ny5E3Xr1tU5M6JQKAAA3377LWrWrIkaNWqoz5WYmIh27doBAA4dOpRvrGFhYXj69Cl27dqlHvvll1+QnJyMsLAwANJCnJ07d6Jz584QQmg9RmhoKFJSUnDmzBmt8w4cOBCOjo7Pfa0ePXoEAHBxccn3GNVtqampWuNdu3aFr6+v+nrjxo3RpEkT7N27F4Bhr7PKsGHD8iw2yv08nj59igcPHqBKlSpwd3fP87wNNXjwYK2ZpZYtWwKQFgwBwKlTp/DgwQMMGzZMa1FV3759tT5ByI/qNSvo9dVl5MiRWtdbtmyJBw8eaH0Pcr8uKSkpSExMROvWrRETE4OUlBSt+wcEBKg/PchNn3P8+uuvePToESZNmpRncajqZ6Aghv58tG7dGrVq1Xrued3d3XHixAmtrgWFlZCQgN9//x1vv/02KlasqHXb857jgwcPACDf98OVK1dQtmxZlC1bFjVq1MDChQvxxhtv5Gml9ujRo+e+T579WUxNTTX4vaWK9Xkt8wr73tWXru9zu3bt4OnpiW3btqnHkpKS8Ouvv6p/HwIv9juXCABY6kBmZcWKFahWrRpSUlKwbt06/P7777C3t1fffu3aNQghMH36dEyfPl3nOe7fvw9fX19cv34d3bp1K/Dxrl69isuXL6Ns2bL5nis/devWRY0aNbBt2zYMGTIEgFTm4Onpqf4lnpCQgOTkZKxZswZr1qzR6zECAgIKjFlF9Z/ao0ePtD52zS2/5Lhq1ap5jq1WrRq2b98OwLDXuaC4nzx5gnnz5mH9+vW4ffu2Vnu1ZxM8Qz2b5KiSl6SkJABQ92StUqWK1nE2Njb5fgSfm6urKwDNa2iMuFTnPHbsGGbOnInIyEg8fvxY6/iUlBS4ubmpr+f3ftDnHNevXwcA1K5d26DnoGLoz4e+790FCxZg4MCB8PPzQ3BwMDp16oQBAwYgMDDQ4BhVf+gU9jkCyLftn7+/P9auXQulUonr169jzpw5SEhIyPNHhIuLy3OT0Wd/Fl1dXdWxGxrr8xL6wr539aXr+2xjY4Nu3bph69atyMzMhL29PXbt2oWnT59qJb4v8juXCGDiS2amcePGaNiwIQBpVrJFixbo06cPoqKiUKpUKXX/zAkTJuicBQPyJjoFUSqVCAoKwuLFi3Xe7ufnV+D9w8LCMGfOHCQmJsLFxQW7d+9G79691TOMqnj79euXpxZYpU6dOlrX9ZntBaQa2O+//x5///03WrVqpfOYv//+GwD0moXLrTCvs664x44di/Xr1+Pdd99F06ZN4ebmBoVCgV69euXbC1Vf+bWyyi+JMVSNGjUAABcuXEC9evX0vt/z4rp+/Trat2+PGjVqYPHixfDz84OdnR327t2LJUuW5HlddL2uhp6jsAz9+dD3vduzZ0+0bNkS3333HX755RcsXLgQ8+fPx65du/Dqq6++cNz6KlOmDADNH0vPcnZ21qqNb968ORo0aIApU6bgs88+U4/XrFkT586dQ2xsbJ4/fFSe/VmsUaMGzp49i7i4uOf+nsktKSlJ5x+uuRn63s0vkc7JydE5nt/3uVevXli9ejV+/vlndO3aFdu3b0eNGjVQt25d9TEv+juXiIkvmS1ra2vMmzcPbdu2xeeff45JkyapZ4RsbW21/kPSpXLlyrh48eJzjzl//jzat2+v10e/zwoLC8Ps2bOxc+dOeHt7IzU1Vb2IAwDKli0LFxcX5OTkPDdeQ73++uuYN28eIiIidCa+OTk52Lp1Kzw8PNC8eXOt265evZrn+OjoaPVMqCGvc0F27NiBgQMHYtGiReqxjIwMJCcnax1XmNf+eVSbEVy7dg1t27ZVj2dnZ+PmzZt5/uB41quvvgpra2ts3rzZqIuEfvzxR2RmZmL37t1aSZIhH/Hqe47KlSsDAC5evFjgH4T5vf4v+vNREB8fH/zvf//D//73P9y/fx8NGjTAnDlz1Imvvo+neq8+72ddF1WCeOPGDb2Or1OnDvr164fVq1djwoQJ6tf+9ddfx9dff42IiAhMmzYtz/1SU1Pxww8/oEaNGurvQ+fOnfH1119j8+bNmDx5sl6Pn52djbi4OLzxxhsFHmfoe9fDwyPPzyQAg3eya9WqFXx8fLBt2za0aNECv/32G6ZOnap1TFG+p8gysMaXzFqbNm3QuHFjLF26FBkZGfDy8kKbNm2wevVq3L17N8/xCQkJ6svdunXD+fPn8d133+U5TjX71rNnT9y+fRtr167Nc8yTJ0/U3QnyU7NmTQQFBWHbtm3Ytm0bfHx8tJJQa2trdOvWDTt37tT5H3PueA3VrFkzhISEYP369Tp3hpo6dSqio6PxwQcf5Jmh+f7777VqdE+ePIkTJ06okw5DXueCWFtb55mBXb58eZ6ZJGdnZwDQ+Z9vYTVs2BBlypTB2rVrkZ2drR7fsmVLvjN8ufn5+WHYsGH45ZdfsHz58jy3K5VKLFq0CLdu3TIoLtWM8LNlH+vXrzf6OTp06AAXFxfMmzcPGRkZWrflvq+zs7PO0pMX/fnQJScnJ89jeXl5oXz58sjMzHxuTM8qW7YsWrVqhXXr1iE2NlbrtufN/vv6+sLPz8+gXcw++OADPH36VGvGsnv37qhVqxY++eSTPOdSKpUYNWoUkpKSMHPmTK37BAUFYc6cOYiMjMzzOI8ePcqTNF66dAkZGRlo1qxZgTEa+t6tXLkyUlJS1LPSAHD37l2dvzsLYmVlhe7du+PHH3/Epk2bkJ2drVXmABTNe4osC2d8yey9//776NGjBzZs2ICRI0dixYoVaNGiBYKCgjBs2DAEBgbi3r17iIyMxK1bt9Rber7//vvqHcHefvttBAcH4+HDh9i9ezdWrVqFunXron///ti+fTtGjhyJQ4cOoXnz5sjJycGVK1ewfft27N+/X116kZ+wsDDMmDEDDg4OGDJkCKystP8e/eSTT3Do0CE0adIEw4YNQ61atfDw4UOcOXMGBw4cwMOHDwv92kRERKB9+/bo0qUL+vTpg5YtWyIzMxO7du3C4cOHERYWhvfffz/P/apUqYIWLVpg1KhRyMzMxNKlS1GmTBl88MEH6mP0fZ0L8vrrr2PTpk1wc3NDrVq1EBkZiQMHDqg/YlapV68erK2tMX/+fKSkpMDe3h7t2rWDl5dXoV8bOzs7zJo1C2PHjkW7du3Qs2dP3Lx5Exs2bEDlypX1mm1atGgRrl+/jnHjxmHXrl14/fXX4eHhgdjYWHz77be4cuWK1gy/Pjp06AA7Ozt07twZI0aMQFpaGtauXQsvLy+df2S8yDlcXV2xZMkSDB06FI0aNUKfPn3g4eGB8+fP4/Hjx9i4cSMAIDg4GNu2bcP48ePRqFEjlCpVCp07dzbKz8ezHj16hAoVKqB79+7qbXoPHDiAv/76S+uTgfxi0uWzzz5DixYt0KBBAwwfPhwBAQG4efMm9uzZg3PnzhUYT5cuXfDdd9/pVTsLSKUKnTp1wpdffonp06ejTJkysLOzw44dO9C+fXu0aNFCa+e2rVu34syZM3jvvfe03iu2trbYtWsXQkJC0KpVK/Ts2RPNmzeHra0t/vnnH/WnNbnbsf36669wcnLCK6+88tw4DXnv9urVCxMnTsSbb76JcePG4fHjx1i5ciWqVatm8CLUsLAwLF++HDNnzkRQUFCetoRF8Z4iC1P8jSSIjC+/DSyEkHYGqly5sqhcubK6Xdb169fFgAEDRLly5YStra3w9fUVr7/+utixY4fWfR88eCDGjBkjfH191Y3SBw4cqNVaLCsrS8yfP1+89NJLwt7eXnh4eIjg4GAxe/ZskZKSoj7u2XZmKlevXlU32T969KjO53fv3j0xevRo4efnJ2xtbUW5cuVE+/btxZo1a9THqNp0ffvttwa9do8ePRKzZs0SL730knB0dBQuLi6iefPmYsOGDXnaOeXewGLRokXCz89P2Nvbi5YtW4rz58/nObc+r3NB37ukpCQxePBg4enpKUqVKiVCQ0PFlStXdL6Wa9euFYGBgcLa2lqvDSyefZ3y29jgs88+E5UqVRL29vaicePG4tixYyI4OFh07NhRj1dX2uXqyy+/FC1bthRubm7C1tZWVKpUSQwePFirXVR+O7epXp/cm3bs3r1b1KlTRzg4OAh/f38xf/58sW7dujzHqTaw0EXfc6iObdasmXB0dBSurq6icePG4uuvv1bfnpaWJvr06SPc3d3zbGCh788H/tvYQBfkameWmZkp3n//fVG3bl3h4uIinJ2dRd26dfNsvpFfTPl9ny9evCjefPNN4e7uLhwcHET16tXF9OnTdcaT25kzZwSAPO218tvAQgghDh8+nKdFmxBC3L9/X4wfP15UqVJF2NvbC3d3dxESEqJuYaZLUlKSmDFjhggKChJOTk7CwcFB1K5dW0yePFncvXtX69gmTZqIfv36Pfc5qej73hVCiF9++UXUrl1b2NnZierVq4vNmzcXuIFFfpRKpfDz8xMAxMcff6zzGH3fU0S6KIQw0koOIjJ7N2/eREBAABYuXIgJEybIHY4slEolypYti7feekvnx61kedq3b4/y5ctj06ZNcoeSr3PnzqFBgwY4c+aMQYsticwNa3yJiPKRkZGRp84zIiICDx8+RJs2beQJikzO3LlzsW3bNoMXcxWnTz75BN27d2fSSxaPNb5ERPn4888/ER4ejh49eqBMmTI4c+YMvvrqK9SuXRs9evSQOzwyEU2aNEFWVpbcYRTom2++kTsEIpPAxJeIKB/+/v7w8/PDZ599hocPH6J06dIYMGAAPvnkE61d34iIqGRgjS8RERERWQTW+BIRERGRRWDiS0REREQWweJqfJVKJe7cuQMXFxdud0hERERkgoQQePToEcqXL59nY6cXYXGJ7507d+Dn5yd3GERERET0HHFxcahQoYLRzmdxia+LiwsA6YV0dXWVORoiIiIielZqair8/PzUeZuxWFziqypvcHV1ZeJLREREZMKMXZbKxW1EREREZBGY+BIRERGRRWDiS0REREQWgYkvEREREVkEJr5EREREZBGY+BIRERGRRWDiS0REREQWgYkvEREREVkEJr5EREREZBGY+BIRERGRRWDiS0REREQWgYkvEREREVkEJr5EREREZBGY+BIRERGRRWDiS0REREQWQdbE9/fff0fnzp1Rvnx5KBQKfP/998+9z+HDh9GgQQPY29ujSpUq2LBhQ5HHSUREREQln6yJb3p6OurWrYsVK1bodfyNGzfw2muvoW3btjh37hzeffddDB06FPv37y/iSImIiIiopLOR88FfffVVvPrqq3ofv2rVKgQEBGDRokUAgJo1a+Lo0aNYsmQJQkNDiypMIiIiIipCSiUQFwdERwPRV5RI+OOfInkcWRNfQ0VGRiIkJERrLDQ0FO+++26+98nMzERmZqb6empqalGFR0REREQFePgQiIr6L8GN1ly+ehXIyADK4S7WYzC64QhmF8Hjl6jENz4+Ht7e3lpj3t7eSE1NxZMnT+Do6JjnPvPmzcPs2UXx0hERERHRs548Aa5f153gPniQ//3ewA/4EkNRFokoqmnKEpX4FsbkyZMxfvx49fXU1FT4+fnJGBERERFRyZaToylNeDbBjY0FhND/XG426VhV6j30Sl6tHsv08AKS7hs97hKV+JYrVw737t3TGrt37x5cXV11zvYCgL29Pezt7YsjPCIiIiKzkpiYd9ZWVZqQq5JULxUqANWqSV/Vq0v/BmWdRoVJfaGIitIc2LUr7BcvBgIDjftkUMIS36ZNm2Lv3r1aY7/++iuaNm0qU0REREREJduTJ1IiqyvBffjQsHO5uWmS2twJbpUqQKlSuQ7MyQE+/RSYNg3IzpbGnJyApUuBoUOBR4+M9fS0yJr4pqWl4dq1a+rrN27cwLlz51C6dGlUrFgRkydPxu3btxEREQEAGDlyJD7//HN88MEHePvtt/Hbb79h+/bt2LNnj1xPgYiIiMjk5eRIJQi66m5jYw07l62tlMjqSnDLlgUUCj1OkpEBfPmlJukNDga2bpVOUoRkTXxPnTqFtm3bqq+ranEHDhyIDRs24O7du4jN9d0ICAjAnj17EB4ejmXLlqFChQr48ssv2cqMiIiILJ4QmtKEZxPca9eArCzDzufnp53Uqi5XrAjYvGgG6ewsJbotWgDvvQfMmgXY2b3gSZ9PIYQh5cclX2pqKtzc3JCSkgJXV1e5wyEiIiIySHq6lMjqmr1NTjbsXO7uUjKbO7mtVg2oWlWqPDCaR4+A1FTA11d7/PbtvGMounytRNX4EhEREVmC7Gzg3391z97eumXYuezspERW1+xtmTJ6lia8iMhIoF8/oFw54MgR7eliHUlvUWLiS0RERCQDIYD793UvKrt2DXj6VP9zKRRSCcKzNbfVqknj1tZF9zzylZ0NzJkDfPSRVGQcEwPMnw9MnSpDMBImvkRERERFKD1dk9A+m+CmpBh2rtKl8++akE9nV3nExEizvJGRmrFmzYA+feSLCUx8iYiIiF5YdjZw86buutvbtw07l729VJqgK8EtU6ZIwjceIYBNm4AxYzQtyaytgZkzgcmTjbAq7sUw8SUiIiLSgxDAvXu6626vX9d05tKHQgFUqqS77tbPD7CyKrrnUWSSkoCRI4Ht2zVjgYHAli3Ayy/LF1cuTHyJiIiIcnn0SNrQQdfsraH7Knh66q67rVIFcHAomvhlkZoK1Kun3RR40CDgs88AFxe5osqDiS8RERFZnKdPgRs3dM/e3r1r2LkcHXV3TahWTarJtQiursCbbwLLlgEeHsDq1UCPHnJHlQcTXyIiIjJLQkhJrK5FZTExhpcm+PtrEtvcCW6FCiW0NMHYPvlE2pFt6lSpXsMEMfElIiKiEi01Nf+uCWlphp2rbNm8s7bVq0ulqmZVmvAihADWrpUWrQ0Zohl3cABWrZIvLj0w8SUiIiKTl5UllSboqruNjzfsXI6OuheVVa0qfUpPBUhIAIYNA374QXohmzUDataUOyq9MfElIiIikyAEcOeO7rrbGzekPRD0ZWUFBAToTnDLl2dpQqH88gswcKDmL40nT4CffmLiS0RERJSflBTdZQnR0dJmD4bw9tbdNaFyZWmrXjKCjAypB+/SpZoxT09g3Tqgc2fZwioMJr5ERERkdFlZUm9bXQnuvXuGncvZOW/NbbVqUmmCu3uRhE8qFy4AfftK/6p07AisXw+UKydfXIXExJeIiIgKRamUdiXTtbDsxg3pdn1ZW0ulCbp2KytfXuqqQMVICGD5cuCDD4DMTGnM3h5YuFDala2EfkOY+BIREVGBkpN1Lyq7ehV4/Niwc5Urp7trQkAASxNMSloasGiRJumtU0faga12bXnjekFMfImIiAiZmVJpgq4ENyHBsHOVKpV/1wRX16KJn4zMxQXYvBlo2xYYNw6YO9cs+rkx8SUiIrIQSiVw65burgn//mtYaYKNjdTbVleCW65cif0k3HKlp0tfXl6asZYtpTdIYKB8cRkZE18iIiIz8/Ch7kVlV69KHagMUb687q4JAQGArW3RxE/F7PRpaQGbry/w66/avd7MKOkFmPgSERGVSBkZwLVruhPcxETDzuXiontRWdWq0m1kpnJygE8/BaZNk/ZvjooCliwB3ntP7siKDBNfIiIiE6VUArGxursm/PuvtPBeXzY2Um9bXQmutzdLEyxOXBwwYABw+LBmLDi4xPXlNRQTXyIiIpk9eKC77vbaNWlm1xC+vrq7Jvj7S8kvEbZvB0aMkNp1ANJfPZMmAbNmmX1rDf4IEBERFYMnTzSlCc8muA8fGnYuV1cpmX129rZKFamjApFOqalSh4aNGzVjfn7Apk1A69byxVWMmPgSEREZSU6OdmlC7gQ3Ntaw0gRbWymR1dU1oWxZliaQgVJSgAYNgJgYzVhYGLByJeDhIV9cxYyJLxERkQGEkBaP6Upur13T9PvXl5+f7q4JlSqxNIGMyM0NaNdOSnxdXIAVK4B+/SzuLyj+SBEREenw+LHU/ktXgpuUZNi53N11LyqrUgVwdi6S8InyWrJEqrn58EOza1OmLya+RERksXJypO4IunYri4sz7Fx2dlIiqyvB9fS0uIk1kpMQUt2urS3Qu7dmvFQpaTc2C8bEl4iIzJoQ0pa7uhaVXb8OZGUZdr6KFXXX3VasCFhbF81zINJbUhIwcqTUuaFUKaBxY6mPHQFg4ktERGYiPV1TmvBsgpuSYti5PDw0iW3uBLdKFcDJqWjiJ3phhw8D/ftL+1IDQFoasGMHMHGirGGZEia+RERUYmRnAzdv6q67Vf1fry97e2lnMl0Lyzw9iyR8oqKRlQXMmAEsWKBpHeLuDqxZA/ToIWtopoaJLxERmRQhgHv3dCe3168DT5/qfy6FQuqO8OxmDtWqSd0UWJpAJV5UFNCnD3DmjGasTRsgIkJ6k5MWJr5ERCSLtDTdW/FGR0t99g1RpozuRWWVKwOOjkUTP5GshJBmdMPDpU4NgLSYbc4c4L33ACsreeMzUUx8iYioyDx9KpUm6OqacOeOYedycJBKE55NcKtWlRJfIouSkiJtMaxKeqtXB7ZulTapoHwx8SUiohciBBAfr3tRWUyMVJerL4UC8PfX3TWhQgVOYhGpubsDGzYAHTtKXRwWLeLKSz0w8SUiIr08eqS7LCE6WrrNEGXL6l5UVrmyNLNLRM/IyJB2VSldWjMWGgpcvAi89JJ8cZUwTHyJiEjt6VNpllZXgnv3rmHncnTUvaisWjWpXRgR6enCBWkBW6VKwI8/au+GwqTXIEx8iYgsjBBSEqur7jYmRtrNTF9WVkBAgO4E19eXpQlEL0SpBJYvl/rwZmZKs7urVgGjRskdWYnFxJeIyEylpEgbOuhKcNPTDTuXl5furgmBgVI/XCIysrt3gcGDgf37NWN16gAtW8oXkxlg4ktEVIJlZUmztM/W3EZFSb1wDeHkpHtRWdWq0joaIiomP/wADB0KJCZqxsLDgblzWQT/gpj4EhGZOCGA27d1d024cUP6NFRf1taa0oRnE9zy5bVLB4momKWnSz14V6/WjPn4ABs3Aq+8Il9cZoSJLxGRiUhOzr9rwuPHhp2rXDndi8oCAwE7uyIJn4heRFIS0LSp9MOv0rUrsHYt99A2Iia+RETFKDNT2nZXV4J7/75h5ypVSveisqpVATe3oomfiIqIhwcQHCz9UnByApYtA4YM4ccwRsbEl4jIyJRKqTRB16KymzcNL00IDNS9sMzHh/8nEpmVFSukndg++UT6ISejY+JLRFRISUm6626vXtXsIqovHx/ddbcBAYCtbdHET0Qy2r5daonSpYtmzN0d2LVLtpAsARNfIqICZGRIpQm6uibkXnCtDxcX3XW31apJtxGRBUhNBcaNkxaseXgAf/8t7cdNxYKJLxFZPKUSiIvLW5YQFQX8+6/UVUFfNjbStru6ktty5ViaQGTRIiOBvn2ldiyA9LHR5s3ApEnyxmVBmPgSkcV4+FB33e3Vq9LMriF8fXXP3gYESMkvEZFadjbw8cfSl2prRBcXqaa3Xz95Y7Mw/PVMRGblyRPg2jXdXRMePDDsXK6uuheVVa0qdVQgInqumBgpuY2M1Iw1aybN9AYEyBeXhWLiS0QlTk6OVJqga/Y2Ntaw0gRbW6k0QVeC6+XF0gQiKiQhgIgIYMwYIC1NGrO2BmbMAKZM4UdDMuGrTkQmSQhphlZX14Rr16R+uIaoUEF314RKlfj/DxEVgaQkaRc2VdIbGAhs2QK8/LK8cVk4/ronIlk9fqwpTXg2wU1KMuxcbm6axDZ3glu1KuDsXDTxExHpVLo08OWXwJtvAoMGAZ99xvYtJoCJLxEVuZwcqTuCrrrb2FjDzmVnB1SportrQtmyLE0gIplkZUkfReVObrt2BU6dknZkI5PAxJeIjEIIqa+trrrba9ek/xMMUbGi7q4JlSpJZXJERCYjKgro00f6q/ybb7T/AmfSa1KY+BKRQdLTpfZfz27mEB0NJCcbdi4PD92LyqpUkbaqJyIyaUIAa9YA4eFSS5kzZ4DXXgMGDJA7MsoHE18iyiM7WypN0DV7e+uWYeeyt5cSWV0JbpkyLE0gohIqIQEYOhTYvVszVr06ULu2fDHRczHxJbJQQgD37+teVHb9OvD0qf7nUig0pQnPJrh+fixNICIzs3+/tGAtPl4zNnIksGgRP64ycUx8icxcWpqmNCF3ghsdDaSkGHauMmV0191WqQI4OhZN/EREJiMjA5g8GVi6VDPm6QmsWwd07ixbWKQ/Jr5EZiA7W9r6XVfXhNu3DTuXg4PU/ktXglumTNHET0Rk8h4+BNq0AS5c0Ix17AisXw+UKydbWGQYJr5EJYQQwL17uutur1+Xkl99KRRSdwRddbd+foCVVdE9DyKiEsnDQ9qE4sIFafHCwoXSrmxcqFCiMPElMjGPHkmlCboS3EePDDuXp6fuutvKlaWZXSIi0pNCIW1I8eSJVMvLRWwlEhNfIhk8faopTXg2wb1717BzOTpKpQnPbuZQrZq0cRARERXC7t3SzG5oqGbM01Na2EYlFhNfoiIihJTE6qq7jYkxrDTBygrw99c9e+vry9IEIiKjSU8H3nsPWL0a8PKSShu8vOSOioyEiS/RC0pN1Z3cRkdLHRUM4eWle1FZ5crSxAMRERWh06elHdiio6Xr9+9LHRsmTZI3LjIaJr5EesjKkmZpdSW4uds46sPJSbscQZXgVq0qrZ0gIqJilpMDfPopMG2a5uM4JyepbdnQobKGRsbFxJfoP0IAd+7oXlR244b0e1FfVlZAQIDurgnly7M0gYjIZMTFAf37A0eOaMaCg4GtW6Vf2mRWmPiSxUlJ0b2o7OpVqbTLEN7euutuAwMBO7uiiZ+IiIxk+3ZgxAggOVm6rlBIZQ2zZvGXuJli4ktmKTNTU5rwbIJ7/75h53J2zpvcqr7c3IomfiIiKmKJicCwYdJCDUBqYr5pE9C6tbxxUZFi4kslllIp7Uqmq+72xg3pdn1ZW0uztLpmb3182J+ciMjseHoCK1cCffsCYWHSZS60MHtMfMnkJSXpTm6vXgUePzbsXD4+ursmBAYCtrZFEz8REZmA7GxppbKTk2asTx+gQgWgZUvOcFgIJr5kEjIzpW13VYlt7gQ3IcGwc5UqpXtRWdWqgKtr0cRPREQmLCYG6NcPqFFDak+WW6tW8sREsmDiS8VGqQRu3dJdd/vvv4aVJtjYSLO0uhLccuX4hzsREUFq17NpEzB6tNRYPTISePVVoEcPuSMjmTDxJaN7+DD/rgkZGYadq3x53XW3/v4sTSAiogIkJQEjR0qdG1QCA6VFbGSxmPhSoWRkANeu6U5wHzww7FwuLlIy+2zXhKpVpduIiIgMcviw1Jv31i3N2KBBwGef8T8WC8fEl/KlVAKxsboXlv37r/QJkr5sbaVtd3XN3np5sTSBiIiMICsLmDEDWLBA85+UhwewejXLGwgAE1+CNEOra7eyq1elRWeG8PXVJLa5E1x/f6kul4iIqEg8eAB06ACcOaMZa9sWiIiQOjcQgYmvxXjyRCpN0JXgPnxo2Lnc3HQvKqtSReqoQEREVOw8PKTevID0MeOcOcB773GPeNLCxNeM5ORoShOeTXBjYw07l62tlMjqSnDLlmVpAhERmRgrK2DDBqBnT2DZMqBBA7kjIhPExLeEEULaZfHZ5DY6WprRNbQ0wc9Pd91txYosTSAiIhP2yy+Ag4N2H14fH+CPP+SLiUye7KnNihUrsHDhQsTHx6Nu3bpYvnw5GjdunO/xS5cuxcqVKxEbGwtPT090794d8+bNg4ODQzFGXXz+/BM4eFB7Y4fkZMPO4e6uu+62alXtDWyIiIhMXkYGMHkysHSpVLv799/capj0Jmviu23bNowfPx6rVq1CkyZNsHTpUoSGhiIqKgpeXl55jt+6dSsmTZqEdevWoVmzZoiOjsagQYOgUCiwePFiGZ5B0Tp5EmjaVL9j7eykRFbXdryenixNICIiM3DhAtC3r/QvILUrW7MGmDhR3rioxJA18V28eDGGDRuGwYMHAwBWrVqFPXv2YN26dZg0aVKe448fP47mzZujT58+AAB/f3/07t0bJ06cKNa4i8uRI3nHKlbUXXdbsSJgbV38MRIRERU5pRJYvlxKcFU1ffb2wMKFwJgx8sZGJYpsiW9WVhZOnz6NyZMnq8esrKwQEhKCyMhInfdp1qwZNm/ejJMnT6Jx48aIiYnB3r170b9//3wfJzMzE5m5Cl9TU1ON9ySK2M2bmsvbtgGdOwOOjrKFQ0REVPzu3gUGDwb279eMBQUBW7cCtWvLFxeVSLIlvomJicjJyYG3t7fWuLe3N65cuaLzPn369EFiYiJatGgBIQSys7MxcuRITJkyJd/HmTdvHmbPnm3U2IvLv/9qLrdqxaSXiIgszA8/AEOHSqu6VcLDgblzpYVtRAYqUc3tDh8+jLlz5+KLL77AmTNnsGvXLuzZswcfffRRvveZPHkyUlJS1F9xcXHFGPGLUc34OjgAz/x9QEREZN4SEqR6XlXS6+MjzfouXsyklwpNthlfT09PWFtb4969e1rj9+7dQ7ly5XTeZ/r06ejfvz+GDh0KAAgKCkJ6ejqGDx+OqVOnwkpHk2p7e3vY29sb/wkUMSE0iW/FilycRkREFqZsWalzw7BhQJcuwJdfajaoICok2WZ87ezsEBwcjIMHD6rHlEolDh48iKb5tDJ4/PhxnuTW+r8VXUK1J7eZePgQSE+XLvv7yxoKERFR0cvJyduMfsgQ4Oefge++Y9JLRiFrV4fx48dj4MCBaNiwIRo3boylS5ciPT1d3eVhwIAB8PX1xbx58wAAnTt3xuLFi1G/fn00adIE165dw/Tp09G5c2d1Amwuci9sY+JLRERmLS4OGDBAWqy2fLlmXKEAOnaULy4yO7ImvmFhYUhISMCMGTMQHx+PevXqYd++feoFb7GxsVozvNOmTYNCocC0adNw+/ZtlC1bFp07d8acOXPkegpFJvfCtkqV5IuDiIioSG3fDowYIe3OdPgw8OqrQKdOckdFZkohzK1G4DlSU1Ph5uaGlJQUuLq6yh1OvhYvBt57T7q8ZQvwX+tiIiIi85CaCowbB2zcqBnz85P+02vZUr64yCQUVb4m+5bFpBtLHYiIyGxFRgL9+gExMZqxsDBg5UpuP0xFqkS1M7MkLHUgIiKzk50NzJ4tzeiqkl4XFyAiAvj6aya9VOQ442uiVDO+trZS60IiIqIS7cEDaQvS3LuzNmsGbN4MBATIFxdZFM74mqjcPXx1tCcmIiIqWdzdAZv/5tusraWZ3yNHmPRSsWJKZYKSk6Waf4D1vUREZCasrYFNm4AGDYCjR4EZMzSJMFEx4TvOBHFhGxERlXhHjgCOjkDjxpqxSpWAU6e4HSnJhjO+Jih34suFbUREVKJkZQGTJwNt2wK9ewOPHmnfzqSXZMTE1wTl7ujAGV8iIioxoqKApk2BTz4BhJA6N6xcKXdURGpMfE0QSx2IiKhEEQJYswaoXx84c0Yas7UFFiwAJkyQNzaiXFjja4JY6kBERCVGQgIwbBjwww+aserVga1bpYVsRCaEM74mSFXqYGMDlC8vbyxERET52r8fqFNHO+kdOVKa9WXSSyaIM74mSDXj6+fHTi9ERGSi7t0DunYFMjKk656ewLp10iYVRCaKM74mJjUVSEqSLrPMgYiITJa3t7SIDQBCQ4ELF5j0ksnjfKKJYUcHIiIySUolkJMjLVpTGTsWqFABePNNbjNKJQLfpSaGHR2IiMjk3L0LvPoqMG2a9riVFdCtG5NeKjH4TjUx7OhAREQm5YcfgKAg4JdfgIULgd9+kzsiokJj4mtiWOpAREQmIT1d6tDQtSvw4IE05u0ta0hEL4o1viaGM75ERCS706eBPn2A6GjNWJcuwJdfSt0biEoozviaGNWMr5WVtF6AiIio2OTkAPPnAy+/rEl6nZykXdm++45JL5V4nPE1MaoZ3woVtBfOEhERFanERKBHD+DwYc1YcLC0A1u1arKFRWRMnPE1Ienp0u8dgGUORERUzNzcgLQ06bJCAUyeDBw/zqSXzAoTXxPChW1ERCQbW1tgyxagZk3g0CFg7lzAzk7uqIiMiqUOJoQ9fImIqNhERkr1u3XrasaqVQMuXmRfXjJbfGebEHZ0ICKiIpedDcyeDbRsCfTuDTx+rH07k14yY3x3mxCWOhARUZGKiQFatQJmzZI6OFy+DHzxhdxRERUbJr4mhKUORERUJIQAIiKAevWkEgcAsLYGPvwQePddOSMjKlas8TUhqsRXoQD8/GQNhYiIzEVSkrQD2/btmrHKlYHNm6V+vUQWhDO+JkRV6lC+PBfSEhGRERw+DNSpo530Dh4MnD3LpJcsEmd8TcSTJ8C9e9JlljkQEdELu3sXCA0FsrKk6x4ewOrV0iYVRBaKM74mIvfCNnZ0ICKiF+bjA8ycKV1u2xb4+28mvWTxOONrItjRgYiIXogQgFIpLVpTmThRWjTSty/blBGBM74mgx0diIio0BISgDffBD7+WHvc2hro359JL9F/+JNgIrh5BRERFcr+/dICth9+AD76SNOujIjyYOJrIljqQEREBsnIAMLDgY4dgfh4aczDA3j0SN64iEwYa3xNRO4Z34oVZQuDiIhKggsXpLrdCxc0Y6GhwIYNQLlysoVFZOo442siVDO+5coBDg7yxkJERCZKqQSWLQMaNdIkvfb20tjevUx6iZ6DM74mIDMTuHNHuswyByIi0unBA2mWd/9+zVhQELB1K1C7tnxxEZUgnPE1AbGxmstc2EZERDo5OwO3b2uuh4cDJ08y6SUyABNfE8CFbURE9FwODtLsbkCANOu7eDFr44gMxFIHE8AevkRElMfp09Isb40amrGgICA6GrDhf99EhcEZXxPAHr5ERKSWkwPMnw+8/DLQu7e0ECQ3Jr1EhcbE1wSw1IGIiAAAcXFA+/bApElAdjZw7hzwxRdyR0VkNpj4mgDO+BIREbZvl3ZgO3JEuq5QAJMnA6NHyxsXkRnh5yUmQJX4li0LODnJGgoRERW31FRg3Dhg40bNmJ8fsGkT0Lq1fHERmSEmvjLLymIPXyIiixUZCfTrB8TEaMbCwoCVK6Xth4nIqJj4yuzWLWkjHoCJLxGRRbl9G2jTRpoBAQAXF2DFCikRVihkDY3IXLHGV2as7yUislC+vsCECdLlZs2A8+eB/v2Z9BIVIc74yowdHYiILIQQ0r+5E9tZs4CKFYEhQ9imjKgYcMZXZpzxJSKyAElJQK9ewKJF2uO2tsCIEUx6iYoJE1+Zcdc2IiIzd/iw1KZs+3ZgyhTg7Fm5IyKyWEx8ZZa71IEzvkREZiQrS9qIol07aSUzAJQqBcTHyxsXkQXjZysyU834li4tLeglIiIzEBUF9OkDnDmjGWvbFoiIACpUkC8uIgvHGV8ZZWdrJgFY5kBEZAaEAFavBurX1yS9trbAggXAgQNMeolk9kIzvhkZGXBwcDBWLBbn9m0gJ0e6zMSXiKiEe/gQGDwY2L1bM1a9OrB1K9CggXxxEZGawTO+SqUSH330EXx9fVGqVCnE/LfbzPTp0/HVV18ZPUBzxo4ORERmxN4euHJFc33UKGnWl0kvkckwOPH9+OOPsWHDBixYsAB2dnbq8dq1a+PLL780anDmjj18iYjMiLMzsGULUL68NOv7xReAk5PcURFRLgYnvhEREVizZg369u0La2tr9XjdunVxJfdfuvRcbGVGRFSCXbgA/Pepp1rDhtJY587yxEREBTI48b19+zaqVKmSZ1ypVOLp06dGCcpSsNSBiKgEUiqBZcuARo2Avn2llcq52dvLExcRPZfBiW+tWrXwxx9/5BnfsWMH6tevb5SgLAV7+BIRlTB37wKvvgq8+y6QmQn8+SewcqXcURGRngzu6jBjxgwMHDgQt2/fhlKpxK5duxAVFYWIiAj89NNPRRGj2VLN+Lq7S19ERGTCfvgBGDIEePBAMxYeDgwbJl9MRGQQg2d8u3Tpgh9//BEHDhyAs7MzZsyYgcuXL+PHH3/EK6+8UhQxmqWcHCA2VrrM2V4iIhOWng6MHAl07apJen18gP37gcWLAbb1JCoxCtXHt2XLlvj111+NHYtFuXtXUxbGhW1ERCbq9GlpB7boaM1Y167A2rWAp6dsYRFR4Rg84xsYGIgHuT/m+U9ycjICAwONEpQlYEcHIiITFxcHNGumSXqdnKSEd9cuJr1EJZTBie/NmzeRo9puLJfMzEzcvn3bKEFZAnZ0ICIycX5+wP/+J10ODgbOngWGDgUUCnnjIqJC07vUYXeuLRj3798PNzc39fWcnBwcPHgQ/py61Bs3ryAiMkFCaCe28+YBFSsCo0cDuTZtIqKSSe/Et2vXrgAAhUKBgQMHat1ma2sLf39/LFq0yKjBmTPO+BIRmZDUVGDcOKBxY80sLyAtXAsPly8uIjIqvRNfpVIJAAgICMBff/0FT9Y3vRDW+BIRmYjISGkjihs3gG3bgLZtgZo15Y6KiIqAwTW+N27cYNJrBKpSBxcXwMND3liIiCxSdjYwaxbQsqWU9AKArS1w/bqsYRFR0SlUO7P09HQcOXIEsbGxyMrK0rpt3LhxRgnMnCmVmsS3UiWukyAiKnYxMUC/ftJsr0qzZsDmzUBAgHxxEVGRMjjxPXv2LDp16oTHjx8jPT0dpUuXRmJiIpycnODl5cXEVw/x8YDq7wWWORARFSMhgIgIYMwYIC1NGrO2BmbMAKZMAWwKNR9ERCWEwaUO4eHh6Ny5M5KSkuDo6Ig///wT//77L4KDg/Hpp58WRYxmhx0diIhkkJwM9OoFDBqkSXoDA4GjR6XEl0kvkdkzOPE9d+4c3nvvPVhZWcHa2hqZmZnw8/PDggULMGXKlKKI0eywowMRkQwUCuDECc31QYOAc+eAl1+WKyIiKmYGJ762trawspLu5uXlhdjYWACAm5sb4uLijBudmeKMLxGRDNzcgE2bpF3Xtm8H1q+XVhgTkcUw+HOd+vXr46+//kLVqlXRunVrzJgxA4mJidi0aRNq165dFDGaHbYyIyIqBlFRgLMzUKGCZqxlS+mXsLOzbGERkXwMnvGdO3cufHx8AABz5syBh4cHRo0ahYSEBKxevdroAZojljoQERUhIYDVq4H69YEBA6RWOrkx6SWyWAohhJA7iOKUmpoKNzc3pKSkwNXVVZYYatYErlwBnJyk9RVsZ0ZEZCQJCcDQocDu3ZqxlSuBkSPli4mIDFZU+ZrBM775OXPmDF5//XVjnc5sCaGZ8fX3Z9JLRGQ0+/cDdepoJ70jR0qzvkREMDDx3b9/PyZMmIApU6YgJiYGAHDlyhV07doVjRo1Um9rbIgVK1bA398fDg4OaNKkCU6ePFng8cnJyRg9ejR8fHxgb2+PatWqYe/evQY/rlzu3wcyMqTLLHMgIjKCjAwgPBzo2FFqlA5IC9h275Zme52c5I2PiEyG3ovbvvrqKwwbNgylS5dGUlISvvzySyxevBhjx45FWFgYLl68iJoG7m2+bds2jB8/HqtWrUKTJk2wdOlShIaGIioqCl5eXnmOz8rKwiuvvAIvLy/s2LEDvr6++Pfff+Hu7m7Q48qJHR2IiIzowgWgb1/pX5XQUGDDBqBcOdnCIiLTpHfiu2zZMsyfPx/vv/8+du7ciR49euCLL77AhQsXUCH3ilkDLF68GMOGDcPgwYMBAKtWrcKePXuwbt06TJo0Kc/x69atw8OHD3H8+HHY2toCAPxLWPbIhW1EREby779Ao0ZAZqZ03d4eWLBA2pXNymiVfERkRvT+zXD9+nX06NEDAPDWW2/BxsYGCxcuLHTSm5WVhdOnTyMkJEQTjJUVQkJCEJl77/Rcdu/ejaZNm2L06NHw9vZG7dq1MXfuXOTk5OT7OJmZmUhNTdX6khNbmRERGUmlSpr63aAg4NQpYNw4Jr1ElC+9fzs8efIETv/VSSkUCtjb26vbmhVGYmIicnJy4O3trTXu7e2NeFWN1jNiYmKwY8cO5OTkYO/evZg+fToWLVqEjz/+ON/HmTdvHtzc3NRffn5+hY7ZGFjqQERkREuWAB9/DJw8CbCXPBE9h0EbWHz55ZcoVaoUACA7OxsbNmyAp6en1jHjxo0zXnTPUCqV8PLywpo1a2BtbY3g4GDcvn0bCxcuxMyZM3XeZ/LkyRg/frz6empqqqzJL0sdiIgKIT0deO89aXvhQYM0487OwNSpsoVFRCWL3olvxYoVsXbtWvX1cuXKYdOmTVrHKBQKvRNfT09PWFtb4969e1rj9+7dQ7l8FiT4+PjA1tYW1tbW6rGaNWsiPj4eWVlZsLOzy3Mfe3t72Nvb6xVTcVAlvg4OwDOT3UREpMvp09ICtqgoYMsWafe1ypXljoqISiC9E9+buacqjcDOzg7BwcE4ePAgunbtCkCa0T148CDGjBmj8z7NmzfH1q1boVQqYfVfDVd0dDR8fHx0Jr2mRghNqUOlSuzhS0RUoJwc4NNPgWnTgOxsaUypBC5eZOJLRIUi6wqA8ePHY+3atdi4cSMuX76MUaNGIT09Xd3lYcCAAZg8ebL6+FGjRuHhw4d45513EB0djT179mDu3LkYPXq0XE/BIA8eSJ/WASxzICIqUFwc0L49MGmSJukNDgbOngW6dJE3NiIqsQyq8TW2sLAwJCQkYMaMGYiPj0e9evWwb98+9YK32NhY9cwuAPj5+WH//v0IDw9HnTp14Ovri3feeQcTJ06U6ykYhB0diIj0sH07MGIEkJwsXVcopAR41iygBHy6R0SmSyGEEHIHUZyKau9nfezcCXTvLl2eOxfINZlNRESPHgFjxwIbN2rG/PyATZuA1q3li4uIil1R5WtsdliM2NGBiKgAmZnAL79oroeFAefPM+klIqNh4luM2MOXiKgAnp7SbK+rKxARAXz9NeDhIXdURGRGCpX4Xr9+HdOmTUPv3r1x//59AMDPP/+Mf/75x6jBmRvW+BIR5RITAzzT0hKvvCLNEvTvz9Y3RGR0Bie+R44cQVBQEE6cOIFdu3YhLS0NAHD+/Pl8N5EgiSrxtbMD8mlVTERk/oSQZnbr1gXeflu6npu7uyxhEZH5MzjxnTRpEj7++GP8+uuvWr1z27Vrhz///NOowZmT3D18K1bkVvJEZKGSkoBevaTd19LSgL17gfXr5Y6KiCyEwenXhQsX8Oabb+YZ9/LyQmJiolGCMkfJyUBqqnSZZQ5EZJEOHwbq1JHalakMGgT06CFXRERkYQxOfN3d3XH37t0842fPnoWvr69RgjJH7OhARBYrK0vqw9uuHXDrljTm4SElwOvXAy4u8sZHRBbD4MS3V69emDhxIuLj46FQKKBUKnHs2DFMmDABAwYMKIoYzQI7OhCRRbpyBWjaFJg/X1PL27Yt8PffnOklomJncOI7d+5c1KhRA35+fkhLS0OtWrXQqlUrNGvWDNOmTSuKGM0CZ3yJyOLExAANGgBnzkjXbW2BBQuAAweAChXkjY2ILJLBWxbb2dlh7dq1mD59Oi5evIi0tDTUr18fVatWLYr4zAZbmRGRxQkMBN56C9iyBaheHdi6VUqEiYhkYnDie/ToUbRo0QIVK1ZExYoViyIms8RSByKySCtWSB9zTZ0KODnJHQ0RWTiDSx3atWuHgIAATJkyBZcuXSqKmMySasbXxgYoX17WUIiIjC8jAwgPB779VnvczQ2YM4dJLxGZBIMT3zt37uC9997DkSNHULt2bdSrVw8LFy7ELdVKXdJJlfj6+QHW1rKGQkRkXBcuAI0bA0uXAsOHA3FxckdERKSTwYmvp6cnxowZg2PHjuH69evo0aMHNm7cCH9/f7Rr164oYizxUlKkPr4AyxyIyIwolcCyZUCjRlLyCwBPngCnTskbFxFRPgyu8c0tICAAkyZNQt26dTF9+nQcOXLEWHGZldz1vezoQERm4e5dYPBgYP9+zVhQkLSArXZt+eIiIipAoTfOPXbsGP73v//Bx8cHffr0Qe3atbFnzx5jxmY22NGBiMzKDz9IO7DlTnrDw4GTJ5n0EpFJM3jGd/Lkyfjmm29w584dvPLKK1i2bBm6dOkCJy5cyBc7OhCRWUhPB957D1i9WjPm4wNs2AB06CBbWERE+jI48f3999/x/vvvo2fPnvD09CyKmMwON68gIrOQmgrs3Km53rUrsHYtwP8LiKiEMDjxPXbsWFHEYdZY6kBEZsHHB/jyS6BPH2lR25AhgEIhd1RERHrTK/HdvXs3Xn31Vdja2mL37t0FHvvGG28YJTBzoip1sLbmLp1EVILExQHOzkDp0pqxLl2AGzcALy/54iIiKiSFEEI87yArKyvEx8fDy8sLVlb5r4dTKBTIyckxaoDGlpqaCjc3N6SkpMDV1bVYHtPTE3jwAKhYUbvel4jIZG3fDowYAYSESJc5s0tExaio8jW9ujoolUp4/ffXvVKpzPfL1JNeOaSlSUkvwDIHIioBUlOBQYOAsDCpAfmOHVKLMiIiM2BwO7OIiAhkZmbmGc/KykJERIRRgjIn7OFLRCVGZCRQrx6wcaNmLCwM6NRJtpCIiIzJ4MR38ODBSElJyTP+6NEjDB482ChBmRMubCMik5edDcyeDbRsKdXvAoCLCxARAXz9NeDhIW98RERGYnBXByEEFDpqvW7dugU3NzejBGVO2MOXiExaTAzQr58026vSrBmweTMQECBfXERERUDvxLd+/fpQKBRQKBRo3749bGw0d83JycGNGzfQsWPHIgmyJGMPXyIyWdeuAQ0aAI8eSdetrYEZM4ApUwCbF9rRnojIJOn9m61r164AgHPnziE0NBSlSpVS32ZnZwd/f39069bN6AGWdCx1ICKTVbky0L498P33QGAgsGUL8PLLckdFRFRk9E58Z86cCQDw9/dHWFgYHBwciiwoc6IqdVAoAD8/eWMhItKiUEg7r1WqBHz0kVTXS0RkxvTq42tOiruPr7c3cP8+4OsL3LpV5A9HRKRbVpZUxtCyJfDaa3JHQ0RUoKLK1/Sa8S1dujSio6Ph6ekJDw8PnYvbVB4+fGi04Eq6x4+lpBdgmQMRySgqStpm+MwZYP164O+/pb/KiYgsjF6J75IlS+Dy30dgS5YsKTDxJY3YWM1lJr5EVOyEANasAcLDgSdPpLGkJODYMeCtt+SNjYhIBnolvgMHDlRfHjRoUFHFYnbY0YGIZJOQAAwdCuzerRmrXl3aha1BA/niIiKSkcEbWJw5cwYXLlxQX//hhx/QtWtXTJkyBVlZWUYNrqRjRwciksX+/UCdOtpJ76hRUqkDk14ismAGJ74jRoxAdHQ0ACAmJgZhYWFwcnLCt99+iw8++MDoAZZk3LyCiIpVRoZU1tCxIxAfL415ekoJ8BdfAE5O8sZHRCQzgxPf6Oho1KtXDwDw7bffonXr1ti6dSs2bNiAnTt3Gju+Eo2lDkRUrO7flxavqXTsCFy4AHTuLF9MREQmxODEVwgBpVIJADhw4AA6deoEAPDz80NiYqJxoyvhcie+FSvKFgYRWYqKFYGVKwF7e+Czz4C9e4Fy5eSOiojIZBi8J2XDhg3x8ccfIyQkBEeOHMHKlSsBADdu3IA32+NoUZU6+PgA3O+DiIzu7l3A2RnI3eOyd2+gRQvumENEpIPBM75Lly7FmTNnMGbMGEydOhVVqlQBAOzYsQPNmjUzeoAlVUaG9H8SwDIHIioCP/wgLWAbNy7vbUx6iYh0MtrObRkZGbC2toatra0xTldkimvntqtXgWrVpMu9egFff11kD0VEliQ9HXjvPWD1as3Yjh1At27yxUREZGSy7tymy+nTp3H58mUAQK1atdCALXK0cGEbERnd6dPSDmz/ddYBAHTtCrRuLVtIREQlicGJ7/379xEWFoYjR47A3d0dAJCcnIy2bdvim2++QdmyZY0dY4nEHr5EZDQ5OcCnnwLTpgHZ2dKYkxOwbBkwZAjA3TSJiPRicI3v2LFjkZaWhn/++QcPHz7Ew4cPcfHiRaSmpmKcrlozC8UevkRkFHFxQPv2wKRJmqQ3OBg4e1bamY1JLxGR3gye8d23bx8OHDiAmjVrqsdq1aqFFStWoEOHDkYNriRjqQMRvbDoaKBJEyA5WbquUEgJ8KxZgJ2dnJEREZVIBs/4KpVKnQvYbG1t1f19iYkvERlBlSpS4gtInRoOHQLmzmXSS0RUSAYnvu3atcM777yDO3fuqMdu376N8PBwtG/f3qjBlWSqUgcvL+4SSkSFZGUl7cQ2fDhw/jwXsRERvSCDE9/PP/8cqamp8Pf3R+XKlVG5cmUEBAQgNTUVy5cvL4oYS5ysLOD2bekyZ3uJSC/Z2cDs2cBvv2mP+/hIrcs8POSJi4jIjBhc4+vn54czZ87g4MGD6nZmNWvWREhIiNGDK6ni4gBVd2QubCOi54qJAfr1AyIjAV9f4O+/gdKl5Y6KiMjsGJT4btu2Dbt370ZWVhbat2+PsWPHFlVcJRo7OhCRXoQANm0CxowBHj2SxuLjpVpebkhBRGR0eie+K1euxOjRo1G1alU4Ojpi165duH79OhYuXFiU8ZVIXNhGRM+VlASMHAls364ZCwwEtmwBXn5ZvriIiMyY3jW+n3/+OWbOnImoqCicO3cOGzduxBdffFGUsZVY3LyCiAp0+DBQp4520jtoEHDuHJNeIqIipHfiGxMTg4EDB6qv9+nTB9nZ2bh7926RBFaSsdSBiHTKygImTwbatQNu3ZLG3N2lBHj9esDFRdbwiIjMnd6lDpmZmXB2dlZft7Kygp2dHZ48eVIkgZVkLHUgIp1u3QKWL9esfm3TBoiIkHr0EhFRkTNocdv06dPhlKspbVZWFubMmQM3Nzf12OLFi40XXQmlSnzLlAFKlZI1FCIyJYGBwLJlwKhRwJw5wHvvSb16iYioWOid+LZq1QpRUVFaY82aNUNMTIz6uoJ7xiM7mz18ieg/iYnSDja5d7F5+21pI4oqVeSLi4jIQumd+B4+fLgIwzAft24BOTnSZdb3Elmw/fulBWtvvQWsWKEZVyiY9BIRyYSfsRkZF7YRWbiMDCA8HOjYUerJ+8UXwJ49ckdFREQoxM5tVDAubCOyYBcuAH37Sv+qdOwIBAfLFxMREalxxtfI2MOXyAIpldKitUaNNEmvvT3w2WfA3r1AuXLyxkdERAA442t0LHUgsjB37wKDB0s1vSpBQcDWrUDt2vLFRUREeTDxNTKWOhBZkKgooEULqXuDSng4MHcu4OAgX1xERKRToUod/vjjD/Tr1w9NmzbF7f96d23atAlHjx41anAlkSrxdXcHcrU3JiJzVKUKUKuWdNnHR5r1XbyYSS8RkYkyOPHduXMnQkND4ejoiLNnzyIzMxMAkJKSgrlz5xo9wJIkJweIi5Mus8yByAJYWwObNgH9+wN//w106CB3REREVACDE9+PP/4Yq1atwtq1a2Fra6seb968Oc6cOWPU4EqaO3ekDSwAljkQmZ2cHGD+fOD4ce3xihWlbYc9PeWJi4iI9GZwjW9UVBRatWqVZ9zNzQ3JycnGiKnEYkcHIjMVFyfN6h45AgQEAOfOAa6uckdFREQGMnjGt1y5crh27Vqe8aNHjyIwMNAoQZVU7OhAZIa2bwfq1JGSXkD6C/eXX2QNiYiICsfgxHfYsGF45513cOLECSgUCty5cwdbtmzBhAkTMGrUqKKIscRgRwciM5KaKm05HBYGqD7N8vMDDh0CuneXMzIiIiokg0sdJk2aBKVSifbt2+Px48do1aoV7O3tMWHCBIwdO7YoYiwxWOpAZCYiI4F+/YCYGM1YWBiwciXg4SFfXERE9EIUQghRmDtmZWXh2rVrSEtLQ61atVCqVCljx1YkUlNT4ebmhpSUFLgauUbvlVeAAwekyw8f8v9HohInOxuYMwf46CNpMRsAuLgAK1ZIibBCIW98REQWoqjytUJvYGFnZ4daqv6VBEAz4+viIvXxJaIS5vp1YN48TdLbrBmwebO0oI2IiEo8gxPftm3bQlHArMdvv/32QgGVVEolEBsrXfb358QQUYlUvTqwYAEwfjwwYwYwZQpgww0uiYjMhcG/0evVq6d1/enTpzh37hwuXryIgQMHGiuuEic+HsjKki5zYRtRCZGUBDg5Afb2mrGxY4F27YDateWLi4iIioTBie+SJUt0js+aNQtpaWkvHFBJxYVtRCXM4cNSb95evYCFCzXjCgWTXiIiM2VwO7P89OvXD+vWrTPW6UocJr5EJURWFjB5sjSre+sW8OmnwMGDckdFRETFwGjFa5GRkXBwcDDW6Uqc3JtXsNSByERFRQF9+gC5t1dv21aq7SUiIrNncOL71ltvaV0XQuDu3bs4deoUpk+fbrTAShrO+BKZMCGANWuA8HDgyRNpzNZWal323nuAldE+/CIiIhNmcOLr5uamdd3KygrVq1fHhx9+iA4dOhgtsJKG2xUTmaiEBGDoUGD3bs1Y9erA1q1AgwbyxUVERMXOoMQ3JycHgwcPRlBQEDy4O4MW1YyvkxNQpoysoRCRSlQU0KaN1HZFZdQoqa7XyUm2sIiISB4Gfb5nbW2NDh06IFm1b72RrFixAv7+/nBwcECTJk1w8uRJve73zTffQKFQoGvXrkaNx1BCaGZ82cOXyIQEBgJ+ftJlT09p1veLL5j0EhFZKIML22rXro2Y3PvXv6Bt27Zh/PjxmDlzJs6cOYO6desiNDQU9+/fL/B+N2/exIQJE9CyZUujxVJY9+8DGRnSZZY5EJkQW1tgyxbgrbeACxeAzp3ljoiIiGRkcOL78ccfY8KECfjpp59w9+5dpKaman0ZavHixRg2bBgGDx6MWrVqYdWqVXByciqwNVpOTg769u2L2bNnIzAw0ODHNLbcC9vY0YFIJkol8NlnwNmz2uNVqwI7dwLlyskTFxERmQy9E98PP/wQ6enp6NSpE86fP4833ngDFSpUgIeHBzw8PODu7m5w3W9WVhZOnz6NkJAQTUBWVggJCUFkZGSBsXh5eWHIkCHPfYzMzMwXTs6fhx0diGR29y7QqRPwzjtSu7LHj+WOiIiITJDei9tmz56NkSNH4tChQ0Z78MTEROTk5MDb21tr3NvbG1euXNF5n6NHj+Krr77CuXPn9HqMefPmYfbs2S8aaoHY0YFIRj/8IHVtSEyUrl+5Avz8M9Ctm7xxERGRydE78RVCAABat25dZME8z6NHj9C/f3+sXbsWnp6eet1n8uTJGD9+vPp6amoq/FSLXYyEpQ5EMkhPl3rwrl6tGfPxATZsACy4tSIREeXPoHZmCiO3K/D09IS1tTXu3bunNX7v3j2U01GPd/36ddy8eROdcy1QUSqVAAAbGxtERUWhcuXKWvext7eHvb29UeN+FksdiIrZ6dNSSUN0tGasa1dg7VqpewMREZEOBiW+1apVe27y+/DhQ73PZ2dnh+DgYBw8eFDdkkypVOLgwYMYM2ZMnuNr1KiBCxcuaI1NmzYNjx49wrJly4w+k6svVamDgwPg5SVLCESWIScHWLgQmD4dyM6WxpycgKVLpXIH9hIkIqICGJT4zp49O8/ObS9q/PjxGDhwIBo2bIjGjRtj6dKlSE9Px+DBgwEAAwYMgK+vL+bNmwcHBwfUrl1b6/7u7u4AkGe8uAihmfGtVIn/7xIVqStXtJPe4GBpB7Zq1eSNi4iISgSDEt9evXrBy8hTmmFhYUhISMCMGTMQHx+PevXqYd++feoFb7GxsbCyMrjrWrFJTNQsIGeZA1ERe+kl4KOPgClTgEmTgFmzADs7uaMiIqISQiFUq9aew9raGnfv3jV64lvcUlNT4ebmhpSUFLi6ur7w+U6dAho1ki4PH669zoaIXtCjR4CjI2CT62/0nBypV2/DhvLFRURERcrY+ZqK3lOpeubHFocL24iKSGQkUK8e8PHH2uPW1kx6iYioUPROfJVKZYmf7S0KTHyJjCw7G5g9G2jZEoiJkUobjh+XOyoiIjIDBtX4Ul65N69gD1+iFxQTA/TrJ832qrz8stSfl4iI6AWZ7qqxEoIzvkRGIAQQESGVNqiSXmtraeb3yBEgIEDW8IiIyDxwxvcFqWZ87ewAHXtuENHzJCUBo0YB27ZpxgIDgS1bpNleIiIiI2Hi+wJy9/CtWBEw4a5rRKYpKgp45RUgLk4zNmgQ8NlngIuLbGEREZF5Yqr2ApKSpG5LAMsciAqlUiXgv01o4OEBbN8OrF/PpJeIiIoEE98XkHthGxNfokJwcJB2XuvUCfj7b6BHD7kjIiIiM8bE9wXkXtjGjg5EzyEEsGYNcOmS9njt2sCePUCFCvLERUREFoOJ7wtgRwciPSUkAF27AiNGAH36AJmZckdEREQWiInvC2CpA5Ee9u8H6tQBdu+Wrp8/D/z0k7wxERGRRWLi+wJY6kBUgIwM4N13gY4dgfh4aczTU0qAu3WTNTQiIrJMbGf2AlSJr40NUL68rKEQmZYLF6SShosXNWOhocCGDWx4TUREsuGM7wtQlTr4+UmbTBFZPKUSWLYMaNRIk/Ta20tje/cy6SUiIllxxreQkpOlL4D1vURqFy4A48dLCTAABAVJ7cpq15Y3LiIiInDGt9C4sI1Ih7p1gSlTpMvh4cDJk0x6iYjIZHDGt5ByJ75c2EYW6/FjaROK3Pt1z5gBdOgAtGwpX1xEREQ6cMa3kNjDlyze6dNA/frAokXa47a2THqJiMgkMfEtJCa+ZLFycoD584GXXwaio4GpU4EzZ+SOioiI6LlY6lBILHUgixQXB/TvDxw5ohmrUwcoVUq+mIiIiPTEGd9CUs34WlsDFSrIGgpR8di+XUpyVUmvQgFMngwcPw5UqyZvbERERHrgjG8hqRLfChWkDSyIzFZqKjBuHLBxo2bMzw/YtAlo3Vq+uIiIiAzElK0QHj0CHj6ULrPMgcxaVBTQqRMQE6MZCwsDVq0C3N1lC4uIiKgwWOpQCOzhSxYj90caLi5ARATw9ddMeomIqERi4lsITHzJYjg7SzuvtWkDnD8vLWxTKOSOioiIqFCY+BZC7lZmLHUgsyGENKN7/br2eHAw8NtvQECAPHEREREZCRPfQmAPXzI7SUlAr17AwIFA377A06fat3OWl4iIzAAT30JgqQOZlcOHpTZl27dL10+cAH76SdaQiIiIigIT30JQzfgqFOzhSyVYVhYwaRLQrh1w65Y05uEBfPst8Oab8sZGRERUBNjOrBBUia+vL2BnJ2soRIUTFQX06aO91XDbtlKNL/+aIyIiM8UZXwM9fgwkJEiXubCNShwhgNWrgfr1NUmvrS2wYAFw4ACTXiIiMmuc8TUQ63upRDt7Fhg5UnO9enWpXVmDBvLFREREVEw442sgdnSgEq1BA2D8eOnyqFHSrC+TXiIishCc8TVQ7hlfljqQycvMlArRc7cjmzsX6NgReOUV+eIiIiKSAWd8DcQZXyoxLlwAGjYEVq7UHre3Z9JLREQWiYmvgZj4kslTKoFly4BGjYCLF4H33gMuXZI7KiIiItmx1MFAuUsd/Pzki4NIp7t3gcGDgf37NWNVq8oXDxERkQnhjK+BVDO+Pj6Ag4OsoRBp++EHaQe23ElveDhw8iRQq5Z8cREREZkIzvgaICMDiI+XLrPMgUxGerpUzrB6tWbMxwfYsAHo0EG2sIiIiEwNE18DxMZqLrOjA5mE6Gigc2fpX5WuXYG1awFPT9nCIiIiMkUsdTAAF7aRyfH2BrKypMtOTlLCu2sXk14iIiIdmPgagLu2kclxcwM2bwaaNJF2ZRs6VLtnLxEREakx8TVA7hlfljqQLL79FoiL0x5r3hyIjASqVZMnJiIiohKCia8BWOpAsklNBQYNAnr2BAYMAHJytG/nLC8REdFzMfE1QO5Sh4oV5YuDLExkJFC/PrBxo3T98GHgp59kDYmIiKgkYuJrANWMr5eXtI6IqEhlZwOzZwMtWwIxMdKYiwsQEQG88Ya8sREREZVAbGemp6ws4M4d6TLLHKjIxcQA/fpJs70qzZpJC9kCAuSLi4iIqATjjK+e4uIAIaTLXNhGRUYIaUa3Xj1N0mttLc38HjnCpJeIiOgFcMZXT1zYRsXi1Clg4EDN9cBAYMsW4OWX5YuJiIjITHDGV09MfKlYNGoEjBghXR40CDh3jkkvERGRkXDGV0+5Ozqw1IGM5ulTwMZGux3ZokVAp05cwEZERGRknPHVE2d8yeiioqTZXFWbMhVnZya9RERERYCJr564axsZjRDA6tVSb94zZ4CxY4Fr1+SOioiIyOyx1EFPqlKHMmWAUqXkjYVKsIQEYOhQYPduzZivL/DkiXwxERERWQjO+Orh6VPg1i3pMsscqND27wfq1NFOekeOlGZ9g4Lki4uIiMhCMPHVw61bgFIpXWbiSwbLyADCw4GOHYH4eGnM01NKgFeu5DaARERExYSlDnpgRwcqtGvXgLfeAi5c0Ix17AisXw+UKydfXERERBaIM756YEcHKjQPD+DBA+myvT3w2WfA3r1MeomIiGTAxFcPuWd8mfiSQcqUATZsAOrWlXZlGztWu2cvERERFRsmvnpgKzPS248/aup4VV55BTh9GqhdW56YiIiICAATX70w8aXnSk+XOjS88Qbw9ttSr97crK3liYuIiIjUmPjqQVXq4O4OuLnJGgqZotOngQYNpE0pAODnn4GffpI3JiIiIsqDie9zZGcDcXHSZdb3kpacHGD+fGnb4ehoaczJCVi7Fnj9dXljIyIiojzYzuw57tyRkl+AiS/lEhcH9O8PHDmiGQsOBrZuBapVky8uIiIiyhdnfJ+DPXwpj23bpB3YVEmvQgFMngwcP86kl4iIyIRxxvc52MOXtPz5J9Crl+a6nx+waRPQurV8MREREZFeOOP7HEx8ScvLL0slDgAQFgacP8+kl4iIqITgjO9zsNTBwimVgNUzfx9+/jnw2mtAz57cjIKIiKgE4Yzvc3DG14LFxAAtWgDbt2uPu7pKs71MeomIiEoUJr7PoUp8XV2lPr5kAYQAIiKAevWAyEhgxAhNTzsiIiIqsZj4FkCpBGJjpcuVKnGCzyIkJUmL1wYOBB49ksZKlwYePJA3LiIiInphTHwLcPcu8PSpdJllDhbg8GGpTVnu0oZBg4Bz56TZXyIiIirRmPgWgPW9FiIrC5g0CWjXDrh1Sxpzd5cS4PXrARcXWcMjIiIi42BXhwKwo4MFiIkBevQAzpzRjLVpI9X4+vnJFhYREREZH2d8C8AZXwvg6Kgp5La1BRYsAA4eZNJLRERkhpj4FiB34ssZXzPl4wN89RVQo4a0K9v77+ft20tERERmgf/DFyB3qQNnfM3EgQN5OzS88Qbw999AgwbyxERERETFwiQS3xUrVsDf3x8ODg5o0qQJTp48me+xa9euRcuWLeHh4QEPDw+EhIQUePyLUM34OjsDZcoUyUNQccnIAMLDgVdekfryCqF9u62tPHERERFRsZE98d22bRvGjx+PmTNn4syZM6hbty5CQ0Nx//59nccfPnwYvXv3xqFDhxAZGQk/Pz906NABt2/fNmpcQrCHr9m4cAFo3BhYulS6vnMnsG+frCERERFR8VMI8ezUV/Fq0qQJGjVqhM8//xwAoFQq4efnh7Fjx2LSpEnPvX9OTg48PDzw+eefY8CAAc89PjU1FW5ubkhJSYGrq2u+x8XHS+WfANCpE7Bnj37Ph0yIUgksXw5MnAhkZkpj9vbAwoXAmDH8a4aIiMhE6ZuvGUrWdmZZWVk4ffo0Jk+erB6zsrJCSEgIIiMj9TrH48eP8fTpU5QuXVrn7ZmZmchUJT2QXkh9sKNDCXf3LjB4MLB/v2YsKAjYuhWoXVu+uIiIiEg2spY6JCYmIicnB97e3lrj3t7eiI+P1+scEydORPny5RESEqLz9nnz5sHNzU395adnmyr28C3Bdu+WdmDLnfSGhwMnTzLpJSIismCy1/i+iE8++QTffPMNvvvuOzg4OOg8ZvLkyUhJSVF/xcXF6XVuzviWUMeOAV26AImJ0vVy5aQEePFiIJ/3CBEREVkGWRNfT09PWFtb4969e1rj9+7dQ7ly5Qq876effopPPvkEv/zyC+rUqZPvcfb29nB1ddX60gcT3xKqWTPgzTely126SAvbOnSQNyYiIiIyCbImvnZ2dggODsbBgwfVY0qlEgcPHkTTpk3zvd+CBQvw0UcfYd++fWjYsGGRxMZShxLi2bWZCgWwdi2wfj3w3XeAp6c8cREREZHJkb3UYfz48Vi7di02btyIy5cvY9SoUUhPT8fgwYMBAAMGDNBa/DZ//nxMnz4d69atg7+/P+Lj4xEfH4+0tDSjxqWa8XVwALy8jHpqMpa4OKBdO+Cnn7THy5QBBg1i1wYiIiLSImtXBwAICwtDQkICZsyYgfj4eNSrVw/79u1TL3iLjY2FVa4tZFeuXImsrCx0795d6zwzZ87ErFmzjBKTEJrE19+f+ZNJ2r5d2ogiORn45x9p57XnlMcQERGRZZO9j29x06cvXEKCZpY3NJR7HZiU1FRg3Dhg40bNmJ8f8P333HKYiIjITBRVH1/ZSx1MERe2majISKBePe2kNywMOH+eSS8RERE9FxNfHZj4mpjsbGDWLKBlS+DGDWnMxQWIiAC+/hrw8JA1PCIiIioZZK/xNUXs6GBCbt4E+vSRZntVmjUDNm8GAgJkC4uIiIhKHs746sAZXxNiZQVcuiRdtrYGZs8Gjhxh0ktEREQGY+KrQ+7ElzO+MqtYEVi1CggMBI4eBWbMAGz4QQUREREZjomvDqpSBzs7dsgqdn/8IXVuyK1XL6ll2csvyxMTERERmQUmvs/I3cO3UiXpk3YqBllZwKRJQOvWwNixeW93cCj+mIiIiMisMK17RlISoNoEjmUOxSQqCmjaFJg/X/rLIyIC+OUXuaMiIiIiM8PE9xlc2FaMhABWrwbq1wfOnJHGbG2BBQuAkBB5YyMiIiKzw1VCz2DiW0wSEoChQ4HduzVj1asDW7dyMwoiIiIqEpzxfQZ7+BaD/fuBOnW0k95Ro6RZXya9REREVEQ44/sMzvgWsT/+ADp21Fz39ATWrQM6d5YvJiIiIrIInPF9BhPfItaihSbx7dgRuHCBSS8REREVC874PkNV6mBjA/j4yBuLWVIogPXrge++A0aOlK4TERERFQPO+D5DNeNbsaK0Qy69gPh44LXXgIMHtcfLlZNqepn0EhERUTHijG8uyclASop0mWUOL2j3bmDIECAxETh/XvoqU0buqIiIiMiCccY3F3Z0MIL0dKmEoUsXKekFAKVSu3iaiIiISAZMfHPhwrYXdPo0EBwsbUqh0rUr8Pff0jgRERGRjJj45pI78eWMrwFycqTthl9+Wdp+GACcnIC1a4Fdu6SWZUREREQyY41vLrlLHTjjq6dbt4D+/YHDhzVjwcHSDmzVqskWFhEREdGzOOObC0sdCuHJE+Cvv6TLCgUweTJw/DiTXiIiIjI5THxzUSW+1taAr6+soZQcVasCn30G+PkBhw4Bc+cCdnZyR0VERESUBxPfXFSlDhUqSBtYkA4nTwKPH2uPDR4MXLoEtG4tT0xEREREemDi+5/UVODhQ+kyyxx0yM4GZs8GmjUDJkzQvk2hAEqVkicuIiIiIj0x8f0Pe/gWICYGaNUKmDVL6uCwcqVU1kBERERUgjDx/Q87OuggBBARAdSrB0RGSmPW1tLMb8uWsoZGREREZChWsv6HHR2ekZQEjBoFbNumGQsMBLZskfr1EhEREZUwTHz/w1KHXI4ckXrzxsVpxgYNkro3uLjIFhYRUXHJycnB06dP5Q6DyKzZ2dnByqp4iw+Y+P6HM77/OXIEaNtWKnMAAA8PaQviHj3kjYuIqBgIIRAfH4/k5GS5QyEye1ZWVggICIBdMbZBZeL7H1Xia2UltTOzWC1aSAvZVAlwRISFvyBEZElUSa+XlxecnJygUCjkDonILCmVSty5cwd3795FxYoVi+1njYnvf1SlDuXLW/j+C9bWwKZNwLffAu++K/0lQERkAXJyctRJb5kyZeQOh8jslS1bFnfu3EF2djZsbW2L5TGZ1QBITwcSEqTLFlXmkJAAdOsGHDumPe7nB4wfz6SXiCyKqqbXyclJ5kiILIOqxCEnJ6fYHpMzvrDQVmb790sL1uLjgTNngPPnAVdXuaMiIpIdyxuIioccP2uc0oOFdXTIyJBKGDp2lJJeAEhLA6KjZQ2LiIiIqKgx8YUFdXS4cAFo1AhYtkwz1rGjNN6woXxxERERySQqKgrlypXDo0eP5A7FrGRlZcHf3x+nTp2SOxQtTHyhnfia5YyvUiklu40aARcvSmP29lJf3r17gXLl5I2PiIheyKBBg6BQKKBQKGBra4uAgAB88MEHyMjIyHPsTz/9hNatW8PFxQVOTk5o1KgRNmzYoPO8O3fuRJs2beDm5oZSpUqhTp06+PDDD/Hw4cMifkbFZ/LkyRg7dixczLhP/YoVK+Dv7w8HBwc0adIEJ0+efO59li5diurVq8PR0RF+fn4IDw/Xej/5+/ur33O5v0aPHg1Aqt+dMGECJk6cWGTPqzCY+MLMa3zv3gU6dZLKGzIzpbGgIODUKWDsWIC1bEREZqFjx464e/cuYmJisGTJEqxevRozZ87UOmb58uXo0qULmjdvjhMnTuDvv/9Gr169MHLkSEyYMEHr2KlTpyIsLAyNGjXCzz//jIsXL2LRokU4f/48Nm3aVGzPKysrq8jOHRsbi59++gmDBg16ofMUZYwvatu2bRg/fjxmzpyJM2fOoG7duggNDcX9+/fzvc/WrVsxadIkzJw5E5cvX8ZXX32Fbdu2YcqUKepj/vrrL9y9e1f99euvvwIAeuTq+9+3b18cPXoU//zzT9E9QUMJC5OSkiIAiJSUFPVYkyZCSDs2CJGRIWNwReHiRSHs7TVPMDxciCdP5I6KiMjkPHnyRFy6dEk8KYG/IwcOHCi6dOmiNfbWW2+J+vXrq6/HxsYKW1tbMX78+Dz3/+yzzwQA8eeffwohhDhx4oQAIJYuXarz8ZKSkvKNJS4uTvTq1Ut4eHgIJycnERwcrD6vrjjfeecd0bp1a/X11q1bi9GjR4t33nlHlClTRrRp00b07t1b9OzZU+t+WVlZokyZMmLjxo1CCCFycnLE3Llzhb+/v3BwcBB16tQR3377bb5xCiHEwoULRcOGDbXGEhMTRa9evUT58uWFo6OjqF27tti6davWMbpiFEKICxcuiI4dOwpnZ2fh5eUl+vXrJxISEtT3+/nnn0Xz5s2Fm5ubKF26tHjttdfEtWvXCozxRTVu3FiMHj1afT0nJ0eUL19ezJs3L9/7jB49WrRr105rbPz48aJ58+b53uedd94RlStXFkqlUmu8bdu2Ytq0aTrvU9DPnK58zRg44wtNqYOPj1QBYFZeeglYuFAqZ9i/H1i8GHBwkDsqIqISo2FDaR+f4v56kaUXFy9exPHjx7V2xNqxYweePn2aZ2YXAEaMGIFSpUrh66+/BgBs2bIFpUqVwv/+9z+d53d3d9c5npaWhtatW+P27dvYvXs3zp8/jw8++ABKpdKg+Ddu3Ag7OzscO3YMq1atQt++ffHjjz8iLS1Nfcz+/fvx+PFjvPnmmwCAefPmISIiAqtWrcI///yD8PBw9OvXD0eOHMn3cf744w80fOaFzsjIQHBwMPbs2YOLFy9i+PDh6N+/f57ygGdjTE5ORrt27VC/fn2cOnUK+/btw71799CzZ0/1fdLT0zF+/HicOnUKBw8ehJWVFd58880CX5+5c+eiVKlSBX7FxsbqvG9WVhZOnz6NkJAQ9ZiVlRVCQkIQGRmZ72M2a9YMp0+fVj/nmJgY7N27F506dcr3cTZv3oy33347T6eGxo0b448//sj3sYqbxbcze/IEuHdPumwWZQ7nzwM1amhn8GPGAP36SdsPExGRQeLjgdu35Y7i+X766SeUKlUK2dnZyMzMhJWVFT7//HP17dHR0XBzc4OPj0+e+9rZ2SEwMBDR/3X4uXr1KgIDAw3eVGDr1q1ISEjAX3/9hdKlSwMAqlSpYvBzqVq1KhYsWKC+XrlyZTg7O+O7775D//791Y/1xhtvwMXFBZmZmZg7dy4OHDiApk2bAgACAwNx9OhRrF69Gq1bt9b5OP/++2+exNfX11frj4OxY8di//792L59Oxo3bpxvjB9//DHq16+PuXPnqsfWrVsHPz8/REdHo1q1aujWrZvWY61btw5ly5bFpUuXULt2bZ0xjhw5Uit51qV8+fI6xxMTE5GTkwNvb2+tcW9vb1y5ciXf8/Xp0weJiYlo0aIFhBDIzs7GyJEjtUodcvv++++RnJyss2SkfPny+Dd3TanMLD7xzf1HUolOfHNygE8/BaZNA955R7qsolAw6SUiKiS51v8a+rht27bFypUrkZ6ejiVLlsDGxiZPoqUvIUSh7nfu3DnUr19fnfQWVnBwsNZ1Gxsb9OzZE1u2bEH//v2Rnp6OH374Ad988w0A4Nq1a3j8+DFeeeUVrftlZWWhfv36+T7OkydP4PDMp6A5OTmYO3cutm/fjtu3byMrKwuZmZl5NjZ5Nsbz58/j0KFDKFWqVJ7HuX79OqpVq4arV69ixowZOHHiBBITE9UzvbGxsfkmvqVLl37h19NQhw8fxty5c/HFF1+gSZMmuHbtGt555x189NFHmD59ep7jv/rqK7z66qs6E3BHR0c8fvy4OMLWi8UnvmbR0SEuDujfH1B9nLNoEdC1K9CihaxhERGZAxPrxpQvZ2dn9ezqunXrULduXXz11VcYMmQIAKBatWpISUnBnTt38iQoWVlZuH79Otq2bas+9ujRo3j69KlBs76Ojo4F3m5lZZUnqVbtmPfsc3lW37590bp1a9y/fx+//vorHB0d0bFjRwBQl0Ds2bMHvr6+WvezL6CG0dPTE0lJSVpjCxcuxLJly7B06VIEBQXB2dkZ7777bp4FbM/GmJaWhs6dO2P+/Pl5Hkc1y965c2dUqlQJa9euRfny5aFUKlG7du0CF8fNnTtXaxZZl0uXLqFixYo6n5+1tTXuqT7a/s+9e/dQroC/rKZPn47+/ftj6NChAICgoCCkp6dj+PDhmDp1Kqxy7ez677//4sCBA9i1a5fOcz18+BBly5YtMP7iZPE1viW+o8P27UCdOpqkV6EAJk8Gcn0cQ0RElsXKygpTpkzBtGnT8OTJEwBAt27dYGtri0WLFuU5ftWqVUhPT0fv3r0BSB91p6Wl4YsvvtB5/uTkZJ3jderUwblz5/Jtd1a2bFncvXtXa+zcuXN6PadmzZrBz88P27Ztw5YtW9CjRw91Ul6rVi3Y29sjNjYWVapU0fry8/PL95z169fHpUuXtMaOHTuGLl26oF+/fqhbt65WCUhBGjRogH/++Qf+/v55YnB2dsaDBw8QFRWFadOmoX379qhZs2aepFuXkSNH4ty5cwV+5VfqYGdnh+DgYBw8eFA9plQqcfDgQXVJiC6PHz/WSm4BwNraGkDeTwPWr18PLy8vvPbaazrPdfHixQJn3YudUZfKlQDPrhKcPFnT8GDfPpmDM0RKihADB2qCB4Tw8xPi8GG5IyMiKpHMravD06dPha+vr1i4cKF6bMmSJcLKykpMmTJFXL58WVy7dk0sWrRI2Nvbi/fee0/r/h988IGwtrYW77//vjh+/Li4efOmOHDggOjevXu+3R4yMzNFtWrVRMuWLcXRo0fF9evXxY4dO8Tx48eFEELs27dPKBQKsXHjRhEdHS1mzJghXF1d83R1eOedd3Sef+rUqaJWrVrCxsZG/PHHH3luK1OmjNiwYYO4du2aOH36tPjss8/Ehg0b8n3ddu/eLby8vER2drZ6LDw8XPj5+Yljx46JS5cuiaFDhwpXV1et11dXjLdv3xZly5YV3bt3FydPnhTXrl0T+/btE4MGDRLZ2dkiJydHlClTRvTr109cvXpVHDx4UDRq1EgAEN99912+Mb6ob775Rtjb24sNGzaIS5cuieHDhwt3d3cRHx+vPqZ///5i0qRJ6uszZ84ULi4u4uuvvxYxMTHil19+EZUrV87TWSMnJ0dUrFhRTJw4Md/Hr1SpkoiIiNB5mxxdHSw+8e3TR5M3Xr4sc3D6On5ciMBA7aQ3LEyIhw/ljoyIqMQyt8RXCCHmzZsnypYtK9LS0tRjP/zwg2jZsqVwdnYWDg4OIjg4WKxbt07nebdt2yZatWolXFxchLOzs6hTp4748MMPC2xndvPmTdGtWzfh6uoqnJycRMOGDcWJEyfUt8+YMUN4e3sLNzc3ER4eLsaMGaN34nvp0iUBQFSqVClP2yylUimWLl0qqlevLmxtbUXZsmVFaGioOHLkSL6xPn36VJQvX17syzXz9eDBA9GlSxdRqlQp4eXlJaZNmyYGDBjw3MRXCCGio6PFm2++Kdzd3YWjo6OoUaOGePfdd9Wx/vrrr6JmzZrC3t5e1KlTRxw+fLjIE18hhFi+fLmoWLGisLOzE40bN1a3l8v9fAYOHKi+/vTpUzFr1ixRuXJl4eDgIPz8/MT//ve/PN/3/fv3CwAiKipK5+MeP35cuLu7i8ePH+u8XY7EVyFEISvYS6jU1FS4ubkhJSUFrq6uaN4cOH5cuu3xY+A55UnyO3wYCAmRFrMBgIsLsGKF1LWBm1EQERVaRkYGbty4gYCAgDwLnsh8rVixArt378b+/fvlDsXshIWFoW7duvl2gyjoZ+7ZfM1YuLjtpvSvt3cJSHoBoHlzIDgYOHkSaNYM2LwZCAiQOyoiIqISacSIEUhOTsajR4/Metvi4paVlYWgoCCEh4fLHYoWi058MzOlHX2BEtTRwdYW2LIF2LYNmDgRsLHobyEREdELsbGxwdSpU+UOw+zY2dlh2rRpcoeRh0V3dYiLkwpkARPt6JCUBPTtC5w+rT1epQowdSqTXiIiIiIDWHTmZNI9fA8flnrz3rolJb5nzgDPNM8mIiIiIv1Z9IyvSfbwzcoCJk0C2rWTkl4AuH8f+OcfeeMiIiIiKuE44/sfk0h8o6KAPn2k2V2Vtm2BiAigQgX54iIiIiIyAxY942sypQ5CAKtXA/Xra5JeW1tgwQLgwAEmvURERERGYNEzvrlLHWRLfBMSgKFDgd27NWPVqwNbtwINGsgUFBEREZH54YwvAE9PoFQpmYKIiwP27tVcHzVKmvVl0ktERERkVBab+D59Cty+LV2WtcyhQQPg44+l7Hv3buCLL9i9gYiIShSFQoHvv/9e7jBM1qxZs1CvXj25wyBYcOJ7+zagVEqXi3Vh25UrUtad24QJUteGzp2LMRAiIjIXgwYNgkKhgEKhgK2tLQICAvDBBx8gIyND7tCKXHx8PN555x1UqVIFDg4O8Pb2RvPmzbFy5Uo8fvxY7vAAABMmTMDBgwflDoNgwTW+sbGay8WS+CqVwPLl0m5rEycCs2drbrO2Bry8iiEIIiIyVx07dsT69evx9OlTnD59GgMHDoRCocD8+fPlDq3IxMTEoHnz5nB3d8fcuXMRFBQEe3t7XLhwAWvWrIGvry/eeOMNucNEqVKlUEq2mkrKzWJnfHMnvkVe6nD3LtCpE/Duu9I+yR9/DJw8WcQPSkRElsTe3h7lypWDn58funbtipCQEPz666/q2x88eIDevXvD19cXTk5OCAoKwtdff611jjZt2mDcuHH44IMPULp0aZQrVw6zZs3SOubq1ato1aoVHBwcUKtWLa3HULlw4QLatWsHR0dHlClTBsOHD0daWpr69kGDBqFr166YO3cuvL294e7ujg8//BDZ2dl4//33Ubp0aVSoUAHr168v8Dn/73//g42NDU6dOoWePXuiZs2aCAwMRJcuXbBnzx50/u+T1Js3b0KhUODcuXPq+yYnJ0OhUODw4cPqsYsXL+LVV19FqVKl4O3tjf79+yMxMVF9+44dOxAUFKR+XiEhIUhPTwcAHD58GI0bN4azszPc3d3RvHlz/PvfKvpnSx1Uz//TTz+Fj48PypQpg9GjR+Nprk+E7969i9deew2Ojo4ICAjA1q1b4e/vj6VLlxb4mlDBLDbxjYvTXC7SGd8ffgDq1AH279eMjRsnjRERUcmweLHUWvJ5X7pmF994Q7/7Ll5stHAvXryI48ePw87OTj2WkZGB4OBg7NmzBxcvXsTw4cPRv39/nHxmImbjxo1wdnbGiRMnsGDBAnz44Yfq5FapVOKtt96CnZ0dTpw4gVWrVmHixIla909PT0doaCg8PDzw119/4dtvv8WBAwcwZswYreN+++033LlzB7///jsWL16MmTNn4vXXX4eHhwdOnDiBkSNHYsSIEbil2szpGQ8ePMAvv/yC0aNHw9nZWecxCoVC79csOTkZ7dq1Q/369XHq1Cns27cP9+7dQ8+ePQFIiWjv3r3x9ttv4/Llyzh8+DDeeustCCGQnZ2Nrl27onXr1vj7778RGRmJ4cOHF/j4hw4dwvXr13Ho0CFs3LgRGzZswIYNG9S3DxgwAHfu3MHhw4exc+dOrFmzBvfv39f7+VA+hIVJSUkRAETv3ilCaqArxN9/F8EDpaUJMWKEUD8IIES5ckLs318ED0ZERC/qyZMn4tKlS+LJkyd5b5w5U/v3eX5fL7+c974vv6zffWfOLHTsAwcOFNbW1sLZ2VnY29sLAMLKykrs2LGjwPu99tpr4r333lNfb926tWjRooXWMY0aNRITJ04UQgixf/9+YWNjI27fvq2+/eeffxYAxHfffSeEEGLNmjXCw8NDpKWlqY/Zs2ePsLKyEvHx8ep4K1WqJHJyctTHVK9eXbRs2VJ9PTs7Wzg7O4uvv/5aZ+x//vmnACB27dqlNV6mTBnh7OwsnJ2dxQcffCCEEOLGjRsCgDh79qz6uKSkJAFAHDp0SAghxEcffSQ6dOigda64uDgBQERFRYnTp08LAOLmzZt5Ynnw4IEAIA4fPqwz1pkzZ4q6deuqr6uef3Z2tnqsR48eIiwsTAghxOXLlwUA8ddff6lvv3r1qgAglixZovMxSqKCfuZU+VpKSopRH9Nia3xzz/gavdTh9GlpB7boaM1Yly7Al19K3RuIiKhkcXUFfH2ff1zZsrrH9Lmvq6vhceXStm1brFy5Eunp6ViyZAlsbGzQrVs39e05OTmYO3cutm/fjtu3byMrKwuZmZlweqaTUJ1nPpH08fFRzzRevnwZfn5+KF++vPr2pk2bah1/+fJl1K1bV2sWtnnz5lAqlYiKioK3tzcA4KWXXoKVleaDZ29vb9SuXVt93draGmXKlDF4lvPkyZNQKpXo27cvMjMz9b7f+fPncejQIZ21uNevX0eHDh3Qvn17BAUFITQ0FB06dED37t3h4eGB0qVLY9CgQQgNDcUrr7yCkJAQ9OzZEz4+Pvk+3ksvvQRra2v1dR8fH1y4cAEAEBUVBRsbGzTI1dq0SpUq8PDw0Pv5kG4Wm/iqanw9PF74d422334DQkOB7GzpupMTsHSptEmFAR+5EBGRCRk/XvoqjNwbFBUhZ2dnVKlSBQCwbt061K1bF1999RWGDBkCAFi4cCGWLVuGpUuXIigoCM7Oznj33XeRlZWldR5bW1ut6wqFAkpVGyQj0vU4hjx2lSpVoFAoEBUVpTUeGBgIAHB0dFSPqRJsIYR67OkzHZbS0tLQuXNnnYsBfXx8YG1tjV9//RXHjx/HL7/8guXLl2Pq1Kk4ceIEAgICsH79eowbNw779u3Dtm3bMG3aNPz66694+eWX9X7+RfE6kzaLrfFVlQwZvb63eXOgVi3pcnAwcPYsMGwYk14iIio2VlZWmDJlCqZNm4YnT54AAI4dO4YuXbqgX79+qFu3LgIDAxGd+5NJPdSsWRNxcXG4e/eueuzPP//Mc8z58+fVi75Uj21lZYXq1au/wLPSVqZMGbzyyiv4/PPPtR5Ll7L/zcTnjjv3QjcAaNCgAf755x/4+/ujSpUqWl+q2WuFQoHmzZtj9uzZOHv2LOzs7PDdd9+pz1G/fn1MnjwZx48fR+3atbF169ZCPbfq1asjOzsbZ8+eVY9du3YNSUlJhTofaVhs4qv6o8roZQ729tJ2w1OnAsePA9WqGfkBiIiInq9Hjx6wtrbGihUrAABVq1ZVz1hevnwZI0aMwL179ww6Z0hICKpVq4aBAwfi/Pnz+OOPPzB16lStY/r27QsHBwcMHDgQFy9exKFDhzB27Fj0799fXeZgLF988QWys7PRsGFDbNu2DZcvX0ZUVBQ2b96MK1euqEsJHB0d8fLLL+OTTz7B5cuXceTIEUybNk3rXKNHj8bDhw/Ru3dv/PXXX7h+/Tr279+PwYMHIycnBydOnMDcuXNx6tQpxMbGYteuXUhISEDNmjVx48YNTJ48GZGRkfj333/xyy+/4OrVq6hZs2ahnleNGjUQEhKC4cOH4+TJkzh79iyGDx8OR0dHgxbsUV4Wm/iqvNCMb2qqNJv7zz/a4y+9JLUsy7WaloiIqDjZ2NhgzJgxWLBgAdLT0zFt2jQ0aNAAoaGhaNOmDcqVK4euXbsadE4rKyt89913ePLkCRo3boyhQ4dizpw5Wsc4OTlh//79ePjwIRo1aoTu3bujffv2+Pzzz4347CSVK1fG2bNnERISgsmTJ6Nu3bpo2LAhli9fjgkTJuCjjz5SH7tu3TpkZ2cjODgY7777Lj7++GOtc5UvXx7Hjh1DTk4OOnTogKCgILz77rtwd3eHlZUVXF1d8fvvv6NTp06oVq0apk2bhkWLFuHVV1+Fk5MTrly5gm7duqFatWoYPnw4Ro8ejREjRhT6uUVERMDb2xutWrXCm2++iWHDhsHFxQUODg6FPicBCpG74MUCpKamws3NDUAKAFcsWSK11zVYZCTQrx8QEyO1Jjt5UprtJSKiEikjIwM3btxAQEAAkwsyObdu3YKfnx8OHDiA9u3byx2OURT0M6fK11JSUuBqxMVYFru4TcXgGd/sbGDOHOCjj4CcHGnsxg3g77+BRo2MHR4RERFZoN9++w1paWkICgrC3bt38cEHH8Df3x+tWrWSO7QSjYmvvwEHx8RIs7yRkZqxZs2AzZuBgABjh0ZEREQW6unTp5gyZQpiYmLg4uKCZs2aYcuWLXm6QZBhLD7x1WtxmxDApk3AmDHAo0fSmLU1MGMGMGUKYGPxLyMREREZUWhoKEJDQ+UOw+xYdMbm6gq4uz/noKQkYNQoYNs2zVhgILBlC5BPbz4iIiIiMj0W3dXB31+P9rqXLwPffqu5PmgQcO4ck14iIjNlYWu+iWQjx8+aRSe+epU5NGsm9eR1dwe2bwfWrwdcXIo6NCIiKmaq2snHjx/LHAmRZVDtGph76+aiZtGlDjoXtt24AVSsKNXwqkyfDowYod9e60REVCJZW1vD3d0d9+/fByD1o+VmAURFQ6lUIiEhAU5OTrApxrVSTHxVhADWrAHCw4GZM4GJEzW32doy6SUisgDlypUDAHXyS0RFx8rKChUrVizWPzAtOvFVlzokJABDhwK7d0vXp00DOnQA6teXLTYiIip+CoUCPj4+8PLywtOnT+UOh8is2dnZwcqqeKtuLTrx9fcHsH+/tGAtPl5zw9ChQPXqMkVFRERys7a2Lta6QyIqHiaxuG3FihXw9/eHg4MDmjRpgpMnTxZ4/LfffosaNWrAwcEBQUFB2Lt3r8GPaYcM1Fr7LtCxoybp9fSUZn1XrgScnArxTIiIiIjIVMme+G7btg3jx4/HzJkzcebMGdStWxehoaH51lcdP34cvXv3xpAhQ3D27Fl07doVXbt2xcWLFw163N/RBo6rl2kGOnYELlwAOnd+kadDRERERCZKIWRuWNikSRM0atQIn3/+OQBplZ+fnx/Gjh2LSZMm5Tk+LCwM6enp+Omnn9RjL7/8MurVq4dVq1Y99/FSU1Ph5uaGFACuAGBvDyxcKO3KxtW7RERERLJT52spKXB1dTXaeWWt8c3KysLp06cxefJk9ZiVlRVCQkIQGRmp8z6RkZEYP3681lhoaCi+//57ncdnZmYiMzNTfT0lJQUAkAoAtWoBX30l/avaipiIiIiIZJWamgrA+JtcyJr4JiYmIicnB97e3lrj3t7euHLlis77xMfH6zw+PvfitFzmzZuH2bNn5xn3A4BLl4CmTQsVOxEREREVrQcPHsDNzc1o5zP7rg6TJ0/WmiFOTk5GpUqVEBsba9QXkkxTamoq/Pz8EBcXZ9SPSsg08fttWfj9tiz8fluWlJQUVKxYEaVLlzbqeWVNfD09PWFtbY179+5pjd+7d0/dRPxZ5cqVM+h4e3t72Nvb5xl3c3PjD44FcXV15ffbgvD7bVn4/bYs/H5bFmP3+ZW1q4OdnR2Cg4Nx8OBB9ZhSqcTBgwfRNJ8ShKZNm2odDwC//vprvscTEREREQEmUOowfvx4DBw4EA0bNkTjxo2xdOlSpKenY/DgwQCAAQMGwNfXF/PmzQMAvPPOO2jdujUWLVqE1157Dd988w1OnTqFNWvWyPk0iIiIiMjEyZ74hoWFISEhATNmzEB8fDzq1auHffv2qRewxcbGak1zN2vWDFu3bsW0adMwZcoUVK1aFd9//z1q166t1+PZ29tj5syZOssfyPzw+21Z+P22LPx+WxZ+vy1LUX2/Ze/jS0RERERUHGTfuY2IiIiIqDgw8SUiIiIii8DEl4iIiIgsAhNfIiIiIrIIZpn4rlixAv7+/nBwcECTJk1w8uTJAo//9ttvUaNGDTg4OCAoKAh79+4tpkjJGAz5fq9duxYtW7aEh4cHPDw8EBIS8tz3B5kWQ3++Vb755hsoFAp07dq1aAMkozL0+52cnIzRo0fDx8cH9vb2qFatGn+nlyCGfr+XLl2K6tWrw9HREX5+fggPD0dGRkYxRUsv4vfff0fnzp1Rvnx5KBQKfP/998+9z+HDh9GgQQPY29ujSpUq2LBhg+EPLMzMN998I+zs7MS6devEP//8I4YNGybc3d3FvXv3dB5/7NgxYW1tLRYsWCAuXbokpk2bJmxtbcWFCxeKOXIqDEO/33369BErVqwQZ8+eFZcvXxaDBg0Sbm5u4tatW8UcORWGod9vlRs3bghfX1/RsmVL0aVLl+IJll6Yod/vzMxM0bBhQ9GpUydx9OhRcePGDXH48GFx7ty5Yo6cCsPQ7/eWLVuEvb292LJli7hx44bYv3+/8PHxEeHh4cUcORXG3r17xdSpU8WuXbsEAPHdd98VeHxMTIxwcnIS48ePF5cuXRLLly8X1tbWYt++fQY9rtklvo0bNxajR49WX8/JyRHly5cX8+bN03l8z549xWuvvaY11qRJEzFixIgijZOMw9Dv97Oys7OFi4uL2LhxY1GFSEZUmO93dna2aNasmfjyyy/FwIEDmfiWIIZ+v1euXCkCAwNFVlZWcYVIRmTo93v06NGiXbt2WmPjx48XzZs3L9I4yfj0SXw/+OAD8dJLL2mNhYWFidDQUIMey6xKHbKysnD69GmEhISox6ysrBASEoLIyEid94mMjNQ6HgBCQ0PzPZ5MR2G+3896/Pgxnj59itKlSxdVmGQkhf1+f/jhh/Dy8sKQIUOKI0wyksJ8v3fv3o2mTZti9OjR8Pb2Ru3atTF37lzk5OQUV9hUSIX5fjdr1gynT59Wl0PExMT8v727D4qqeuMA/mXBZVdcdEhp2cA3FHJMU140fBnTLLFUEhVKBlFRTEIcTZPxDcgfiqY46mhqJpgxgjqajigoKgXrVL6w0AguoqA2go3aiCjEy57fHw53WgFzEcHY72fm/nHPPefc59wzOzx7uPcujh8/jg8//LBFYqaW1Vz5Wqv/cltzunv3Lmpra6Vffavz+uuv48qVKw22KS0tbbB+aWnpS4uTmkdT5vtpS5YsgUajqfdholdPU+Y7KysL3333HXQ6XQtESM2pKfN9/fp1nDlzBgEBATh+/DgKCwsRGhqK6upqREZGtkTY1ERNme+pU6fi7t27GDZsGIQQqKmpwWeffYalS5e2RMjUwhrL18rKylBRUQGlUvlc/bSpFV8iU8TGxiIpKQmHDx+GQqFo7XComT18+BCBgYH49ttv0blz59YOh1qAwWCAvb09du7cCXd3d/j7+2PZsmXYvn17a4dGL0FGRgZWr16Nbdu24dKlSzh06BBSUlKwatWq1g6NXmFtasW3c+fOsLS0xJ07d4zK79y5A7Va3WAbtVptUn16dTRlvuusX78esbGxSE9PR//+/V9mmNRMTJ3va9euobi4GOPHj5fKDAYDAMDKygp6vR7Ozs4vN2hqsqZ8vh0cHNCuXTtYWlpKZX369EFpaSmqqqogl8tfaszUdE2Z7xUrViAwMBCzZs0CAPTr1w+PHj1CSEgIli1bBpmMa3ttSWP5mq2t7XOv9gJtbMVXLpfD3d0dp0+flsoMBgNOnz4NLy+vBtt4eXkZ1QeAU6dONVqfXh1NmW8AWLduHVatWoXU1FR4eHi0RKjUDEyd7zfffBO///47dDqdtE2YMAEjR46ETqeDk5NTS4ZPJmrK53vo0KEoLCyUvuAAQEFBARwcHJj0vuKaMt+PHz+ul9zWfel58rwUtSXNlq+Z9tzdqy8pKUlYW1uLhIQEkZeXJ0JCQkSnTp1EaWmpEEKIwMBAERERIdXXarXCyspKrF+/XuTn54vIyEi+zuw/xNT5jo2NFXK5XBw8eFCUlJRI28OHD1trCGQCU+f7aXyrw3+LqfN98+ZNoVKpRFhYmNDr9eLYsWPC3t5e/O9//2utIZAJTJ3vyMhIoVKpxL59+8T169fFyZMnhbOzs/Dz82utIZAJHj58KLKzs0V2drYAIOLi4kR2dra4ceOGEEKIiIgIERgYKNWve53Z4sWLRX5+vti6dStfZ1Zny5YtomvXrkIul4tBgwaJX375RTo2YsQIERQUZFR///79wsXFRcjlctG3b1+RkpLSwhHTizBlvrt16yYA1NsiIyNbPnBqElM/3//ExPe/x9T5PnfunBg8eLCwtrYWPXv2FDExMaKmpqaFo6amMmW+q6urRVRUlHB2dhYKhUI4OTmJ0NBQ8ddff7V84GSys2fPNvj3uG6Og4KCxIgRI+q1GTBggJDL5aJnz54iPj7e5PNaCMH/BxARERFR29em7vElIiIiImoME18iIiIiMgtMfImIiIjILDDxJSIiIiKzwMSXiIiIiMwCE18iIiIiMgtMfImIiIjILDDxJSIiIiKzwMSXiAhAQkICOnXq1NphNJmFhQV+/PHHZ9aZPn06Pv744xaJh4joVcTEl4jajOnTp8PCwqLeVlhY2NqhISEhQYpHJpPB0dERM2bMwJ9//tks/ZeUlGDs2LEAgOLiYlhYWECn0xnV2bRpExISEprlfI2JioqSxmlpaQknJyeEhITg/v37JvXDJJ2IXgar1g6AiKg5eXt7Iz4+3qisS5curRSNMVtbW+j1ehgMBuTk5GDGjBm4ffs20tLSXrhvtVr9r3U6duz4wud5Hn379kV6ejpqa2uRn5+PmTNn4sGDB0hOTm6R8xMRNYYrvkTUplhbW0OtVhttlpaWiIuLQ79+/WBjYwMnJyeEhoaivLy80X5ycnIwcuRIqFQq2Nrawt3dHRcuXJCOZ2VlYfjw4VAqlXByckJ4eDgePXr0zNgsLCygVquh0WgwduxYhIeHIz09HRUVFTAYDPjqq6/g6OgIa2trDBgwAKmpqVLbqqoqhIWFwcHBAQqFAt26dcOaNWuM+q671aFHjx4AgIEDB8LCwgLvvvsuAONV1J07d0Kj0cBgMBjF6OPjg5kzZ0r7R44cgZubGxQKBXr27Ino6GjU1NQ8c5xWVlZQq9V44403MHr0aEyZMgWnTp2SjtfW1iI4OBg9evSAUqmEq6srNm3aJB2PiorCnj17cOTIEWn1OCMjAwBw69Yt+Pn5oVOnTrCzs4OPjw+Ki4ufGQ8RUR0mvkRkFmQyGTZv3ozLly9jz549OHPmDL788stG6wcEBMDR0RHnz5/HxYsXERERgXbt2gEArl27Bm9vb0yaNAm5ublITk5GVlYWwsLCTIpJqVTCYDCgpqYGmzZtwoYNG7B+/Xrk5uZizJgxmDBhAq5evQoA2Lx5M44ePYr9+/dDr9cjMTER3bt3b7Df3377DQCQnp6OkpISHDp0qF6dKVOm4N69ezh79qxUdv/+faSmpiIgIAAAkJmZiWnTpmH+/PnIy8vDjh07kJCQgJiYmOceY3FxMdLS0iCXy6Uyg8EAR0dHHDhwAHl5eVi5ciWWLl2K/fv3AwAWLVoEPz8/eHt7o6SkBCUlJRgyZAiqq6sxZswYqFQqZGZmQqvVokOHDvD29kZVVdVzx0REZkwQEbURQUFBwtLSUtjY2Ejb5MmTG6x74MAB8dprr0n78fHxomPHjtK+SqUSCQkJDbYNDg4WISEhRmWZmZlCJpOJioqKBts83X9BQYFwcXERHh4eQgghNBqNiImJMWrj6ekpQkNDhRBCzJs3T4waNUoYDIYG+wcgDh8+LIQQoqioSAAQ2dnZRnWCgoKEj4+PtO/j4yNmzpwp7e/YsUNoNBpRW1srhBDivffeE6tXrzbqY+/evcLBwaHBGIQQIjIyUshkMmFjYyMUCoUAIACIuLi4RtsIIcTnn38uJk2a1Gisded2dXU1ugZ///23UCqVIi0t7Zn9ExEJIQTv8SWiNmXkyJH45ptvpH0bGxsAT1Y/16xZgytXrqCsrAw1NTWorKzE48eP0b59+3r9LFy4ELNmzcLevXulf9c7OzsDeHIbRG5uLhITE6X6QggYDAYUFRWhT58+Dcb24MEDdOjQAQaDAZWVlRg2bBh27dqFsrIy3L59G0OHDjWqP3ToUOTk5AB4cpvC+++/D1dXV3h7e2PcuHH44IMPXuhaBQQEYPbs2di2bRusra2RmJiITz75BDKZTBqnVqs1WuGtra195nUDAFdXVxw9ehSVlZX44YcfoNPpMG/ePKM6W7duxe7du3Hz5k1UVFSgqqoKAwYMeGa8OTk5KCwshEqlMiqvrKzEtWvXmnAFiMjcMPElojbFxsYGvXr1MiorLi7GuHHjMHfuXMTExMDOzg5ZWVkIDg5GVVVVgwlcVFQUpk6dipSUFJw4cQKRkZFISkrCxIkTUV5ejjlz5iA8PLxeu65duzYam0qlwqVLlyCTyeDg4AClUgkAKCsr+9dxubm5oaioCCdOnEB6ejr8/PwwevRoHDx48F/bNmb8+PEQQiAlJQWenp7IzMzExo0bpePl5eWIjo6Gr69vvbYKhaLRfuVyuTQHsbGx+OijjxAdHY1Vq1YBAJKSkrBo0SJs2LABXl5eUKlU+Prrr/Hrr78+M97y8nK4u7sbfeGo86o8wEhErzYmvkTU5l28eBEGgwEbNmyQVjPr7id9FhcXF7i4uGDBggX49NNPER8fj4kTJ8LNzQ15eXn1Eux/I5PJGmxja2sLjUYDrVaLESNGSOVarRaDBg0yqufv7w9/f39MnjwZ3t7euH//Puzs7Iz6q7uftra29pnxKBQK+Pr6IjExEYWFhXB1dYWbm5t03M3NDXq93uRxPm358uUYNWoU5s6dK41zyJAhCA0Nleo8vWIrl8vrxe/m5obk5GTY29vD1tb2hWIiIvPEh9uIqM3r1asXqqursWXLFly/fh179+7F9u3bG61fUVGBsLAwZGRk4MaNG9BqtTh//rx0C8OSJUtw7tw5hIWFQafT4erVqzhy5IjJD7f90+LFi7F27VokJydDr9cjIiICOp0O8+fPBwDExcVh3759uHLlCgoKCnDgwAGo1eoGf3TD3t4eSqUSqampuHPnDh48eNDoeQMCApCSkoLdu3dLD7XVWblyJb7//ntER0fj8uXLyM/PR1JSEpYvX27S2Ly8vNC/f3+sXr0aANC7d29cuHABaWlpKCgowIoVK3D+/HmjNt27d0dubi70ej3u3r2L6upqBAQEoHPnzvDx8UFmZiaKioqQkZGB8PBw/PHHHybFRETmiYkvEbV5b7/9NuLi4rB27Vq89dZbSExMNHoV2NMsLS1x7949TJs2DS4uLvDz88PYsWMRHR0NAOjfvz9++uknFBQUYPjw4Rg4cCBWrlwJjUbT5BjDw8OxcOFCfPHFF+jXrx9SU1Nx9OhR9O7dG8CT2yTWrVsHDw8PeHp6ori4GMePH5dWsP/JysoKmzdvxo4dO6DRaODj49PoeUeNGgU7Ozvo9XpMnTrV6NiYMWNw7NgxnDx5Ep6ennjnnXewceNGdOvWzeTxLViwALt27cKtW7cwZ84c+Pr6wt/fH4MHD8a9e/eMVn8BYPbs2XB1dYWHhwe6dOkCrVaL9u3b4+eff0bXrl3h6+uLPn36IDg4GJWVlVwBJqLnYiGEEK0dBBERERHRy8YVXyIiIiIyC0x8iYiIiMgsMPElIiIiIrPAxJeIiIiIzAITXyIiIiIyC0x8iYiIiMgsMPElIiIiIrPAxJeIiIiIzAITXyIiIiIyC0x8iYiIiMgsMPElIiIiIrPwf6ZdrbVWaJc6AAAAAElFTkSuQmCC", + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAr4AAAIjCAYAAADlfxjoAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8pXeV/AAAACXBIWXMAAA9hAAAPYQGoP6dpAACaRUlEQVR4nOzdd3iTVRsG8Dvdgy7ooJRCWzZSVtl7VIoogiKUXRAQkKEMZS8VUPiYiixlg4KAioqgIKBABZmCQBkFW6CFFkpLC5053x+vSRqaQlLSvhn377p6mZwkb56kLd49Oe95FEIIASIiIiIiC2cjdwFERERERCWBwZeIiIiIrAKDLxERERFZBQZfIiIiIrIKDL5EREREZBUYfImIiIjIKjD4EhEREZFVYPAlIiIiIqvA4EtEREREVoHBl6iEBAUFYcCAAXKXYXXatGmDNm3ayF3GM82cORMKhQLJyclyl2JyFAoFZs6caZRj3bhxAwqFAuvWrTPK8QDg+PHjcHBwwL///mu0Yxpbz5490aNHD7nLIJIdgy9ZhHXr1kGhUKi/7OzsEBAQgAEDBuDWrVtyl2fSMjIy8OGHH6J27dpwcXGBh4cHWrZsiQ0bNsBcOppfuHABM2fOxI0bN+QupYC8vDysXbsWbdq0QenSpeHo6IigoCAMHDgQJ06ckLs8o9iyZQsWL14sdxlaSrKmKVOmoFevXqhYsaJ6rE2bNlr/Jjk7O6N27dpYvHgxlEqlzuPcu3cP7733HqpVqwYnJyeULl0aERER+PHHHwt97rS0NMyaNQt16tRBqVKl4OzsjFq1amHChAm4ffu2+n4TJkzAjh07cPbsWb1flzX87JL1UQhz+T8b0VOsW7cOAwcOxAcffIDg4GBkZmbizz//xLp16xAUFITz58/DyclJ1hqzsrJgY2MDe3t7WevI786dO2jfvj0uXryInj17onXr1sjMzMSOHTvw+++/IzIyEps3b4atra3cpT7V9u3b0b17dxw4cKDA7G52djYAwMHBocTrevz4MV5//XXs2bMHrVq1QufOnVG6dGncuHED27Ztw+XLlxEXF4fy5ctj5syZmDVrFpKSkuDt7V3itT6PV155BefPny+2PzwyMzNhZ2cHOzu7565JCIGsrCzY29sb5ef6zJkzqFevHo4ePYqmTZuqx9u0aYNr165h7ty5AIDk5GRs2bIFf/31FyZPnozZs2drHScmJgbt27dHUlISBg4ciAYNGuDBgwfYvHkzzpw5g/Hjx2P+/Plaj4mNjUV4eDji4uLQvXt3tGjRAg4ODvj777/x1VdfoXTp0rh8+bL6/o0bN0a1atWwYcOGZ74uQ352icyKILIAa9euFQDEX3/9pTU+YcIEAUBs3bpVpsrk9fjxY5GXl1fo7REREcLGxkZ8//33BW4bP368ACA+/vjj4ixRp/T0dIPu/8033wgA4sCBA8VTUBGNGDFCABCLFi0qcFtubq6YP3++iI+PF0IIMWPGDAFAJCUlFVs9SqVSPHr0yOjHffnll0XFihWNesy8vDzx+PHjIj++OGrSZfTo0aJChQpCqVRqjbdu3Vq88MILWmOPHz8WFStWFG5ubiI3N1c9np2dLWrVqiVcXFzEn3/+qfWY3NxcERkZKQCIr7/+Wj2ek5Mj6tSpI1xcXMQff/xRoK7U1FQxefJkrbH//e9/wtXVVTx8+PCZr8uQn93n8bzfZyJDMfiSRSgs+P74448CgJgzZ47W+MWLF0W3bt2El5eXcHR0FGFhYTrDX0pKinj33XdFxYoVhYODgwgICBD9+vXTCieZmZli+vTpolKlSsLBwUGUL19evPfeeyIzM1PrWBUrVhRRUVFCCCH++usvAUCsW7euwHPu2bNHABA//PCDeuzmzZti4MCBwtfXVzg4OIiaNWuKL7/8UutxBw4cEADEV199JaZMmSLKlSsnFAqFSElJ0fmeRUdHCwDizTff1Hl7Tk6OqFKlivDy8lKHpevXrwsAYv78+WLhwoWiQoUKwsnJSbRq1UqcO3euwDH0eZ9V37uDBw+K4cOHCx8fH+Hp6SmEEOLGjRti+PDhomrVqsLJyUmULl1avPHGG+L69esFHv/klyoEt27dWrRu3brA+7R161bx0UcfiYCAAOHo6CjatWsnrly5UuA1fPbZZyI4OFg4OTmJhg0bit9//73AMXWJj48XdnZ24sUXX3zq/VRUwffKlSsiKipKeHh4CHd3dzFgwACRkZGhdd81a9aItm3bCh8fH+Hg4CBq1KghPv/88wLHrFixonj55ZfFnj17RFhYmHB0dFQHGX2PIYQQu3fvFq1atRKlSpUSbm5uokGDBmLz5s1CCOn9ffK9zx849f39ACBGjBghNm3aJGrWrCns7OzEt99+q75txowZ6vumpaWJd955R/176ePjI8LDw8XJkyefWZPqZ3jt2rVaz3/x4kXRvXt34e3tLZycnETVqlULBEddKlSoIAYMGFBgXFfwFUKIN954QwAQt2/fVo999dVXAoD44IMPdD7HgwcPhKenp6hevbp67OuvvxYAxOzZs59Zo8rZs2cFALFz586n3s/Qn92oqCidf2Sofqbz0/V93rZtm/Dy8tL5PqampgpHR0cxbtw49Zi+P1NEuuj/uRGRGVJ9zOnl5aUe++eff9C8eXMEBARg4sSJcHV1xbZt29C1a1fs2LEDr732GgAgPT0dLVu2xMWLF/Hmm2+ifv36SE5Oxq5du3Dz5k14e3tDqVTi1VdfxeHDh/HWW2+hRo0aOHfuHBYtWoTLly/ju+++01lXgwYNEBISgm3btiEqKkrrtq1bt8LLywsREREApOUITZo0gUKhwMiRI+Hj44Off/4ZgwYNQlpaGt59912tx3/44YdwcHDA+PHjkZWVVehH/D/88AMAoH///jpvt7OzQ+/evTFr1iwcOXIE4eHh6ts2bNiAhw8fYsSIEcjMzMSSJUvQrl07nDt3Dn5+fga9zypvv/02fHx8MH36dGRkZAAA/vrrLxw9ehQ9e/ZE+fLlcePGDSxfvhxt2rTBhQsX4OLiglatWmH06NFYunQpJk+ejBo1agCA+r+F+fjjj2FjY4Px48cjNTUV8+bNQ58+fXDs2DH1fZYvX46RI0eiZcuWGDNmDG7cuIGuXbvCy8vrmR/x/vzzz8jNzUW/fv2eer8n9ejRA8HBwZg7dy5OnTqFL774Ar6+vvjkk0+06nrhhRfw6quvws7ODj/88APefvttKJVKjBgxQut4MTEx6NWrF4YOHYohQ4agWrVqBh1j3bp1ePPNN/HCCy9g0qRJ8PT0xOnTp7Fnzx707t0bU6ZMQWpqKm7evIlFixYBAEqVKgUABv9+/Pbbb9i2bRtGjhwJb29vBAUF6XyPhg0bhu3bt2PkyJGoWbMm7t27h8OHD+PixYuoX7/+U2vS5e+//0bLli1hb2+Pt956C0FBQbh27Rp++OGHAksS8rt16xbi4uJQv379Qu/zJNXJdZ6enuqxZ/0uenh4oEuXLli/fj2uXr2KypUrY9euXQBg0M9XzZo14ezsjCNHjhT4/cuvqD+7+nry+1ylShW89tpr2LlzJ1auXKn1b9Z3332HrKws9OzZE4DhP1NEBcidvImMQTXrt2/fPpGUlCTi4+PF9u3bhY+Pj3B0dNT6SK59+/YiNDRUa3ZAqVSKZs2aiSpVqqjHpk+fXujsiOpjzY0bNwobG5sCHzWuWLFCABBHjhxRj+Wf8RVCiEmTJgl7e3tx//599VhWVpbw9PTUmoUdNGiQ8Pf3F8nJyVrP0bNnT+Hh4aGejVXNZIaEhOj1cXbXrl0FgEJnhIUQYufOnQKAWLp0qRBCM1vm7Owsbt68qb7fsWPHBAAxZswY9Zi+77Pqe9eiRQutj3+FEDpfh2qmesOGDeqxpy11KGzGt0aNGiIrK0s9vmTJEgFAPXOdlZUlypQpIxo2bChycnLU91u3bp0A8MwZ3zFjxggA4vTp00+9n4pqduzJGfjXXntNlClTRmtM1/sSEREhQkJCtMYqVqwoAIg9e/YUuL8+x3jw4IFwc3MTjRs3LvBxdP6P9gtbVmDI7wcAYWNjI/75558Cx8ETM74eHh5ixIgRBe6XX2E16ZrxbdWqlXBzcxP//vtvoa9Rl3379hX4dEaldevWonr16iIpKUkkJSWJS5cuiffee08AEC+//LLWfevWrSs8PDye+lwLFy4UAMSuXbuEEELUq1fvmY/RpWrVquKll1566n0M/dk1dMZX1/d57969Ot/LTp06af1MGvIzRaQLd3UgixIeHg4fHx8EBgbijTfegKurK3bt2qWenbt//z5+++039OjRAw8fPkRycjKSk5Nx7949RERE4MqVK+pdIHbs2IE6deronBlRKBQAgG+++QY1atRA9erV1cdKTk5Gu3btAAAHDhwotNbIyEjk5ORg586d6rFffvkFDx48QGRkJADpRJwdO3agc+fOEEJoPUdERARSU1Nx6tQpreNGRUXB2dn5me/Vw4cPAQBubm6F3kd1W1pamtZ4165dERAQoL7eqFEjNG7cGLt37wZg2PusMmTIkAInG+V/HTk5Obh37x4qV64MT0/PAq/bUAMHDtSaWWrZsiUA6YQhADhx4gTu3buHIUOGaJ1U1adPH61PEAqjes+e9v7qMmzYMK3rLVu2xL1797S+B/nfl9TUVCQnJ6N169aIjY1Famqq1uODg4PVnx7kp88xfv31Vzx8+BATJ04scHKo6nfgaQz9/WjdujVq1qz5zON6enri2LFjWrsWFFVSUhJ+//13vPnmm6hQoYLWbc96jffu3QOAQn8eLl26BB8fH/j4+KB69eqYP38+Xn311QJbqT18+PCZPydP/i6mpaUZ/LOlqvVZW+YV9WdXX7q+z+3atYO3tze2bt2qHktJScGvv/6q/vcQeL5/c4kAgEsdyKIsW7YMVatWRWpqKtasWYPff/8djo6O6tuvXr0KIQSmTZuGadOm6TzG3bt3ERAQgGvXrqFbt25Pfb4rV67g4sWL8PHxKfRYhalTpw6qV6+OrVu3YtCgQQCkZQ7e3t7qf8STkpLw4MEDrFq1CqtWrdLrOYKDg59as4rqf2oPHz7U+tg1v8LCcZUqVQrct2rVqti2bRsAw97np9X9+PFjzJ07F2vXrsWtW7e0tld7MuAZ6smQowovKSkpAKDek7Vy5cpa97Ozsyv0I/j83N3dAWjeQ2PUpTrmkSNHMGPGDERHR+PRo0da909NTYWHh4f6emE/D/oc49q1awCAWrVqGfQaVAz9/dD3Z3fevHmIiopCYGAgwsLC0KlTJ/Tv3x8hISEG16j6Q6eorxFAodv+BQUFYfXq1VAqlbh27Rpmz56NpKSkAn9EuLm5PTOMPvm76O7urq7d0FqfFeiL+rOrL13fZzs7O3Tr1g1btmxBVlYWHB0dsXPnTuTk5GgF3+f5N5cIYPAlC9OoUSM0aNAAgDQr2aJFC/Tu3RsxMTEoVaqUev/M8ePH65wFAwoGnadRKpUIDQ3FwoULdd4eGBj41MdHRkZi9uzZSE5OhpubG3bt2oVevXqpZxhV9fbt27fAWmCV2rVra13XZ7YXkNbAfvfdd/j777/RqlUrnff5+++/AUCvWbj8ivI+66p71KhRWLt2Ld599100bdoUHh4eUCgU6NmzZ6F7oeqrsK2sCgsxhqpevToA4Ny5c6hbt67ej3tWXdeuXUP79u1RvXp1LFy4EIGBgXBwcMDu3buxaNGiAu+LrvfV0GMUlaG/H/r+7Pbo0QMtW7bEt99+i19++QXz58/HJ598gp07d+Kll1567rr1VaZMGQCaP5ae5OrqqrU2vnnz5qhfvz4mT56MpUuXqsdr1KiBM2fOIC4ursAfPipP/i5Wr14dp0+fRnx8/DP/nckvJSVF5x+u+Rn6s1tYkM7Ly9M5Xtj3uWfPnli5ciV+/vlndO3aFdu2bUP16tVRp04d9X2e999cIgZfsli2traYO3cu2rZti88++wwTJ05UzwjZ29tr/Q9Jl0qVKuH8+fPPvM/Zs2fRvn17vT76fVJkZCRmzZqFHTt2wM/PD2lpaeqTOADAx8cHbm5uyMvLe2a9hnrllVcwd+5cbNiwQWfwzcvLw5YtW+Dl5YXmzZtr3XblypUC9798+bJ6JtSQ9/lptm/fjqioKCxYsEA9lpmZiQcPHmjdryjv/bOomhFcvXoVbdu2VY/n5ubixo0bBf7geNJLL70EW1tbbNq0yagnCf3www/IysrCrl27tEKSIR/x6nuMSpUqAQDOnz//1D8IC3v/n/f342n8/f3x9ttv4+2338bdu3dRv359zJ49Wx189X0+1c/qs37XdVEFxOvXr+t1/9q1a6Nv375YuXIlxo8fr37vX3nlFXz11VfYsGEDpk6dWuBxaWlp+P7771G9enX196Fz58746quvsGnTJkyaNEmv58/NzUV8fDxeffXVp97P0J9dLy+vAr+TAAzuZNeqVSv4+/tj69ataNGiBX777TdMmTJF6z7F+TNF1oFrfMmitWnTBo0aNcLixYuRmZkJX19ftGnTBitXrkRCQkKB+yclJakvd+vWDWfPnsW3335b4H6q2bcePXrg1q1bWL16dYH7PH78WL07QWFq1KiB0NBQbN26FVu3boW/v79WCLW1tUW3bt2wY8cOnf9jzl+voZo1a4bw8HCsXbtWZ2eoKVOm4PLly3j//fcLzNB89913Wmt0jx8/jmPHjqlDhyHv89PY2toWmIH99NNPC8wkubq6AoDO//kWVYMGDVCmTBmsXr0aubm56vHNmzcXOsOXX2BgIIYMGYJffvkFn376aYHblUolFixYgJs3bxpUl2pG+MllH2vXrjX6MTp06AA3NzfMnTsXmZmZWrflf6yrq6vOpSfP+/uhS15eXoHn8vX1Rbly5ZCVlfXMmp7k4+ODVq1aYc2aNYiLi9O67Vmz/wEBAQgMDDSoi9n777+PnJwcrRnLN954AzVr1sTHH39c4FhKpRLDhw9HSkoKZsyYofWY0NBQzJ49G9HR0QWe5+HDhwVC44ULF5CZmYlmzZo9tUZDf3YrVaqE1NRU9aw0ACQkJOj8t/NpbGxs8MYbb+CHH37Axo0bkZubq7XMASienymyLpzxJYv33nvvoXv37li3bh2GDRuGZcuWoUWLFggNDcWQIUMQEhKCO3fuIDo6Gjdv3lS39HzvvffUHcHefPNNhIWF4f79+9i1axdWrFiBOnXqoF+/fti2bRuGDRuGAwcOoHnz5sjLy8OlS5ewbds27N27V730ojCRkZGYPn06nJycMGjQINjYaP89+vHHH+PAgQNo3LgxhgwZgpo1a+L+/fs4deoU9u3bh/v37xf5vdmwYQPat2+PLl26oHfv3mjZsiWysrKwc+dOHDx4EJGRkXjvvfcKPK5y5cpo0aIFhg8fjqysLCxevBhlypTB+++/r76Pvu/z07zyyivYuHEjPDw8ULNmTURHR2Pfvn3qj5hV6tatC1tbW3zyySdITU2Fo6Mj2rVrB19f3yK/Nw4ODpg5cyZGjRqFdu3aoUePHrhx4wbWrVuHSpUq6TXbtGDBAly7dg2jR4/Gzp078corr8DLywtxcXH45ptvcOnSJa0Zfn106NABDg4O6Ny5M4YOHYr09HSsXr0avr6+Ov/IeJ5juLu7Y9GiRRg8eDAaNmyI3r17w8vLC2fPnsWjR4+wfv16AEBYWBi2bt2KsWPHomHDhihVqhQ6d+5slN+PJz18+BDly5fHG2+8oW7Tu2/fPvz1119anwwUVpMuS5cuRYsWLVC/fn289dZbCA4Oxo0bN/DTTz/hzJkzT62nS5cu+Pbbb/VaOwtISxU6deqEL774AtOmTUOZMmXg4OCA7du3o3379mjRooVW57YtW7bg1KlTGDdunNbPir29PXbu3Inw8HC0atUKPXr0QPPmzWFvb49//vlH/WlN/u3Yfv31V7i4uODFF198Zp2G/Oz27NkTEyZMwGuvvYbRo0fj0aNHWL58OapWrWrwSaiRkZH49NNPMWPGDISGhhbYlrA4fqbIypT8RhJExldYAwshpM5AlSpVEpUqVVJvl3Xt2jXRv39/UbZsWWFvby8CAgLEK6+8IrZv36712Hv37omRI0eKgIAA9UbpUVFRWluLZWdni08++US88MILwtHRUXh5eYmwsDAxa9YskZqaqr7fk9uZqVy5ckW9yf7hw4d1vr47d+6IESNGiMDAQGFvby/Kli0r2rdvL1atWqW+j2qbrm+++cag9+7hw4di5syZ4oUXXhDOzs7Czc1NNG/eXKxbt67Adk75G1gsWLBABAYGCkdHR9GyZUtx9uzZAsfW531+2vcuJSVFDBw4UHh7e4tSpUqJiIgIcenSJZ3v5erVq0VISIiwtbXVq4HFk+9TYY0Nli5dKipWrCgcHR1Fo0aNxJEjR0RYWJjo2LGjHu+u1OXqiy++EC1bthQeHh7C3t5eVKxYUQwcOFBru6jCOrep3p/8TTt27dolateuLZycnERQUJD45JNPxJo1awrcT9XAQhd9j6G6b7NmzYSzs7Nwd3cXjRo1El999ZX69vT0dNG7d2/h6elZoIGFvr8f+K+xgS7It51ZVlaWeO+990SdOnWEm5ubcHV1FXXq1CnQfKOwmgr7Pp8/f1689tprwtPTUzg5OYlq1aqJadOm6awnv1OnTgkABbbXKqyBhRBCHDx4sMAWbUIIcffuXTF27FhRuXJl4ejoKDw9PUV4eLh6CzNdUlJSxPTp00VoaKhwcXERTk5OolatWmLSpEkiISFB676NGzcWffv2feZrUtH3Z1cIIX755RdRq1Yt4eDgIKpVqyY2bdr01AYWhVEqlSIwMFAAEB999JHO++j7M0Wki0III53JQUQW78aNGwgODsb8+fMxfvx4ucuRhVKphI+PD15//XWdH7eS9Wnfvj3KlSuHjRs3yl1Koc6cOYP69evj1KlTBp1sSWRpuMaXiKgQmZmZBdZ5btiwAffv30ebNm3kKYpMzpw5c7B161aDT+YqSR9//DHeeOMNhl6yelzjS0RUiD///BNjxoxB9+7dUaZMGZw6dQpffvklatWqhe7du8tdHpmIxo0bIzs7W+4ynurrr7+WuwQik8DgS0RUiKCgIAQGBmLp0qW4f/8+Spcujf79++Pjjz/W6vpGRETmgWt8iYiIiMgqcI0vEREREVkFBl8iIiIisgpWt8ZXqVTi9u3bcHNzY7tDIiIiIhMkhMDDhw9Rrly5Ao2dnofVBd/bt28jMDBQ7jKIiIiI6Bni4+NRvnx5ox3P6oKvm5sbAOmNdHd3l7kaIiIiInpSWloaAgMD1bnNWKwu+KqWN7i7uzP4EhEREZkwYy9L5cltRERERGQVGHyJiIiIyCow+BIRERGRVWDwJSIiIiKrwOBLRERERFaBwZeIiIiIrAKDLxERERFZBQZfIiIiIrIKDL5EREREZBUYfImIiIjIKjD4EhEREZFVYPAlIiIiIqvA4EtEREREVoHBl4iIiIisAoMvEREREVkFWYPv77//js6dO6NcuXJQKBT47rvvnvmYgwcPon79+nB0dETlypWxbt26Yq+TiIiIiMyfrME3IyMDderUwbJly/S6//Xr1/Hyyy+jbdu2OHPmDN59910MHjwYe/fuLeZKiYiIiMjc2cn55C+99BJeeuklve+/YsUKBAcHY8GCBQCAGjVq4PDhw1i0aBEiIiKKq0wiIiIiKmb37wMXLwIXziuR8Ns/xfIcsgZfQ0VHRyM8PFxrLCIiAu+++26hj8nKykJWVpb6elpaWnGVR0RERETPkJQEXLhQ8CsxESiLBKzFQHTGIcwohuc2q+CbmJgIPz8/rTE/Pz+kpaXh8ePHcHZ2LvCYuXPnYtasWSVVIhEREZHVE0IKsroCbnKy7se8iu/xBQbDB8kormlKswq+RTFp0iSMHTtWfT0tLQ2BgYEyVkRERERkGYQAbt7UHXAfPNDvGC7IwOdO4xCVuVI9luXlC6TcNXq9ZhV8y5Ytizt37miN3blzB+7u7jpnewHA0dERjo6OJVEeERERkUVSKoG4OO1g+88/0prchw/1P46/P1Czpuarke1J1J7XB3ZXYzR36toVjgsXAiEhRn8dZhV8mzZtit27d2uN/frrr2jatKlMFRERERFZjrw84Pr1grO3Fy8Cjx7pf5zAQO2AW7MmUKMG4OWV74n+9z9g6lQgN1cac3EBFi8GBg82LE0bQNbgm56ejqtXr6qvX79+HWfOnEHp0qVRoUIFTJo0Cbdu3cKGDRsAAMOGDcNnn32G999/H2+++SZ+++03bNu2DT/99JNcL4GIiIjI7OTkANeuFQy4ly4B+fYEeKbg4IIBt3p1wN39GQ/MzAS++EITesPCgC1bgKpVi/ya9CFr8D1x4gTatm2rvq5aixsVFYV169YhISEBcXFx6tuDg4Px008/YcyYMViyZAnKly+PL774gluZEREREemQlQVcuVIw4F6+LIVffdjYSKsO8ofbF14AqlUDXF2LWJirqxR0W7QAxo0DZs4EHByKeDD9KYQQotifxYSkpaXBw8MDqampcH/mnyNEREREpi8zE4iJKRhwr1yRVhXow9YWqFKl4Axu1apAIadS6e/hQyAtDQgI0B6/davgGIovr5nVGl8iIiIia5aRIS1HeDLgxsZKJ6Dpw95emq19MuBWqVJMk67R0UDfvkDZssChQ4BdvvipI/QWJwZfIiIiIhOTlvZfF7MnAu6NG/ofw8lJWm/7ZMANCZHCb7HLzQVmzwY+/FCado6NBT75BJgypQSeXDcGXyIiIiKZpKRIAfeff7QD7s2b+h/DxUXaMeHJgBscLC1fkEVsrDTLGx2tGWvWDOjdW6aCJAy+RERERMUsOVl3k4eEBP2P4eZWMNzWrAlUqCCdgGYShAA2bgRGjtRsSWZrC8yYAUyapL3MQQYMvkRERERGIARw547ugJuUpP9xPD2lXROeDLgBAYBCUWzlP7+UFGDYMGDbNs1YSAiweTPQpIl8deXD4EtERERkACGkzQh0BdyUFP2P4+2tO+D6+Zl4wNUlLQ2oW1dq76YyYACwdKk0VW0iGHyJiIiIdFAqgfh47Ra9qsuGNBYrW1b3EgUfn+KrvcS5uwOvvQYsWSK1Z1u5EujeXe6qCmDwJSIiIquWlyftlqCrTW9Ghv7HKV9ed5ve0qWLrXTT8vHH0obCU6ZIPYtNEIMvERERWYXc3MLb9GZm6n+coCDdbXo9PIqtdNMiBLB6tXTS2qBBmnEnJ2DFCvnq0gODLxEREVmU7OzC2/RmZ+t3DIVC06Y3/zrcatWAUqWKt36TlpQEDBkCfP+91M6tWTNpWttMMPgSERGRWcrMlMKsrja9ubn6HcPWFqhcueAMbrVqRmjTa2l++QWIigISE6Xrjx8DP/7I4EtERERkLI8e6W7Te+2aYW16q1bV3abX0bF46zd7mZnSHryLF2vGvL2BNWuAzp1lK6soGHyJiIjIJDx8WHibXiH0O4ajo+42vZUqlVCbXktz7hzQp4/0X5WOHYG1a6XtKswMgy8RERGVqAcPNAE3/xZh8fH6H8PZuWCb3hdekLlNryURAvj0U+D994GsLGnM0RGYP1/qymZ2Gw1LGHyJiIioWNy7p7vJw+3b+h+jVCnde+BWrGhCbXotUXo6sGCBJvTWri11YKtVS966nhODLxERERWZEMDdu7oD7t27+h/Hw0N3F7Py5c12ctG8ubkBmzYBbdsCo0cDc+ZI25WZOQZfIiIieiYhpJlaXQH3/n39j1OmjO6AW7YsA66sMjKkL19fzVjLltK2GSEh8tVlZAy+REREpCaEdpve/Otw09L0P46fn+4lCvlzFZmIkyelE9gCAoBff9VeQ2JBoRdg8CUiIrJKSmXhbXrT0/U/TkCA7ja9ZcoUW+lkLHl5wP/+B0ydKm18HBMDLFoEjBsnd2XFhsGXiIjIguXmArGxutv0Pn6s/3EqVtQdcK2mTa+liY8H+vcHDh7UjIWFmd2+vIZi8CUiIrIAOTnA1ava24NduCBN4hnSpjc4uGCb3urVrbxNr6XZtg0YOlTaVw6QvvETJwIzZwIODnJWVuwYfImIiMxIVpbuNr2XL+vfptfGpvA2vS4uxVs/ySgtTdqhYf16zVhgILBxI9C6tXx1lSAGXyIiIhP06JE0W/tkwL16Vf82vXZ2utv0Vq3KNr1WJzUVqF9fWveiEhkJLF8OeHnJV1cJY/AlIiKSUXq67ja916/r36bXwUF3m97Kldmml/7j4QG0aycFXzc3YNkyoG9fq9tDjsGXiIioBKSm6g64//6r/zGcnLTb9KrW4QYHS7O7RE+1aJF0RuMHH1jcNmX64q8JERGREd2/r7vJw61b+h/D1bXwNr22tsVXO1kIIaR1u/b2QK9emvFSpaRubFaMwZeIiMhAQgBJSboD7p07+h/Hw0N3wC1fXruHAJHeUlKAYcOknRtKlQIaNQIqVZK7KpPB4EtERFQIIYCEBN0B9949/Y9TurTuNr3+/la3xJKK08GDQL9+wM2b0vX0dGD7dmDCBFnLMiUMvkREZPWEkLKCroCr2upUH76+hbfpZcClYpOdDUyfDsybpzkj0tMTWLUK6N5d1tJMDYMvERFZDaVSOplMV8A1pE1vuXK6u5h5exdf7UQ6xcQAvXsDp05pxtq0ATZskPboJS0MvkREZHHy8nS36b140bA2vRUq6A64np7FVjqRfoSQZnTHjNH8UNvbA7NnA+PGcZF4IRh8iYjIbOXkANeuaYKtql1vTIzU4UwfCgUQFFRwDW716tJ2p0QmKTVVajGsCr3VqgFbtkhNKqhQDL5ERGTysrKAK1d0t+nNydHvGDY20sntutr0uroWb/1ERufpCaxbB3TsKO3isGAB+03rgcGXiIhMxuPHhbfpzcvT7xh2dkCVKrrb9Do5FW/9RMUmM1PqY126tGYsIgI4f176uIL0wuBLREQlLj0duHSpYMCNjTWsTW+1arrb9Do4FG/9RCXq3DnpBLaKFYEfftDeIoSh1yAMvkREVGzS0gq26f3nH8Pb9Favrt2it2ZNqeMq2/SSRVMqgU8/lfbhzcqSZndXrACGD5e7MrPFfzKIiOi5paTo3iJMtY++PlxdpR0TnpzBDQpim16yQgkJwMCBwN69mrHatYGWLeWryQIw+BIRkd4Ka9ObmKj/MdzddTd5CAzkDkxEAIDvvwcGDwaSkzVjY8YAc+ZwofpzYvAlIiItQgB37mi2Bsv/lf//w8/i5aW7TW+5cuxiRqRTRoa0B+/KlZoxf39g/XrgxRflq8uCMPgSEVkpIYBbt3TP4Kak6H8cHx9NqM0fdNmml8gAKSlA06bStiYqXbsCq1ezJaARMfgSEVk4pRKIi9MdcB8+1P84/v66u5j5+BRf7URWw8sLCAuTgq+LC7BkCTBoEP96NDIGXyIiC5GXB1y/rrtN76NH+h8nMFB3wPXyKr7aiQjAsmXSZtYffyxtPE1Gx+BLRGRmcnM1bXrzr8O9dEn/Nr0AEBxcMOBWry6dfEZExWzbNsDREejSRTPm6Qns3ClbSdaAwZeIyERlZ+tu0xsTY1ib3pAQ7XD7wgts00skm7Q0YPRo6YQ1Ly/g77+B8uXlrspqMPgSEcksM1N3m94rV/Rv02trW3ibXmfn4q2fiPQUHQ306SOtSQKkE9o2bQImTpS3LivC4EtEVEIyMgpv06tU6ncMe3vdbXqrVGGbXiKTlZsLfPSR9KX6a9bNTVrT27evvLVZGQZfIiIje/hQd5veGzf0P0b+Nr35v0JCpPBLRGYiNlYKt9HRmrFmzaSZ3uBg+eqyUgy+RERFlJJSMOBeuADEx+t/DBcX3W16g4PZppfIrAkBbNgAjBwJpKdLY7a2wPTpwOTJgB0jmBz4rhMRPUNysu49cBMS9D+Gm5vuNr0VKrBNL5FFSkmRurCpQm9ICLB5M9Ckibx1WTkGXyIiaNr06gq4SUn6H8fTU3eb3oAA7kNPZFVKlwa++AJ47TVgwABg6VLpL2CSFYMvEVkVIYDbt3UH3Pv39T+Ot7fugOvnx4BLZJWys6WNtPOH265dgRMnpI5sZBIYfInIIimV0lpbXQE3LU3/45Qtq3uJAtv0EpFaTAzQuzdQuTLw9dfaf/0y9JoUBl8iMmt5edJuCbra9GZk6H+c8uV1t+ktXbrYSicicycEsGoVMGaM1Gr41Cng5ZeB/v3lrowKweBLRGYhN1faFSj/9mCqNr2ZmfofJyhId5teD49iK52ILFFSEjB4MLBrl2asWjWgVi35aqJnYvAlIpOSnQ1cvaq7TW92tn7HUCg0bXrzr8OtVg0oVap46yciK7B3r3TCWmKiZmzYMGDBAmmPQjJZDL5EJIvMTODyZd1tenNz9TuGra20pO7JGdxq1diml4iKQWYmMGkSsHixZszbG1izBujcWbaySH8MvkRUrB49kmZrVUsTVF/XrhnWprdqVd1teh0di7d+IiIA0rYvbdoA585pxjp2BNaulc6CJbPA4EtERvHwobTe9skZ3OvXpfM/9OHoqLtNb6VKbNNLRDLz8pLWUJ07J/1jNX++1JWN+xeaFQZfIjLIgwe62/TGxel/DGfngm16X3iBbXqJyIQpFFJDisePpbW8PInNLDH4EpFO9+7p3gP39m39j1GqlO49cCtWZJteIjJxu3ZJM7sREZoxb2/pxDYyWwy+RFZMCGlHnvzbg6m+7t7V/zgeHrq7mJUvz08BicjMZGQA48YBK1cCvr7S0gZfX7mrIiNh8CWyAkIACQm6Z3Dv3dP/OGXK6A64Zcsy4BKRBTh5UurAdvmydP3uXWnHhokT5a2LjIbBl8iCCFF4m97UVP2P4+ene4kCJz2IyCLl5QH/+x8wdapmP0UXF2nbssGDZS2NjIvBl8gMKZWFt+lNT9f/OAEButv0lilTbKUTEZmW+HigXz/g0CHNWFgYsGWLtI8iWRQGXyITlpen3aY3f8B9/Fj/41SsqDvgsk0vEVm1bduAoUOl7WoAac3WxInAzJmAg4OclVExYfAlMgE5OYW36c3K0u8YCoW0HdiTbXqrV2ebXiKiApKTgSFDgLQ06XpgILBxI9C6tbx1UbFi8CUqQVlZutv0Xr6sf5teG5vC2/SyRTwRkZ68vYHly4E+fYDISOmyl5fcVVExY/AlKgaPHxfepjcvT79j2NnpbtNbtSrb9BIRGSw3F8jO1p4h6N1b2nexZUtuTWMlGHyJnkN6uu42vbGx+rfpdXDQ3aa3cmW26SUiMorYWKBvX+kf2zVrtG9r1UqemkgWDL5EekhN1d2m999/9T+Gk5N2m17VOtzgYGl2l4iIjEwIad3uiBHSTEV0NPDSS0D37nJXRjLh/26J8rl/X/ceuLdu6X8MV9fC2/Ta2hZf7URElE9KCjBsmLRzg0pIiHQSG1ktBl+ySqo2vaov1VrcO3f0P4aHh+6AW768dAIaERHJ5OBBaW/emzc1YwMGAEuXAm5uclVFJoDBlyyWEEBiou4Z3ORk/Y9TurTuNr3+/jwXgojIpGRnA9OnA/PmaU608PICVq7k8gYCwOBLFkAI6Y96XQFXtSe5Pnx9C2/Ty4BLRGTi7t0DOnQATp3SjLVtC2zYIH0URwQGXzIjSqV0MpmuLmYPH+p/nHLldHcx8/YuvtqJiKiYeXlp/iG3twdmzwbGjePaM9LC4EsmJy8PuH5dd8B99Ej/41SooDvgenoWW+lERCQXGxtg3TqgRw9gyRKgfn25KyITxOBLssnJkRo6PBlwL10yrE1vUFDBNbjVq/P8BSIii/bLL9I+kfn34fX3B/74Q76ayOTJHnyXLVuG+fPnIzExEXXq1MGnn36KRo0aFXr/xYsXY/ny5YiLi4O3tzfeeOMNzJ07F05OTiVYNRkiKwu4ckV3m96cHP2OYWMDVKqku02vq2vx1k9ERCYkMxOYNAlYvFhau/v332w1THqTNfhu3boVY8eOxYoVK9C4cWMsXrwYERERiImJga+vb4H7b9myBRMnTsSaNWvQrFkzXL58GQMGDIBCocDChQtleAWU3+PHUph9sk3v1auGtemtUkV3m17+bUNEZOXOnQP69JH+C0hnNq9aBUyYIG9dZDYUQujbWNX4GjdujIYNG+Kzzz4DACiVSgQGBmLUqFGYOHFigfuPHDkSFy9exP79+9Vj48aNw7Fjx3D48GG9njMtLQ0eHh5ITU2Fu7u7cV6IlcnIKLxNr1Kp3zEcHKTZWl1teh0cird+IiIyM0ol8OmnUsBVrYVzdATmzwdGjuTWOxaouPKabDO+2dnZOHnyJCZNmqQes7GxQXh4OKKjo3U+plmzZti0aROOHz+ORo0aITY2Frt370a/fv0KfZ6srCxk5VswmpaWZrwXYeHS0nS36b1xQ/9jODlJ623zt+itWVNqnsM2vURE9EwJCcDAgcDevZqx0FBgyxagVi356iKzJFv0SE5ORl5eHvz8/LTG/fz8cOnSJZ2P6d27N5KTk9GiRQsIIZCbm4thw4Zh8uTJhT7P3LlzMWvWLKPWbmlSUnTvgZu/4c2zuLpKOyY8OYMbFMQ2vUREVETffw8MHqzddWjMGGDOHK5/oyIxqzm3gwcPYs6cOfj888/RuHFjXL16Fe+88w4+/PBDTJs2TedjJk2ahLFjx6qvp6WlIdBK+3QnJ+tu05uYqP8x3N11N3kIDORWiUREZERJSdJ63owM6bq/v7RdWYcOspZF5k224Ovt7Q1bW1vcuXNHa/zOnTsoW7aszsdMmzYN/fr1w+DBgwEAoaGhyMjIwFtvvYUpU6bARkfycnR0hKOjo/FfgIkSArhzR/cMblKS/sfx8tLdprdcOS6lIiKiEuDjI+3cMGQI0KUL8MUX7DREz0224Ovg4ICwsDDs378fXbt2BSCd3LZ//36MHDlS52MePXpUINza/vc5uozn6MlCCODWLd0BNyVF/+P4+GhCbf6gyza9RERUovLygNxc6aQ1lUGDpC3LIiL4PyUyClmXOowdOxZRUVFo0KABGjVqhMWLFyMjIwMDBw4EAPTv3x8BAQGYO3cuAKBz585YuHAh6tWrp17qMG3aNHTu3FkdgC2NUgnExekOuIa06fX3193FzMen+GonIiLSS3w80L+/dLLap59qxhUKoGNH+eoiiyNr8I2MjERSUhKmT5+OxMRE1K1bF3v27FGf8BYXF6c1wzt16lQoFApMnToVt27dgo+PDzp37ozZs2fL9RKKzQ8/AB99JK3DVS1v0kdgoO6Ay729iYjIJG3bBgwdCjx4ABw8CLz0EtCpk9xVkYWSdR9fOZjLPr5ly0prdQsTHFww4FavLp18RkREZPLS0oDRo4H16zVjgYHA5s1Ay5by1UUmweL28aXCPXigCb0eHkDr1trrcNmml4iIzFp0NNC3r9T5SCUyEli+nB9RUrFi8DVB+RtEdOsGfPmlbKUQEREZT24uMHs28OGHml72bm7AsmVSEOYJbFTMGHxN0L//ai4HBclWBhERkfHcuwd07izN9qo0awZs2iSt3yMqAWw5YILyB9+KFeWrg4iIyGg8PTW96m1tgVmzgEOHGHqpRDH4mqD8Sx0YfImIyCLY2gIbNwL16wOHDwPTp2uCMFEJ4U+cCeKMLxERmb1DhwBnZ6BRI81YxYrAiRNcy0uy4YyvCVIFX1tbqWENERGR2cjOBiZNAtq2BXr1KthtiaGXZMTga4JUwTcggJ8CERGRGYmJAZo2BT7+GBBC2q5s+XK5qyJSY/A1MRkZQHKydJnLHIiIyCwIAaxaBdSrB5w6JY3Z2wPz5gHjx8tbG1E+nE80MVzfS0REZiUpCRgyBPj+e81YtWrAli3SiWxEJoQzviaGe/gSEZHZ2LsXqF1bO/QOGybN+jL0kgnijK+J4VZmRERkFu7cAbp2BTIzpeve3sCaNVKTCiITxRlfE8OlDkREZBb8/KST2AAgIgI4d46hl0weZ3xNDJc6EBGRSVIqgbw86aQ1lVGjpH03X3sNsOFcGpk+/pSamPzBNzBQvjqIiIjUEhKAl14Cpk7VHrexAbp1Y+gls8GfVBOjWuNbtizg5CRrKURERNKJa6GhwC+/APPnA7/9JndFREXG4GtCsrKkP6oBru8lIiKZZWRIOzR07QrcuyeN+fnJWhLR8+IaXxMSH6+5zPW9REQkm5Mngd69gcuXNWNdugBffCHt3kBkpjjja0K4lRkREckqLw/45BOgSRNN6HVxkbqyffstQy+ZPc74mhBuZUZERLJJTga6dwcOHtSMhYVJHdiqVpWtLCJj4oyvCeFWZkREJBsPDyA9XbqsUACTJgFHjzL0kkVh8DUhnPElIiLZ2NsDmzcDNWoABw4Ac+YADg5yV0VkVFzqYEK4xpeIiEpMdLS0frdOHc1Y1arA+fPcl5csFn+yTYhqxrd0aaBUKXlrISIiC5WbC8yaBbRsCfTqBTx6pH07Qy9ZMP50m4jcXODmTeky1/cSEVGxiI0FWrUCZs6UdnC4eBH4/HO5qyIqMQy+JuLWLenfIIDLHIiIyMiEADZsAOrWlZY4AICtLfDBB8C778pZGVGJ4hpfE8ET24iIqFikpEgd2LZt04xVqgRs2iTt10tkRTjjayIYfImIyOgOHgRq19YOvQMHAqdPM/SSVeKMr4ngHr5ERGRUCQlARASQnS1d9/ICVq6UmlQQWSnO+JoIbmVGRERG5e8PzJghXW7bFvj7b4Zesnqc8TURXOpARETPRQhAqZROWlOZMAEIDAT69OE2ZUTgjK/JUAVfNzfp0ygiIiK9JSUBr70GfPSR9ritLdCvH0Mv0X/4m2AClEogLk66XLGi1CKdiIhIL3v3Siewff898OGHmu3KiKgABl8TcOcOkJUlXeYyByIi0ktmJjBmDNCxI5CYKI15eQEPH8pbF5EJ4xpfE8D1vUREZJBz56R1u+fOacYiIoB164CyZWUri8jUccbXBHArMyIi0otSCSxZAjRsqAm9jo7S2O7dDL1Ez8AZXxPArcyIiOiZ7t2TZnn37tWMhYYCW7YAtWrJVxeRGeGMrwngUgciInomV1fg1i3N9TFjgOPHGXqJDMDgawK41IGIiJ7JyUma3Q0OlmZ9Fy6UxohIb1zqYAJUwdfJCfD1lbcWIiIyESdPSrO81atrxkJDgcuXATv+75uoKDjjKzMhNGt8K1TgHr5ERFYvLw/45BOgSROgVy/NfpcqDL1ERcbgK7P794GMDOky1/cSEVm5+HigfXtg4kQgNxc4cwb4/HO5qyKyGAy+MuP6XiIiAgBs2yZ1YDt0SLquUACTJgEjRshbF5EF4eclMuNWZkREVi4tDRg9Gli/XjMWGAhs3Ai0bi1fXUQWiMFXZtzKjIjIikVHA337ArGxmrHISGD5cqn9MBEZFYOvzBh8iYis1K1bQJs2QHa2dN3NDVi2TArCPNOZqFhwja/MuMaXiMhKBQQA48dLl5s1A86eBfr1Y+glKkac8ZWZao2vnR1QrpyspRARUXESQvpv/mA7c6a0l+WgQdymjKgEcMZXZqoZ3/LlAVtbeWshIqJikpIC9OwJLFigPW5vDwwdytBLVEIYfGWUlib9WwhwmQMRkcU6eFDapmzbNmDyZOD0abkrIrJaDL4y4oltREQWLDtbakTRrh1w86Y0VqoUkJgob11EVoyfrciIwZeIyELFxAC9ewOnTmnG2rYFNmyQ1rYRkSw44ysjBl8iIgsjBLByJVCvnib02tsD8+YB+/Yx9BLJ7LlmfDMzM+Hk5GSsWqwOtzIjIrIg9+8DAwcCu3ZpxqpVA7ZsAerXl68uIlIzeMZXqVTiww8/REBAAEqVKoXY/7rNTJs2DV9++aXRC7RkbFdMRGRBHB2BS5c014cPl2Z9GXqJTIbBwfejjz7CunXrMG/ePDg4OKjHa9WqhS+++MKoxVk61YyvQiG1ZSciIjPm6gps3ixtyr5rF/D554CLi9xVEVE+BgffDRs2YNWqVejTpw9s8208W6dOHVzK/5cuPZMq+JYrB+T7G4KIiMzBuXPAf596qjVoII117ixPTUT0VAYH31u3bqFy5coFxpVKJXJycoxSlDV4/Bi4c0e6zGUORERmRKkEliwBGjYE+vQBcnO1b3d0lKcuInomg4NvzZo18ccffxQY3759O+rVq2eUoqxBXJzmMoMvEZGZSEgAXnoJePddICsL+PNPYPlyuasiIj0ZvKvD9OnTERUVhVu3bkGpVGLnzp2IiYnBhg0b8OOPPxZHjRaJW5kREZmZ778HBg0C7t3TjI0ZAwwZIl9NRGQQg2d8u3Tpgh9++AH79u2Dq6srpk+fjosXL+KHH37Aiy++WBw1WiRuZUZEZCYyMoBhw4CuXTWh198f2LsXWLgQ4LaeRGajSPv4tmzZEr/++quxa7Eq3MqMiMgMnDwpdWC7fFkz1rUrsHo14O0tW1lEVDQGz/iGhITgXv6Pef7z4MEDhISEGKUoa8ClDkREJi4+HmjWTBN6XVykwLtzJ0MvkZkyOPjeuHEDeXl5BcazsrJw69YtoxRlDfIH3woV5KuDiIgKERgIvP22dDksDDh9Ghg8WNp8nYjMkt5LHXbla8G4d+9eeHh4qK/n5eVh//79COJiVb2pgq+Pj7TnORERmQAhtIPt3LnS7MSIEdxwncgCKIQQQp872thIk8MKhQJPPsTe3h5BQUFYsGABXnnlFeNXaURpaWnw8PBAamoq3N3dZakhJ0c6F0KplPY6/+svWcogIiKVtDRg9GigUSPNLC8Ryaa48preM75KpRIAEBwcjL/++gveXN9UZDdvSqEX4PpeIiLZRUdLjSiuXwe2bgXatgVq1JC7KiIqBgav8b1+/TpD73PiVmZERCYgNxeYORNo2VIKvQBgbw9cuyZrWURUfIq0nVlGRgYOHTqEuLg4ZGdna902evRooxRmybiVGRGRzGJjgb59pdlelWbNgE2bgOBg+eoiomJlcPA9ffo0OnXqhEePHiEjIwOlS5dGcnIyXFxc4Ovry+CrB25lRkQkEyGADRuAkSOB9HRpzNYWmD4dmDwZsCvSfBARmQmDlzqMGTMGnTt3RkpKCpydnfHnn3/i33//RVhYGP73v/8VR40Wh8GXiEgGDx4APXsCAwZoQm9ICHD4sBR8GXqJLJ7BwffMmTMYN24cbGxsYGtri6ysLAQGBmLevHmYPHlycdRocRh8iYhkoFAAx45prg8YAJw5AzRpIldFRFTCDA6+9vb26q3NfH19ERcXBwDw8PBAfHy8cauzUKo1vh4egKennJUQEVkRDw9g40ap69q2bcDatYCbm9xVEVEJMvhznXr16uGvv/5ClSpV0Lp1a0yfPh3JycnYuHEjatWqVRw1WhSlUuqCCXC2l4ioWMXESB2CypfXjLVsKc0+sHMQkVUyeMZ3zpw58Pf3BwDMnj0bXl5eGD58OJKSkrBy5UqjF2hpEhKkBhYAtzIjIioWQgArVwL16gH9+2s2Tldh6CWyWgbP+DZo0EB92dfXF3v27DFqQZaOW5kRERWjpCRg8GBg1y7p+oEDwKpVwLBh8tZFRCbB4Bnfwpw6dcrk2xWbAp7YRkRUTPbuBWrX1oReQAq8/fvLVxMRmRSDgu/evXsxfvx4TJ48GbGxsQCAS5cuoWvXrmjYsKG6rbEhli1bhqCgIDg5OaFx48Y4fvz4U+//4MEDjBgxAv7+/nB0dETVqlWxe/dug59XLgy+RERGlpkJjBkDdOwIJCZKY97eUgBevhxwcZG3PiIyGXovdfjyyy8xZMgQlC5dGikpKfjiiy+wcOFCjBo1CpGRkTh//jxqGNjbfOvWrRg7dixWrFiBxo0bY/HixYiIiEBMTAx8fX0L3D87OxsvvvgifH19sX37dgQEBODff/+FpxltjcB2xURERnTuHNCnj/RflYgIYN06oGxZ2coiItOkEEIIfe5Yu3Zt9OvXD++99x527NiB7t27o0mTJti2bRvK5z9j1gCNGzdGw4YN8dlnnwEAlEolAgMDMWrUKEycOLHA/VesWIH58+fj0qVLsLe3L9JzpqWlwcPDA6mpqXB3dy/SMZ5Hx47Sp3EAcPcu4ONT4iUQEVmGf/8FqlUDsrKk646OwLx5Ulc2G6Ot5CMiGRRXXtP7X4Zr166he/fuAIDXX38ddnZ2mD9/fpFDb3Z2Nk6ePInw8HBNMTY2CA8PR3T+3un57Nq1C02bNsWIESPg5+eHWrVqYc6cOcjLyyv0ebKyspCWlqb1JSfVjK+zs/RJHBERFVHFipr1u6GhwIkTwOjRDL1EVCi9/3V4/PgxXP5bJ6VQKODo6Kje1qwokpOTkZeXBz8/P61xPz8/JKrWaD0hNjYW27dvR15eHnbv3o1p06ZhwYIF+Oijjwp9nrlz58LDw0P9FRgYWOSan5cQmuBbsaLURIiIiJ7DokXARx8Bx48D3EueiJ7BoO3MvvjiC5QqVQoAkJubi3Xr1sH7iWnL0aNHG6+6JyiVSvj6+mLVqlWwtbVFWFgYbt26hfnz52PGjBk6HzNp0iSMHTtWfT0tLU228JuUBDx+LF3m+l4iIgNkZADjxknthQcM0Iy7ugJTpshWFhGZF72Db4UKFbB69Wr19bJly2Ljxo1a91EoFHoHX29vb9ja2uLOnTta43fu3EHZQk5I8Pf3h729PWxtbdVjNWrUQGJiIrKzs+Hg4FDgMY6OjnB0dNSrpuLGHR2IiIrg5EnpBLaYGGDzZqn7WqVKcldFRGZI7+B7I3/nBSNwcHBAWFgY9u/fj65duwKQZnT379+PkSNH6nxM8+bNsWXLFiiVStj8t4br8uXL8Pf31xl6TQ2DLxGRAfLygP/9D5g6FcjNlcaUSuD8eQZfIioSWc8AGDt2LFavXo3169fj4sWLGD58ODIyMjBw4EAAQP/+/TFp0iT1/YcPH4779+/jnXfeweXLl/HTTz9hzpw5GDFihFwvwSDcyoyISE/x8UD79sDEiZrQGxYGnD4NdOkib21EZLYMbllsTJGRkUhKSsL06dORmJiIunXrYs+ePeoT3uLi4tQzuwAQGBiIvXv3YsyYMahduzYCAgLwzjvvYMKECXK9BIOwXTERkR62bQOGDgUePJCuKxRSAJ45EzCDT/eIyHTpvY+vpZBzH99XXwV++EG6fPMmEBBQok9PRGTaHj4ERo0C1q/XjAUGAhs3Aq1by1cXEZU42ffxpeenWupgbw88x05wRESWKSsL+OUXzfXISODsWYZeIjIaBt8SpAq+FSpwf3UiogK8vaXZXnd3YMMG4KuvAC8vuasiIgtSpPh17do1TJ06Fb169cLdu3cBAD///DP++ecfoxZnSR48AFJTpctc30tEBCA2FnhiS0u8+KI0S9CvH7v8EJHRGRx8Dx06hNDQUBw7dgw7d+5Eeno6AODs2bOFNpEgbmVGRKQmhDSzW6cO8Oab0vX8PD1lKYuILJ/BwXfixIn46KOP8Ouvv2rtnduuXTv8+eefRi3OknArMyIiACkpQM+eUve19HRg925g7Vq5qyIiK2Fw8D137hxee+21AuO+vr5ITk42SlGWiFuZEZHVO3gQqF1b2q5MZcAAoHt3uSoiIitjcPD19PREQkJCgfHTp08jgPtzFYpLHYjIamVnS/vwtmsn7eUISCetbdsmzfa6uclbHxFZDYODb8+ePTFhwgQkJiZCoVBAqVTiyJEjGD9+PPr3718cNVoEBl8iskqXLgFNmwKffKJZy9u2LfD335zpJaISZ3DwnTNnDqpXr47AwECkp6ejZs2aaNWqFZo1a4apU6cWR40WQRV8bWyA8uXlrYWIqETExgL16wOnTknX7e2BefOAffv4DyERyaLIndvi4uJw/vx5pKeno169eqhSpYqxaysWcnVu8/EBkpOlJkRxcSX2tERE8urbF9i8GahWDdiyRQrCRETPUFx5zc7QBxw+fBgtWrRAhQoVUKFCBaMVYskyMqTQC3CZAxFZmWXLpH/4pkwBXFzkroaIrJzBSx3atWuH4OBgTJ48GRcuXCiOmixO/hleBl8iskiZmcCYMcA332iPe3gAs2cz9BKRSTA4+N6+fRvjxo3DoUOHUKtWLdStWxfz58/HTdWZulRA/q3MuIcvEVmcc+eARo2AxYuBt94C4uPlroiISCeDg6+3tzdGjhyJI0eO4Nq1a+jevTvWr1+PoKAgtGvXrjhqNHvc0YGILJJSCSxZAjRsKIVfAHj8GDhxQt66iIgKYfAa3/yCg4MxceJE1KlTB9OmTcOhQ4eMVZdFYfAlIouTkAAMHAjs3asZCw2VTmCrVUu+uoiInsLgGV+VI0eO4O2334a/vz969+6NWrVq4aeffjJmbRaD7YqJyKJ8/73UgS1/6B0zBjh+nKGXiEyawTO+kyZNwtdff43bt2/jxRdfxJIlS9ClSxe48MSFQuVf48uNMIjIbGVkAOPGAStXasb8/YF164AOHWQri4hIXwYH399//x3vvfceevToAW9v7+KoyeKoZnz9/AAnJ3lrISIqsrQ0YMcOzfWuXYHVqwH+v4CIzITBwffIkSPFUYfFysqSlsIBXN9LRGbO3x/44gugd2/ppLZBgwCFQu6qiIj0plfw3bVrF1566SXY29tj165dT73vq6++apTCLEV8vKY9Pdf3EpFZiY8HXF2B0qU1Y126ANevA76+8tVFRFREegXfrl27IjExEb6+vujatWuh91MoFMjLyzNWbRaBOzoQkVnatg0YOhQID5cu55/ZZeglIjOl164OSqUSvv/9Q6dUKgv9YugtiMGXiMxKWhowYAAQGQk8eABs3y5tUUZEZAEM3s5sw4YNyMrKKjCenZ2NDRs2GKUoS8KtzIjIbERHA3XrAuvXa8YiI4FOnWQriYjImAwOvgMHDkRqamqB8YcPH2LgwIFGKcqS5N/KjDO+RGSScnOBWbOAli2l9bsA4OYGbNgAfPUV4OUlb31EREZi8K4OQggodJzFe/PmTXh4eBilKEvCpQ5EZNJiY4G+faXZXpVmzYBNm4DgYPnqIiIqBnoH33r16kGhUEChUKB9+/aws9M8NC8vD9evX0fHjh2LpUhzpgq+Xl7SBAoRkcm4ehWoXx94+FC6bmsLTJ8OTJ4M2D1XR3siIpOk979sqt0czpw5g4iICJQqVUp9m4ODA4KCgtCtWzejF2jOcnOBmzely1zfS0Qmp1IloH174LvvgJAQYPNmoEkTuasiIio2egffGTNmAACCgoIQGRkJJ7Yge6bbt6XwC3CZAxGZIIVC6rxWsSLw4Yf8WIqILJ7BJ7dFRUUx9OqJ63uJyGRkZwMTJwI//aQ97u0NLF7M0EtEVkGvGd/SpUvj8uXL8Pb2hpeXl86T21Tu379vtOLMHYMvEZmEmBipzfCpU8DatcDffwN+fnJXRURU4vQKvosWLYLbf7MBixYtemrwJY38W5lxjS8RlTghgFWrgDFjgMePpbGUFODIEeD11+WtjYhIBnoF36ioKPXlAQMGFFctFoczvkQkm6QkYPBgYNcuzVi1alIXtvr15auLiEhGBq/xPXXqFM6dO6e+/v3336Nr166YPHkysrOzjVqcuWPwJSJZ7N0L1K6tHXqHD5eWOjD0EpEVMzj4Dh06FJcvXwYAxMbGIjIyEi4uLvjmm2/w/vvvG71Ac6YKvqVKAaVLy1sLEVmBzExpWUPHjkBiojTm7S0F4M8/B1xc5K2PiEhmBgffy5cvo27dugCAb775Bq1bt8aWLVuwbt067Nixw9j1mS2lUhN8K1aUdg0iIipWd+9KJ6+pdOwInDsHdO4sX01ERCbE4OArhIBSqQQA7Nu3D506dQIABAYGIjk52bjVmbG7d4GsLOkylzkQUYmoUAFYvhxwdASWLgV27wbKlpW7KiIik2FwT8oGDRrgo48+Qnh4OA4dOoTly5cDAK5fvw4/bo+jxvW9RFTsEhIAV1fA3V0z1qsX0KIFEBgoX11ERCbK4BnfxYsX49SpUxg5ciSmTJmCypUrAwC2b9+OZs2aGb1Ac8WtzIioWH3/vXQC2+jRBW9j6CUi0sngGd/atWtr7eqgMn/+fNja2hqlKEvAGV8iKhYZGcC4ccDKldL19eulNbzduslbFxGRGTA4+KqcPHkSFy9eBADUrFkT9blFjhYGXyIyupMnpQ5s/+2sAwDo2hVo3Vq2koiIzInBwffu3buIjIzEoUOH4OnpCQB48OAB2rZti6+//ho+Pj7GrtEs5Q++XOpARM8lLw/43/+AqVOB3FxpzMUFWLIEGDSI28YQEenJ4DW+o0aNQnp6Ov755x/cv38f9+/fx/nz55GWlobRutaaWSnVGl9HR8DXV9ZSiMicxccD7dsDEydqQm9YGHD6tNSZjaGXiEhvBs/47tmzB/v27UONGjXUYzVr1sSyZcvQoUMHoxZnroTQzPhWqADYGPznBRERpCUNjRsDDx5I1xUKKQDPnAk4OMhZGRGRWTI4kimVStjb2xcYt7e3V+/va+1SUoD0dOky1/cSUZFVriwFX0DaqeHAAWDOHIZeIqIiMjj4tmvXDu+88w5u376tHrt16xbGjBmD9u3bG7U4c8WtzIjIKGxspE5sb70FnD3Lk9iIiJ6TwcH3s88+Q1paGoKCglCpUiVUqlQJwcHBSEtLw6efflocNZod7uhARAbLzQVmzQJ++0173N9f2rrMy0ueuoiILIjBa3wDAwNx6tQp7N+/X72dWY0aNRAeHm704swVgy8RGSQ2FujbF4iOBgICgL//BkqXlrsqIiKLY1Dw3bp1K3bt2oXs7Gy0b98eo0aNKq66zBqDLxHpRQhg40Zg5Ejg4UNpLDFRWsvLhhREREand/Bdvnw5RowYgSpVqsDZ2Rk7d+7EtWvXMH/+/OKszyxxjS8RPVNKCjBsGLBtm2YsJATYvBlo0kS+uoiILJjea3w/++wzzJgxAzExMThz5gzWr1+Pzz//vDhrM1uqGV9bW6BcOXlrISITdPAgULu2dugdMAA4c4ahl4ioGOkdfGNjYxEVFaW+3rt3b+Tm5iIhIaFYCjNnquBbvjxgV+Sm0ERkcbKzgUmTgHbtgJs3pTFPTykAr10LuLnJWh4RkaXTO5ZlZWXB1dVVfd3GxgYODg54/PhxsRRmrh4+BO7fly5zmQMRabl5E/j0U2ltLwC0aQNs2CDt0UtERMXOoPnIadOmwcXFRX09Ozsbs2fPhoeHh3ps4cKFxqvODPHENiIqVEgIsGQJMHw4MHs2MG4cWzsSEZUgvYNvq1atEBMTozXWrFkzxMbGqq8r2DOewZeINJKTARcX6UvlzTelRhSVK8tXFxGRldI7+B48eLAYy7AcDL5EBADYu1c6Ye3114FlyzTjCgVDLxGRTPgZm5FxKzMiK5eZCYwZA3TsKO3J+/nnwE8/yV0VERGhCJ3b6Ok440tkxc6dA/r0kf6r0rEjEBYmX01ERKTGGV8jyx98eaI2kZVQKqWT1ho21IReR0dg6VJg926gbFl56yMiIgCc8TU6VfAtV076/x4RWbiEBGDgQGlNr0poKLBlC1Crlnx1ERFRAQy+RpSZKS3pA7jMgcgqxMQALVpIuzeojBkDzJkDODnJVxcREelUpKUOf/zxB/r27YumTZvi1q1bAICNGzfi8OHDRi3O3MTFaS4z+BJZgcqVgZo1pcv+/tKs78KFDL1ERCbK4OC7Y8cOREREwNnZGadPn0ZWVhYAIDU1FXPmzDF6geaEJ7YRWRlbW2DjRqBfP+Dvv4EOHeSuiIiInsLg4PvRRx9hxYoVWL16Nezt7dXjzZs3x6lTp4xanLnhVmZEFiwvD/jkE+DoUe3xChWktsPe3vLURUREejN4jW9MTAxatWpVYNzDwwMPHjwwRk1mizO+RBYqPl6a1T10CAgOBs6cAdzd5a6KiIgMZPCMb9myZXH16tUC44cPH0ZISIhRijJXDL5EFmjbNqB2bSn0AtJHO7/8ImtJRERUNAYH3yFDhuCdd97BsWPHoFAocPv2bWzevBnjx4/H8OHDi6NGs8HgS2RB0tKklsORkYDq06zAQODAAeCNN+SsjIiIisjgpQ4TJ06EUqlE+/bt8ejRI7Rq1QqOjo4YP348Ro0aVRw1mg3VGl9vb8DVVdZSiOh5REcDffsCsbGaschIYPlywMtLvrqIiOi5KIQQoigPzM7OxtWrV5Geno6aNWuiVKlSxq6tWKSlpcHDwwOpqalwN+IavZwcaQcjpVLqTnrihNEOTUQlJTcXmD0b+PBD6WQ2AHBzA5Ytk4KwQiFvfUREVqK48lqRG1g4ODigpmr/SsKtW1LoBbjMgchsXbsGzJ2rCb3NmgGbNkkntBERkdkzOPi2bdsWiqfMevz222/PVZC54lZmRBagWjVg3jxg7Fhg+nRg8mTAjg0uiYgshcH/otetW1frek5ODs6cOYPz588jKirKWHWZHZ7YRmSGUlIAFxfA0VEzNmoU0K4dUKuWfHUREVGxMDj4Llq0SOf4zJkzkZ6e/twFmSsGXyIzc/CgtDdvz57A/PmacYWCoZeIyEIZvJ1ZYfr27Ys1a9YY63Bmh8GXyExkZwOTJkmzujdvAv/7H7B/v9xVERFRCTDa4rXo6Gg4OTkZ63Bmh2t8icxATAzQuzeQv71627bS2l4iIrJ4Bgff119/Xeu6EAIJCQk4ceIEpk2bZrTCzI1qxtfdHfD0lLUUInqSEMCqVcCYMcDjx9KYvb20ddm4cYCN0T78IiIiE2Zw8PXw8NC6bmNjg2rVquGDDz5Ahw4djFaYOVEqgbg46TKXORCZmKQkYPBgYNcuzVi1asCWLUD9+vLVRUREJc6g4JuXl4eBAwciNDQUXuxepJaQIDWwALjMgcikxMQAbdoAiYmaseHDpXW9Li6ylUVERPIw6PM9W1tbdOjQAQ9UfeuNZNmyZQgKCoKTkxMaN26M48eP6/W4r7/+GgqFAl27djVqPYbiiW1EJiokBAgMlC57e0uzvp9/ztBLRGSlDF7YVqtWLcTm71//nLZu3YqxY8dixowZOHXqFOrUqYOIiAjcvXv3qY+7ceMGxo8fj5YtWxqtlqJi8CUyUfb2wObNwOuvA+fOAZ07y10RERHJyODg+9FHH2H8+PH48ccfkZCQgLS0NK0vQy1cuBBDhgzBwIEDUbNmTaxYsQIuLi5P3RotLy8Pffr0waxZsxASEmLwcxobgy+RCVAqgaVLgdOntcerVAF27ADKlpWnLiIiMhl6B98PPvgAGRkZ6NSpE86ePYtXX30V5cuXh5eXF7y8vODp6Wnwut/s7GycPHkS4eHhmoJsbBAeHo7o6Oin1uLr64tBgwY98zmysrKeO5w/C7cyI5JZQgLQqRPwzjvSdmWPHsldERERmSC9T26bNWsWhg0bhgMHDhjtyZOTk5GXlwc/Pz+tcT8/P1y6dEnnYw4fPowvv/wSZ86c0es55s6di1mzZj1vqU/FGV8iGX3/vbRrQ3KydP3SJeDnn4Fu3eSti4iITI7ewVcIAQBo3bp1sRXzLA8fPkS/fv2wevVqeHt76/WYSZMmYezYserraWlpCFSd7GIkquDr7Az4+Bj10ERUmIwMaQ/elSs1Y/7+wLp1gJVurUhERE9n0HZmCoXCqE/u7e0NW1tb3LlzR2v8zp07KKtjPd61a9dw48YNdM53gopSqQQA2NnZISYmBpUqVdJ6jKOjIxwdHY1ad35CaIJvhQqAkd8iItLl5ElpScPly5qxrl2B1aul3RuIiIh0MCj4Vq1a9Znh9/79+3ofz8HBAWFhYdi/f796SzKlUon9+/dj5MiRBe5fvXp1nDt3Tmts6tSpePjwIZYsWWL0mVx9JCdrlhNyfS9RMcvLA+bPB6ZNA3JzpTEXF2DxYmm5A//yJCKipzAo+M6aNatA57bnNXbsWERFRaFBgwZo1KgRFi9ejIyMDAwcOBAA0L9/fwQEBGDu3LlwcnJCrVq1tB7v+V9/4CfHSwrX9xKVoEuXtENvWJjUga1qVXnrIiIis2BQ8O3Zsyd8fX2NWkBkZCSSkpIwffp0JCYmom7dutizZ4/6hLe4uDjY2Bi861qJYfAlKkEvvAB8+CEweTIwcSIwcybg4CB3VUREZCYUQnXW2jPY2toiISHB6MG3pKWlpcHDwwOpqalwd3d/7uMtWACMHy9d3rxZWnZIREby8KF01qhdvr/R8/KkvXobNJCvLiIiKlbGzmsqek+l6pmPrQ5nfImKSXQ0ULcu8NFH2uO2tgy9RERUJHoHX6VSafazvcWBwZfIyHJzgVmzgJYtgdhYaWnD0aNyV0VERBbAoDW+VJAq+NrZSVuIEtFziI0F+vaVZntVmjThLxcRERmF6Z41ZiZU7YorVJA+gSWiIhAC2LBBWtqgCr22ttLM76FDQHCwrOUREZFl4Izvc0hNlb4ALnMgKrKUFGD4cGDrVs1YSIh0tmiTJvLVRUREFofB9zlwfS/Rc4qJAV58EYiP14wNGAAsXQq4uclWFhERWSYudXgOqmUOALu2ERVJxYrAf01o4OUFbNsGrF3L0EtERMWCwfc5cMaX6Dk5OUmd1zp1Av7+G+jeXe6KiIjIgjH4PgcGXyIDCAGsWgVcuKA9XqsW8NNPQPny8tRFRERWg8H3OTD4EukpKQno2hUYOlRqb5iVJXdFRERkhRh8n4Nqja+NDSeriAq1dy9Quzawa5d0/exZ4Mcf5a2JiIisEoPvc1DN+JYrBzg4yFsLkcnJzATefRfo2BFITJTGvL2lANytm6ylERGRdeJ2ZkX06JH06S3AZQ5EBZw7Jy1pOH9eMxYRAaxbB5QtK1tZRERk3TjjW0Rc30ukg1IJLFkCNGyoCb2OjtLY7t0MvUREJCvO+BZR/uDLPXyJ/nPuHDB2rBSAASA0VNqurFYteesiIiICZ3yLjDO+RDrUqQNMnixdHjMGOH6coZeIiEwGZ3yLiMGXCNJidycnaWsTlenTgQ4dgJYt5auLiIhIB874FhHbFZPVO3kSqFcPWLBAe9zenqGXiIhMEoNvEeWf8a1QQb46iEpcXh7wySdAkybA5cvAlCnAqVNyV0VERPRMXOpQRKrg6+sLODvLWwtRiYmPB/r1Aw4d0ozVrg2UKiVfTURERHrijG8RZGcDt29Ll7m+l6zGtm1SyFWFXoUCmDQJOHoUqFpV3tqIiIj0wBnfIoiPB4SQLnN9L1m8tDRg9Ghg/XrNWGAgsHEj0Lq1fHUREREZiMG3CLijA1mNmBigUycgNlYzFhkJrFgBeHrKVhYREVFRcKlDETD4ktUoXx6w++/vYzc3YMMG4KuvGHqJiMgsMfgWAbcyI6vh6ip1XmvTBjh7VjqxTaGQuyoiIqIiYfAtAs74kkUSQprRvXZNezwsDPjtNyA4WJ66iIiIjITBtwgYfMnipKQAPXsCUVFAnz5ATo727ZzlJSIiC8DgWwSq4OvpCbi7y1oK0fM7eFDapmzbNun6sWPAjz/KWhIREVFxYPA1UF6etJ0ZwPW9ZOays4GJE4F27YCbN6UxLy/gm2+A116TtzYiIqJiwO3MDHT7NpCbK13mMgcyWzExQO/e2q2G27aV1viWLy9fXURERMWIM74G4vpeMmtCACtXAvXqaUKvvT0wbx6wbx9DLxERWTTO+Boo/1ZmDL5kdk6fBoYN01yvVk3arqx+fflqIiIiKiGc8TVQ/hlfrvEls1O/PjB2rHR5+HBp1pehl4iIrARnfA3EpQ5kVrKyAAcH7e3I5swBOnYEXnxRvrqIiIhkwBlfAzH4ktk4dw5o0ABYvlx73NGRoZeIiKwSg6+BVGt8XV2BMmVkLYVIN6USWLIEaNgQOH8eGDcOuHBB7qqIiIhkx6UOBhACiIuTLlesyGZWZIISEoCBA4G9ezVjVarIVw8REZEJ4YyvAe7eBTIzpctc5kAm5/vvpQ5s+UPvmDHA8eNAzZry1UVERGQiOONrAG5lRiYpI0NazrBypWbM3x9Ytw7o0EG2soiIiEwNg68BuJUZmZzLl4HOnaX/qnTtCqxeDXh7y1YWERGRKeJSBwNwRwcyOX5+QHa2dNnFRQq8O3cy9BIREenA4GsABl8yOR4ewKZNQOPGUle2wYN51iUREVEhGHwNkH+NL5c6kCy++QaIj9cea94ciI4GqlaVpyYiIiIzweBrANWMr4OD9AkzUYlJSwMGDAB69AD69wfy8rRv5ywvERHRMzH46kkITfCtUAGw4TtHJSU6GqhXD1i/Xrp+8CDw44+ylkRERGSOGN/0lJICPHwoXeb6XioRubnArFlAy5ZAbKw05uYGbNgAvPqqvLURERGZIW5npiduZUYlKjYW6NtXmu1VadZMOpEtOFi+uoiIiMwYZ3z1xB0dqEQIIc3o1q2rCb22ttLM76FDDL1ERETPgTO+emLwpRJx4gQQFaW5HhICbN4MNGkiX01EREQWgjO+emK7YioRDRsCQ4dKlwcMAM6cYeglIiIyEs746olrfKlY5OQAdnba25EtWAB06sQT2IiIiIyMM756UgVfW1sgIEDeWshCxMRIs7mqbcpUXF0ZeomIiIoBg6+eVME3IECaoCMqMiGAlSulvXlPnQJGjQKuXpW7KiIiIovHCKeH9HTg3j3pMpc50HNJSgIGDwZ27dKMBQQAjx/LVxMREZGV4IyvHrijAxnF3r1A7draoXfYMGnWNzRUvrqIiIisBIOvHhh86blkZgJjxgAdOwKJidKYt7cUgJcvB1xc5K2PiIjISnCpgx64lRkV2dWrwOuvA+fOacY6dgTWrgXKlpWvLiIiIivEGV89cCszKjIvL80CcUdHYOlSYPduhl4iIiIZMPjqgUsdqMjKlAHWrQPq1JG6so0apb1nLxEREZUYBl895A++gYHy1UFm4IcfNOt4VV58ETh5EqhVS56aiIiICACDr15Ua3z9/QEnJ1lLIVOVkSHt0PDqq8Cbb0p79eZnaytPXURERKTG4PsMmZmaCTwucyCdTp4E6teXmlIAwM8/Az/+KG9NREREVACD7zPEx2suM/iSlrw84JNPpLbDly9LYy4uwOrVwCuvyFsbERERFcDtzJ6BW5mRTvHxQL9+wKFDmrGwMGDLFqBqVfnqIiIiokJxxvcZuJUZFbB1q9SBTRV6FQpg0iTg6FGGXiIiIhPGGd9n4FZmpOXPP4GePTXXAwOBjRuB1q3lq4mIiIj0whnfZ2DwJS1NmkhLHAAgMhI4e5ahl4iIyExwxvcZuMbXyimVgM0Tfx9+9hnw8stAjx5sRkFERGRGOOP7DKoZ3zJlgFKl5K2FSlhsLNCiBbBtm/a4u7s028vQS0REZFYYfJ8iNxe4dUu6zNleKyIEsGEDULcuEB0NDB2qva8dERERmSUG36e4eVPaqhVg8LUaKSnSyWtRUcDDh9JY6dLAvXvy1kVERETPjcH3KbiVmZU5eFDapiz/0oYBA4AzZ6TZXyIiIjJrDL5PwR0drER2NjBxItCunTTNDwCenlIAXrsWcHOTtTwiIiIyDu7q8BQMvlYgNhbo3h04dUoz1qaNtMY3MFC2soiIiMj4OOP7FNzKzAo4OwNxcdJle3tg3jxg/36GXiIiIgvE4PsUXONrBfz9gS+/BKpXl7qyvfdewX17iYiIyCLw//BPoQq+bm7Skk+yAPv2Fdyh4dVXgb//BurXl6cmIiIiKhEmEXyXLVuGoKAgODk5oXHjxjh+/Hih9129ejVatmwJLy8veHl5ITw8/Kn3LyqlUvMJeMWK7FVg9jIzgTFjgBdflPblFUL7dnt7eeoiIiKiEiN78N26dSvGjh2LGTNm4NSpU6hTpw4iIiJw9+5dnfc/ePAgevXqhQMHDiA6OhqBgYHo0KEDbqk6TRhJYqJ0sj/AZQ5m79w5oFEjYPFi6fqOHcCePbKWRERERCVP9uC7cOFCDBkyBAMHDkTNmjWxYsUKuLi4YM2aNTrvv3nzZrz99tuoW7cuqlevji+++AJKpRL79+83al3c0cECKJXAkiVAw4ZS+AUAR0dg6VKgY0d5ayMiIqISJ+t2ZtnZ2Th58iQmTZqkHrOxsUF4eDiio6P1OsajR4+Qk5OD0qVL67w9KysLWVlZ6utpaWl6HZfB18wlJAADBwJ792rGQkOBLVuAWrXkq4uIiIhkI+uMb3JyMvLy8uDn56c17ufnh8TERL2OMWHCBJQrVw7h4eE6b587dy48PDzUX4F6blPFrczM2K5dUge2/KF3zBjg+HGGXiIiIism+1KH5/Hxxx/j66+/xrfffgsnJyed95k0aRJSU1PVX/Hx8Xodm1uZmakjR4AuXYDkZOl62bJSAF64ECjkZ4SIiIisg6zB19vbG7a2trhz547W+J07d1C2bNmnPvZ///sfPv74Y/zyyy+oXbt2ofdzdHSEu7u71pc+uNTBTDVrBrz2mnS5SxdpbW+HDvLWRERERCZB1uDr4OCAsLAwrRPTVCeqNW3atNDHzZs3Dx9++CH27NmDBg0aFEttquDr5AT4+hbLU5AxPLktmUIBrF4NrF0LfPst4O0tT11ERERkcmRf6jB27FisXr0a69evx8WLFzF8+HBkZGRg4MCBAID+/ftrnfz2ySefYNq0aVizZg2CgoKQmJiIxMREpKenG60mITRrfCtU4B6+Jis+HmjXDvjxR+3xMmWAAQP4jSMiIiItsu7qAACRkZFISkrC9OnTkZiYiLp162LPnj3qE97i4uJgk6+F7PLly5GdnY033nhD6zgzZszAzJkzjVLTvXvAo0fSZa7vNVHbtkmNKB48AP75R+q89ozlMURERGTdZA++ADBy5EiMHDlS520HDx7Uun4j/3YLxYTre01YWhowejSwfr1mzMkJuH2bwZeIiIieSvalDqaIW5mZqOhooG5d7dAbGQmcPQvUry9bWURERGQeGHx14FZmJiY3F5g5E2jZErh+XRpzcwM2bAC++grw8pK1PCIiIjIPJrHUwdRwqYMJuXED6N1bmu1VadYM2LQJCA6WrSwiIiIyP5zx1YHB14TY2AAXLkiXbW2BWbOAQ4cYeomIiMhgDL46qNb42tkB5crJWgpVqACsWAGEhACHDwPTp0vfGCIiIiIDMfjqoJrxDQyUJhmpBP3xh7RzQ349e0pbljVpIk9NREREZBEYfJ+QmiptDQtwmUOJys4GJk4EWrcGRo0qeLuTU8nXRERERBaFwfcJXN8rg5gYoGlT4JNPpLZ5GzYAv/wid1VERERkYRh8n8CtzEqQEMDKlUC9esCpU9KYvT0wbx4QHi5vbURERGRxeJbQEzjjW0KSkoDBg4FduzRj1aoBW7awGQUREREVC874PoHBtwTs3QvUrq0deocPl2Z9GXqJiIiomHDG9wlsV1zM/vgD6NhRc93bG1izBujcWb6aiIiIyCpwxvcJqhlfhULazoyMrEULTfDt2BE4d46hl4iIiEoEZ3yfoAq+5coBDg7y1mKRFApg7Vrg22+BYcOk60REREQlgDO++Tx6BNy9K13mMgcjSEwEXn4Z2L9fe7xsWWlNL0MvERERlSDO+OYTF6e5zOD7nHbtAgYNApKTgbNnpa8yZeSuioiIiKwYZ3zz4R6+RpCRIS1h6NJFCr0AoFRqnzVIREREJAMG33y4ldlzOnkSCAuTmlKodO0K/P23NE5EREQkIwbffLiVWRHl5Unthps0kdoPA4CLC7B6NbBzp7RlGREREZHMuMY3Hy51KIKbN4F+/YCDBzVjYWFSB7aqVWUri4iIiOhJnPHNJ3/wrVBBvjrMyuPHwF9/SZcVCmDSJODoUYZeIiIiMjkMvvmogq+Pj/RJPemhShVg6VKp28eBA8CcOdwAmYiIiEwSg+9/srOBW7eky1zf+xTHj0sbHuc3cCBw4QLQurU8NRERERHpgcH3PzdvAkJIl7m+V4fcXGDWLKBZM2D8eO3bFAqgVCl56iIiIiLSE4Pvf7iV2VPExgKtWgEzZ0o7OCxfLi1rICIiIjIjDL7/4VZmOggBbNgA1K0LREdLY7a20sxvy5aylkZERERkKG5n9h9uZfaElBRg+HBg61bNWEgIsHmztF8vERERkZlh8P0Plzrkc+iQtDdvfLxmbMAAafcGNzfZyiIiKil5eXnIycmRuwwii+bg4AAbm5JdfMDg+x8G3/8cOgS0bas508/LS2pB3L27vHUREZUAIQQSExPx4MEDuUshsng2NjYIDg6GQwlug8rg+x/VGl8PD+nLarVoIZ3IpgrAGzYA5cvLXRURUYlQhV5fX1+4uLhAoVDIXRKRRVIqlbh9+zYSEhJQoUKFEvtdY/CFtFGB6lN9q1/fa2sLbNwIfPMN8O67QAl/BEFEJJe8vDx16C1Tpozc5RBZPB8fH9y+fRu5ubmwt7cvkedkqgGQkCBtUwtY2TKHpCSgWzfgyBHt8cBAYOxYhl4isiqqNb0ubN1JVCJUSxzy8vJK7Dk54wsr3cps717phLXERODUKeDsWcDdXe6qiIhkx+UNRCVDjt81TunByk5sy8yUljB07CiFXgBITwcuX5a1LCIiIqLixuALK9rD99w5oGFDYMkSzVjHjtJ4gwby1UVERCSTmJgYlC1bFg8fPpS7FIvTpEkT7NixQ+4ytDD4wgpmfJVKKew2bAicPy+NOTpK+/Lu3g2ULStvfURE9FwGDBgAhUIBhUIBe3t7BAcH4/3330dmZmaB+/74449o3bo13Nzc4OLigoYNG2LdunU6j7tjxw60adMGHh4eKFWqFGrXro0PPvgA9+/fL+ZXVHImTZqEUaNGwc2C96lftmwZgoKC4OTkhMaNG+P48ePPfMzixYtRrVo1ODs7IzAwEGPGjCnw83Tr1i307dsXZcqUgbOzM0JDQ3HixAn17VOnTsXEiROhVCqN/pqKisEXFr7GNyEB6NRJWt6QlSWNhYYCJ04Ao0YBXMtGRGQROnbsiISEBMTGxmLRokVYuXIlZsyYoXWfTz/9FF26dEHz5s1x7Ngx/P333+jZsyeGDRuG8ePHa913ypQpiIyMRMOGDfHzzz/j/PnzWLBgAc6ePYuNGzeW2OvKzs4utmPHxcXhxx9/xIABA57rOMVZ4/PaunUrxo4dixkzZuDUqVOoU6cOIiIicPfu3UIfs2XLFkycOBEzZszAxYsX8eWXX2Lr1q2YPHmy+j4pKSlo3rw57O3t8fPPP+PChQtYsGABvLy81Pd56aWX8PDhQ/z888/F+hoNIqxMamqqACBSU1PVY9WqCQEI4eIihFIpY3HF4fx5IRwdpRcICDFmjBCPH8tdFRGRyXn8+LG4cOGCeGyG/0ZGRUWJLl26aI29/vrrol69eurrcXFxwt7eXowdO7bA45cuXSoAiD///FMIIcSxY8cEALF48WKdz5eSklJoLfHx8aJnz57Cy8tLuLi4iLCwMPVxddX5zjvviNatW6uvt27dWowYMUK88847okyZMqJNmzaiV69eokePHlqPy87OFmXKlBHr168XQgiRl5cn5syZI4KCgoSTk5OoXbu2+OabbwqtUwgh5s+fLxo0aKA1lpycLHr27CnKlSsnnJ2dRa1atcSWLVu07qOrRiGEOHfunOjYsaNwdXUVvr6+om/fviIpKUn9uJ9//lk0b95ceHh4iNKlS4uXX35ZXL169ak1Pq9GjRqJESNGqK/n5eWJcuXKiblz5xb6mBEjRoh27dppjY0dO1Y0b95cfX3ChAmiRYsWz3z+gQMHir59++q87Wm/c7rymjFY/YyvEJqlDhUrWuAE6AsvAPPnS8sZ9u4FFi4EnJzkroqIyGw0aCD18SnJr+c97eL8+fM4evSoVkes7du3Iycnp8DMLgAMHToUpUqVwldffQUA2Lx5M0qVKoW3335b5/E9PT11jqenp6N169a4desWdu3ahbNnz+L99983+KPu9evXw8HBAUeOHMGKFSvQp08f/PDDD0hPT1ffZ+/evXj06BFee+01AMDcuXOxYcMGrFixAv/88w/GjBmDvn374tChQ4U+zx9//IEGT7zZmZmZCAsLw08//YTz58/jrbfeQr9+/QosD3iyxgcPHqBdu3aoV68eTpw4gT179uDOnTvo0aOH+jEZGRkYO3YsTpw4gf3798PGxgavvfbaU9+fOXPmoFSpUk/9iouL0/nY7OxsnDx5EuHh4eoxGxsbhIeHIzo6utDnbNasGU6ePKl+zbGxsdi9ezc6deqkvs+uXbvQoEEDdO/eHb6+vqhXrx5Wr15d4FiNGjXCH3/8UehzlTSr387s7l1powPAQpY5nD0LVK8ureFVGTkS6NtXaj9MREQGSUwEbt2Su4pn+/HHH1GqVCnk5uYiKysLNjY2+Oyzz9S3X758GR4eHvD39y/wWAcHB4SEhODyfzv8XLlyBSEhIQY3FdiyZQuSkpLw119/oXTp0gCAypUrG/xaqlSpgnnz5qmvV6pUCa6urvj222/Rr18/9XO9+uqrcHNzQ1ZWFubMmYN9+/ahadOmAICQkBAcPnwYK1euROvWrXU+z7///lsg+AYEBGj9cTBq1Cjs3bsX27ZtQ6NGjQqt8aOPPkK9evUwZ84c9diaNWsQGBiIy5cvo2rVqujWrZvWc61ZswY+Pj64cOECatWqpbPGYcOGaYVnXcqVK6dzPDk5GXl5efDz89Ma9/Pzw6VLlwo9Xu/evZGcnIwWLVpACIHc3FwMGzZMa6lDbGwsli9fjrFjx2Ly5Mn466+/MHr0aDg4OCAqKkqrtvj4eCiVStiYQH8Aqw++FnNiW14e8L//AVOnAu+8I11WUSgYeomIikiO83+L8pxt27bF8uXLkZGRgUWLFsHOzq5A0NKXEKJIjztz5gzq1aunDr1FFRYWpnXdzs4OPXr0wObNm9GvXz9kZGTg+++/x9dffw0AuHr1Kh49eoQXX3xR63HZ2dmoV69eoc/z+PFjOD3xKWheXh7mzJmDbdu24datW8jOzkZWVlaBxiZP1nj27FkcOHAApUqVKvA8165dQ9WqVXHlyhVMnz4dx44dQ3JysnqmNy4urtDgW7p06ed+Pw118OBBzJkzB59//jkaN26Mq1ev4p133sGHH36IadOmAZBaDjdo0EAd9OvVq4fz589jxYoVWsHX2dkZSqUSWVlZcHZ2LtHXoQuDryVsZRYfD/TrB6g+zlmwAOjaFWjRQtayiIgsQb6T1E2aq6urenZ1zZo1qFOnDr788ksMGjQIAFC1alWkpqbi9u3bBWYIs7Ozce3aNbRt21Z938OHDyMnJ8egWd9nBRsbG5sCoVrVMe/J1/KkPn36oHXr1rh79y5+/fVXODs7o2PHjgCgXgLx008/ISAgQOtxjvk/AX2Ct7c3UlJStMbmz5+PJUuWYPHixQgNDYWrqyvefffdAiewPVljeno6OnfujE8++aTA86hm2Tt37oyKFSti9erVKFeuHJRKJWrVqvXUk+PmzJmjNYusy4ULF1ChQgWdr8/W1hZ37tzRGr9z5w7KPuWvq2nTpqFfv34YPHgwACA0NBQZGRl46623MGXKFNjY2MDf3x81a9bUelyNGjUKbF92//59uLq6mkToBbirg/nP+G7bBtSurQm9CgUwaRKQ7+MYIiKyLjY2Npg8eTKmTp2Kx48fAwC6desGe3t7LFiwoMD9V6xYgYyMDPTq1QuA9FF3eno6Pv/8c53Hf/Dggc7x2rVr48yZM4Vud+bj44OEhAStsTNnzuj1mpo1a4bAwEBs3boVmzdvRvfu3dWhvGbNmnB0dERcXBwqV66s9RUYGFjoMevVq4cLFy5ojR05cgRdunRB3759UadOHa0lIE9Tv359/PPPPwgKCipQg6urK+7du4eYmBhMnToV7du3R40aNQqEbl2GDRuGM2fOPPWrsKUODg4OCAsLw/79+9VjSqUS+/fvVy8J0eXRo0cFliXY2toC0Hwa0Lx5c8TExGjd5/Lly6j4RJg6f/78U2fdS5xRT5UzA0+eJThihGbDgyNHZC7OEKmpQkRFaYoHhAgMFOLgQbkrIyIyS5a2q0NOTo4ICAgQ8+fPV48tWrRI2NjYiMmTJ4uLFy+Kq1evigULFghHR0cxbtw4rce///77wtbWVrz33nvi6NGj4saNG2Lfvn3ijTfeKHS3h6ysLFG1alXRsmVLcfjwYXHt2jWxfft2cfToUSGEEHv27BEKhUKsX79eXL58WUyfPl24u7sX2NXhnXfe0Xn8KVOmiJo1awo7Ozvxxx9/FLitTJkyYt26deLq1avi5MmTYunSpWLdunWFvm+7du0Svr6+Ijc3Vz02ZswYERgYKI4cOSIuXLggBg8eLNzd3bXeX1013rp1S/j4+Ig33nhDHD9+XFy9elXs2bNHDBgwQOTm5oq8vDxRpkwZ0bdvX3HlyhWxf/9+0bBhQwFAfPvtt4XW+Ly+/vpr4ejoKNatWycuXLgg3nrrLeHp6SkSExPV9+nXr5+YOHGi+vqMGTOEm5ub+Oqrr0RsbKz45ZdfRKVKlbR21jh+/Liws7MTs2fPFleuXBGbN28WLi4uYtOmTVrP37p1a/HBBx/orE2OXR2sPvi+8oomN966JXNx+jp6VIiQEO3QGxkpxP37cldGRGS2LC34CiHE3LlzhY+Pj0hPT1ePff/996Jly5bC1dVVODk5ibCwMLFmzRqdx926dato1aqVcHNzE66urqJ27drigw8+eOp2Zjdu3BDdunUT7u7uwsXFRTRo0EAcO3ZMffv06dOFn5+f8PDwEGPGjBEjR47UO/heuHBBABAVK1YUyif2H1UqlWLx4sWiWrVqwt7eXvj4+IiIiAhx6NChQmvNyckR5cqVE3v27FGP3bt3T3Tp0kWUKlVK+Pr6iqlTp4r+/fs/M/gKIcTly5fFa6+9Jjw9PYWzs7OoXr26ePfdd9W1/vrrr6JGjRrC0dFR1K5dWxw8eLDYg68QQnz66aeiQoUKwsHBQTRq1Ei9vVz+1xMVFaW+npOTI2bOnCkqVaoknJycRGBgoHj77bcLfN9/+OEHUatWLeHo6CiqV68uVq1apXX7zZs3hb29vYiPj9dZlxzBVyFEEVewm6m0tDR4eHggNTUV7u7uqF1b6tjr4AA8fgyYwAmHT3fwIBAeLp3MBgBubsCyZdKuDRa3FxsRUcnJzMzE9evXERwcXOCEJ7Jcy5Ytw65du7B37165S7E4EyZMQEpKClatWqXz9qf9zj2Z14zFqk9uy7+Hb2CgGYReAGjeHAgLA44fB5o1AzZtAoKD5a6KiIjILA0dOhQPHjzAw4cPLbptsRx8fX0xduxYucvQYtXB98EDIC1Numw2J7bZ2wObNwNbtwITJgB2Vv0tJCIiei52dnaYMmWK3GVYpHHjxsldQgHmMMdZbEx+K7OUFKBPH+DkSe3xypWBKVMYeomIiIgMYNXJyaS3Mjt4UNqb9+ZNKfieOgU8sXk2EREREenPqmd8b9zQXDaZ4JudDUycCLRrJ4VeQOqr/M8/8tZFREREZOY44/sfkwi+MTFA797S7K5K27bAhg1A+fLy1UVERERkAax6xtdk1vgKAaxcCdSrpwm99vbAvHnAvn0MvURERERGwBlfSNuYPdHau+QkJQGDBwO7dmnGqlUDtmwB6teXqSgiIiIiy2PVM76qNb4BAdIEqyzi44HduzXXhw+XZn0ZeomIiIiMymqDb0YGcO+edFnWZQ716wMffQR4e0uzvp9/zt0biIjIrCgUCnz33Xdyl2GyZs6cibp168pdBsGKg298vOZyiZ7YdukSkJOjPTZ+vLRrQ+fOJVgIERFZigEDBkChUEChUMDe3h7BwcF4//33kZmZKXdpxS4xMRHvvPMOKleuDCcnJ/j5+aF58+ZYvnw5Hj16JHd5AIDx48dj//79cpdBsOI1vnFxmsslEnyVSuDTT6VuaxMmALNmaW6ztQV8fUugCCIislQdO3bE2rVrkZOTg5MnTyIqKgoKhQKffPKJ3KUVm9jYWDRv3hyenp6YM2cOQkND4ejoiHPnzmHVqlUICAjAq6++KneZKFWqFEqVKiV3GQQrnvEt0eCbkAB06gS8+y6QlSUtbTh+vJiflIiIrImjoyPKli2LwMBAdO3aFeHh4fj111/Vt9+7dw+9evVCQEAAXFxcEBoaiq+++krrGG3atMHo0aPx/vvvo3Tp0ihbtixmzpypdZ8rV66gVatWcHJyQs2aNbWeQ+XcuXNo164dnJ2dUaZMGbz11ltIT09X3z5gwAB07doVc+bMgZ+fHzw9PfHBBx8gNzcX7733HkqXLo3y5ctj7dq1T33Nb7/9Nuzs7HDixAn06NEDNWrUQEhICLp06YKffvoJnf/7JPXGjRtQKBQ4c+aM+rEPHjyAQqHAwYMH1WPnz5/HSy+9hFKlSsHPzw/9+vVDcnKy+vbt27cjNDRU/brCw8ORkZEBADh48CAaNWoEV1dXeHp6onnz5vj3v7Pon1zqoHr9//vf/+Dv748yZcpgxIgRyMn3iXBCQgJefvllODs7Izg4GFu2bEFQUBAWL1781PeEns5qg2/+pQ7Fusb3+++B2rWBvXs1Y6NHS2NERGQeFi6UtpZ81peu2cVXX9XvsQsXGq3c8+fP4+jRo3BwcFCPZWZmIiwsDD/99BPOnz+Pt956C/369cPxJyZi1q9fD1dXVxw7dgzz5s3DBx98oA63SqUSr7/+OhwcHHDs2DGsWLECEyZM0Hp8RkYGIiIi4OXlhb/++gvffPMN9u3bh5EjR2rd77fffsPt27fx+++/Y+HChZgxYwZeeeUVeHl54dixYxg2bBiGDh2Km6pmTk+4d+8efvnlF4wYMQKurq4676NQKPR+zx48eIB27dqhXr16OHHiBPbs2YM7d+6gR48eAKQg2qtXL7z55pu4ePEiDh48iNdffx1CCOTm5qJr165o3bo1/v77b0RHR+Ott9566vMfOHAA165dw4EDB7B+/XqsW7cO69atU9/ev39/3L59GwcPHsSOHTuwatUq3L17V+/XQ4UQViY1NVUAEN26pQppA10hYmKK4YnS04UYOlSonwQQomxZIfbuLYYnIyKi5/X48WNx4cIF8fjx44I3zpih/e95YV9NmhR8bJMm+j12xowi1x4VFSVsbW2Fq6urcHR0FACEjY2N2L59+1Mf9/LLL4tx48apr7du3Vq0aNFC6z4NGzYUEyZMEEIIsXfvXmFnZydu3bqlvv3nn38WAMS3334rhBBi1apVwsvLS6Snp6vv89NPPwkbGxuRmJiorrdixYoiLy9PfZ9q1aqJli1bqq/n5uYKV1dX8dVXX+ms/c8//xQAxM6dO7XGy5QpI1xdXYWrq6t4//33hRBCXL9+XQAQp0+fVt8vJSVFABAHDhwQQgjx4Ycfig4dOmgdKz4+XgAQMTEx4uTJkwKAuHHjRoFa7t27JwCIgwcP6qx1xowZok6dOurrqtefm5urHuvevbuIjIwUQghx8eJFAUD89ddf6tuvXLkiAIhFixbpfA5z9LTfOVVeS01NNepzWu0a3/zNKypUMPLBT56UOrBdvqwZ69IF+OILafcGIiIyL+7u+m347uOje0yfx7q7G15XPm3btsXy5cuRkZGBRYsWwc7ODt26dVPfnpeXhzlz5mDbtm24desWsrOzkZWVBZcndhKq/cQnkv7+/uqZxosXLyIwMBDlypVT3960aVOt+1+8eBF16tTRmoVt3rw5lEolYmJi4OfnBwB44YUXYGOj+eDZz88PtWrVUl+3tbVFmTJlDJ7lPH78OJRKJfr06YOsrCy9H3f27FkcOHBA51rca9euoUOHDmjfvj1CQ0MRERGBDh064I033oCXlxdKly6NAQMGICIiAi+++CLCw8PRo0cP+Pv7F/p8L7zwAmxtbdXX/f39ce7cOQBATEwM7OzsUD/f1qaVK1eGl5eX3q+HdLPa4Kta6lC2LODkZMQD//YbEBEB5OZK111cgMWLpSYVBnzkQkREJmTsWOmrKPI3KCpGrq6uqFy5MgBgzZo1qFOnDr788ksMGjQIADB//nwsWbIEixcvRmhoKFxdXfHuu+8iOztb6zj2T2xsr1AooFQqjV6vrucx5LkrV64MhUKBmJgYrfGQkBAAgLOzs3pMFbCFEOqxnCd2WEpPT0fnzp11ngzo7+8PW1tb/Prrrzh69Ch++eUXfPrpp5gyZQqOHTuG4OBgrF27FqNHj8aePXuwdetWTJ06Fb/++iuaNGmi9+svjveZtFntGt87d6T/Gv3EtubNgZo1pcthYcDp08CQIQy9RERUYmxsbDB58mRMnToVjx8/BgAcOXIEXbp0Qd++fVGnTh2EhITgcv5PJvVQo0YNxMfHIyEhQT32559/FrjP2bNn1Sd9qZ7bxsYG1apVe45Xpa1MmTJ48cUX8dlnn2k9ly4+/83E5687/4luAFC/fn38888/CAoKQuXKlbW+VLPXCoUCzZs3x6xZs3D69Gk4ODjg22+/VR+jXr16mDRpEo4ePYpatWphy5YtRXpt1apVQ25uLk6fPq0eu3r1KlJSUop0PNKw2uCrYvTg6+gotRueMgU4ehSoWtXIT0BERPRs3bt3h62tLZYtWwYAqFKlinrG8uLFixg6dCjuqGaB9BQeHo6qVasiKioKZ8+exR9//IEpU6Zo3adPnz5wcnJCVFQUzp8/jwMHDmDUqFHo16+fepmDsXz++efIzc1FgwYNsHXrVly8eBExMTHYtGkTLl26pF5K4OzsjCZNmuDjjz/GxYsXcejQIUydOlXrWCNGjMD9+/fRq1cv/PXXX7h27Rr27t2LgQMHIi8vD8eOHcOcOXNw4sQJxMXFYefOnUhKSkKNGjVw/fp1TJo0CdHR0fj333/xyy+/4MqVK6hRo0aRXlf16tURHh6Ot956C8ePH8fp06fx1ltvwdnZ2aAT9qggBt/nCb5padJs7j//aI+/8IK0ZVm+s2mJiIhKkp2dHUaOHIl58+YhIyMDU6dORf369REREYE2bdqgbNmy6Nq1q0HHtLGxwbfffovHjx+jUaNGGDx4MGbPnq11HxcXF+zduxf3799Hw4YN8cYbb6B9+/b47LPPjPjqJJUqVcLp06cRHh6OSZMmoU6dOmjQoAE+/fRTjB8/Hh9++KH6vmvWrEFubi7CwsLw7rvv4qOPPtI6Vrly5XDkyBHk5eWhQ4cOCA0NxbvvvgtPT0/Y2NjA3d0dv//+Ozp16oSqVati6tSpWLBgAV566SW4uLjg0qVL6NatG6pWrYq33noLI0aMwNChQ4v82jZs2AA/Pz+0atUKr732GoYMGQI3Nzc4GXV9pvVRiPwLXqxAWloaPDw8AKQCcMeyZcDbbxfhQNHRQN++QGystDXZ8ePSbC8REZmlzMxMXL9+HcHBwQwXZHJu3ryJwMBA7Nu3D+3bt5e7HKN42u+cKq+lpqbC/TlP/MzPak9uUzF4xjc3F5g9G/jwQyAvTxq7fh34+2+gYUOj10dERETW57fffkN6ejpCQ0ORkJCA999/H0FBQWjVqpXcpZk1Bl9Dgm9srDTLGx2tGWvWDNi0CQgONnptREREZJ1ycnIwefJkxMbGws3NDc2aNcPmzZsL7AZBhmHw1Sf4CgFs3AiMHAk8fCiN2doC06cDkycDdlb/NhIREZERRUREICIiQu4yLI5VJ7bSpQE3t2fcKSUFGD4c2LpVMxYSAmzeDBSyNx8RERERmR6r3tVBr9neixeBb77RXB8wADhzhqGXiMhCWdk530SykeN3jcH3WZo1k/bk9fQEtm0D1q7VY5qYiIjMjWrt5KNHj2SuhMg6qLoG5m/dXNyseqlDUJCOwevXgQoVpDW8KtOmAUOH6tdrnYiIzJKtrS08PT1x9+5dANJ+tGwWQFQ8lEolkpKS4OLiArsSPFfKqoOv1oyvEMCqVcCYMcCMGcCECZrb7O0ZeomIrEDZsmUBQB1+iaj42NjYoEKFCiX6ByaDLwAkJQGDBwO7dknXp04FOnQA6tWTrTYiIip5CoUC/v7+8PX1RU5OjtzlEFk0BwcH2NiU7KpbBt+9e6UT1hITNTcMHgxUqyZXWUREJDNbW9sSXXdIRCXDJE5uW7ZsGYKCguDk5ITGjRvj+PHjT73/N998g+rVq8PJyQmhoaHYvXu3wc/pgEzUXPUu0LGjJvR6e0uzvsuXAy4uRXglRERERGSqZA++W7duxdixYzFjxgycOnUKderUQURERKHrq44ePYpevXph0KBBOH36NLp27YquXbvi/PnzBj3v74o2cFq5RDPQsSNw7hzQufNzvBoiIiIiMlUKIfOGhY0bN0bDhg3x2WefAZDO8gsMDMSoUaMwceLEAvePjIxERkYGfvzxR/VYkyZNULduXaxYseKZz5eWlgYPDw+kAnAHAEdHYP58qSsbz94lIiIikp06r6Wmwt3d3WjHlXWNb3Z2Nk6ePIlJkyapx2xsbBAeHo7o6Gidj4mOjsbYsWO1xiIiIvDdd9/pvH9WVhaysrLU11NTUwEAaQBQsybw5ZfSf1WtiImIiIhIVmlpaQCM3+RC1uCbnJyMvLw8+Pn5aY37+fnh0qVLOh+TmJio8/6J+U9Oy2fu3LmYNWtWgfFAALhwAWjatEi1ExEREVHxunfvHjw8PIx2PIvf1WHSpElaM8QPHjxAxYoVERcXZ9Q3kkxTWloaAgMDER8fb9SPSsg08fttXfj9ti78fluX1NRUVKhQAaVLlzbqcWUNvt7e3rC1tcWdO3e0xu/cuaPeRPxJZcuWNej+jo6OcHR0LDDu4eHBXxwr4u7uzu+3FeH327rw+21d+P22Lsbe51fWXR0cHBwQFhaG/fv3q8eUSiX279+PpoUsQWjatKnW/QHg119/LfT+RERERESACSx1GDt2LKKiotCgQQM0atQIixcvRkZGBgYOHAgA6N+/PwICAjB37lwAwDvvvIPWrVtjwYIFePnll/H111/jxIkTWLVqlZwvg4iIiIhMnOzBNzIyEklJSZg+fToSExNRt25d7NmzR30CW1xcnNY0d7NmzbBlyxZMnToVkydPRpUqVfDdd9+hVq1aej2fo6MjZsyYoXP5A1kefr+tC7/f1oXfb+vC77d1Ka7vt+z7+BIRERERlQTZO7cREREREZUEBl8iIiIisgoMvkRERERkFRh8iYiIiMgqWGTwXbZsGYKCguDk5ITGjRvj+PHjT73/N998g+rVq8PJyQmhoaHYvXt3CVVKxmDI93v16tVo2bIlvLy84OXlhfDw8Gf+fJBpMfT3W+Xrr7+GQqFA165di7dAMipDv98PHjzAiBEj4O/vD0dHR1StWpX/ppsRQ7/fixcvRrVq1eDs7IzAwECMGTMGmZmZJVQtPY/ff/8dnTt3Rrly5aBQKPDdd9898zEHDx5E/fr14ejoiMqVK2PdunWGP7GwMF9//bVwcHAQa9asEf/8848YMmSI8PT0FHfu3NF5/yNHjghbW1sxb948ceHCBTF16lRhb28vzp07V8KVU1EY+v3u3bu3WLZsmTh9+rS4ePGiGDBggPDw8BA3b94s4cqpKAz9fqtcv35dBAQEiJYtW4ouXbqUTLH03Az9fmdlZYkGDRqITp06icOHD4vr16+LgwcPijNnzpRw5VQUhn6/N2/eLBwdHcXmzZvF9evXxd69e4W/v78YM2ZMCVdORbF7924xZcoUsXPnTgFAfPvtt0+9f2xsrHBxcRFjx44VFy5cEJ9++qmwtbUVe/bsMeh5LS74NmrUSIwYMUJ9PS8vT5QrV07MnTtX5/179OghXn75Za2xxo0bi6FDhxZrnWQchn6/n5Sbmyvc3NzE+vXri6tEMqKifL9zc3NFs2bNxBdffCGioqIYfM2Iod/v5cuXi5CQEJGdnV1SJZIRGfr9HjFihGjXrp3W2NixY0Xz5s2LtU4yPn2C7/vvvy9eeOEFrbHIyEgRERFh0HNZ1FKH7OxsnDx5EuHh4eoxGxsbhIeHIzo6WudjoqOjte4PABEREYXen0xHUb7fT3r06BFycnJQunTp4iqTjKSo3+8PPvgAvr6+GDRoUEmUSUZSlO/3rl270LRpU4wYMQJ+fn6oVasW5syZg7y8vJIqm4qoKN/vZs2a4eTJk+rlELGxsdi9ezc6depUIjVTyfp/e/caE8XVxgH8z4LLrrhoqNJlC95QqLFa5aLFS6zWVkxVKiq0EkRFsVLEaLUSb0B9UbSKUaNVawVriaBGqxEFRaWFNW29sNAILqKgNoKN2ogolMue94Nh0pVLXYpg2f8vmQ9z5pwzz5mTDc8eZmZbKl9r819ua0n3799HbW2t9KtvdV5//XVcu3atwTalpaUN1i8tLX1pcVLLaM58P2/ZsmXQaDT1Pkz06mnOfGdlZeHbb7+FTqdrhQipJTVnvm/evIlz584hICAAJ0+eRGFhIUJDQ1FdXY3IyMjWCJuaqTnzPX36dNy/fx8jRoyAEAI1NTX49NNPsXz58tYImVpZY/laWVkZKioqoFQqX6ifdrXiS2SK2NhYJCUl4ejRo1AoFG0dDrWwx48fIzAwEN988w26du3a1uFQKzAYDLC3t8fu3bvh7u4Of39/rFixAjt37mzr0OglyMjIwNq1a7Fjxw5cuXIFR44cQUpKCtasWdPWodErrF2t+Hbt2hWWlpa4d++eUfm9e/egVqsbbKNWq02qT6+O5sx3nY0bNyI2Nhbp6ekYOHDgywyTWoip833jxg0UFxdj4sSJUpnBYAAAWFlZQa/Xw9nZ+eUGTc3WnM+3g4MDOnToAEtLS6msX79+KC0tRVVVFeRy+UuNmZqvOfO9atUqBAYGYs6cOQCAAQMG4MmTJwgJCcGKFSsgk3Ftrz1pLF+ztbV94dVeoJ2t+Mrlcri7u+Ps2bNSmcFgwNmzZ+Hl5dVgGy8vL6P6AHDmzJlG69OroznzDQAbNmzAmjVrkJqaCg8Pj9YIlVqAqfP95ptv4rfffoNOp5O2SZMmYfTo0dDpdHBycmrN8MlEzfl8Dx8+HIWFhdIXHAAoKCiAg4MDk95XXHPm++nTp/WS27ovPc+el6L2pMXyNdOeu3v1JSUlCWtra5GQkCDy8vJESEiI6NKliygtLRVCCBEYGCgiIiKk+lqtVlhZWYmNGzeK/Px8ERkZydeZ/YeYOt+xsbFCLpeLw4cPi5KSEml7/PhxWw2BTGDqfD+Pb3X4bzF1vm/fvi1UKpUICwsTer1enDhxQtjb24v//e9/bTUEMoGp8x0ZGSlUKpU4cOCAuHnzpjh9+rRwdnYWfn5+bTUEMsHjx49Fdna2yM7OFgBEXFycyM7OFrdu3RJCCBERESECAwOl+nWvM1u6dKnIz88X27dv5+vM6mzbtk10795dyOVyMWTIEPHzzz9Lx0aNGiWCgoKM6h88eFC4uLgIuVwu+vfvL1JSUlo5Yvo3TJnvHj16CAD1tsjIyNYPnJrF1M/33zHx/e8xdb4vXLgghg4dKqytrUXv3r1FTEyMqKmpaeWoqblMme/q6moRFRUlnJ2dhUKhEE5OTiI0NFT8+eefrR84mez8+fMN/j2um+OgoCAxatSoem0GDRok5HK56N27t4iPjzf5vBZC8P8BRERERNT+tat7fImIiIiIGsPEl4iIiIjMAhNfIiIiIjILTHyJiIiIyCww8SUiIiIis8DEl4iIiIjMAhNfIiIiIjILTHyJiIiIyCww8SUiApCQkIAuXbq0dRjNZmFhgR9++KHJOjNnzsRHH33UKvEQEb2KmPgSUbsxc+ZMWFhY1NsKCwvbOjQkJCRI8chkMjg6OmLWrFn4448/WqT/kpISjB8/HgBQXFwMCwsL6HQ6ozpbtmxBQkJCi5yvMVFRUdI4LS0t4eTkhJCQEDx8+NCkfpikE9HLYNXWARARtSRvb2/Ex8cblXXr1q2NojFma2sLvV4Pg8GAnJwczJo1C3fv3kVaWtq/7lutVv9jnc6dO//r87yI/v37Iz09HbW1tcjPz8fs2bPx6NEjJCcnt8r5iYgawxVfImpXrK2toVarjTZLS0vExcVhwIABsLGxgZOTE0JDQ1FeXt5oPzk5ORg9ejRUKhVsbW3h7u6OS5cuScezsrIwcuRIKJVKODk5ITw8HE+ePGkyNgsLC6jVamg0GowfPx7h4eFIT09HRUUFDAYDvvzySzg6OsLa2hqDBg1Camqq1LaqqgphYWFwcHCAQqFAjx49sG7dOqO+62516NWrFwBg8ODBsLCwwLvvvgvAeBV19+7d0Gg0MBgMRjH6+Phg9uzZ0v6xY8fg5uYGhUKB3r17Izo6GjU1NU2O08rKCmq1Gm+88QbGjh2LadOm4cyZM9Lx2tpaBAcHo1evXlAqlXB1dcWWLVuk41FRUdi3bx+OHTsmrR5nZGQAAO7cuQM/Pz906dIFdnZ28PHxQXFxcZPxEBHVYeJLRGZBJpNh69atuHr1Kvbt24dz587hiy++aLR+QEAAHB0dcfHiRVy+fBkRERHo0KEDAODGjRvw9vbGlClTkJubi+TkZGRlZSEsLMykmJRKJQwGA2pqarBlyxZs2rQJGzduRG5uLsaNG4dJkybh+vXrAICtW7fi+PHjOHjwIPR6PRITE9GzZ88G+/31118BAOnp6SgpKcGRI0fq1Zk2bRoePHiA8+fPS2UPHz5EamoqAgICAACZmZmYMWMGFi5ciLy8POzatQsJCQmIiYl54TEWFxcjLS0NcrlcKjMYDHB0dMShQ4eQl5eH1atXY/ny5Th48CAAYMmSJfDz84O3tzdKSkpQUlKCYcOGobq6GuPGjYNKpUJmZia0Wi06deoEb29vVFVVvXBMRGTGBBFROxEUFCQsLS2FjY2NtE2dOrXBuocOHRKvvfaatB8fHy86d+4s7atUKpGQkNBg2+DgYBESEmJUlpmZKWQymaioqGiwzfP9FxQUCBcXF+Hh4SGEEEKj0YiYmBijNp6eniI0NFQIIcSCBQvEmDFjhMFgaLB/AOLo0aNCCCGKiooEAJGdnW1UJygoSPj4+Ej7Pj4+Yvbs2dL+rl27hEajEbW1tUIIId577z2xdu1aoz72798vHBwcGoxBCCEiIyOFTCYTNjY2QqFQCAACgIiLi2u0jRBCfPbZZ2LKlCmNxlp3bldXV6Nr8NdffwmlUinS0tKa7J+ISAgheI8vEbUro0ePxtdffy3t29jYAHi2+rlu3Tpcu3YNZWVlqKmpQWVlJZ4+fYqOHTvW62fx4sWYM2cO9u/fL/273tnZGcCz2yByc3ORmJgo1RdCwGAwoKioCP369WswtkePHqFTp04wGAyorKzEiBEjsGfPHpSVleHu3bsYPny4Uf3hw4cjJycHwLPbFN5//324urrC29sbEyZMwAcffPCvrlVAQADmzp2LHTt2wNraGomJifj4448hk8mkcWq1WqMV3tra2iavGwC4urri+PHjqKysxPfffw+dTocFCxYY1dm+fTv27t2L27dvo6KiAlVVVRg0aFCT8ebk5KCwsBAqlcqovLKyEjdu3GjGFSAic8PEl4jaFRsbG/Tp08eorLi4GBMmTMD8+fMRExMDOzs7ZGVlITg4GFVVVQ0mcFFRUZg+fTpSUlJw6tQpREZGIikpCZMnT0Z5eTnmzZuH8PDweu26d+/eaGwqlQpXrlyBTCaDg4MDlEolAKCsrOwfx+Xm5oaioiKcOnUK6enp8PPzw9ixY3H48OF/bNuYiRMnQgiBlJQUeHp6IjMzE5s3b5aOl5eXIzo6Gr6+vvXaKhSKRvuVy+XSHMTGxuLDDz9EdHQ01qxZAwBISkrCkiVLsGnTJnh5eUGlUuGrr77CL7/80mS85eXlcHd3N/rCUedVeYCRiF5tTHyJqN27fPkyDAYDNm3aJK1m1t1P2hQXFxe4uLhg0aJF+OSTTxAfH4/JkyfDzc0NeXl59RLsfyKTyRpsY2trC41GA61Wi1GjRknlWq0WQ4YMMarn7+8Pf39/TJ06Fd7e3nj48CHs7OyM+qu7n7a2trbJeBQKBXx9fZGYmIjCwkK4urrCzc1NOu7m5ga9Xm/yOJ+3cuVKjBkzBvPnz5fGOWzYMISGhkp1nl+xlcvl9eJ3c3NDcnIy7O3tYWtr+69iIiLzxIfbiKjd69OnD6qrq7Ft2zbcvHkT+/fvx86dOxutX1FRgbCwMGRkZODWrVvQarW4ePGidAvDsmXLcOHCBYSFhUGn0+H69es4duyYyQ+3/d3SpUuxfv16JCcnQ6/XIyIiAjqdDgsXLgQAxMXF4cCBA7h27RoKCgpw6NAhqNXqBn90w97eHkqlEqmpqbh37x4ePXrU6HkDAgKQkpKCvXv3Sg+11Vm9ejW+++47REdH4+rVq8jPz0dSUhJWrlxp0ti8vLwwcOBArF27FgDQt29fXLp0CWlpaSgoKMCqVatw8eJFozY9e/ZEbm4u9Ho97t+/j+rqagQEBKBr167w8fFBZmYmioqKkJGRgfDwcPz+++8mxURE5omJLxG1e2+//Tbi4uKwfv16vPXWW0hMTDR6FdjzLC0t8eDBA8yYMQMuLi7w8/PD+PHjER0dDQAYOHAgfvzxRxQUFGDkyJEYPHgwVq9eDY1G0+wYw8PDsXjxYnz++ecYMGAAUlNTcfz4cfTt2xfAs9skNmzYAA8PD3h6eqK4uBgnT56UVrD/zsrKClu3bsWuXbug0Wjg4+PT6HnHjBkDOzs76PV6TJ8+3ejYuHHjcOLECZw+fRqenp545513sHnzZvTo0cPk8S1atAh79uzBnTt3MG/ePPj6+sLf3x9Dhw7FgwcPjFZ/AWDu3LlwdXWFh4cHunXrBq1Wi44dO+Knn35C9+7d4evri379+iE4OBiVlZVcASaiF2IhhBBtHQQRERER0cvGFV8iIiIiMgtMfImIiIjILDDxJSIiIiKzwMSXiIiIiMwCE18iIiIiMgtMfImIiIjILDDxJSIiIiKzwMSXiIiIiMwCE18iIiIiMgtMfImIiIjILDDxJSIiIiKz8H/BKqllzVINGgAAAABJRU5ErkJggg==", "text/plain": [ "
" ] @@ -298120,37 +298236,37 @@ }, { "cell_type": "code", - "execution_count": 93, + "execution_count": 25, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ - "\u001b[1m8/8\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m0s\u001b[0m 11ms/step\n", - "\u001b[1m8/8\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m0s\u001b[0m 11ms/step\n", - "\u001b[1m8/8\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m0s\u001b[0m 11ms/step\n", - "\u001b[1m8/8\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m0s\u001b[0m 11ms/step\n", - "\u001b[1m8/8\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m0s\u001b[0m 11ms/step\n", - "\u001b[1m8/8\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m0s\u001b[0m 11ms/step\n", - "\u001b[1m8/8\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m0s\u001b[0m 11ms/step\n", - "\u001b[1m8/8\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m0s\u001b[0m 11ms/step\n", - "\u001b[1m8/8\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m0s\u001b[0m 11ms/step\n", - "\u001b[1m8/8\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m0s\u001b[0m 11ms/step\n", - "Time taken for training with the neural network: 144.79 seconds\n", + "\u001b[1m8/8\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m0s\u001b[0m 19ms/step\n", + "\u001b[1m8/8\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m0s\u001b[0m 22ms/step\n", + "\u001b[1m8/8\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m0s\u001b[0m 22ms/step\n", + "\u001b[1m8/8\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m0s\u001b[0m 21ms/step\n", + "\u001b[1m8/8\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m0s\u001b[0m 21ms/step\n", + "\u001b[1m8/8\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m0s\u001b[0m 24ms/step\n", + "\u001b[1m8/8\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m0s\u001b[0m 22ms/step\n", + "\u001b[1m8/8\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m0s\u001b[0m 26ms/step\n", + "\u001b[1m8/8\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m0s\u001b[0m 18ms/step\n", + "\u001b[1m8/8\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m0s\u001b[0m 18ms/step\n", + "Time taken for training with the neural network: 240.62 seconds\n", "\n", - "Mean Accuracy: 0.8171697786998617\n", - "Standard Deviation of Accuracy: 0.025152576721826293\n", - "Mean Precision: 0.8447036380270042\n", - "Standard Deviation of Precision: 0.049722555808341035\n", - "Mean Recall: 0.573082574199236\n", - "Standard Deviation of Recall: 0.06651505892612729\n", - "Mean F1-score: 0.6804141722616107\n", - "Standard Deviation of F1-score: 0.05216772057265371\n", - "Mean ROC AUC: 0.7586710137786473\n", - "Standard Deviation of ROC AUC: 0.033583387972268466\n", + "Mean Accuracy: 0.8125916320885201\n", + "Standard Deviation of Accuracy: 0.018187147044301306\n", + "Mean Precision: 0.7740722666721951\n", + "Standard Deviation of Precision: 0.07639600048705199\n", + "Mean Recall: 0.662973846605936\n", + "Standard Deviation of Recall: 0.09265153718002667\n", + "Mean F1-score: 0.705410204420142\n", + "Standard Deviation of F1-score: 0.03544368787170356\n", + "Mean ROC AUC: 0.7767118688806508\n", + "Standard Deviation of ROC AUC: 0.02711535539028044\n", "\n", - "Total time taken: 144.79 seconds\n" + "Total time taken: 240.62 seconds\n" ] } ], @@ -298165,17 +298281,15 @@ "def build_model():\n", " model = Sequential()\n", " model.add(InputLayer(input_shape=(13,)))\n", - " model.add(Dense(10, activation='elu'))\n", - " model.add(Dense(20, activation='elu'))\n", - " model.add(Dense(40, activation='elu'))\n", - " model.add(Dense(80, activation='elu'))\n", - " model.add(Dense(100, activation='elu'))\n", - " model.add(Dense(200, activation='elu'))\n", - " model.add(Dense(100, activation='elu'))\n", - " model.add(Dense(80, activation='elu'))\n", - " model.add(Dense(40, activation='elu'))\n", - " model.add(Dense(20, activation='elu'))\n", - " model.add(Dense(10, activation='elu'))\n", + " model.add(Dense(10, activation='relu'))\n", + " model.add(Dense(20, activation='relu'))\n", + " model.add(Dense(40, activation='relu'))\n", + " model.add(Dense(80, activation='relu'))\n", + " model.add(Dense(100, activation='relu'))\n", + " model.add(Dense(80, activation='relu'))\n", + " model.add(Dense(40, activation='relu'))\n", + " model.add(Dense(20, activation='relu'))\n", + " model.add(Dense(10, activation='relu'))\n", " model.add(Dense(1, activation='sigmoid'))\n", " model.compile(loss='binary_crossentropy', optimizer='adam', metrics=['accuracy'])\n", " return model\n", @@ -298259,6 +298373,322 @@ "print(f\"Total time taken: {total_time:.2f} seconds\")" ] }, + { + "cell_type": "code", + "execution_count": 26, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAkAAAAGwCAYAAABB4NqyAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8pXeV/AAAACXBIWXMAAA9hAAAPYQGoP6dpAADBTklEQVR4nOzdd3hTdRfA8W+S7j3pHpSWvRGQvQpFZCPDwVLBrYgLFERx4ER8HaCAAqKyUUF22XtvKNC9915pk7x/3LZQKdCRNGn7+zxPHtP03ptTbJOT3zhHptFoNAiCIAiCIDQgcn0HIAiCIAiCUNtEAiQIgiAIQoMjEiBBEARBEBockQAJgiAIgtDgiARIEARBEIQGRyRAgiAIgiA0OCIBEgRBEAShwTHSdwCGSK1WExcXh7W1NTKZTN/hCIIgCIJQCRqNhuzsbNzd3ZHL7z/GIxKgCsTFxeHl5aXvMARBEARBqIbo6Gg8PT3ve4xIgCpgbW0NSP+ANjY2eo5GEARBEITKyMrKwsvLq+x9/H5EAlSB0mkvGxsbkQAJgiAIQh1TmeUrYhG0IAiCIAgNjkiABEEQBEFocEQCJAiCIAhCgyMSIEEQBEEQGhyRAAmCIAiC0OCIBEgQBEEQhAZHJECCIAiCIDQ4IgESBEEQBKHBEQmQIAiCIAgNjkiABEEQBEFocEQCJAiCIAhCgyMSIEEQBEEQGhyRAAmCIAgVU6tBmafvKARBJ0QCJAiCINwt6Tos6QFfNYXMWH1HIwhaJxIgQRAEobzzf8DSfpB0FZTZcG2LviMSBK0TCZAgCIIgUebBXy/BXy9AUR5YOkuP39yl37gEQQdEAiQIgiBIU15L+8P51SCTQ/85MLlk5CfiMChz9RufIGiZkb4DEARBEPTs/J/w70xp1MfKBcYsh8a9QKMBO2/IiILwQ9BssL4jFQStESNAgiAIDZUyD/5+Cf56Xkp+/PrC84el5AdAJoOAQdJ9MQ0m1DMiARIEQWiIkkOkKa9zJVNe/ebAU5vAqlH548oSoN3SiJAg1BNiCkwQBKGhubAWtr4ORbklU17LoHHvio/17QUKU8iMkpKmRs1rN1ZB0BExAiQIgtBQKPPg75dh83Qp+Wncp2TK6x7JD4CJxe0pMTENJtQjIgESBEFoCJJvwLIBcO43QAZ934WJm++e8qqIWAck1ENiCkwQBKG+u7gOtsyQRn0sG0lTXn59Kn++f6D036hjUJAFZjY6CVMQapMYARIEQaivivLhn1dg07SSKa/e0pRXVZIfAMcm4OgP6mII26+TUAWhtuk9Afrhhx/w9fXFzMyMrl27cvLkyXseW1RUxPz582nSpAlmZma0a9eOHTt21OiagiAI9VLKTVg6AM6uQprymg0T/wJrl+pdT0yDCfWMXhOgtWvXMnPmTObNm8fZs2dp164dQUFBJCUlVXj8nDlz+Omnn/juu++4evUqzz//PKNGjeLcuXPVvqYgCEK9c3E9/NQHkq5IU16T/oK+s0CuqP41AwZK/xXb4YV6QqbR6O83uWvXrnTu3Jnvv/8eALVajZeXF6+88gqzZs2663h3d3fee+89XnrppbLHxowZg7m5OatXr67WNQEKCwspLCws+zorKwsvLy8yMzOxsRFz3YIg1BFF+bD9HTi7Uvrat5dU1bm6oz53Ki6Ez32lgonPHQK3tjW/piBoWVZWFra2tpV6/9bbCJBSqeTMmTMEBgbeDkYuJzAwkGPHjlV4TmFhIWZmZuUeMzc35/Dhw9W+JsCCBQuwtbUtu3l5edXkRxMEQah9KTdhWWBJ8iODPrNg0t/aSX4AjEylStEgpsGEekFvCVBKSgoqlQoXl/J/nC4uLiQkJFR4TlBQEAsXLuTmzZuo1Wp2797Npk2biI+Pr/Y1AWbPnk1mZmbZLTo6uoY/nSAIQi26tAF+7guJl6UO7hM3Q7/ZNZvyqsid02CCUMfpfRF0VXz77bcEBATQvHlzTExMePnll5k6dSpyec1+DFNTU2xsbMrdBEEQDF5RPmx5DTY+A8ocacrr+cPQpJ9uns+/JAGKOQl5abp5DkGoJXpLgJycnFAoFCQmJpZ7PDExEVdX1wrPcXZ25q+//iI3N5fIyEiuX7+OlZUVfn5+1b6mIAhCnZRyC5YNhDMrkKa83imZ8tLha52dFzRqCRo1hO7V3fMIQi3QWwJkYmJCp06dCA4OLntMrVYTHBxMt27d7nuumZkZHh4eFBcXs3HjRkaMGFHjawqCINQZlzbAz30g8RJYOMHETdDvXe1PeVWktCiimAYT6ji9VoKeOXMmkydP5qGHHqJLly4sWrSI3Nxcpk6dCsCkSZPw8PBgwYIFAJw4cYLY2Fjat29PbGwsH3zwAWq1mrfffrvS1xQEQaizigpg52w4/Yv0tU9PqaqzjVvtxRAwCI7+D27tAbUaargEQRD0Ra8J0Pjx40lOTub9998nISGB9u3bs2PHjrJFzFFRUeXW9xQUFDBnzhzCwsKwsrJiyJAh/Pbbb9jZ2VX6moIgCHVSaiismyyN+iCD3m9KO70Utfwy7v0wmFhDXgrEnwOPTrX7/IKgJXqtA2SoqlJHQBAEQecub4R/XpUWOls4weifwX+A/uJZOxGu/SNVl+5bcX01QdCHOlEHSBAEQXiAogLYOhM2PC0lPz49pF1e+kx+QLTFEOoF0Q1eEATBEKWGwvrJkFAy5dXrDWnEpbanvCpSuhA69izkJIOVs37jEYRqECNAgiAIhubyJqmXV8IlsHCEpzbAgLmGkfyAtOjatS2ggdDgBx4uCIZIJECCIAiGoqgA/n0DNkwFZTZ4dy+Z8gp88Lm1TUyDCXWcSIAEQRAMQVoYLB8Ip5ZJX/d6AyZvARt3/cZ1L6UJ0K1gUBXrNxZBqAYDGU8VBEFowK5slnZ5FWZJU16jfoYAAxz1uZPnQ2BuD/npEHta2h4vCHWIGAESBEHQl+JC+PdNWD9FSn68u8Fzhww/+QGp6nSTkt1oYhpMqINEAiQIgqAPZVNeS6Wve86EyVvB1kO/cVWFWAck1GFiCkwQBKG2XfkL/nlFGvUxd5AKGwYM1HdUVec/AJBJu9Wy4gx3vZIgVECMAAmCINSW4kLY9pZU36cwC7welnZ51cXkB8DS6XYrjFt79BuLIFSRSIAEQRBqQ1o4LB8EJ3+Wvu75OkypY1NeFRHTYEIdJRIgQRAEXbv6N/zUG+LPS1NeT6yHwA9AYazvyGqudPQqdD8UK/UaiiBUhUiABEEQdKW4ELa/A+smlUx5dYXnD0HTQfqOTHvc2oOls1S4Mfq4vqMRhEoTCZAgCIIupIXDL0FwYon0dY/XYMq/YOup37i0TS4H/5JRIDENJtQhIgESBEHQtmtbpF5eceekYoFPrIOB8+vHlFdFSqfBbu7WbxyCUAViG7wgCIK2qIph73w48q30tWcXGPtr/Rv1+a8m/UCmgOTrkB4J9j76jkgQHkiMAAmCIGhDbgqsHnU7+en2MkzdVv+TH5BGuby6SvdviVEgoW4QCZAgCEJNxZyRdnmFHwRjSxi7AoI+qb9TXhUR02BCHSMSIEEQhOrSaOD0r/DrYMiKBccAmLYXWo3Sd2S1r7QeUNgBKCrQbyyCUAkiARIEQaiOonz4+2XYOgNUSmgxTEp+GjXXd2T64dIKrN2hOB8iD+s7GkF4IJEACYIgVFV6pLTF/fxqkMkh8EMY9xuY2eg7Mv2RycQ0mFCniARIEAShKm7tgZ/7QPwFsHCEiX9BzxlSAtDQibYYQh0itsELgiBUhloNh76GfZ8AGqkJ6LhVDWOXV2X59QG5MaSFQWooODbRd0SCcE9iBEgQBOFB8jNgzeOw72NAA52mwtTtIvn5L1Nr8Oku3RejQIKBEwmQIAjC/SRchp/7wo0doDCFET/AsEVgZKrvyAyTmAYT6giRAAmCINzLxXWwLBDSw8HWG57ZBR2e0ndUhq00AYo4DMpc/cYiCPchEiBBEIT/KlbCtrdh0zRpW3eTAfDcAXBvr+/IDJ9TANj5SKUBwg/qOxpBuCeRAAmCINwpKx5WDoOTP0lf934bnlwPFg76jauukMnENJhQJ4gESBAEoVTkUWmLe/RxMLWFx9dA//dArtB3ZHVLWQK0W6qWLQgGSCRAgiAIGg0c+xFWDIWcRGjUCqbvg2aP6Duyusm3JxiZQWa01CFeEAyQSIAEQWjYCnNg4zOwczZoVNBmLDy7W9SwqQkTC/DtJd03gGkwtUZNXlGevsMQDIzeE6AffvgBX19fzMzM6Nq1KydPnrzv8YsWLaJZs2aYm5vj5eXF66+/TkHB7cZ7H3zwATKZrNytefMG2ptHEIT7S7kl7fK6vBHkRvDIFzB6KZhY6juyuu/OaTA9++zkZ/Re25vraWI0SrhNrwnQ2rVrmTlzJvPmzePs2bO0a9eOoKAgkpKSKjz+jz/+YNasWcybN49r166xfPly1q5dy7vvvlvuuFatWhEfH192O3xYNOYTBOE/rv8LS/tB8jWwcoHJW6Hrc6KlhbaU9gWLOgYFmXoNJTgymEJVIX/d+kuvcQiGRa8J0MKFC5k2bRpTp06lZcuWLFmyBAsLC3755ZcKjz969Cg9evTgiSeewNfXl0GDBvH444/fNWpkZGSEq6tr2c3Jyak2fhxBEOoCtQr2fAhrnoDCLPDuDs8dBJ9u+o6sfnFoDI4BoC6GsP16CyO9IJ2kfOlD9Z7IPWjEomyhhN4SIKVSyZkzZwgMDLwdjFxOYGAgx44dq/Cc7t27c+bMmbKEJywsjG3btjFkyJByx928eRN3d3f8/Px48skniYqKum8shYWFZGVllbsJglAP5abC6jFweKH09cMvwuR/wNpVv3HVVwawHT4kPaTsfmJeIldSr+gtFsGw6C0BSklJQaVS4eLiUu5xFxcXEhISKjzniSeeYP78+fTs2RNjY2OaNGlC3759y02Bde3alRUrVrBjxw4WL15MeHg4vXr1Ijs7+56xLFiwAFtb27Kbl5eXdn5IQRAMR+xZaYt72D4wtoAxy2HwAlAY6zuy+qt0GkyP2+FD0kLKfb0nco9e4hAMj94XQVfF/v37+fTTT/nxxx85e/YsmzZt4t9//+Wjjz4qO+aRRx5h7NixtG3blqCgILZt20ZGRgbr1q2753Vnz55NZmZm2S06Oro2fhxBEGrL2VXwy2BpW7ZDE3g2GNo8pu+o6j+f7mBsKZUWSLiolxBupN8AwN/OH4A9UWIaTJDoLQFycnJCoVCQmJhY7vHExERcXSsejp47dy4TJ07k2WefpU2bNowaNYpPP/2UBQsWoFarKzzHzs6Opk2bcuvWrXvGYmpqio2NTbmbIAj1QFEB/POKdFMVQrNHpfo+Li31HVnDYGQKfn2l+3qaBivd+fVMm2cwlhsTmRVJaEaoXmIRDIveEiATExM6depEcHBw2WNqtZrg4GC6dat4MWJeXh5yefmQFQqpQuu9MvqcnBxCQ0Nxc3PTUuSCINQJGVHw62Bp9AcZ9J8L41eDma2+I2tY7pwGq2VFqiLCMsMA6NSoE93cpfeW4Kjg+50mNBB6nQKbOXMmS5cuZeXKlVy7do0XXniB3Nxcpk6dCsCkSZOYPXt22fHDhg1j8eLFrFmzhvDwcHbv3s3cuXMZNmxYWSL05ptvcuDAASIiIjh69CijRo1CoVDw+OOP6+VnFARBD0L3wk99IO4cmDvAUxuh95sgr1Oz/vVDaQIUcwry0mr1qcMywyhWF2NtYo2rpSuB3tKmG5EACQBG+nzy8ePHk5yczPvvv09CQgLt27dnx44dZQujo6Kiyo34zJkzB5lMxpw5c4iNjcXZ2Zlhw4bxySeflB0TExPD448/TmpqKs7OzvTs2ZPjx4/j7Oxc6z+fIAi1TK2GI9/A3o9Bowa39jD+N7Dz1ndkDZetp9RaJOmKlJjW4tqr0h1gzeybIZPJ6OvVF7lMzrW0a8Rkx+Bp7VlrsQiGR6YRq8HukpWVha2tLZmZmWI9kCDUFQWZsPkFCPlX+rrDRBjyFRib6TcuAXbPgyOLoO14GP1zrT3tF6e+4Lerv/FkiyeZ1WUWAM/sfIaTCSd586E3mdxqcq3FItSOqrx/i/FgQRDqvsSr8HM/KflRmMCw/8GI70XyYyhK6wHd2iMVoqwlN9KkHWDN7JuVPdbfuz8gpsEEkQAJglDXXdoAywZAWijYesHTO6CT+GRvULy6gKkt5KVK67JqgUajuT0F5nA7ARrgPQCA80nnSc5LrpVYBMMkEiChwdJoNJyPziAhs+DBBwuGR1UEO2ZLndyL8qTt1tMPgEcnfUcm/JfCGJr0k+7X0nb4pLwkMgozUMgUNLFrUva4q6UrbZzaoEHDvuh9tRKLYJhEAiQ0SPGZ+UxbdYaRPxyhx+d7een3s5wMTxMF0uqK7ERYORyO/yh93XMmPLUJLB31G5dwb7XcFqN09KexbWNMFablvlc6CiSmwRo2kQAJDYpareG345EMXHiQPdcSkctApdbw76V4xv10jCH/O8y6U9EUFNXeOgWhiqKOw0+9IeoomFhLtX0C54Fcoe/IhPvxL+n7GHcOcpJ0/nSlLTCa2je963ulCdDJ+JNkFuq3U72gPyIBEhqMW0k5jP/5GHP/ukxOYTHtvezY/lpvdszoxeNdvDAzlnMtPou3N16k24JgPt9xndiMfH2HLZTSaODET7DiUchJAOfmMH0/tBim78iEyrB2kcoSgLQYWsdKR4CaOzS/63u+tr742/lTrCnmYMxBncciGCaRAAn1nrJYzXfBNxny7SFORaRjYaLgg2Et2fhCd5q5WtPc1YYFo9tyfPYA3h3SHA87c9Lzili8P5Ren+/l+d/OcDwsVUyP6ZMyFzZNh+1vg7oYWo2W+nk5+es7MqEqamkaLD1XycWkawBcCbfktTXneH3teUKTc8qOCfSRRqREc9SGS9QBqoCoA1R/nItKZ9bGS4QkZgPQt5kzn4xqg4ed+T3PUak1BF9LZMXRCI6GppY93tzVmindfRnR3gNzEzHdUmtSQ2HtRKmQnkwBgz6Gh18AmUzfkQlVFX0KlgdKO8LeDgNF9WrxajQa0vOKiEjNJTI1l/CUPCJTc4lIySUiNY/Mglysms1DJtOQc+M9NCprAMyNFbw/rCUTOnsRkh7C2C1jMVWYcnD8QSyMLbT5kwp6UpX3b5EAVUAkQHVfbmExX+0KYcXRCDQacLA0Yd6wlgxv546sCm+cIQnZrDwWweazseSXrAuyNTdmQmcvnnrYBy8H8aKpUyHbYdNzUJgJlo1g7Arw7aHvqITqUqvgS3/IT4Op26Vu8fdQmuSEp+SWS24iSu5nFRTf81y5WRSWjX/ESGNDkPVifBwtOXwrmSO3pA80g1q6sGB0G57cOYLYnFgW9l3IQJ+BWv9xhdonEqAaEglQ3bY/JIn3Nl8uW78zuoMHc4a2xMHSpNrXzMwrYv2ZaFYeiyA6TbquXAaBLVyY0sOXbn6OVUqshAdQq2D/Ajj4pfS1V1cYuxJs6kZT49zCYpKyC7EzN8bG3BiFXPxulNk4DS6tg56voxkwj7RcZUlSU5LcpOaVjOrkkn2fJAfAzdYMH0cLGjtZ4uNoia+jJb5OFpxN286CUx/Tw70HSwYuAaQNEMsPh/PFzusUqTQ0sjalR5dj7Ilbx5DGQ/i89+e18dMLOlaV92+99gITBG1Ky1Uyf8sV/jofB4CHnTmfjm5Dn6Y17wNna2HMs738mNqjMfuuJ7HiaASHb6Ww62oiu64m0szFmkndfRjVwQMLE/FnVSN5abDxWQgt2aLcZToM+gSMqp/A1paMPCXLD4fz65EIcgpvv3nbmBlhb2mCnbkxthbSf+0tbt+3syi9lX5tgo2ZEUaKur9MU6PRkJqrLJuqMi9ozaOsI/zYXww/3O2BSY67rZmU3DhZ4utogY+jJY2dLPF2sLjnVPSGiJsANHW4vQNMLpcxrbcf3f0defXPc4Qm5/L3UUcsfeFAzEGKVEUYK4y19nMLhk+8Ugt1nkaj4e/zcczfepW0XCVyGUzt0ZiZA5tiaardX3GFXEZgSxcCW7pwKymblUcj2Xg2hpDEbN7bfJnPt19nfGcvJnXzFdNj1RF3HtZNhIwoMDKHYd9Cu/H6juqBKkp8TI3kFBarAcgqKCaroJjIKl7XxsxISoosjLEtSYzsLYzLJ1KWxtiaS8fYmUvH1XbipNFoSMmRkpyI1LyS6SrpFpmSR/YdyaAdLjxiKqOxKhzLgkSyccTd1gzfklGcxk7lkxwz46qvt7uRfncLjFKt3G3Z+kovPtl2ldXH1aiLrcklm83X9zOulZgGa0jEFFgFxBRY3RGTnsd7my9z4IZU0r65qzWfjWlLey+7WoshM7+IDWdiWHUsgsjUPEBanzuguQtTe/jSvYmYHquUtDBY0guUOWDvK9X3cW2j76juKz1XSnxWHL2d+DR3tWZGYACDWrqi0mjIzC8iI6+IzHwl6blFZOQXkZGnJDO/iPQ8Zcn3pGMy8pVk5BaVSxiqw9rMqCQhMvnPyNJ/EimL8snT/RKn0iQnomw9zu1kJzI1r9yI13/JZOBua45vSXLzaviLuGZdJLHP59j2nFatJOde1Bo13f7oRl5xHpuHb8bf/t47BfdcTeSNve+jtj6KKrMLs7u8z1NdvcXfax0m1gDVkEiADJ9KrWHl0Qi+2hVCnlKFiZGc1wYEML23H8Z6mjZQqzXsv5HEiqORHLxxu8dQQCMrJnf3ZXRHMT12T2q1VN8n6ih4doEn14G5vb6juqf0XCXLDoex4kgEuUppcbyU+DRlUEsX5DVc81OkUpOVfztZysgrTZCKyMxTkp5XcSL1oOmkB7E2NcK2dDquJDHSaCjZbVX5JMe3bD2ONG3l9d+RnANfwr6PoflQmPB7jWL+r+isaIZsHoKJ3IQTT57ASH7/v7nttw7w9pGXURdbknvzPQJbuPL5mLY4Wpne9zzBMIkEqIZEAmTYQhKyeWfjRc5HZwDQxdeBBWPa0MTZSr+B3SE0OYdVRyPYcCam7A3S2syI8Q9J02PejmJ6rJxjP8LO2WBsCS8cAYfG+o6oQhUlPi3cbHhtQIBWEp+aKlapySoovmNk6Y7kKU9ZkjT9N7FS3ndH1Z1Kkxxp0fHtxceNnSzwtK/CdFXcefi5D5hYSdvhjbSXbOyJ3MPr+1+npWNL1g5d+8Dji9RF9F3blyxlFsro5ynM8cXJypSvx7XTyvpBoXaJRdBCvVRQpOLHfbf4cX8oxWoN1qZGzBrSnMc7e+v9jee/mjhb8eGI1rwZ1KxkeiyS8JRclh0OZ/mRcPo3a8SUHr709HcSw+0pNyH4Q+n+oI8MMvlJy1Wy7FAYK4/eTnxautnwWmAAA1voP/EpZaSQ42BpUuUdjyq1hqzSkaT8IjJLpuPSc4vQAD4OFvg6SSM5pkZamK5ybQtWLpCTCFHHpEa2WlLWAb6C9T8VMZYb09erL/+E/sPIHqmcO9+aG4k5TP7lJE/3aMzbg5tpdYpOMBwiARLqhFMRaczaeJHQ5FwABrZ04aMRrXG1NdNzZPdnbWbM1B6NmdzNlwM3k1l5NIL9IckEX08i+HoSTZwtmdLdl9EdPbW+YLtOUKvgrxeguEB6E3zoaX1HVE5arpKlJYlP3h2Jz4zAAAa2dKk3yatCLsPe0gT7GpSKqBK5HPwHwvnVcHO3dhOgkh5gzRwqlwCB1Bvsn9B/OJd6mL9fepfPtl9n5bFIfjkSztHQFL6d0IFmrtZai1EwDGIKrAJiCsxwZBcU8fmO66w+HgWAs7Up84e3YnBr1zr75hOWnMOqY5FsOBNTtqbC2tSIxx7yZHI3X3ydLPUcYS06vAj2zANTG3jhKNh56TsiAFJzCll6KJxVx24nPq3cbZgR2JTAFo3q7O+eQbnyF6yfDE5N4eVTWrts0IYg4nLj+CXoFzq7dq7UOQXFBfRe25v84nzWDF1DK8dW7LuexFsbLpCSo8TESM57Q1owqZuP+H9v4MQaoBoSCZBh2H01kbl/XSYhqwCA8Q958e6QFtha1I9aHTmFxWw8E8PKYxGElYxsyWTQt6kzU3o0ppe/k8FMrehE0jWpq7tKCcO/h44T9R2RSHxqU0EmfN4YNCp49bxWpj6zlFn0+FOqFH7k8SPYmFT+9Xvm/pnsjtzNtDbTeLXjqwAkZxfy9oYL7AuRNjX0a+bMF4+1w9laLJA2VCIBqiGRAOlXUnYBH/5zlX8vxQPg42jBglFt6O7vpOfIdEOt1nDoVgorj0awLySJ0r9IPydLJnf3ZUwnT6zq2/SYqgiWBUL8ealB5hPr9NrbKzWnkJ8PhfHbsciyxKe1hw0zBjRlgEh8dOfXRyHyMAz5CrpMq/HlTiecZurOqbhburPzsZ1VOndb2DbeOfQOjW0b88/If8oe12g0rDoWySfbrqEsVuNoacKXY9vSv7lLjeMVtE8sghbqJI1Gw/rTMXz871WyCopRyGVM6+XHjMCAer0IUS6X0aepM32aOhORksuqY5GsPx1NWEou8/65wpc7Q3iskyeTuvngZ0A73Wrk8DdS8mNmC8P+p7fkJyWnkKUHw1h1LLKs11sbD1tmBAbQv7lIfHQuYKCUAN3cpZUEqHQB9J0VoCurt2dvjOXGhGeGE5YRhp+dHwAymYzJ3X152M+R19ac43pCNk+vOM3kbj7MHtKiXr826UrpMoCnHvbGv5H+1laJBEgwCJGpuczedKms+3prDxs+G92W1h62eo6sdvk6WfL+sJa8Magpm87GsOJoBKHJuaw4GsGKoxH0aerMlB6+9AlwrrvTY/EX4UBJ36VHvtRLf6+KEp+2nra8NkAkPrUqYJC0Biz8IBTlg7F5jS5XtgC6kjvA7mRlYsXDbg9zKPYQe6L2MN1uernvN3O15q+XevDFjhB+ORLOymORHA1N5X+Pd6CFm5gpeBC1WsOBm8msOBJRVrhWpdbw0cjWeotJJECCXhWr1Cw/HM7C3TcoLFZjZixn5sCmPN2jcb3og1RdlqZGTOzmy1MP+3C4ZHos+HoSB24kc+BGMo2dLJn4sA+PPeSJjVkdWhNVrJR2famLpSJ4bcfV6tOn5BTy80FpquvOxGdGYAD9monEp9Y1agE2npAVAxGHpRGhGijbAl+FHWB3GuA9QEqAIvcwve30u75vZqzg/WEt6dPMmTfXX+BmUg4jvj/CO480Z2p337r7oUSHsgqK2HA6ht+OS6VAQBrw7d+sEY+0dtVrbGINUAXEGqDacTk2k3c2XuRKXBYA3Zs4smB0G3wcG9AuqCqISs1j1bEI1p6OLqv4a2miYEwnTyZ188W/UR2YHtv7sdTh3dwBXjoBVo1q5WmTswv5+WAoq49HlSU+7TxtmRHYlL7NnEXio09bZsCZX6Wmt0O+rPZlitXFdP29K0q1km2jtuFlU/Udhan5qfRf3x+1Rs2OMTvwsPK497E5hbyz8SJ7riUB0LupM1891pZGNoZdmqO23ErKYdWxCDb+pxjsuIe8mNTNR2ev82IRdA2JBEi38pUqFgXfYNmhcFRqDbbmxrz3aAvGdvIUb0SVkFtYzOZzsaw8GsHNpJyyx9t62tLBy452Xna097KjsZOlYf17xp6BZQOlXT9jV0CrUTp/ytLE57fjkRQUSY1J23nZMWNAgEh8DMX1bbDmcan/26vnq70eLDQjlJF/j8TCyIJjTxxDLqveCPLUHVM5nXiatzu/zcSW99+ZqNFoWH0iio+3XqWwWI2DpQmfj2nLwJYNc4G0Wq1hX0gSK45GcOhmStnj/qXtgDp46LzemVgELRiso7dSmL35UlnT0EfbujFvWEsaWYtPTZVlaWrEUw/78GRXb46FpvLr0Qj2XEvkYkwmF2My4ZjUc9zW3FhKhjxtae9tRztPO/31NyoqgM0vSMlPq9E6T36Ssgv4+UAYq0/8J/EJDKBvU5H4GJTGvUFhAukRkHoLnAKqdZnradcBaGrftNrJD0CgTyCnE0+zJ3LPAxMgmUzGxId96ObnwKt/nudqfBbTVp3mya7ezHm0JeYmDWOBdGZ+EetPR/Pb8ci7GkJP6e5LD3/DbAgtEiChVmTmFfHJtqusOx0DgKuNGR+NbN1gPylpg0wmo7u/E939nUjILOBkRBrnozK4EJPB5dhMMvOLOHgjuVxjVi8Hc9p72dO+ZJSolbtN7exi2fcJpISApbO05VlHkrIL+OlAGKuPR1JYLCU+7UsSnz4i8TFMplbg0wPC9km7waqZANV0/U+pAd4D+OzkZ5xLOkdKfgpO5g8uv+HfyJrNL3Xnq50hLD0Uzu8nojgelsq3EzrU640cNxOzWXksgk1nY8vKR9iYGTG+sxcTHzb8nociARJ0SqPRsP1yAu//fYWUnEIAJj7sw9uDm2FdlxbvGjhXWzOGt3NneDt3QOomfj0+m/MxGZyPyuB8dDqhyblEp+UTnZbPlgtxABjJZbRws6H9HVNnfk6W2l3MGXUCjn4n3R/2LVg6au/aJe6V+Lw+sCm9A0S/NYMXMOh2AtTtpWpd4kbaDaDmCZCrpSutHVtzOfUy+6L3Mbbp2EqdZ2qk4L1HW9KnaSNmrjtPaHIuo348wltBzXi2p1+9WSCtUmvYez2JlUcjOHzr9jRXUxdpmmtUBw8sTOpGaiHWAFVArAHSjoTMAub+fZndVxMBaOJsyWdj2tLZ10HPkTVMmflFXIrJ5Hx0OuejMzgfnUFKjvKu46zNjGjnaVc2StTe2w6n6k6dKfNgSU9IC4W2E2D0TzX8KcpLyipgyYEwfj9xO/Hp4G3HjECR+NQpKbfg+04gN4Z3IqRRoSrqt64fKfkp/D7kd9o6t61ROMsuLePbs9/Sw70HSwYuqfL5ablKZm28yK6S174e/o58Pba9wfcuvJ/MvCLWnY5m1fEIotPyAZDLILCFNM3VrYlhTHOJRdA1JBKgmlGrNfxxMorPt18nu7AYI7mMF/s24cV+/qJomAHRaDTEZuRLyVDJ1Nml2MyyNTN38rAzp723Xdki69butpVb37B9FpxYDNZu8OIxMLfXSuxJWQUsPhDKHyeiyhKfjiWJTy+R+NQ9Gg38rwOkh8OEP6D5o1U6PSU/hX7r+iFDxvEnjmNhXLOpl/DMcIb/NRwjmREHJhyoUkuNUhqNhjWnopm/5Sr5RSrsLIz5bHRbBut563dV3UjMZsXRCDafjS3bQWlrbsyEzl489bAPXg6GNc0lFkELenMrKYfZmy5yKiIdkKYhPhvThuauIpE0NDKZDE97CzztLRja9vbUWUhCNhfKps4yuJWcQ2xGPrEZ+fx7UWpPopDLaO5qXTZt1sHLjibOVuWH+SMOS8kPwPDvtJL83CvxeX1gU3r6i8SnzpLJpGmwkz9J02BVTIBKp798bHxqnPwANLZtTBPbJoRmhnIg+gDDmgyr8jVkMhmPd/GmS2MHXltzjsuxWTy/+gyPd/Fi7tCWBj1NpFJr2HMtkZVHI8qK0wI0d7VmcndfRrb3qBcLvA33/4BQpyiL1fx0IJTv9t5CqVJjYaLgraBmTOrmi6KezH03BMYKOa09bGntYcuTXX0AyC6Qps7OlUybnY/OIDm7kCtxWVyJy+KPE1EAWJka0dbTlvZednRyM6bv3hdQAHSYWOMCd4lZBSzeH8ofJ6NQliQ+nXzsmREYIBKf+qIsAdotjQhV4f+pthZA32mAzwBCL4ayN2pvtRKgUk2crdj0Qg8W7r7BTwdD+fNkNCfC0lg0oT1tPe20Fq82ZOQpWXtK2s0Vk357mmtQS1em9PCla2OHevW3pvcE6IcffuDLL78kISGBdu3a8d1339GlS5d7Hr9o0SIWL15MVFQUTk5OPPbYYyxYsAAzM7NqX1OomfPRGczaeJHrCdkA9GnqzCejWuNpb1hDo0L1WJsZl+02A2loPz6zoCwZOh+dwaWYTHIKizkamsrR0FQ+MvoFhVEUCTjxReY4mh8MpZ2nHW08bav0yTchs4AlB8onPg/52DMjsKnBbq0Vqsm3BxiZQ1YsJF0Fl1aVPrUsAapGC4x7CfQO5OeLP3M49jD5xfmYG1W/TYeJkZxZjzSnd1MnZq69QFhKLqN/PMobg5oxvbef3j8kXk/IYuXRCDafiy2bArezMGZCZ2+eeti73r6W6zUBWrt2LTNnzmTJkiV07dqVRYsWERQUREhICI0a3V0h9o8//mDWrFn88ssvdO/enRs3bjBlyhRkMhkLFy6s1jWF6sstLObrXTf49Wg4Gg3YWxgzb1grRrR3F29M9ZhMJsPdzhx3O3OGtJH6eBWr1NxIzOFCTAY5V/cwMWIPADOV0zl6NRuuSjVaFHIZTV2sae9lW7LI2h7/RlZ3vQFUlPh09pUSn+4GsthS0DJjc6km0M2d0jRYVRKgNO2PADV3aI6HlQexObEcjT3KAJ8BNb5m9yZO7JjRi9mbLrH9cgKf77jOgRtJLBzXHne7mvVBq6pilZo91xJZcTSC42FpZY+3cLNhSncfRrT3qPdrNvW6CLpr16507tyZ77//HgC1Wo2XlxevvPIKs2bNuuv4l19+mWvXrhEcHFz22BtvvMGJEyc4fPhwta5ZEbEI+v40Gg37byQzZ/NlYjOkYdJRHTyY82gL/RXaEwxDQSb82B2yYlB2fJozreaUjBJJO88SswrvOsXSREEbT1vae9nTztOW42Gp/Hkqulzi83pgU4PZZSLo0MmlsO1NqS7Q1G2VOqVQVUjX37ui0qjY/dhuXC21t8j4y1NfsurqKob6DWVBrwVau65Go2H96Rg+2HKFPKUKW3NjFoxuU/aBQpfSc5WsORXN6uORZa/fCrmMoFYuTOnemM6+9nX676xOLIJWKpWcOXOG2bNnlz0ml8sJDAzk2LFjFZ7TvXt3Vq9ezcmTJ+nSpQthYWFs27aNiRMnVvuaAIWFhRQW3n5hzsrKqumPVy+FJGSz9WIcWy/GlzW187Az55NRrenbTIyuCcDOd6XGlva+mAR9RDdTK7o1uV33JyGzgPPR6ZyLzuBCdAYXYzLJVao4HpZW7lMoQBdfB2YEBojEpyEpXSsWdRzyM8Dc7oGnhGaEotKosDW1xcVCu4VVA30CWXV1FQeiD1CkKsJYoZ3aZTKZjHGdvejc2IEZa85xISaTF38/y9hOnswb3gorHbSLuBonTXP9dT62bAOBvYUxj3fx5qmHfWp9BMoQ6C0BSklJQaVS4eJS/hfWxcWF69evV3jOE088QUpKCj179kSj0VBcXMzzzz/Pu+++W+1rAixYsIAPP/ywhj9R/RSanMPWC/FsvRhXru+UqZGcJ7v68Magpjrv7SLUETd2wbnVgAxG/FhhLRdXWzMG27oxuLX0SVel1nAzKZsLJWuJLkRn4mRtyvN9/OjmJxKfBsfeF5yaSVXDw/ZVqmVK6fRXc/vmWv99aefcDidzJ1LyUziZcJIeHj20ev3GTpZseKE7i/bc4Mf9oaw/E8PJiDS+ndCB9l52Nb5+sUrNrquJrDgSwcmI2x8wWrnbMKW7L8Paudf7aa77qVPvXPv37+fTTz/lxx9/pGvXrty6dYvXXnuNjz76iLlz51b7urNnz2bmzJllX2dlZeHlVfVOwvVFdFoeWy7GsfVCPFfjb4+GmSjk9G7qzLB2bgS2cBGJj3BbfjpseVW6//AL0oLWSpC209vQ3NWG8Z29dRigUGcEDJQSoJu7K5UA3UiXtsA3dWiq9VDkMjn9vPqx/sZ69kTt0XoCBNLOy7eCmtM7wJnX154nMjWPMYuP8npgAC/09a/WAum0XCV/noxi9fFI4jMLAOlvbXBrV6Z09+Uhn7o9zaUtensHc3JyQqFQkJiYWO7xxMREXF0rnsOdO3cuEydO5NlnnwWgTZs25ObmMn36dN57771qXRPA1NQUU9OGvXYlrqTGy9aLcVyIySx73Eguo2eAE0PbujOwpQu25qJ9hVCB7e9Adjw4+sOA9/UdjVCXBQyCY99LCZBaDfL7NzYtbYKqzR1gdwr0DmT9jfXsi9rHnK5zUMh1M2LS1c+R7a/15t2/LvHvxXi+2nWDgzdSWDi+XaV3YV2OzWTl0Qj+vhBXtobO0dKEx7t48+TD3rjZNrxprvvRWwJkYmJCp06dCA4OZuTIkYC0YDk4OJiXX365wnPy8vKQ/+ePQaGQfhk1Gk21rtmQJWUVsO1SPFsvxnM6Mr3scbkMujVxZGhbdwa3csXe0kSPUeqQWg1XNkGjluDSUt/R1F3XtsLFtSCTw8gl0m4eQagu725gYgW5SZBwAdw73PNQjUajkxpAd+rs2hlrE2tSC1K5kHyBji4ddfI8ALYWxnz/eAf6N2vE+39f5mREGo98e4hPRrUp6/P3X0UqNTuvJLDiSES51/E2HrZM7u7L0LZuDXqa6370Oocxc+ZMJk+ezEMPPUSXLl1YtGgRubm5TJ06FYBJkybh4eHBggXS6vthw4axcOFCOnToUDYFNnfuXIYNG1aWCD3omg1dak4h2y8nsPViHCfC0yjdAyiTQWdfB4a1ldZnOFs3gBGxwwth70dgZAZjV0KzwfqOqO7JTYWtM6T73V8Fr856DUeoB4xMwK8vXN8qjQLdJwFKyE0gW5mNkdyIJrZNdBKOscKYvp592RK2hT1Re3SaAIG0QHpMJ08e8rVnxtrznIvK4NU/z7E/JIkPh7cqayKdklPImpNRrD4eRUKWNM1lJJfxSBs3pnT3paO3nZjmegC9JkDjx48nOTmZ999/n4SEBNq3b8+OHTvKFjFHRUWVG/GZM2cOMpmMOXPmEBsbi7OzM8OGDeOTTz6p9DUbosy8InZeSWDLxTiOhqaiUt+ufNDB246hbd15tI1bnW7UV2UxZ2B/ybbW4gJY8wSMWgJtx+k3rrpm2xuQmwzOzaHv7AcfLwiVETCoJAHaBX3evudhpaM/frZ+WtuhVZEBPgPYEraF4Mhg3nrorVpJLHwcLVn3XDe+C77J9/tuselsLKci0ngrqDkHQpLZciEOpUqa5nKyMuGJLt48+bAPLjYN6HW8hkQz1ArUhzpA2QVF7L6ayNaL8Ry6mUyR6vb/5jYetgxt68ajbd3qbYXP+yrMgZ96QVoYtBwJRqbSFA7AI19A1+f0Gl6dcXkTbJgKMgVMC77vJ3VBqJKsOFjYApDBW6Fg6VjhYT9d+Invz3/PML9hfNrrU52Fk1+cT5+1fcgvzmft0LW0dKzdKfNTEWnMWHO+rG5PqXae0jTXo23dMDWqQ9NcaWGway488jnYemr10nWiDpCgfXnKYoKvJbH1Yhz7QpLLFsGB1MRuaFs3hrZ1x9fJUo9RGoAd70h/gDaeMGwRmNqCmZ3Uh2j729KOpj7vVKkXUYOTkwT/viHd7/WGSH4E7bJxB5c2kHgJQoPvOTKr6/U/pcyNzOnp0ZPdkbvZE7mn1hOgzr4ObJ/Ri3l/X2Hbpfiy3VwdvGveYLjWqVXw10sQdRQ0anj8T72FIhKgOq6gSMX+kCS2XIxn77Uk8otUZd9r4mzJ0LbuDGvnhn8jaz1GaUCu/HW7Vs3on293KH/kc7BwkKbF9i+QkqCgBQ/cgdIgaTSwZQbkp4FrG+j9lr4jEuqjgIFSAnRz170ToJIaQE3ttb8F/r/6e/dnd+RugqOCebXjqzp/vv+yMTPmm/HtWTiuXd1e23N8sZT8mFjBYO1V164OkQDVQcpiNYduJrP1Yjy7ryaSU1hc9j1vB4uykZ4WbtZ1+w9F2zJjbteq6TWzfK0amQz6zpISou1vw4klUhI04gfQ4dqCOuniWgj5F+TGMHKxtGhVELQtYJC0UeHWHmnU4D/bz/OK8ojOjgZ0PwIE0NuzN0ZyI8IywwjLDMPP1k/nz1mROv2annQdgudL94M+kQpf6pFIgOqIIpWao6GpbL0Qx84rCWQV3E563G3NeLStG8PaudPGw7Zu/4HoiloFm56TelV5dLr3gt2uz0nTYX+9IL3RF2TB2F/F1u5SWXFSggjSNKFrG/3GI9Rfnp3BzFb6IBJ7Bry6lPv2jfQbaNDQyLwRDmYOOg/HxsSGrm5dORJ7hL1Re/Fro58EqM5SFcFfz4OqEPwHQsfJ+o5IJECGTKXWcCI8la0X49l+KZ70vKKy7zWyNmVIGzeGtXOjg5c98mpUC21QjnwLkYfB2BJGL73/qE678WBmA+unwI3tsHqMNE9tZltr4RokjQb+eVVKIt07QM/X9R2RUJ8pjKDJAKlW181ddyVAZdNfOqgAfS+B3oEciT3Cnsg9PNvm2Vp73nrh8DcQd076gDn8O4NYYykSIAOjVms4G5XOlgtxbLucQHL27SatjpYmPNLGlaFt3ens61CtEukNUuxZ2FdSKmHIF+BYiXohzR6BpzbBnxMg8gisHCZ9bemk21gN2bnf4NZuUJhKBQ8V4uVD0LGAQbcToP5zyn2rbAG0jipAV6SfVz/mH5vPldQrxOfE42al++7t9ULceTjwuXR/yFdgYxj/buIVzABoNBouxGSy9UIc/16KL+vdAmBrbszgVq4MbedGNz9HjBRiUW6VFObAxmdBXSxteW//ZOXP9e0Bk7dII0DxF+CXwTBxM9g1wD5xGVGwQ2o6TP/3oFFz/cYjNAz+gdJ/4y9AdgJY325pVJoANXeovd9FR3NHOrp05EziGYKjgnmq5VO19tx1VnEhbH5eeg1uMRzaPKbviMqIBEhPNBoNV+Ky2Hoxnn8vxRGddru+g5WpEYNaujCsnTs9/J0wMRJJT7XtnA1poWDjIW15r+qwq3t7eHon/DYSUm/CL0Ew8S9wrr1hd73TaODvl0GZDZ5doJtoKyPUEitncO8IcWelxdAdpIRDpVZxM/0mULtTYCBNg51JPMOeqD0iAaqMfZ9C8jWwdIah3xjE1FcpkQDVshuJ2Wy9EMfWi/GEpeSWPW5urCCwpQtD27rRp6mz6N2iDVf/hrOrABmM+un2lveqcvKHp3fAb6Mg5Qb8Ohie2thwat+cXg7hB8DIXNr1paNmkIJQoYBBUgJ0c1dZAhSdHU1+cT5mCjN8rH1qNZz+3v35/NTnnEs6R2p+Ko7mFRdpFICoE3D0f9L9oYsMbgmBSIBq0fwtV/nlSHjZ16ZGcvo1a8Swdu70b94IcxPxxqI1mbHSgl2AnjOgca+aXc/WE6bugN/HSAv5VgyTFkbX9LqGLi0cdpV0dw+cJyWDglCbAgbBgc8gdJ+0k0hhXDb95W/nr7Pu7PfibuVOS8eWXE29yv7o/YxpOqZWn7/OUOZKu740amj3OLQYqu+I7iLmVmpRJx97jBUyAls0YtH49pyZO5AlEzvxaFs3kfxok1oNm5+DggxplKbvu9q5rqWjtCbIt5c0HbR6DFzfpp1rGyK1Gv5+CYpywacndBEtQgQ9cO8AFk5QmAXRJ4DbO8AqW/9HU1yMKjNTayEFektrk/ZE7dHaNeudPR+UVNz3gMGf6TuaCokEqBYFtmzE6fcGsmxyZ0Z28MDKVAzA6cTR/0HEITC2gNHLtFuoz9QantwAzR6V6lmsfQrO66+Uu06dWCLtgDO2hBHfi6rYgn7I5bcXQ9/cBUg1gKDyCVDsm29xo2cvco8e1UpIA3wGAHA8/jjZymytXLNeCdsPJ3+W7g//Dszt9BnNPYlXtFpkaqTA1kJUFdapuHOw92Pp/iOf62bKxtgMxq2SdpRpVNIw7/HF2n8efUq5BcEfSvcHzQeHxvqNR2jYAgZK/725G6jaFvicgwfJ3rEDioqInzMXdW7uA895ED9bP/xs/ShWF3Mw5mCNr1evFGRKvb4AHnoG/AfoN577EAmQUH8oc0u2vBdJ2y07TNTdcymMYPj38HDJH/qOWbD3E2nHVF2nVkmVsIsLwK+v9CImCPrUpD/I5JB0lcykqyTkJgAP7gGmUSpJXFAy/SKTURQXR9Kib7US0gBv6Y09OCpYK9erN3a8C1kxUpuLgfP1Hc19iQRIqD92vgupt8DaHYZ9q/vtlnK51M+mtEDbwS9g21vS2pm67Oh3EHMSTG2kJM+Atq0KDZSFg1SCAQi5th4ADysPrEys7nta2h9/oAwPR+HoiMc3CwFIX72avLPnahxSoI80LXc49jAFxQUPOLqBCNkO50uaTY9cAqb3//+jbyIBEuqHa1vgzAqkLu8/SS+YtUEmk7qhP/q19NynlsLm6dJulboo6drtqtlBnzbMoo+CYSqZBguJPgw8uABicWoqKd//AECj12dgM3gwtiNHgkZD/Jw5qAsL73v+g7RwaIG7pTv5xfkcjdPO2qI6LS/t9s7b7i+DTzf9xlMJIgES6r6sePjnFel+j1ehce/aj6HzszBmGciN4NJ6WPMkKPNqP46aUBVJFVtVSmnrcQdR5E0wIAGDAAjJigAevP4nedG3qHNyMGvZEttRowBwmfUOCkdHlGFhpCxZUqNwZDIZ/b37A2IaDIB/Z0JuEjg1g35zHny8ARAJkFC3lW55z08Ht3b6/cNr8xhM+FMqGHhzJ6weDfkZ+ounqg4vgvjzUtPXYf8TU1+CYXFtA1auhJRUxr9fBej8K1fI2LABAJc57yFTSGVGFHZ2uM6dC0Dq0mUUhITUKKTSabB90fsoUtfRUV9tuLwRrmwGmQJGLZE2itQBIgES6rZj30tVio0tYMxy7W55r46mg6R+Yaa2EHUMVg6FnCT9xlQZCZduNyt85EuDaVYoCGVkMor8BxBqIu2kvdcIkEajIfHTBaDRYPPoo1h07Fju+9ZBg7AeGAjFxcS/NwdNcXG1Q2rv3B4HMweyldmcSjhV7evUadkJ8O8b0v3eb4FHx/sfb0BEAiTUXfEXILhkl8HgBeAUoN94Svl0g6n/gmUjKbH4JQjSI/Ud1b0VK0uaFRZB86HQdpy+IxKECoV7tqdIJsNKIy2CrkjWtm3knzmDzNycRm+9edf3ZTIZLnPnIre2puDyZdJWrqp2PAq54vY0WGQDnAbTaKR1P/np4NoWet/9723IRAIk1E3KvNtb3psPhY6T9R1Rea5tpP5hdt5SNdRfBkPSdX1HVbGDX0DiZTB3MLhmhYJwpxArqZ9f08ICZOnhd31fnZ9P0pdfAeA47VmMXV3vOgbAuFEjXGa9A0Dy//6HMrL6H1BKq0IHRwWjUquqfZ066dxqabpfYSL1W1TUrTp3IgES6qZd70mNSa3dpEqjhvim7dhE6iTv3Byy46QmqjFn9B1VebFn4ZC0PZihC8GqkX7jEYT7uJETBUCzwiK4eXcbitSlyyhOSMDY3R3Hp5++77VsR4/GotvDaAoLiZ8zF001y1d0ce2CtbE1qQWpXEy5WK1r1EkZUbBjtnS//xxwaanfeKpBJEBC3XP9Xzj9i3R/1JLa2/JeHTbuMHU7eHSSholXDpPKxBuCogKp4KFGBa1GSTdBMGDX06RR1GZKZVlbjFJFsbGkLl8OQKO330Zudv+FuDKZDLf585GZm5N36hQZ6zdUKyZjhTF9vPoADWgarLRPoDIbvLpCt5f1HVG1iARIqFuyE+Dvkj+27q9IlYoNnYUDTPobGveRGov+PlaqW6Rv+z+F5Otg6QxDvtZ3NIJwXxqN5nYPMGWR1O/vjlITiV9+haawEIsuXbAOGlSpa5p4eeH8mlS7JunLLylKSKhWbKVVofdE7UFTH6rBP8ippRB+UNp8MnIxyOtmM2+RAAl1h1otLdbNT5MW3PWfq++IKs/UGp5cDy2GSXV21k2Cs7/pL57ok1LFZ5CqZls66i8WQaiElPwU0grSkMvk+Ju7Sq1aIqSiiLknT0r9vuRyXN57F1kVpsQdJk7ErG1b1Dk5JHw4v1oJTHf37pgpzIjNiS3rU1ZvpdyC3fOk+wPnS1P9dZRIgIS64/iPELZPqrMzZjkYmeo7oqoxMoXHVkgFBjVq+Ofl20lIbVLmSYmkRg1tJ0DzR2s/BkGootLEwtfGF7Oy5qi70KhU0rZ3wG78OMyaVa5DfCmZQoHbxx+BsTE5+/aRvX17lWOzMLagh0cPAPZE3r02qd5QlzR/Ls6vF30CRQIk1A3xF293Jx/8KTjfvwmiwSptotq9pHL1rjnSVv7aHDbf+xGkhUoLyB/5rPaeVxBqoGz9j32zsqrQ3NxJxvr1FF6/jtzGBudXX63Wtc2aNsXpuecASPj4E4rT06t8jQbRHPXItxBz6nafQHndTiHqdvRCw1C65V2lhGaPQqep+o6oZmQyGPgRDCgZRj70NWx9Xfp0pWsRR+D4Yun+8O/A3F73zykIWnAjTVr/09ShKTTuBQoTVEnRJJc0OXV+5RWM7Kv/++w0fRqmAQGo0tJIXLCgyuf38eqDkcyIWxm3CM+8e4t+nZd4BfZ9Kt0f/Fm96BMoEiDB8O2eCykhYOViuFveq0omg14zpbo7yODMr1KSV6zU3XMW5ki7vtBAh4llzSUFoS4onQJr7tAcTCzBtyfJl61RZWZj4t8E+wnja3R9mYkJbp98DHI5Wf9sIefAgSqdb2NiQ1e3rkA9HAUqVkoth9RF0GwItH9C3xFphUiABMMWsh1OLZPuj1pS/xbrPvQ0PLYc5MZwZROseVx3TVR3vw8ZkWDrJXV6F4Q6oqC4gIj/NEEttOhE+k1LAFxmz0ZmXPMifOZt2+IwaRIA8R98iConp0rnD/CRpsH2Ru2tcSwG5eAXUlV7cwcYuqh+fAhFJECCIctOlGpNgFRnokl//cajK63HwBNrpC2lt/bAbyOlmkHaFLoPTks1UhjxPZjZaPf6gqBDtzJuodaocTBzwMncSer39fdV0Miw8izE6qG2Wnsu51dfwdjLi+L4eJIXLqzSuf28+iFDxqWUSyTkVm9LvcGJOVO+WKq1i37j0SKRAAmGSa2WpmvyUsGlDQx4X98R6ZZ/IEz8S+rEHn0CVgyVEkBtKMi6XTup87N1o3aSINwhJE2a/mpq3xSZTEbOvv3knjyHTA4u7TIgrGrTVfcjt7DAbb604SL9jz/JO3260uc6mTvRoVEHoJ5MgxXlS7u+NCrpg1o9K5ZqEAnQDz/8gK+vL2ZmZnTt2pWTJ0/e89i+ffsik8nuuj366O2tvFOmTLnr+4MHD66NH0XQlpM/QWgwGJnBmGV1b8t7dXh3hSnbpLVOiZdLmqhG1Py6O9+FrBiw94XAD2t+PUGoZaXrf5rZN0OtVJL4mbR70aGfPybWqruqQteUZbdu2D42BoD4OXNRFxZW+tx6tRts78dSyyErFxjylb6j0Tq9J0Br165l5syZzJs3j7Nnz9KuXTuCgoJISkqq8PhNmzYRHx9fdrt8+TIKhYKxY8eWO27w4MHljvvzzz9r48cRtCHhsrReBSDoE2jUXL/x1CbX1iVNVH0gPRyWB0Hi1epf78YuOPcbIIMRP4KpldZCFYTaUjoC1MyhGemrVlEUFYWRszOOJVvXublb66UkXN5+GyNnZ5QREaT88GOlzytdB3Qm8QxpBWlajalWRRyGYz9I94d/Z9gth6pJ7wnQwoULmTZtGlOnTqVly5YsWbIECwsLfvnllwqPd3BwwNXVtey2e/duLCws7kqATE1Nyx1nX4PtkUItKsqHjc9IW96bPlLnC21Vi4Of1ES1UUvISYBfH4HoU1W/Tn46bCmpi/LwC+DbQ7txCkItuLMFRlO1Myk/SmUcnN+YiaJFoFQYNTtO2qatRQobG1znSR/EUpcvp+Bq5T6IeFh50MKhBWqNmv3R+7UaU60pzIa/XqRsx2jTIH1HpBN6TYCUSiVnzpwhMDCw7DG5XE5gYCDHjh2r1DWWL1/OhAkTsLS0LPf4/v37adSoEc2aNeOFF14gNTX1ntcoLCwkKyur3E3Qk93vl/SnaiQt1q0nuw2qzMYNpvwLnp2hIANWjYDQKu4s2f4OZMeDo3/9X0Ml1FuxObHkFOVgLDfGcvlfqPPyMGvbFtvhw8HYDPykRqTangYDsA4MxHrwYFCpiHtvDpqiokqdF+gjvafV2arQu+aW7Bj1rtc7RvWaAKWkpKBSqXBxKb+q3MXFhYRKNKU7efIkly9f5tlnny33+ODBg1m1ahXBwcF8/vnnHDhwgEceeQSVquJCcwsWLMDW1rbs5uVV9ws81Uk3dsLJn6X7oxaDpZNOny7n4EFuDQgk6ulnyL90SafPVS2lTVSb9C9pojoOrvxVuXOvbYWLa0Emh5FLwNhcp6EKgq6Urv/pneVG9l9/A+D63rvISqsQl7XF2K2T53ed8x5yW1sKr10j9dcVlTon0FtKgI7HHydHWbWt9Hp3c49Ulwxg5A/1eseo3qfAamL58uW0adOGLl26lHt8woQJDB8+nDZt2jBy5Ei2bt3KqVOn2L9/f4XXmT17NpmZmWW36OjoWoheKCcnqWTIFXj4RWlXlI5oVCqSvv2W6OnPURQbS+7Ro0SMHUfMjNdRRkTo7HmrxcQSHl8DLUdKRcg2TIUzK+9/Tm4qbJ0h3e/+Cnh11nWUgqAzN9JuINNoGPNvBgC2I0Zg3q7d7QP8SxKg6BPaLx8BGDk54TJ7FgAp339PYdiDqzz72fnha+NLkbqIQ7GHtB6TzuSnSz0KAbo+D4176zceHdNrAuTk5IRCoSAxsfx238TERFxdXe97bm5uLmvWrOGZZx68RsTPzw8nJydu3bpV4fdNTU2xsbEpdxNqkUYjJT95KeDS+naLCB0oTkkh6plnSV28BAC78eOxHTEcZDKyd+wg9NGhxH/wAUX3WISvF0am8Ngv0HGy1MB0y6tweNG9j9/2BuQmg3Nz6PturYUpCLoQkh5Cz8sanMLSkFtY4PzGzPIH2PtIv+salVTvSgdsR4zAsmdPNEol8XPnolGrH3hOnZwGKzdtrrvXYUOhlQRIpVJx/vx50qvYQM7ExIROnToRHHx7u6BarSY4OJhu3brd99z169dTWFjIU0899cDniYmJITU1FTc3tyrFJ9SSkz/Drd23t7wbm+nkafJOnyZ81Gjyjh9HZmGB+1df4fbhB7h//jmN/9qMZZ/eoFKRsWYtoUGDSVq0CFV2tk5iqTK5AoZ9Cz1fl77eMw92z7t758vlTXBlM8gUUuVsHf1bCkJtCYu/ypP7pYTD8fnnMW7U6O6DdDwNJpPJcPvwA2QWFuSfOUP6mjUPPKd0GuxQ7CEKigt0EpdWXf2n/LS5iYW+I9K5aiVAM2bMYPlyqaqsSqWiT58+dOzYES8vr3tOM93LzJkzWbp0KStXruTatWu88MIL5ObmMnWq1PBy0qRJzJ49+67zli9fzsiRI3F0LN8aIScnh7feeovjx48TERFBcHAwI0aMwN/fn6Cg+rmSvU5LvCItuAMY9DE0aqH1p9BoNKQuW0bk5CkUJydj4t+ExuvXYTv0du0os2bN8P7pJ7xXrcSsXVs0+fmkLvmJ0IGDSF2xArVShz26Kksmg8APYOB86esji2DLa7ebqOYkwb9vSPd7vQHuHfQRpSBoTY4yh4d3x+CQAwovTxymTK74wNLu8Ld2S0VUdcDYw4NGr0sfQJK/+pqiuLj7Ht/SsSWulq7kF+dzLK5ym3r0JidZasgM0GNGg5k2r1YCtGHDBtqVzMFu2bKF8PBwrl+/zuuvv857771XpWuNHz+er776ivfff5/27dtz/vx5duzYUbYwOioqivj4+HLnhISEcPjw4QqnvxQKBRcvXmT48OE0bdqUZ555hk6dOnHo0CFMTRtAMb26pCi/pMt7IQQESVWKtUyVmUnMSy+T9NXXoFJhM3wYjdetw7RJkwqPt+zSBd81a/D47n+YNG6MKiODpM8+J3TwYDL++gvNPRbS16oer8Gw/0mf1M6uhA1PQ3Gh9AKWnyZVzu79lr6jFIQau3nlMENPSqOcbrNmITcxqfhAr4fBxFqa+o0/r7N47J94HPMOHVDn5RH/wQdo7lN7SCaTlY0C7Yky4GkwjUZaM1i6BKHvLH1HVGtkmvv9H7wHMzMzbt26haenJ9OnT8fCwoJFixYRHh5Ou3bt6vw28qysLGxtbcnMzBTrgXRp+ztwYglYOsMLx8DKWauXz798hdgZMyiKiUFmbIzLnDnYjRuLrJJb6zXFxWRs3kzKd99TXLImyDQgAOc3ZmLVp0+lr6MzV/8uSSCV4NRUqtgqN4bp+8C1jX5jEwQtODZ5JHYnQohq7sCgzYfv/ze39im4tkVa99b3HZ3FVBgaSvjIUWiKinD/8gtshw2757GnE04zdedUbExs2D9+P8bymjds1boLa2Hz9Hrz2lGV9+9qjQC5uLhw9epVVCoVO3bsYOBAaf41Ly8PhUJRnUsKDc3N3VLyAzBysVaTH41GQ/qatUQ+/jhFMTEYe3ris+ZP7MePq1LSIjMywn7sWJrs3IHzGzOR29hQePMmMc+/QOTEieSdO6e1mKul5Qh4Yh0YW0rJD0Cfd+r8C5ggAOQePYrdiRBUMoh5euCD/3ZLp8F0UA/oTqZNmuD0krRjNfGTTym+T425Do064GDmQJYyizOJZ3QaV7VkxsK2ktHivg3vtaNaCdDUqVMZN24crVu3lob5SgoZnjhxgubNG1DbAqF6cpKlRqcgbbUsXcCoBeq8POLeeYeEDz5AU1SEVf/+NN64AfNWrap9Tbm5OU7TpuG/aycOzzyNzMSE/NNniHz8CaJffpnC0FCtxV9lTfrB5H/AxhOaDLi9SFoQ6jBNcTGJCxYAsLOTDM+2998UA9zeDh97BnJTdBgdOD7zDKbNmqHKyCDxk3sXClTIFfTz6gcY4G4wjUba8l6YCe4doUfDe+2oVgL0wQcfsGzZMqZPn86RI0fK1tYoFApmzWo484dCNWg08PeL0lx9o5Zabc5ZGBpK+LhxZP2zBRQKGr31Jp4/fI/C1lYr11fY2eHy1ls02bkD2zGjQS4nZ08wYcOGEzdnDkWVKN6pE54PwYxL8NRGUBjpJwZB0KL0NWspvHmLbHNY31NOM/tmDz7Jxq1kBEMDt3TbiFRmbIzbJ5+AXE7Wtm1k7713lfbS5qh7o/ai1uhmgXa1nPlVqi5vZAajfmqQrx3V3gb/2GOP8frrr+Pp6Vn22OTJkxkxYoRWAhPqqVPLpCFqhalWt7xnbv2X8LHjUN4KxcjZGZ+VK3B85hmdrNMxdnPD/ZNP8Pvnb6wGDAC1mswNG6Wt8199hSozU+vP+UByecNtGyLUK8Xp6SR/9x0Aa3rLUVtb4GVdyer8tTQNBmDeuhWOT0u7lRM++PCeJTO6unXFytiK5PxkLiZf1HlclZIWDjvnSPcHzAPnpvqNR0+qlQC9+uqr/O9//7vr8e+//54ZM2bUNCahvkq6BrtK/ugGzgeX6k9LlVIrlSTMn0/cm2+iycvD4uGHabx5ExYPPVTjaz+Iqb8/Xj98j88ff2DeqROawkJSly3n1sBBpC5bhrqgDtT+EAQDk/Ldd6gzM1E2dmdPexkB9gEo5JVcW1q2HX7P7fIQOuT08ssY+3hTnJRE0pdfVXiMicKE3p5SReXgKN2OTFWKWiUVni3KBZ+e0jKEBqpaCdDGjRvp0ePuztLdu3dnw4YNNQ5KqIeKCmDDM1BcIM3Vd32uxpdUxsQS+cSTpP/xJwBOL76A9/JlGDnptofYf1l07IDP6t/wXPwjpgEBqLOySPrqa0KDBpOxYQOa4uJajUcQ6qqCkBukr1kLwPknOqGRyyo3/VXK4yEws5MaCMec1kmMd5KbmeE2/yMAMtatI/fEyQqPu7MqdDU2XmvX8cUQdRRMrKReX/I63RGrRqr1k6empmJbwboKGxsbUlJ0u/hMqKOCP4SkK2DhBCN/rPF0Tfa+fYSPGUPB5csobG3x+vknnF99FZmediHKZDKs+/Wj8V+bcVuwACN3N4oTE4mfM5ewESPJ3mMAL3yCYMA0Gg2Jn34KajXWQUEcd5OmlKqUACmMwF9ac1Mb02AAll27YDd+PADx789FnZ9/1zE93HtgqjAlJieGG+k3aiWuCiWHQHBJIdWgT8DeV3+xGIBqJUD+/v7s2LHjrse3b9+On59fjYMS6pmbe+D4j9L9kT+CVQWl7CtJU1xM0tcLiXnhRdSZmZi1a0vjzZuw6m0YTftkCgV2o0bSZPt2Gr3zDgpbW5ShocS8/AqRjz9B3mndfyoVhLooe/du8k6cQGZqSqO33uJGmpQoNHOoQgIEtboOqFSjN9/AyMWFosgokr///q7vWxhb0MNdmjXR2zSYqgg2PycVnvUPlHoLNnDVSoBmzpzJ22+/zbx58zhw4AAHDhzg/fffZ9asWbz+esPbSifcR27K7S3vXaZD0+q3IylKSiJq6tOkLl0KgP3Eifj+9hvG7u7aiFSr5KamOE6dQpM9u3F87jlkZmbknz9P5FMTiX7ueQpC9PgpUBAMjLqggKTPvwDA8ZmnyXEyJyk/CRnSGqAqaTIAkEHCRciKf+Dh2qCwtsZ1ntQ8NO3XFeRfunzXMWXTYPqqCn34G4g7B2a2MPw7sWmCaiZATz/9NF9//TXLly+nX79+9OvXj9WrV7N48WKmTZum7RiFukqjgb9fgtwkcG5xu4dVNeSeOEn46DHknTqF3MICj0Xf4Preu8juVRrfQCisrWn0+gya7NwpDZMrFOQcOED4yJHEvTOLothYfYcoCHqXtmIFRbGxGLm64vjss4SkhQDgZe2FpbFl1S5m5QweHaX7t2ov2bDu3w+bRx8FtZr4995D85/+gb09e2MkM+Jm+k0isyJrLS4A4i/Agc+l+0O+AhvD+9CoD9Ve/fTCCy8QExNDYmIiWVlZhIWFMWnSJG3GJtR1p5fDjR2gMCnZ8m5e5Uto1GpSfvqZqKlTUaWkYBoQgO+GDdgMHqyDgHXH2KURbh9+gN/WLVgPHgwaDZl//03o4EdIXPAZxenp+g5REPSiKCGBlJ9+BqDRm28it7AoWydT5emvUnqYBgNwee9dFHZ2FN64QWpJw/BStqa2dHaVmozW6jRYcSFsfh7UxdBiOLQZW3vPbeBqvPzb2dkZKysrbcQi1CdJ12FnSWPcwA/BtXWVL6HKyCDmhRdJ/uYbUKuxHTUK33VrMfVrrOVga49p48Z4LvoG3/XrsOjaFU1REWkrVxI6cBApS5agzsvTd4iCUKuSvl6IJj8f844dsXl0CEDZCFBT+2rWpymtLh+6T1r7UkuMHBxwKWkInvLj4ruqxJdOgwVH1mICtO9TSLoqbUAZ+o2Y+rpDpROgjh07kl7yKbVDhw507NjxnjehgSsulJp0FhdI8/HVqDORf+kS4aPHkHPgADJTU9w++Rj3BZ8iN6/6KJIhMm/TBu8Vv+K1dCmmLVqgzskhedG33AoKIn3NGjRFtfeiLQj6knf2HFlbtoBMhsu775YVLg1JlxKg5g7VbK3k1kF6w1dmQ9RxbYVbKTZDH8WqTx80RUXEvzcHjep2PaJ+Xv2QIeNiykUScmuhcnzUCThaUrNv2LdgWbslQgxdpWtfjxgxoqzlxciRI3UVj1AfBM+HxEtg4Sjt+qpCnQmNRkP6H3+Q9NnnaIqKMPb2xvPbRZi1aKHDgPVDJpNh1asnlj26k/XvNpK//ZaimBgSPviQtF9X4Pz6DKyDgvTfdV4QdECjVpP4yScA2I4ZjXlrqTCqUqUkLCMMqOIW+DvJ5dIo0IU/pWmwxr20EnNlyGQyXD+YR9jQYeSfP0/6H3/iMPEpAJwtnGnfqD3nks6xN2ovT7R4QneBKHPhr+dBo4Z2j0OLobp7rjqq0gnQvJIV7iqVin79+tG2bVvs7Ox0FVe9pFQpOZlwkh7uPervm9qtYDhWsg10xI9g7VrpU1U5uSS8/z5Z27YBYD1wIG6ffoLC2loXkRoMmVyO7bCh2AQNIn3tOlIWL0YZGUnsjNcxa9OGRm/MxPLhh/UdpiBoVebmzRRcuYLcyopGd3QQCMsMo1hTjLWJNa6WlX/9uEtZArQbBn1U84CrwNjNjUZvvkHCh/NJ+uYbrPr1w8TTA5B6g9VKArTnA0gLA2t3GPyZ7p6nDqvyGiCFQsGgQYPKpsOEyvsn9B9e2PMCY7eMZUf4DlS1UKq9VuWm3t7y3vlZaFb5hcqFN28SMXaslPwYGdFo1jt4/O/bep/83ElmYoLDxKdosmsXTi+9hNzCgoJLl4iaMpWoZ6dRcPWqvkMUBK1Q5eSQtPAbAJxefLFc9fbS9T/N7JvV7INik/4gk0PyNciIqlG81WE3fjzmD3VCk5dHwrx5ZYVQS5ujnk48TXqBjt5Hw/bDSWlhOSO+B3M73TxPHVetRdCtW7cmLCxM27HUe3lFeVgYWRCSHsJbB99i+F/D2XhjI0qV8sEnGzqNBv55GXISwakZDKz8J67Mv/8mfNx4lOHhGLm44LNqFY5TptTfUbIHUFhZ4vzKyzTZvQv7p54CY2NyDx8mfPQYYt94E2V0tL5DFIQaSVm8GFVqKia+vjg89WS579V4/U8pc3vw6irdv7m7ZteqBplcjttHHyEzMSH3yBEy//obAE9rT5o7NEelUbE/er/2n7ggE/5+Wbr/0NO3K2MLd6lWAvTxxx/z5ptvsnXrVuLj48nKyip3Eyo2qdUkdj22ixfbv4itqS1R2VF8cOwDHtn0CKuurCKvqA7vADrzK4Rsu73l3cTigaeoCwuJf38ece/MQpOfj2WPHlIj044daiFgw2fk6IjrnPdosu1fbIZK8/dZ//5L6JBHSfjoY4pTU/UcoSBUXWF4OGmrfgPAZfasu2p5lVaArvYOsDuV7gbTQwIE0q5Pp1ekZCTxs88oTk4Gbo8C6WQ7/M53ITNaanNRhQ+iDZFMU40GRfI7FrXe+Sldo9Egk8lQqer21E5WVha2trZkZmZiY2Ojk+fIK8pjw40NrLy6kqS8JECqE/Fkiyd5ovkT2Jre3WvNYCWHwE99oDgfBn0C3V9+4CnK6GhiXnuNwqvXQCbD6aWXcHrheb318qoLCq5eJWnhN+QePgyA3MICh6lTcZg6FYVVFYvFCYKeRD//Ajn792PZuxfeP/9c7nsajYZea3uRWZjJ2qFraenYsmZPlnAJlvQEYwt4OxyMzWp2vWrQFBcTMW48BVevYh0UhOe3i7iVfotR/4zCWG7MoQmHql7s8V5CtsOfEwAZTN0GPt21c906pCrv39VKgA4cOHDf7/fp06eqlzQotZEAlVKqlGwJ3cIvl38hKluap7YwsmBcs3FMajkJZwtnnT5/jRUXwrIB0guNXz94atMDd31lBwcTN2s26uxsFPb2uH/1JVY9etRSwHVf7vHjJH31NQWXpXL7CgcHnF54Afvx4wy+MrbQsOUcOkT0tOlgZITfP//cVdMrITeBgRsGopApOPHkCUwVpjV7Qo0GFraA7HjptUlP00EF164R/thYUKnw+O5/WAcGMvyv4URkRfBl7y8Z3FgLhV3z0uCHrlLl/W4vS81OG6CqvH9XawqscePG9O7dmz59+pS79e7dm8aN626ROn0wUZgwpukY/hn5D1/2/pJm9s3IK85jxZUVBG0MYv6x+URnG/Caj70fScmPuQOMXHzf5EdTVETil18S89LLqLOzMe/QQWpkKpKfKrF8+GF816/DY9E3mPj4oEpLI/GTT4h4aiLqggJ9hycIFdIUFZH46QIAHJ56qsKCpqUVoBvbNq558gNS0T89T4MBmLVogeOzzwKQMH8+6qyssmkwrfUG+/cNKflxagb952rnmvVctROg5JK5zDulpaWJBKiaFHIFgxsPZv2w9fww4Ac6NOpAkbqI9TfWM3TzUN45+E7Zi4PBCN0HR7+T7o/4Hmzc7nloUWIikVOmkrb8FwAcpkzBZ9VKjF1rsM21AZPJZNgMHozf1i24fvABcltbCi5eJGH+R1RjUFcQdC7t999RhodLI5YvvVjhMWU7wKrbAqMiemqL8V9OL76ASePGqJJTSPzyy7Kq0IdiDlGoKqzZxS9vhCubQKaAUUv0MtVXF1UrASpd6/NfOTk5mJmJf/iakMlk9PbszapHVrFi8Ap6ePRArVGzLXwbY/4ZwyvBr3Ah+YK+w5SGWzeXVHjuNBWaP3rPQ3OPHSN81Gjyz5xBbmWFx/++xWXWO8iMjWsp2PpLZmyM/YTxeC76BuRyMjdtImP9en2HJQjlFKemkvLDjwA4vz7jnuUtrqddB2pQALEijfuA3BjSQqXdUcd+hJt7ID0S1GrtPc8DyE1NcftYWpScuWEjvjeycLFwIa84j+NxNahWnZ0gjf4A9H7zdiNY4YEqXQgRYObMmYD0Jj137lwsLG7v9FGpVJw4cYL27dtrNcCGrJNLJzq5dOJa6jWWXVrG7sjd7I/Zz/6Y/XR27cyzbZ6lm1u32t8urtHAP69ATgI4BkDQpxUfplaT+tNPJP/vO9BoMG3eHM9vF2Hi41O78TYAlt264fzaayR/8w2JH32MWYuWmLepev81QdCF5EXfos7OxqxlS+xGj77ncWVNULWZAJnZQJN+0gjQud/Kf8/ITHoNcwoAp6a3/+voX6mdrFVl0akT9k88Qfoff5Dw/jyC5vVhVdg69kTtoY9XNdbOajSw5TXITwfXttDrTa3HXJ9VaRF0v379AGkRdLdu3TC5Y8GliYkJvr6+vPnmmwQEBGg/0lpUm4ugqyI8M5xfL//KlrAtFKuLAWjp2JJpbabR37s/clmNe9s+WFEBbHtTeiGRG8O0YHBrd9dhxenpxL39DrmHDgFgN/YxXN57D7kYIdQZjVpNzMuvkLN3L8bu7vhu3ICRvb2+wxIauIKrVwkf8xhoNPj8vhqLTp0qPC6vKI+H/3gYDRr2jduHk7kW+1blZ0gJUMqNkttNSL0F96vBZustJUTOze5IkJqCpXONGoqqcnIJGzaM4vh4lGODeMo/GFtTW/aP24+RvEpjEnBuNfz9klR+ZPoBcKnhrrl6QOe7wKZOncq3335rUMmBNhlqAlQqITeBlVdWsuHGBgpU0qJXP1s/nm79NEP8hmAs19HUUkYUrJ0I8eelCquPLoSHpt51WP7588S8PpPi+HhkZma4zpuH3aiRuolJKEeVlUX4Y2MpiorCsmdPvH5aIkoLCHqj0WiIfGoi+WfOYPPoo3h8/dU9j72YfJEntz2Jk7kT+8bt031wahVkRErJUGlilHwDUkKkEZV7MbO9nQzdmRjZ+4Kicq+9OQcPEj39OZDJ+OxpW842ymHZoGV0deta+fgzouDH7lLD18APoeeMyp9bj+k8ASp169YtQkND6d27N+bm5vdcG1TXGHoCVCqtII3fr/3On9f/JFuZDYCbpRtTWk1hdMBozIy0ONoSuhc2PAP5adKOr8d+kYaV76DRaEj/bTWJX34JRUWY+Pri8e23mDXTQkEzodIKQkKIGD8BTUEBTi++gPOrr+o7JKGBytq2jdiZbyAzM6PJ9m0Yu917o8S6kHV8dPwjerj3YMnAJbUYZQVyU+8YLbpxO0nKiJSai1ZEbgQOfnckRs1K7vtLSdN/xL3zDpl//0OGhw0vPJnL2JaP897D71UuPrUafhsB4QelatdTt4NcfNCBWkiA0tLSGDt2LPv27UMmk3Hz5k38/Px4+umnsbe35+uvv6528IagriRApXKUOay7sY5VV1aRWiBVB3Ywc2Biy4mMbzYea5Ma9NNSq+HwQtj7MaAB9w4wbhXYeZc7TJWTQ/ycuWTv2AGA9SODcfvoIxRWVtV/bqHaMv/5h7i33wHAc8lirPv21W9AQoOjzs8ndMijFMfH4/TqKzi/WPHOr1IfH/+YtSFrmdp6KjM7zaylKKuoqEBqMFqWFIXcvn+/Sv5WruVHi5wCKDZ2Jezx6ajS0ljXU87BIFd2P7a7cksZTvwM29+SCjw+fxgcm2jvZ6zjdJ4ATZo0iaSkJJYtW0aLFi24cOECfn5+7Ny5k5kzZ3LlypVqB28I6loCVKqguIC/b/3Nr1d+JTYnFgArYysmNJ/AUy2ewtHcsYoXzITNL0DIv9LXHSfBI1/etcWyIOQGsa++ijIyEoyNcXn7beyfetIgRwM1Gg1R2VFcSrnElZQrXE+7jp2pHa2cWtHaqTWtHFvVLGE0IAnz55P+x5/IbWxovHEDJl5e+g5JaECSv/uelB9+wNjdHb9t/z5w/d/EbRM5n3yez3p9xqN+995VapDUasiOKz9aVHo/O/6ep2XF2hJ7yJJiObzztILPek2nrU9/KaExNq/4pJRbUnXr4nwY8hV0maajH0p31AUF5B45glnz5hh7eGj12jpPgFxdXdm5cyft2rXD2tq6LAEKCwujbdu25OTkVDt4Q1BXE6BSReoidoTvYPml5YRmhgJgqjBldMBoprSagruV+4MvkngV1j4lbR1VmEh/aJ0m33VYxqbNJMyfj6agACM3NzwXfYN5u7sXRetLUl5SWbJzKeUSV1KvlE0X3ouvjS+tnVqX3Zo7NNdOUbZaplYqiZw4kYILFzFt0QLfP/8Qi9CFWlEUG0vokEfRFBbisWgRNoOD7nu8WqOm2x/dyCvOY/Pwzfjb+9dSpLWgIAtSb0rJUPIdI0ZpoWhUxcQcticn1pybbnBreB4zMzMAGdj73L3WyKEJrH0SYk5J2/sn/vXAyvuGQp2XR87BQ2Tv2knO/gOo8/JwnvEaTs8/r9Xnqcr7dxWXnEtyc3PLbYEvlZaWhqlp3XujqG+M5cYMazKMR/0eZX/0fpZdWsallEv8ef1P1oesZ4jfEJ5p/Qx+dn4VX+DSBmmbe1Ee2HrBuJXgUX7nhrqggISPPiJz4yYALHv3wv3zz/W66yizMJMrqVduJzspV0jKT7rrOFOFKc0dmtPaqTUtHFqQXpDO5dTLXE65TGxOLBFZEURkRbA1bCsARjIjAuwDaO3UmjZObWjl1Iomtk1QGPicu9zEBM9FiwgfPYbCa9dImP8Rbp98bJAjc0L9kvjVV2gKC7Ho3BnroEEPPD42O5a84jxM5Cb42vrqPsDaZGYjvX7+5zUUVRGy9EhcB53ixkufEhBfzNWb1mi8NcgKMiE9QrpVVMDR1AZG/GDwyY8qJ5ecA/vJ3rmLnIMH0dxRqd7IzQ25+T1GuWpJtUaAhgwZQqdOnfjoo4+wtrbm4sWL+Pj4MGHCBNRqNRs2bNBFrLWmro8A/ZdGo+FkwkmWXlrKifgTAMiQMcB7AM+2eZZWTq2kA1VFsPt9OC4VLMOvL4z5BSwdUSuVKMPDKbxxk8KbN8neG4zyVijI5Ti/+gqO06cjq8U/xoLiAq6nXedSyiUup1zmSuoVIrMi7zpOLpPjb+d/e0THsTX+9v733CmXVpDGlZQrXE65XJYUpRWk3XWcuZE5LRxalBsp8rTyNMjkIvfYMaKeeRbUalznf4j9uHH6Dkmox/JOnSJy4iSQy2m8aSNmzZs/8JzdkbuZuX8mLR1bsnbo2lqI0rAk/rmatA8/odAIzP9cQrPGLf+zALtk5CgjGtDAqJ+h3Xh9h10hVXY2Ofv2kbVzF7mHDqFR3i41YOzpiXXQIGyCgjBr00Ynr5c6nwK7fPkyAwYMoGPHjuzdu5fhw4dz5coV0tLSOHLkCE2aVG1B1g8//MCXX35JQkIC7dq147vvvqNLly4VHtu3b98Km7EOGTKEf/+V1qpoNBrmzZvH0qVLycjIoEePHixevLjS9YnqWwJ0p0vJl1h2aRl7o/eWPdbdvTvPNhnNQ/u/gYhjKHMUFLqPptCsPYW3Qim8eRNlRASoVOWupXB0xOPrr7B8+GGdxlysLiY0I7RcsnMz/SYqjequY72svcoSndLpKwvj6hc002g0xOfGl0uIrqZeJbco965jy9YSOd5OirRay6QGUn76meRvvkFmbIzPH3+IIomCTmhUKsLHPEbh9evYTRiP2wcfVOq87899z08Xf2KU/yjm95iv2yANkEajYc+IHnjeSCe9lSfdNuyqODlQ5kFhNli71H6Q96HKyCA7eC/Zu3aRc/QoFBWVfc/ExwfroCCsgwZh1rKlzj8k1so2+IyMDH744QcuXLhATk4OHTt25KWXXsLtPtscK7J27VomTZrEkiVL6Nq1K4sWLWL9+vWEhITQqFGju45PS0tDeUdGmZqaSrt27Vi2bBlTpkwB4PPPP2fBggWsXLmSxo0bM3fuXC5dusTVq1cr1aqjPidApW6m3WTtoR+4eTYYjyQ13skamiapcU0FmariX1C5jQ2mAQGYBvhjGhCAzeDBGDlWcWH1A2g0GqKzo8slO9dSr5XVO7qTk7lTuWSnlWMr7MzstBpPRVRqFRFZEVJSVHILSQ+hSF1017Gulq7StJnj7UXWVia1vzNOo1YT88qr5AQHY+TuRuONG0WRRB1S5+ejKSpCUU9fP+4lfe06EubNQ25jQ5OdOyr9O/bK3lfYH72fWV1m8WSLJ3UbpIHadnA57i9+hWkxuH38EXaPPabvkO6rOC2N7D17yN65i9wTJ6C4uOx7Jv5NsBkUhHVQEKZNA2p1ZLxWEqCCggIuXrxIUlIS6v/0Uxk+fHilr9O1a1c6d+7M999/D4BarcbLy4tXXnmFWbNmPfD8RYsW8f777xMfH4+lpSUajQZ3d3feeOMN3nxTKguemZmJi4sLK1asYMKECQ+8Zn1LgIrT0sqmru68qe+xWF1pLEPt64Fzq06YN20mJT1NAzBq1Ejrv8jJecllyU5pwpOlzLrrOCtjq7tGV1wsXAxmykmpUnIj/Ua5pCgsMwwN5f+8ZMjwtfUt93M0c2hWK4usVdnZhD/2GEWRUVj26IHXzz+JIok6oIyOJmryFIqSkrDu3x/7xydg0bVrrU4R64MqM5PQwY+gSk/H5d13cZg0sdLnBm0IIi43jl+DfuUh14d0GKXhyizM5IuZPXgqWAVWlvj/uw1jl7sHAfSpODmZ7D17yNq5i7yTJ8v1UjNt1kya3ho0CFN//S1i1/ki6B07djBx4kTS0tLu6jwtk8lQqe6emqiIUqnkzJkzzJ49u+wxuVxOYGAgx44dq9Q1li9fzoQJE7C0tAQgPDychIQEAgMDy46xtbWla9euHDt2rMIEqLCwkMLC2914s7LufgOuC1Q5OXckOLfK7qtSUys+QS7D1FqJqW0RxQH+HG7dnDWqk0Ra5qORJ+BpdYGprTsywr8zxlp4g85SZnEl5QpXUq9wKfkSl1Mvk5R39yJlE7kJzR2bl0sSfGx8aqfVRzWZKEzKYi2VW5TL1dSr5ZKiuNw4wjPDCc8MZ0vYFgCM5EY0tW9a7uf1s/XT+iJrhbU1nv/7HxHjJ5B75AgpP/wgiiRqmTImhsjJkymOk7Y+Z+/aRfauXZj4+GA3fjy2o0bW25G3lB9/RJWejol/E+wff/AHzVKZhZnE5cYB0NSh4RZNtTW1JXnow9y6egT/+FwSPpqP53ff6f1DXlFCAtm7dpO1ayf5Z85K/cdKmLVsKU1vDRqIaePGeoyyeqqVAL3yyiuMGzeO999/HxeX6s9FpqSkoFKp7rqGi4sL169ff+D5J0+e5PLlyyxfvrzssYSEhLJr/Peapd/7rwULFvDhhx9WNXy9URcUoAwLK0twCkr+W/qiexeZDGMvr9vTV242mN74CVPldWRGChj0ETz8Ij4yGcOUWay5vobVV1cTkxPDR8c/YsmFJUxqOYmxzcZiaWxZqRhLFylfSb29IysiK+Ku4+QyOU3smpR78w+wC8C4kiXlDZmlsSWdXTvT2bVz2WOp+alcSb1SbsQrrSCNq6lXuZp6lXU31gHSIuuWji2lfxdnaZrPw8qjxi+GZs2a4Tb/Q+LefoeUHxdj1ratKJKoJcqYWKImScmPSePGuM6bR/aunWT+/Q/KyEiSvviC5EWLsHlkMHbjJ2Deob3e39y0pTA0lLTf/wDAZfZsZMaV//stbYDqbumOjUndH3GviQGNB7J4yHG++FVFzp5gsnfuemAJAV0oio0la9dusnfuJP/8+XLfM2vXtmR6axAmnp61Hps2VWsKzMbGhnPnzlV5sfN/xcXF4eHhwdGjR+nWrVvZ42+//TYHDhzgxIkT9z3/ueee49ixY1y8eLHssaNHj9KjRw/i4uLKrUcaN24cMpmMtWvv3mFQ0QiQl5eX3qfANMXFKCMjpUTnjiksZVRUuaHHOxm5uJQkOnfcmvghLy1bELIDNk2Hwkypqd/YFeDb867r5BXlsfnWZn69/CuJeYkA2JjY8GSLJ3mi+RPl1tqULlIuXSh8JUVapFysKb7rup5WnuV2TrVwaFGjRcp1nUajIS43rtwo0dXUq+QV311V1t7UvqxgY2vH1rRyalXtRdaiSKJ2FcXGEjlpMkWxsZj4+uK9aiXGJWsY1bm5ZP77L+lr1lB49VrZOaZNm2I3YTy2w4fX6YrpGo2G6GenkXvkCFb9++P14w9VOv/3a7/z2cnP6OvVl+/6f6ejKOuG5LxkBqwfwGMHixl7RIPC0ZEm/25FYWen8+dWRkWRvWsXWTt3UXDpUrnvmXfsiE3QIKwHDsTYvRJ15PRI51Ngjz32GPv3769xAuTk5IRCoSAxMbHc44mJibi6ut733NzcXNasWcP8+eV3DJSel5iYWC4BSkxMpH379hVey9TUVK/1izRqNUVx8RTevFE+0QkLQ1N098JaAIWtLaZNm5atzzENCMDU3x+F7d09ZwCp8d/+z+DgF9LXnl2k+j42Ff8yWxhb8GSLJxnXdBxbw7byy+VfiMiKYPGFxay4soLRAaORy+RcSbnCtbRr5Bfn33UNRzPHsro5pQuA7c3q5/B/dclkMjysPPCw8iDIV/qkp1KrCM8ML9t1VrrIOr0wncOxhzkce7jsfDdLt7JkMtA7EG8b73s9VTmNZs0i/8oVCi5cJObV10SRxBooiosjcvIUKfnx8cF75e3kB0BuaYn9uHHYjR1LwaVLpK9ZS9a2bRTeuEHi/I9I+uprbIcOxX7CeMxa1r1u3jn79pN75AgyY2Nc3nm7yueHpIUA0My+mbZDq3OcLZxp69yWzd3PMyzSHrOYFBI/+xz3zxbo5PkKw8LJ3rWTrJ27KLx2OzlHJsPioYek6a2BgRjXYKbHkFVrBCgvL4+xY8fi7OxMmzZtMP7PcOerVVhX0LVrV7p06cJ330mZv1qtxtvbm5dffvm+i6BXrFjB888/T2xsLI537EQqXQT95ptv8sYbbwBSRtioUSO9L4LWaDSoUlLumrpS3ryFOq/iPjIyCwtM/f3Ldl6ZBgRg1rQpCienyg+f56XBpmlwa4/0dedpEPQpGJlUOnaVWsWeqD0sv7Sca2nX7vq+pbFl2ahEacFAQ1qkXNcpVUpC0kLKJUXhmeHlFlm7WLiwc8zOSq8dKoqPJ3z0GFTp6diOHi2KJFZDUXy8NPITHY2xjzc+q1ZV6s1ClZlJ5t//kL52LcrQ0LLHzdq2xX78eGyGPKL3InGVoVYqCRs2jKLIKBynPUujktfcqhi/dTxXU6/yTd9vCPQJfPAJ9dyKyyv4+szXjCxowROLLoNGg9fSpVj1unukvqo0Gg3KW7fI2rmL7J07Kbx58/Y3FQosu3bBelAQ1oEDMHIyjBIeVaXzXWDLly/n+eefx8zMDEdHx3IvmjKZjLCwsEpfa+3atUyePJmffvqJLl26sGjRItatW8f169dxcXFh0qRJeHh4sGBB+Qy4V69eeHh4sGbNmruu+fnnn/PZZ5+V2wZ/8eJFvW+DT/r6a1KXLqv4m8bGmPr5lZ+6ahqAsbt7zXaPxF+QWlpkRIGROQxbBO0qv0DxvzQaDUfjjvJ36N/YmdqVjT742vga9CLl+ihHmcO1tGtcSrnEsovLyC7KZtmgZXR161rpa4giidVXlJAgJT9RURh7e+OzaiXGDxi5/i+NRkPeqVNkrFlL1u7dZfVT5DY22I4cgf348ZjWcKRdl1KXLSPpq69RODvRZPsOFFaVWyNYqlhdTNffu6JUK9k2ahteNmIqNjormiGbh6CQKfg7YgR5f6zDyN0Nv3+2VPnfF6TfscKQELJ27iR75y6Ud74/Gxlh2a0bNkGDsBowoF4s0Nf5FNh7773Hhx9+yKxZs5DXcGvn+PHjSU5O5v333ychIYH27duzY8eOskXMUVFRdz1HSEgIhw8fZteuCkqEI60hys3NZfr06WRkZNCzZ0927NhRqeRHl4y9vUEux8Tbu1ySYxoQgIm3d5UWDlbK+T9g6+tQXAD2vjB+Nbi2qdElZTIZPTx60MOjh3ZiFKrNysSqbJF1VFYUG29uZEfEjiolQJbduuE8YwbJCxeS+NHHmLVogXmbmv2ONARFiYlETi5Jfry88Fm5osrJD0h/T5ZdumDZpQsuqalkbNxExtq1FMXGkr7qN9JX/YZF587YTRiP9cCByE0qP2qra8XJyaT8uBiARjPfqNabc0RmBEq1EgsjCzystdsUs67ysvGimX0zQtJDuDCqFS0PeFAUG0vyokW4znmvUtfQaDQUXL5SNr1VFBVV9j2ZsTGWPXpI01v9+9172UQDUK0RIAcHB06dOlXjNUCGSlcjQOr8fJDJdL/WorgQdsyG0yW74wIGweifwbzuZ/dCxY7HH2farmnYmtqyb9y+e7b6qIhGoyHm5VdEkcRKKkpMJGrSZJSRkRh7ekojP1pcGKpRq8k9coT0NWvJ2bevbMODwsEBuzFjsBs/ziB238TNfpfMzZsxa9sW3zV/Vmuk+t+wf5l1aBbtndvz25DfdBBl3bT4wmJ+PP8jfb36ssB0AtHPPAsyGT6//45Fxw4VnqNRqym4eLFseqsoLq7sezJTU6x698J6UBBW/frW6UX3D1KV9+9qDd9Mnjy5wt1Uwv3Jzc11n/xkxsKvQ0qSHxn0nQ2PrxXJTz33kMtDOJg5kFmYyfG441U6VyaT4f7ZAox9vCmOiyfuzbfQVLKWV0NTlJhE1OQpUvLj4SGN/Gh5V4xMLseqVy+8fvge/+A9OL34IkbOzqjS0khdupTQgYOImjad7OBgNMV377SsDfmXLpG5eTMAru+9W+1p+pD0kgXQDmIB9J0CvaW1UEdjjyLv0gHb0aNBoyF+zhzUd+xY1qhU5J0+TcKnn3Kr/wAiJjxO2q+/UhQXh8zcHOvBg/H4ZiFNjx7B87vvsB02tF4nP1VVrSkwlUrFF198wc6dO2nbtu1di6AXLlyoleCEKgo/COunQl4KmNnC6GXQ9MGdmIW6z0huxCCfQawJWcOOiB308uxVpfNFkcQHK0pKImrKFJQRERi7u0u7vTx0O21j7OaG86uv4PTC82Tv30/GmrXkHjlC7qFD5B46hJGrK3ZjH8PuscdqbaeORq0m8eNPALAdMQLzdu2qfa2yHWAiASrH384fHxsfIrMiORR7iMB33ibn0EGUYWGk/PAjlt27S9Nbu3ejSk4pO09uYYFVv35YBw3CqlevOrGQXp+qNQXWr1+/e19QJmPv3r33/H5dUOdaYWg0cPQ72DMPNGppnc+438Ch7lXmFKrvbOJZJu+YjJWxFfvH769We43Mf/4h7u13APBcslgUSSxRnJxM5OQpKMPCMHJ3w2fVKr1NQykjI0lft47MjZtQZWRIDyoUWPfvh934CVh276bTthulvyMyCwuabN9eo3YNfdf2JbUgld+H/E5b57ZajLLu++bMN/xy+Rce8X2EL/p8QdauXcS++tpdx8mtrbHu3x/roEFY9uiBXI8lXQxBrfQCq8/qVAJUmA1/vwRX/5a+bvc4PLoQTBpuccGGSq1RM3DDQJLykljUbxEDvAdU6zoJ8z8i/Y8/RJHEEsUpKVLyExqKkZsbPqtWGsS/iVqpJHvnLtLXriH/9Jmyx429vbEfPw7bUaMwcnDQ7nPm5hL6yBCKk5JwnjkTp+nTqn2tlPwU+q3rhwwZx5843qALolbkYvJFntz2JBZGFhyccBBThSkxr79O9vYdKGxtsQocgE1QEJYPP4zMgBbH65vO1wAJBiL5BiztLyU/cmN49GsYuVgkPw2UXCZnsO9gAHaE76j2dVxmvYN5u3aos7KIefU11AUF2gqxzilOTSVySkny4+qKz8oVBpH8AMhNTLAdNhTf1avx2/IP9k8+idzKiqKoKJK+/IpbffoS++Zb5J0+fVfPxupK+XkpxUlJGHt54TB5Uo2udSNNaoHhY+Mjkp8KtHZqTSOLRuQV53EiXuqK4PHFFzTevImAw4dw/+QTrHr3FslPDYgEqK66+jcs7QcpN8DaDaZug87STgGh4Xqk8SMAHIg5QF5RxcU1H0RmYoLHt4tQODhQeO0aCR/O19obaF1SnJYmrfm5FYqRi4uU/HhXrtJ2bTMNCMB17hwCDh7A7eOPMGvdGk1REVlbtxL51ETChw8nbfXvqLKzq/0cyuho0n79FQCXd96u8VTL9XSp36NY/1MxuUxeNoobHBUMSFvYzVq00H7JlAZKJEB1jaoYdr8P6yaBMgd8esJzB8Gri74jEwxAK8dWeFp5kl+cz8GYg9W+jrGrKx4Lvwa5nMzNm8lYt16LURo+KfmZSuHNWxg1aiQlPz4++g7rgeQWFtg99hiNN6zHd/16bB8bg8zMjMKbt0j8+GNu9u5D3Jw55F+6XOVrJ33xBRqlEsvu3bAaUL3p1TuJFhgPVrobbF/UPorV+tnxV5+JBKguyUmG1aPgyLfS191ehkl/g1X1FyEK9YtMJmNwY2kabHv49hpdy/Lhh3GeMQOAxI8/Jv8/DRLrq+L0dKKmPk3hjRsYOTtLa358ffUdVpWZt2mN+8cfE3DwAC5z5mDi3wRNfj6ZGzYSMXYs4WMeI2PDhnu24blT7rFjZO/eAwqF1O1dCyPNpV3gxQjQvXV06YidqR3phemcSzqn73DqHZEA1RUxp+HnPtJWd2NLqYt70CegqFYlA6EeK10HdDj2MNnK6k95ADhOexarAQPQFBUR89prFKenayNEg1WW/ISEYOTsjPfKupn83ElhY4PDU0/it2ULPqt/w2boUGTGxhRcuUL8nLnc7N2HhI8+puDGjQrP1xQXk/ip1IrI/vHHMQ0IqHFMhapCwjPDAWhq37TG16uvjORG9POSdl3vidyj52jqH5EAGTqNBk7/Ar8+Almx4OgP0/ZCq1H6jkwwUE3tm+Jn64dSrWRf9L4aXashFUlUZWQQ9fQzFF6/jsLZCe+VKzD1qz+lJGQlHb49vvoS/wP7afTWmxh7e6POySH9998JHz6CiCefInPLFtRKZdl56WvXUnjzJgo7O5xffkkrsYRmhKLSqLAztcPFon52GteW0gaxe6L2oNao9RxN/SISIENWlA9/vyz181IpoflQmLYPGjXXd2SCAZPJZGWjQDWdBoPSIonfITMzKyuSWN+oMjKIfPppCq9dQ+HkhM+KFZj6+ek7LJ0xcnDA8ZlnaLJjO17LlmE9MBAUCvLPnCHurbe51acviV9+Sf6lSyT/7zsAnF97FYWdnVae/871P9qYTqvPurp1xcLIgqS8JK6kXNF3OPWKSIAMVXok/BIE51eDTA6BH0jNTM0MvC6RYBCCGgcBcDzuOBkFGTW+nlmzprh9NB+AlB8Xk72vZiNLhkSVmSmN/Fy9hsLREZ8Vvxp0B3ZtksnlWPXsged33+G/NxinV17GyMUFVXo6act/IWLsONSZmZg2bYrd2LFae97SFhhNHcT014OYKkzp7dkbkEaBBO0RCZAhurVHWu8TfwEsHGHiZuj5utjiLlSan60fzR2aU6wp1tqLpu2wYdg/8QQAce/MQhkdrZXr6pMqK4uop5+h4OpVFA4OUvLj76/vsPTC2MUF55dewj94D54/fI9lr17Sa45cjst77yEz0t56Q7EDrGoG+NzeDt8QS1LoikiADIlaDQe+hNWPQX46uHeE6QfAr6++IxPqoCBfaRSoJkUR/6s+FUlUZWUR9cyzFFy5gsLeHu8Vv2plgW9dJzMywnrAALyX/kyT3btp/NdmLLtqr8yGRqMpGwFq7iCm8yujl0cvTOQmRGZFEpoRqu9w6g2RABmK/AxY8wTs+xjQQKcpMHU72BlG1Vmh7ildB3Qq8RQp+SkPOLpy6kuRRFV2NlHPTqPg0iUUdnZ4r1iBWVMxHfNfJp4eWv93ic+NJ1uZjZHcCD/b+rvOSpssjS3p7t4dENNg2iQSIEOQeEWq6nxjOyhMYfj3MOxbMDbTd2RCHeZp7Ulbp7aoNWp2RezS2nXrepFEVU4OUc8+S8HFiyXJz6+YNRPJT20pnf7ys/XDWCEqGlfWndNggnaIBEjfLm2AZYGQFga23vDMTug4Ud9RCfVEaVHEHRHamwaDkiKJr88A6laRRFVODtHPTqPgwkUUtrZ4//oLZs3FNExtKp3+Eut/qqavZ18UMgXX064TkRmh73DqBZEA6YuqCLa/AxufgaI88OsH0/eDewd9RybUI4N8BiFDxrmkc8TnxGv12o7PPotVYN0pkqjKySV62nTyz59HXpr8tGih77AaHFEBunrszOx4yPUhAJ7c9iQrr6xEqVI+4CzhfkQCpA/ZCbBiKJxYIn3d6014aiNYOuo3LqHecbF0oaNLRwB2RuzU6rVlMhnuCxZg4uNj8EUSVTm5RE+fTv65c8htbPD+ZTlmLVvqO6wG6XqaaIJaXbO7zCbAPoAsZRZfnf6K4X8N59+wf0WBxGoSCVBtizwGP/WG6ONgagMT/oABc0Gu0HdkQj31iK/UIV7b02AgFUn0+N//DLpIojo3l+jnnyP/7NmS5OcXzFu10ndYDVJuUS7R2VL5BDEFVnVN7Jqwfuh65nefTyPzRsTmxDLr0Cye+PcJTiWc0nd4dY5IgGrTyaWwcijkJIJzC6mqc/NH9R2VUM8F+gQil8m5knqFqKworV/fkIskqvPyiH7uefJPn0FubY338mWYtxbJj77cTL8JQCPzRtib2es5mrpJIVcwKmAUW0dv5ZUOr2BhZMGV1Cs8vfNpXg5+WWyTrwKRANUmmRzUxdB6DEwLBqeGWXBNqF2O5o50de0K6GYUCAyzSKI6L4/o518g7/Rp5FZWUvLTpo2+w2rQSneAiQrQNWduZM70ttPZNnob45uNRyFTcCDmAKP/Gc2Hxz4kOS9Z3yEaPJEA1aaHnpbW+oxZDiaW+o5GaEAeaay7abBShlQkUZ2fT/QLL5J38iRyS0sp+WnbVm/xCBJRAFH7HM0dmfPwHDaP2MwA7wGoNWo23NjAo5sf5cfzP5JXlKfvEA2WSIBqk0wG/oGipYVQ6/p798dIbsTN9JvcSr+lk+cwlCKJZcnPiRO3k5927Wo9DuFuogWG7jS2bcyifotYOXglbZ3bkl+cz+ILi3l086Osv7GeYnWxvkM0OCIBEoQGwNbUlh7uPQDdjgLpu0iiuqCA6BdfJO/4ceQWFngtW4p5+/a1GoNQMZVaxc0MaQ2QmALTnY4uHVn9yGq+6vMVXtZepOSnMP/YfMb8M4YD0QfqZOV2XREJkCA0EKVFEXdG7NTpi6C+iiSqCwqIefEl8o7dTn4sOoi6WoYiOjua/OJ8zBRm+Fj76Ducek0mkxHkG8TfI/7mnc7vYGtqS1hmGC/vfZlndj3DlZQr+g7RIIgESBAaiH5e/TBVmBKRFVFWi0VXartIorqwkJiXXib36FFkFhZ4Lf0Zi44ddfqcQtWUrv/xt/NHIcp+1ApjhTFPtXyKbaO38XTrpzGRm3Aq4RQT/p3A2wffJjYnVt8h6pVIgAShgbA0tqS3Z28Atkds1+lz3VUk8Y03dVYkUV1YSMzLr5B75AgyCwu8f/4Ji06ddPJcQvWVrf8RBRBrnY2JDa93ep2to7YyzG8YMmRsD9/OsM3D+OrUV2QWZuo7RL0QCZAgNCClHeJ3hut2GgzuKJJobk7u0aMkf/+91p9DrVQS88or5B46hMzcHK8li7F46CGtP49Qc2U9wEQCpDduVm582utT1g5dS1e3rhSpi1h5dSVDNg1pkK01RAIkCA1IL89eWBhZEJcbx8WUizp/PrNmTXGbLxVJTF28RKtFEtVKJbGvvEruwUPIzMzwWrIEyy5dtHZ9QbvEDjDD0cKxBUsHLmVx4GL87fzLtdbYFratwbTWEAmQIDQg5kbm9PXqC8COcN3tBruT7bCh2D/5JKC9IolqpZLYV18j58CBkuRnMZZdRfJjqDIKMkjMSwSgqb3YAWYIZDIZPT16smHYhnKtNd459E6Daa0hEiBBaGBKiyLujNiJSl07zUtd3nkb8/bttVIkUaNUEjvjdXL270dmaorX4h+xfPhhLUYraFvp9JenlSdWJlZ6jka4U2lrjS2jttzVWuOV4FfqdWsNvSdAP/zwA76+vpiZmdG1a1dOnjx53+MzMjJ46aWXcHNzw9TUlKZNm7Jt27ay73/wwQfIZLJyt+bNRdVRQSjV3b071ibWJOcnczbpbK08p8zEBI9F39S4SKJGqSTm9Znk7N17O/np1k0HEQvaJBZAGz4LY4u7Wmvsj9lf1lojJT9F3yFqnV4ToLVr1zJz5kzmzZvH2bNnadeuHUFBQSQlJVV4vFKpZODAgURERLBhwwZCQkJYunQpHh4e5Y5r1aoV8fHxZbfDhw/Xxo8jCHWCicKEQO9AoPamwaDmRRI1RUXEvvEGOcHByExM8PzhByy7d9dRtII2lS2AFut/DN6drTX6e/Uva60xZNMQFp9fXK9aa+g1AVq4cCHTpk1j6tSptGzZkiVLlmBhYcEvv/xS4fG//PILaWlp/PXXX/To0QNfX1/69OlDu/+UuTcyMsLV1bXs5uTkdN84CgsLycrKKncThPqsdDfY7sj/t3ff0VGV6QPHv5NJDymEkAZpQAIBQu9FWqi7qKwKRqWooIsgJSBFCKwgIEiVDkqxoLJYQEoAQ5MmNQoSCISEACaEmkrazP39kV9GZwklpNwk83zOuecwd9773mdygXny1t3k6HNK7b5Pu0iikpPD9dAxpO7+2ZD8VGrXtgQjFcUp+m40ICtAlyd+jn4s6ryIdT3W0cAlb2uNZb8tq1Bba6iWAGVnZ3Py5EmCg4P/CsbMjODgYI4cOVLgNVu2bKF169YMGzYMNzc36tevz8yZM9H9z/oiFy9exNPTkxo1avDqq68SHx//yFhmzZqFo6Oj4fDy8ir6BxSiDGvh0YLKVpW5m3WXYwmP7nYublUGD8a+a3DeIokjHr9IYl7Lz1hSd+9GY2FB9SWLqdS+XSlFK4oqR5djGEciLUDlT1O3pnzZK29rjeqVqhu21nhxy4vlfmsN1RKgW7duodPpcHNzMzrv5uZGYmJigddcvnyZTZs2odPp2L59O2FhYcybN48PP/zQUKZly5asW7eO8PBwli9fTmxsLO3btyc1NfWhsUycOJHk5GTDcbUYZqkIUZaZm5nTzbcbULJ7gxVEo9HgMXNm3iKJCY9eJFHJzeX6e+NI3bXrr+TnmWdKNV5RNJeTL5Ojz6GSRSWqVar2+AtEmZO/tcaW57cYttaISY4p91trqD4IujD0ej2urq6sWrWKpk2b0q9fPyZNmsSKFSsMZXr27MlLL71EgwYN6N69O9u3b+fevXts3LjxofVaWVnh4OBgdAhR0XX37Q5AxJWIUl8ATWtvT7XFj14kUcnN5c9x40gNDwcLC6p9sohKHTqUapyi6AzdX5UD0Gg0KkcjiuLvW2u8Xv/1cr+1hmoJkIuLC1qtlhs3bhidv3HjBu7u7gVe4+HhQUBAAFrtX/vIBAYGkpiYSHZ2wf+BOzk5ERAQwKVLl4oveCEqgCauTXC1cSU1J5VD1w+V+v2tAx6+SGJe8jOelO07wMKC6osWYd+pU6nHKIpOZoBVPA6WDoQ2DTVsrQGUy601VEuALC0tadq0KREREYZzer2eiIgIWj9kWmvbtm25dOkSev1fq1RGR0fj4eGBpaVlgdekpaURExODh4dH8X4AIco5rZlWtW6wfAUtkqjodPw5YSIp27fnJT8LF2DfWZKf8kpmgFVc+VtrbPznxnK5tYaqXWChoaGsXr2a9evXExUVxdChQ0lPT+f1118HYMCAAUycONFQfujQody5c4eRI0cSHR3Ntm3bmDlzJsOGDTOUGTt2LPv37ycuLo7Dhw/Tp08ftFotISEhpf75hCjr8hdF3Ht1L/dz76sSg9Eiie+OyEt+tm4Fc3OqL5iPfZcuqsQlik5RFEMLUB1nWY+tosrfWmNZl2XlamsNczVv3q9fP27evMmUKVNITEykUaNGhIeHGwZGx8fHY2b2V47m5eXFzp07GT16NA0aNKBatWqMHDmS8ePHG8pcu3aNkJAQbt++TdWqVWnXrh1Hjx6latWqpf75hCjrglyCqFapGtfTrnPg2gHDuKDSlL9IYuwLL5J1/jxZ58+DuTnVFszH/m+zREX5c/P+Te5m3cVMY0ZNp5pqhyNKkEajoX319rTxbMOWmC0sOb3EsLXGF+e+ILRZKM3dm6sdphGNUp7nsJWQlJQUHB0dSU5OlgHRosJbcHIBa86uoatPV+Z3nK9aHOlHfyX+jTdAo6Ha/Pk4dO+mWiyiePxy7RfeiXiHGo412Pz8ZrXDEaUoIyeDL859wZqza8jIzVs8sWP1joxuOpoaTjVK7L6F+f4uV7PAhBDFL78b7MC1A6Rlp6kWh12rlvh9twm/H76X5KeCkPE/psvWwpa3G77Ntn9te2BrjWlHppWJrTUkARLCxNWuXBtfB1+ydFnsvbr38ReUIOvAQKwDZLXgiiL6Tt4UeJkBZrpcbFyMttbQKTr+G/1fw0BpNUkCJISJ02g09PDL2xpDrdlgomI6f/c8IAmQKHhrjdLchqcgkgAJIQx7gx3+83C5WcNDlG2ZuZlcSbkCSBeY+Ev+1hrzO87ntcDXVI1FEiAhBDWdauJf2Z9cfS4R8RGPv0CIx7h07xJ6RY+ztTMuNo/ekFqYFo1GQ1efrlibW6sahyRAQggAevrmDYbeEbtD5UhERZC//o9sgSHKKkmAhBDAX91gxxKPcfv+bZWjEeXd+Tt5439kAURRVkkCJIQAwMvBi/pV6qNX9Oy+slvtcEQ59/dNUIUoiyQBEkIY5M8Gk24wURSKohgSIJkBJsoqSYCEEAb5W2GcTjpNYnqiytGI8up62nXSctKwMLPAz9FP7XCEKJAkQEIIA3c7d5q4NkFBYVfcLrXDEeVU/gDoWk61sDCzUDkaIQomCZAQwkh+K5AsiiieVv4WGDL+R5RlkgAJIYx08+2GmcaMM7fOcDX1qtrhiHIovwVIxv+IskwSICGEERcbF5q7NwdgZ9xOlaMR5ZFsgirKA0mAhBAPyF8UMTxWusFE4aRmp3I97TogLUCibJMESAjxgGCfYMw15ly4e4HLyZfVDkeUI/nT393t3HG0clQ5GiEeThIgIcQDHK0cae3ZGoCdsdINJp6cYfyPdH+JMk4SICFEgXr6/f/eYHE7UBRF5WhEeSErQIvyQhIgIUSBOnl1wtLMktjkWMOXmhCPIzPARHkhCZAQokCVLCvRvnp7QLbGEE8mV5/LxXsXAdkEVZR9kgAJIR4qf2+w8Lhw6QYTjxWfEk+WLgsbcxu87L3UDkeIRzJXOwAhRNn1TLVnsDG34Xradc7eOktQ1SC1QxJlWP76P/6V/THTlP3fr3U6HTk5OWqHIQrBwsICrVZbLHVJAiSEeChbC1s6Vu/Ijrgd7IjbIQmQeKTyMgNMURQSExO5d++e2qGIp+Dk5IS7uzsajaZI9UgCJIR4pB5+PdgRt4OdcTsZ22xsufjNXqjj/N3zQNlPgPKTH1dXV2xtbYv8RSpKh6IoZGRkkJSUBICHh0eR6pMESAjxSO2qtcPewp6kjCROJ52mqVtTtUMSZVT0nbzZgmV5BphOpzMkP1WqVFE7HFFINjY2ACQlJeHq6lqk7jD5VU4I8UiWWks6eXcCZDaYeLg7mXe4ef8mGjRleg2g/DE/tra2Kkcinlb+syvq+C1JgIQQj5W/KOLuK7vJ1eeqHI0oi/LH/3jZe2FrUfaTC+n2Kr+K69lJAiSEeKyWHi1xsnLiTuYdjiceVzscUQblL5ZZlru/hPg7SYCEEI9lYWZBsE8wkLcmkBD/6/yd8jEAWoh8kgAJIZ5IT9+/usFydLJ2ijCWvwaQtACJ8kISICHEE2nq1hQXGxdSs1M5knBE7XBEGZKtyyb2XiwgLUCmpjwvJCkJkBDiiWjNtHT37Q7IbDBh7HLyZXKVXOwt7XG3c1c7nAotPDycdu3a4eTkRJUqVfjnP/9JTEyM4f1r164REhKCs7MzdnZ2NGvWjF9//dXw/k8//UTz5s2xtrbGxcWFPn36GN7TaDT8+OOPRvdzcnJi3bp1AMTFxaHRaPj222/p0KED1tbWfPXVV9y+fZuQkBCqVauGra0tQUFBfP3110b16PV65syZQ61atbCyssLb25sZM2YA0LlzZ4YPH25U/ubNm1haWhIREVEcP7YCqZ4ALV26FF9fX6ytrWnZsiXHjh17ZPl79+4xbNgwPDw8sLKyIiAggO3btxepTiHEk+nhm7c32J74PWTmZqocjSgr8sf/1HGuUy5nVymKQkZ2ripHYffYS09PJzQ0lBMnThAREYGZmRl9+vRBr9eTlpZGhw4duH79Olu2bOG3335j3Lhx6PV6ALZt20afPn3o1asXp0+fJiIighYtWhT65zVhwgRGjhxJVFQU3bt3JzMzk6ZNm7Jt2zbOnj3LW2+9Rf/+/Y2+eydOnMhHH31EWFgY586dY8OGDbi5uQEwePBgNmzYQFZWlqH8l19+SbVq1ejcuXOh43tSqi6E+O233xIaGsqKFSto2bIlCxcupHv37ly4cAFXV9cHymdnZ9O1a1dcXV3ZtGkT1apV48qVKzg5OT11nUKIJ9egagM87DxISE/g4PWDhoHRwrSVly0wHuZ+jo66U3aqcu9z07pja/nkX8UvvPCC0es1a9ZQtWpVzp07x+HDh7l58ybHjx/H2dkZgFq1ahnKzpgxg5dffpkPPvjAcK5hw4aFjnnUqFH861//Mjo3duxYw5/fffdddu7cycaNG2nRogWpqaksWrSIJUuWMHDgQABq1qxJu3btAPjXv/7F8OHD2bx5M3379gVg3bp1DBo0qEQTalVbgObPn8+QIUN4/fXXqVu3LitWrMDW1pY1a9YUWH7NmjXcuXOHH3/8kbZt2+Lr60uHDh2MHmBh6wTIysoiJSXF6BBCPMhMY2ZoBZJuMJEvfwp8WV4AsaK4ePEiISEh1KhRAwcHB3x9fQGIj48nMjKSxo0bG5Kf/xUZGUmXLl2KHEOzZs2MXut0OqZPn05QUBDOzs5UqlSJnTt3Eh8fD0BUVBRZWVkPvbe1tTX9+/c3fE+fOnWKs2fPMmjQoCLH+iiqtQBlZ2dz8uRJJk6caDhnZmZGcHAwR44UPMByy5YttG7dmmHDhrF582aqVq3KK6+8wvjx49FqtU9VJ8CsWbOMMmIhxMN19+vO2j/WcuDaAdJz0rGzsFM7JKEiRVHK/QwwGwst56Z1V+3ehdG7d298fHxYvXo1np6e6PV66tevT3Z2tmGbiIfe6zHvazSaB7rkChrkbGdn/G/+448/ZtGiRSxcuJCgoCDs7OwYNWoU2dnZT3RfyOsGa9SoEdeuXWPt2rV07twZHx+fx15XFKq1AN26dQudTmfoA8zn5uZGYmJigddcvnyZTZs2odPp2L59O2FhYcybN48PP/zwqeuEvL7J5ORkw3H16tUifjohKq66znXxtvcmU5fJvqv71A5HqOxGxg2Ss5LRarTUdKqpdjhPRaPRYGtprspRmC6e27dvc+HCBSZPnkyXLl0IDAzk7t27hvcbNGhAZGQkd+7cKfD6Bg0aPHJQcdWqVUlISDC8vnjxIhkZGY+N69ChQzz33HO89tprNGzYkBo1ahAdHW1439/fHxsbm0feOygoiGbNmrF69Wo2bNjAG2+88dj7FpXqg6ALQ6/X4+rqyqpVq2jatCn9+vVj0qRJrFixokj1WllZ4eDgYHQIIQqm0Wjo4ZfXDSaLIor88T9+jn5Yaa1UjqZiq1y5MlWqVGHVqlVcunSJPXv2EBoaang/JCQEd3d3nn/+eQ4dOsTly5f57rvvDD0gU6dO5euvv2bq1KlERUVx5swZZs+ebbi+c+fOLFmyhNOnT3PixAn+/e9/Y2Fh8di4/P392b17N4cPHyYqKoq3336bGzduGN63trZm/PjxjBs3js8//5yYmBiOHj3KZ599ZlTP4MGD+eijj1AUxWh2WklRLQFycXFBq9Ua/ZAAbty4gbt7wdMoPTw8CAgIMNr9NTAwkMTERLKzs5+qTiFE4eWPAzp4/SDJWckqRyPUVN67v8oTMzMzvvnmG06ePEn9+vUZPXo0H3/8seF9S0tLdu3ahaurK7169SIoKIiPPvrI8J3ZsWNH/vvf/7JlyxYaNWpE586djWZqzZs3Dy8vL9q3b88rr7zC2LFjn2jT2MmTJ9OkSRO6d+9Ox44dDUnY34WFhTFmzBimTJlCYGAg/fr1IykpyahMSEgI5ubmhISEYG1tXYSf1JNRbQyQpaUlTZs2JSIiwvCD0uv1REREPLAeQL62bduyYcMG9Ho9ZmZ5uVt0dDQeHh5YWloCFLpOIUTh+Vf2p5ZTLS7du8Se+D308S/539ZE2VTeZ4CVN8HBwZw7d87o3N/H7fj4+LBp06aHXv+vf/3rgRlc+Tw9Pdm503g23L179wx/9vX1LXDavrOz8wPrB/0vMzMzJk2axKRJkx5a5tatW2RmZvLmm28+sq7iomoXWGhoKKtXr2b9+vVERUUxdOhQ0tPTef311wEYMGCA0YDmoUOHcufOHUaOHEl0dDTbtm1j5syZDBs27InrFEIUj/xWoJ1x6kwfFmWDYRNUSYDEU8rJySExMZHJkyfTqlUrmjRpUir3VXUdoH79+nHz5k2mTJlCYmIijRo1Ijw83DCIOT4+3tDSA+Dl5cXOnTsZPXo0DRo0oFq1aowcOZLx48c/cZ1CiOLRw68HSyKXcDThKHcy7+BsXfDUW1FxZeRkcCXlCgABzjIFXjydQ4cO0alTJwICAh7ZelXcNEphl6E0ASkpKTg6OpKcnCwDooV4hL4/9SXqThRhrcLoW7uv2uGIUvbbzd94bftruNi4sLfvXrXDeSKZmZnExsbi5+dXKuNMRPF71DMszPd3uZoFJoQoW3r65e0QL7PBTJOM/xHlmSRAQoinlr856onEEyRlJD2mtKhoDCtAS/eXKIckARJCPDXPSp40rNoQBYVdcbvUDkeUsvxNUKUFSJRHkgAJIYokvxtsR5zsDZbvetp1Q/dQRaVX9IYWoDrOdVSORojCkwRICFEk3Xy6oUHD7zd/53radbXDUd3ppNP02dyHF396kVW/rypw3ZSK4FrqNe7n3sfSzBIfh5Lds0mIkiAJkBCiSKraVqW5e3NA1gT649YfvPPzO9zPvQ/A4tOLmXhwIlm6LJUjK375K0DXqlwLczNVV1QR4qlIAiSEKLL8wdDhsaY7Gyz6bjRv//w2aTlpNHVryoQWE9BqtGy7vI03wt/g1v1baodYrGT8j2nYt28fGo3GaEXo4ihbFkgCJIQosq4+XdFqtETdiSIuOU7tcEpdbHIsQ3YNITkrmQYuDVjaZSmvBr7Kiq4rcLB04PdbvxOyLcSQNFQE0Xf+fwVo2QOsQmvTpg0JCQk4OjoWa9myQBIgIUSRVbauTCvPVoDprQl0LfUag3cN5k7mHeo412F51+XYWdgB0MqjFRv+sQFfB18S0xMZsGMAEVciVI64eBg2QZUWoDIrOzu7yHVYWlri7u6ORqMp1rJlgSRAQohikb832I7YHRV24O//SkxPZPCuwSRlJFHTsSYru67EwdJ49VkfBx++7PUlrTxacT/3PqP2jWL176vL9c8oOSuZhPQEoIKsAaQokJ2uzlGIvwcdO3Zk+PDhDB8+HEdHR1xcXAgLCzP8XfL19WX69OkMGDAABwcH3nrrLQAOHjxI+/btsbGxwcvLixEjRpCenm6oNysri/Hjx+Pl5YWVlRW1atXis88+Ax7s1rpy5Qq9e/emcuXK2NnZUa9ePbZv315gWYDvvvuOevXqYWVlha+vL/PmzTP6TL6+vsycOZM33ngDe3t7vL29WbVqVaEf4dOQkWtCiGLR2bsz045M43LyZS7eu0hA5QrwxfgIt+7fYsiuIVxPu463vTeru61+6H5ojlaOLA9ezpzjc/j6/Nd8cvoTYpJj+KDNB1hprUo58qLLn/7uaef5QMJXLuVkwExPde79/p9gaffExdevX8+bb77JsWPHOHHiBG+99Rbe3t4MGTIEgLlz5zJlyhSmTp0KQExMDD169ODDDz9kzZo13Lx505BErV27FsjbePzIkSN88sknNGzYkNjYWG7dKnjM2rBhw8jOzubAgQPY2dlx7tw5KlWqVGDZkydP0rdvX/7zn//Qr18/Dh8+zDvvvEOVKlUYNGiQody8efOYPn0677//Pps2bWLo0KF06NCB2rVLtnVREiAhRLFwsHSgXbV27L26l/DY8AqdAN3LvMeQXUOIS4nDw86DT7t9SlXbqo+8xtzMnPdbvk9Nx5rMOjaLbZe3cTX1Kos6LcLFxqWUIi8e+WscVYjWn3LGy8uLBQsWoNFoqF27NmfOnGHBggWGBKhz586MGTPGUH7w4MG8+uqrjBo1CgB/f38++eQTOnTowPLly4mPj2fjxo3s3r2b4OBgAGrUqPHQ+8fHx/PCCy8QFBT02LLz58+nS5cuhIWFARAQEMC5c+f4+OOPjRKgXr168c477wAwfvx4FixYwN69eyUBEkKUHz18e+QlQHHhvNv43XIzFqAwUrNTefvnt7l07xJVbaryWbfP8Kjk8cTX96vTD28Hb8bsH8PvN/MGRy/uvLhcLSaYP/6nPMX8SBa2eS0xat27EFq1amX076p169bMmzcPnU4HQLNmzYzK//bbb/z+++989dVXhnOKoqDX64mNjeXMmTNotVo6dOjwRPcfMWIEQ4cOZdeuXQQHB/PCCy/QoEGDAstGRUXx3HPPGZ1r27YtCxcuRKfTodVqAYyu12g0uLu7k5RU8lvryBggIUSx6ejVEWutNVdTr3Lu9jm1wyl2GTkZvPPzO5y7fQ5na2c+7fYpXg5eha6ntWdrNvT6n8HR8eVncHSF2wRVo8nrhlLjKOZfEuzsjLvT0tLSePvtt4mMjDQcv/32GxcvXqRmzZrY2NgUqv7Bgwdz+fJl+vfvz5kzZ2jWrBmLFy8uUswWFhZGrzUaDXq9vkh1PglJgIQQxcbWwpYOXnm/SVa02WCZuZm8u+ddIm9GYm9pz6quq6jh9PDm/8fxdfQ1Ghw9eu9oPj3zaZkfHJ2jzyHmXgxQgRKgcuTXX381en306FH8/f0NrSn/q0mTJpw7d45atWo9cFhaWhIUFIRer2f//v1PHIOXlxf//ve/+f777xkzZgyrV68usFxgYCCHDh0yOnfo0CECAgIeGm9pkgRICFGsevrm7Q0WHheOXin53+JKQ7Yum9H7RnMs8Rh2FnasDF5ZLOvfOFo5six4GS/XfhkFhUWnFjHp4KQyvXJ0XHIc2fpsbM1tqWZfTe1wTE58fDyhoaFcuHCBr7/+msWLFzNy5MiHlh8/fjyHDx9m+PDhREZGcvHiRTZv3szw4cOBvFlYAwcO5I033uDHH38kNjaWffv2sXHjxgLrGzVqFDt37iQ2NpZTp06xd+9eAgMDCyw7ZswYIiIimD59OtHR0axfv54lS5YwduzYov8gioEkQEKIYtWuejvsLOxITE/kt5u/qR1OkeXqcxl3YBwHrx/EWmvN0i5LCaoaVGz1W5hZMKnVJCa1nIRWo+Wnyz/x5s43y+zK0Yb1f5xrY6aRr5DSNmDAAO7fv0+LFi0YNmwYI0eONEx3L0iDBg3Yv38/0dHRtG/fnsaNGzNlyhQ8Pf+a9bZ8+XJefPFF3nnnHerUqcOQIUOMpsn/nU6nY9iwYQQGBtKjRw8CAgJYtmxZgWWbNGnCxo0b+eabb6hfvz5Tpkxh2rRpRgOg1aRRynp7qwpSUlJwdHQkOTkZB4cKMMVTiFL2/i/v89Pln3ilzitMbDlR7XCemk6v4/2D77M9djsWZhYs6bKENp5tSux+R/48wpj9Y0jNTsXDzoPFnReXuZWW55+Yz9o/1tKvdj8mt5qsdjiFlpmZSWxsLH5+flhbW6sdTqF07NiRRo0asXDhQrVDUdWjnmFhvr8lfRdCFLsefnmLIu6M24lOr1M5mqejV/RMPzqd7bHbMdeYM7/j/BJNfuCvwdE+Dj4kpCfQf0d/9sTvKdF7FtbfW4CEKM8kARJCFLvWHq1xsHTgduZtTtw4oXY4haYoCrOPzea7i99hpjHjo2c+oqNXx1K5t6+jL1/1+oqWHi3zVo7eO4rPznxWZgZHV7gZYMJkSQIkhCh2FloLuvp0BfK2xihPFEVh4amFbDi/AYDpbacbdrsvLfkrR/er3Q+FvHgmH5pMtq7oezsVxa37t7ideRszjRn+lf1VjcUU7du3z+S7v4qTJEBCiBKR3w32c/zP5OhzVI7mya38fSVrzq4BIKxVGM/WfFaVOCzMLJjcajLvt3wfrUbLlpgtvLnzTW7fv61KPPBX64+3vTc25oVbP0aIskYSICFEiWju1pwq1lVIzkrm6J9H1Q7niaz/Yz1LI5cC8F6z9+hbu6/KEUFInRCWBS/D3tKeyJuRhGwLMSQipU3G/4iKRBIgIUSJ0JppDd1g5WFRxG/Of8PcE3MBeLfxuwyoN0DliP7SxrMNX/X6ymhw9N74vaUeh4z/ERWJJEBCiBLT0y9vUcQ98XvK9OJ+P176kRm/zgBgcNBg3mrw8HVV1OLn6Gc0OHrk3pGsObumVAdHGxIgaQESFYAkQEKIEtPItRFutm6k5aRx8PpBtcMpUHhsOFMPTwXgtcDXGNF4hMoRPdz/Do5ecHJBqQ2OztJlEZcSB0gLkKgYJAESQpQYM42ZYQZVeGzZ6wbbG7+Xib9MRK/oecH/BcY1H1fmd7AvaHD04F2DS3xw9KV7l9ApOpysnHC1dS3RewlRGiQBEkKUqPxusP3X9pORk6FyNH85fP0wY/aPIVfJ5Z81/klYq7Ayn/z8nWFwtIU9p5NO88q2V0p0cHT0nWggr/WnPP2cRNH85z//oVGjRobXgwYN4vnnn1ctnuIkCZAQokTVq1KP6pWqcz/3PgeuHVA7HABOJJ5g5N6R5Ohz6OrTleltp6M1U3936sJq49mGL//xJd723vyZ/icDdgxg39V9JXKv83fOAxDgHFAi9QtR2iQBEkKUKI1GY1gTqCwsivj7zd8ZFjGMTF0mz1R/htntZ2NuZq52WE+thmMNNvxjAy3dW5KRm8GIPSNKZHB0/hT4Os51irVe8fSys9VdGLO8kwRICFHievjmJUC/XP+F1OxU1eKIuh3Fv3/+Nxm5GbT0aMn8jvOx0FqoFk9xcbRyZHnX5fQN6Fsig6MVRTHqAqtoFEUhIydDlaMwiWrHjh0ZPnw4o0aNwsXFhe7du3P27Fl69uxJpUqVcHNzo3///ty6dctwjV6vZ86cOdSqVQsrKyu8vb2ZMWOG4f3x48cTEBCAra0tNWrUICwsjJyc8rNwaVGUiV97li5dyscff0xiYiINGzZk8eLFtGjRosCy69at4/XXXzc6Z2VlRWZmpuH1oEGDWL9+vVGZ7t27Ex5e9gZhCmEKAioHUMOxBpeTL7P36l5VVleOuRfD27vfJjU7lcaujfmk0ydYaa1KPY6Skj84uqZTTWYfn82WmC1cTb3Kgo4LqGJTpUh1J6QnkJqTirmZOTUcaxRTxGXH/dz7tNzQUpV7//rKr9ha2D5x+fXr1zN06FAOHTrEvXv36Ny5M4MHD2bBggXcv3+f8ePH07dvX/bsydtEd+LEiaxevZoFCxbQrl07EhISOH/+vKE+e3t71q1bh6enJ2fOnGHIkCHY29szbty4Yv+sZY3qLUDffvstoaGhTJ06lVOnTtGwYUO6d+9OUlLSQ69xcHAgISHBcFy5cuWBMj169DAq8/XXX5fkxxBCPILa3WBXUq4weNdg7mbdpV6VeiztsrRQXzrlhUaj4ZXAV1jeZbnR4Ojou9FFqjd/cHUNxxoVosWsPPP392fOnDnUrl2b3bt307hxY2bOnEmdOnVo3Lgxa9asYe/evURHR5OamsqiRYuYM2cOAwcOpGbNmrRr147Bgwcb6ps8eTJt2rTB19eX3r17M3bsWDZu3KjiJyw9qrcAzZ8/nyFDhhhadVasWMG2bdtYs2YNEyZMKPAajUaDu7v7I+u1srJ6bBkhROnp4duDZZHLOPrnUe5l3sPJ2qlU7vtn2p8M3jWYW/dv4V/Zn5VdV2JvaV8q91ZLm2p5g6PfjXiX+NR4+m/vz+xnZj/1jvbn7+a1GFTE7i8AG3Mbfn3lV9XuXRhNmzY1/Pm3335j7969VKpU6YFyMTEx3Lt3j6ysLLp06fLQ+r799ls++eQTYmJiSEtLIzc3FwcHh0LFVF6p2gKUnZ3NyZMnCQ4ONpwzMzMjODiYI0eOPPS6tLQ0fHx88PLy4rnnnuOPP/54oMy+fftwdXWldu3aDB06lNu3H75GRlZWFikpKUaHEKJ4+Tn6Uce5DrlKLj/H/1wq90zKSGLwrsEkpifi6+DLqq6rcLRyLJV7qy1/cHQL9xaGwdFrz659qsHRhvE/FXQFaI1Gg62FrSpHYZcUsLOzM/w5LS2N3r17ExkZaXRcvHiRZ555BhubRydXR44c4dVXX6VXr15s3bqV06dPM2nSJJMZXK1qAnTr1i10Oh1ubm5G593c3EhMTCzwmtq1a7NmzRo2b97Ml19+iV6vp02bNly7ds1QpkePHnz++edEREQwe/Zs9u/fT8+ePdHpdAXWOWvWLBwdHQ2Hl5dX8X1IIYRB/mDo0lgU8U7mHYbsGsLV1KtUq1SNT7t9iouNS4nftyxxtHJkRdcVvBTwEgoK80/OJ+xQWKEHR8smqGVTkyZN+OOPP/D19aVWrVpGh52dHf7+/tjY2BAREVHg9YcPH8bHx4dJkybRrFkz/P39CxxSUlGpPgaosFq3bs2AAQNo1KgRHTp04Pvvv6dq1aqsXLnSUObll1/m2WefJSgoiOeff56tW7dy/Phx9u3bV2CdEydOJDk52XBcvXq1lD6NEKYlf1XoY4nHuJlxs8Tuk5yVzFu73uJy8mXcbN34tNunuNm5Pf7CCsjCzIKwVmFMaDEBM40Zm2M2M2TXEO5k3nmi69Nz0rmamvd/YkXtAiuvhg0bxp07dwgJCeH48ePExMSwc+dOXn/9dXQ6HdbW1owfP55x48bx+eefExMTw9GjR/nss8+AvPFE8fHxfPPNN8TExPDJJ5/www8/qPypSo+qCZCLiwtarZYbN24Ynb9x48YTj9+xsLCgcePGXLp06aFlatSogYuLy0PLWFlZ4eDgYHQIIYpfdfvqNHBpgILCriu7SuQeadlpDP15KBfuXqCKdRU+7fYp1e2rl8i9yguNRsOrga+yrEveytGnkk7xyrZXuHj34mOvzR9A7WrjSmXryiUdqigET09PDh06hE6no1u3bgQFBTFq1CicnJwwM8v7eg8LC2PMmDFMmTKFwMBA+vXrZ5hk9OyzzzJ69GiGDx9Oo0aNOHz4MGFhYWp+pFKlUUpzK+ECtGzZkhYtWrB48WIgb80Cb29vhg8f/tBB0H+n0+moV68evXr1Yv78+QWWuXbtGt7e3vz44488++zjp9+mpKTg6OhIcnKyJENCFLMvzn3BnONzaOzamM97fl6sdWfkZDD056GcSjqFk5UTa7qvwb+yf7Heo7y7nHyZ4RHDuZp6FVtzWz7u8DHPVH/moeW/Of8NM36dQftq7VkWvKwUIy0ZmZmZxMbG4ufnh7W1tdrhiKfwqGdYmO9v1bvAQkNDWb16NevXrycqKoqhQ4eSnp5umBU2YMAAJk6caCg/bdo0du3axeXLlzl16hSvvfYaV65cMUzrS0tL47333uPo0aPExcURERHBc889R61atejevbsqn1EI8ZduPt3QoOF00mkS0hKKrd4sXRaj9o7iVNIp7C3sWdl1pSQ/BajhWIMNvTbQ3L05GbkZDI8Yzvo/1j90cLSM/xEVleoJUL9+/Zg7dy5TpkyhUaNGREZGEh4ebhgYHR8fT0LCX/9J3r17lyFDhhAYGEivXr1ISUnh8OHD1K1bFwCtVsvvv//Os88+S0BAAG+++SZNmzbll19+wcqq4ix6JkR55WbnRhO3JgDsjNtZLHXm6HMYu28sRxKOYGNuw7LgZdStUrdY6q6InKydWNl1JS8GvIiCwtwTc5lyeAo5ugdXAK7IK0AL06Z6F1hZJF1gQpSsb89/y4e/fki9KvX45p/fFKmuXH0u4w+MZ9eVXVhprVjWZRktPApeSV4YUxSFDec3MOf4HPSKniauTVjQaQHO1s4A6PQ6Wm1oRaYuk83Pb64Qq0BLF1j5V2G6wIQQpifYJxitRssft/8gPiX+qevRK3qmHp7Kriu7MDczZ2GnhZL8FEL+4OilXZZSyaLSA4Oj41PjydRlYq21xsfeR+VohShekgAJIUpdFZsqtHDPS1TC455uTSBFUZhxdAZbYrag1WiZ+8xc2lVrV5xhmox21drxVa+vqF6pOtfTrtN/R38OXDtgGP/jX9kfrZlW5SiFKF6SAAkhVNHTryfwdAmQouSNW9kYvRENGma2m0kXn4cv9y8er4ZTDb7+x9c0c2tGek46wyOGs/r31UDeZrZCVDSSAAkhVNHZuzPmZuZcvHuRS3cfvo5XQZZGLuXzc3lT6D9o8wG9avQqiRBNjpO1E6u6ruIF/xdQUAxrAMkMMFERSQIkhFCFo5UjbT3bAoVrBfr0zKes/D1v5feJLSbSx79PicRnqiy0FkxtPZVxzcdhpsn7iqhfpb7KUQlR/CQBEkKopoff/+8NFhf+RJt0fnnuSxadWgTA6KajeSXwlRKNz1RpNBr61+3P+h7rmd52OvVdJAESFY8kQEII1XTy6oSV1oorKVc4f+f8I8tuit7E7OOzARjacChv1H+jNEI0aY1cG/F8recLvWO5KBmKovDWW2/h7OyMRqMhMjJS7ZDKNUmAhBCqsbOwM2zDsCNux0PL/RTzE9OOTANgUL1BDG04tFTiE6IsCQ8PZ926dWzdupWEhARSUlLo3bs3np6eaDQafvzxR7VDLFckARJCqKqHb1432M7YnQV2g+2+spuwQ2EoKPSr3Y/QpqHSIiFMUkxMDB4eHrRp0wZ3d3fS09Np2LAhS5cuVTu0cslc7QCEEKatffX22Jrb8mf6n/x+63caVm1oeO/AtQOMOzAOnaLjuZrP8X7L9yX5EcVOURSU+/dVubfGxuaJ/k4PGjSI9evX512j0eDj40NcXBw9e/Ys6RArLEmAhBCqsjG3oZN3J7Zd3kZ4bLghATqacJTRe0eTq8+lh28PPmjzgWFWkhDFSbl/nwtNmqpy79qnTqKxtX1suUWLFlGzZk1WrVrF8ePH0WplYcqikv9NhBCqM3SDxe1Ep9dxOuk0I/aMIFufTSevTsxsP1NWIhYmzdHREXt7e7RaLe7u7lStWlXtkMo9aQESQqiujWcb7C3tuXn/Jl+c+4IVv6/gfu592nq2ZW6HuViYWagdoqjANDY21D51UrV7C3VIAiSEUJ2l1pJg72B+uPQD807OA6CZWzMWdFqApdZS5ehERafRaJ6oG0pULNIFJoQoE/IXRQRoULUBS7oswcZcfjsWQpQMaQESQpQJLdxb0MqjFYqiML/TfOws7NQOSYgyLS0tjUuX/tpHLzY2lsjISJydnfH29lYxsvJBEiAhRJlgbmbO6m6r1Q5DiHLjxIkTdOrUyfA6NDQUgIEDB7Ju3TqVoio/NMqTbMBjYlJSUnB0dCQ5ORkHBwe1wxFCCFFMMjMziY2Nxc/PD2tra7XDEU/hUc+wMN/fMgZICCGEECZHEiAhhBBCmBxJgIQQQghhciQBEkIIIYTJkQRICCGEyZH5P+VXcT07SYCEEEKYDAuLvG1VMjIyVI5EPK38Z5f/LJ+WrAMkhBDCZGi1WpycnEhKSgLA1tYWjUajclTiSSiKQkZGBklJSTg5OaHVFm2DZEmAhBBCmBR3d3cAQxIkyhcnJyfDMywKSYCEEEKYFI1Gg4eHB66uruTk5KgdjigECwuLIrf85JMESAghhEnSarXF9mUqyh8ZBC2EEEIIkyMJkBBCCCFMjiRAQgghhDA5MgaoAPmLLKWkpKgciRBCCCGeVP739pMsligJUAFSU1MB8PLyUjkSIYQQQhRWamoqjo6OjyyjUWQ98Afo9Xr+/PNP7O3ti32BrJSUFLy8vLh69SoODg7FWrcoPHkeZYs8j7JFnkfZIs/j8RRFITU1FU9PT8zMHj3KR1qACmBmZkb16tVL9B4ODg7yF7gMkedRtsjzKFvkeZQt8jwe7XEtP/lkELQQQgghTI4kQEIIIYQwOZIAlTIrKyumTp2KlZWV2qEI5HmUNfI8yhZ5HmWLPI/iJYOghRBCCGFypAVICCGEECZHEiAhhBBCmBxJgIQQQghhciQBEkIIIYTJkQSoFC1duhRfX1+sra1p2bIlx44dUzskkzRr1iyaN2+Ovb09rq6uPP/881y4cEHtsMT/++ijj9BoNIwaNUrtUEza9evXee2116hSpQo2NjYEBQVx4sQJtcMySTqdjrCwMPz8/LCxsaFmzZpMnz79ifa7Eg8nCVAp+fbbbwkNDWXq1KmcOnWKhg0b0r17d5KSktQOzeTs37+fYcOGcfToUXbv3k1OTg7dunUjPT1d7dBM3vHjx1m5ciUNGjRQOxSTdvfuXdq2bYuFhQU7duzg3LlzzJs3j8qVK6sdmkmaPXs2y5cvZ8mSJURFRTF79mzmzJnD4sWL1Q6tXJNp8KWkZcuWNG/enCVLlgB5+415eXnx7rvvMmHCBJWjM203b97E1dWV/fv388wzz6gdjslKS0ujSZMmLFu2jA8//JBGjRqxcOFCtcMySRMmTODQoUP88ssvaocigH/+85+4ubnx2WefGc698MIL2NjY8OWXX6oYWfkmLUClIDs7m5MnTxIcHGw4Z2ZmRnBwMEeOHFExMgGQnJwMgLOzs8qRmLZhw4bxj3/8w+jfiVDHli1baNasGS+99BKurq40btyY1atXqx2WyWrTpg0RERFER0cD8Ntvv3Hw4EF69uypcmTlm2yGWgpu3bqFTqfDzc3N6Lybmxvnz59XKSoBeS1xo0aNom3bttSvX1/tcEzWN998w6lTpzh+/LjaoQjg8uXLLF++nNDQUN5//32OHz/OiBEjsLS0ZODAgWqHZ3ImTJhASkoKderUQavVotPpmDFjBq+++qraoZVrkgAJkzZs2DDOnj3LwYMH1Q7FZF29epWRI0eye/durK2t1Q5HkPeLQbNmzZg5cyYAjRs35uzZs6xYsUISIBVs3LiRr776ig0bNlCvXj0iIyMZNWoUnp6e8jyKQBKgUuDi4oJWq+XGjRtG52/cuIG7u7tKUYnhw4ezdetWDhw4QPXq1dUOx2SdPHmSpKQkmjRpYjin0+k4cOAAS5YsISsrC61Wq2KEpsfDw4O6desanQsMDOS7775TKSLT9t577zFhwgRefvllAIKCgrhy5QqzZs2SBKgIZAxQKbC0tKRp06ZEREQYzun1eiIiImjdurWKkZkmRVEYPnw4P/zwA3v27MHPz0/tkExaly5dOHPmDJGRkYajWbNmvPrqq0RGRkryo4K2bds+sDREdHQ0Pj4+KkVk2jIyMjAzM/661mq16PV6lSKqGKQFqJSEhoYycOBAmjVrRosWLVi4cCHp6em8/vrraodmcoYNG8aGDRvYvHkz9vb2JCYmAuDo6IiNjY3K0Zkee3v7B8Zf2dnZUaVKFRmXpZLRo0fTpk0bZs6cSd++fTl27BirVq1i1apVaodmknr37s2MGTPw9vamXr16nD59mvnz5/PGG2+oHVq5JtPgS9GSJUv4+OOPSUxMpFGjRnzyySe0bNlS7bBMjkajKfD82rVrGTRoUOkGIwrUsWNHmQavsq1btzJx4kQuXryIn58foaGhDBkyRO2wTFJqaiphYWH88MMPJCUl4enpSUhICFOmTMHS0lLt8MotSYCEEEIIYXJkDJAQQgghTI4kQEIIIYQwOZIACSGEEMLkSAIkhBBCCJMjCZAQQgghTI4kQEIIIYQwOZIACSGEEMLkSAIkhBBCCJMjCZAQosgUReGtt97C2dkZjUZDZGTkY6/Zt28fGo2Ge/fuPbTMunXrcHJyeuj7cXFxT3y/0vS4uIUQ6pMESAhRZOHh4axbt46tW7eSkJBQant4eXl5Gd3vSZKq4ubr6/vAlh39+vUjOjq61GIQQhSebIYqhCiymJgYPDw8aNOmTaneV6vV4u7uXuz1KoqCTqfD3Pzp/ou0sbGRjXWFKOOkBUgIUSSDBg3i3XffJT4+Ho1Gg6+vLwBZWVmMGDECV1dXrK2tadeuHcePH39kXevWrcPb2xtbW1v69OnD7du3H1n+711gcXFxdOrUCYDKlSuj0WgMm9vq9XpmzZqFn58fNjY2NGzYkE2bNhnqyW852rFjB02bNsXKyoqDBw8SExPDc889h5ubG5UqVaJ58+b8/PPPhus6duzIlStXGD16NBqNxrDRbkFdYMuXL6dmzZpYWlpSu3ZtvvjiC6P3NRoNn376KX369MHW1hZ/f3+2bNnyyM8vhCgCRQghiuDevXvKtGnTlOrVqysJCQlKUlKSoiiKMmLECMXT01PZvn278scffygDBw5UKleurNy+fVtRFEXZu3evAih3795VFEVRjh49qpiZmSmzZ89WLly4oCxatEhxcnJSHB0dH3rv2NhYBVBOnz6t5ObmKt99950CKBcuXFASEhKUe/fuKYqiKB9++KFSp04dJTw8XImJiVHWrl2rWFlZKfv27TOKpUGDBsquXbuUS5cuKbdv31YiIyOVFStWKGfOnFGio6OVyZMnK9bW1sqVK1cURVGU27dvK9WrV1emTZumJCQkKAkJCYqiKMratWuN4v7+++8VCwsLZenSpcqFCxeUefPmKVqtVtmzZ4+hDKBUr15d2bBhg3Lx4kVlxIgRSqVKlQw/LyFE8ZIESAhRZAsWLFB8fHwMr9PS0hQLCwvlq6++MpzLzs5WPD09lTlz5iiK8mACFBISovTq1cuo3n79+j1xAlRQnYqiKJmZmYqtra1y+PBho2vffPNNJSQkxOi6H3/88bGftV69esrixYsNr318fJQFCxYYlfnfBKhNmzbKkCFDjMq89NJLRp8XUCZPnmx4nZaWpgDKjh07HhuTEKLwpAtMCFHsYmJiyMnJoW3btoZzFhYWtGjRgqioqAKviYqKomXLlkbnWrduXeRYLl26REZGBl27dqVSpUqG4/PPPycmJsaobLNmzYxep6WlMXbsWAIDA3FycqJSpUpERUURHx9fqBiioqKMfhYAbdu2feBn0aBBA8Of7ezscHBwICkpqVD3EkI8GRkELYSo0NLS0gDYtm0b1apVM3rPysrK6LWdnZ3R67Fjx7J7927mzp1LrVq1sLGx4cUXXyQ7O7tEYrWwsDB6rdFo0Ov1JXIvIUydtAAJIYpd/mDfQ4cOGc7l5ORw/Phx6tatW+A1gYGB/Prrr0bnjh49Wqj7WlpaAqDT6Qzn6tati5WVFfHx8dSqVcvo8PLyemR9hw4dYtCgQfTp04egoCDc3d2Ji4t74J5/v19BAgMDjX4W+XU/7GchhCh50gIkhCh2dnZ2DB06lPfeew9nZ2e8vb2ZM2cOGRkZvPnmmwVeM2LECNq2bcvcuXN57rnn2LlzJ+Hh4YW6r4+PDxqNhq1bt9KrVy9sbGywt7dn7NixjB49Gr1eT7t27UhOTubQoUM4ODgwcODAh9bn7+/P999/T+/evdFoNISFhT3QIuPr68uBAwd4+eWXsbKywsXF5YF63nvvPfr27Uvjxo0JDg7mp59+4vvvvzeaUSaEKF3SAiSEKBEfffQRL7zwAv3796dJkyZcunSJnTt3Urly5QLLt2rVitWrV7No0SIaNmzIrl27mDx5cqHuWa1aNT744AMmTJiAm5sbw4cPB2D69OmEhYUxa9YsAgMD6dGjB9u2bcPPz++R9c2fP5/KlSvTpk0bevfuTffu3WnSpIlRmWnTphEXF0fNmjWpWrVqgfU8//zzLFq0iLlz51KvXj1WrlzJ2rVr6dixY6E+nxCi+GgURVHUDkIIIYQQojRJC5AQQgghTI4kQEIIIYQwOZIACSGEEMLkSAIkhBBCCJMjCZAQQgghTI4kQEIIIYQwOZIACSGEEMLkSAIkhBBCCJMjCZAQQgghTI4kQEIIIYQwOZIACSGEEMLk/B8F5koXzaidnAAAAABJRU5ErkJggg==", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "plt.plot(accuracy_scores)\n", + "plt.plot(precision_scores)\n", + "plt.plot(recall_scores)\n", + "plt.plot(f1_scores)\n", + "plt.ylabel('metrics')\n", + "plt.xlabel('fold iteration')\n", + "plt.legend(['accuracy', 'precision','recall', 'f1'], loc='lower right')\n", + "plt.show()" + ] + }, + { + "cell_type": "code", + "execution_count": 15, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "x_train: (1680, 13)\n", + "y_train: (1680,)\n", + "x_test: (721, 13)\n", + "y_test: (721,)\n" + ] + } + ], + "source": [ + "from sklearn.model_selection import train_test_split\n", + "\n", + "x_train, x_test, y_train, y_test = train_test_split(normal(x),y,test_size=0.3,random_state=42)\n", + "\n", + "print(\"x_train:\",x_train.shape)\n", + "print(\"y_train:\",y_train.shape)\n", + "print(\"x_test:\",x_test.shape)\n", + "print(\"y_test:\",y_test.shape)" + ] + }, + { + "cell_type": "code", + "execution_count": 16, + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + "
Model: \"sequential_10\"\n",
+       "
\n" + ], + "text/plain": [ + "\u001b[1mModel: \"sequential_10\"\u001b[0m\n" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "text/html": [ + "
┏━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━┳━━━━━━━━━━━━━━━━━━━━━━━━┳━━━━━━━━━━━━━━━┓\n",
+       "┃ Layer (type)                     Output Shape                  Param # ┃\n",
+       "┡━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━╇━━━━━━━━━━━━━━━━━━━━━━━━╇━━━━━━━━━━━━━━━┩\n",
+       "│ dense_100 (Dense)               │ (None, 10)             │           140 │\n",
+       "├─────────────────────────────────┼────────────────────────┼───────────────┤\n",
+       "│ dense_101 (Dense)               │ (None, 20)             │           220 │\n",
+       "├─────────────────────────────────┼────────────────────────┼───────────────┤\n",
+       "│ dense_102 (Dense)               │ (None, 40)             │           840 │\n",
+       "├─────────────────────────────────┼────────────────────────┼───────────────┤\n",
+       "│ dense_103 (Dense)               │ (None, 80)             │         3,280 │\n",
+       "├─────────────────────────────────┼────────────────────────┼───────────────┤\n",
+       "│ dense_104 (Dense)               │ (None, 100)            │         8,100 │\n",
+       "├─────────────────────────────────┼────────────────────────┼───────────────┤\n",
+       "│ dense_105 (Dense)               │ (None, 80)             │         8,080 │\n",
+       "├─────────────────────────────────┼────────────────────────┼───────────────┤\n",
+       "│ dense_106 (Dense)               │ (None, 40)             │         3,240 │\n",
+       "├─────────────────────────────────┼────────────────────────┼───────────────┤\n",
+       "│ dense_107 (Dense)               │ (None, 20)             │           820 │\n",
+       "├─────────────────────────────────┼────────────────────────┼───────────────┤\n",
+       "│ dense_108 (Dense)               │ (None, 10)             │           210 │\n",
+       "├─────────────────────────────────┼────────────────────────┼───────────────┤\n",
+       "│ dense_109 (Dense)               │ (None, 1)              │            11 │\n",
+       "└─────────────────────────────────┴────────────────────────┴───────────────┘\n",
+       "
\n" + ], + "text/plain": [ + "┏━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━┳━━━━━━━━━━━━━━━━━━━━━━━━┳━━━━━━━━━━━━━━━┓\n", + "┃\u001b[1m \u001b[0m\u001b[1mLayer (type) \u001b[0m\u001b[1m \u001b[0m┃\u001b[1m \u001b[0m\u001b[1mOutput Shape \u001b[0m\u001b[1m \u001b[0m┃\u001b[1m \u001b[0m\u001b[1m Param #\u001b[0m\u001b[1m \u001b[0m┃\n", + "┡━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━╇━━━━━━━━━━━━━━━━━━━━━━━━╇━━━━━━━━━━━━━━━┩\n", + "│ dense_100 (\u001b[38;5;33mDense\u001b[0m) │ (\u001b[38;5;45mNone\u001b[0m, \u001b[38;5;34m10\u001b[0m) │ \u001b[38;5;34m140\u001b[0m │\n", + "├─────────────────────────────────┼────────────────────────┼───────────────┤\n", + "│ dense_101 (\u001b[38;5;33mDense\u001b[0m) │ (\u001b[38;5;45mNone\u001b[0m, \u001b[38;5;34m20\u001b[0m) │ \u001b[38;5;34m220\u001b[0m │\n", + "├─────────────────────────────────┼────────────────────────┼───────────────┤\n", + "│ dense_102 (\u001b[38;5;33mDense\u001b[0m) │ (\u001b[38;5;45mNone\u001b[0m, \u001b[38;5;34m40\u001b[0m) │ \u001b[38;5;34m840\u001b[0m │\n", + "├─────────────────────────────────┼────────────────────────┼───────────────┤\n", + "│ dense_103 (\u001b[38;5;33mDense\u001b[0m) │ (\u001b[38;5;45mNone\u001b[0m, \u001b[38;5;34m80\u001b[0m) │ \u001b[38;5;34m3,280\u001b[0m │\n", + "├─────────────────────────────────┼────────────────────────┼───────────────┤\n", + "│ dense_104 (\u001b[38;5;33mDense\u001b[0m) │ (\u001b[38;5;45mNone\u001b[0m, \u001b[38;5;34m100\u001b[0m) │ \u001b[38;5;34m8,100\u001b[0m │\n", + "├─────────────────────────────────┼────────────────────────┼───────────────┤\n", + "│ dense_105 (\u001b[38;5;33mDense\u001b[0m) │ (\u001b[38;5;45mNone\u001b[0m, \u001b[38;5;34m80\u001b[0m) │ \u001b[38;5;34m8,080\u001b[0m │\n", + "├─────────────────────────────────┼────────────────────────┼───────────────┤\n", + "│ dense_106 (\u001b[38;5;33mDense\u001b[0m) │ (\u001b[38;5;45mNone\u001b[0m, \u001b[38;5;34m40\u001b[0m) │ \u001b[38;5;34m3,240\u001b[0m │\n", + "├─────────────────────────────────┼────────────────────────┼───────────────┤\n", + "│ dense_107 (\u001b[38;5;33mDense\u001b[0m) │ (\u001b[38;5;45mNone\u001b[0m, \u001b[38;5;34m20\u001b[0m) │ \u001b[38;5;34m820\u001b[0m │\n", + "├─────────────────────────────────┼────────────────────────┼───────────────┤\n", + "│ dense_108 (\u001b[38;5;33mDense\u001b[0m) │ (\u001b[38;5;45mNone\u001b[0m, \u001b[38;5;34m10\u001b[0m) │ \u001b[38;5;34m210\u001b[0m │\n", + "├─────────────────────────────────┼────────────────────────┼───────────────┤\n", + "│ dense_109 (\u001b[38;5;33mDense\u001b[0m) │ (\u001b[38;5;45mNone\u001b[0m, \u001b[38;5;34m1\u001b[0m) │ \u001b[38;5;34m11\u001b[0m │\n", + "└─────────────────────────────────┴────────────────────────┴───────────────┘\n" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "text/html": [ + "
 Total params: 24,941 (97.43 KB)\n",
+       "
\n" + ], + "text/plain": [ + "\u001b[1m Total params: \u001b[0m\u001b[38;5;34m24,941\u001b[0m (97.43 KB)\n" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "text/html": [ + "
 Trainable params: 24,941 (97.43 KB)\n",
+       "
\n" + ], + "text/plain": [ + "\u001b[1m Trainable params: \u001b[0m\u001b[38;5;34m24,941\u001b[0m (97.43 KB)\n" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "text/html": [ + "
 Non-trainable params: 0 (0.00 B)\n",
+       "
\n" + ], + "text/plain": [ + "\u001b[1m Non-trainable params: \u001b[0m\u001b[38;5;34m0\u001b[0m (0.00 B)\n" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Epoch 1/12\n", + "\u001b[1m83/84\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m━\u001b[0m \u001b[1m0s\u001b[0m 2ms/step - accuracy: 0.6184 - loss: 0.6704\n", + "Epoch 1: val_accuracy improved from -inf to 0.66019, saving model to normal_model.keras\n", + "\u001b[1m84/84\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m5s\u001b[0m 9ms/step - accuracy: 0.6191 - loss: 0.6697 - val_accuracy: 0.6602 - val_loss: 0.5895\n", + "Epoch 2/12\n", + "\u001b[1m73/84\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m━━━\u001b[0m \u001b[1m0s\u001b[0m 2ms/step - accuracy: 0.6977 - loss: 0.5607\n", + "Epoch 2: val_accuracy improved from 0.66019 to 0.77670, saving model to normal_model.keras\n", + "\u001b[1m84/84\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m0s\u001b[0m 4ms/step - accuracy: 0.7026 - loss: 0.5552 - val_accuracy: 0.7767 - val_loss: 0.4546\n", + "Epoch 3/12\n", + "\u001b[1m72/84\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m━━━\u001b[0m \u001b[1m0s\u001b[0m 2ms/step - accuracy: 0.7977 - loss: 0.4274\n", + "Epoch 3: val_accuracy improved from 0.77670 to 0.82386, saving model to normal_model.keras\n", + "\u001b[1m84/84\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m0s\u001b[0m 4ms/step - accuracy: 0.7986 - loss: 0.4270 - val_accuracy: 0.8239 - val_loss: 0.4001\n", + "Epoch 4/12\n", + "\u001b[1m76/84\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m━━\u001b[0m \u001b[1m0s\u001b[0m 2ms/step - accuracy: 0.8118 - loss: 0.4161\n", + "Epoch 4: val_accuracy improved from 0.82386 to 0.82663, saving model to normal_model.keras\n", + "\u001b[1m84/84\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m0s\u001b[0m 4ms/step - accuracy: 0.8107 - loss: 0.4167 - val_accuracy: 0.8266 - val_loss: 0.4003\n", + "Epoch 5/12\n", + "\u001b[1m78/84\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m━━\u001b[0m \u001b[1m0s\u001b[0m 2ms/step - accuracy: 0.8196 - loss: 0.3880\n", + "Epoch 5: val_accuracy improved from 0.82663 to 0.83634, saving model to normal_model.keras\n", + "\u001b[1m84/84\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m0s\u001b[0m 4ms/step - accuracy: 0.8187 - loss: 0.3889 - val_accuracy: 0.8363 - val_loss: 0.3916\n", + "Epoch 6/12\n", + "\u001b[1m76/84\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m━━\u001b[0m \u001b[1m0s\u001b[0m 2ms/step - accuracy: 0.8114 - loss: 0.4085\n", + "Epoch 6: val_accuracy did not improve from 0.83634\n", + "\u001b[1m84/84\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m0s\u001b[0m 3ms/step - accuracy: 0.8131 - loss: 0.4058 - val_accuracy: 0.8336 - val_loss: 0.3791\n", + "Epoch 7/12\n", + "\u001b[1m75/84\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m━━━\u001b[0m \u001b[1m0s\u001b[0m 2ms/step - accuracy: 0.8111 - loss: 0.3745\n", + "Epoch 7: val_accuracy did not improve from 0.83634\n", + "\u001b[1m84/84\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m0s\u001b[0m 3ms/step - accuracy: 0.8125 - loss: 0.3749 - val_accuracy: 0.8239 - val_loss: 0.3935\n", + "Epoch 8/12\n", + "\u001b[1m73/84\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m━━━\u001b[0m \u001b[1m0s\u001b[0m 2ms/step - accuracy: 0.8365 - loss: 0.3599\n", + "Epoch 8: val_accuracy did not improve from 0.83634\n", + "\u001b[1m84/84\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m0s\u001b[0m 3ms/step - accuracy: 0.8351 - loss: 0.3629 - val_accuracy: 0.8363 - val_loss: 0.3738\n", + "Epoch 9/12\n", + "\u001b[1m78/84\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m━━\u001b[0m \u001b[1m0s\u001b[0m 2ms/step - accuracy: 0.8284 - loss: 0.3643\n", + "Epoch 9: val_accuracy improved from 0.83634 to 0.84327, saving model to normal_model.keras\n", + "\u001b[1m84/84\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m0s\u001b[0m 4ms/step - accuracy: 0.8286 - loss: 0.3646 - val_accuracy: 0.8433 - val_loss: 0.3709\n", + "Epoch 10/12\n", + "\u001b[1m75/84\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m━━━\u001b[0m \u001b[1m0s\u001b[0m 2ms/step - accuracy: 0.8652 - loss: 0.3302\n", + "Epoch 10: val_accuracy did not improve from 0.84327\n", + "\u001b[1m84/84\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m0s\u001b[0m 3ms/step - accuracy: 0.8622 - loss: 0.3335 - val_accuracy: 0.8377 - val_loss: 0.3667\n", + "Epoch 11/12\n", + "\u001b[1m73/84\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m━━━\u001b[0m \u001b[1m0s\u001b[0m 2ms/step - accuracy: 0.8501 - loss: 0.3328\n", + "Epoch 11: val_accuracy did not improve from 0.84327\n", + "\u001b[1m84/84\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m0s\u001b[0m 3ms/step - accuracy: 0.8475 - loss: 0.3368 - val_accuracy: 0.8377 - val_loss: 0.3772\n", + "Epoch 12/12\n", + "\u001b[1m77/84\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m━━\u001b[0m \u001b[1m0s\u001b[0m 2ms/step - accuracy: 0.8317 - loss: 0.3661\n", + "Epoch 12: val_accuracy did not improve from 0.84327\n", + "\u001b[1m84/84\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m0s\u001b[0m 3ms/step - accuracy: 0.8324 - loss: 0.3651 - val_accuracy: 0.8433 - val_loss: 0.3685\n", + "\u001b[1m23/23\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m0s\u001b[0m 4ms/step\n", + "Accuracy: 0.8432732316227461\n", + "Precision: 0.8235294117647058\n", + "Recall: 0.6857142857142857\n", + "F1 Score: 0.7483296213808464\n", + "ROC AUC Score: 0.8050420168067227\n", + "Confusion Matrix:\n", + "[[440 36]\n", + " [ 77 168]]\n" + ] + } + ], + "source": [ + "from keras.callbacks import ModelCheckpoint\n", + "from keras.models import load_model\n", + "\n", + "model = Sequential()\n", + "model.add(InputLayer(input_shape=(13,)))\n", + "model.add(Dense(10, activation='relu'))\n", + "model.add(Dense(20, activation='relu'))\n", + "model.add(Dense(40, activation='relu'))\n", + "model.add(Dense(80, activation='relu'))\n", + "model.add(Dense(100, activation='relu'))\n", + "model.add(Dense(80, activation='relu'))\n", + "model.add(Dense(40, activation='relu'))\n", + "model.add(Dense(20, activation='relu'))\n", + "model.add(Dense(10, activation='relu'))\n", + "model.add(Dense(1, activation='sigmoid'))\n", + "\n", + "model.compile(loss='binary_crossentropy', optimizer='adam', metrics=['accuracy'])\n", + "\n", + "model.summary()\n", + "\n", + "model_checkpoint = ModelCheckpoint('normal_model.keras',mode='max',verbose=1,monitor='val_accuracy',save_best_only=True)\n", + "\n", + "history = model.fit(x_train,y_train,batch_size=20,validation_data=(x_test,y_test),epochs=12,callbacks=[model_checkpoint])\n", + "\n", + "model1 = load_model('normal_model.keras')\n", + "\n", + "y_pred = model1.predict(x_test)\n", + "\n", + "y_pred = (y_pred >= 0.5).astype(int)\n", + "\n", + "print(\"Accuracy:\", accuracy_score(y_test, y_pred))\n", + "print(\"Precision:\", precision_score(y_test, y_pred))\n", + "print(\"Recall:\", recall_score(y_test, y_pred))\n", + "print(\"F1 Score:\", f1_score(y_test, y_pred))\n", + "print(\"ROC AUC Score:\", roc_auc_score(y_test, y_pred))\n", + "print(\"Confusion Matrix:\")\n", + "print(confusion_matrix(y_test, y_pred))" + ] + }, + { + "cell_type": "code", + "execution_count": 17, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAkgAAAHHCAYAAABEEKc/AAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8pXeV/AAAACXBIWXMAAA9hAAAPYQGoP6dpAAB3x0lEQVR4nO3dd3hUZdrH8e9k0jvpIQRCB+lFQlUUFNRlV0UFRQFFXF1QJOuuoILdWFaWtaK7YHlFUbGsK4hCFBGkKAhIC51AICEBkpCEtJnz/jFkYEiAJEwymfD7XNdcOXPOc55zzyRybp92TIZhGIiIiIiInYerAxARERGpb5QgiYiIiJxBCZKIiIjIGZQgiYiIiJxBCZKIiIjIGZQgiYiIiJxBCZKIiIjIGZQgiYiIiJxBCZKIiIjIGZQgiUi9s3fvXkwmE++++261z126dCkmk4mlS5c6PS4RuXgoQRIRERE5gxIkERERkTMoQRIRcQMFBQWuDkHkoqIESUQqeOKJJzCZTGzfvp3bb7+dkJAQIiMjmTZtGoZhsH//fv70pz8RHBxMTEwML7/8coU6Dh8+zLhx44iOjsbX15cuXbrw3nvvVSiXk5PD2LFjCQkJITQ0lDFjxpCTk1NpXNu2beOmm24iLCwMX19fevbsyVdffVWjz7hv3z7+8pe/0LZtW/z8/AgPD+fmm29m7969lcY4efJkEhIS8PHxoUmTJowePZrs7Gx7maKiIp544gnatGmDr68vsbGx3HjjjezatQs4+9ioysZbjR07lsDAQHbt2sW1115LUFAQo0aNAuCnn37i5ptvpmnTpvj4+BAfH8/kyZM5ceJEpd/XLbfcQmRkJH5+frRt25ZHH30UgB9++AGTycQXX3xR4bwPP/wQk8nEypUrq/u1ijQYnq4OQETqrxEjRtC+fXuef/55FixYwDPPPENYWBhvvfUWV155JS+88AJz587loYce4tJLL+Wyyy4D4MSJEwwcOJCdO3cyceJEmjdvzqeffsrYsWPJyclh0qRJABiGwZ/+9CeWL1/OvffeS/v27fniiy8YM2ZMhVg2b95Mv379iIuLY8qUKQQEBPDJJ59w/fXX89lnn3HDDTdU67P98ssv/Pzzz4wcOZImTZqwd+9e3nzzTQYOHMiWLVvw9/cHID8/nwEDBrB161buuusuunfvTnZ2Nl999RUHDhwgIiICi8XCH/7wB1JSUhg5ciSTJk3i+PHjLF68mE2bNtGyZctqf/dlZWUMGTKE/v37849//MMez6effkphYSH33Xcf4eHhrFmzhldffZUDBw7w6aef2s/fuHEjAwYMwMvLi3vuuYeEhAR27drF//73P5599lkGDhxIfHw8c+fOrfDdzZ07l5YtW9KnT59qxy3SYBgiImd4/PHHDcC455577PvKysqMJk2aGCaTyXj++eft+48dO2b4+fkZY8aMse+bOXOmARgffPCBfV9JSYnRp08fIzAw0MjLyzMMwzC+/PJLAzBefPFFh+sMGDDAAIx33nnHvn/QoEFGp06djKKiIvs+q9Vq9O3b12jdurV93w8//GAAxg8//HDOz1hYWFhh38qVKw3AeP/99+37pk+fbgDG559/XqG81Wo1DMMw5syZYwDGjBkzzlrmbHHt2bOnwmcdM2aMARhTpkypUtzJycmGyWQy9u3bZ9932WWXGUFBQQ77To/HMAxj6tSpho+Pj5GTk2Pfd/jwYcPT09N4/PHHK1xH5GKiLjYROau7777bvm02m+nZsyeGYTBu3Dj7/tDQUNq2bcvu3bvt+xYuXEhMTAy33nqrfZ+XlxcPPPAA+fn5/Pjjj/Zynp6e3HfffQ7Xuf/++x3iOHr0KN9//z233HILx48fJzs7m+zsbI4cOcKQIUPYsWMH6enp1fpsfn5+9u3S0lKOHDlCq1atCA0NZd26dfZjn332GV26dKm0hcpkMtnLREREVIj79DI1cfr3UlncBQUFZGdn07dvXwzD4LfffgMgKyuLZcuWcdddd9G0adOzxjN69GiKi4uZP3++fd/HH39MWVkZt99+e43jFmkIlCCJyFmdeXMNCQnB19eXiIiICvuPHTtmf79v3z5at26Nh4fjPzHt27e3Hy//GRsbS2BgoEO5tm3bOrzfuXMnhmEwbdo0IiMjHV6PP/44YBvzVB0nTpxg+vTpxMfH4+PjQ0REBJGRkeTk5JCbm2svt2vXLjp27HjOunbt2kXbtm3x9HTeqAVPT0+aNGlSYX9aWhpjx44lLCyMwMBAIiMjufzyywHscZcnq+eLu127dlx66aXMnTvXvm/u3Ln07t2bVq1aOeujiLgljUESkbMym81V2ge28US1xWq1AvDQQw8xZMiQSstU94Z+//3388477/Dggw/Sp08fQkJCMJlMjBw50n49ZzpbS5LFYql0v4+PT4UE02KxcNVVV3H06FEefvhh2rVrR0BAAOnp6YwdO7ZGcY8ePZpJkyZx4MABiouLWbVqFa+99lq16xFpaJQgiYjTNWvWjI0bN2K1Wh1u8tu2bbMfL/+ZkpJCfn6+QytSamqqQ30tWrQAbN10gwcPdkqM8+fPZ8yYMQ4z8IqKiirMoGvZsiWbNm06Z10tW7Zk9erVlJaW4uXlVWmZRo0aAVSov7w1rSp+//13tm/fznvvvcfo0aPt+xcvXuxQrvz7Ol/cACNHjiQpKYmPPvqIEydO4OXlxYgRI6ock0hDpS42EXG6a6+9loyMDD7++GP7vrKyMl599VUCAwPtXULXXnstZWVlvPnmm/ZyFouFV1991aG+qKgoBg4cyFtvvcWhQ4cqXC8rK6vaMZrN5gqtXq+++mqFFp3hw4ezYcOGSqfDl58/fPhwsrOzK215KS/TrFkzzGYzy5Ytczj+xhtvVCvm0+ss3/7Xv/7lUC4yMpLLLruMOXPmkJaWVmk85SIiIrjmmmv44IMPmDt3LkOHDq3QhSpyMVILkog43T333MNbb73F2LFjWbt2LQkJCcyfP58VK1Ywc+ZMgoKCABg2bBj9+vVjypQp7N27l0suuYTPP//cYQxQuddff53+/fvTqVMnxo8fT4sWLcjMzGTlypUcOHCADRs2VCvGP/zhD/zf//0fISEhXHLJJaxcuZIlS5YQHh7uUO5vf/sb8+fP5+abb+auu+6iR48eHD16lK+++opZs2bRpUsXRo8ezfvvv09SUhJr1qxhwIABFBQUsGTJEv7yl7/wpz/9iZCQEG6++WZeffVVTCYTLVu25Ouvv67W2Kl27drRsmVLHnroIdLT0wkODuazzz5zGP9V7pVXXqF///50796de+65h+bNm7N3714WLFjA+vXrHcqOHj2am266CYCnn366Wt+jSIPlqulzIlJ/lU/zz8rKctg/ZswYIyAgoEL5yy+/3OjQoYPDvszMTOPOO+80IiIiDG9vb6NTp04OU9nLHTlyxLjjjjuM4OBgIyQkxLjjjjuM3377rcLUd8MwjF27dhmjR482YmJiDC8vLyMuLs74wx/+YMyfP99epqrT/I8dO2aPLzAw0BgyZIixbds2o1mzZg5LFpTHOHHiRCMuLs7w9vY2mjRpYowZM8bIzs62lyksLDQeffRRo3nz5oaXl5cRExNj3HTTTcauXbvsZbKysozhw4cb/v7+RqNGjYw///nPxqZNmyqd5l/Z92wYhrFlyxZj8ODBRmBgoBEREWGMHz/e2LBhQ6Xf16ZNm4wbbrjBCA0NNXx9fY22bdsa06ZNq1BncXGx0ahRIyMkJMQ4ceLEOb83kYuFyTBqcWSliIjUe2VlZTRu3Jhhw4Yxe/ZsV4cjUi9oDJKIyEXuyy+/JCsry2Hgt8jFTi1IIiIXqdWrV7Nx40aefvppIiIiHBbIFLnYqQVJROQi9eabb3LfffcRFRXF+++/7+pwROoVtSCJiIiInEEtSCIiIiJnUIIkIiIicgYtFFlDVquVgwcPEhQUdEFP6xYREZG6YxgGx48fp3HjxhWed3g6JUg1dPDgQeLj410dhoiIiNTA/v37adKkyVmPuzxBev3113nppZfIyMigS5cuvPrqq/Tq1eus5WfOnMmbb75JWloaERER3HTTTSQnJ+Pr6wvAE088wZNPPulwTtu2be0PyQTbAyn/+te/Mm/ePIqLixkyZAhvvPEG0dHRVY67/FEJ+/fvJzg4uDofWURERFwkLy+P+Ph4+338bFyaIH388cckJSUxa9YsEhMTmTlzJkOGDCE1NZWoqKgK5T/88EOmTJnCnDlz6Nu3L9u3b2fs2LGYTCZmzJhhL9ehQweWLFlif+/p6fgxJ0+ezIIFC/j0008JCQlh4sSJ3HjjjaxYsaLKsZd3qwUHBytBEhERcTPnGx7j0gRpxowZjB8/njvvvBOAWbNmsWDBAubMmcOUKVMqlP/555/p168ft912GwAJCQnceuutrF692qGcp6cnMTExlV4zNzeX2bNn8+GHH3LllVcC8M4779C+fXtWrVpF7969nfkRRURExA25bBZbSUkJa9euZfDgwaeC8fBg8ODBrFy5stJz+vbty9q1a1mzZg0Au3fvZuHChVx77bUO5Xbs2EHjxo1p0aIFo0aNIi0tzX5s7dq1lJaWOly3Xbt2NG3a9KzXBSguLiYvL8/hJSIiIg2Ty1qQsrOzsVgsFcb9REdHO4wXOt1tt91GdnY2/fv3xzAMysrKuPfee3nkkUfsZRITE3n33Xdp27Ythw4d4sknn2TAgAFs2rSJoKAgMjIy8Pb2JjQ0tMJ1MzIyzhpvcnJyhbFNIiIi0jC5fJB2dSxdupTnnnuON954g8TERHbu3MmkSZN4+umnmTZtGgDXXHONvXznzp1JTEykWbNmfPLJJ4wbN67G1546dSpJSUn29+WDvM7HYrFQWlpa4+terLy8vDCbza4OQ0RELlIuS5AiIiIwm81kZmY67M/MzDzr+KFp06Zxxx13cPfddwPQqVMnCgoKuOeee3j00UcrXc8gNDSUNm3asHPnTgBiYmIoKSkhJyfHoRXpXNcF8PHxwcfHp8qfzzAMMjIyyMnJqfI54ig0NJSYmBitMyUiInXOZQmSt7c3PXr0ICUlheuvvx6wLb6YkpLCxIkTKz2nsLCwQhJU3spwtkfK5efns2vXLu644w4AevTogZeXFykpKQwfPhyA1NRU0tLS6NOnjzM+GoA9OYqKisLf3183+WowDIPCwkIOHz4MQGxsrIsjEhGRi41Lu9iSkpIYM2YMPXv2pFevXsycOZOCggL7rLbRo0cTFxdHcnIyAMOGDWPGjBl069bN3sU2bdo0hg0bZk+UHnroIYYNG0azZs04ePAgjz/+OGazmVtvvRWAkJAQxo0bR1JSEmFhYQQHB3P//ffTp08fp81gs1gs9uQoPDzcKXVebPz8/AA4fPgwUVFR6m4TEZE65dIEacSIEWRlZTF9+nQyMjLo2rUrixYtsg/cTktLc2gxeuyxxzCZTDz22GOkp6cTGRnJsGHDePbZZ+1lDhw4wK233sqRI0eIjIykf//+rFq1isjISHuZf/7zn3h4eDB8+HCHhSKdpXzMkb+/v9PqvBiVf3+lpaVKkEREpE6ZjLP1Tck55eXlERISQm5uboWFIouKitizZw/Nmze3r/At1afvUUREnO1c9+/TuWwdJBEREZH6SgmS1JqEhARmzpzp6jBERESqza3WQZLaN3DgQLp27eqUxOaXX34hICDgwoMSERGpY2pBkmopX8G8KiIjIzVQXUScx1IGJ3JcHYXUBUspHFhr++kiSpDEbuzYsfz444/861//wmQyYTKZePfddzGZTHzzzTf06NEDHx8fli9fzq5du/jTn/5EdHQ0gYGBXHrppSxZssShvjO72EwmE//5z3+44YYb8Pf3p3Xr1nz11Vd1/ClFxK0UZMOGefDpnfBSC3ihGfyrK3xxL6x9F7JSQXON3F9RLuxYAt8/A+/+AZLj4T9XQsbvLgtJXWx1wDAMTpRaXHJtPy9zlRep/Ne//sX27dvp2LEjTz31FACbN28GYMqUKfzjH/+gRYsWNGrUiP3793Pttdfy7LPP4uPjw/vvv8+wYcNITU2ladOmZ73Gk08+yYsvvshLL73Eq6++yqhRo9i3bx9hYWEX/mFFxP1ZrZCxAXYshu3fQvpa4IwE6Nge22vDR7b3fo0gvjc07Q1N+0DjruBZ9ScfiAvkHoC0VademZuo8Hv2awTHD7kkPFCCVCdOlFq4ZPq3Lrn2lqeG4O9dtV9zSEgI3t7e+Pv72x+7Uv7g4KeeeoqrrrrKXjYsLIwuXbrY3z/99NN88cUXfPXVV2ddCR1srVTli3Y+99xzvPLKK6xZs4ahQ4dW+7OJSANRlAe7f4Ad39kSo3zHR1AR0wlaXw2th0BEa0hfB2krbTfW9LVw4hhs/8b2AjD7QFx3W8IU3xvie4G//ifMZawWOLz11O9s/2rI3V+xXKPmtgS3aaLtZ3hrqOQRYnVFCZJUSc+ePR3e5+fn88QTT7BgwQIOHTpEWVkZJ06cIC0t7Zz1dO7c2b4dEBBAcHCw/ZEiInKRMAzI3gE7vrW1EqWtBOtpYxu9AqDlFdD6KltiFNzY8fzWg20vgLISyNh46uabtgoKs0++X3nqnMj2p268TXtDaDPQI6BqR0mhLXHdf/L3sX8NFOc5ljGZIbbzqd9HfG8IinZNvGehBKkO+HmZ2fLUEJdd2xnOnI320EMPsXjxYv7xj3/QqlUr/Pz8uOmmmygpKTlnPV5eXg7vTSYTVqvVKTGKSD1WegL2Lre1Em3/FnL2OR4PawlthtiSomb9qt5F5ukNTXraXn3vtyVfR3advDmfTJqO7ISsrbbX2ndt5wXGnOqSa5oI0Z3ArFtijeRnnUqG0lbBofWOCS+Ad6CtJa+8KzSuB/gEuiTcqtJfQx0wmUxV7uZyNW9vbyyW84+XWrFiBWPHjuWGG24AbC1Ke/fureXoRMSt5Ow/2Ur0HexZBmUnTh0ze9sSoTZDbK1E4S2dc02TCSJa2V7dbrfty8+ydeukrbT9PLge8jNgy5e2F9hareIvtSVM8YnQ5NJ6fwN3CcOwJZz28UMr4eiuiuWCYk+1DjXtDVEd3C4Bda9opdYlJCSwevVq9u7dS2Bg4Flbd1q3bs3nn3/OsGHDMJlMTJs2TS1BIhc7S6ktAdnxnS0pytrqeDyoMbS52pYQNb+87hKQwEho/wfbC2xdQAfXnbrJ718Dxbmwe6ntBbYuoJhOp27w8b0hOLZu4q1Pykrg0IZTyWV5F6YDE0S1P9UiF58IoU0vqAvz8PEilu/IZliXxniZXTMOSQmSOHjooYcYM2YMl1xyCSdOnOCdd96ptNyMGTO466676Nu3LxERETz88MPk5eVVWlZEGrD8LNi52JYU7fzelmiUM3lAk14nk6IhEN2hfoz78faHhP62F9hmzmWdNog4bTXkptm6ig6th9WzbOUaJTjOlotoU2EQce6JUrKOF9E8IhCzRz34rNV1IgcO/OI4CL6syLGMp6+tiyz+5Jiu+EttM84uQFGphV/3HuOnHVn8uD2LbRnHAWga5k/PBNcMsNfDamtID6utffoeReohq9WWNOz4zvZKX4fD9Gy/sFODq1te6b6zx8qnoZd3zWVuBuOMVnLfUGjam4Lonqwsbc289AiW7sqjzGoQ5OtJYvMwercIp3eLcNrHBte/hMkwbLPJ0lafSogOb6HidPswx+6y2C4XvIyCYRjsPJzPsh3ZLNuexeo9RygqPfX9mkzQsXEIDw9tR//WERd0rTNV9WG1akESEZFzK8qFXd/bpuDvWAwFZ8w8jel8aixRXA/wcM7kEJcKaQKdbrK9wLYUwYFf7ONujAO/YirKge2LCNi+iMHAAMOTjZ4t2E4CxWUesAPYAWuA3zw9iAn2JTbEl5gQX8ICvPHAhQlTfqYt+ctLr3gsrOWpZKhpHwhv5ZSWv2MFJSzfmc1PO7L4aUc2h3IdW6aig30Y0DqSAa0j6N8qgvBA165lpQRJREQcGYZtheod39oSojOn4XsHQouBtqSo1VUXx9gc32DSI/qyKKMF35y4gg0FWbRnH5d6pNLDYzt9PLfTiBwuNW3nUrZX/pyKvJOvSpYAchkPT1uLUPnYoaa9ITDKKVWXWqz8lpbDTzuyWLY9i43puQ6Lnvt4etCreRiXtY7ksjaRtIkOrPLCxnVBCZKInF1Zia0JPjBaM3oaurJi2P3jyaToO8g5Y02z8Na2FqI2V0PTvrbp9ReBvdkFfLMpg0WbDrHhwGnjq/DE3LQH0R2vo2OHWBqF+cHR3bZWmSM7HeqwWg2y8os5mHOC9JwiDuacoMTi2F3n7elBXIgfcY38aBzqR0SgD7XaI+cdYJupF9fDtu0k+44UsGx7Fst2ZLNy1xHyix2n+7eNDuKyNhEMaB1Jr+Zh+DppKZraoARJRCo6thd+fQd+++DUjBW/RrZuh5B4CI47uX3yfUgTCIppGF0rFxtLGWz4EJa+AHkHTu03+9gGMZevTRTWwnUx1rEdmcf5ZlMG32zKYOuhU5NPTCa4NCGMazrGMLRjDLEhfo4nhresdLkCDyD65KsbUGaxsuVQHqt2H2HV7qOs2XOU/KIyKAJOLiLuFmOYgLyiUlbuOsKy7bZus7SjhQ7HwwK86d8qggGtI7isTSTRwe4znlQJkojYWMpsrQe/zoGdKdgHanp4gbXU9jiHE8fO/vBIk/lk4nR68nRaAhXSBHxD6uzjyHlYrbY1gH549lSLR0AUtLvOlhQ1v8ypLQv1mWEYbDmUx6JNGSz8/RC7sgrsx8weJvq0CGdoxxiu7hBNVNCF3+A9zR50bhJK5yah3HNZy0oTpuNFZSzZepglW23jvYJ9PenVPJzeLcJcmjBZrAa/p+eeTIiyWJeWg8V6qt/M08NEj2aNuKxNJJe1jqRD42A86mFiVxVKkEQudnmHYN37sO49xwGbLa+EnuOgzVAoLYDcdNvMntz9J38esJXP3Q95B21jVHLTbK+z8Q46I3k6PYGKs62Tc5F03biMYdjGFX3/1Klk1z8cBvzV9vv2cp//w78QhmGw4UAu32w6xDe/Zzi0fHiZTfRvFcE1nWK5qn00jQJq92+yKglTXlEZS7ZmsmSrrYmpLhOmgzknTo4jymb5zmxyT5Q6HG8REcCA1rZus94twwn0aRiphab515Cm+dc+fY+1yGqFPT/Cr7Nh20IwTq6e7hdmW324553V61KxWmyzYuwJVPqpJKo8oTpxtAoVmWxddZUlUMFxtm3/sPqxlo472vczpDx16hll3kG2x3P0vg98zz7duaGwWg3Wph1j4e+H+HZTBgdPm0Xl4+nB5W0iubZTLFe2jyLY1+scNdWtMouVzQfLE6Yj/LL3WIWxPc5MmApLyli9+yjLTs4223k43+F4kK8n/VrauswGtI4gPsy/xp/NFao6zV8JUg0pQap9+h5rQeFRWD/X1o12dPep/U37QM+7oP0fa68FoaTA1tJ0eguUQ4tUOliKz1+Pp1/FVqjwVtD2moumS6jaDq6H75+GnUts7z19odd46J/kvusUVVGZxcrqPUf5ZtMhvt2cSdbxU39jAd5mrmgXxTUdYxnYNpIAN2n5cHbCZLUabM3I46eTaxL9uveYwyByDxN0jQ9lQOtILmsTQZcmoXi6aHVrZ1CCVMuUINU+fY9OYhi2Ryn8Ohs2f3kqCfEOgi4jbYlR9CUuDRGwxVmQXTGByjttOz/z7Of7BEPnEfXn89QHWdttY4zKnzfm4QndR8Nlf4Pgxi4NrTaVlFlZsSubRb9n8N2WDI4VnuoSCvL15Kr20QztGMNlbSLr9SyqqqpJwhQV5MOKXdks257NTzuyyc53/J+TuFA/LmsTwWWtI+nbMoIQ//rTonahlCDVMiVItU/f4wUqyoPfP4Ff5sDhzaf2x3SGS8dBx5vcb+p+WfHJcU8HHMdE7VkGx/acKlfeInbJny54xV+3lJMGP74A6z88ufqzCTrdDAOnOO+hsPVMUamFZduzWLQpg8VbMzledCpBaOTvxdWXxHBNpxj6tozA29N9Wz+qoioJ05n8vc30aRFuG0vUJpIWEQH1ak0iZ9JK2lIjAwcOpGvXrsycOdMp9Y0dO5acnBy+/PJLp9QnVXBoo60L7fdPoeTk2AFPP+g4HC69Cxp3d98xPJ4+trFRZ46Pslphz1Lb59628ORjE1bCoinQdVT1x1S5q/zD8NPLtu/BUmLb1/Y6uPJR23PQGpiC4jKWpmaxcNMhfth2mMISi/1YZJAPQzvEcE3HGHo1D3PrLqHq8jR70CU+lC7xofz58pZnTZg6xgXbus1aR9K9WSg+nu7fmuZMSpBEGoLSE7D5C9uN8cAvp/ZHtLG1pHQZecEPk6zXPDxss+5aXnlqVt7ad+H4Qfj5Fdvr9Fl55gb2T9+JHPj5VVj1pm3GIUDCABj0uO1Bog1IXlEpKVsz+eb3DH7cnkVx2amxMo1DfBnaMZZrOsXQvWmjerlukCtUljAVlVkbzGyz2qIuthpqiF1sY8eO5b333nPYt2fPHvLz8/nb3/7GTz/9REBAAFdffTX//Oc/iYiwPUBw/vz5PPnkk+zcuRN/f3+6devGf//7X1566SWefPJJh/p++OEHBg4cWKV43PV7rFPZO2wLOq6fC0U5tn0eXtB+mC0xSujvvq1FF+ps6zoFNYYeY2xjcdx9HE5JAax+C1bMtD0vDWwrIw+abnsUSANQXGZhw/5cVu0+wspdR/h131FKLaduW83C/RnaMYZrOsbSpUlIg+0WEufRGKRaVq0EyTCgtPAsNdUyL/8q3yBzc3O55ppr6NixI0899ZTtdC8v2rdvz913383o0aM5ceIEDz/8MGVlZXz//fccOnSIpk2b8uKLL3LDDTdw/PhxfvrpJ0aPHg3AuHHjyMvL45133gEgLCwMb++qrSmiBOksLKWw7WvbjX/PslP7Q5pCz7HQ7Q6nPUupwTi6x9ai9Nv/QeER2z6T2Tbzredd0OIKWyuUuygrsa1bteylUwPXI9vDlY/ZFnp04yTh9IRo1e4jrN13zKGVCKBVVKB9NetLYoOVFEm1aAxSfVJaCM+56P9UHzlY5anPISEheHt74+/vT0xMDADPPPMM3bp147nnnrOXmzNnDvHx8Wzfvp38/HzKysq48cYbadasGQCdOnWyl/Xz86O4uNhen1yAnP2nbvLlN0WTB7QeYrvJtxqkR32cTVhzuOpJuOIR2Po/+GU2pP1sSzS3fQ2NmtvGKXW9HQLCXR3t2VktsPFjWJp86llpoc1sn6vTzW75+69KQhQR6GOffdWnZTgtI91scoG4JSVIck4bNmzghx9+IDCw4j9Iu3bt4uqrr2bQoEF06tSJIUOGcPXVV3PTTTfRqFEDHu9Sl6wWW/fQr7NtDxA1Tt44AqNtXUTdx0BovGtjdCeePtDpJtvr8FZb9+SGj2wz4BZPh++fgUuutyWcTXvXn5YYw7Aldt8/A9mptn2BMXD536DbaLdafby6CVHvFuG0jGy4M6qk/lKCVBe8/G0tOa669gXIz89n2LBhvPDCCxWOxcbGYjabWbx4MT///DPfffcdr776Ko8++iirV6+mefPmF3Tti1r+4ZMDjd9zfHRH88ttN+9214G54axL4hJR7eHaF2Hw47DpM1ur0qH1tqURfv8Eoi6xfdedR7hulWnDgF3f21a/PrTets83FPpPhl73gHf9X8G4agmRN4knk6E+LcJoGRmohEhcTglSXTCZ3GaFX29vbyyWU1Nlu3fvzmeffUZCQgKenpX/uZhMJvr160e/fv2YPn06zZo144svviApKalCfXIOhgF7l9tai7Z+bXtALNhuiN1uhx5jIaK1KyNsmLwDTrbGjYb0dbbv//fP4PAWWPgQLH7c1uJ06TiI7VJ3caWttiVG+5bb3nsFQJ8J0HdivX7orxIiaSiUIImDhIQEVq9ezd69ewkMDGTChAn8+9//5tZbb+Xvf/87YWFh7Ny5k3nz5vGf//yHX3/9lZSUFK6++mqioqJYvXo1WVlZtG/f3l7ft99+S2pqKuHh4YSEhODlpZYPByeOwYZ5tkHX2dtP7W9yqW1aeofrwcvPZeFdVOK6215XP3va7yTVNiB63Xu2GWI9x0GHG2qv9Sbjd1tX2vZFtvdmb7j0bttjQQIja+eaF0AJkTRULk+QXn/9dV566SUyMjLo0qULr776Kr169Tpr+ZkzZ/Lmm2+SlpZGREQEN910E8nJyfZZTsnJyXz++eds27YNPz8/+vbtywsvvEDbtm3tdQwcOJAff/zRod4///nPzJo1q3Y+pBt56KGHGDNmDJdccgknTpxgz549rFixgocffpirr76a4uJimjVrxtChQ/Hw8CA4OJhly5Yxc+ZM8vLyaNasGS+//DLXXHMNAOPHj2fp0qX07NmT/Pz8ak3zb5DKSk5bCfqArcVo02dQdsJ23DsQOt8CPe6E2M6ujfVi5hcKve+FxD/DvhW2RGnLV5C+1vb6dip0uc3WBRfZxjnXPLILfngONs23vTeZodsouOzv9WqcWXGZhY0Hclm16wir9tgSoqJSJUTS8Lh0mv/HH3/M6NGjmTVrFomJicycOZNPP/2U1NRUoqIqTlP+8MMPueuuu5gzZw59+/Zl+/btjB07lpEjRzJjxgwAhg4dysiRI7n00kspKyvjkUceYdOmTWzZsoWAAFs318CBA2nTpo19KjuAv7//Oaf7nakhroNU37jd92gYtink53oYa34m9vV4Thfd8eR4l1vAJ6jOQ3dn/9twkIW/H8LDZMLLbMLb0wMvs+3lc3L71D5TJfvOLGeq9Fyfomz8Ns/Dc/27mHJOGxeWMODkuLA/1GywdG667bEgv30Axsnu6A432mam1YMuVSVE0tC4xTT/GTNmMH78eO68804AZs2axYIFC5gzZw5TpkypUP7nn3+mX79+3HbbbYCt++bWW29l9erV9jKLFi1yOOfdd98lKiqKtWvXctlll9n3nz6VXaRKSgpPtv7sP+05YKclQHnpUFZ0/no8fU89hT6spW2V6yaX1p8ZU26iuMzCk//bwoer085f2GnaYeI5Bpo3crs5hYGmdZj3/gR7f+IIoSzyHsx3PkPJ8Ym1J1/2BOu05Mvb04MQay6XZ31Aj8zP8DRsjwVJC+/Pxjb3k9/oErzTPPBKP1jlBM7b0wPvk0nghTxWQwmRiI3LEqSSkhLWrl3L1KlT7fs8PDwYPHgwK1eurPScvn378sEHH7BmzRp69erF7t27WbhwIXfcccdZr5Oba1tdNiwszGH/3Llz+eCDD4iJiWHYsGFMmzYNf/+zjykoLi6muPjU047z8vKq9DnFTVitttadMxOe09+XLzB4TiYIioHguFNJUEi847Z/mJKhC3TgWCF/mbuOjQdyMZlgXL/mNA33p6TMSonFSkmZlVKLlVKLUck+68l9BiVlFkotxmn7zn5uOQMPfrB05QdLVxqTzQjPHxhp/oFoUw6jSuZza/Fn/GDtylzLIJZau2LFMVkJpJDxngsZZ15IoMmWUK+2tuOl0lv4Nb0dpFuA3y/o+/EwcUbSdCq58vY0431aonZ6uWOFJaxLU0IkAi5MkLKzs7FYLERHRzvsj46OZtu2bZWec9ttt5GdnU3//v0xDIOysjLuvfdeHnnkkUrLW61WHnzwQfr160fHjh0d6mnWrBmNGzdm48aNPPzww6SmpvL555+fNd7k5OQKj80QN1KUVzHhOf2Vd/DUrLFz8Q48LeGJq5gABTV2qzVp3NGP27OYNO83cgpLCfX3YuaIrgxsW7srhxuGQZm1skTKoNRyI1klxRTs+Y7wLf9HSMbPDDL/xiDzbxT6xbK76c3saHIDBfjTet88uuydg2+Z7X/cMvzbsCT2XrYEXEqCxSDuLAlcedJ2egJXfv0zEzgAqwHFZdYKg6WrKjzA++QaRLa1iFpFKSGSi4/LB2lXx9KlS3nuued44403SExMZOfOnUyaNImnn36aadOmVSg/YcIENm3axPLlyx3233PPPfbtTp06ERsby6BBg9i1axctW7as9NpTp04lKSnJ/j4vL4/4+PozcFLOsPtHWPWGbfXp3ANQnHv+c0xm27O57K09J1/Bp237hqj1x0WsVoNXv9/JzJTtGAZ0bhLCG6O606RR7a8FZDo5vsnL7IF/pflvEMTfBpfdBtk7Ye078NsH+J84RMfUV+i44w3b3055K2R4a7jyMWLa/5HbnfCIk/IE7vTkqeS0VrBSiy1ZOr0F7dS+U2W8PT3o2ayREiIRXJggRUREYDabyczMdNifmZl51rFB06ZN44477uDuu+8GbMlNQUEB99xzD48++igep/1DM3HiRL7++muWLVtGkyZNzhlLYmIiADt37jxrguTj44OPj0+VPx/Y/tGSmqvx91d6Aj6/B/IzHPf7hp7R3XV6F1icbWXihvaU9wYip7CEBz9ez9LULABu7dWUx4ddgq9XPXy0RkQrGPKs7bloW/5rW4DywBpbchQSDwOn2hafdOLf2ukJnIg4h8vuBt7e3vTo0YOUlBSuv/56wNYllpKSwsSJEys9p7Cw0CEJAjCbbf9Alt9MDcPg/vvv54svvmDp0qVVWs15/fr1gG1laGcoX+ensLAQPz+tX1NThYW2B/xWe92kte/akqOQeBg20/YzOA589Pwmd/T7gVzu/WAt6Tkn8PH04JnrO3JzTzdovfXysw3A7zISMjbZunhbDLQ97kRE6j2X/u9yUlISY8aMoWfPnvTq1YuZM2dSUFBgn9U2evRo4uLiSE5OBmDYsGHMmDGDbt262bvYpk2bxrBhw+yJ0oQJE/jwww/573//S1BQEBkZtlaEkJAQ/Pz82LVrFx9++CHXXnst4eHhbNy4kcmTJ3PZZZfRubNz1p0xm82EhoZy+PBhwDZjTs3VVWcYBoWFhRw+fJjQ0FD777ZKSgph+T9t2wP+Cq0G106QUifmrUlj+lebKSmz0izcnzdH9eCSxi567MeFiOloe4mI23BpgjRixAiysrKYPn06GRkZdO3alUWLFtkHbqelpTm0GD322GOYTCYee+wx0tPTiYyMZNiwYTz77LP2Mm+++SZAhcUI33nnHcaOHYu3tzdLliyxJ2Px8fEMHz6cxx57zKmfrbybsDxJkuoLDQ2t/lIMv86xzUYLaQpdR9VOYFLrikotTP/vJj759QAAg9tH8fItXQnx0yrsIlI3XLpQpDur6kJTFouF0tIqzI4SB15eXtVrOQIoKYB/dYGCLBj2CvQYUzvBSa1KO1LIfXPXsvlgHh4m+OvVbbnv8pZ4eKgVVkQunFssFHkxMJvN1b/RS838MtuWHIU2g663uToaqYGUrZlM/ng9eUVlhAd488qt3ejXKsLVYYnIRUgJkjQMJQWw4l+27cv/DmZ1xbgTi9Vg5pLtvPr9TgC6NQ3ljVHdiQ3RJAcRcQ0lSNIwrPk3FGZDo+bQeaSro5FqOFpQwqR5v/HTjmwAxvRpxqPXXYK3p6asi4jrKEES91d8/IzWI/1Zu4vf0o4xYe46DuYW4edlJvnGTlzfLc7VYYmIKEGSBmDN23DiqO3Br51ucXU0UgWGYfDBqn089fUWSi0GLSICePP2HrSNCXJ1aCIigBIkcXdFefDzq7ZttR65hRMlFh754ne++C0dgKEdYnjp5s4E+WrcmIjUH7qbiHtb8xacOGZ7tlXHm1wdjZzHnuwC7vtgLdsyjmP2MDFlaDvuHtBcC6mKSL2jBEncV1Eu/Pyabfvyh9V6VM99uzmDhz7ZwPHiMiICfXjttm70bhHu6rBERCqlO4q4r9VvQVEORLSFjje6Oho5izKLlZe+S+WtH3cDcGlCI167rTvRwb4ujkxE5OyUIIl7OpFzWuvR38FDi3HWR1nHi7n/o3Ws2n0UgHH9mzPlmnZ66ryI1HtKkMQ9rXoTinMhsh10uMHV0Uglft17lL/MXcfh48UEeJt58aYuXNc51tVhiYhUiRIkcT8njsGqN2zbA6eo9aieMQyDd1bs5bmFWymzGrSKCmTW7d1pFaUp/CLiPpQgiftZ+QYU50FUB2j/J1dHI6cpKC7j4c828vXGQwD8oXMsLwzvTICP/qkREfeif7XEvRQetXWvAQx8GDw0lqW+2Hk4n3s/WMvOw/l4eph49Lr2jO2boCn8IuKWlCCJe1n5GpQch+iO0G6Yq6ORkxZsPMTf52+goMRCdLAPr9/WnZ4JYa4OS0SkxpQgifsoOGKb2g8nxx6p9cjVSi1Wnv9mG7OX7wGgd4swXr21O5FBPi6OTETkwihBEvex8lUoyYeYTtDuD66O5qKXmVfExA/X8cveYwDce3lLHrq6DZ6awi8iDYASJHEPBdmw+m3b9sBHQONaXGrV7iNM/PA3svOLCfLx5B+3dGFIhxhXhyUi4jRKkMQ9/PwKlBZAbFdoe42ro7loGYbBv3/azQuLUrFYDdpGBzHrjh40jwhwdWgiIk6lBEnqv/wsWPNv2/bAqWo9cpHjRaX87dONLNqcAcAN3eJ49oaO+HvrnxERaXj0L5vUfytmQmkhNO4ObYa4OpqLUmrGce79YC17sgvwMpuYPqwDtyc21RR+EWmwlCBJ/XY8E36ZbdtW65FL/Hd9OlM++50TpRZiQ3x5Y1R3ujVt5OqwRERqlRIkqd9W/AvKTkBcT2h9laujuWgcOFZIytbDLN6SyfKd2QAMaB3BzBFdCQ/UFH4RafiUIEn9dTwDfj3ZenSFWo9qk8VqsOFADilbM0nZephtGccdjt9/ZSseHNwGs4d+ByJycVCCJPXX8plQVgRNekHLQa6OpsEpKC7jpx1ZLNl6mB+2HeZIQYn9mIcJejYL48r2UVx9STQtIgNdGKmISN1TgiT1U95B+HWObVutR05z4Fgh3287zJKth1m16wglFqv9WJCPJ5e1jWRw+ygGtomiUYC3CyMVEXEtJUhSPy3/J1iKIb43tLjC1dG4LavVYP05us6ahfszqF00g9tH0TMhDG9PrYItIgJKkKQ+yk2Hte/atq/QqtnVVd51lrL1MD+kHiY7v/Kus8Hto2gZGaip+iIilVCCJPXP8hlgKYFm/aD5Za6Oxi2o60xExLmUIEn9knsA1r1v29a6R2dV1a6zQe2juFRdZyIi1aYESeqXn162tR4lDIDmA1wdTb1i6zrLJmVrZqVdZz2aNWJQ+2h1nYmIOIESJKk/ctJg3f/ZtgdOdW0s9UR6zglStmaq60xEpI65vN399ddfJyEhAV9fXxITE1mzZs05y8+cOZO2bdvi5+dHfHw8kydPpqioqFp1FhUVMWHCBMLDwwkMDGT48OFkZmY6/bNJNS37B1hLbeOOEvq5OhqXsFoNfks7xj++TWXozGX0e/57pv93M8u2Z1FisdI0zJ87+yUw9+5E1k67itdv684N3ZooORIRcTKXtiB9/PHHJCUlMWvWLBITE5k5cyZDhgwhNTWVqKioCuU//PBDpkyZwpw5c+jbty/bt29n7NixmEwmZsyYUeU6J0+ezIIFC/j0008JCQlh4sSJ3HjjjaxYsaJOP7+c5theWD/Xtj3wkQuubl3aMT5esx8PD/Aye+Bt9sDL0wMvswc+nh54mU2V7LO9vE8eP3Oft/3YyfM9PfDy8MDjAleXVteZiEj9YzIMw3DVxRMTE7n00kt57bXXALBarcTHx3P//fczZcqUCuUnTpzI1q1bSUlJse/761//yurVq1m+fHmV6szNzSUyMpIPP/yQm266CYBt27bRvn17Vq5cSe/evasUe15eHiEhIeTm5hIcHHxB34MA/50Iv/2fbc2j0V9eUFWGYTB4xo/syipwTmzn4WU2nSWRMp2WcJ2ehJnw9jTjZTaRnV/Cqt1HKCmr2HU2qF0UA9tGEabWIRERp6nq/dtlLUglJSWsXbuWqVNPjTXx8PBg8ODBrFy5stJz+vbtywcffMCaNWvo1asXu3fvZuHChdxxxx1VrnPt2rWUlpYyePBge5l27drRtGnTcyZIxcXFFBcX29/n5eXV/MOLo6O7Yf2Htu0rLrz1aP3+HHZlFeDr5cFfBraizGKl2GKltMyg1GKlpMxKqX2fbbvk5PHyfSUW2/7y7RL7PgOL1fH/KUotBqUWC2CpccxNw/wZ1D6Kwe2jNetMRKQecFmClJ2djcViITo62mF/dHQ027Ztq/Sc2267jezsbPr3749hGJSVlXHvvffyyCOPVLnOjIwMvL29CQ0NrVAmIyPjrPEmJyfz5JNPVvdjSlUs+wcYFtvz1uJ7XXB1n607AMA1HWN5YFDrC67vTBarYU+qypOt0jKDEouFkjLDIbk6M+GyJVqGfZ+Ppwf9W0XQKkpdZyIi9YlbzWJbunQpzz33HG+88QaJiYns3LmTSZMm8fTTTzNt2rRavfbUqVNJSkqyv8/LyyM+Pr5Wr3lROLILNsyzbTuh9aio1MJX6w8CMLx7kwuurzJmDxNmDzO+XuZaqV9ERFzPZQlSREQEZrO5wuyxzMxMYmJiKj1n2rRp3HHHHdx9990AdOrUiYKCAu655x4effTRKtUZExNDSUkJOTk5Dq1I57ougI+PDz4+PjX5qHIuy16ytR61vhqa9Lzg6pZszSSvqIzGIb70aRnuhABFRORi5LKBDt7e3vTo0cNhwLXVaiUlJYU+ffpUek5hYSEeHo4hm822/4s3DKNKdfbo0QMvLy+HMqmpqaSlpZ31ulJLsnfCxo9t2wMrDsqvic/W2rrXbuzeBPMFzi4TEZGLl0u72JKSkhgzZgw9e/akV69ezJw5k4KCAu68804ARo8eTVxcHMnJyQAMGzaMGTNm0K1bN3sX27Rp0xg2bJg9UTpfnSEhIYwbN46kpCTCwsIIDg7m/vvvp0+fPlWewSZOsuxFMKzQZijE9bjg6g7nFfHj9iwAbuwed8H1iYjIxculCdKIESPIyspi+vTpZGRk0LVrVxYtWmQfZJ2WlubQYvTYY49hMpl47LHHSE9PJzIykmHDhvHss89WuU6Af/7zn3h4eDB8+HCKi4sZMmQIb7zxRt19cIGs7fD7p7ZtJ7UeffFbOlbDtm5Qi8hAp9QpIiIXJ5eug+TOtA7SBZo/DjbNh7bXwq0fXXB1hmEwZOYytmfmk3xjJ27t1dQJQYqISENT1fu3FluRund4G2z6zLbtpNaj39Nz2Z6Zj4+nB9d1jnVKnSIicvFSgiR178cXAAPa/QFiuzilyvknB2cP6RBDsK+XU+oUEZGLlxIkqVuHt8LmL2zbA6eeu2wVFZdZ+GrDybWPetTO2kciInJxUYIkdWvp84AB7f8IMR2dUuX3Ww+TU1hKdLAP/VtFOKVOERG5uClBkrqTsQm2fGnbdtLYIzj1aBGtfSQiIs6iBEnqzo/P235ecj1Ed3BKlVnHi/kh1bb2UW09WkRERC4+SpCkbhzaCFv/B5ic2nr03/XpWKwGXeNDaRWltY9ERMQ5lCBJ3fjxBdvPjjdCVHunVGkYhn322k0anC0iIk6kBElq36ENsO1rwASXP+y0ajcfzGNbxnG8PT0Y1rmx0+oVERFRgiS1b+nJsUedboLItk6rtrz16KpLognx19pHIiLiPEqQpHalr4PUhWDycGrrUUmZ1b72kbrXRETE2ZQgSe2ytx7dDBGtnVbtD6mHOVpQQmSQDwO09pGIiDiZEiSpPQfWwo5vwWR2ausRnOpeu7FbHJ5m/RmLiIhz6c4itWdpsu1n5xEQ3tJp1R7JL+aHbYcBPVpERERqhxIkqR37f4Gdi0+2Hv3NqVX/d/1ByqwGnZuE0CY6yKl1i4iIgBIkqS1Ln7P97HIrhLVwatVa+0hERGqbEiRxvrTVsOt78PCEyx5yatVbDuax5VAe3matfSQiIrVHCZI4X3nrUdfbIKy5U6sufzDtoPZRNArwdmrdIiIi5ZQgiXPtWwm7l9pajwY4t/Wo1GLly9/SAXWviYhI7VKCJM5V3nrU7XZo1MypVf+YmsWRghIiAn24rE2kU+sWERE5nRIkcZ69y2HPMvDwcnrrEZwanH1918Z4ae0jERGpRbrLiPP8cHLdo+53QGi8U6s+VlBCyrZMQGsfiYhI7VOCJM6xZxnsWw5mbxjwV6dX/9WGg5RaDDo0DqZ9bLDT6xcRETmdEiS5cIZxWuvRGAhxfguP1j4SEZG6pARJLtyeHyHtZzD7wIAkp1efmnGc39Nz8TKb+FPXOKfXLyIiciYlSHJhTm896jEWgp2/eGP52kdXtI0iTGsfiYhIHVCCJBdm1/ewfxV4+kL/yU6vvsxi5fN1WvtIRETqlhIkqTnDgKXlrUd3QnCs0y/x045ssvOLCQ/w5op2UU6vX0REpDJKkKTmdqbAgV/A069WWo/g1ODsP2rtIxERqUO640jNGMapVbMvHQdB0U6/RE5hCYu32NY+UveaiIjUJSVIUjM7FkP6WlvrUb9JtXKJ/208RInFSvvYYDo0DqmVa4iIiFRGCZJU3+mtR73uhsDaGRtU3r02vLum9ouISN2qFwnS66+/TkJCAr6+viQmJrJmzZqzlh04cCAmk6nC67rrrrOXqey4yWTipZdespdJSEiocPz555+v1c/ZYGxfBAd/Ay9/6Fs7rUc7Dx9nw/4cPD1MXN9NCZKIiNQtT1cH8PHHH5OUlMSsWbNITExk5syZDBkyhNTUVKKiKrZMfP7555SUlNjfHzlyhC5dunDzzTfb9x06dMjhnG+++YZx48YxfPhwh/1PPfUU48ePt78PCgpy1sdq2Nb82/az13gIjKyVS8xfa5vaP7BtFBGBPrVyDRERkbNxeYI0Y8YMxo8fz5133gnArFmzWLBgAXPmzGHKlCkVyoeFhTm8nzdvHv7+/g4JUkxMjEOZ//73v1xxxRW0aNHCYX9QUFCFsnIehgHpv9q2O9xYK5ewWA2++K380SJqPRIRkbrn0i62kpIS1q5dy+DBg+37PDw8GDx4MCtXrqxSHbNnz2bkyJEEBARUejwzM5MFCxYwbty4Cseef/55wsPD6datGy+99BJlZWU1+yAXk6O7oSjX9liRqEtq5RI/7cgiM6+YRv5eXNnO+bPjREREzselLUjZ2dlYLBaiox1vgtHR0Wzbtu28569Zs4ZNmzYxe/bss5Z57733CAoK4sYbHVs7HnjgAbp3705YWBg///wzU6dO5dChQ8yYMaPSeoqLiykuLra/z8vLO298DdLB32w/YzqCZ+089uOzkytn/6lrHN6e9WKYnIiIXGRc3sV2IWbPnk2nTp3o1avXWcvMmTOHUaNG4evr67A/KenUQ1U7d+6Mt7c3f/7zn0lOTsbHp+KYl+TkZJ588knnBe+uyhOkxt1qpfrcE6V8uzkDgOHdtfaRiIi4hkv/9zwiIgKz2UxmZqbD/szMzPOODSooKGDevHmVdp2V++mnn0hNTeXuu+8+byyJiYmUlZWxd+/eSo9PnTqV3Nxc+2v//v3nrbNBsidI3Wul+q83HqSkzErb6CA6xgXXyjVERETOx6UJkre3Nz169CAlJcW+z2q1kpKSQp8+fc557qeffkpxcTG33377WcvMnj2bHj160KVLl/PGsn79ejw8PCqdOQfg4+NDcHCww+uiY7XAoQ227VpqQfpsbfng7CaYTKZauYaIiMj5uLyLLSkpiTFjxtCzZ0969erFzJkzKSgosM9qGz16NHFxcSQnJzucN3v2bK6//nrCw8MrrTcvL49PP/2Ul19+ucKxlStXsnr1aq644gqCgoJYuXIlkydP5vbbb6dRo0bO/5ANxZGdUJJvW/8ooo3Tq9+Vlc+6tBzMHib+1K2x0+sXERGpKpcnSCNGjCArK4vp06eTkZFB165dWbRokX3gdlpaGh4ejg1dqampLF++nO++++6s9c6bNw/DMLj11lsrHPPx8WHevHk88cQTFBcX07x5cyZPnuwwLkkqkb7O9jOmM5id/6dT3np0eZtIooJ8z1NaRESk9pgMwzBcHYQ7ysvLIyQkhNzc3Iunu23h32HNW9D7LzA0+fzlq8FiNej/wvccyi3ijVHdubZTrFPrFxERgarfvzWHWqquFmew/bwrm0O5RYT4eTGofe08201ERKSqlCBJ1VhKIWOjbbsWEqTyB9P+sUtjfDzNTq9fRESkOpQgSdVkbYOyIvAJhrCWTq06r+i0tY96aO0jERFxPSVIUjXl3WuxXcDDuX82CzceoqjUSquoQLo0CXFq3SIiIjWhBEmqphbHH322TmsfiYhI/aIESaqmfIq/kxOkvdkF/LL3GB4muKFbnFPrFhERqSklSHJ+ZcWQudm2HefcR4yUtx4NaB1JdLDWPhIRkfpBCZKcX+ZmsJaCXyMIbea0aq1Wg8/XpQO27jUREZH6QgmSnN/B07rXnDhGaNXuI6TnnCDI15OrLol2Wr0iIiIXSgmSnJ99gLZzu9fK1z4a1qUxvl5a+0hEROoPJUhyfgfX2346cYB2fnEZ32yyrX2k7jUREalvlCDJuZUUwuGttm0nJkgLfz/EiVILLSIC6BYf6rR6RUREnEEJkpxbxu9gWCAgCoIbO63a8u614Vr7SERE6iElSHJu5eOP4ro7bYB22pFC1uw5iskEN3bX2kciIlL/KEGSc6uFFbTL1z7q3yqC2BA/p9UrIiLiLDVKkH744QdnxyH11UHnrqBttRoOjxYRERGpj2qUIA0dOpSWLVvyzDPPsH//fmfHJPVFUR5k77BtOylBWrP3KAeOnSDIx5OrL4lxSp0iIiLOVqMEKT09nYkTJzJ//nxatGjBkCFD+OSTTygpKXF2fOJKGRsBA4KbQGCUU6osH5x9XedY/Ly19pGIiNRPNUqQIiIimDx5MuvXr2f16tW0adOGv/zlLzRu3JgHHniADRs2ODtOcQX7+KOuTqmuoLiMhb8fAtS9JiIi9dsFD9Lu3r07U6dOZeLEieTn5zNnzhx69OjBgAED2Lx5szNiFFdJd+74o0WbMigssZAQ7k+PZo2cUqeIiEhtqHGCVFpayvz587n22mtp1qwZ3377La+99hqZmZns3LmTZs2acfPNNzszVqlrp0/xdwL72kfdtfaRiIjUb541Oen+++/no48+wjAM7rjjDl588UU6duxoPx4QEMA//vEPGjd23sKCUsdOHINje2zbsV0vuLr9RwtZufuIbe0jda+JiEg9V6MEacuWLbz66qvceOON+Pj4VFomIiJCywG4s/LWo0YJ4B92wdV98Vs6AH1ahBMXqrWPRESkfqtRgpSSknL+ij09ufzyy2tSvdQH9gHaF969ZhiGvXtNg7NFRMQd1GgMUnJyMnPmzKmwf86cObzwwgsXHJTUA05cQfuXvcdIO1pIgLeZoR219pGIiNR/NUqQ3nrrLdq1a1dhf4cOHZg1a9YFByX1wMH1tp9OSJA+O9l6dG2nWPy9a9RoKSIiUqdqlCBlZGQQGxtbYX9kZCSHDh264KDExfKzIHc/YILYLhdU1YkSCwu09pGIiLiZGiVI8fHxrFixosL+FStWaOZaQ1DevRbRGnyDL6iqbzdnkF9cRtMwfy5NuPDB3iIiInWhRv0d48eP58EHH6S0tJQrr7wSsA3c/vvf/85f//pXpwYoLuDE8Uflg7Nv7B6Hh4fWPhIREfdQowTpb3/7G0eOHOEvf/mL/flrvr6+PPzww0ydOtWpAYoLHHTOCtoHc06wYlc2YFscUkRExF3UKEEymUy88MILTJs2ja1bt+Ln50fr1q3PuiaSuBHDcNoU/y9+S8cwoHeLMOLD/J0QnIiISN24oClFgYGBXHrppc6KReqD44cgPxNMHhDTqcbVnL72kVqPRETE3dT4WWy//vorf//73xk5ciQ33nijw6u6Xn/9dRISEvD19SUxMZE1a9actezAgQMxmUwVXtddd529zNixYyscHzp0qEM9R48eZdSoUQQHBxMaGsq4cePIz8+vduwNTnnrUWR78K55q8+6tGPsyS7A39vMtZ0qzngUERGpz2qUIM2bN4++ffuydetWvvjiC0pLS9m8eTPff/89ISEh1arr448/Jikpiccff5x169bRpUsXhgwZwuHDhyst//nnn3Po0CH7a9OmTZjN5goPxh06dKhDuY8++sjh+KhRo9i8eTOLFy/m66+/ZtmyZdxzzz3V+yIaovST44/iLmz80fy1tkeLXNMxlgAfrX0kIiLupUYJ0nPPPcc///lP/ve//+Ht7c2//vUvtm3bxi233ELTpk2rVdeMGTMYP348d955J5dccgmzZs3C39+/0pW6AcLCwoiJibG/Fi9ejL+/f4UEycfHx6Fco0aN7Me2bt3KokWL+M9//kNiYiL9+/fn1VdfZd68eRw8eLD6X0hD4oQZbEWlFr7eYPseh/eIc0ZUIiIidapGCdKuXbvsXVre3t4UFBRgMpmYPHkyb7/9dpXrKSkpYe3atQwePPhUQB4eDB48mJUrV1apjtmzZzNy5EgCAgIc9i9dupSoqCjatm3Lfffdx5EjR+zHVq5cSWhoKD179rTvGzx4MB4eHqxevbrK8Tc4DgO0a54gfbs5g+PFZcSF+tG7ebiTghMREak7NUqQGjVqxPHjxwGIi4tj06ZNAOTk5FBYWFjlerKzs7FYLERHRzvsj46OJiMj47znr1mzhk2bNnH33Xc77B86dCjvv/8+KSkpvPDCC/z4449cc801WCwWwLYSeFRUlMM5np6ehIWFnfW6xcXF5OXlObwanJx9cOIoeHhBdMcaV/PZOlv32vAeTbT2kYiIuKUaDQ657LLLWLx4MZ06deLmm29m0qRJfP/99yxevJhBgwY5O8azmj17Np06daJXr14O+0eOHGnf7tSpE507d6Zly5YsXbq0xvElJyfz5JNPXlC89V5561F0B/Cs2ZINGblFLN+RBcDw7upeExER91SjFqTXXnvNnoQ8+uijJCUlkZmZyfDhw5k9e3aV64mIiMBsNpOZmemwPzMzk5iYcz/1vaCggHnz5jFu3LjzXqdFixZERESwc+dOAGJiYioMAi8rK+Po0aNnve7UqVPJzc21v/bv33/e67odJ3Svff7bAawG9EoIo1l4wPlPEBERqYeq3YJUVlbG119/zZAhQwDbmKEpU6bU6OLe3t706NGDlJQUrr/+egCsVispKSlMnDjxnOd++umnFBcXc/vtt5/3OgcOHODIkSP2B+z26dOHnJwc1q5dS48ePQD4/vvvsVqtJCYmVlqHj49Pw18IM/3CVtA2DIPPTq59pAfTioiIO6t2C5Knpyf33nsvRUVFTgkgKSmJf//737z33nts3bqV++67j4KCAu68804ARo8eXenjS2bPns31119PeLjjIOD8/Hz+9re/sWrVKvbu3UtKSgp/+tOfaNWqlT2pa9++PUOHDmX8+PGsWbOGFStWMHHiREaOHHnxPmzXaoVDG2zbcTVbQXv9/hx2ZRXg6+XBNZ3O3QIoIiJSn9VoDFKvXr1Yv349zZo1u+AARowYQVZWFtOnTycjI4OuXbuyaNEi+8DttLQ0PDwc87jU1FSWL1/Od999V6E+s9nMxo0bee+998jJyaFx48ZcffXVPP300w4tQHPnzmXixIkMGjQIDw8Phg8fziuvvHLBn8dtHd0NxXng6QuR7WpURfnK2dd0jCXI18uZ0YmIiNQpk2EYRnVP+uSTT5g6dSqTJ0+mR48eFabYd+7c2WkB1ld5eXmEhISQm5tLcHCwq8O5cBs/hc/vhiaXwt1Lqn16UamFXs8uIa+ojLl3J9KvVUQtBCkiInJhqnr/rlELUvkA7QceeMC+z2QyYRgGJpPJPp1e3MjBCxt/tGRrJnlFZTQO8aVPC619JCIi7q1GCdKePXucHYe4mn0GW83GH5V3r93YXWsfiYiI+6tRguSMsUdSj1gtpwZo16AF6XBeEcu229Y+ulFrH4mISANQowTp/fffP+fx0aNH1ygYcZGsVCgtBK8AiGhd7dO/+C0dqwE9mjWiRWRgLQQoIiJSt2qUIE2aNMnhfWlpKYWFhXh7e+Pv768Eyd3Yu9e6goe5WqcahmHvXtPaRyIi0lDUaCXtY8eOObzy8/NJTU2lf//+fPTRR86OUWrbBayg/Xt6LjsO5+Pj6cF1nWOdHJiIiIhr1ChBqkzr1q15/vnnK7QuiRu4gASpvPVoSIcYgrX2kYiINBBOS5DAtsr2wYMHnVml1LayEsj43bZdzQSpuMzCVxtsv291r4mISENSozFIX331lcN7wzA4dOgQr732Gv369XNKYFJHsraCpRh8QiCsRbVO/X7rYXIKS4kJ9tXCkCIi0qDUKEEqf7BsOZPJRGRkJFdeeSUvv/yyM+KSunL6AG1T9dYvKu9eu6F7HGatfSQiIg1IjRIkq9Xq7DjEVdJrtoJ21vFilp5c+2h4d3WviYhIw+LUMUjihspbkOKqt4L2f9enY7EadI0PpVWU1j4SEZGGpUYJ0vDhw3nhhRcq7H/xxRe5+eabLzgoqSOlRXB4i227Gi1IWvtIREQauholSMuWLePaa6+tsP+aa65h2bJlFxyU1JHMzWAtA/9wCImv8mmbD+axLeM43p4eDOvcuBYDFBERcY0aJUj5+fl4e3tX2O/l5UVeXt4FByV15OBp44+qMUD7s3W21qOrLokmxF9rH4mISMNTowSpU6dOfPzxxxX2z5s3j0suueSCg5I6Yp/BVr3xR0u2ZgJwfVc9mFZERBqmGs1imzZtGjfeeCO7du3iyiuvBCAlJYWPPvqITz/91KkBSi2qwQraaUcK2X/0BJ4eJvq2DK+lwERERFyrRgnSsGHD+PLLL3nuueeYP38+fn5+dO7cmSVLlnD55Zc7O0apDSUFkLXNtl2NBGn5zmwAujdtRIBPjf58RERE6r0a3+Guu+46rrvuOmfGInXp0EYwrBAUC8FVf8jsipMJklbOFhGRhqxGY5B++eUXVq9eXWH/6tWr+fXXXy84KKkDNehes1gNVuyyJUj9W6t7TUREGq4aJUgTJkxg//79Ffanp6czYcKECw5K6kANEqQtB/PIKSwl0MeTLk1CaycuERGReqBGCdKWLVvo3r3izKdu3bqxZcuWCw5K6sDB6j9ipHz8Ue8W4XiatQi7iIg0XDW6y/n4+JCZmVlh/6FDh/D01MDdeq8oF47stG1XI0EqH3/Uv5W610REpGGrUYJ09dVXM3XqVHJzc+37cnJyeOSRR7jqqqucFpzUkkMbbD9DmkJA1QZbF5VaWLP3KAD9W2uAtoiINGw1au75xz/+wWWXXUazZs3o1s3WArF+/Xqio6P5v//7P6cGKLUgvbx7rWuVT/l17zFKyqxEB/vQMlIPpxURkYatRglSXFwcGzduZO7cuWzYsAE/Pz/uvPNObr31Vry89OiJeq98gHZc1VfQXm7vXovEVI3HkoiIiLijGg8YCggIoH///jRt2pSSkhIAvvnmGwD++Mc/Oic6qR01mMFmH3+k6f0iInIRqFGCtHv3bm644QZ+//13TCYThmE4tCpYLBanBShOVngUcvbZtmO7VumUYwUlbDpoG2/Wr6XGH4mISMNXo0HakyZNonnz5hw+fBh/f382bdrEjz/+SM+ePVm6dKmTQxSnKp/eH9YS/EKrdMrPu45gGNAmOpCoYN/ai01ERKSeqFEL0sqVK/n++++JiIjAw8MDs9lM//79SU5O5oEHHuC3335zdpziLDXoXjt9/JGIiMjFoEYtSBaLhaCgIAAiIiI4ePAgAM2aNSM1NdV50YnzHVxv+6nxRyIiImdVoxakjh07smHDBpo3b05iYiIvvvgi3t7evP3227Ro0cLZMYozpVdvBe20I4WkHS3E08NEr+ZKkERE5OJQoxakxx57DKvVCsBTTz3Fnj17GDBgAAsXLuSVV16pdn2vv/46CQkJ+Pr6kpiYyJo1a85aduDAgZhMpgqv6667DoDS0lIefvhhOnXqREBAAI0bN2b06NH2Vq5yCQkJFep4/vnnqx27WzmeAccPAiaI7VKlU8q717o1DSXQR6uki4jIxaFGd7whQ4bYt1u1asW2bds4evQojRo1qvYaOR9//DFJSUnMmjWLxMREZs6cyZAhQ0hNTSUqKqpC+c8//9y+rADAkSNH6NKlCzfffDMAhYWFrFu3jmnTptGlSxeOHTvGpEmT+OMf/8ivv/7qUNdTTz3F+PHj7e/Luw0brPLutci24FO1xR5XaPyRiIhchJzWJBAWFlaj82bMmMH48eO58847AZg1axYLFixgzpw5TJky5bzXmTdvHv7+/vYEKSQkhMWLFzuUee211+jVqxdpaWk0bdrUvj8oKIiYmJgaxe2WqjlA22o1WLFL449EROTi49JHspeUlLB27VoGDx5s3+fh4cHgwYNZuXJlleqYPXs2I0eOJCAg4KxlcnNzMZlMhIaGOux//vnnCQ8Pp1u3brz00kuUlZXV6HO4jfIp/o2rtoL2lkN55BSWEujjSecmobUXl4iISD3j0kEl2dnZWCwWoqOjHfZHR0ezbdu2856/Zs0aNm3axOzZs89apqioiIcffphbb72V4OBg+/4HHniA7t27ExYWxs8//8zUqVM5dOgQM2bMqLSe4uJiiouL7e/z8vLOG1+9YhjVbkH6aYet9ah3izC8zC7NpUVEROqUW4+6nT17Np06daJXr16VHi8tLeWWW27BMAzefPNNh2NJSUn27c6dO+Pt7c2f//xnkpOT8fHxqVBXcnIyTz75pHM/QF3KS4eCLDCZIaZjlU4pH3/Ur5VWzxYRkYuLS5sFIiIiMJvNZGZmOuzPzMw879iggoIC5s2bx7hx4yo9Xp4c7du3j8WLFzu0HlUmMTGRsrIy9u7dW+nxqVOnkpuba3/t37//nPXVO+XT+6MuAS+/8xYvKrWwZu9RAAa0VoIkIiIXF5cmSN7e3vTo0YOUlBT7PqvVSkpKCn369DnnuZ9++inFxcXcfvvtFY6VJ0c7duxgyZIlhIeff4Dx+vXr8fDwqHTmHICPjw/BwcEOL7dS3r0WV7XutbX7jlFSZiU62IeWkVWb8SYiItJQuLyLLSkpiTFjxtCzZ0969erFzJkzKSgosM9qGz16NHFxcSQnJzucN3v2bK6//voKyU9paSk33XQT69at4+uvv8ZisZCRkQHYZsB5e3uzcuVKVq9ezRVXXEFQUBArV65k8uTJ3H777TRq1KhuPnhdq+b4o+Wnda9Vd+kGERERd+fyBGnEiBFkZWUxffp0MjIy6Nq1K4sWLbIP3E5LS8PDw7GhKzU1leXLl/Pdd99VqC89PZ2vvvoKgK5duzoc++GHHxg4cCA+Pj7MmzePJ554guLiYpo3b87kyZMdxiU1KDUYoL18R/n6R+peExGRi4/JMAzD1UG4o7y8PEJCQsjNza3/3W1Hd8Mr3cDsDVPTwdP7nMWPFZTQ/ZnFGAaseWQQUcG+dRSoiIhI7arq/Vtzty8G5a1H0R3PmxwBrNx9BMOANtGBSo5EROSipATpYnAB449EREQuRkqQLgbpGn8kIiJSHUqQGjqrFQ6tt23Hnf8RI2lHCkk7Woinh4nEFnr+moiIXJyUIDV0R3ZCST54+kFE2/MWL384bbemoQT6uHySo4iIiEsoQWroyh9QG9sZzOdPeDT+SERERAlSw2cfoH3+7jWr1eDnnRp/JCIiogSpoavGDLYth/I4VlhKoI8nXeJDazcuERGRekwJUkNmKYNDG23bVUiQyrvXercIw8usPw0REbl46S7YkGVtg7IT4B0E4a3OW3yFxh+JiIgASpAaNnv3WlfwOPevuqjUwpo9RwGNPxIREVGC1JCdniCdx9p9xygusxId7EOrqMDajUtERKSeU4LUkJVP8a/G+KN+rSIwmUy1GZWIiEi9pwSpoSorhoxNtu0qTPFfoen9IiIidkqQGqrDW8BaCr6h0CjhnEVzCkv4PT0X0ABtERERUILUcJ2+/tF5usx+3nUEw4DWUYFEB/vWQXAiIiL1mxKkhiq9+uOP+rdW65GIiAgoQWq4Dq63/YzT+CMREZHqUoLUEJWesI1BgvO2IO0/Wsi+I4WYPUwktgivg+BERETqPyVIDVHG72BYICASguPOWbS8e61bfCiBPp51EZ2IiEi9pwSpIbIP0O5+3gHay/V4ERERkQqUIDVEp89gOwer1eDnkwnSAA3QFhERsVOC1BBVMUHaciiPY4WlBHib6RIfWvtxiYiIuAklSA1N8XHISrVtnydBKu9e690iHC+z/hRERETK6a7Y0BzaCBi2wdlB0ecsukLjj0RERCqlBKmhqWL3WlGphTV7jgIafyQiInImJUgNzcHyFbS7nrPYun3HKC6zEhXkQ6uowNqPS0RExI0oQWpoTp/ifw7LT1s923SepQBEREQuNkqQGpITx+Dobtt2FQdoa/yRiIhIRUqQGpJDG2w/Q5uBf9hZi+UUlvB7ei6gB9SKiIhURglSQ5J+cvzReR5Qu3LXEQwDWkcFEh3sWweBiYiIuBclSA1JFWewqXtNRETk3OpFgvT666+TkJCAr68viYmJrFmz5qxlBw4ciMlkqvC67rrr7GUMw2D69OnExsbi5+fH4MGD2bFjh0M9R48eZdSoUQQHBxMaGsq4cePIz8+vtc9YJw6ut/2sYoLUXwmSiIhIpVyeIH388cckJSXx+OOPs27dOrp06cKQIUM4fPhwpeU///xzDh06ZH9t2rQJs9nMzTffbC/z4osv8sorrzBr1ixWr15NQEAAQ4YMoaioyF5m1KhRbN68mcWLF/P111+zbNky7rnnnlr/vLWmIBty02zbsV3OWmz/0UL2HSnE7GEiscXZxymJiIhc1AwX69WrlzFhwgT7e4vFYjRu3NhITk6u0vn//Oc/jaCgICM/P98wDMOwWq1GTEyM8dJLL9nL5OTkGD4+PsZHH31kGIZhbNmyxQCMX375xV7mm2++MUwmk5Genl6l6+bm5hqAkZubW6XytW77d4bxeLBhvNLjnMU+Wr3PaPbw18bwN1bUUWAiIiL1R1Xv3y5tQSopKWHt2rUMHjzYvs/Dw4PBgwezcuXKKtUxe/ZsRo4cSUBAAAB79uwhIyPDoc6QkBASExPtda5cuZLQ0FB69uxpLzN48GA8PDxYvXq1Mz5a3dP4IxEREafxdOXFs7OzsVgsREc7PjMsOjqabdu2nff8NWvWsGnTJmbPnm3fl5GRYa/jzDrLj2VkZBAVFeVw3NPTk7CwMHuZMxUXF1NcXGx/n5eXd9746lQVEiSr1eDnXUcATe8XERE5F5ePQboQs2fPplOnTvTq1avWr5WcnExISIj9FR8fX+vXrJYqTPHfciiPowUlBHib6RofWjdxiYiIuCGXJkgRERGYzWYyMzMd9mdmZhITE3POcwsKCpg3bx7jxo1z2F9+3rnqjImJqTAIvKysjKNHj571ulOnTiU3N9f+2r9///k/YF3JOwT5GWDygJhOZy224mT3Wu8W4XiZ3To3FhERqVUuvUt6e3vTo0cPUlJS7PusVispKSn06dPnnOd++umnFBcXc/vttzvsb968OTExMQ515uXlsXr1anudffr0IScnh7Vr19rLfP/991itVhITEyu9no+PD8HBwQ6veqO8ey2yHXgHnLWYxh+JiIhUjUvHIAEkJSUxZswYevbsSa9evZg5cyYFBQXceeedAIwePZq4uDiSk5Mdzps9ezbXX3894eHhDvtNJhMPPvggzzzzDK1bt6Z58+ZMmzaNxo0bc/311wPQvn17hg4dyvjx45k1axalpaVMnDiRkSNH0rhx4zr53E518GT32jnGHxWVWliz5yig8UciIiLn4/IEacSIEWRlZTF9+nQyMjLo2rUrixYtsg+yTktLw8PDsaErNTWV5cuX891331Va59///ncKCgq45557yMnJoX///ixatAhf31OP1Zg7dy4TJ05k0KBBeHh4MHz4cF555ZXa+6C1qQoDtNftO0ZxmZWoIB9aRwXWUWAiIiLuyWQYhuHqINxRXl4eISEh5Obmura7zTDgpZZQeATu/h6a9Ki02IuLtvHG0l3c2C2OGSO61m2MIiIi9URV798aqevucvfbkiMPT4jucNZiKzT+SEREpMqUILm78un90R3Ay7fSIrmFpWxMzwWUIImIiFSFEiR3V4XxRz/vysYwoFVUIDEhlSdRIiIicooSJHdXhQSpfHp/f7UeiYiIVIkSJHdmtcLB9bbtcyRIK5QgiYiIVIsSJHd2bA8U54LZB6IuqbTI/qOF7D1SiNnDRGKLsDoOUERExD0pQXJn5d1rMZ3A7FVpkfLWo67xoQT5Vl5GREREHClBcmfp519BW48XERERqT4lSO6svAUprnulh61Wg593HQFggB4vIiIiUmVKkNyV1QKHNti2z9KCtDUjj6MFJQR4m+kaH1p3sYmIiLg5JUjuKnsHlBaAlz9EtKm0yPIdtu61xBbheJn1qxYREakq3TXd1cGT449iu4CHudIiGn8kIiJSM0qQ3JV9gcjKxx8VlVr4Ze9RQOOPREREqksJkrs6zwra69KOUVRqJTLIh9ZRgXUYmIiIiPtTguSOLKWQ8btt+ywJUvn4o/6tIjCZTHUVmYiISIOgBMkdHd4KZUXgEwJhLSotskLjj0RERGpMCZI7snevdQGPir/C3MJSNqbnAnr+moiISE0oQXJH5xl/tHJ3NoYBraICiQnxrcPAREREGgYlSO6ofIr/WWawlU/vV+uRiIhIzShBcjelRZC5xbZ9ngHaGn8kIiJSM0qQ3M3hzWAtBb8wCG1a4fD+o4XsPVKI2cNEYoswFwQoIiLi/pQguZv08u61blDJ9P2fd9laj7rGhxLs61WXkYmIiDQYSpDczcH1tp9xZxt/dARQ95qIiMiFUILkbs4xg81qNezrH2mAtoiISM0pQXInJYWQtdW2XUmCtDUjj6MFJfh7m+kaH1q3sYmIiDQgSpDcScZGMKwQGAPBjSscLm896t0iHG9P/WpFRERqSndRd3KeBSI1/khERMQ5lCC5k3MkSEWlFtbssSVIGn8kIiJyYZQguZPTp/ifYV3aMYpKrUQE+tAmOrCOAxMREWlYlCC5i6I8OLLDtl1JgnRq9lo4pkrWRxIREZGqU4LkLg5tsP0MiYfAyAqHy8cf9W9d8ZiIiIhUjxIkd2Eff9S1wqHcwlJ+P5ADQL9W4XUXk4iISAPl8gTp9ddfJyEhAV9fXxITE1mzZs05y+fk5DBhwgRiY2Px8fGhTZs2LFy40H48ISEBk8lU4TVhwgR7mYEDB1Y4fu+999baZ3SKg+XjjyquoL1ydzZWA1pGBhAb4lfHgYmIiDQ8nq68+Mcff0xSUhKzZs0iMTGRmTNnMmTIEFJTU4mKiqpQvqSkhKuuuoqoqCjmz59PXFwc+/btIzQ01F7ml19+wWKx2N9v2rSJq666iptvvtmhrvHjx/PUU0/Z3/v7+zv/AzrTOWawLdfq2SIiIk7l0gRpxowZjB8/njvvvBOAWbNmsWDBAubMmcOUKVMqlJ8zZw5Hjx7l559/xsvL9iDWhIQEhzKRkY5jcJ5//nlatmzJ5Zdf7rDf39+fmJgYJ36aWlR4FI7ttW1X0sW2QuOPREREnMplXWwlJSWsXbuWwYMHnwrGw4PBgwezcuXKSs/56quv6NOnDxMmTCA6OpqOHTvy3HPPObQYnXmNDz74gLvuuqvCzK65c+cSERFBx44dmTp1KoWFhc77cM5W3nrUqDn4NXI4dOBYIXuyCzB7mEhsEeaC4ERERBoel7UgZWdnY7FYiI6OdtgfHR3Ntm3bKj1n9+7dfP/994waNYqFCxeyc+dO/vKXv1BaWsrjjz9eofyXX35JTk4OY8eOddh/22230axZMxo3bszGjRt5+OGHSU1N5fPPPz9rvMXFxRQXF9vf5+XlVePTXqDyBCmu4vij8un9XZqEEOzrVXcxiYiINGAu7WKrLqvVSlRUFG+//TZms5kePXqQnp7OSy+9VGmCNHv2bK655hoaN3Z8btk999xj3+7UqROxsbEMGjSIXbt20bJly0qvnZyczJNPPuncD1RV5xx/pNWzRUREnM1lXWwRERGYzWYyMzMd9mdmZp51bFBsbCxt2rTBbDbb97Vv356MjAxKSkocyu7bt48lS5Zw9913nzeWxMREAHbu3HnWMlOnTiU3N9f+2r9//3nrdZqD620/z0iQrFaDn8sHaGv8kYiIiNO4LEHy9vamR48epKSk2PdZrVZSUlLo06dPpef069ePnTt3YrVa7fu2b99ObGws3t7eDmXfeecdoqKiuO66684by/r16wFbAnY2Pj4+BAcHO7zqRP5hyDsAmCC2i8OhbRnHOVJQgr+3ma7xoXUTj4iIyEXApesgJSUl8e9//5v33nuPrVu3ct9991FQUGCf1TZ69GimTp1qL3/fffdx9OhRJk2axPbt21mwYAHPPfecwxpHYEu03nnnHcaMGYOnp2Mv4q5du3j66adZu3Yte/fu5auvvmL06NFcdtlldO7cufY/dHWVd69FtAGfIIdDy3dmAZDYPAxvT5cvaSUiItJguHQM0ogRI8jKymL69OlkZGTQtWtXFi1aZB+4nZaWhofHqRt/fHw83377LZMnT6Zz587ExcUxadIkHn74YYd6lyxZQlpaGnfddVeFa3p7e7NkyRJmzpxJQUEB8fHxDB8+nMcee6x2P2xNVWH8UT+NPxIREXEqk2EYhquDcEd5eXmEhISQm5tbu91tc2+BHd/C0Beg96nVvovLLHR58juKSq0senAA7WLqqMtPRETEjVX1/q1+mfrMMM46xX/dvhyKSq1EBPrQNjqokpNFRESkppQg1Wd5B6HgMJjMEN3R4VD5+KP+rcIrLIIpIiIiF0YJUn1W3noU1R68HZ8Vp/FHIiIitUcJUn12cJ3t5xkDtHMLS/n9QA4A/VsrQRIREXE2JUj12VlmsK3cfQSrAS0jA4gN8XNBYCIiIg2bEqT66vQB2mckSOXPX9PjRURERGqHEqT66theOHEMPLwguoPDoeUnEySNPxIREakdSpDqq/LWo5iO4Olj333gWCF7sgswe5jo3TLcRcGJiIg0bEqQ6quzdK/9fHL2WpcmIQT7etV1VCIiIhcFJUj11VkSpOUafyQiIlLrlCDVR1YrHFxv227c/bTdhn2AtsYfiYiI1B4lSPXR0V1Qchw8fSGynX33tozjHCkowc/LTLemjVwYoIiISMOmBKk+sg/Q7gxmT/vu8tajxBZheHvqVyciIlJbdJetj9JPrqB9xgNqNf5IRESkbihBqo8qGaBdXGZh9R7bDDY9XkRERKR2KUGqbyxlkLHRtn1agrRuXw5FpVYiAr1pGx3kouBEREQuDkqQ6pvsVCgtBO9ACG9l33367DWTyeSq6ERERC4KSpDqm/Lutdiu4GG279b4IxERkbqjBKm+sY8/6mrflVtYysYDOYDWPxIREakLSpDqm0oGaK/cfQSrAS0iA2gc6ueiwERERC4enucvInXqj69B+lpI6G/ftULdayIiInVKCVJ9E32J7XUaJUgiIiJ1S11s9Vx6zgl2ZxfgYYLeLcNdHY6IiMhFQQlSPbdih631qEt8KMG+Xi6ORkRE5OKgBKme0/R+ERGRuqcEqR6zWg2HBSJFRESkbihBqsdSM49zpKAEPy8z3Zs2cnU4IiIiFw0lSPXY8pPjjxJbhOHtqV+ViIhIXdFdtx7T+CMRERHXUIJUTxWXWViz5yig8UciIiJ1TQlSPfVbWg4nSi1EBHrTLibI1eGIiIhcVJQg1VPl44/6tYrAZDK5OBoREZGLixKkemq5pveLiIi4jMsTpNdff52EhAR8fX1JTExkzZo15yyfk5PDhAkTiI2NxcfHhzZt2rBw4UL78SeeeAKTyeTwateunUMdRUVFTJgwgfDwcAIDAxk+fDiZmZm18vlqIvdEKRsP5AAaoC0iIuIKLk2QPv74Y5KSknj88cdZt24dXbp0YciQIRw+fLjS8iUlJVx11VXs3buX+fPnk5qayr///W/i4uIcynXo0IFDhw7ZX8uXL3c4PnnyZP73v//x6aef8uOPP3Lw4EFuvPHGWvuc1bVq9xGsBrSIDKBxqJ+rwxEREbnoeLry4jNmzGD8+PHceeedAMyaNYsFCxYwZ84cpkyZUqH8nDlzOHr0KD///DNeXrbnkiUkJFQo5+npSUxMTKXXzM3NZfbs2Xz44YdceeWVALzzzju0b9+eVatW0bt3byd9uporH3+k1iMRERHXcFkLUklJCWvXrmXw4MGngvHwYPDgwaxcubLSc7766iv69OnDhAkTiI6OpmPHjjz33HNYLBaHcjt27KBx48a0aNGCUaNGkZaWZj+2du1aSktLHa7brl07mjZtetbrAhQXF5OXl+fwqi16vIiIiIhruSxBys7OxmKxEB0d7bA/OjqajIyMSs/ZvXs38+fPx2KxsHDhQqZNm8bLL7/MM888Yy+TmJjIu+++y6JFi3jzzTfZs2cPAwYM4Pjx4wBkZGTg7e1NaGhola8LkJycTEhIiP0VHx9fw09+buk5J9idXYCHCXq3CK+Va4iIiMi5ubSLrbqsVitRUVG8/fbbmM1mevToQXp6Oi+99BKPP/44ANdcc429fOfOnUlMTKRZs2Z88sknjBs3rsbXnjp1KklJSfb3eXl5tZIklbcedW4SSoifl9PrFxERkfNzWYIUERGB2WyuMHssMzPzrOOHYmNj8fLywmw22/e1b9+ejIwMSkpK8Pb2rnBOaGgobdq0YefOnQDExMRQUlJCTk6OQyvSua4L4OPjg4+PT3U+Yo2UJ0gDWqt7TURExFVc1sXm7e1Njx49SElJse+zWq2kpKTQp0+fSs/p168fO3fuxGq12vdt376d2NjYSpMjgPz8fHbt2kVsbCwAPXr0wMvLy+G6qamppKWlnfW6damg2IKHSeOPREREXMmlXWxJSUmMGTOGnj170qtXL2bOnElBQYF9Vtvo0aOJi4sjOTkZgPvuu4/XXnuNSZMmcf/997Njxw6ee+45HnjgAXudDz30EMOGDaNZs2YcPHiQxx9/HLPZzK233gpASEgI48aNIykpibCwMIKDg7n//vvp06dPvZjB9p8xPck9UYq/t/n8hUVERKRWuDRBGjFiBFlZWUyfPp2MjAy6du3KokWL7AO309LS8PA41cgVHx/Pt99+y+TJk+ncuTNxcXFMmjSJhx9+2F7mwIED3HrrrRw5coTIyEj69+/PqlWriIyMtJf55z//iYeHB8OHD6e4uJghQ4bwxhtv1N0HPw+NPRIREXEtk2EYhquDcEd5eXmEhISQm5tLcHCwq8MRERGRKqjq/dvljxoRERERqW+UIImIiIicQQmSiIiIyBmUIImIiIicQQmSiIiIyBmUIImIiIicQQmSiIiIyBmUIImIiIicQQmSiIiIyBmUIImIiIicQQmSiIiIyBmUIImIiIicwdPVAbir8mf85uXluTgSERERqary+3b5ffxslCDV0PHjxwGIj493cSQiIiJSXcePHyckJOSsx03G+VIoqZTVauXgwYMEBQVhMpmcVm9eXh7x8fHs37+f4OBgp9V7sdH36Bz6Hp1D36Nz6Ht0jov9ezQMg+PHj9O4cWM8PM4+0kgtSDXk4eFBkyZNaq3+4ODgi/IP19n0PTqHvkfn0PfoHPoeneNi/h7P1XJUToO0RURERM6gBElERETkDEqQ6hkfHx8ef/xxfHx8XB2KW9P36Bz6Hp1D36Nz6Ht0Dn2PVaNB2iIiIiJnUAuSiIiIyBmUIImIiIicQQmSiIiIyBmUIImIiIicQQlSPfP666+TkJCAr68viYmJrFmzxtUhuZXk5GQuvfRSgoKCiIqK4vrrryc1NdXVYbm9559/HpPJxIMPPujqUNxOeno6t99+O+Hh4fj5+dGpUyd+/fVXV4flViwWC9OmTaN58+b4+fnRsmVLnn766fM+S+tit2zZMoYNG0bjxo0xmUx8+eWXDscNw2D69OnExsbi5+fH4MGD2bFjh2uCrYeUINUjH3/8MUlJSTz++OOsW7eOLl26MGTIEA4fPuzq0NzGjz/+yIQJE1i1ahWLFy+mtLSUq6++moKCAleH5rZ++eUX3nrrLTp37uzqUNzOsWPH6NevH15eXnzzzTds2bKFl19+mUaNGrk6NLfywgsv8Oabb/Laa6+xdetWXnjhBV588UVeffVVV4dWrxUUFNClSxdef/31So+/+OKLvPLKK8yaNYvVq1cTEBDAkCFDKCoqquNI6ylD6o1evXoZEyZMsL+3WCxG48aNjeTkZBdG5d4OHz5sAMaPP/7o6lDc0vHjx43WrVsbixcvNi6//HJj0qRJrg7JrTz88MNG//79XR2G27vuuuuMu+66y2HfjTfeaIwaNcpFEbkfwPjiiy/s761WqxETE2O89NJL9n05OTmGj4+P8dFHH7kgwvpHLUj1RElJCWvXrmXw4MH2fR4eHgwePJiVK1e6MDL3lpubC0BYWJiLI3FPEyZM4LrrrnP4u5Sq++qrr+jZsyc333wzUVFRdOvWjX//+9+uDsvt9O3bl5SUFLZv3w7Ahg0bWL58Oddcc42LI3Nfe/bsISMjw+G/7ZCQEBITE3XPOUkPq60nsrOzsVgsREdHO+yPjo5m27ZtLorKvVmtVh588EH69etHx44dXR2O25k3bx7r1q3jl19+cXUobmv37t28+eabJCUl8cgjj/DLL7/wwAMP4O3tzZgxY1wdntuYMmUKeXl5tGvXDrPZjMVi4dlnn2XUqFGuDs1tZWRkAFR6zyk/drFTgiQN1oQJE9i0aRPLly93dShuZ//+/UyaNInFixfj6+vr6nDcltVqpWfPnjz33HMAdOvWjU2bNjFr1iwlSNXwySefMHfuXD788EM6dOjA+vXrefDBB2ncuLG+R6k16mKrJyIiIjCbzWRmZjrsz8zMJCYmxkVRua+JEyfy9ddf88MPP9CkSRNXh+N21q5dy+HDh+nevTuenp54enry448/8sorr+Dp6YnFYnF1iG4hNjaWSy65xGFf+/btSUtLc1FE7ulvf/sbU6ZMYeTIkXTq1Ik77riDyZMnk5yc7OrQ3Fb5fUX3nLNTglRPeHt706NHD1JSUuz7rFYrKSkp9OnTx4WRuRfDMJg4cSJffPEF33//Pc2bN3d1SG5p0KBB/P7776xfv97+6tmzJ6NGjWL9+vWYzWZXh+gW+vXrV2GZie3bt9OsWTMXReSeCgsL8fBwvF2ZzWasVquLInJ/zZs3JyYmxuGek5eXx+rVq3XPOUldbPVIUlISY8aMoWfPnvTq1YuZM2dSUFDAnXfe6erQ3MaECRP48MMP+e9//0tQUJC9Lz0kJAQ/Pz8XR+c+goKCKozbCggIIDw8XOO5qmHy5Mn07duX5557jltuuYU1a9bw9ttv8/bbb7s6NLcybNgwnn32WZo2bUqHDh347bffmDFjBnfddZerQ6vX8vPz2blzp/39nj17WL9+PWFhYTRt2pQHH3yQZ555htatW9O8eXOmTZtG48aNuf76610XdH3i6ml04ujVV181mjZtanh7exu9evUyVq1a5eqQ3ApQ6eudd95xdWhuT9P8a+Z///uf0bFjR8PHx8do166d8fbbb7s6JLeTl5dnTJo0yWjatKnh6+trtGjRwnj00UeN4uJiV4dWr/3www+V/ns4ZswYwzBsU/2nTZtmREdHGz4+PsagQYOM1NRU1wZdj5gMQ0uRioiIiJxOY5BEREREzqAESUREROQMSpBEREREzqAESUREROQMSpBEREREzqAESUREROQMSpBEREREzqAESUTECZYuXYrJZCInJ8fVoYiIEyhBEhERETmDEiQRERGRMyhBEpEGwWq1kpycTPPmzfHz86NLly7Mnz8fONX9tWDBAjp37oyvry+9e/dm06ZNDnV89tlndOjQAR8fHxISEnj55ZcdjhcXF/Pwww8THx+Pj48PrVq1Yvbs2Q5l1q5dS8+ePfH396dv376kpqbW7gcXkVqhBElEGoTk5GTef/99Zs2axebNm5k8eTK33347P/74o73M3/72N15++WV++eUXIiMjGTZsGKWlpYAtsbnlllsYOXIkv//+O0888QTTpk3j3XfftZ8/evRoPvroI1555RW2bt3KW2+9RWBgoEMcjz76KC+//DK//vornp6eeuK8iJvSw2pFxO0VFxcTFhbGkiVL6NOnj33/3XffTWFhIffccw9XXHEF8+bNY8SIEQAcPXqUJk2a8O6773LLLbcwatQosrKy+O677+zn//3vf2fBggVs3ryZ7du307ZtWxYvXszgwYMrxLB06VKuuOIKlixZwqBBgwBYuHAh1113HSdOnMDX17eWvwURcSa1IImI29u5cyeFhYVcddVVBAYG2l/vv/8+u3btspc7PXkKCwujbdu2bN26FYCtW7fSr18/h3r79evHjh07sFgsrF+/HrPZzOWXX37OWDp37mzfjo2NBeDw4cMX/BlFpG55ujoAEZELlZ+fD8CCBQuIi4tzOObj4+OQJNWUn59flcp5eXnZt00mE2AbHyUi7kUtSCLi9i655BJ8fHxIS0ujVatWDq/4+Hh7uVWrVtm3jx07xvbt22nfvj0A7du3Z8WKFQ71rlixgjZt2mA2m+nUqRNWq9VhTJOINFxqQRIRtxcUFMRDDz3E5MmTsVqt9O/fn9zcXFasWEFwcDDNmjUD4KmnniI8PJzo6GgeffRRIiIiuP766wH461//yqWXXsrTTz/NiBEjWLlyJa+99hpvvPEGAAkJCYwZM4a77rqLV155hS5durBv3z4OHz7MLbfc4qqPLiK1RAmSiDQITz/9NJGRkSQnJ7N7925CQ0Pp3r07jzzyiL2L6/nnn2fSpEns2LGDrl278r///Q9vb28AunfvzieffML06dN5+umniY2N5amnnmLs2LH2a7z55ps88sgj/OUvf+HIkSM0bdqURx55xBUfV0RqmWaxiUiDVz7D7NixY4SGhro6HBFxAxqDJCIiInIGJUgiIiIiZ1AXm4iIiMgZ1IIkIiIicgYlSCIiIiJnUIIkIiIicgYlSCIiIiJnUIIkIiIicgYlSCIiIiJnUIIkIiIicgYlSCIiIiJnUIIkIiIicob/Bx/fRCNv68xDAAAAAElFTkSuQmCC", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAkAAAAHHCAYAAABXx+fLAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8pXeV/AAAACXBIWXMAAA9hAAAPYQGoP6dpAABowElEQVR4nO3dd3xV9eH/8de9N8nNTsgOEEjCRpasyBKtUXCAo61gVYbrV75uxCpasY6C2mpxoKitgrVVrHviQNkbBBHZEBJGNtlk3Xt/f5zkQhgScm9yb5L38/G4j5x77rmf87m36n33M00Oh8OBiIiISCti9nQFRERERJqaApCIiIi0OgpAIiIi0uooAImIiEirowAkIiIirY4CkIiIiLQ6CkAiIiLS6igAiYiISKujACQiIiKtjgKQiDR7aWlpmEwm5s2bd9bvXbx4MSaTicWLF//qdfPmzcNkMpGWltagOoqId1EAEhERkVZHAUhERERaHQUgERERaXUUgETEZX/5y18wmUzs3LmTG264gbCwMKKjo3nkkUdwOBxkZGRw5ZVXEhoaSlxcHM8+++xJZWRnZ3PzzTcTGxuLv78/ffv2Zf78+SddV1BQwKRJkwgLCyM8PJyJEydSUFBwynpt376d3/3ud0RERODv78/AgQP59NNP3frZX375Zc455xysVitt27bl9ttvP6k+u3bt4re//S1xcXH4+/vTvn17xo8fT2FhofOab7/9luHDhxMeHk5wcDDdunXjoYcecmtdReQYH09XQERajnHjxtGjRw+eeuopvvjiC5588kkiIiJ49dVX+c1vfsPTTz/Nf/7zH6ZNm8agQYM4//zzATh69CgXXHABu3fv5o477iApKYn//e9/TJo0iYKCAu6++24AHA4HV155JcuXL+ePf/wjPXr04KOPPmLixIkn1WXr1q0MGzaMdu3a8eCDDxIUFMR7773HVVddxQcffMDVV1/t8uf9y1/+wmOPPUZqaipTpkxhx44dvPLKK6xbt44VK1bg6+tLZWUlo0aNoqKigjvvvJO4uDgOHjzI559/TkFBAWFhYWzdupUrrriCPn368Pjjj2O1Wtm9ezcrVqxwuY4ichoOEREXPfroow7AcdtttznPVVdXO9q3b+8wmUyOp556ynn+yJEjjoCAAMfEiROd52bPnu0AHG+//bbzXGVlpWPIkCGO4OBgR1FRkcPhcDg+/vhjB+B45pln6txnxIgRDsDx5ptvOs9fdNFFjt69ezvKy8ud5+x2u2Po0KGOLl26OM/98MMPDsDxww8//OpnfPPNNx2AY9++fQ6Hw+HIzs52+Pn5OS655BKHzWZzXvfSSy85AMcbb7zhcDgcjh9//NEBOP73v/+dtux//OMfDsCRk5Pzq3UQEfdRF5iIuM0tt9ziPLZYLAwcOBCHw8HNN9/sPB8eHk63bt3Yu3ev89yXX35JXFwc1113nfOcr68vd911FyUlJSxZssR5nY+PD1OmTKlznzvvvLNOPfLz8/n++++59tprKS4uJjc3l9zcXPLy8hg1ahS7du3i4MGDLn3W7777jsrKSu655x7M5mP/Kb311lsJDQ3liy++ACAsLAyAr7/+mrKyslOWFR4eDsAnn3yC3W53qV4iUj8KQCLiNh06dKjzPCwsDH9/f6Kiok46f+TIEefz/fv306VLlzpBAqBHjx7O12v/xsfHExwcXOe6bt261Xm+e/duHA4HjzzyCNHR0XUejz76KGCMOXJFbZ1OvLefnx/JycnO15OSkpg6dSr//Oc/iYqKYtSoUcyZM6fO+J9x48YxbNgwbrnlFmJjYxk/fjzvvfeewpBII9IYIBFxG4vFUq9zYIznaSy1wWHatGmMGjXqlNd07ty50e5/omeffZZJkybxySef8M0333DXXXcxa9YsVq9eTfv27QkICGDp0qX88MMPfPHFFyxcuJAFCxbwm9/8hm+++ea036GINJxagETE4zp27MiuXbtOavHYvn278/Xav4cPH6akpKTOdTt27KjzPDk5GTC60VJTU0/5CAkJcbnOp7p3ZWUl+/btc75eq3fv3vz5z39m6dKlLFu2jIMHDzJ37lzn62azmYsuuojnnnuOX375hb/+9a98//33/PDDDy7VU0ROTQFIRDzusssuIzMzkwULFjjPVVdX8+KLLxIcHMzIkSOd11VXV/PKK684r7PZbLz44ot1youJieGCCy7g1Vdf5fDhwyfdLycnx+U6p6am4ufnxwsvvFCnNetf//oXhYWFXH755QAUFRVRXV1d5729e/fGbDZTUVEBGGOWTtSvXz8A5zUi4l7qAhMRj7vtttt49dVXmTRpEhs2bCAxMZH333+fFStWMHv2bGdrzZgxYxg2bBgPPvggaWlp9OzZkw8//LDOeJpac+bMYfjw4fTu3Ztbb72V5ORksrKyWLVqFQcOHGDz5s0u1Tk6Oprp06fz2GOPMXr0aMaOHcuOHTt4+eWXGTRoEDfccAMA33//PXfccQe///3v6dq1K9XV1fz73//GYrHw29/+FoDHH3+cpUuXcvnll9OxY0eys7N5+eWXad++PcOHD3epniJyagpAIuJxAQEBLF68mAcffJD58+dTVFREt27dePPNN5k0aZLzOrPZzKeffso999zD22+/jclkYuzYsTz77LOce+65dcrs2bMn69ev57HHHmPevHnk5eURExPDueeey4wZM9xS77/85S9ER0fz0ksvce+99xIREcFtt93GzJkz8fX1BaBv376MGjWKzz77jIMHDxIYGEjfvn356quvOO+88wAYO3YsaWlpvPHGG+Tm5hIVFcXIkSN57LHHnLPIRMS9TI7GHIkoIiIi4oU0BkhERERaHQUgERERaXUUgERERKTVUQASERGRVkcBSERERFodBSARERFpdbQO0CnY7XYOHTpESEgIJpPJ09URERGRenA4HBQXF9O2bduTNlc+kQLQKRw6dIiEhARPV0NEREQaICMjg/bt2//qNR4PQHPmzOFvf/sbmZmZ9O3blxdffJHBgwef9vqCggIefvhhPvzwQ/Lz8+nYsSOzZ8/msssuA4yVWR977LE67+nWrZtzU8X6qF12PyMjg9DQ0AZ8KhEREWlqRUVFJCQk1GuzY48GoAULFjB16lTmzp1LSkoKs2fPZtSoUezYsYOYmJiTrq+srOTiiy8mJiaG999/n3bt2rF//37Cw8PrXHfOOefw3XffOZ/7+Jzdx6zt9goNDVUAEhERaWbqM3zFowHoueee49Zbb2Xy5MkAzJ07ly+++II33niDBx988KTr33jjDfLz81m5cqVzn53ExMSTrvPx8SEuLq5R6y4iIiLNl8dmgVVWVrJhwwZSU1OPVcZsJjU1lVWrVp3yPZ9++ilDhgzh9ttvJzY2ll69ejFz5kxsNlud63bt2kXbtm1JTk7m+uuvJz09/VfrUlFRQVFRUZ2HiIiItFweC0C5ubnYbDZiY2PrnI+NjSUzM/OU79m7dy/vv/8+NpuNL7/8kkceeYRnn32WJ5980nlNSkoK8+bNY+HChbzyyivs27ePESNGUFxcfNq6zJo1i7CwMOdDA6BFRERaNo8Pgj4bdrudmJgYXnvtNSwWCwMGDODgwYP87W9/49FHHwXg0ksvdV7fp08fUlJS6NixI++99x4333zzKcudPn06U6dOdT6vHUR1JjabjaqqKhc/Vevk5+d3ximKIiIijcVjASgqKgqLxUJWVlad81lZWacdvxMfH4+vry8Wi8V5rkePHmRmZlJZWYmfn99J7wkPD6dr167s3r37tHWxWq1YrdZ6193hcJCZmUlBQUG93yN1mc1mkpKSTvm/mYiISGPzWADy8/NjwIABLFq0iKuuugowWngWLVrEHXfcccr3DBs2jP/+97/Y7XZn68HOnTuJj48/7Q9pSUkJe/bs4cYbb3Rb3WvDT0xMDIGBgVos8SzVLjR5+PBhOnTooO9PRESanEe7wKZOncrEiRMZOHAggwcPZvbs2ZSWljpnhU2YMIF27doxa9YsAKZMmcJLL73E3XffzZ133smuXbuYOXMmd911l7PMadOmMWbMGDp27MihQ4d49NFHsVgsXHfddW6ps81mc4afyMhIt5TZGkVHR3Po0CGqq6udM/pERESaikcD0Lhx48jJyWHGjBlkZmbSr18/Fi5c6BwYnZ6eXmecSEJCAl9//TX33nsvffr0oV27dtx999088MADzmsOHDjAddddR15eHtHR0QwfPpzVq1cTHR3tljrXjvkJDAx0S3mtVW2Lnc1mUwASEZEmZ3I4HA5PV8LbFBUVERYWRmFh4UkLIZaXl7Nv3z6SkpLw9/f3UA2bP32PIiLibr/2+30iTcMRERGRVkcBSBokMTGR2bNne7oaIiIiDdKs1gES11xwwQX069fPLcFl3bp1BAUFuV4pERERD1AAakIOh4PKajsmkwk/H+9rfHM4HNhstnptHuuuQeUiIiKe4H2/wi3Y4cJydmQVk1da0eT3njRpEkuWLOH555/HZDJhMpmYN28eJpOJr776igEDBmC1Wlm+fDl79uzhyiuvJDY2luDgYAYNGsR3331Xp7wTu8BMJhP//Oc/ufrqqwkMDKRLly58+umnTfwpRURE6kcByA0cDgdlldVnfJiA8iob2cUV9br+TI+zmcD3/PPPM2TIEG699VYOHz7M4cOHndt9PPjggzz11FNs27aNPn36UFJSwmWXXcaiRYv48ccfGT16NGPGjDnjprKPPfYY1157LT/99BOXXXYZ119/Pfn5+a58tSIiIo1CXWBucLTKRs8ZXzf5fX95fBSBfvX7nzAsLAw/Pz8CAwOdW41s374dgMcff5yLL77YeW1ERAR9+/Z1Pn/iiSf46KOP+PTTT0+7SjcYrUy1C07OnDmTF154gbVr1zJ69Oiz/mwiIiKNSS1AwsCBA+s8LykpYdq0afTo0YPw8HCCg4PZtm3bGVuA+vTp4zwOCgoiNDSU7OzsRqmziIiIK9QC5AYBvhZ+eXxUva7NKiwnp6SCsAA/EiICXL6vO5w4m2vatGl8++23/P3vf6dz584EBATwu9/9jsrKyl8t58QVnU0mE3a73S11FBERcScFIDcwmUz17oqKDvWnuKIam91BgK+lSTcC9fPzw2aznfG6FStWMGnSJK6++mrAaBFKS0tr5NqJiIg0HXWBNbFAPwtmk4lqu53yqjOHEXdKTExkzZo1pKWlkZube9rWmS5duvDhhx+yadMmNm/ezB/+8Ae15IiISIuiANTEzCYTwVajtai4vLpJ7z1t2jQsFgs9e/YkOjr6tGN6nnvuOdq0acPQoUMZM2YMo0aNon///k1aVxERkcakzVBPobE3Q80tqeBQwVGCrD50ig52R5WbHW2GKiIi7qbNUL1cSE0LUFmlDZtd+VNERKSpKQB5gNXXgp+PGYfDQWlF03aDiYiIiAKQx9S2AhUrAImIiDQ5BSAPCfY31swpaeKB0CIiIqIA5DHBVgsmTFRU26isbtrp8CIiIq2dApCHWMxmAv2MlZybejq8iIhIa6cA5EHB/sY4oBKNAxIREWlSCkAeFFIbgMqrsWs5JhERkSajAORBAb4WfMwmbA4HRys1DkhERKSpKAB5kMmD22KIiIi0ZgpAHuacDt8E44AuuOAC7rnnHreVN2nSJK666iq3lSciItJUFIA87Ni2GNVU27TjuoiISFNQAPIwXx8z/r7GdPjGbAWaNGkSS5Ys4fnnn8dkMmEymUhLS+Pnn3/m0ksvJTg4mNjYWG688UZyc3Od73v//ffp3bs3AQEBREZGkpqaSmlpKX/5y1+YP38+n3zyibO8xYsXN1r9RURE3MnH0xVoERwOqCpr8NtDzBVUVFVSWlxNuE9A/d/oGwgmU70uff7559m5cye9evXi8ccfN97u68vgwYO55ZZb+Mc//sHRo0d54IEHuPbaa/n+++85fPgw1113Hc888wxXX301xcXFLFu2DIfDwbRp09i2bRtFRUW8+eabAERERJz1ZxcREfEEBSB3qCqDmW0b/Pb4msdZe+gQ+AXV69KwsDD8/PwIDAwkLi4OgCeffJJzzz2XmTNnOq974403SEhIYOfOnZSUlFBdXc0111xDx44dAejdu7fz2oCAACoqKpzliYiINBcKQK3Y5s2b+eGHHwgODj7ptT179nDJJZdw0UUX0bt3b0aNGsUll1zC7373O9q0aeOB2oqIiLiPApA7+AYarTEu2JdbSklFNXFh/kQHW+t/XxeUlJQwZswYnn766ZNei4+Px2Kx8O2337Jy5Uq++eYbXnzxRR5++GHWrFlDUlKSS/cWERHxJAUgdzCZ6t0VdTrBIT4U249SYvcl2sWyTsfPzw+b7diCi/379+eDDz4gMTERH59T/6NgMpkYNmwYw4YNY8aMGXTs2JGPPvqIqVOnnlSeiIhIc6FZYF6idluM0opq7PbG2RYjMTGRNWvWkJaWRm5uLrfffjv5+flcd911rFu3jj179vD1118zefJkbDYba9asYebMmaxfv5709HQ+/PBDcnJy6NGjh7O8n376iR07dpCbm0tVVVWj1FtERMTdFIC8hNXHjK/FjN3hoLSycabDT5s2DYvFQs+ePYmOjqayspIVK1Zgs9m45JJL6N27N/fccw/h4eGYzWZCQ0NZunQpl112GV27duXPf/4zzz77LJdeeikAt956K926dWPgwIFER0ezYsWKRqm3iIiIu5kcDu3CeaKioiLCwsIoLCwkNDS0zmvl5eXs27ePpKQk/P393XrfjPwyjpRVEh1sJT78LKbDN0ON+T2KiEjr9Gu/3ydSC5AXqe0GK26CbTFERERaMwUgL1K7MWp5lY0qbYshIiLSaBSAvIiPxUygn7EthnaHFxERaTwKQF4m2FqzO7wCkIiISKNRAGqgxho7XjsOqKSiqtHu4Q1a8mcTERHvpwB0lnx9jRaasrKGb376awL8LFhMJqrtDo5WtdxFBisrKwGwWCweromIiLRGWgn6LFksFsLDw8nOzgYgMDAQUz13ZK8vf7ONkopqjhSVYq7vthjNiN1uJycnh8DAwNOuQC0iItKY9OvTALW7n9eGIHcrqaimoKyKQh8zRSEtLwABmM1mOnTo4PbwKCIiUh8KQA1gMpmIj48nJiamUbZ/OHTkKPe8sQaL2cRH/zeUoJqB0S2Jn58fZrN6YEVExDMUgFxgsVgaZQxLcrw/vn5W0vLK2HCglEvOiXP7PURERFoz/V9wL3V+12gAlu7K8XBNREREWh4FIC91fhcjAC3blevhmoiIiLQ8CkBe6rxOkfiYTezPK2N/XqmnqyMiItKiKAB5qWCrDwM6tgFg6U51g4mIiLiTxwPQnDlzSExMxN/fn5SUFNauXfur1xcUFHD77bcTHx+P1Wqla9eufPnlly6V6a1qxwEt2aluMBEREXfyaABasGABU6dO5dFHH2Xjxo307duXUaNGnXZ9ncrKSi6++GLS0tJ4//332bFjB6+//jrt2rVrcJnerHYc0Ko9udodXkRExI1MDg9uypSSksKgQYN46aWXAGOF4ISEBO68804efPDBk66fO3cuf/vb39i+fbtzSwpXyzyVoqIiwsLCKCwsJDQ0tIGfznV2u4NBf/2OvNJKFtx2HinJkR6ri4iIiLc7m99vj7UAVVZWsmHDBlJTU49VxmwmNTWVVatWnfI9n376KUOGDOH2228nNjaWXr16MXPmTGw2W4PLBKioqKCoqKjOwxuYzSaGd4kCNB1eRETEnTwWgHJzc7HZbMTGxtY5HxsbS2Zm5infs3fvXt5//31sNhtffvkljzzyCM8++yxPPvlkg8sEmDVrFmFhYc5HQkKCi5/OfUZoOryIiIjbeXwQ9Nmw2+3ExMTw2muvMWDAAMaNG8fDDz/M3LlzXSp3+vTpFBYWOh8ZGRluqrHrzq9pAdpysJD80koP10ZERKRl8NhWGFFRUVgsFrKysuqcz8rKcm42eqL4+Hh8fX3rbD/Ro0cPMjMzqaysbFCZAFarFavVOzcdjQn1p3tcCNszi1m2K4cr+7U785tERETkV3msBcjPz48BAwawaNEi5zm73c6iRYsYMmTIKd8zbNgwdu/ejd1+bEbUzp07iY+Px8/Pr0FlNgcju6obTERExJ082gU2depUXn/9debPn8+2bduYMmUKpaWlTJ48GYAJEyYwffp05/VTpkwhPz+fu+++m507d/LFF18wc+ZMbr/99nqX2RwdGweUgwcn7YmIiLQYHt0Nfty4ceTk5DBjxgwyMzPp168fCxcudA5iTk9Px2w+ltESEhL4+uuvuffee+nTpw/t2rXj7rvv5oEHHqh3mc3RwMQ2+PuaySqqYEdWMd3jPDc1X0REpCXw6DpA3spb1gE63qQ317J4Rw4PXdad287v5OnqiIiIeJ1msQ6QnB1NhxcREXEfBaBmYmRXYzr8mn35HK20ebg2IiIizZsCUDPRKTqYtmH+VFbbWbMvz9PVERERadYUgJoJk8nk3B1e3WAiIiKuUQBqSg4H5O6GgvQGvb12HNDSndoXTERExBUKQE3p64fgpQGw9rUGvX145yjMJtiVXcKhgqNurpyIiEjroQDUlNqea/zdt6xBbw8L9KVvQjhgLIooIiIiDaMA1JQSRxh/D2+Go0caVISzG0zjgERERBpMAagphcZDZBfAAftXNqiI2unwy3flYrNrDUsREZGGUABqakk1rUAN7Abr2z6cEH8fCo9W8dOBAvfVS0REpBVRAGpqtd1g+5Y26O0+FjPDOhmtQJoOLyIi0jAKQE2tNgBlb4XShgWY2vWANB1eRESkYRSAmlpwNMT0NI7TGtYNdn7NOKAfMwooKq9yV81ERERaDQUgT0g63/jbwHFA7dsEkhwdhM3uYOVubYshIiJythSAPKG2G6yBLUAA5zunw6sbTERE5GwpAHlC4jDABLk7oehwg4qo7QZbujMHh0PT4UVERM6GApAnBLSB+D7GcdryBhVxXnIkvhYTB44cZV9uqRsrJyIi0vIpAHmKczr8kga9PdDPh4EdIwBNhxcRETlbCkCekjTS+OvKOCBNhxcREWkQBSBP6TgETBY4kgYF6Q0qonYc0Kq9eVRW291YORERkZZNAchTrCEu7w7fIy6UqGA/yiptbNjfsM1VRUREWiMFIE+qXQ+ogd1gZrPpuN3h1Q0mIiJSXwpAnpR03L5gDZzKfvx0eBEREakfBSBPSjgPzL5QdBDy9zaoiOGdjRagrYeKyC2pcGftREREWiwFIE/yC4T2g4zjBnaDRYdY6RkfCsByTYcXERGpFwUgTzu+G6yBNB1eRETk7CgAedrxG6O6Og5oVy52u7bFEBERORMFIE9rPwh8/KE0G3J2NKiIAR3bEOBrIbekgu2ZxW6uoIiISMujAORpPlZISDGOGzgOyOpjYUinSEDT4UVEROpDAcgbuGMcUBdNhxcREakvBSBvkHjcgoj2hm1pUTsQen3aEcoqq91VMxERkRZJAcgbtOsPvkFw9Ahkb21QEUlRQbQLD6DSZmfN3nw3V1BERKRlUQDyBhZfY3NUaHA3mMlkcrYCLVE3mIiIyK9SAPIWx0+Hb6CRNdPhl2kgtIiIyK9SAPIWiTUDofevAFvDxvAM6RSFxWxiT04pBwuOurFyIiIiLYsCkLeI7wvWMKgogszNDSoiLMCXfgnhgGaDiYiI/BoFIG9htkDiMOPYhW6w87toWwwREZEzUQDyJomurwc0omYc0IrduVTbGjalXkREpKVTAPImtQOh01dDdWWDiujbPpywAF+KyqvZfKDQjZUTERFpORSAvElMTwiIgKpSOLSxQUVYzCaGd9aq0CIiIr9GAcibmM3HbYvhwjggTYcXERH5VQpA3qZ2HFCaC+OAagZCb8oooLCsyh21EhERaVEUgLyNcxzQGqgqb1ARbcMD6BwTjN0BK/bkurFyIiIiLYMCkLeJ6grBsWCrgAPrGlyMpsOLiIicngKQtzGZ3DodftmuXBwOhztqJiIi0mIoAHmj2m6wtIYPhD4vKRI/HzMHC46yJ6fUTRUTERFpGRSAvFHtTLAD66GyYeElwM/C4MQIQN1gIiIiJ1IA8kZtkiC0PdirjEURG2hEF02HFxERORUFIG9kMrmlG+z8rsZA6NV786motrmjZiIiIi2CVwSgOXPmkJiYiL+/PykpKaxdu/a0186bNw+TyVTn4e/vX+eaSZMmnXTN6NGjG/tjuFeS6wOhu8eFEBNi5WiVjfVpR9xUMRERkebP4wFowYIFTJ06lUcffZSNGzfSt29fRo0aRXZ29mnfExoayuHDh52P/fv3n3TN6NGj61zzzjvvNObHcL/amWCHNkF5UYOKMJlMzkURl6obTERExMnjAei5557j1ltvZfLkyfTs2ZO5c+cSGBjIG2+8cdr3mEwm4uLinI/Y2NiTrrFarXWuadOmTWN+DPcLTzDGAjlskL6qwcXUbouxdKcWRBQREanl0QBUWVnJhg0bSE1NdZ4zm82kpqayatXpf/RLSkro2LEjCQkJXHnllWzduvWkaxYvXkxMTAzdunVjypQp5OXlnba8iooKioqK6jy8ghu6wYZ3jsJkgm2Hi8gubtjK0iIiIi2NRwNQbm4uNpvtpBac2NhYMjMzT/mebt268cYbb/DJJ5/w9ttvY7fbGTp0KAcOHHBeM3r0aN566y0WLVrE008/zZIlS7j00kux2U49EHjWrFmEhYU5HwkJCe77kK5IGmn8dSEARQZb6dU2DIBlagUSEREBvKAL7GwNGTKECRMm0K9fP0aOHMmHH35IdHQ0r776qvOa8ePHM3bsWHr37s1VV13F559/zrp161i8ePEpy5w+fTqFhYXOR0ZGRhN9mjNIHG78zdwCZfkNLkbT4UVEROryaACKiorCYrGQlZVV53xWVhZxcXH1KsPX15dzzz2X3bt3n/aa5ORkoqKiTnuN1WolNDS0zsMrhMRBVDfAAftXNLiY2unwy3blYrdrWwwRERGPBiA/Pz8GDBjAokWLnOfsdjuLFi1iyJAh9SrDZrOxZcsW4uPjT3vNgQMHyMvL+9VrvJZzHFDD1wPq36ENQX4W8kor+eWwl4xvEhER8SCPd4FNnTqV119/nfnz57Nt2zamTJlCaWkpkydPBmDChAlMnz7def3jjz/ON998w969e9m4cSM33HAD+/fv55ZbbgGMAdL3338/q1evJi0tjUWLFnHllVfSuXNnRo0a5ZHP6BI3bIzq52NmSKea2WDqBhMREcHH0xUYN24cOTk5zJgxg8zMTPr168fChQudA6PT09Mxm4/ltCNHjnDrrbeSmZlJmzZtGDBgACtXrqRnz54AWCwWfvrpJ+bPn09BQQFt27blkksu4YknnsBqtXrkM7qkNgDlbIOSbAiOaVAx53eN4rttWSzdmcP/XdDZjRUUERFpfkwOh0ODQk5QVFREWFgYhYWF3jEe6JVhkPUz/O4N6PXbBhWRllvKBX9fjK/FxKYZlxBk9Xj2FRERcauz+f32eBeY1EPtvmAujANKjAqiQ0QgVTYHq/eefk0kERGR1kABqDmo7QZzYWNUODYdfulOjQMSEZHWTQGoOeg4FExmyNsNRYcaXEztdPilu7QgooiItG4KQM1BQDjE9zWOXegGG9opEovZxL7cUjLyy9xTNxERkWZIAai5cMN0+BB/X/p3CAc0HV5ERFo3BaDmonZfsLSGByCA87vUdINpHJCIiLRiCkDNRYfzwOwDBelwJK3BxdSOA1q5O48qm91NlRMREWleFICaC2swtO1vHLswDqhXuzDaBPpSXFHN5owC99RNRESkmVEAak5q1wNyYTq8xWxiWGdNhxcRkdZNAag5STpuILQLC3jXdoMt0XR4ERFppRSAmpOEFLD4QfFhyNvT4GJqB0L/dKCAI6WV7qqdiIhIs6EA1Jz4BkD7wcbxviUNLiYuzJ+uscE4HLBij1qBRESk9VEAam6S3LMthqbDi4hIa6YA1NwcvzGqG8YBLd2Zi8OFckRERJojBaDmpt0A8AmAslzI3tbgYgYnRWD1MZNZVM7u7BI3VlBERMT7KQA1Nz5WY1FEcKkbzN/XwuCkCACWqBtMRERaGQWg5ijJ9X3BAEZqd3gREWmlFICao8TaBRGXg73h21nUjgNaszeP8iqbO2omIiLSLCgANUdtzwW/ECgvgKwtDS6mS0wwcaH+VFTbWZeW7776iYiIeDkFoObI4gMdhxjHLnSDmUwmRnTRthgiItL6KAA1V8dPh3fB8dPhRUREWgsFoOYqsWYg9P6VYKtucDHDO0dhMsGOrGKyisrdVDkRERHvpgDUXMX1Bv8wqCyGw5saXEybID/6tAsD1A0mIiKthwJQc2W2HGsFcnE6/PmaDi8iIq2MAlBz5uYAtHxXDna7tsUQEZGWTwGoOasdCJ2+GqorG1xMv4Rwgq0+HCmr4udDhW6qnIiIiPdSAGrOYnpAYBRUH4WD6xtcjK/FzNBOkYDGAYmISOugANScmUyQONw4dtd0eI0DEhGRVkABqLmr7QZzYWNUgPO7GAFo4/4jFJdXuVorERERr6YA1NzVBqCMNVB1tMHFdIgMJDEykGq7g1V78txUOREREe+kANTcRXaGkHiwVULGWpeKOtYNpnFAIiLSsikANXcmk9umw4+o6QZbpnFAIiLSwikAtQRJNQHIxXFAQzpF4mM2sT+vjP15pW6omIiIiHdSAGoJascBHdwAFSUNLibY6sOAjm0ATYcXEZGWTQGoJWiTCGEdwF5tLIrogpHdjG6wz3867IaKiYiIeCcFoJbCOR3etXFAV/Vrh9kEa/blszen4a1JIiIi3kwBqKVIcs9A6LbhAVzQLQaABesyXK2ViIiIV1IAailqZ4Id3gzlru3nNX5QAgDvbzhAZbXd1ZqJiIh4HQWgliKsHUR0Aocd9q90qajfdI8hJsRKXmkl3/6S5aYKioiIeA8FoJbETd1gPhYz1w40WoHeXZfuaq1ERES8jgJQS1I7ENrFjVEBxtV0gy3blUtGfpnL5YmIiHgTBaCWpHYcUNYWKHVtP6+EiEBGdIkC1AokIiItjwJQSxIcA9E9jOP9y10u7rrBHQD43/oDVNk0GFpERFoOBaCWxk3jgABSe8QSGeRHdnEF32/Pdrk8ERERb9GgADR//ny++OIL5/M//elPhIeHM3ToUPbv3++2ykkDODdGdX0ckJ+Pmd8NbA/Au2vVDSYiIi1HgwLQzJkzCQgIAGDVqlXMmTOHZ555hqioKO699163VlDOUuJwwAS5O6DY9Sns4wcZ3WBLduZwsOCoy+WJiIh4gwYFoIyMDDp37gzAxx9/zG9/+1tuu+02Zs2axbJlrrc8iAsCIyCul3Hs4u7wAElRQQxJjsTugPe0MrSIiLQQDQpAwcHB5OUZs4y++eYbLr74YgD8/f05elStBB6XNNL464ZxQADjBxtT4v+3PgOb3eGWMkVERDypQQHo4osv5pZbbuGWW25h586dXHbZZQBs3bqVxMTEsy5vzpw5JCYm4u/vT0pKCmvXrj3ttfPmzcNkMtV5+Pv717nG4XAwY8YM4uPjCQgIIDU1lV27dp11vZqtRPcNhAYYdU4c4YG+HCosZ+nOHLeUKSIi4kkNCkBz5sxhyJAh5OTk8MEHHxAZGQnAhg0buO66686qrAULFjB16lQeffRRNm7cSN++fRk1ahTZ2aefdRQaGsrhw4edjxMHXj/zzDO88MILzJ07lzVr1hAUFMSoUaMoLy8/+w/bHHUcAiYzHNkHhQdcLs7f18Jv+xuDof+rwdAiItICmBwOh0f7NFJSUhg0aBAvvfQSAHa7nYSEBO68804efPDBk66fN28e99xzDwUFBacsz+Fw0LZtW+677z6mTZsGQGFhIbGxscybN4/x48efsU5FRUWEhYVRWFhIaGhowz+cJ73+Gzi4Aa6aC/3OLpSeyu7sYlKfW4rFbGLlg78hNtT/zG8SERFpQmfz+92gFqCFCxeyfPmxhfbmzJlDv379+MMf/sCRI0fqXU5lZSUbNmwgNTX1WIXMZlJTU1m1atVp31dSUkLHjh1JSEjgyiuvZOvWrc7X9u3bR2ZmZp0yw8LCSElJOW2ZFRUVFBUV1Xk0e27uBuscE8LAjm2w2R38b70GQ4uISPPWoAB0//33O0PCli1buO+++7jsssvYt28fU6dOrXc5ubm52Gw2YmNj65yPjY0lMzPzlO/p1q0bb7zxBp988glvv/02drudoUOHcuCA0dVT+76zKXPWrFmEhYU5HwkJCfX+DF6rdl+wtGXgpka+2pWhF6zPwK7B0CIi0ow1KADt27ePnj17AvDBBx9wxRVXMHPmTObMmcNXX33l1gqeaMiQIUyYMIF+/foxcuRIPvzwQ6Kjo3n11VcbXOb06dMpLCx0PjIyWkALR4fzwOwLhRnGWCA3uKx3PCH+PmTkH2XFnly3lCkiIuIJDQpAfn5+lJUZO4R/9913XHLJJQBEREScVfdRVFQUFouFrKy6C/ZlZWURFxdXrzJ8fX0599xz2b17N4DzfWdTptVqJTQ0tM6j2fMLgnYDjGM3rAoNEOBn4Zpz2wHwjgZDi4hIM9agADR8+HCmTp3KE088wdq1a7n88ssB2LlzJ+3bt693OX5+fgwYMIBFixY5z9ntdhYtWsSQIUPqVYbNZmPLli3Ex8cDkJSURFxcXJ0yi4qKWLNmTb3LbDGO7wZzk/E13WDf/pJFbkmF28oVERFpSg0KQC+99BI+Pj68//77vPLKK7RrZ7QKfPXVV4wePfqsypo6dSqvv/468+fPZ9u2bUyZMoXS0lImT54MwIQJE5g+fbrz+scff5xvvvmGvXv3snHjRm644Qb279/PLbfcAoDJZOKee+7hySef5NNPP2XLli1MmDCBtm3bctVVVzXk4zZfx2+M6qZxQD3iQ+mbEE6VzcEHG1yfYi8iIuIJPg15U4cOHfj8889POv+Pf/zjrMsaN24cOTk5zJgxg8zMTPr168fChQudg5jT09Mxm4/ltCNHjnDrrbeSmZlJmzZtGDBgACtXrnSOSQJjc9bS0lJuu+02CgoKGD58OAsXLjxpwcQWr/1gsFihJAtyd0F0V7cU+4fBCWzOKODddRncdn4yJpPJLeWKiIg0lQavA2Sz2fj444/Ztm0bAOeccw5jx47FYrG4tYKe0CLWAao17wqjC+yyv8PgW91SZGlFNYP/+h2llTbeufU8hnSKdEu5IiIirmj0dYB2795Njx49mDBhAh9++CEffvghN9xwA+eccw579uxpUKWlkTTCOKAgqw9j+xndnu+u02BoERFpfhoUgO666y46depERkYGGzduZOPGjaSnp5OUlMRdd93l7jqKK5wBaDnY7W4r9g81g6G/2pLJkdJKt5UrIiLSFBoUgJYsWcIzzzxDRESE81xkZCRPPfUUS5YscVvlxA3a9gffQCjLg+xf3FZs7/ZhnNM2lEqbnQ9/POi2ckVERJpCgwKQ1WqluLj4pPMlJSX4+fm5XClxIx8/6FAz/d+N3WBwbEr8O2vT8fCWciIiImelQQHoiiuu4LbbbmPNmjU4HA4cDgerV6/mj3/8I2PHjnV3HcVVSe7dF6zWlf3aEuBrYXd2CRv2138POBEREU9rUAB64YUX6NSpE0OGDMHf3x9/f3+GDh1K586dmT17tpurKC5LrB0HtALsNrcVG+rvyxV9jAUo31nbArYPERGRVqNB6wCFh4fzySefsHv3buc0+B49etC5c2e3Vk7cJL4vWEOhohAyf4K257qt6OtSOvC/DQf4YsshZozpSViAr9vKFhERaSz1DkBn2uX9hx9+cB4/99xzDa+RuJ/FBzoOhZ0LjW4wNwagcxPC6RYbwo6sYj7ZdJAJQxLdVraIiEhjqXcA+vHHH+t1nVYF9lJJ59cEoGUw7G63FWsymRg/OIHHPvuF/65J58bzOuqfARER8Xr1DkDHt/BIM5RYMxB6/0qwVYHFfV1VV5/bjqe+2s72zGI2HyikX0K428oWERFpDA0aBC3NUGwvCGgDVaVwqH6tefUVHujHZb2NwdDvrtXK0CIi4v0UgFoLsxkShxvHbp4ODzB+UAIAn24+RElFtdvLFxERcScFoNakdjp8IwSgwUkRJEcHUVZp49NNh9xevoiIiDspALUmtfuCZayB6gq3Fm0ymbhukLEytDZIFRERb6cA1JpEd4OgGKguhwPr3F78Nf3b4Wsx8dOBQn4+WOj28kVERNxFAag1MZmOGwfk3n3BACKDrYw6Jw5QK5CIiHg3BaDWprYbzM0bo9a6rmaD1E9+PERZpQZDi4iId1IAam2c44DWQmWZ24sfkhxJx8hAiiuq+fynw24vX0RExB0UgFqbiGQIbQf2KmMwtJuZzSbG1UyJ15pAIiLirRSAWhuT6diq0I0wHR7gdwPa42M2sTG9gB2ZxY1yDxEREVcoALVGSTUBqJHGAcWE+JPaIxaAd9QKJCIiXkgBqDWqHQd0cCNUNE4LzfjBRjfYRz8epLzK1ij3EBERaSgFoNYovAOEdwSHDfavapRbjOgSTbvwAAqPVrHw58xGuYeIiEhDKQC1Vs7p8I0zDshy3GDo/6obTEREvIwCUGuV1Hj7gtX6/cD2mE2wdl8+e3JKGu0+IiIiZ0sBqLWqnQl2+Cc4eqRRbhEfFsCF3WIATYkXERHvogDUWoXGQ2QXwAFpKxrtNrUrQ3+w8SAV1RoMLSIi3kEBqDVr5OnwABd0iyY21Ep+aSXf/pLVaPcRERE5GwpArZlzHFDjBSAfi5lxA43B0FoTSEREvIUCUGtWOw4oeyuU5jbaba4dlIDJBCt257E/r7TR7iMiIlJfCkCtWVAUxPQ0jhuxG6x9m0BGdIkGYMG6jEa7j4iISH0pALV2TTAdHuAPNStDv7f+AFU2e6PeS0RE5EwUgFo758aojdcCBHBRj1iigq3kllSwaFt2o95LRETkTBSAWrvEYYAJ8nZB0eFGu42vxczvBrQH4N11GgwtIiKepQDU2gW0gfg+xnEjjgMCGF+zNcaSnTkcOFLWqPcSERH5NQpAclw3WOOOA0qMCmJop0gcDmMskIiIiKcoAAkkjTT+NnIAAhhfszL0e+syqNZgaBER8RAFIIGOQ8BkgYL9UNC443NGnRNLm0BfMovKWbIzp1HvJSIicjoKQALWEGjX3zhu5NlgVh8Lv+1vDIZ+Z63WBBIREc9QABJDE40DgmPdYN9vzyKzsLzR7yciInIiBSAxHL8xqsPRqLfqHBPM4MQI7A7433q1AomISNNTABJDwnlg9oWig5C/t9FvN75mZeh312Vgtzdu4BIRETmRApAY/AKh/SDjuAm6wS7rHU+ovw8HC46ybHfjbcQqIiJyKgpAckztvmCNvCAigL+vhWtqBkO/u1YrQ4uISNNSAJJjko7bF6yRxwHBsW6wb3/JIqe4otHvJyIiUksBSI5pPwh8/KE0G3J2NPrtuseFcm6HcKrtDt7foJWhRUSk6SgAyTE+VkhIMY6bYBwQwHWDjCnxC9alazC0iIg0GQUgqavThcbfNa9A1dFGv90VfeMJtvqQllfG6r15jX4/ERERUACSEw28CULijanwS//e6LcL9PPhyn5tAXhnndYEEhGRpuEVAWjOnDkkJibi7+9PSkoKa9eurdf73n33XUwmE1dddVWd85MmTcJkMtV5jB49uhFq3gL5h8GlzxjHK2ZD1i+NfsvralaG/vrnTPJLKxv9fiIiIh4PQAsWLGDq1Kk8+uijbNy4kb59+zJq1Ciys7N/9X1paWlMmzaNESNGnPL10aNHc/jwYefjnXfeaYzqt0w9xkC3y8FeDZ/dBfbG3bW9V7swercLo9Jm58ONGgwtIiKNz+MB6LnnnuPWW29l8uTJ9OzZk7lz5xIYGMgbb7xx2vfYbDauv/56HnvsMZKTk095jdVqJS4uzvlo06ZNY32Elsdkgsv+Bn7BcGAdrP9Xo9+ydkr8O2vTcTTBFHwREWndPBqAKisr2bBhA6mpqc5zZrOZ1NRUVq1addr3Pf7448TExHDzzTef9prFixcTExNDt27dmDJlCnl5px9gW1FRQVFRUZ1HqxfWDi561Dj+7jEoOtSotxvbty0Bvhb25JSyfv+RRr2XiIiIRwNQbm4uNpuN2NjYOudjY2PJzMw85XuWL1/Ov/71L15//fXTljt69GjeeustFi1axNNPP82SJUu49NJLsdlsp7x+1qxZhIWFOR8JCQkN/1AtyaCbod1AqCyGr/7UqLcK8fdlbN+awdBrtDK0iIg0Lo93gZ2N4uJibrzxRl5//XWioqJOe9348eMZO3YsvXv35qqrruLzzz9n3bp1LF68+JTXT58+ncLCQucjI0OzkQAwW2DM82D2gW2fwbbPG/V2td1gX2w5TGFZVaPeS0REWjePBqCoqCgsFgtZWVl1zmdlZREXF3fS9Xv27CEtLY0xY8bg4+ODj48Pb731Fp9++ik+Pj7s2bPnlPdJTk4mKiqK3bt3n/J1q9VKaGhonYfUiOsFQ+8yjr+8H8obr3uwX0I43eNCqKi28/Gmg412HxEREY8GID8/PwYMGMCiRYuc5+x2O4sWLWLIkCEnXd+9e3e2bNnCpk2bnI+xY8dy4YUXsmnTptN2XR04cIC8vDzi4+Mb7bO0aCP/BG2SoPgQfP9Eo93GZDI5p8RrMLSIiDQmj3eBTZ06lddff5358+ezbds2pkyZQmlpKZMnTwZgwoQJTJ8+HQB/f3969epV5xEeHk5ISAi9evXCz8+PkpIS7r//flavXk1aWhqLFi3iyiuvpHPnzowaNcqTH7X58g2AK/5hHK99HTLWNdqtrurXDquPme2ZxWzKKGi0+4iISOvm8QA0btw4/v73vzNjxgz69evHpk2bWLhwoXNgdHp6OocPH653eRaLhZ9++omxY8fStWtXbr75ZgYMGMCyZcuwWq2N9TFavk4XQt/rAIexNpCtccbohAX6cnlvo6XunbUaDC0iIo3D5FA/w0mKiooICwujsLBQ44GOV5oHLw2Eo/lw0QwYcV+j3GZdWj6/n7uKAF8Lax++iBB/30a5j4iItCxn8/vt8RYgaUaCImH0LON4yTOQd+pB564a2LENnWOCOVpl49PNjbv+kIiItE4KQHJ2+oyD5Auguhw+vxcaoQHRZDIxftCxlaFFRETcTQFIzo7JZAyI9vGHfUtg87uNcptr+rfHz2Lm54NF/HywsFHuISIirZcCkJy9iGQY+YBx/PVDUJrr/lsE+TGql7EWlFqBRETE3RSApGGG3gkx5xgDor9+uFFucV3NytCfbDpEaUV1o9xDRERaJwUgaRiLL4x9ATDBT+/Cnu/dfoshyZEkRgZSUlHNFz/VfykEERGRM1EAkoZrPxAG32Ycf34vVJa5tXiTycS4QTUrQ69TN5iIiLiPApC45qJHILQdHEmDpc+4vfjfDWiPj9nEj+kFbM9svH3IRESkdVEAEtdYQ+CyvxvHK16AzJ/dWnx0iJWLexqrgr+7NsOtZYuISOulACSu634Z9BgLDpuxTYbd5tbix9dskPrhxgOUV7m3bBERaZ0UgMQ9Ln0GrKFwcAOs+6dbix7ROYp24QEUlVfz5RYNhhYREdcpAIl7hMZD6qPG8aLHofCA24o2m4+tDK1uMBERcQcFIHGfATdBQgpUlsCX97t1m4zfD0zAYjaxNi2f3dnFbitXRERaJwUgcR+zGcY8D2Zf2PElbPvMbUXHhflzYbcYQK1AIiLiOgUgca+YHjD8HuP4y/uh3H37eNWuDP3BxgNUVGswtIiINJwCkLjfiGkQ0QlKMuG7x9xW7Miu0cSH+XOkrIqvt2a5rVwREWl9FIDE/Xz9ja4wgPX/gvTVbinWx2Lm9wNrB0NrZWgREWk4BSBpHEkjoN8NxvFnd0N1pVuKvXZge0wmWLknj11ZGgwtIiIN4+PpCkgLdskTsHMh5GyHFc/DyPtdLrJ9m0BGdo1m8Y4cLv7HUsICfEmICCChTSAJEYEktAmgfUQgCW0Cad8mAH9fixs+iIiItDQKQNJ4AiNg9FPw4S2w9G9wztUQ1dnlYu+4sDPbDxeTWVRO4dEqCg9W8fPBU+8TFhNiPRaM2gTWCUvxYf74WNQIKiLSGpkcDjcu1tJCFBUVERYWRmFhIaGhoZ6uTvPmcMDbv4U9iyBxBEz8DEwmtxRdWlFNxpEyMvKPkpFf5jw+cKSMjPwySit/faaYxWwiPsy/JhAd14pUcxwdYsXkprqKiEjjO5vfbwWgU1AAcrMjaTDnPKg+ClfOgXNvaPRbOhwOjpRV1QlGGUfKOHDkKAfyjb+VNvuvlmH1MdO+TUBNC9IJIalNIGGBvo3+OUREpP4UgFykANQIVrwA3z4C/uFwx3oIjvZodex2B9nFFTXh6FhAyqgJR4cLj2I/w78ZIf4+p209at8mkAA/jT8SEWlKCkAuUgBqBLZqeP0CyNwCvX8Pv3XvhqnuVllt53Dh0TrBKOPI0ZqAVEZuyZlntcWF+nPT8ERuHp6MxayuNBGRxqYA5CIFoEZycCP88yJw2OH6D6BLqqdr1GBlldUcqAlEx4ejjJoutuKKaue1gxMjePbaviREBHqwxiIiLZ8CkIsUgBrRwumw+mUI7wD/txr8gjxdI7dzOBwUHq3iq58zefLzXyittBHkZ2HGmJ5cOzBBA6tFRBrJ2fx+aw6wNK0LH4awBChIh8WzPF2bRmEymQgP9OO6wR346u7zGZTYhtJKGw98sIVb31pPTnGFp6soItLqKQBJ07IGw+XPGserXobDmz1bn0bWITKQd28bwvRLu+NnMfPdtmxGzV7Kwp8Pe7pqIiKtmgKQNL2uo4xFER02+PQusLfsnd0tZhP/b2QnPrljGN3jQsgvreSPb29k6nubKCqv8nT1RERaJQUg8YzRT4M1DA5vgjWvero2TaJHfCif3DGMKRd0wmyCDzceZPQ/lrJyd66nqyYi0uooAIlnhMTCJY8bx98/aYwJagWsPhYeGN2d9/7fEDpEBHKosJw//HMNj322lfKqlt0SJiLiTRSAxHPOnQAdhkBVKXwxzdg2o5UYmBjBV3eP4A8pHQB4c0UaV7y4nC0HCj1cMxGR1kEBSDzHbIYxz4PZF3Z9DVs/8nSNmlSQ1YeZV/fmzUmDiA6xsju7hKtfXsHz3+2i+gzbdIiIiGsUgMSzorvBiPuM468egKNHPFsfD7iwewxf33M+l/WOo9ru4B/f7eS3c1exJ6fE01UTEWmxFIDE80ZMhcguUJoN3/3F07XxiIggP+b8oT+zx/UjxN+HzRkFXP7CMuavTMN+pk3JRETkrCkAief5WI2uMIAN82D/So9Wx1NMJhNXnduOr+85n+GdoyivsvPop1uZ+OZaDhce9XT1RERaFAUg8Q6Jw6D/ROP4s7uhuvWultw2PIC3bhrMY2PPwd/XzLJduVzyj6V8/ONBtHONiIh7KACJ97j4MQiKgdydsPwfnq6NR5nNJiYOTeSLu0bQt30YxeXV3LNgE3f890eOlJ55J3oREfl1CkDiPQLawKVPGcfLnoWcHZ6tjxfoFB3MB1OGcm9qVyxmE19sOcwls5fyw45sT1dNRKRZUwAS73LONdDlErBVwmf3gF3TwX0sZu5O7cJH/zeUTtFB5BRXMPnNdTz00RZKK6o9XT0RkWZJAUi8i8lkbJbqGwjpK+HHf3u6Rl6jT/twvrhrBJOHJQLw3zXpXPbCMjbsz/dsxUREmiEFIPE+4R3gN382jr99BIqzPFsfL+Lva+HRMefw31tSaBvmz/68Mn4/dxXPLNxOZbVay0RE6ksBSLzT4P8H8f2gvBAWPujp2nidoZ2j+Oqe87mmfzvsDnh58R6unLOC7ZlFnq6aiEizoAAk3sniA2NfAJMFtn4IO7/2dI28TliAL89d249Xru9Pm0Bfth0uYuyLK3h1yR5sWjxRRORXKQCJ94rvC+dNMY6/uA8qtDXEqVzaO56v7z2fi7rHUGmzM+ur7Vz32moy8ss8XTUREa+lACTe7cKHIKwDFGbADzM9XRuvFRPizz8nDuSpa3oT5GdhbVo+o2cvZcG6dC2eKCJyCgpA4t38guCK54zjNa/AoR89Wx8vZjKZGD+4A1/dfT6DEttQWmnjgQ+2cOtb68kpbr0ra4uInIoCkHi/LhdDr9+Bww6f3gU2rX3zazpEBvLubUOYfml3/CxmvtuWzajZS1n4c6anqyYi4jW8IgDNmTOHxMRE/P39SUlJYe3atfV637vvvmtsIHnVVXXOOxwOZsyYQXx8PAEBAaSmprJr165GqLk0mdGzwD8cMn8yWoLkV1nMJv7fyE58cscwuseFkF9ayR/f3sDU9zZRVF7l6eqJiHicxwPQggULmDp1Ko8++igbN26kb9++jBo1iuzsX1/qPy0tjWnTpjFixIiTXnvmmWd44YUXmDt3LmvWrCEoKIhRo0ZRXl7eWB9DGltwDFzypHH8w0w4kubR6jQXPeJD+eSOYUy5oBNmE3y48SCj/7GUlbtzPV01ERGPMjk8PEIyJSWFQYMG8dJLLwFgt9tJSEjgzjvv5MEHT73+i81m4/zzz+emm25i2bJlFBQU8PHHHwNG60/btm257777mDZtGgCFhYXExsYyb948xo8ff8Y6FRUVERYWRmFhIaGhoe75oOI6hwPmj4G0ZdA5Fa5/31g5uinv77AbfznNscNe89wBJjP4e88/P+vT8pn63mbSa2aH3TQsiT+N7oa/r8XDNRMRcY+z+f32aaI6nVJlZSUbNmxg+vTpznNms5nU1FRWrVp12vc9/vjjxMTEcPPNN7Ns2bI6r+3bt4/MzExSU1Od58LCwkhJSWHVqlWnDEAVFRVUVBwbJFpUpMXkvJLJBFf8A14ZCru/gxf6ASacgaO+wcR5zHHHZ3gPDfz/CW0SIXGE8UgaAaFtXf4aGmpgYgRf3T2CJ7/Yxjtr03ljxT6W7srh4ct6MLJrNGZzE4ZJEREP82gAys3NxWazERsbW+d8bGws27dvP+V7li9fzr/+9S82bdp0ytczMzOdZZxYZu1rJ5o1axaPPfbYWdZePCKqC4x8AL5/onl0gx1JMx61e5pFdILE4ZB0vvE3JK5JqxNk9WHWNb25pGcsf/rgJ3ZnlzB53jo6xwRz8/Akrj63nVqERKRV8GgAOlvFxcXceOONvP7660RFRbmt3OnTpzN16lTn86KiIhISEtxWvrjZiPug80VQVW50M5lMxl9MRoOQ8/j48zXXnXR84nX1PT5VWSfUpaoMMtZC2lLYt8wYwJ2/x3hsnG98lsguNYFoBHQcDiGxJ33cxnBh9xi+ued85vywm3fXZbA7u4TpH27h71/v4MYhHbnhvI5EBVubpC4iIp7g0QAUFRWFxWIhK6vuZpdZWVnExZ38/4z37NlDWloaY8aMcZ6z240NIH18fNixY4fzfVlZWcTHx9cps1+/fqesh9VqxWrVf+ybDZMJ2p7r6VqcmY8fdL3EeAAcLYD0VZC2HPYthcwtkLfLeGx407gmqtuxQJQ4AoLcF/RP1CbIjz9f0ZO7Urvw3roM3lyRxsGCo8z+bhcvL97Db/u34+bhSXSOCWm0OoiIeIpXDIIePHgwL774ImAEmg4dOnDHHXecNAi6vLyc3bt31zn35z//meLiYp5//nm6du2Kr68vbdu2Zdq0adx3332A0aITExOjQdDiXY4egf0rawLRMsjacvI10T1qwtBwo4UoKLLRqlNts/PVz5n8c9leNh8odJ6/oFs0t45IZminSExNOehcROQsnc3vt8cD0IIFC5g4cSKvvvoqgwcPZvbs2bz33nts376d2NhYJkyYQLt27Zg1a9Yp3z9p0qQ6s8AAnn76aZ566inmz59PUlISjzzyCD/99BO//PIL/v7+Z6yTApB4RFk+7F9hhKG05ZC99eRrYs451jrUcSgERri9Gg6Hg/X7j/D60r18uy2L2v9C9IgP5ZbhSYzp2xY/H4+voCEicpJmMwsMYNy4ceTk5DBjxgwyMzPp168fCxcudA5iTk9Px2w+u//Y/ulPf6K0tJTbbruNgoIChg8fzsKFC+sVfkQ8JjACeowxHgCluXUDUc42IxRlb4U1cwETxPU6Nsus4xAIaONyNUwmE4MSIxiUGEFabilvrNjH/9YfYNvhIu7732aeXridiUMTuT6lA+GBfi7fT0TEEzzeAuSN1AIkXqkkB/YvPxaIcneccIEJ4vvUDUT+YW65dUFZJf9Zk878lWlk1+wrFuBr4fcD23PTsCQSo4Lcch8REVc0qy4wb6QAJM1CcVbdQJR3wnYvJjPE960biKyuDWiurLbz2eZDvL5sL9szi43bmODiHrHcen4yAzu2aV3jhDK3wNrXIWMNdB0FI6Z51eKXIq2NApCLFICkWSo6bAShtGXGI39v3ddNFmjb71gg6nAeWIMbdCuHw8HKPXn8c9leftiR4zzft30Yt4xI5tJecfhYWug4oepK2PZpTfBZXfe1oGj4zZ/h3BvBrPWURJqaApCLFICkRSg8WDcQnbhwpNkH2vY3xhz1/j2Exp+ymDPZlVXMGyv28cHGg1RWG8tStAsPYPKwRK4dlECov6+LH8RLFB40livYMB9Ka/YqNPtA9yug04Ww8kXIq5mlGtsLRs2E5JGeq69IK6QA5CIFIGmRCjJqAtFyY3HGgvRjr5nMkHwB9BkPPa4Av7Mf05NbUsHbq/fz71X7ySutBCDY6sP4QQlMGpZI+zaBbvogTcjhMNZsWvc6bP8SHDbjfHAcDJhkPGqDo60K1v0TFj8F5QXGuW6XwyVPQGQnD1RepPVRAHKRApC0Ckf2w+5v4af3jDEstXyDoOdY6DPO2LLjLLtyyqtsfPzjQf65fB+7s0sAsJhNXNorjltGJNMvIdyNH6KRlBfB5neNQHP8YPOOw2DQLUarmeU0LVtl+UYIWvdPIzCZfSHl/8H590NAeJNUX6S1UgBykQKQtDr5e40gtPldOLLv2PmQeKN7rO94iD3nrIq02x0s2ZnDP5fvZcXuPOf5QYltuHl4Mhf3jMXibRuwZm8zxvb8tAAqjfCGbxD0HWcEn7P5DnJ2wNcPGyETIDASLnwY+k8Ei8dXIBFpkRSAXKQAJK2Ww2HsX/bTu/Dzh8e6cgDiehtdZL1/f9Z7lm09VMi/lu/js82HqLIZ/8npGBnITcOS+P3A9gT6eTAQ2Kpg++ew9p/GrLpaUV2N0NN3vGvLCez61ghCtS1JMT1h1F+h029cq7eInEQByEUKQCJAdQXs+sZoFdr5NdirjPMmMyRfCH2vg+6Xg1/9x/ZkFZUzf2Ua/1mTTuFRo7ywAF/+kNKBSUMTiQ1twsVKizNhwzzjUXzYOGcyQ7fLYPBtRvefu6b026pg/ZuweKaxBQpA19FwyZMQ1cU99xARBSBXKQCJnKAsH7Z+CJsXwIG1x877BUOPsUYrSeIIqOeq7WWV1by/4QD/Wr6P/XllAPhaTIzp05abRyRxTlv3LOB4EofD2H9t3euw7TOwVxvng6KNrqmBkyGsfePcG4zws+QZWPuacW+zjxG2Rv7JLat4i7R2CkAuUgAS+RV5e4wxMpvfhYL9x86Htjs2XiimR72KstkdfLcti38t28fatHzn+aGdIrl1RDIju0Zjdsc4oYoSo87r/lV3j7WEFCOA9BgLPk24rUfuLvjmz7BzofE8oI0xPmjAZI0PEnGBApCLFIBE6sHhMGaPbX7XaB0qP7aDPHF9jC6y3r+D4Jh6Fbcpo4B/LtvLVz9nYrMb/1nqHBPMTcOSGN0rjoigBgSUnJ3GbKzN70BFkXHON9AIaoNuMbYO8aTdi4zxQTnbjOfR3eGSv0KXVLcUf6jgKCt257JyTx67s0u4sFs0E4cmEhlsdUv5It5GAchFCkAiZ6mqHHZ9bXSR7frmuPFCFmOwb9/xxtiaeowXOnCkjHkr0nh3XQYlFdXO811jg0lJiiQlOYKUpEiiQ07zI26rhp1fGbO59i05dj4iGQbdCv3+4F3T0W3VsHEefP9XOFrTCtb5YmOgdHS3syoqr6SC1XvzWbEnl5W7c0mr6V48nr+vmfGDOnDLiKTmuTaTyK9QAHKRApCIC8ry4ecPjC6nA+uOnfcLgZ5XGlPKOw4/43ih4vIqFqzL4H/rD7Ajq/ik15Ojg0hJiuS8mkAUZyk2gsT6eVB0wLjIZDYGGw+6GZJ/U+8xSh5xtACW/g3WvGoESJPFaKW64EEIjDjlW0oqqlm7L48Vu/NYuSePbYeL6rxuNkGf9uEM7RRJh4hA/rMmnS0HjZY6i9nE2L5t+ePITnSLc22POBFvoQDkIgUgETfJ3W0EoZ8WnDBeqD30+b0xrT6m+xmLySupYF1aPqv35rNmXz7bM4sw/svloL9pFxN8vuFyy1p8MVqMbAERWAZMNMbUtOnYOJ+tseTtgW8egR1fGM/9w+GC6TDoZsrtZn5ML2DlnlxW7M5l84FCZ3dhrW6xIQztHMnQTlGkJEfU2Yqkdg+3VxbvYfnuXOf5i7rHMOWCTgxMPHXQEmkuFIBcpAAk4mYOB6SvNsbibP0YKo4bLxTfz+gi6/U7CI6uV3GFhYUcXPYWEVvnE3d0l/P8j/bOvFV9MV/aU4gKDyMlOYLzarrNOkQENq+d6vcuxrFwOqbsXwA45NOev1T8gW+q+gLHPkeHiECGdopkaOcohiT/StfgCX46UMDcJXv46udMan8FBiW2YcoFnbiwW0zz+q5EaigAuUgBSKQRVZUbs59+qh0vVDPOx2SBzqlGF1m3y8A34OT35u0xZnJtevvYoGsffyp7XMPm+N/zXWE8a/bms+XgyS0jcaH+zvFDKckRJEcFed2PvMPhYFd2iXPg8tq9OVxW9S33+fyPKJPRvbXK1JfFifeQ3HMgQztFkRDh2jievTklvLZ0Lx9uPEilzdjMtntcCH8c2Ykr+sTjY/HibkOREygAuUgBSKSJlOYaK07/9C4c3HDsvDXU2I+s73WQcJ6xncTa12HPomPXtEmEgTfDuTecNEamtKKaDfuPsGZfHmv25rP5QIFzBepa0SFWBidFcF5SBCnJkXSJCfZIIMrIL6vp0jLG8eSWVNR5PcTfhwsTrdzKR5yT/l/M9kojLA6cDBc8BEGRbqlHVlE5byzfx9ur91NaaWz62r5NALedn8zvByQQ4Hd2e8KJeIICkIsUgEQ8IHdXzfpCC6DwuJ3qffyhurzmiQm6XGzM5uqcWu9BzUcrbfyYfoTV+/JZszePHzMKqKy217kmIsiPwYkRzlai7nEh7lmD6AQ5xRWs3JPLqj15rNiTS0b+0TqvW33MDEqMYGjnSIZ1iuKctqHHWmHy98K3M4xFHAGsYXDBA8b34aZ1jArLqnh7zX7eWL6PvNJKACKD/Jg8LJEbz0skLPA0m8CKeAEFIBcpAIl4kN0O6auMVqGtnxjjhfzDof+NMPAmYzq7i8qrbGzOKGDNvnzW7Mtjw/4jlFfVDURhAb4MSoxwzjLr2Ta0QZu3FpVXsWZvPit2G6HnxBltFrOJfgnGTK2hnaLo3zEcq88ZWlv2LYOF0yFri/E8opMxbb7raLdt31FeZeN/6zN4deleDhwxQlqQn4U/pHTg5uHJxIU14bYlIvWkAOQiBSARL1FVDtm/GCtLn2pMkJtUVtvZcrDAOctsQ1q+sxuoVojVh4GJbUhJjiQlKYJe7cLwPcX4mPIqG+vTjhjdWnvy2HKggBOGI9EjPpRhnSIZ2jmSwUmRBFsbsPqz3Qab/gOLnoDSbONc0kgYPevsdq0/g2qbnS+2HOaVxXvYnmmEN1+LiWvObc9tI5PpFB3stnuJi6qOwt4lcOhH49+ZxOEQFOXpWjUpBSAXKQCJtG7VNjs/Hypizd481uzLZ92+fIqPW5QRINDPwoCObTgvOZKe8aFsPVTIit15bEg/clL3WmJkIEM7RzGsUxTnJUe4dyXm8iJY/hysmgO2SmPto/4Tja016jmrrj4cDgeLd+TwyuI9zm1LTCYYfU4cfxzZib4J4W67l5yFkmxjUsGOr2DPD1Bdt0uVmJ5GEEocAR2HuW3MmLdSAHKRApCIHM9md7DtcBGrawLR2n35zt3sTyU21MqwTlEMqZme3i688VqvnI6kGeODfvnEeG4NhfPvh5T/Bz7u3fpiw/58Xlm8l++2ZTnPDescyZSRnRnWOdLrZte1KA4H5GyHHV8aoefAeuC4n/HQ9tBxCGT9Unffu1qxvY4LRENPu8hmc6UA5CIFIBH5NXa7gx1Zxc4Woh2ZxXSNDWFY50iGdIqiU7QHp9inrYCvp8PhzcbzNklwyZPQ/XK3jQ+qtTOrmLlL9vDJpkPOZQd6twtjygWdGHVOXIPGTMkp2Kpg/0oj8Oz4su6iogBtzzWWjuh2qRFwav93Ls2F/SuMMWNpy4/tOedkgrheRhhKHGEEp4A2TfKRGosCkIsUgESkWbPbjUUnFz0GJTWtNB2HHxsTEhQFQdEQWPM3oI1L24QcOFLGP5ft49116c7B5ElRQfy/85O5un+7Mw/qlpMdLYDd3xmhZ9e3dRcPtVgh+QLoNtoY+B7atn5lluTA/uXHAlHujhMuMBkbBB8fiPzD3PSBmoYCkIsUgESkRagogeX/gJUvgq3i9NeZzBAYaYShoKhjwSgo2hgzUnscWBOe/MNO2ZqUX1rJvJVpzF+Z5uwijAmxcvPwJP6Q0oEQf02h/1X5+2rG83xptPjYjxt3FhhlhJ1ul0KnC8EvyPX7FWfVDUR5u+q+bjJDfN+aLrPzocN54O/dv4kKQC5SABKRFqUgHTa9A8WHoTQHyvKMv6W5UF5w9uWZfU/dklQTlsr9Ivg6rZr5m0vZXuxPGVZC/H2ZMKQjk4clEeXOQeDNmd1uLAC68yujpadm2xOn6O5G4Ol2GbQbAOZGbkkrzjSCUNoyIxTl76n7uslsbF2TVNNC1OE8sHrXRroKQC5SABKRVqO60ghEZbnHQlFpzXHZcce15yuLz1zmCSrwI8cRSp4jlAJCCYmMp3NSEqGRcce1LkVCcAwEx4GlAcsCNBeVZbB3sdHKs/PrY0sYgLHCd8ehRujpOhoiO3msmgAUHaobiI7sq/u6yWKMP0oaYbQSJZwHVs8ui6AA5CIFIBGR06gqPy4s1bYknSYsleacPC37TEwWY0xLeAcISzD+hiccOw5r7/ZZbY2uOLOma2sh7P3huJXNMWbrdU41Wnm6pHr3IOTCA3UD0YmDsc0+0LZ/3UDk59pedWdLAchFCkAiIm5SWeoMS47SbPakpbFh2y6Kcg8TYSoiiiISA8qI8ynFrzwXk/30ywsYTBASVxOIEk4ISjXHTfyjexKHw+jOqp2qfvw+d2DUs3bWVoehbtvGpMkVpNcEoppxRMdvYQNGV2m7AccFopRGXdAUFIBcpgAkItK4fj5YyNwle/hyy2HnStkDEkK5ppsf50WUkuSTj7kwHQozoCDD+LEtzICqsjMXHhh56mBU25rUGDObqiuNKec7vjLG9BScEAbaDTg2niemp9uXJPAKR/YbrUO1gajoQN3XLX7QbqARhpJGQPvB4OveLVUUgFykACQi0jTSckt5bdle3l9/gErbsRW0Q/19GJwUyZBOkZyXHEGPuFDMJozxSrVhqCDdCEfO43SoKDrzTa1hx8KQMxzVHncwFgesT0A5egR2fWe09Oz+ru69ffwh+cKa8TyjjFar1sThMBbnPL7LrPhQ3Wv6XgdXz3XrbRWAXKQAJCLStLKLyvl400FW7cljXdoRSk7YeiQswJfBSREMSY7kvORIuseFYD7VQotHC05uNSrYfywoleWduTK+QXXHHTmPOxrTz/f+YLT07F8JjuP2jAuKqVmb51JjnR5Pd8V5E4cD8vfWDUS/+bOxybEbKQC5SAFIRMRzqm12th4qYtXePFbvzWPdvpM3pw0P9GVwYkRNC1Ek3WJPE4hOVFFiDOY9PhgVHNfVVpJ5dpWN6Xmsa6ttf5cWlGxVHA5jQ183z/hTAHKRApCIiPeo3Zx21Z6aQJSWT9kJgahNoC8pSUZ32XmdIukaU89AdKKqcig6WLfV6PiuttJcSBhcM4h5NLRJdM+HFLdQAHKRApCIiPeqstn5+WBhTQtRPutPEYgigvxISYrgvJousy4xwQ0LRNKsKAC5SAFIRKT5qLLZ2XKw0NlCtD7tCEerTg5E5yXXDUTatb7lUQBykQKQiEjzVWWz89OBQlbvPX0gigzyqwlDRijqrEDUIigAuUgBSESk5aistrPlYEFNC1E+6/fnO3etrxUV7EdKTevQkOQIOkV7TyCqttkpqaimuLz6uL9VFJdXOx+1z0vKqymvthEb6k/HiEA6RgbRITKQ9m0CsPo08l5iXkAByEUKQCIiLVdltZ2fDtQEon1GC1FF9YmByFqny6xTdNBZByK73UFZlY2S8mqKy6sorg0vNc9LKqopOuF5cXl1zXVVNeerT2q9agiTCeJD/ekQGUjHCCMUdYgIpGPN87BAX5fv4Q0UgFykACQi0npUVNvYnHGsy2zD/pMDUXSIlfOSIxnQIRwHGOGkNrAcF16ODzslFdW48xfW6mMmxN+XEH8fQvx9CLbW/j12LsTfB1+LmcOF5ezPK2V/Xhnp+WUnDRI/UViALx0iAmsCkhGMEmpakOJD/ZvNAHIFIBcpAImItF4V1TY2pRewem++EYjSj1B5QiA6Gxaz6bjQUhNWasPLKQJM7fNgqw+h/r411/jg59OwNYYcDgd5pZU1YehYKErPK2N/fhk5xRW/+n4/i5n2EQFGi1FEIB0ig+qEJH9f7+laUwBykQKQiIjUKq+ysSmjgNV78/j5YBFWX/OxAFMbVvx9CD3huRF0fPH3NXvNeKJTKausdgai9Pwy9tcEo4z8Mg4cKaPK9usxITbUelK3Woea1qM2gb5N+tkVgFykACQiIgI2u4NDBUeNgFQTjpytSHllFJ+wZcmJQqw+NV1pgccCUkQQHSMDiQ/zx8fi3pWzFYBcpAAkIiLy6xwOBwVlVezPL2N/XikZx7UepeeVkVlU/qvvvz6lA3+9urdb63Q2v9/u3YRDREREWgWTyUSbID/aBPnRLyH8pNfLq2wcOFITimrHHdWGpSNH6RDh2c1iFYBERETE7fx9LXSOCaFzTMhJr9ntDqrsDR9Y7g4KQCIiItKkzGYTVrNnZ4+5d/SRiIiISDOgACQiIiKtjlcEoDlz5pCYmIi/vz8pKSmsXbv2tNd++OGHDBw4kPDwcIKCgujXrx///ve/61wzadIkTCZTncfo0aMb+2OIiIhIM+HxMUALFixg6tSpzJ07l5SUFGbPns2oUaPYsWMHMTExJ10fERHBww8/TPfu3fHz8+Pzzz9n8uTJxMTEMGrUKOd1o0eP5s0333Q+t1qtTfJ5RERExPt5fB2glJQUBg0axEsvvQSA3W4nISGBO++8kwcffLBeZfTv35/LL7+cJ554AjBagAoKCvj4448bVCetAyQiItL8nM3vt0e7wCorK9mwYQOpqanOc2azmdTUVFatWnXG9zscDhYtWsSOHTs4//zz67y2ePFiYmJi6NatG1OmTCEvL++05VRUVFBUVFTnISIiIi2XR7vAcnNzsdlsxMbG1jkfGxvL9u3bT/u+wsJC2rVrR0VFBRaLhZdffpmLL77Y+fro0aO55pprSEpKYs+ePTz00ENceumlrFq1Covl5Gl3s2bN4rHHHnPfBxMRERGv5vExQA0REhLCpk2bKCkpYdGiRUydOpXk5GQuuOACAMaPH++8tnfv3vTp04dOnTqxePFiLrroopPKmz59OlOnTnU+LyoqIiEhodE/h4iIiHiGRwNQVFQUFouFrKysOuezsrKIi4s77fvMZjOdO3cGoF+/fmzbto1Zs2Y5A9CJkpOTiYqKYvfu3acMQFarVYOkRUREWhGPjgHy8/NjwIABLFq0yHnObrezaNEihgwZUu9y7HY7FRUVp339wIED5OXlER8f71J9RUREpGXweBfY1KlTmThxIgMHDmTw4MHMnj2b0tJSJk+eDMCECRNo164ds2bNAozxOgMHDqRTp05UVFTw5Zdf8u9//5tXXnkFgJKSEh577DF++9vfEhcXx549e/jTn/5E586d60yTFxERkdbL4wFo3Lhx5OTkMGPGDDIzM+nXrx8LFy50DoxOT0/HbD7WUFVaWsr//d//ceDAAQICAujevTtvv/0248aNA8BisfDTTz8xf/58CgoKaNu2LZdccglPPPGEurlEREQE8IJ1gLyR1gESERFpfs7m99vjLUDeqDYTaj0gERGR5qP2d7s+bTsKQKdQXFwMoKnwIiIizVBxcTFhYWG/eo26wE7Bbrdz6NAhQkJCMJlMbi27do2hjIwMda+5QN+je+h7dA99j+6h79F1rf07dDgcFBcX07Zt2zrjh09FLUCnYDabad++faPeIzQ0tFX+w+lu+h7dQ9+je+h7dA99j65rzd/hmVp+anl0HSARERERT1AAEhERkVZHAaiJWa1WHn30Ua1J5CJ9j+6h79E99D26h75H1+k7rD8NghYREZFWRy1AIiIi0uooAImIiEirowAkIiIirY4CkIiIiLQ6CkBNaM6cOSQmJuLv709KSgpr1671dJWalVmzZjFo0CBCQkKIiYnhqquuYseOHZ6uVrP31FNPYTKZuOeeezxdlWbn4MGD3HDDDURGRhIQEEDv3r1Zv369p6vVrNhsNh555BGSkpIICAigU6dOPPHEE/Xay6k1W7p0KWPGjKFt27aYTCY+/vjjOq87HA5mzJhBfHw8AQEBpKamsmvXLs9U1kspADWRBQsWMHXqVB599FE2btxI3759GTVqFNnZ2Z6uWrOxZMkSbr/9dlavXs23335LVVUVl1xyCaWlpZ6uWrO1bt06Xn31Vfr06ePpqjQ7R44cYdiwYfj6+vLVV1/xyy+/8Oyzz9KmTRtPV61Zefrpp3nllVd46aWX2LZtG08//TTPPPMML774oqer5tVKS0vp27cvc+bMOeXrzzzzDC+88AJz585lzZo1BAUFMWrUKMrLy5u4pl7MIU1i8ODBjttvv9353GazOdq2beuYNWuWB2vVvGVnZzsAx5IlSzxdlWapuLjY0aVLF8e3337rGDlypOPuu+/2dJWalQceeMAxfPhwT1ej2bv88ssdN910U51z11xzjeP666/3UI2aH8Dx0UcfOZ/b7XZHXFyc429/+5vzXEFBgcNqtTreeecdD9TQO6kFqAlUVlayYcMGUlNTnefMZjOpqamsWrXKgzVr3goLCwGIiIjwcE2ap9tvv53LL7+8zj+XUn+ffvopAwcO5Pe//z0xMTGce+65vP76656uVrMzdOhQFi1axM6dOwHYvHkzy5cv59JLL/VwzZqvffv2kZmZWeff7bCwMFJSUvSbcxxthtoEcnNzsdlsxMbG1jkfGxvL9u3bPVSr5s1ut3PPPfcwbNgwevXq5enqNDvvvvsuGzduZN26dZ6uSrO1d+9eXnnlFaZOncpDDz3EunXruOuuu/Dz82PixImerl6z8eCDD1JUVET37t2xWCzYbDb++te/cv3113u6as1WZmYmwCl/c2pfEwUgaaZuv/12fv75Z5YvX+7pqjQ7GRkZ3H333Xz77bf4+/t7ujrNlt1uZ+DAgcycOROAc889l59//pm5c+cqAJ2F9957j//85z/897//5ZxzzmHTpk3cc889tG3bVt+jNCp1gTWBqKgoLBYLWVlZdc5nZWURFxfnoVo1X3fccQeff/45P/zwA+3bt/d0dZqdDRs2kJ2dTf/+/fHx8cHHx4clS5bwwgsv4OPjg81m83QVm4X4+Hh69uxZ51yPHj1IT0/3UI2ap/vvv58HH3yQ8ePH07t3b2688UbuvfdeZs2a5emqNVu1vyv6zfl1CkBNwM/PjwEDBrBo0SLnObvdzqJFixgyZIgHa9a8OBwO7rjjDj766CO+//57kpKSPF2lZumiiy5iy5YtbNq0yfkYOHAg119/PZs2bcJisXi6is3CsGHDTlqGYefOnXTs2NFDNWqeysrKMJvr/hRZLBbsdruHatT8JSUlERcXV+c3p6ioiDVr1ug35zjqAmsiU6dOZeLEiQwcOJDBgwcze/ZsSktLmTx5sqer1mzcfvvt/Pe//+WTTz4hJCTE2ZcdFhZGQECAh2vXfISEhJw0biooKIjIyEiNpzoL9957L0OHDmXmzJlce+21rF27ltdee43XXnvN01VrVsaMGcNf//pXOnTowDnnnMOPP/7Ic889x0033eTpqnm1kpISdu/e7Xy+b98+Nm3aREREBB06dOCee+7hySefpEuXLiQlJfHII4/Qtm1brrrqKs9V2tt4ehpaa/Liiy86OnTo4PDz83MMHjzYsXr1ak9XqVkBTvl48803PV21Zk/T4Bvms88+c/Tq1cthtVod3bt3d7z22muerlKzU1RU5Lj77rsdHTp0cPj7+zuSk5MdDz/8sKOiosLTVfNqP/zwwyn/ezhx4kSHw2FMhX/kkUccsbGxDqvV6rjoooscO3bs8GylvYzJ4dBymyIiItK6aAyQiIiItDoKQCIiItLqKACJiIhIq6MAJCIiIq2OApCIiIi0OgpAIiIi0uooAImIiEirowAkIlIPixcvxmQyUVBQ4OmqiIgbKACJiIhIq6MAJCIiIq2OApCINAt2u51Zs2aRlJREQEAAffv25f333weOdU998cUX9OnTB39/f8477zx+/vnnOmV88MEHnHPOOVitVhITE3n22WfrvF5RUcEDDzxAQkICVquVzp07869//avONRs2bGDgwIEEBgYydOjQk3aEF5HmQQFIRJqFWbNm8dZbbzF37ly2bt3Kvffeyw033MCSJUuc19x///08++yzrFu3jujoaMaMGUNVVRVgBJdrr72W8ePHs2XLFv7yl7/wyCOPMG/ePOf7J0yYwDvvvMMLL7zAtm3bePXVVwkODq5Tj4cffphnn32W9evX4+Pjo13LRZopbYYqIl6voqKCiIgIvvvuO4YMGeI8f8stt1BWVsZtt93GhRdeyLvvvsu4ceMAyM/Pp3379sybN49rr72W66+/npycHL755hvn+//0pz/xxRdfsHXrVnbu3Em3bt349ttvSU1NPakOixcv5sILL+S7777joosuAuDLL7/k8ssv5+jRo/j7+zfytyAi7qQWIBHxert376asrIyLL76Y4OBg5+Ott95iz549zuuOD0cRERF069aNbdu2AbBt2zaGDRtWp9xhw4axa9cubDYbmzZtwmKxMHLkyF+tS58+fZzH8fHxAGRnZ7v8GUWkafl4ugIiImdSUlICwBdffEG7du3qvGa1WuuEoIYKCAio13W+vr7OY5PJBBjjk0SkeVELkIh4vZ49e2K1WklPT6dz5851HgkJCc7rVq9e7Tw+cuQIO3fupEePHgD06NGDFStW1Cl3xYoVdO3aFYvFQu/evbHb7XXGFIlIy6UWIBHxeiEhIUybNo17770Xu93O8OHDKSwsZMWKFYSGhtKxY0cAHn/8cSIjI4mNjeXhhx8mKiqKq666CoD77ruPQYMG8cQTTzBu3DhWrVrFSy+9xMsvvwxAYmIiEydO5KabbuKFF16gb9++7N+/n+zsbK699lpPfXQRaSQKQCLSLDzxxBNER0cza9Ys9u7dS3h4OP379+ehhx5ydkE99dRT3H333ezatYt+/frx2Wef4efnB0D//v157733mDFjBk888QTx8fE8/vjjTJo0yXmPV155hYceeoj/+7//Iy8vjw4dOvDQQw954uOKSCPTLDARafZqZ2gdOXKE8PBwT1dHRJoBjQESERGRVkcBSERERFoddYGJiIhIq6MWIBEREWl1FIBERESk1VEAEhERkVZHAUhERERaHQUgERERaXUUgERERKTVUQASERGRVkcBSERERFodBSARERFpdf4/VXtq2x9mMEEAAAAASUVORK5CYII=", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "plt.plot(history.history['accuracy'])\n", + "plt.plot(history.history['val_accuracy'])\n", + "plt.title('model accuracy')\n", + "plt.ylabel('accuracy')\n", + "plt.xlabel('epoch')\n", + "plt.legend(['train', 'test'], loc='upper left')\n", + "plt.show()\n", + "\n", + "plt.plot(history.history['loss'])\n", + "plt.plot(history.history['val_loss'])\n", + "plt.title('model loss')\n", + "plt.ylabel('loss')\n", + "plt.xlabel('epoch')\n", + "plt.legend(['train', 'test'], loc='upper left')\n", + "plt.show()" + ] + }, { "cell_type": "markdown", "metadata": {}, @@ -298268,37 +298698,37 @@ }, { "cell_type": "code", - "execution_count": 94, + "execution_count": 20, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ - "\u001b[1m8/8\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m0s\u001b[0m 11ms/step\n", - "\u001b[1m8/8\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m0s\u001b[0m 12ms/step\n", - "\u001b[1m8/8\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m0s\u001b[0m 13ms/step\n", - "\u001b[1m8/8\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m0s\u001b[0m 12ms/step\n", - "\u001b[1m8/8\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m0s\u001b[0m 12ms/step\n", - "\u001b[1m8/8\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m0s\u001b[0m 12ms/step\n", - "\u001b[1m8/8\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m0s\u001b[0m 12ms/step\n", - "\u001b[1m8/8\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m0s\u001b[0m 12ms/step\n", - "\u001b[1m8/8\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m0s\u001b[0m 12ms/step\n", - "\u001b[1m8/8\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m0s\u001b[0m 12ms/step\n", - "Time taken for training with the neural network: 148.33 seconds\n", + "\u001b[1m8/8\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m0s\u001b[0m 22ms/step\n", + "\u001b[1m8/8\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m0s\u001b[0m 21ms/step\n", + "\u001b[1m8/8\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m0s\u001b[0m 18ms/step\n", + "\u001b[1m8/8\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m0s\u001b[0m 27ms/step\n", + "\u001b[1m8/8\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m0s\u001b[0m 32ms/step\n", + "\u001b[1m8/8\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m0s\u001b[0m 19ms/step\n", + "\u001b[1m8/8\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m0s\u001b[0m 18ms/step\n", + "\u001b[1m8/8\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m0s\u001b[0m 20ms/step\n", + "\u001b[1m8/8\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m0s\u001b[0m 20ms/step\n", + "\u001b[1m8/8\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m0s\u001b[0m 20ms/step\n", + "Time taken for training with the neural network: 244.51 seconds\n", "\n", - "Mean Accuracy: 0.8229944674965421\n", - "Standard Deviation of Accuracy: 0.029744215375800055\n", - "Mean Precision: 0.8011375104198775\n", - "Standard Deviation of Precision: 0.043153025471335704\n", - "Mean Recall: 0.6458859829562151\n", - "Standard Deviation of Recall: 0.10481774581261948\n", - "Mean F1-score: 0.7094828641130981\n", - "Standard Deviation of F1-score: 0.07098989563630892\n", - "Mean ROC AUC: 0.7805137404904433\n", - "Standard Deviation of ROC AUC: 0.04622894802713778\n", + "Mean Accuracy: 0.8050968188105116\n", + "Standard Deviation of Accuracy: 0.027681631103985953\n", + "Mean Precision: 0.7697294221926265\n", + "Standard Deviation of Precision: 0.07957343064229522\n", + "Mean Recall: 0.6424037613870116\n", + "Standard Deviation of Recall: 0.11746871345143681\n", + "Mean F1-score: 0.6885453094621883\n", + "Standard Deviation of F1-score: 0.055852798365961576\n", + "Mean ROC AUC: 0.766061995181936\n", + "Standard Deviation of ROC AUC: 0.04008998439080089\n", "\n", - "Total time taken: 148.33 seconds\n" + "Total time taken: 244.51 seconds\n" ] } ], @@ -298313,17 +298743,15 @@ "def build_model():\n", " model = Sequential()\n", " model.add(InputLayer(input_shape=(13,)))\n", - " model.add(Dense(10, activation='elu'))\n", - " model.add(Dense(20, activation='elu'))\n", - " model.add(Dense(40, activation='elu'))\n", - " model.add(Dense(80, activation='elu'))\n", - " model.add(Dense(100, activation='elu'))\n", - " model.add(Dense(200, activation='elu'))\n", - " model.add(Dense(100, activation='elu'))\n", - " model.add(Dense(80, activation='elu'))\n", - " model.add(Dense(40, activation='elu'))\n", - " model.add(Dense(20, activation='elu'))\n", - " model.add(Dense(10, activation='elu'))\n", + " model.add(Dense(10, activation='relu'))\n", + " model.add(Dense(20, activation='relu'))\n", + " model.add(Dense(40, activation='relu'))\n", + " model.add(Dense(80, activation='relu'))\n", + " model.add(Dense(100, activation='relu'))\n", + " model.add(Dense(80, activation='relu'))\n", + " model.add(Dense(40, activation='relu'))\n", + " model.add(Dense(20, activation='relu'))\n", + " model.add(Dense(10, activation='relu'))\n", " model.add(Dense(1, activation='sigmoid'))\n", " model.compile(loss='binary_crossentropy', optimizer='adam', metrics=['accuracy'])\n", " return model\n", @@ -298406,6 +298834,319 @@ "total_time = time.time() - start_total_time\n", "print(f\"Total time taken: {total_time:.2f} seconds\")" ] + }, + { + "cell_type": "code", + "execution_count": 21, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAjcAAAGwCAYAAABVdURTAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8pXeV/AAAACXBIWXMAAA9hAAAPYQGoP6dpAAC9LElEQVR4nOzdd3iTZffA8W+Spnvvyd4te6NsUEBFka2CAqI4cOBEfdX396ooKiqCA8TJEgUHyAZZguzRFiijQKF775Hx/P54mtBCWzqy2t6f6+plaJMnp1iak/s+9zkKSZIkBEEQBEEQGgiltQMQBEEQBEEwJZHcCIIgCILQoIjkRhAEQRCEBkUkN4IgCIIgNCgiuREEQRAEoUERyY0gCIIgCA2KSG4EQRAEQWhQ7KwdgKXp9XoSEhJwc3NDoVBYOxxBEARBEKpBkiRyc3MJDg5Gqax6babRJTcJCQmEhYVZOwxBEARBEGrh6tWrhIaGVnmfRpfcuLm5AfJfjru7u5WjEQRBEAShOnJycggLCzO+jlel0SU3hq0od3d3kdwIgiAIQj1TnZISUVAsCIIgCEKDIpIbQRAEQRAaFJHcCIIgCILQoIjkRhAEQRCEBkUkN4IgCIIgNCgiuREEQRAEoUERyY0gCIIgCA2KSG4EQRAEQWhQRHIjCIIgCEKDIpIbQRAEQRAaFJHcCIIgCILQoIjkRhAEQRCEBkUkN4IgCDUhSVCSb+0oBEGogkhuBEEQamL9M/B+E7hywNqRCIJQCZHcCIIgVNfpP+DYj6DXwr5PrB2NIAiVEMmNIAhCdeSlwobnr//5/FbIiLVePIIgVEokN4IgCLciSfDX81CQDv7h0HwgIMHhZdaOTBCECojkRhAE4VYif4Ez60FpB2O+gr5PyZ8//hOUFFg3NkEQbiKSG0EQhKrkJMLGF+XbA1+BoE7Qajh4NYOibIhcY9XwBEG4mUhuBEEQKiNJ8umoomwI6gK3l9bcKJXQc6Z8+9BS+X6CINgMkdwIgiBU5vhyuXBYZS9vR6nU17/W9UGwc4LkKIgTx8IFwZaI5EYQBKEiWXGwea58e8gb4N++/NedvKDTBPn2oSWWjU0QhCqJ5EYQBOFGej388TSU5EJYb+j7dMX361W6NXVmPeQkWC4+QRCqJJIbQRCEGx1ZBpd2y9tO930JSlXF9wvsCE36yU39jn5v0RAFQaic1ZObxYsX06xZMxwdHenduzeHDh2q9L4ajYb/+7//o2XLljg6OtK5c2c2b95swWgFQWjwMmJh25vy7WFvg0/Lqu9vWL058h1oS8wamiAI1WPV5Obnn39mzpw5vPXWWxw7dozOnTtz5513kpKSUuH933jjDb7++ms+//xzTp8+zaxZsxgzZgzHjx+3cOSCIDRIeh38/hRoCqBZf+j12K0f0/4ecAuC/BQ486f5YxQE4ZYUkmS9M4y9e/emZ8+eLFq0CAC9Xk9YWBizZ8/m1Vdfven+wcHBvP766zz11FPGz40dOxYnJyeWL19e4XMUFxdTXFxs/HNOTg5hYWFkZ2fj7u5u4u9IEIR6bf8i2Po62LvCE/vBq2n1Hrd7Pvz9LoT2gke3mTdGQWikcnJy8PDwqNbrt9VWbkpKSjh69CjDhg27HoxSybBhwzhwoOJjlcXFxTg6Opb7nJOTE/v27av0eebNm4eHh4fxIywszDTfgCAIDUvqOdjxf/LtO96pfmID0O1hUKrh2iFIECvJgmBtVktu0tLS0Ol0BAQElPt8QEAASUlJFT7mzjvvZMGCBZw/fx69Xs+2bdtYt24diYmJlT7P3Llzyc7ONn5cvXrVpN+HIAgNgE4Lv88CXTG0HArdH6nZ490CIPw++fahb0wdnSAINWT1guKa+Oyzz2jdujXt2rXD3t6ep59+mmnTpqFUVv5tODg44O7uXu5DEAShnP2fQfxRcPCA0Z+DQlHzaxjqcyJ/gYIM08YnCEKNWC258fX1RaVSkZycXO7zycnJBAYGVvgYPz8/fv/9d/Lz87ly5Qpnz57F1dWVFi1aWCJkQRAaoqQo+HuefHvkB+ARUrvrhPaEoM7y6s+xH00XnyAINWa15Mbe3p7u3buzY8cO4+f0ej07duygb9++VT7W0dGRkJAQtFota9eu5d577zV3uIIgNETaEnk7Sq+BtqOg86TaX0uhuL56c3iZfPJKEASrsOq21Jw5c1i6dCk//PADZ86c4YknniA/P59p06YBMHXqVObOnWu8/8GDB1m3bh2xsbHs3buXESNGoNfrefnll631LQiCUJ/t/QiSIuVRCnd/WrvtqLIixsrXyo6Dc1tMEqIgCDVnZ80nnzhxIqmpqbz55pskJSXRpUsXNm/ebCwyjouLK1dPU1RUxBtvvEFsbCyurq6MGjWKn376CU9PTyt9B4Ig1FsJx2HPR/LtuxbIRcF1pXaCblPhn8/keVPtRtX9moIg1JhV+9xYQ03OyQuC0EBpimDJQEg9C+FjYPz3prt25hVY2AUkPTx1GPzamO7agtCI1Ys+N4IgCFaz6z05sXHxg1Efm/baXk2hzUj59uGlpr22IAjVIpIbQRAal6uHYP/n8u17PgMXH9M/h2He1ImVUJRj+usLglAlkdwIgtB4lBTAb7PkLaPOk6HdXeZ5nhaDwKc1lOTBqZ/N8xyCIFRKJDeCIDQeO/4LGRfBLRhGvG++5yl7LPzQEmhcpY2CYHUiuREEoXG4tBcOfiXfHv05OHma9/k6T5IHcKadg0u7zftcgiCUI5IbQRAavuJc+ONJ+Xa3h6H1sKrvbwqO7vLWF8AhUVgsCJYkkhtBEBq+rf+BrDjwaAJ3vmu55zUUFsdslJ9fEASLEMmNIAgN24XtcPQ7+fZ9i8HBzXLP7dcWmg+UC5gPL7Pc8wpCIyeSG0EQGq7CLPhjtny71+PQfIDlY+j9uPzfYz+CptDyzy8IjZBIbgRBaLg2z4XcBPBuAcPesk4MbUaARxgUZkDUOuvEIAiNjEhuBEFomM5uhJMrAQXc9yXYu1gnDqUKes6Qbx/6WhwLFwQLEMmNIAgNT0EGrH9Wvt1vNjTpY914uk4FlQMknoRrR6wbiyA0AiK5EQSh4fnrBchPAb92MPh1a0cjj3joOE6+fWiJdWMRhEZAJDeCIDQs0b9B9DpQqOTtKLWjtSOSGY6FR/8GeSnWjUUQGjiR3AiC0HDkpcCGOfLt/nMgpJt14ykruCuE9gS9Bo7+YO1oBKFBE8mNIAgNgyTBhuflU0kBHWHAy9aO6GaGeVNHloFOY91YBKEBE8mNIAgNw6mf4ewGUKphzFdgZ2/tiG7W4V5w8YPcRDlWQRDMQiQ3giDUfzkJsLF0pWbQKxAYYd14KmPnAN2nybfFvClBMBuR3AiCUL9JEvw5G4qzIbgb3Pa8tSOqWo9pcrHzlX8gKcra0QhCgySSG0EQ6rdjP8rzo1QO8naUys7aEVXNPRja3yPfPixWbwTBHERyIwhC/ZV5Bba8Jt8e+h95UGV9YCgsPrUGCjOtG4sgNEAiuREEoX7S6+GPp6AkD8L6QJ8nrR1R9TXtB/7hoCmAEyutHY0gNDgiuREEoX46/A1c3gtqZ7jvC3mGU32hUFxv6ndoqZyoCYJgMiK5EQSh/km/CNtLp3wP/z/waWndeGqj0wRw8IDMS3LNkCAIJiOSG0EQ6he9Dn5/Qt7SaT4AesywdkS1Y+8CXR+Sb4t5U4JgUiK5EQShfjmwGK4eBHs3uHcxKOvxr7GeMwAFXNgmr0YJgmAS9fi3giAIjU7KWdj5jnz7znfBs4l146krn5bQerh8+/Ay68YiCA2ISG4EQagfdFr4fRboiqHVcOg21doRmYbhWPjx5VCSb91YBKGBEMmNIAj1w75PIOE4OHrA6IXyiaOGoOVQ8Goud1g+tcba0QhCgyCSG0EQbF9SJOz+QL498kO5y29DoVSWPxYuSdaNp77JTYJdH0DaeWtHItgQkdwIgmDbtCXw2yzQa6Dd3fIR6oamywNyv56UaHnmlAVIkkSxVmeR5zIbbTGsmgS73oMlgyFms7UjEmyESG4EQbBte+ZDchQ4ecPdnzSc7aiynLyuJ21mPhaemV/CN3tjGf7JHtq+sZkZ3x/mTGKOWZ/TbLa9JW9VApTkyonOvk/E6peAQpIa109BTk4OHh4eZGdn4+7ubu1wBEGoSvxR+GY4SDoY/wOE32ftiMwnKQq+uk2eGP5cJHiEmOzSkiTxb2wGqw7FsTkqiRJd+Y7ICgXc2zmYOcPb0sTH2WTPa1ZnNsDPD8q3Jy6HCzvg6HfynztNhHsWgtrRevEJJleT128bH58rCEKjpSmC356QE5uIsQ07sQEIjICmt8nbUke/gyFv1PmSaXnFrD16jdWHr3Ip7fpJrIgQdyb1bEKXME++3H2Rv04l8vuJBDacSmRyrybMHtIKf3cbTgwyr8AfpbPE+j4tT1lvfw8EhMOmV+DUz5B+ASauAPcg68YqWIVYuREEwTZtfQP2fw6uAfDkv+Dsbe2IzC/6d/jlYXDxg+ejwc6hxpfQ6yX+uZjG6kNX2Xo6CY1O/hXvYq/i3q4hTO7ZhI6hHuUeE3ktmw+3xrDnXCoAjmol029rzuMDWuLhrK7zt2VS2hL4biTEH4GQHjB9M6jKxBi7W/47LMwEtyCYtAJCulsvXsFkavL6LZIbQRBsT9y/8O0IQILJq6HtSGtHZBk6DXzaCXIT4P6lNSqeTskp4pej11h9OI6rGYXGz3cO8+SBXmHc3SkYF4eqF+sPXExn/pazHI/LAsDd0Y5Zg1oyrV9znOxtZDDpltfhwCK5JcDje8Gr6c33yYiFVZMh9SzYOcLoRdBpvOVjFUxKJDdVEMmNINi4knz48jZ5oGSXB+WJ343J7g/h73cgtCc8WvVATZ1eYs/5VFYfimP7mRR0evnXuZujHWO6hjCpZxM6BNfs95wkSWw/k8JHW2KISc4FwN/NgdlDWzOpZxhqlRXPocRskouGQd5yan935fctyoF1M+Fc6Qmq25+HIW/W73EdjZxIbqogkhtBsHEbX5JPDLmHwJMH5HfojUleCizoIB99n/k3hHS76S6J2YWsOXyNNUeuEp91fZWme1MvJvdqwl0dg+q80qLTS/xxIp4F285xLVN+jibezrxwRxvu6RSMUmnhU2tZV+Gr26EoC/o8CSPm3foxeh3s/J98ggqgzUi4fwk4it/99ZFIbqogkhtBsGGxu+HH0fLth9ZBq6HWjcda1s6EyDXQ+QEY8yUAWp2eXTGprDoUx98xKZQu0uDhpOb+biFM7tWENgFuJg+lRKtn1aE4Pt95gbS8YgDaBbrx8oi2DG7rj8ISR/N1GvhuFFw7BMHdYPoWsLOv/uNPrYE/npZHd/i1h8mrwLu5+eIVzEIkN1UQyY0g2KiiHHk7KjsOuk+Dez61dkTWc/UwLBsGKgcSph9hdXQhPx+5SnJOsfEuvZt7M7lXE0ZEBOKoNn89TH6xlu/+ucTXu2PJLdYC0KOpFy+PaEev5mYu9t72JvzzGTh4wKw94NWs5teIPwqrHoC8JLmv0IQfofkAk4cqmI9IbqogkhtBsFF/PgPHfgDPpvDEP+Bg+lWI+kKj1VGwuD8emdF8oJ3El1p5NcvbxZ5x3UOZ2DOMln6uVoktq6CEL3df5Pt/LlOslfvlDG7rx4t3tiU82AxbiOe2wsrSYuAJP0GH0bW/Vk4irH4AEo7J/YRGfnB99IVg80RyUwWR3AiCDTq/DVaMk28/8hc0u9268VhJXHoBqw/HsebINQYVbuUj9ddck3yZG/ojE3s3Z3iHABzsbOPUUlJ2EQt3nufnw1eNhcyjOwczZ3gbmvm6mOZJsuPlOpvCDHl6+qgP635NTaGcSEeWDintMR1Gzi9/nFywSSK5qYJIbgTBxhRmwhd9ITcRej8BI9+3dkQWVaLVs/V0EqsPXWXfhTTj50NcYJviCZy12bc+GWRFl9LyWbDtHOtPJgBgp1QwoWcYzw5tTUBdGgHqtPDD3RB3AII6w4xtter7UyFJkre5tr8NSND0dnmbysXHNNcXzEIkN1UQyY0g2Jh1j8Op1eDdEmbtA/t60v6/jmJT81h9+Cprj14jPb8EkMcgDGjtx+ReYQxtH4D67/+TT/o0HwgP/2nliKsWFZ/NR1tj2BVzvRHgw/2a8cTAlng616D412D7f2HfArB3g8d3g09LE0eMPGhz7aPyXCrPpnJPpYAOpn8ewSREclMFkdwIgg0xzAdSKOUTMGG9rB2RWRVpdGyJTmLlwTgOXsowfj7A3YEJPcKY0COMMO8yyV1WHHzWGSQ9PHUI/NpaIeqaORibzvwtMRy9kgnIPXdmDWzJtNua4WxfzYk/F7bD8rHy7XHfQcT9ZooWSDkj987JvAz2rvJR8XZ3me/5hFoTyU0VRHIjCDYiPx2+6A35qXDbczD8v9aOyGzOJ+ey6tBV1h2/RlaBBgClAga39WdyryYMauuHXWXN8VY/CGc3QM+ZcNdHFoy69iRJYufZFD7cEsPZJLkRoK+rA88MbcWknk2wt6uikV5OolxnU5AGPWbA3QvMH3BBBqyZCpf3Agp5rlf/FxrmBPp6TCQ3VRDJjSDYiDUPw+nf5b4jj+82XT2FjSgs0bExMpFVh+I4UrqKARDs4cjEnk2Y0DOUIA+nW18odhf8eK+8qjDnTL1qQKfXS6w/lcDHW88Rl1EAQJi3E3OGt2F05xBUNzYC1Gnl7/XKPgjsCDO2W26yt04DW16TG0iCPKx19KJGs01aH4jkpgoiuREEGxC1Fn6dLh/HnbkDgrtaOyKTOZOYw+pDcaw7Hk9ukdwPRqVUMLSdP5N7N2FAa7+bX9SrIkmwuBeknZNP9fR+3EyRm0+JVs/PR66ycMd5UnPlXj1tA9x46c62DG1fphHgzndhz3w5kXt8j3nqbG7lyHew8UXQayGoC0xaCR4hlo9DuIlIbqogkhtBsLLcZHk7qjATBr4Cg1+zdkR1ll+sZcOpBFYdusqJq1nGz4d5OzGpZxPGdw/Fvy4nhw4tlV9wfVrBU4fr7XykghIt3++/zFe7LpJTmvh1a+LJyyPa0Uc6BT+NASQYuww6jrNeoJf3wc9T5CPorgHyabWwntaLRwBEclMlkdwIghVJkjyt+dwmCOwEj+6oWRt9GxMVn83KQ3H8eSKBvNKuvXZKBXeGBzKpVxi3tfQ1zQym4lz4uL18qmfKb9BySN2vaUXZBRq+2nOR7/65RJFGjx+ZbHd+HQ99FnR7GEYvtHaIcoHxqgcgJRpUDnJMnSdZO6pGrSav39UsXRcEwRr0eolL6fnYKRU09TFRYzRrOrlKTmyUahjzVb1MbPKLtfx+Ip7Vh64SGZ9t/HwzH2cm9WrC2G6h+LmZuH7IwQ26TJbrQQ4trffJjYezmldGtGNav2Ys2hHDyOPv4KHP4ow+jCU5k3kmLZ/mpmoEWFtezWDGFrlVQcxf8NvjkBwNw94GpW00UhQqJ1ZuBMFG6PQSsal5RCVkE3kth6j4bKITsskv0QHQv7Uvswa2pF9LH8sMKzS17Hi5WV9xNgx9Uz6NUo+k5hbzw/7L/PTvFbIL5RNP9iolIyLkVZq+Lcz8/yX1HCzuCSjg2ZPg1dR8z2VJu96HXfMoVjgyqvh/XNTLhcYTeoTyzNDW1Su6Nie9Hv5+F/aWnlRrNRzGLWt80+ptgNiWqoJIbgRboNXpuZiaT2R8NlGlH6cTcygoTWTKclQr0egkY4v7jiEePD6wBSMjgmpWmGpN2hJYfr981DakO0zfCqr6sXB8OS2fpXtj+eXoNUpKZyk193Xhwd5NuL9bKN4uFlx9+vE+iP0bbnsWhv+f5Z7XXC7tgR9GAxKMWcIZ/5F8tCWGHWdTAHCwu94I0MuSf88ViVoLvz8F2kLwbSM3/LNGwXMjJpKbKojkRrA0rU7P+ZQ8IuOziY7PJrI0kSnS6G+6r5NaRXiwOxEhHnQM8SAixIOWfi4kZhexbN8lVh+OMz6uibczMwe0YHz3UItMha41SYI/n4bjy0HtAo/tAr821o7qlk5dy+Lr3bFsikqkNK+kS5gnswa2ZHiHAOsklmc3wurJ8lTrOWdAbeVVjbrIS5H72eQlQ9eH4N7Fxi8duZzB/M0xHLosNzp0c7DjsQEtmH57c1wcrJgUJxyX+w7lxIOjJ4z/HloOtl48jYxIbqogkhvBnDQ6PeeSc4kqTWKi4nM4k5hjnJ5clou9ivBgOYHpGOpORLAHLfxcq3zRzMgv4ccDl/lh/2UyS5vB+bjY80i/Zkzp27R2be7Nbe8C2PFfuQvx5NXQ5k5rR1QpSZLYcz6Nr3dfZP/FdOPnB7f1Y9bAlvRq7m3dLUG9Dj7rAtlxcg+WblOsF0td6HXySl7sLrnP0cydN/WTkSSJXedSmb85hjOJOQD4utrz9OBWTO7dxHoDRHOT5a7a1w7LrQzufE8+nl8ft4rrGZHcVEEkN4KplGjlRCayNJGJjs/mTFKuceuiLFcHO8KD3ekY4kHHUA/Cgz1o4etS65M0BSVafjlyjaV7Y7mWWQiAs72KST2bMKN/c0I8beQdfdQ6+HWafHvkh9D7MevGUwmtTs9fkYl8tTvW+EJqp1Qwukswjw1oQbtAG/pdse9T2P6W3OTu8b3180V194fw9zugdoaZf4N/u0rvqtdLbIhM5OOtMVxJlxsBhnjKjQDv61pBI0BL0BTBhufkAnmAblNh1Mf1skC+PhHJTRVEciPURrFWR0xSrrFGJjI+m5ikXDS6m//5uDnaEREsJzGG7aWm3s6mORJ8g0pflDsH89hAK78oXz0E398NumKbnfZdUKJlzeGrLN17ifis60ni5F5NmH67DSWJZRVkwIL2oC2Sa5ea9LZ2RDVzeR/8cI88L+veL6Drg9V6mEanZ01pI8DkHLkRYJsAV164oy13dAiw/IqaJMGBRbDtTfl7adIXJvwErn6WjaMREclNFURyI9xKkUbHWUMic01OZM4l56LV3/xPxcNJTccQD8JDSldlQjxo4u1s8V+0kiSx93waX++5yD8Xym+nPD6wJb0tvZ2ScQm+GSbPB2ozEiatsKnjsxn5Jfyw/zI/Hii/vTfttmY81MdGt/fK+v0pOLEcIsbJJ3fqi/w0uc4mNxE6T5bbAdRQkUbHD/sv88Wui8ZTa13CPJnSpynDOgTg4aQ2ddRVO79N7rZdnAMeYTB5lbyqJpicSG6qIJIboazCEh1nkuRj15Glicz5lDzjyaSyvJzVRIRcX43pGOJBqJeTzR3LPnUti6/3xLIp8nohbOcwT54Y2ILhHQLNv4xfmAXLhsvjAgI7wbRN4OBq3uespqsZBXyzN5afj1w1FmY39XFmZv8WjLP1wuyyEk7AkoGgtIPno8Et0NoR3ZpeDyvGwcUd4NsWHvsb7Gvfyya7UMPSPbEs23eJQo18ylCtUtC/tR8jIwK5o0MgHs4WSnRSz8mTxTMuylttY76GDqMt89yNiEhuqiCSm8aroETLmcSc0iRGTmgupFacyPi42JcmMu7GU0shnraXyFTlclo+3+yL5Zcj14wFzS18XZg5oAVjuoaY54VcWwIrxspHfN2C5blR7sGmf54aiorPZsmeWP6KTCx3pH7WwJaMiLBAwmcO3wyHa4dg0Gsw6BVrR3NrhsJyOye5gDigg0kum5JbxIp/49gYmcj5lDzj59UqBbe18mVURBB3hAeYfzWuMBN+mSYf1Qf5/8vAl+tnTZSNEslNFURyc2sxSblcSsu3dhgmIJGQVWSskbmYmkcFeQy+rg50LE1iwktXZII8HOtVIlOVtLzi0i2Y683n/NwcmHZbMx7s3dR0y/g3HvmevhmCOpnm2rUKR2L/xXS+2n2RvefTjJ8f0MaPWQNa0Le+NkM0iPwV1s4A10B4PgpUFt6OqYkrB+D7u0DSwejP5QJcMzifnMvGyCQ2RiYSk5xr/LydUkG/Vr6MigjkjvBA8/Um0mlh6xtw8Ev5zx3ug/u+qNMKlXCdSG6qIJKbyhVrdXy89RxL9sRaOxSz8XdzMK7EGP4b4O5Qv1/kqim/WMvqw1dZtjeWhOwiQD7F9UDvJky/rTmBHnUY7Ag2c+Rbp5fYFJXI17tjjeMRVEoFd3cK4rEBLQgPbiCdZbUl8Ek45KfAuO8g4n5rR1Sx/HT4ur/cG6bjBLh/iUVWMy6k5LEpMpG/IhM5m3Q90VEpFfRt4cOojkHcGR6Aj6uJR2UAHPsRNswBvUbemp20EjzDTP88jYxIbqogkpuKXUjJ5ZlVJzhdeuKmc6gHalX9nDxclqezfenxa7mPTJ0mMzcQGp2e9ScT+Hp3rPHdrVql4N4uITw+oAWtA9xqflEbOPJdpNHxy9FrLN0TS1yGfGTYUa1kYo8wHu3fgjBv51tcoR76+z3Y/YF8Umf6ZmtHczO9HlZNhPNb5Ynmj+2S52RZWGxqHpui5BWd6IQc4+eVCuhjTHQCTTsT7MoB+PkhuajexQ8mLocmfUx3/UZIJDdVEMlNeZIksfxgHO9sOE2xVo+Xs5oPxnbijvB6UKAo1IkkSeyKSeWr3Rc5eCnD+Plh7f2ZNbAlPZp5V+9CVj7ynVVQwk8HrvD9/suk55cAcvH31L7NeLhfM8uOR7C0nET4NAL0WrnnjRW3ASv0z2fyUWmVg1x/ZQOniC6n5RsTnbKDT5UK6NXcm7s6BnFnRCD+biZ4I5R1FVZNhuRIeVjsPZ/K3ZiFWhHJTRVEcnNdel4xr6w9xfYz8hyX/q19+Xh8Z7G60Qgdj8vk692xbDmdhOE3QvemXswa2JKh7fwr79FjxSPf8VmFLNsrj6QwzOQK9XJiZv8WjO8RirN9/ZhdVWe/PALRv8l1LKM/t3Y01109BN+OkOts7v4Eeky3dkQ3iUsvYFNUIhsjEzl57Xqio1BAz2ZyojMiIpCAuvxOLMmH32bBmT/lP/d5Sp4LVk9mq9kSkdxUQSQ3sl0xKbz4yynS8oqxVyl5ZWQ7pvVrZpZGc0L9cTE1j2/2xrL2aDwlOvmEVSt/Vx4b0IJ7uwSXb3lvpSPfZ5NyWLI7lj9PJhh7D7UPcmfWwBbc1TEIuwawnVojV/bDdyPlU0hzToNzNVfczKkgA74eANlXIWIsjF1m86eGrmYUsDkqib8iEzlxNcv4eYUCejT1YmREECM7BtZuSrleD3vmw6558p9bDoVx34KTp0libyxEclOFxp7cFGl0fLD5LN/9cxmA1v6uLJzclfZBje/vQqhcSk4R3+2/zPIDV8gt1gIQ4O7AjNubM7lXE9zsJIse+ZYkiYOXMvhq90V2xaQaP9+vpQ+zBrakf2vfRlEUXiFJkhvjJUfBHe9Av9nVephWr+Vq7lWaezQ3fTyrH4CYjeDdAh7bDY716/dLfFYhmyLlFZ1jcVnlvta9qRcjIwIZ1TGI4Jp2sI7+HX5/AjQFcg3S5NXg29pkcTd0IrmpQmNObmKScnl29XHjyYGH+zZl7qj29adxmWBxuUUaVh2KY9m+S8aW926OKlb4LadT6nqzH/nW6SW2nU7iy92xnCx9N61UwMiIIB4f2IJOoZ5med565+j3sP5Z8GoGs49Va2vwy5Nf8sWJL5jXfx53t7jbdLEcWAxbXgOVPTy6HYI6m+7aVpCYXcimyCQ2RSVy5EomZV8xu4R5cldHeUUn1KuaBeuJp+Q6nJxr4OAB47+FVsPME3wDU6+Sm8WLF/Phhx+SlJRE586d+fzzz+nVq1el9//000/58ssviYuLw9fXl3HjxjFv3jwcHau3J9oYkxtJkvhh/2Xe23SWEq0eX1d7PhzXmcHt/K0dmlBPFGt1/HEiga93X+SOjFW8ol6NTlLwU/P3GXDXQ7TwM+12VJFGx2/H41m6J5bY0p5L9nZKxncPZWb/FjTzFX1DyinJl+dNFWXDA2uqdQx/3J/jiMmMYXDYYBYOWWiaOK4dhW/vlI9Aj/oIes00zXVtRHJOkbyiE5XE4csZ5RKdzqEejOoYxKiOQbc+mZeXAj9Pgav/yq0Thv8P+j5l81t31lZvkpuff/6ZqVOn8tVXX9G7d28+/fRTfvnlF2JiYvD3v/mFd+XKlUyfPp1vv/2Wfv36ce7cOR555BEmTZrEggULqvWcjS25Sc0t5qVfTxqX8ge39WP+uM6mPfIoNBr6yHUo18pHvt/UPMyPujtRKODODoE8PrAFXZt41en62YUaVhy8wnf/XCY1V14p8nBSM7VvU6b2bSZ+bquy5XV5kGOrYfDQ2irvmluSy22rbkNCwk3txt5Je1HVtRC8MBO+GgDZcdDhXhj/Q4N+sU7JKWJLtFyjc+hSRrkGoR1DDIlOIE19KknEtcXw1xy56SVAlwflwms78TNemXqT3PTu3ZuePXuyaNEiAPR6PWFhYcyePZtXX331pvs//fTTnDlzhh07dhg/98ILL3Dw4EH27dtXredsTMnNzrPJvPTLKdLzS7C3U/L6qPZM7du08dYmCHVzw5HvI+1f5qvdF42n7UA+SvvEwJYMautXo5+zpOwilu2LZeXBOPJLTz4Fezgyo38LJvUMw8VBnCy5pYxYWNgNkODpo+DbqtK77ovfxxPbnzD+efVdqwn3Da/9c0uS3NPl7AZ5a+zxPeDYQJolVkNqbjFbouXj5f/GppdLdMKD3Y0rOs1vXHGUJDj4lbyNJ+khtJfc8E9MFq9QTV6/rfYbo6SkhKNHjzJ37lzj55RKJcOGDePAgQMVPqZfv34sX76cQ4cO0atXL2JjY9m4cSNTpkyp9HmKi4spLi42/jknJ6fS+zYURRod7208w48HrgDQLtCNhZO70qY2zdkEAeQj36smy4lNm5Fw57v0UKr4ppk355Nz+XpPLH+ciOfQpQwOXcqgbYAbjw9swT2dg6tsBln2sRqd/IpQ3ccKN/BuAa3vgPNb4PA3VfYbOpZ8rNyf/038t27JzcGv5cRGqZa7JTeixAbkcSYP9WnKQ32akpZXzNboZDZGJnIgNp3ohByiE3L4cEsM7YPcGRURyKhOQbT0c5VXtvo8Ab5t5CaY1w7Bppdg/PfW/pbqPaut3CQkJBASEsL+/fvp27ev8fMvv/wyu3fv5uDBgxU+buHChbz44otIkoRWq2XWrFl8+eWXlT7P22+/zX//+9+bPt9QV25OJ+Tw7OrjxgFyM25vzkt3thVFw0LtVfPId2J2Id/uu1St1ZcjlzNMtuojlHF+u3yKzcEd5pyp9Gj+tM3TOJJ8hDZebTiXeY5+wf34evjXtXvO+GOw7A65zmbkfOj9eB2+gYYlI7+EraVbV/svppcb0ts2wI1RHYO4q1Mgrfzd4OphWDZMbnj40oV6d8LMEurFtlRtkptdu3YxadIk3nnnHXr37s2FCxd49tlnmTlzJv/5z38qfJ6KVm7CwsIaXHKj10t8+88l5m+OoUSnx8/NgY/Gd2ZgG7G8KdRBLaZ8G+pmvt13mbS88nUz7YPcWbbvEkevZALyG9c7OgTw+MCWdKtjvY6A3E9lUXd5i+quBdBzxk13KdGV0G9VP4p1xSwYtIA5u+bgqHJk/+T9qGs6fLMoW+5nk3kZ2t8DE35q0HU2dZGZX8K208lsjEpk3/k0Y48mkFtyjIoI5MnTD+CQdQHGfA2dJ1kxWttUL7alfH19UalUJCcnl/t8cnIygYEVt/7/z3/+w5QpU3j00UcB6NixI/n5+Tz22GO8/vrrKJU3L2E7ODjg4NCwC7SSc4p48ZeTxsnHw9oH8MHYjuYZCCc0HpIEfz0vJzZqF3jg52r1svFwUvPkoFZMv605vx2PZ8meWC6l5fP5zgvG+9irlIztHsKj/VvIy/OCaSiV0HMmbJkLh5bKXYFvSDZOp5+mWFeMl4MXQ5sMxdvRm4yiDE6lnaJ7QPfqP5ckwZ+z5cTGswmMXiQSmyp4udgzoWcYE3qGkV2gYevpJDZFJbH3fCrnU/L4bOcFFHadeM7uApqTv6IWyU2dWG1D297enu7du5crDtbr9ezYsaPcSk5ZBQUFNyUwKpW83dLI2vUYbYlOYsSne9h7Pg1HtZJ3x0SwdGp3kdgIdbfvE/kkh0IJ47+rcS8bR7WKyb2asH3OQL56qBvdmngS4O7ArIEt2ffKYObd30kkNubQ5QFQO0PqGbh880GL4ynHAejq3xWlQkmvQLn1xqHEQzV7nsPfwOk/SutsvhfddmvAw1nN+B5hfPtIT468MZwFEzozrL0/m/T9AFDE7uTImYtWjrJ+s+oRhDlz5vDwww/To0cPevXqxaeffkp+fj7TpslHTadOnUpISAjz5sktq++55x4WLFhA165djdtS//nPf7jnnnuMSU5jUVCi5X8bzrDqUBwgV+R/NqkrrfzFi4VgAlHrYEdprdqID6rVN6UyKqWCERFBjIgIMlFwQpWcPKHTRDj6HRxaAs37l/vysRS5mLhbQDcAegX1YvPlzRxMOsgTPHHj1SqWcEI+4QMw/L8QWoMVH6EcDyc193cL5f5uoUTFt+HCssW00l/i1+VfsnfQY8we0qrxjRQxAasmNxMnTiQ1NZU333yTpKQkunTpwubNmwkICAAgLi6u3ErNG2+8gUKh4I033iA+Ph4/Pz/uuece3n33XWt9C1YRFZ/NM6uPE5uaj0IBjw1owQvD22JvJ/4BCCZw9ZA86A/kKd+9H7NuPELN9XpMTm7O/gXZ18AjFAC9pOdEyglAXrkB6B3YG4CTqScp0BTgrL5FA7qiHHlYp64E2o6CPk+a67todCJCPCgZ8BDs+h93K/fz0I7BHLiYzieTuhBS01EPjZzVOxRbWn3uc6PXSyzZG8vHW2PQ6CQC3B34ZEIX+rXytXZoQkNhxSnfgol9fzdc3gv9X4ChbwIQmxXLvX/cW66AWJIk7lx7J4n5iXw97Gv6hfSr/JqSBL9Oh+h14BEm97OxhUGdDUnmZfisMxJKBklfcaXYFQ8nNR+M7djoVz9r8vot3urXE4nZhTy07CDvbzqLRicxIjyQzc8OEImNYDqFWbBygpzYBHaCsd+IxKY+M4w+OPo9aIqA61tSHf06Gk9GKRQKY93NwaSKW3AYHf1OTmyUdvJUa5HYmJ5XMwjpjgI9vw1Ko3OYJ9mFGmYtP8brv0VSpNFZO8J6QSQ39cCmyERGfLqX/RfTcVKr+GBsR758qBteLvbWDk1oKLQlsGaK3MvGLVg+GVVJjxShnmh7F7iHQEE6nP4duN68r5t/t3J37R0kb01VWVScFAmbSjvHD30LwiqfASjUUcRYALwvrefXWX2ZNbAlACsOxjF60T5iSocfC5UTyY0Nyy/W8vKvJ3lixTGyCzV0CvXgr2duZ2LPJqLJmWA6tTzyLdg4lR30kA9ncGgJUKaY+IbkpmdgTwBOZ5wmp6SCLu7FuaV1NsXQ+k7o+7TZwhaA8DGAAuIOoM5L4NWR7fhpRi/83Bw4l5zH6EX7+OnfK432lHB1iOTGRp28msVdC/ey5sg1FAp4anBL1j7Rz+TTlwWhrke+BRvW7RFQ2UP8UZIvbCc+Lx6lQkknv05krl5NTI+e5O3eTaBLIM3cm6GX9BxNOlr+GpIEG56H9AvyStCYr+R+OoL5uAdD09Lap+jfAejf2o9Nz/ZnUFs/irV6/vN7FLOWHyWroMR6cdow8RNqY3R6icV/X2Dsl/u5nF5AsIcjq2b24aU724k5O4LpmfDIt2CDXP1KVwHg+LGvAGjr1RaHzHyS53+IPi+PxP/+F31RUeV1N8d+hMhfQKESdTaWVPr/jajrE959XR349uGe/OfuDqhVCrZEJzPys70cjE23UpC2S7xa2pD4rEImL/mXD7fEoNVL3NUpiE3PDqBPCx9rhyY0ROLId+PQS/7/erx0S6qrf1dSPv4YqaAAAG1CIunffmusuzmYWCa5SY6GTS/Lt4e8AU36WC7uxq7DffJqasIxeZxGKaVSwYzbm/Pbk7fR3NeFxOwiJi/9lwXbzqHV6a0Xr40RyY2NWH8ygRGf7uHQ5Qxc7FV8PL4ziyZ3xcO5hrNeBKE6KpjyLTRQId0huCvH7eXfJb3Tvcj5cz0oFHjPmA5A+tJv6KZoCsCFrAukFaZBcZ5cZ6MtglbD4LbnrPQNNFKuftB8oHw7at1NX44I8WDD7NsZ1z0UvQQLd5xn8tJ/ic8qtHCgtkkkN1aWW6RhzpoTzF51nNwiLV2beLLx2f6M7R5qlaJhrV7L838/z2t7XyO7ONvizy9YQGGmOPLdmCgU5HV/hBh7NQpJIvSbzQB43D8G/xdfxKlbN6TCQooXLaOtV1sAjiQdgY0vlp6eC5IHOYo6G8srPTVVUXID4OJgx0fjO/PZpC64Othx+HImIz/dw6bIRAsGaZvET6sVHb2SyV0L97HuWDxKBTwztDVrHu9LUx8Xq8UUnR7N9rjtrI9dz6QNkzibcdZqsQhmoC2BNVPFke9G5pRfM/QKBfed0KI7HYPSxQX/559HoVAQ8NproFCQs349d+Y1A+Bg1Ao4uUreFhm7DFxEPy2raH+3PLsrJRpSKv9dfG+XEDY+05/OYZ7kFGl5YsUxXvstksKSxtsTRyQ3VqDV6fls+3kmfH2AuIwCQr2cWPN4X+YMb2P1ouFTqaeMt6/lXeOhjQ/x2/nfrBiRYDJlj3zbu8KDa8SR70biaHokTsUS9+2R/+z75JPY+coJi1NEOB73y8WrvX+OQiFJHEo+It9x8GvQ7DZrhCwAOHlBq6Hy7eiKV28Mmvg4l+uJs/JgHPcubrw9cURyY2FXMwqYuORfPtl+Dp1e4r4uwWx8tj89mtnGCQRDcvNwh4cZEDqAYl0xb+5/k7f3v02xrtjK0Ql1UvbI97jvILCjtSMSLOR4ynHG7NfjVKDA3k2L94ge5b7u/9xzKF1cUMdcYVCkRJzajsTmt8PtL1gpYsHIuDW1Vn6DUgW1Sil64pQSyY0F/Xb8GiM/28vRK5m4Odjx6cQufDqpK+6OtlM0fDL1JAD9Q/vz+ZDPmd11NgoUrD2/likbp3At95qVIxRq5aYj33dYNx7BYjQ6DckxJ7nrsPzi5t81G8Xx78vdx87PD98n5JNzD/2tw7FY4mD3iaLOxha0HQl2jnKfoaRTt74/FffEefynxtUTR/zkWkBOkYZnVx/n+Z9PklespUdTLzY+25/7uoZYO7RyUgpSSMxPRIGCCN8IlAolj3V6jK+Gf4WngydnMs4wccNE9lzbY+1QhZoQR74btTMZZ5i4rRC1Dly6d8A1qBhOroai8gcGvLo4onbV4lagYMwBPYcyRb2dTXBwu95/qpLC4orc2BNn6+nG1RNHJDdmdvhyBiM/3csfJxJQKRXMGd6G1Y/1Iczb2dqh3SQyNRKAVl6tcFFfL2ruF9yPNXevoaNvR3JKcnhqx1MsOr4Inb7xFqvVG+LId6N3ces6ep6X0CkVBPz3AxR+bUGTDydWXb9T6jmUW14moKuc8Nx9SOLC6X8a3VaGzQq/X/5v1Lpbbk2V1Zh74ojkxkw0Oj0fb41h4tcHiM8qpIm3M7/M6sszQ1tjZ6Odhg1bUp39Ot/0tSDXIL4f8T2T2k4C4OtTX/PE9ifILMq0aIxCDYgj342epNHgv3QDACkju+HQqtX1aeGHloBeD5pCuZ+NJh/X23rh2KcXah2M+iuVKzlXrBe8cF3rO+RDANlxcO1IjR/eGHvi2OarbD13JT2f8V8d4POdF9BLMK57KBuf7U+3Jl7WDq1KhuSmk2/Fs4XsVfa83ud15vWfh5OdEwcSDzBhw4RyJ6wEGyGOfAtAxqpVeCflk+MEPk89KX+y82RwcIeMixC7Eza9Ih81dvFHMXYZQa+9jl4Jvc9JRG9dbd1vQJDZO0PbUfLtMuMYaqKx9cQRyY0JSZLEL0euMuqzvZy4moW7ox2LHujKR+M74+pgZ+3wqqTRazidfhqoeOWmrLtb3M2KUSto5t6MpPwkHt78MKvPrhZL2LZCHPkWAG1mJimfLwTg18H2dGgqT/7GwRW6PCDfXv8cHPsBUMDYpeAWgGObNiQOl38HeH61DkmrtXzwws0Mp6aif4M6lAQ0lp44IrkxkewCDU+vPM5Lv54iv0RH7+bebHpuAHd3qh8vKucyz1GkK8LN3o1mHs1uef/WXq1ZddcqhjUZhlav5d2D7zJ331wKNAXmD1aomjjyLQCpn30GuflcCoD0YV1Rq8qcyuz5qPzf7Kvyfwe8BC0GGb/sM/spch3BOz6XjDVrLBe0ULmWQ8DRA/KSIO5AnS5VUU+c0Yv2cTYpxxSR2gSR3JjIzphk/opMxE6p4OURbVk5sw8hnk7WDqvaDFtLnXw7oVRU78fC1d6VBYMW8GKPF1EpVPwV+xcPbnyQy9mXzRipUKWyR75HzhdHvhuporNnyVrzCwDfD1PRJbBb+Tv4tpZfLAGa3g6DXi335YgWffh9kAMAKZ99ii5bjGKxOjt7aH+PfLuWW1Nl3dgT53xKHqMX/cNPBy43iFV4kdyYyH1dQnhsQAvWPtGPJwe1QqW0/FyoujAmN34V19tURqFQ8HD4w3xzxzf4OvlyIesCk/6axLYr28wRplCVG498GwpHhUZFkiSS35sHej0nOrpwpomCbgHdbr7j3Z/CoNdgwo83FZqrlWqyRvYmzhfIziV18WKLxC7cgmFr6vQfoDPNdmHZnjglWj3/+SOax346SmZ+/e6JI5IbE1EoFLw2qj2dwzytHUqt1Da5MegR2IM1d6+hm3838jX5zNk1h48Of4RWL/brLUIc+RZK5W7ZSsGhQ+Bgz5L+RShQVFxH59UUBr0CLj4VXqdXSF9+GCa/RGSuWEnxhQvmDFuojmYDwNkXCtLh0m6TXfbGnjjbTiczauFe/q3HPXFEciOQUZRBXG4cAB19a1+f4efsxzd3fsMj4Y8A8MPpH3h066OkFqSaIkyhMuLIt1BKX1REyvz5AGSPG0Kah4I2Xm1ws3er8bV6BfUisrmS423sQKcj+f0PGsR2Rb2msoMO98q3a9DQrzoq6onzQD3uiSOSG8HYvK+5R3M8HDzqdC21Us0LPV5gwaAFuKhdOJp8lAkbJnAkqea9GYRqEEe+hTIyvvsOTUICdoGB7BskD8bs6t+1Vtdq69UWd3t3vh0sIdmpyN+3j7zdplstEGrJsDV1Zj1oTT/vr6KeOJOW/Mu1zPp1WEQkN8It+9vUxvCmw1l912paebYirTCNR7c+yg/RP4h3fqYkjnwLZWiSkkhbshQA/5de5FCW/O+6e0D3Wl1PpVTRM7Anyd4K4u+Sa3ZS5r2PVFK/azHqvSZ9wS0IirPhwg6zPMWNPXGOXMlk1Gd761VPHJHcCMZ6m87+Vfe3qalmHs1YMWoFo5qPQifp+OjIR7yw+wXySvJM+jyNljjyLZSR8tHHSIWFOHXvjmr4QGIyYwDo4t+l1tfsHdQbgN/6KVH5+lJy5QoZy1eYIlyhtpTKMuMY6n5qqioV9cSZu65+9MQRyU0jp9PriEyTt6VMuXJj4Kx25v3+7/N679exU9qx7co2Jv81mfOZ503+XI2KOPItlFFw7Bg5GzaAQkHAa3M5lXYKvaQnxDWEQJfAWl+3d6Cc3BzKjcLr2acBSPviC7Tp9bfQtEEwbE3FbIIS824XGXriPDGoJQoFrDpUP3riiOSmkbuYfZECbQHOds608mxlludQKBRMajeJH0b8QIBzAJdzLvPgxgfZELvBLM/X4Ikj30IZkl5P8rvvAeA5bixO4eEcTzkO1L7exqC5R3N8nXwp1hVz+bZmOIaHo8/LI/XTz+oct1AHId3As6k8APX8FrM/nVql5JUR7fhpeu960xNHJDeNnKHepqNvR1RmPmHTya8Ta+5ZQ9+gvhRqC5m7dy7v/vsuJTqxh19t4si3cIPs336jKDoapasrfs89B8DxZNMkNwqFgl6BvQA4mHyYgNdfAyDr118pOn26TtcW6kChgAjLbE2VdXtrXzY/25/B9aAnjkhuGrm69repKW9Hb74c9iWPdXoMgNUxq5m2eRpJ+UkWef56TRz5Fm6gy8sjZcEnAPg+9RR2Pj5o9BpOpcn/rrv5V9C8r4YMdTeHkg7h3K0b7qNGgSSR9N57NvuuvVEwbE2d2wpFltsi8nF14NtHbL8njkhuGjlLJzcgn8KY3XU2i4cuxs3ejVNpp5iwfgIHEuo2L6VBE0e+hQqkffkluvR07Js1w/tBeRhmTEYMhdpC3O3daeHZos7PYVi5iUyNpEBTgP+LL6BwdKTwyFFyt5h/S0SoREAE+LaRV3FjNln0qRWK6z1xWthoTxyR3DRi2cXZxGbHApZNbgwGhA5gzd1raO/dnsziTB7f9jhLTi1BL9nGPw6bIY58CxUovnSJjB9/AiBg7qso7O0BOJp8FJBXbao7J64qoW6hhLiGoJW0HE0+ijo4GJ9H5cGbyfPnoy8qqvNzCLWgUFjs1FRlIkI8WD/7dsbbYE8ckdw0YlFpUQCEuYXh7ehtlRhC3UL5adRPjG09FgmJz49/zuyds8kuFoP6ACjIgK1viCPfwk1SPpgPGg0uAwfgOnCg8fPGYuKAutXblFV2awrAZ8Z07IKC0CYkkv7ttyZ7HqGGDHU3F3fIvyuswMXBjg8r6Imz0co9cURy04hZY0uqIg4qB97u9zb/1+//sFfas+faHiZumMjp9EZcsJh8GtY/Cws6wIFF8ufEkW+hVN7eveTt2gV2dgS8cn2ityRJxuTGFPU2Bsai4sSDACidnPB/8QUA0pd+gyZJ1MxZhV9bCOgIeq3csdiKbuyJ886G01bthyOSm0bMcFKqwqF6VjCm9RiWj1pOiGsI8XnxTNk4hXXnTTs/xabpdXD2L/jhHviyLxz9HrSF8i+vscvEkW8BAEmjIXne+wB4P/QQDi2aG792JecKGUUZ2Cvt6eDTwWTPaUhuzmacNa6quo8ahVO3bkiFhaR8vMBkzyXUkGH1Jtr6vyvL9sT5dFJXnOytd+BBJDemlHhKfoGqB/SS3niiwtorN2W192nPz3f/zMDQgZToS3hr/1u8+c+bFGkb8L5+YSbs/xwWdoHVD8i1NQqVPCBv2iaYtRc6jrN2lIKNyFy5kpLYWFTe3vg++US5rxlWbSJ8I7BX2ZvsOf2c/Wjh0QIJyTgnTqFQEPDaa6BQkLN+PQXHj5vs+YQaCB8j//fSHshLsW4sXO+J06u5dUodDERyYyoZl+DbO+G7kZB2wdrR3NLlnMvkluTiqHKkjVcba4dTjoeDBwuHLOSZrs+gVCj57cJvTNk0hau5V60dmmmlnIUNz8tbT1vfgKw4cPKC25+HZ0/ChB+haT+5cFAQAG1GBqmLFgPg9/xzqNzdy339WMoxALoFmG5LysC4NZV00Pg5p4hwPO6XX1yT35uHpBeHASzOuzmEdAdJD6f/sHY0NkMkN6aSdl5+t331IHx1G+xfZNOrOCdT5C2pDj4dUCvVVo7mZkqFkpmdZvLVsK/wcvDibMZZJm6YyK6ru6wdWt3o9RCzGX68D77oDUe+BU0B+IfD6M9hzhkY9jZ4hlk7UsEGpX62EH1uLg4d2uN5//03fd1UnYkrYiwqTjxU7vP+zz2H0sWFoshIsv/40+TPK1SDoeeNlU5N2SKR3JhKmzvgyQPQYjBoi2Dr6/DdKJtdxTFsSdlKvU1l+gb3Zc09a+jk14ncklxm75zNwmML0dlw4lihomw48AV83g1WTYTYv+XTT+3uhoc3wBP/QLepoHaydqSCjSo6c4asNWsACHztNRSq8vUMaYVpXMm5ggJFnYZlVqZnYE8UKLiYfZHUglTj5+38/IzbYykLPkaXl2/y5xZuIXwMoIC4A5Adb+1obIJIbkzJMwym/AZ3fyr3I7n6r7yKc+AL+R27DbGVk1LVEegSyPd3fs8D7eQmZUsjl/L49sfJKLLO0ccaST0Hf70IH7eHLXMh8xI4ekC/Z+CZEzBpBTTvX+nWk6TXU3zhAiVxcZaNW7ApkiTJ86MkCfdRo3Du0eOm+xhWbVp7tcbd3v2mr9eVh4MH7bzbAdePhBt4TZmCukkTdKlppC9ZYvLnFm7BPVjewgaI/s26sdgIkdyYmkIBPabJqzjNB8qrOFvmwvejIP2itaMDIF+Tz4UseUWpouQmc80aUj9fRO7OnWiSrV+gBqBWqZnbey7v938fJzsnDiYeZML6CcYTXzZFr5dbov90PyzuCYeXygPu/NrLie+cM3DH/8Cr6U0P1aSkkLt9OykLPuHKI9M417MXsXffw8W77qbozBnLfy+CTcjdsoWCI0dQODoaj2Df6FiyXG9jji0pgxv73Rgo7e0JePUVADK++46Sqw2sPq4+MBQWi60pAOysHUCD5dkEpv4h11Rse1NeLvzyNhj2FvR6HJTWyyuj0qLQS3qCXILwd/Yv97WCo0dJevOtcp9T+fni1CEcx/BwHCMicAwPRx1Q/nGWcleLu2jr1Zbndz3P5ZzLPLL5EV7q8RKT201GYe3C26IcOLkKDn4NGYZEVgFtR0Hvx+Rkt0yM+oICiqKjKTx1isKTpyiMjESbWEHjK4UCNBqS35tHkx9/sP73KViUvrCQ5PnzAfB59FHUwRV3pzZHf5sb9QrsxffR3xv73ZTlOngwLv36kb9/Pynz5xP6+edmi0OoQIf7YNPLkHAMMmLBu+6jN+ozkdyYk0IBPWdAq2Hw59PyUb3Nr8rNlu5dZLUfvqq2pAzt3B1atwIUFF+8iC41jbzdu8nbvdt4P2PCU5rsWDLhaeXVilV3reLN/W+y7co25h2ax4nUE7zd922c1c4WiaGc9ItwaAkcXwElufLnHDyg2xTo+Sh4N0fS6Sg+d56iyNJE5tQpis+fv3m7UqnEoVUrnDp3wrFjR5w6d0bp7Ezs3fdQcPgwuVu24j7iTst/j4LVpH/7LdqEROyCg/CZMb3C+xRoCjibcRYwz0kpg24B3bBT2BGfF8+13GuEuoUav6ZQKAiY+yqx940hd9t28v/9F5c+fcwWi3ADVz/5DVTs3xC1Dga8aO2IrEokN5bg1RSm/AFHv4Wtb8KVf0pXcd6GnjMtvopjTG58yyc3moQEcrdvByD4o49xbNsGfWEhRWfPUhQVTVG0/FFlwhN+PdkxZ8Ljau/KxwM/5qfTP7Hg6AI2XdrE+czzLBi0gOYezW99gbrS6yF2p7xKc37r9c/7toHej6MJGELh2QsUfbuWwlORFEVFoS+4ed6KXUAATp06lSYznXCKCEfp4nLT/XxmzCDtiy9ImT8f10EDUTo6mvO7E2yEJjGR9KXfABDw0ksonSouOD+VdgqdpCPIJYhAl0CzxeOidiHCN4ITqSc4nHS4XHID4NC6NV6TJpG5YgXJ782j+bq1KOzEy4zFRIyVk5vo30RyY+0AGg2lUn4X32oY/PE0XN4rLyGe/rN0FccCL8jIhYnGzsT+5U9KZa5cCTodzn364NhW7n2jdHLCuWtXnLte38fXFxZSdOasMdkpl/Ds2iW3hS9lzoRHoVAwNXwq4b7hvLj7RS5kXWDShkn877b/cUczM40pKM6Fk6vlpCb9PAA6jZIil34UKjtSdDafwl+Wo03++KaHKp2d5dWYTh1x7NQJp06dUAcEVOtpfR6dQda6dWgSEsj4/nt8Z80y6bcl2KaUDz9CKirCqUd33EaMqPR+x5PNdwT8Rr2DenMi9QT/Jv7LmNZjbvq63+ynydmwgeJz58j65Re8Jk82e0xCqfZ3y72zkqPkPlr+7SweQlphGs/sfIYhTYYwI2KG1bbRRXJjaV7NYOqfcGSZXItzZZ+8ijP8v9BjhtlXca7lXiOzOBO1Uk177/bGz+sLC8n85VcAvKdOqfIaSicnnLt1xblbmYSnoICiszHVSnjs/PzKJTt1TXi6B3Tnl3t+4cXdL3I0+Sgv7H6BqalTea77c6br4ZMRC4eWIh1dTnFKAYXp9hRm+VKU70Nxcj7oY4HY6/dXKnFo00ZelSlNZhxatrzp+G51KZ2d8X/xRRJefJG0r5fgMWZMtRMjoX4qOHKEnI0bQaGQj35X8SJhbN5nxnobg95Bvfn61NccSjqEJEk3xaXy9MT3mdkk/+8dUj9biPuoUag8PMwel4DcBLTVUDi3WR7H4P+axUPYGbeTyLRIAB7t+KjFn99AJDfWoFTKc4IMqzhX9sHGF+XukvcukhMgMzmZJq/atPduX649e/af69FnZ6MODS03Ybi6lM7O1Uh4oii+GIs2NfXWCU9EOGr/6ic8vk6+fHPHNyw8tpDvor/jx9M/EpUWxdv93sbN3q3G3w/Ix7D1xzah3bwczekYtGlqNBnOoHMtcy+5xkYZ6I9dRAfUHTvI/23fBkXpFoIWyAPySjJrFQeAu7077neNInPlSgqPHSPl448JKS0yFRoeSacj6b33APAcPx7HDpXPidLqtcbVWHPW2xh08uuEg8qBtMI0LmVfooXnzbWDXhMnkrV6NcXnL5C6eDGBr1n+RbbRihgrJzdRa2HQXIt3ON8ZtxOAoU2GWvR5b2SS5Ean0xEZGUnTpk3x8vIyxSUbB+/m8PB6OPwNbH9L3qr6oh/c8X/QfbpZVnEMnYnLFhNLkkTmcrmQ2OuhB2u9unCjWyY8UVEUnY6uXsITUbrCU0XCY6e0Y06POXTy68Qb/7zBsZRjjP59dLXjdSqWaJko0SoBWidItEqQ8DL2I7teB1PgABeCFFwMgvPBCi4EK8hyzQD2yR8XkD9MyNvRmz/u/YOAuXO5PH48OX+ux2vy5HLbhULDkbVuHcWnz6B0c8PvuWervG9MRgyF2kLc7N1o6dnS7LE5qBzo4t+Fg4kHOZh0sMLkRmFnR8DcucRNn0HmipV4TZiAQ6tWZo9NANqOBDtHSL8ASZEQZLleZjklOcaTdPUyuXnuuefo2LEjM2bMQKfTMXDgQPbv34+zszMbNmxg0KBBJg6zAVMq5WPCrYfB709B3H746wV5FWf0ogp7odRFRZ2JCw4coPj8BZTOzniOHWvS57tRlQlPVJSc9FQn4YmIwDG8Q4UJz7Cmw2jl2YrX971OVHpUhXGodBJhqXIC0ypBomWCREiadFPjJ50C4vzhQrCSCyEKLgQpSfAF6YZ3Q+bcTNRLejKKMtgTv4fRHUfjcf/9ZK9bR/J782j282oUVmwrIJieLjeX1E8+BcD3qSex8656AKFhS6qrf1eUCsv8LPQO7M3BxIMcSjzE5HYV19S49OuH69Ch5O3YQfL7HxC2dIloY2AJDm7Q+g4486e8emPB5GbPtT1oJS0tPVrSzKOZxZ63IrVKbn799VceeughANavX8+lS5c4e/YsP/30E6+//jr//POPSYNsFLxbwCN/yUeKt78tHxv/sp/c7K37NJMsLRZqCzmXcQ4ov3KT8dNyADzGjEHlVrstnLqoPOEpc0qrhglPM/9mrLhrBSCvTGniE8odwy46fRqp6OZJ42oXLU4+GhxDXXEaPAbHu2cT4WWdnj4GC48tZGnkUvZe28volqPxf/45cjdvlmf5/PknnvfdZ9X4BNNK++JLdBkZ2LdogfeDD97y/uacJ1WZXkG94LjczE8v6StNqgJefom8PXvI37ePvN27cRNvfC0jYmxpcrNOPpVroaRyx5UdAAxtat1VG6hlcpOWlkZgoHzccOPGjYwfP542bdowffp0PvvsM5MG2KgoldBnFrQeDn88JTf+2/B86SrO53JjwDo4nX4araTFz8mPIJcgAEri4oyJglc1fpFaipzwdMO52/UaghsTnsLoKEpiL1We8EREAFB46hS69PQKnsMBJx8djm6ZOPmU4OSjwS58EPSeBa2GW7XRYln9Q/uzNHIp+xP2o9VrjbN8Uj76mNSPF+A2bDgq15uPjwv1T3HsJTJ+kreIA+a+ikJddUG8JEnGzsSWKCY2CPcJx0XtQk5JDjEZMbT3aV/h/eybNsXn4amkf7OMlHnv49qvHwp7+wrvK5hQ6zvkEUDZcXDtCIT1NPtTFmmL+CdBXtiw9pYU1DK5CQgI4PTp0wQFBbF582a+/PJLAAoKClCZqF6jUfNpCY9shINfwY7/g9hdpbU4/4Puj9Q6Cy/bvM+wPJyxfDlIEi4D+uPQwjLH0Wvr1glPFIXR0dcTnr//vv5gOzsc27XDqW1zHJ2ScMrfg719gvxXqXaBLlOg12Pg19by39gtdPTtiLu9OzklOUSmRdLVvyteU6eSueYXNHFxpC9Zgv+c560dpmACyR+8D1otrgMH4tq//y3vfzX3KulF6aiVasJ9wy0QocxOaUePgB7svrabg4kHK01uAHxmzSLr9z8ouXKFjOUr8Jk+zWJxNlr2znJn9Mg18qkpCyQ3+xP2U6gtJNgluNxJXGup1VvTadOmMWHCBCIiIlAoFAwbNgyAgwcP0q6d5c/VN0hKJfR9Up4WHdZH7ny74Tn4aQxk1W5uy42diXV5eWSvXQeA95SpJgnb0gwJj/fUKQR/8AEtN2yg7ZHDNF25goDXXiPgtbk0XbmStusW0ny8A4H2S/HU/oGDQyYKr6Zwx7sw5zTc9bFNJjYgv5D0C5aH4u29thconeXzysuAmOXTUOTt3k3+7j2gVuNfOqfpVgz1NhG+ETioHMwZ3k16BfYC4GDSzaMYylK5uuL/vJx8p33xBdoKVlEFM4gorZ+MWgd6ndmfbkecvCU1pMkQm6itqlVy8/bbb/PNN9/w2GOP8c8//+DgIP+jUqlUvPrqqyYNsNHzaQnTNsovwnaOcvfJL/rC0R9Akqp9mXLN+0qLibN/+x19fj72LVrgcvttZgnfGowJz+RxeEeA88GnUa68Tx57IenlFuWTVsEzx6Hf0+Dkae2Qb6l/qPwufl/8PuPnXIcMwaVfXySNhhRxLLxek0pKSH7/AwC8p0zBoXn1VlGtsSVlYBiieTT5KBq9psr7eoy5D8fwcPR5eaR+KkoXLKLlEHD0gLwkucTBjDR6Dbuu7gJsY0sK6nDIY9y4cTz//POEhl5vv/3www9z7733miQwoQylSn4RnrUPQnvJqzjrn4HlYyH7WrUukZSfRGphKiqFig4+HZD0ejKXy4XEXg89aBOZtkkUZsKpNbDmYfiwFfw5W+7WaeckF2Y/cQAe/hPajZL/XusJw8rNmYwzpBakAnKHZv9XXwWVyjjLR6ifMlaspOTSJVQ+Pvg+Uf3u08ZhmRbob3Oj1l6t8XTwpFBbSHRadJX3VSiVBLwu97rJ+vVXik6ftkSIjZudPbS/R75t5knhR5OPklOSg7ejt0UL26tSq+TmmWeeYeHChTd9ftGiRTz33HN1jUmojG9rmL4Zhv8PVA5wcYe8inPsx1uu4hia97XxaoOTnRN5e/ZQcuUKSjc3POt7Qpp9DQ4ugR/vlROadTPh9O9QkgceTWD4/8lbT/d8CgGVN0OzZb5OvoT7yDUVZVdvHNu0wWvSJACS35uHpNVaJT6h9rTp6aQtXgyA//PPVfvEYnphOpdzLgPlWztYilKhpGegXMtR0ZTwGzl364b7XXeBJMk/qzVYeRZqybA1dfoP0Jnvd8P2K/JMwsFhg1HZyJvGWiU3a9eu5bbbbt7G6NevH7/++mudgxKqoFTBbc+UruL0hOIceXVixTjIjq/0YYZ6G8MvwczS6d+e48ZVOKjRpkkSJEfD7vnw9QD4JBw2vSQXXuu14Nce+r8AM3fCsyfhtmfBuepeIfXB7SG3A+WTG5Bn+ag8PIyzfIT6JfXTz9Dn5eEYHo7H/fdX+3EnUk4A0MqzFR4O1hlv0DtQ3po6lHSoWvf3f/EFFI6OFBw5Qu6WLeYMTQBoNgCcfaEgHS7tvvX9a0Ev6fk7Tj68MaTJELM8R23UKrlJT0/Ho4JZIe7u7qSlpdU5KKEa/NrA9C3yqoTKAS5sl1dxji+vcBXHUG/Tya8TxRcukL9/PyiVNnX8u0o6LVzeB5tfg886yz2A/n4XEk8CCmjSF+54B2Yfg6f+haFvQkh3mznObQqGupsDCQfQ6q+/CzPM8gFI/Wwhuqwsa4Qn1EJhdDRZpW8IA15/rUYNGS05T6oyhrqbEyknKNLe3DfqRuqgIHwelecNJc+fj76CXlOCCansoEPpynzUOrM8RVRaFCmFKbioXegT1Mcsz1EbtfrN36pVKzZv3nzT5zdt2kSLFje34hbMRKmSVyVm7ZVfyIuz5f44KydAToLxbiW6Es6knwHklZuM0lob1yGDsQ8NsUro1VJSAGc2wO9Pwket4fu74N/FkHVFLq5uM1Lu4vzieXm7rt9suQC7gYrwicDTwZNcTa4xWTXwmjgRh9at0GVlkbr4CytFKNSEVLo9gyThftdd5VocVIexeV+A9Wocmro3xd/ZnxJ9CSdST1TrMT4zpmMXFIQ2IZH0b781b4DC9a2pM+tBW2zyy2+Pk7ekBoQMKDev0NpqldzMmTOHl19+mbfeeovdu3eze/du3nzzTV599VWef17027A4v7YwfavciVJlD+e3wuI+cGIlSBJnM86i0WvwcvAiWO9O9h9/AjZ6/Ds/TV59WjUZ5reAnx+EEyugMEOeeNt5MkxcDi/HwgOrodsUcPWzdtQWoVKqbjoSbmCY5QOQuXIlxRdMPNxKMLncTZsoPHoUhZMT/i+9WKPHFmgKjG9YrLlyo1Aorm9NJVZva0rp5ERA6febvvQbNElJZotPQF7VdguS3/xe3GnSS0uSZByUOaSp7WxJQS2Tm+nTp/Pxxx+zbNkyBg8ezODBg1m+fDlffvklM2fONHWMQnWo7OD25+HxvRDcTf5B/v0JWDmRk1flF8JOfp3IXrsWqbAQh7Ztce5l/sZO1ZIRC/sXwbcj5RWaP56CmI2gLZS7Mvd5Eh7eAC9egDFfyScA7OtZnZCJVFZ3A9dn+aDTkTzvfVGwacP0hYUkf/gRAD4zH0Vd2vG9uqLSotBKWgJdAgl2DTZHiNXWK6h6/W7Kchs5Eqfu3ZEKC0n5eIG5QhNA3poPL63lMvGpqYtZF7mScwV7pT39Q27ddNKSaj0V/IknnuCJJ54gNTUVJycnXF1dTRmXUFv+7WDGNti/EHbNg/NbOJV7Epzs6eQVTsa78rwl76lTrHf8W5Ig4Tic/UtOYlJuOBYa2Ana3S0f1w6IsNhclPrgtpDbUKAgJjOG5PxkAlwCyn094OWXyN+zh/x//iFv1y7cBg+2UqRCVdK/WYY2MRF1cDA+06fX+PFHU44Clp0nVRlDM7/otGjySvJwtb/1a4FCobg+4X79erweEBPuzSrifnlL/+xGebvf3tkklzVsSfUN7ouL2rbecNa52tLPz08kNrZGZQf958BjuyGoC6fs5P/N3db9jDYhEZWnp3wk05K0JfKS6F8vyKeblg6GvR/JiY1CBc0HwMj58FykXEM06BUI7CgSmxt4O3oT4SvPzDLMcSnLvmlTvB95GIDk999HKimxaHzCrWkSEkj/5hsA/F9+GaWjY42vcTy5tL+NFbekDIJdgwlzC0Mn6YxFztXhFBGOx1h5RSH5vXlIer25QhRCusur4Jp8OG+6U2qGLSlbadxXVrVXbrp168aOHTvw8vKia9euVb7rP3as+j/gghkFdCD1gdUkrLsDhSThvTuOYhzwHNwRpYMFWrUX5cinuM7+Bee3yVtlBmoXaD0M2t4lDwptAEe1LaV/SH8i0yLZe20v97e++eiwz+OzyPrtdzRX4sj4aTk+M2q+MiCYT/KHHyIVF+Pcsydud95R48dr9VpjQbktrNyAvHpzNfcq/yb+y4DQAdV+nP9zz5G7qXTC/R9/4jnmPvMF2ZgpFHJh8b5P5K2p8DF1vmR8XjxnMs6gVCgZGDbQBEGaVrWTm3vvvdc4ZuG+++4zVzyCiZ3KkLd8+ucGUpwaDwoJL90vsDoP7v4E3AJucYUaykmUt5piNsKlPaArs3Lg4icPc2t3lzwCQV3zd6yCXHfzxckvOJB4AI1eg1pZfnK0ytUF/+efJ/H110n74gs87h2Nna+vlaIVyio4fJjcTZtBqSTgtbm12ho+l3mOAm0Bbmo3Wnm2MkOUNdcnqA9rz6+tdlGxgZ2vrzzh/sOPSFnwMW7DxYR7szEkN+e3yW88Hd3rdLkdV+RZUt0DuuPtaHtvTqud3Lz11lsA6HQ6Bg8eTKdOnfD09DRXXIKJGDoT33VCfgF079ECtWsaxPwFcfth5IfQcVztt38kCdLOwdkN8n5u/JHyX/dpJSczbe+C0B71auSBrQr3Dcfb0ZuMogxOpJwwdokty2PMfWSuXElRdDSpn31G0P/+Z4VIhbIknY6k9+YB4Dl+PI7tazc52XAEvLN/Z5vpBtsjsAcAMZkxZBZl4uXoVe3Hek2ZQuaaNWiuiAn3ZhUQAb5t5N/XMZug88Q6Xc4wKNMWt6SgFjU3KpWKO+64g8zMTHPEI5jYyZSTuOdLND0oT432mvMuPLZLLtotzIR1j8LPD0FeSvUvqtdB3EHY+h9Y1AMW94Id/3c9sQntCUPfgqcOw+yjcqPBJr1FYmMiSoWy0iPhBvIsn9cByPp1LYXRVc/+Ecwva+1ais+cQenujt+zz9T6OtYcllkZXydf4yrS4aTDNXqsPOFenoIuJtybkUJhslNTaYVpxiR7SJhtHQE3qFVBcUREBLGxsaaORTAxjV7D6fTTDDshodTqcOzYEacuXSAwQh5NMOg1UNrJqy6Le0Pkr5XPqNIUQcxmedTDx23h2zvkE1npF+TeOq2Gy9tcL8TAo9vlgma/Nhb9fhsTw7HLvfEVJzcAzt264n733WKWjw3Q5eSQ+smnAPg9/RR23rVbxpckyarDMqti6FZc3VEMZbkOHoxLv35iwr25RZQmNxd3QEFGrS+z6+ouJCTCfcIJcg0yTWwmVqvk5p133uHFF19kw4YNJCYmkpOTU+5DsA3nM8+jKSlkxDH5Ra3c8W+VWj6R9Ngu+VRSYQasnQFrpkCePHWaggw4uRp+niI31Fs1UR7SmZ8KDh7QcTyM/x5euggP/Qo9poNbzfp1CLXTL7gfSoWSC1kXSMqvvAma/wtzUDg6Unj0KLmbNlkwQqGstMVfoMvMxL5lS7wmT671da7lXiO1MBW1Um08NWcrDEfCqzNE80by0XAx4d7s/NpCQEd5Bt/ZDbW+jK1vSUEtk5tRo0Zx8uRJRo8eTWhoKF5eXnh5eeHp6YmXV/X3WgXzOpl6kj5nJTzzJFR+vrjfeefNdwrsCDP/hkFz5VWcM+vlbabv75YnbP/2OJz5Uz5C6B4CPWfClN/hpQsw9hu56r6OhWlCzXk6etLRtyNQ9eqNOigIn5mls3w+/Ah9YaFF4hOuK46NJWOF3F8q4NVXUajVt3hE5QxHrcN9wnFQWeDEYw30COyBUqHkcs5lkvOTa/x4h9atjYmfmHBvRhF125rKLck1JrANLrn5+++/jR87d+40fhj+XFOLFy+mWbNmODo60rt3bw4dqnxZc9CgQSgUips+7rJ035Z64FTqKUYekXtHeE2ahMK+krkfKjUMelVOcgIi5FWcy3tB0oF/OAx4SV7heT4a7voIWg4GO9uZIdJYGbemKqm7MfCZPh274CC0iYmkLxOzfCxJkiSS570PWi2ugwfj2v/2Ol3PFuZJVcbd3p0O3h2A2m1NgbxlJybcm5nhGPilPTWrtSy199peNHoNzT2a08LTdmdJ1iq5ad68OQMGDGDgwIHlPgYMGEDz5s1rdK2ff/6ZOXPm8NZbb3Hs2DE6d+7MnXfeSUpKxX/p69atIzEx0fgRFRWFSqVi/PjxtflWGrSsY4dokwCS2g6vidWojA/qJCc49yyEEe/DM8fhyf0w5A0I7ioa6tmY20PlF8qDiQcp0VXerE+e5fMSAOnffIMmMdEi8QmQt3s3+Xv3glpNwCsv1/l6tjAJvCrGUQy12JqCCibcZ2ff4hFCjXk3l5v6SXo4/UeNH14ftqSgDslNamrqTZ/PyMiocXKzYMECZs6cybRp0+jQoQNfffUVzs7OfFvJtFhvb28CAwONH9u2bcPZ2bnS5Ka4uLhR1gRlFGXQbbf8IuY88o7q9zmxs4fuD0OfJ8DbdrNyAdp7t8fH0YcCbcEtO8O6jRiBU4/uSEVFpHz0sYUibNykkhJS5r0PgM/DU7Fv1qxO18soyuBS9iUAuvh1qWN05mEcopl0qNYF7OUn3C82ZXiCgWFSeNS6Gj2sWFds3AZvkMmNJEkVNp/Ky8vDsQatxEtKSjh69CjDhg27HpBSybBhwzhw4EC1rrFs2TImTZqEi0vFjZ/mzZuHh4eH8SMsLKza8dVn0Wf20Oes/Msl4GHRobYhUiqU3BZyGwD7rt08SLMshUJB4GuvgUJBzl9/UXD0qCVCbNQyflpOyZUrqHx98Zk1q87XO5FyAoCWHi3xdPSs8/XMoYt/F+yUdiTmJ3It91qtrlFuwv0KMeHeLMLHAAq511l2fLUfdiDhAIXaQgKcAwj3CTdffCZQo+Rmzpw5zJkzB4VCwX/+8x/jn+fMmcOzzz7LxIkT6dKlS7Wvl5aWhk6nIyDghuF/AQEkJVV+AsTg0KFDREVF8eijj1Z6n7lz55KdnW38uNpIeijk/PwrdnpIae2DU7ht/xAKtdc/9NZHwg0cO3TAc5z8ji353ffELB8z0qalkfbFFwD4P/88KhPM37PlehsDZ7UznXw7ATWbEn6jchPu3/9AtDEwNfdgaNJXvh39W7UfVnZLymqDl6upRsnN8ePHOX78OJIkERkZafzz8ePHOXv2LJ07d+b77783U6g3W7ZsGR07dqRXr16V3sfBwQF3d/dyHw2dvriYwO2nACi6f9gt7i3UZ32D+qJUKInNjiU+79bvwPyefRalqytFp0+T/Vv1f6kJNZPy6afo8/NxjIjAw0TzkmyxeV9FjP1uajiK4UYBL7+EQq0mf98+8nbvNkVoQlk1PDWl1WvZdXUXYPtbUlDD5MZwQurhhx9m06ZN5U5Nbdmyha+//prWrVtX+3q+vr6oVCqSk8sfG0xOTiYwsOp+Kfn5+axevZoZM2bU5FtoFLLWr8c5T0OqOzS9a4K1wxHMyMPBw1h/cautKTDM8nkSgJRPPkWXl2fO8BqlwqhostfKtQwBr7+GQlmr3f/y19QWcjpdnhNna837bmRIbg4mHazTikvZCfcp88SEe5PrcB8olJBwDDIu3fLux5KPkVWchaeDp83/DEIta26+++473N3duXDhAlu2bKGwtHdGTX+Q7e3t6d69Ozt27DB+Tq/Xs2PHDvr27VvlY3/55ReKi4t56KGHav4NNGCSJJH8g1yMvbOnA61921o5IsHcbg+RT03ti791cgPg/dCD2Ddtii4tjfSvvjJnaI2OJEkkv/suSBLu99yDc1fTbCFFpUWhlbT4O/sT7BJskmuaSyffTjiqHMkoyuBCVt3qZXwen4XK15eSK1fIWL7CRBEKALj6yQOMAaJvXVhs2JIaFDYIO2W1x1JaTa2Sm4yMDIYOHUqbNm0YNWoUiaVHS2fMmMELL7xQo2vNmTOHpUuX8sMPP3DmzBmeeOIJ8vPzmTZtGgBTp05lbmlxWVnLli3jvvvuw8fHpzbfQoNVeOQInL9EsR2kDbWdwXqC+Rjqbg4mHaRYV3zL+yvs7fGf+yoA6T/8SMnly+YMr1HJ+WsjhcePo3Bywv+FOSa7btktKVuvdVCr1MZ39rXtd2NgmHAPkPbFF2jT0+scn1BGNU9NSZJkTG6GNakfpQ61Sm6ee+451Go1cXFxODs7Gz8/ceJENm/eXKNrTZw4kY8++og333yTLl26cOLECTZv3mwsMo6LizMmTwYxMTHs27dPbElVIOPHnwDYE6GgTbPuVo5GsIS2Xm3xc/KjUFvI0eTqnYJyHTgQl9tvB42G5PkfmjnCxkFfUEDKh/Lfpe/jj6G+xdZ6TRiLif1tt5i4rLqMYriRx5j7cAwPR5+XR+qnn9X5ekIZ7e8GpRqSoyDlbKV3i06PJrkgGWc7Z/oE97FggLVXq+Rm69atfPDBB4SGhpb7fOvWrbly5UqNr/f0009z5coViouLOXjwIL179zZ+bdeuXTcVKbdt2xZJkhg+fHhtwm+wSq7Fk1u6xbeph5JOfp2sHJFgCQqFwrg1datuxWUfY5jlk7dzJ3n//GPOEBuF9G++QZucjDokBO9HHjHZdXV6HSdSTwC2X29jYKi7OZJ0BJ1eV6dryRPuXwMg69dfKTp9us7xCaWcvKBVaXFwFVtThlWb20Nut7mxH5WpVXKTn59fbsXGICMjAweH+vGNN0SZK1eCXs+pZgqu+SmMs4eEhq+mdTcADi1b4vXgAwAkzxOzfOqi5Fq8cbSF/8svo6xBv69bOZ91nnxNPq5qV1p7Vv/AhjW1826Hm9qNXE0uZzMqXxGoLudu3XC/6y4x4d4cym5NVfL3uv3KdgCGNa0fW1JQy+Smf//+/Pjjj8Y/KxQK9Ho98+fPZ/DgwSYLTqg+fUEBWb/+CsDGHgrC3MLwcRL1SI1F3+C+qBQqLudc5mpu9Xs5+T31FCpPT0ouXCRz9c9mjLBhS/noI6TiYpx798btDtOuKBu2Gjv7158aOjulHd0D5W3xuvS7Kcv/xRdQODpScOQIuVu2mOSaAtB2JNg5Qvp5SIq86cuxWbFczrmMWqk2zrOrD2qV3MyfP58lS5YwcuRISkpKePnll4mIiGDPnj188MEHpo5RqIbsP/9En5NDYYAHx1spxJZUI+Nm70YX/y5AzVZvVB4e+D33LACpn3+ONjPTHOE1aPkHD5G7eTMolQS8NtfkBb+Gehtb729zoz5Bcm2GKepuoHTCfWnD1uT589EXFZnkuo2egxu0vkO+XUHPG8OWVO+g3rja170ZpaXUKrmJiIggJiaG22+/nXvvvZf8/Hzuv/9+jh8/TsuWLU0do3ALkiSR8dNyAA7d7oukUBi7hAqNR3WnhN/Ic9w4HNq0QZ+dTdrni8wRWoMl6XQkv/ceAJ4TJ+DY1rStFyRJ4nhy/SomNjAUFR9LPoZGpzHJNX1mTMcuKAhtQiLplcwfFGrBsDUVffPW1Pa40i2penJKyqDW3aUcHR0ZPnw4U6dOZdasWfTq1YvDhw/z559/mjI+oRry/9lPycWLKF1cWNNaPirZ2b+zlaMSLM1Qd3M46TBF2uq/q1XY2RHwWuksn9WrKYo5Z5b4GqKsX36lOCYGpbs7fs88Y/Lrx+fFk1KYgp3SjgjfCJNf35xaebbC29GbIl0Rp9JOmeSa8oT7FwFIX/oNmmqM6RGqofUdYO8KWXEQf/3EZWJeIqfTT6NUKBkUNsh68dVCrZKbzZs3ExYWRt++fRk9ejT33Xef8WPMmDGmjlG4hYyf5PonxV1DSVXk4aByoI1XGytHJVhaG682+Dv7U6Qr4kjykRo91qVPH9yGDwe9nuT3RcFmdeiys0n99FMA/GbPxs7Ly+TPYdiS6uDTASc7J5Nf35wUCoVx9aauoxjKchs5Eqfu3ZEKC0n5eIHJrtuo2TtD21Hy7TJbUzuv7gTkKfT1rYazVsnN7NmzmTBhAgkJCej1+nIfOl3djv0JNVNy+TL5u/eAQsH5ofJJinCfcNRKtZUjEyxNoVAYt6ZqUndj4P/ySyjs7Sk48C95O3eaOrwGJ3XxYnRZWdi3aonXpIlmeY5jKfVjnlRlegWV9rsxUVExlLYxeG2uPOF+/XoKjh832bUbNeOsqXVQeny/Pp6SMqhVcpOcnMycOXNumuYtWJ6hJbnrgAEcsZcHJ3b2E1tSjVVt624A7MPC8C7tDJ78/gfoxSyfShVfuEDmipUABMydi0JtnjcT9bXexqB3oNzv5mTqSQq1hSa7rlN4OB5j5Rfj5PfmiQn3ptByCDh6QF4SxB0goyjDmFwPaTLEysHVXK2Sm3HjxrFr1y4ThyLUlC43l+x1cuMlr6lTOJUq72uLk1KNV++g3tgp7IjLjeNKTs0bavo+NhM7Pz80V6+S8cMPZoiw/pMkieR574NOh+vQobjedptZnierKIuL2ReB+pvchLmFEeQShFavNSZqpuL/3HMoXVwoiowk+w9R61lndg7Q/h75dtQ6dl/djV7S0967PSGuIdaNrRZqldwsWrSIdevW8cgjj/Dxxx+zcOHCch+CZWSvW4e+oAD7li2hZ2fjkDqR3DRervauxi62tdmaUrq44Fc6Eyn9y6/QpKSYNL6GIHfbNvL/+QeFWk3Ayy+Z7XkM9TYtPFrg5Wj6eh5LKFt3Y8qtKTBMuH8CgJQFH6PLyzfp9Rslw6mp07+z/co2AIY2GWrFgGqvVqM9V61axdatW3F0dGTXrl3l+jooFAqeMcOpAaE8Saczbkl5T3mI6PRo9JKeIJcg/J39rRydYE23h9zOoaRD7I3fy4PtH6zx4z1GjyZz5SqKTp0i9ZNPCZ73nhmirH8knY70b5aR+vnnAHg/8jD2TZua7fnq2zypyvQO6s0fF/8waVGxgdeUKWSuWYPmShxXpk4h4KWXcOnb1+TP02g0GwDOvuQXpnMgYT9Qf5ObWq3cvP766/z3v/8lOzuby5cvc+nSJeNHbGysqWMUKpC3ew+aq1dRurvjMXq02JISjAx1N4cTD9eqzkGhVBJYejQ8+7ffKIy8uWtpY6NJSiJu2nRSP/kEtFrcR43E96mnzPqcxmLiejJPqjI9A3sCcDrjNDklOSa9ttLenqD/+x9KFxeKT58hbtp04h6dSdGZMyZ9nkZDZQcd7mWvsxMaSUdT96a09KyfvetqldyUlJQwceJElMpat8kR6shw/Ntz/DiUzs7XkxvRvK/Ra+nZkkCXQEr0JRxOOlyrazh16YLHvaMBSH73vUZ9NDxn61Zi772PgkOHUDg7EzRvHsEff2zS+VE3KtIWEZ0eDdT/lZtAl0CauTdDL+k5mlS9qfU14dK7Fy23bcVryhRQq8nft49L948l/uWXKbkWb/Lna/AixrLDWW47MDR0kMk7bltKrbKThx9+mJ9/FnNorKXo3DkKDvwLSiXeDzyAJEnGJlmieZ9Q9kh4bU5NGfjNmYPC2ZnCEyfI2fCXqcKrN/QFBSS++RbxzzyLPjsbx4gIWqxbi+eY+8z+Cz8qLQqtXoufkx+hrqFmfS5LMPa7STL91hSAnbc3ga+/Rsu/NhgHbOb8uZ7YkSNJnve+GCtSAyUh3dlbOhh7qMLNytHUXq2SG51Ox/z58xk4cCCzZ89mzpw55T4E88osrbVxGzoUdUgI13KvkVGUgVqppr13eytHJ9iCslPCa7vqog4IwPexmYA8GFJfUGCy+Gxd0ZkzXBo3nqw1a0ChwGfmTJqtXIF9s2YWef6y9Tb19Z1zWebod1MR+yZNCPn4I5r9+ivOffsgaTRk/PADF4ffQdrXS9AXmu44ekP1b/Ih8pUK/LVaIi7XPBmV9Hpyd/5NweHarRqbSq2Sm8jISLp27YpSqSQqKorjx48bP06cOGHiEIWydFlZZJeOuPCeOgWAk2knAWjv3R57lb3VYhNsR5+gPtgp7biWd43LOZdrfR3vRx5BHRKCNjmZ9G++MV2ANkrS68n44QcuT5hISWwsdv7+NPl2Gf4vzEFhb7l/Ww2l3sbAsHJzPvM86YXpZn8+p4hwmnz7LWHffINDu3bo8/JI/eQTLo4YSdavvyJptWaPob4yDMocUlCIMmYTlFTvTY2+oICMlSuJHTmKa08+Sconn5oxylur1Wmpv//+29RxCNWU+csvSEVFOLRvj1OPHgCimFi4ibPame4B3TmYeJB98fto7tG8VtdROjri//LLxD/7LOnLvsVz7FjUIfWv50V1aNPSSJj7Gvl75a081yFDCHr3HbOMVaiKTq/jRMoJoP52Jr6Rl6MXbb3aEpMZw+Gkw4xoPsLsz6lQKHC9/TZc+vUlZ8MGUj/9DE1CAolv/If077/Hf84cXAcPbhArY6ai0+v4O05+fR+qcANNHJzfAuGVj1XSJCeTuWIlmT//jD47GwCluzvO3bshabUo7GqVZtSZqAiuRyStlsyVqwDwnjLF+I/yZKq8ciM6EwtlmaLuBsDtjuE49+qFVFxM8kcfmSI0m5O3Zw+x995H/t69KBwcCHzrTUIXL7J4YgNwIesCeZo8XNQutPZqbfHnNxdLbU3dSKFU4jF6NC02b8L/1VdQeXhQcuEi1558iisPTaHgmBjfYHAs5RiZxZm427vTvW1pQhO1rsL7FkZHE//yy1wYOoz0JUvQZ2ejbtKEgDfeoPXfO/F/4QWrJTYgkpt6JXf7DrSJiai8vXG/Sx5yVqgt5FyGPMVZrNwIZRmSmyPJRyjQ1L5exjjLR6kkd9Nmq++lm5K+uJik997j6mOPo0tPx6FNG5r/+gtekydb7R29YUuqs19n7JTWe3EwNcMoBnP0u6kOpb09Po88Qsvt2/B57DEUjo4UHj3KlQce4Nrs2RSLNibsjJNnyg0KG4S643j5k+e3QpF8hF+up9nJlSlTuTx2HDl/rgetFucePQhdvIiWmzbi/dCDKF1crPUtGInkph7J+OknADwnTkDp4ADAmfQzaCX5VEWQS5A1wxNsTHOP5oS4hqDRa+p8SsWxXTs8x8u/7JLem4fUAAbkFl+4wOWJk8j8Uf535TVlCs1+WYNDa+uultT3eVKV6R7QHZVCRVxuHIl5iVaLQ+Xmhv+c52m5ZTMe48bKSfu27cTeM5rEN99qtF25JUky1tsMbTIUAiLApzVoi9Cf/IOMFStK62mekt/g2Nnhfs89NPv1V5ou/wm3oUNRqFRW/i6uE8lNPVEYHU3h0aNgZ4fXpMnGzxu2pDr5dRJ7x0I5CoWi3KmpuvJ79hmUbm4UnzlD1tq1db6etUiSRObqn7k0bjzFZ8+i8vYm9KsvCXz9NeObBmvGdjRF7gXTUOptDFztXQn3CQfMdyS8JtQBAQS/8w4t/vwD1yFDQKcja80aLt45gpRPP0WXl2ftEC3qdMZpEvMTcbJzol9wP1Ao0ISOJOWkG+cf/4Dk/71DyZUrKN3d8Zn5KK22byPkw/k4RYRbO/QKieSmnjC8u3QfMQJ1wPXxCqKYWKhK2bqbujbis/P2xu9puStv6qefocvNrXN8lqbNzCT+mWdIevttpKIiXG67jRZ//I7boEHWDg2AxPxEUgpSsFPYEeEbYe1wTK53kLw1dTDRsnU3VXFo1YqwLxbTdMVynLp0QSosJP2rr7k4/A4yfvwRfUmJtUO0iB1X5FWb20NuRzp7kfiXXubCG7+RfsYNfZEOdVgoAf+5Xk+jDgy0csRVE8lNPaBNSyNn40ZAniNlIEnS9ZUb0ZlYqEDPwJ6olWoS8hO4lH2pztfzeuAB7Fu0QJeRQdoXX5ogQsvJ//cgl+4bQ+627aBW4//KK4QtXYKdn5+1QzMy1Nu092mPs9rZytGYXtmiYlvreu3cvTtNV60k5POF2Ddvji4zk+T35hE76i6yN/yFpNdbO0Sz+vvyDnqc0/PQohgujxtHzvr1oNPhHGJH6O0ZtJz3IN4P2kY9TXWI5KYeyPz5ZySNBsfOnXDqfP1EVFJ+EqmFqagUKsJ9bXNpULAuZ7WzcbbP3vi6nZoC5EnYc18F5Bqw4ti6J0zmJmk0pCz4hLhp09AmJ2PfvDnNf16Nz7RHUNjYCJljyaX9bRrYlpRBF78uqJVqUgpSuJJzxdrh3EShUOA+fDgt1v9J4H//i8rPF821ayS8+CKXx40nf/9+a4docvr8fM5/s5DZH57j5bV6nKJiy9fTvD0Nt9AiFKd/s3aoNWJb/7KFm0glJWSuXg2A95Sp5b5maN7XxqsNTnZOFo9NqB8MdTemSG4AXPv3x2XgANBqSfngA5Nc01xKrlzh8gMPkr5kCUgSnuPH03ztrzh26GDt0Cpk7Ewc0LCKiQ0c7Rzp4t8FsI26m8oo7OzwmjiBVlu24PfcsyhdXCg6fZq46TOIm/EoRadPWzvEOtMkJZHy8cecHzwE7UdfEpQJRU52+MycSasd26/X0xh63FzaA3n1p9haJDc2LmfzZnSpadj5++N+5x3lvibqbYTqMNTdHE0+Sr4m3yTXDHjlVbCzI2/3bvL27DHJNU1JkiSyfv+dS2PupygyEqWHByGffUbQ//4PpbNtbvdkF2dzIesC0PBOSpVl6FZsS3U3lVE6O+M7a5Y8mHNq6WDOf/6RB3O+9DIl165ZO8QaK4yMIv7Fl7gwbDjpS79Bn5NDuq8Dy+5QcvG7l/F/YQ7qgIDrD/BuDiHdQdLD6T+sF3gNieTGhkmSRIbhmOrkSSjU6nJfF837hOpo6t6UUNdQtHqtyV5QHFo0x/shuf4r+f0PkDQak1zXFHS5uSS8+BKJr85FX1CAc8+etPj9t5veHNgaQ1fiZu7N8Hb0tm4wZmQoKj6cdBi9VD/qWOy8vQl87TVabvxLHswJ5KxfT+zIUSTPm2fzgzklnY7c7du58tAULo8fT86GDXJ/mp49cVnwDk8+qmVrdxWD2o6s+AIRY+X/VtLQzxaJ5MaGFZ44QVFUFAp7ezwnTiz3tRJdCWfSzwAiuRGqplAo6B9aemrKRFtTAL5PPoHK25uS2FgyV60y2XXrouD4cS7dN4acv/4ClQq/556lyfffoQ6y/R5QDW2eVGUifCNwsnMisziT85nnrR1OjdiHhcmDOdf+iku/vqWDOX+02cGc+vx8Mpav4OLIUVx7ejYFR47I9TSj76HZ2l9p+tOP7GtejKRQ0MW/C75OvhVfKHwMoIC4/ZAdb9HvobZEcmPDMkub9rnffTd23uXfyZ3NOItGr8HLwYswtzBrhCfUI6aYEn4jlbs7fs89C0Dq54vQZmSY5Lq1Iel0pH7xBVcemoImPh51aCjNVizHd9Ysm2osVpWyk8AbMrVSTfeA7kD92JqqiFN4mcGc7dtfH8x55wh5/p+VB3NqkpJI+egjzg8eQvI776CJi0Pp4YHPY4/J9TTz5+MULh9CMXQlHtpkaOUXdA+GJn3l29H1o7BYJDc2SpOURM6WrUD5498GonmfUBM9A3vioHIgKT/JWNdhCp5jx8pTl3NzSV240GTXrQlNQgJXHn6YtIWfg06H+z330Pz333Dq0sUq8dRGsa6YqLQooOGelCrLOIrBhouKq8P19ttovvZXgj+cjzokBG1KCkn/eZPYe+8jd8cOix93L1dP880y9Dk5qJs2IeDN/8j9aeY8X66eJqsoiyPJRwAY0mRI1RePuF/+b3T92JoSyY2Nyly5Su4x0KMHju3b3/R1UUws1ISTnRM9AuUp8qboVmygUKnkuVNA1ppfKDp71mTXro6czZuJvW8MhUeOonRxIXj+B4R8OB+Vq6tF46ir6LRoNHoNvk6+jWIl1tDv5kjyEbR6665y1JVCqcTjnntosWkjAXNfReXpScnFi1x76mmuPPiQ2QdzSjodOdu2cfmhh8rX0/TqRegXX9By0ya8H3igwkL6Xdd2oZN0tPVqe+ufuw73gUIJ8Uchw/ZbQIjkxgbpi4rIWrMGQK7Qr4BIboSaMnYrNmHdDYBLr164jRgBej3J782zyLtVfUEBCa+/Tvxzz6PPycGxcyea/7YOj9Gjzf7c5mCot+nq37VRrMS29WqLu707+Zp8TqfX/2PVIA/m9H74YVpu24rP44/LgzmPHePKAw9w9emnTT6YU5+fT8ZPy7k4YiTxs5+h8Ig8nsfj3tE0X7eWpj/+gNuQwVX2cio3S+pWXP2g+UD5dj1YvRHJjQ3K2bABXVYW6uBg3Ibe/EOXWpBKQn4CChR09O1ohQiF+siQ3BxPPk5eiWnn5vi/+CIKBwcKDh0id9s2k177RoXR0Vy6fyzZa9eBQoHPrMdptnw59k2amPV5zamhN++7kUqpMjaXrO9bUzdSubnh//xztNyyGc/x40CpJG/7DmLvvofE/7yJJrluvWI0iYkkf/gh5wcNJvndd9FcvVqunib4gw+q1cepQFPA/ni5KeEtt6QMDFtT9eDUlEhubEy5498PPlhhMaRh1aaVVytc1PWjFbZgfU3cm9DUvSlaScu/if+a9Nr2oSH4zJgOQMoH89EXF5v0+gCSXk/6sm+5PGkyJZcvYxcQQJPvv8f/ueduapNQn+glvfEYeENt3leR+tTvpjbUAQEE/e9/tFj/J65Dh4JeT9Yvv3DxzjtJ+eTTGs9mK4yMJP6FF7kwbDgZy75Fn5uLfdOmBL71ZoX1NLeyL34fJfoSwtzCaOPVpnoPanc3KNWQHAWpMTWK39JEcmNjCg4eovjcORROTniOG1vhfQydicU8KaGmTDkl/EY+jz6KXUAAmvh4Mr773qTX1qSkcPXRmaR8+CFoNLgNH06LP37HpXcvkz6PNVzIukCuJhcnOyfaerW1djgW0yeoDyCfEivWmT4ZthUOLVsStniRPJiza1ekoiLSvy4dzPnDD1UO5jTW0zz4EJfHT5BbHOh0OPfuTegXX9Bi00a8Jk+uVWPKsltS1d4KdfaGVqW7CTa+eiOSGxuTsVxetfG4dzQqD48K72NYuRH9bYSaKlt3Y+raGKWzM/4vvgBA2pIlaJKTTXLd3L//5tK995G/fz8KR0cC/++/hCz8DJWnp0mub23Hk+WC085+nbFT2lk5Gstp7tEcXydfinXFxt9pDZlz9+40XbmC0EWfy8Nns7JInve+PJhz/YZygzl1eflk/PjT9XqaozfU0/zw/S3raaqi0WnYc03uLF6tepuyjA391oKNDT8tSyQ3NqTk2jXydsg9B7ynVFxIrNFriE6LBkRyI9Rcj8AeOKocSSlI4VzmOZNf3/3uu3Hq0gWpoIDUBQvqdC19URFJ/3uHa088iS4zE4f27Wm+bi1eEyY0qKJbY/O+RlJvY6BQKBr81tSNFAoFbsOG0eLPPwj8v/9i5+cnD+Z86SUujRtHztatJH/4IRcGDyb5vffQXL2KysMDn8cfp9WOHdWup7mVg0kHydPk4evkW/NDKW1Hgp0jpJ+HpMg6x2IuIrmxIZnLV4Ak4XLbbTi0bFnhfc5nnqdIV4SbvRvNPJpZNkCh3nNQORiP4Zr61BTIv7wDXn8NgOw//qTwxIlaXafo3Dkuj59A5ooVAHg/8gjNfl6NQ4sWpgrVZjT0YZlVMYxiaGhFxbeisLPDa8IEWm7ZbBzMWXz6DPHPPHu9nqZZMwLfepNWf+/E//nnUAf4m+z5DVtSQ8KGoFTUMA1wcIPWpaNMotaaLCZTE8mNjdDn55O1Vv5B8aqgaZ+B8Qi4b6ea/1AKAuatuwFw6tgRjzHyJOGkefPKLbffiiRJZKxcyeXxEyg+fx6Vjw9hS5cQ8OorKO3tzRKvNSXmJZKYn4hKoWqUNXSGlZvI1EgKNAVWjsbyjIM5t2/Da+oUVF5ecj3Nl1/QYuNfta6nqYpOr6teV+KqGLamotfZ7NaUeHW0EVl//GGsfncdMKDS+5XtTCwItWFIbk6knCCnJMcsz+H3/HMonZ0pOnmKnPXrq/UYbWYm1558iuT/+x9ScTEuA/rT4o/fce3f3ywx2gLDllR77/Y4q21zWrk5hbqFEuIaglbSGv8uGiM7Ly8CX3uNNgf2y/U0g2tfT3MrJ1NPklGUgZu9m/E4fo21vgPsXSErTm7qZ4NEcmMDJL2ezJ+WA+D10ENV/lCL5n1CXYW5hdHMvRk6Sce/CaY9Em6g9vfHZ9YsAFI++hh9fn6V98/fv59Lo+8l7++/UajVBLz2GmFff42dbyWD/BqIxrwlZWDYmmosdTfWZtiSGhg6ELWqli0U7J2h7Sj5to1uTYnkxgbk//MPJZcuoXRxMS7nVySzKJO43DgA0bxPqBNzTAm/kffDU1GHhaFNTSVtydIK7yOVlJD84YfETZ+BNjUV+5YtafbLGrynTmlQRcOVaazFxGU1tqJia5IkqWZdiatinDX1G9Rg69lSRHJjAwxN+zzG3o/KtfKmfIZVm+YezfFwqPiYuCBUhzmmhN9I6eBAwCsvA5Dx3XeUXLtW7uvFly5xefIDZCz7FgDPSRNp/usvOLZrZ5Z4bE12cTYXMuUhpl38u1g3GCsyJDdnM86SXZxt5WgatpjMGOLz4nFUOdIvuF/dLtZyCDh6QG4ixB0wTYAmJJIbKyuOvUT+3r2gUOD9UOWFxFCm3qYRFh4KptUjoAdOdk6kFaZxNsN8wy5dhw7FuW8fpJISUuZ/CMjvHrPWruPS2HEURUej8vAgdNHnBL39NkonJ7PFYmtOpp5EQqKpe1N8nRr29ltV/Jz9aOHRAgmJI0lHrB1Og7b9ynYA+gX3q3uNl50DtL9Hvm2DW1MiubGyzOVyrY3roEG3nI1zKk3U2wimYa+yp3egXOtgrlNTUHo0fO5cUCrJ3bqVnG3biJ8zh8TXX0cqKMC5d2+a//kHbsOGmS0GW2Wst/FvvPU2BsatqSSxNWVOxi2ppnXckjIwnJo6/TvobGu6u0hurEiXk0PW778D4F3J9G/jffU6IlPlhkmieZ9gCpaouwFwbNMGr0kTAYif/Qy5mzaDnR1+c+bQ5NtlNZqH05A0tmGZVTH2u0lsXP1uLOlKzhUuZF3ATmHHwNCBprloswHg7AsF6XBpt2muaSIiubGirLXrkAoKcGjdCuc+faq878XsixRoC3Cyc6KVZysLRSg0ZIa6m5OpJ81e6+A7ezbK0nEi6iZNaLZyBb6PzaxwMGxjUKwrJjJNfrPSLUAkNz0De6JAwcXsi6QVplk7nAbJsGrTI7CH6Wo2VXbQ4V75drRtzZoSyY2VSDqdsfuq10O3PhliKCbu6NsRlbJxviAIphXsGkxLj5boJT0HEsxbEGjn5UWTpUvwf+klmq9bh1Onxr21ejr9NBq9Bm9Hb5q4Vb0d3Rh4OHjQzlsuJBenpszDZKekbmTYmjqzHrS2MwBVJDdWkrdrF5pr11B5eOAx+p5b3t9QTCy2pARTMqzemHtrCsCpUyd8Zkyv8kRgY1F2S6oxHHmvjsY6isESUgpSjG+QhzQZYtqLN+kLbkFQlA0Xd5r22nUgkhsrMRz/9pwwvlonRETzPsEcDHU3++L3oZdsr1dFQyWKiW8m+t2Yj2HcQie/Tvg7m25GFQBKJYSX9ryxoVNTIrmxgqKYGAoOHgSVCq/Jk295/5ySHGKzYwHRvE8wrW7+3XC2cyajKIMzGWesHU6joJf0xuRG1Ntc1y2gG3YKO+Lz4rmWe+3WDxCqzbAlNayJmU4lGhr6nd0IJbYxI0wkN1ZgOP7tNmwY6uDgW94/KjUKkNvm+zj5mDU2oXFRq9T0CZKL2fdeM//WlACxWbHklOTgZOdEW++21g7HZrioXYjwjQDgcNJhK0fTcGQXZxv7B5m83sYgpDt4NgFNPpzfap7nqCGR3FiYNjOT7D/lQYK3Ov5tIIZlCuZ0e6h5p4QL5RlGLnTy64RaWcvZPg1UryDR78bUdl/bjVbS0sqzFU3czVS8rlBcLyy2ka0pkdxYWNaaX5CKi3Hs0AGnbtVbkj6ZJjoTC+bTP0SuuzmVeoqsoizrBtMIiHlSlTOsIh5MPGi2sSCNzY4rpVtSTc3cKNOQ3JzfCkU55n2uahDJjQVJGg2ZK1cC4DWleoMB9ZL+evM+f3FSSjC9QJdAWnm2QkJif8J+a4fT4B1PFsXElenk1wkHlQNphWlcyr5k7XDqvQJNgfHftNm2pAwCIsCnNWiLIGaTeZ+rGkRyY0G527ejTU5G5eOD+12jqvWYyzmXySnJwUHlQBuvNmaOUGisLNWtuLFLyk8iIT8BlUIltpkr4KByMA4RFVtTdbc/YT9FuiJCXENo62Xm+q6yW1M20NBPJDcWZDj+7TVxIkp7+2o9xnAEPNwnXOzPC2Zj2Jr6J/4fcSTcjAynpNp6t8VFLfr9VMQw80yMYqi7so37LNJPyXBq6sIOKMgw//NVQSQ3FlIYGUXh8eOgVuNZOmenOgzJjWjeJ5hTF/8uuKhdyCzOJDot2trhNFhintStGYqKDyUdEol2HWh0GnZfk+c9mX1LysCvLQR0BL0Gzm6wzHNWQiQ3FpLx048AuI8Ygdq/+k2UxEkpwRLUSjX9gvsB4tSUOYnmfbcW7hOOi9qFnJIcYjJirB1OvXU46TC5Jbl4O3pb9s1xxBj5v1Y+NSWSGwvQpKSQs2kzUP3j3wD5mnwuZF0ARHIjmJ8lRzE0RrkluZzLPAeI5n1VsVPa0SOgByBGMdSFYUtqSJMhlp1HGH4/OLiDeyjorbfyJpIbC8j6eQ1oNDh16YJTx+p3GI5Oi0Yv6QlyCTJ9y2xBuIEhuYlKiyKjyLr75Q3RiZQTSEg0cWuCr5OvtcOxaYZRDP8m/mvlSOonvaRn51V55ILFtqQMvJvDSxfhvsXyaAYrEcmNmelLSshcvRqo2aoNiC0pwbL8nf1p69UWCYl/4v+xdjgNjtiSqj7DEM2jyUfR6DVWjqb+OZV6irTCNFzVrsYCbYuyq96BGXMSyY2Z5WzciC49HbuAANyGD6/RY43DMkXzPsFCyg7SFEzL2LxPbEndUmuv1ng6eFKoLRQF7rVg2JIaEDoAtapxnrIVyY0ZSZJEpuH49+TJKNTV/yGTJIlTaWISuGBZhq2pfxL+QafXWTmahqNEV0JUmjwjTqzc3JpSoaRnYE9ATAmvKUmSyh0Bb6xEcmNGhcePU3T6NAoHBzwnTqjRY6/lXiOjKAO1Uk0Hnw5milAQyuvs1xk3tRvZxdlEpUdZO5wG43T6aYp1xXg5eNHMvZm1w6kXjP1uRFFxjZzLPMfV3KvYK+2Nb1YaI5HcmJGhaZ/7PXdj5+VVo8ca5km1926Pvcr6+5dC42CntKNvcF9ATAk3pbL1NhZpptYAGPrdnEg5QZG2yMrR1B874+RC4n4h/XBWO1s5GusRyY2ZaBITyd22DQDvKTUrJIYy9TZiS0qwMFF3Y3qi3qbmmrk3w9/ZnxJ9CSdST1g7nHpDbEnJRHJjJpkrV4JOh3OvXji2rflMD9GZWLAWw1J2dHo0aYVpVo6m/tNLeuPKjehMXH0KhUKMYqihq7lXicmMQaVQMSh0kLXDsSqrJzeLFy+mWbNmODo60rt3bw4dqvqHOCsri6eeeoqgoCAcHBxo06YNGzdutFC01aMvLCRrzS9AzY9/AxRpi4ydOcXKjWBpvk6+tPduDyCmhJvApexLZBdn46hypJ1PO2uHU68YtqbEEM3qMWxJ9Qjogaejp3WDsTKrJjc///wzc+bM4a233uLYsWN07tyZO++8k5SUlArvX1JSwvDhw7l8+TK//vorMTExLF26lJCQEAtHXrXs9evRZWejDgnBdfDgGj/+dPpptJIWXydfglyCzBChIFTN2K1Y1N3UmWFLqpNfJzH8toYMzfyi06LJK8mzcjS2b/uV7YDclbixs2pys2DBAmbOnMm0adPo0KEDX331Fc7Oznz77bcV3v/bb78lIyOD33//ndtuu41mzZoxcOBAOne2na0bSZLI/Kn0+PeDD6JQ1bztddktKVF8KFjDgNABgLxyo9VrrRxN/XY8WTTvq61g12DC3MLQSTpjkihULK0wzdj4VSQ3VkxuSkpKOHr0KMOGDbsejFLJsGHDOHDgQIWP+fPPP+nbty9PPfUUAQEBRERE8N5776HTVd6Po7i4mJycnHIf5lTw778Un7+AwtkZz3Fja3UN0ZlYsLaOvh1xt3cnpySHyLRIa4dTrxmLiUW9Ta0YVm9Ev5uq7YzbicT/t3fn4VHV1+PH33cmM5N9JyshCUnAAGFfhIRCgYpVqYC/itQFVGxrQQREAQWsoKAoIopfKVQW64JWARUQtCiy7wZZAoEYCEs2IPs2ycz9/ZFmMCVAAknuZHJezzPPQ+7c5UwmyRzu5/M5RyXOP44gtyCtw9GcZsnNxYsXsVgsBAYGVtseGBhIRkZGjcf88ssvfP7551gsFjZs2MCMGTOYP38+L7/88jWvM3fuXLy8vGyPsLCwen0d/+vyvz4EwHvoveg9Pet8vKqqV5IbqUwsNKLX6YkPiQdkaOpWZBZlcr7wPDpFJ/9ZuUm3B98OSL2bG/l1o0xhBxOK68JqtRIQEMCSJUvo1q0bI0aM4IUXXmDx4sXXPGbatGnk5eXZHmfPnm2w+MxpaRT+8AMAPg89dFPnyCzOJLskG72ip71/+/oMT4g6SWhZOe9GloTfvJ+yK4ek2vq0xd3ornE0TVP3oMoO4ccvHyenNEfjaOxTvjnftqKsuS8Br6JZcuPv749eryczM7Pa9szMTIKCar6lFhwcTJs2bdD/ah5LbGwsGRkZmM3mGo8xmUx4enpWezSUnI8+AlXFLSEBU+vWN3WOqnoObXza4OLkUo/RCVE3VXduki4nkV2crXE0TdPBTKlvc6v8XfyJ9o4GYF/GPo2jsU9bz22lQq0gyiuKSK9IrcOxC5olN0ajkW7durF582bbNqvVyubNm+ndu3eNx8THx3Pq1CmsVqttW3JyMsHBwRiN2lbxtRQWkfvFauDmln9XkeJ9wl74ufjR3q/y7qHcvbk50gm8flR1CZehqZptPiNDUv9L02GpSZMmsXTpUlauXElSUhJPPvkkRUVFPProowA88sgjTJs2zbb/k08+yeXLl3n66adJTk5m/fr1zJkzh7Fjx2r1EmwKN/8Ha2EhxogI3BJuvp+HFO8T9kSqFd+8AnMByTnJgCQ3t0omFV9baUUpOy7sAGBguAxJVXHS8uIjRowgOzubmTNnkpGRQefOndm4caNtknFaWho63ZX8KywsjE2bNjFx4kQ6duxIaGgoTz/9NFOmTNHqJdh4/uEPOAUHo5aVoehuLmc0W8wcu3QMkORG2IeE0AQWH1rMrgu7qLBW4KTT9E9Gk/Jz9s9YVSst3VsS4BqgdThNWveg7ugUHafzT5NZlEmgW+ANj7FYLJSXlzdCdNrafWE33jpvYrxjaO3amtLSpt2Hy2g0Vvvcv1ma/6UaN24c48aNq/G5LVu2XLWtd+/e7N69u4GjqjtFUXDr2fOWznH88nHKreX4mHwI82jYVV1C1EYHvw54m7zJLcvlUPYhugV20zqkJkP6SdUfT6Mn7XzbceTSEfZm7GVI1JBr7quqKhkZGeTm5jZegBoylZqYEj0FN4Mbp0+f1jqcW6bT6YiMjLzlqSaaJzfiil/Pt5HifcIe6HV6+oT0YUPqBrad2ybJTR3IfJv61TO4J0cuHWFP+p7rJjdViU1AQACurq4O/bfUqlpRc1XccSfUPbTJdwG3Wq1cuHCB9PR0WrVqdUvvnSQ3dkSK9wl71LdlXzakbmD7+e1M6DZB63CahHJLOYezK4sfSvG++tErqBfLjixjb8ZeVFWt8YPPYrHYEhs/Pz8NomxcheZCVIOKQWfAx93HIRK5Fi1acOHCBSoqKjAYbr5dSZOqc+PoZKWUsEfxIfEoKJzIOUFmUeaNDxAkXU6i1FKKt8lblubWk84BnXHSOZFelM65gnM17lM1x8bVtWnfwaitfHNlxX0Po4dDJDaAbTjqep0HakOSGzuRXZzNhaILKCh08OugdThC2Pg4+xDnHwdgW5Uhrq+qvk2XgC4O86GjNVeDq61q+426hDeH77mqqhSYC4DKOUmOor7eO0lu7ETVXZton2ipZCrsjnQJrxvpJ9UwbPVu0qXeTUlFCRXWCnSKDjeDm9bh2B1JbuzEoYvST0rYr6p6N7vSd1FudfzltbdCVdUrk4kDZTJxfbLVu8nYg6qqGkejraohKXejOzpFPsr/l3xH7IQU7xP2rJ1fO3ydfSkqLyIxK1HrcOxaan4quWW5mPQm2vm20zoch9KpRSec9c5cLr3MqdxTWoejGUcdkqpPktzYgQprBUcvHgUkuRH2SafornQJPy9DU9fzU2blXZs4/zgM+ptf7SGuZtAbbHWDmnMrhjJLGWaLGUVRcDc03DSGplwEUZIbO5Cck0yppRQPgwcRXhFahyNEjWTeTe1UzbeR+jYNw5FbMWzcuJGEhAS8vb3x8/PjnnvuISUlxfb8uXPnGDlyJMEBwfQI78EDgx5g/779tue//vprevTogbOzM/7+/gwbNsz2nKIorF27ttr1vL29WbFiBQCnT59GURQ+/fRT+vXrh7OzMx999BGXLl1i5MiRhIaG4urqSlxcHJ988km181itVubNm0d0dDQmk4lWrVrxyiuvADBgwICrCvVmZ2djNBqr9Zasb1Lnxg5UDUnFtYiTsVNht/qE9EGn6DiVe4qMogyC3IK0DskuVc23kcrEDaNqUvH+jP1YrBb0Ov1191dVlZLyW1tWfLNcDPo6rf4pKipi0qRJdOzYkcLCQmbOnMmwYcNITEykuLiYfv36ERoayuKPFuPp50l6crqtkfT69esZNmwYL7zwAh988AFms5kNGzbUOeapU6cyf/58unTpgrOzM6WlpXTr1o0pU6bg6enJ+vXrefjhh4mKiqLnf6vyT5s2jaVLl7JgwQISEhJIT0/n+PHjAIwZM4Zx48Yxf/58TCYTAB9++CGhoaEMGNBwjT4lubEDMt9GNAXezt7E+cdxKPsQ285v449t/qh1SHYnuzibswVn0Sk6OrforHU4Duk239vwMHhQUF7A8cvHae/f/rr7l5RbaDdzUyNFV92xWYNxNdb+Y/a+++6r9vWyZcto0aIFx44dY+fOnWRnZ7Nj9w4uKZcA+F3339n6vb3yyis88MADvPTSS7bjO3Wq+2fKhAkTGD58eLVtkydPtv37qaeeYtOmTXz22Wf07NmTgoICFi5cyKJFixg1ahQAUVFRJPy3gfTw4cMZN24cX375Jffffz8AK1asYPTo0Q26ZF9uE9gBqUwsmoq+of/tEn5OuoTXpGpIqo1PGynp0ECcdE50C6psA3KjejdNzcmTJxk5ciStW7fG09OTiIgIoLKJdGJiIl26dMHJvTKZcTW4Vmtkm5iYyMCBt94VvHv37tW+tlgszJ49m7i4OHx9fXF3d2fTpk2kpaUBkJSURFlZ2TWv7ezszMMPP8yyZcsAOHjwIEeOHGH06NG3HOv1yJ0bjeWU5pBWUPlDUlUoTQh7ldAygUWJi9idvptyS7lMmP0f0k+qcdwefDtbzm5hb/peHuvw2HX3dTHoOTZrcOMEVsO162LIkCGEh4ezdOlSQkJCsFqtdOjQAbPZjIuLC8A1V0lVPX8tiqJctXy+pgnDbm7Va+a8/vrrLFy4kLfeeou4uDjc3NyYMGECZrO5VteFyqGpzp07c+7cOZYvX86AAQMIDw+/4XG3Qu7caOzwxcr+M5FekXiZvDSORojri/WNxc/Zj+KKYttdCnFFVWViKd7XsKomFR/MOki55forehRFwdXopMmjLsMuly5d4sSJE0yfPp2BAwcSGxtLTk6O7fmOHTuSmJhIelY6UNly4dc6dux43Qm6LVq0ID093fb1yZMnKS4uvmFcO3bs4N577+Whhx6iU6dOtG7dmuTkZNvzMTExuLi4XPfacXFxdO/enaVLl/Lxxx/z2GPXT0jrgyQ3GquqGSLF+0RToFN0xIf+d0m4rJqqpqi8iBM5J4DKPkii4UR7R+Pr7EtJRQk/X/xZ63DqhY+PD35+fixZsoRTp07x/fffM2nSJNvzI0eOpEVgC8Y/Mp6j+49y7sw5vvjiC3bt2gXAiy++yCeffMKLL75IUlIShw8f5rXXXrMdP2DAABYtWsRPP/3E/v37+etf/1qrxpQxMTF899137Ny5k6SkJP7yl7+QmXmlx5yzszNTpkzhueee44MPPiAlJYXdu3fz/vvvVzvPmDFjePXVV1FVtdoqroYiyY3Gqn4xZb6NaCqqqhVvPy/zbn7tUPYhrKqVUPdQWUnWwBRFsd29cZRWDDqdjlWrVnHgwAE6dOjAxIkTef31123PG41GVq5eia+/L2NGjCEuLo5XX30Vvb5y6Kt///78+9//5quvvqJz584MGDCAvXuvfG/mz59PWFgYffv25U9/+hOTJ0+uVYPR6dOn07VrVwYPHkz//v0JCgpi6NCh1faZMWMGzzzzDDNnziQ2NpYRI0aQlZVVbZ+RI0fi5OTEyJEjcXZ2voXvVO0oajOrYZ2fn4+Xlxd5eXl4empb2dFitRC/Kp6i8iI+H/I5bX3bahqPELWRV5bHbz79DVbVyqb7NhHiHqJ1SHbh3cR3WXxoMfe0voe5fedqHY7D+3fyv5m1axbdArux4s4VAJSWlpKamkpkZGSjfIA2JovVwomcE6iqSrR3NCYnk9Yh1cnp06eJiopi3759dO167WHb672Hdfn8ljs3GkrJS6GovAgXJxeivaO1DkeIWvEyedmWOcvdmyts822kvk2j6BVUWe/mUPYhSipKNI6m4RWWF6KqKka9sUklNuXl5WRkZDB9+nRuv/326yY29UmSGw3Zivf5x92wEJUQ9kSqFVdXbi23/T7LZOLGEeYRRpBbEBXWCtsqNUdW1SizqfWS2rFjB8HBwezbt4/Fixc32nUludGQFO8TTVXVvJs9GXswW8waR6O945eOU2opxcvkRaRXpNbhNAuKotju3jhiK4Zfs6pWCs2FQNNLbvr374+qqpw4cYK4uMYrdyLJjYakeJ9oqtr6tKWFSwtKKkrYn7n/xgc4OFs/qRZdpIVKI6pqxeAok4qvpai8CKtqxUnnhLOTY80laijyW6iRfHM+v+T9AkjxPtH0KIpiG5qSeTe/Kt4XKMX7GlOPoB4AHLt8zDZs44h+PSTVkC0LHIkkNxo5kn0EqBw39nPx0zgaIepO5t1UUlX1SrNMmW/TqILcgojwjMCqWh12aEpV1WtWJRbXJsmNRmRISjR1vUN6o1f0nM4/zdmCs1qHo5kz+We4XHoZo85IO792WofT7FTVu3n2x2d5effLlFaUXtVmoCkrLi+2dT93Ndy4Lo2oJMmNRg5d/G9yI5WJRRPlYfSwVeJtzkNTVXdt4lrEYdQbNY6m+Xmk/SN0CeiCRbWwN30vl0svczrvNJlFmZRVlGkd3i2rGpLyMHrIkFQdSHKjAatq5XB2ZU8pWSklmjJbl/BmnNwcyDwAyJCUVsI9w/ng9x/w5b1fMixmGDpFR4VawcWSi5zKPUVqXiq5pblYrBatQ60zVVWb7BJwrUlyo4Ez+WfIN+dj0pto49tG63CEuGlV8272pu+lzNL0/5d8M6QTuH1o7d2aRzs8SqBrIMFuwbgb3YHKYZ3zhedJzknmQuEFisuLm8ywVWlFKRXWCnSKDjeD240PqKMtW7agKAq5ubn1uq89kORGA1Xzbdr7tcegu3HjMiHsVRufNgS4BlBqKWV/RvNbEn6x5CJpBWkoKHQKkLuw9kBRFNyN7oR7htt+Pg16A1bVSk5pDql5qaTkpXCp5BIV1gqtw72uqrs27kb3Bikx0KdPH9LT0/Hy8qrXfe2BJDcaqCreJ5OJRVOnKIptaGrb+ea3aqrqrk2MT4wMG9ghg95AC9cWxHjHEOEZgZfJC0VRKKsoI6Mog+ScZM4WnKXQXGiXd3OuNyRlNt968Uyj0UhQUFCt5vLUZV97IMmNBqQysXAkzXneTVU/KRmSsmOqilJejBvQ0uRDW7eWBBu8cFFVMBdTUJhJ2qXjnMr6mazc05hLcsBcVD+POiRM/fv3Z9y4cYwbNw4vLy/8/f2Z//J8ANwN7kRERDB79mweeeQRPD09+fOf/wzA9u3b6du3Ly4uLoSFhTF+/HiKiops5y0rK2PKlCmEhYVhMpmIjo7m/fffB64eajpz5gxDhgzBx8cHNzc32rdvz4YNG2rcF+CLL76gffv2mEwmIiIimD9/frXXFBERwZw5c3jsscfw8PCgVatWLFmypK7v4E1xapSrCJui8iJO5p4E5M6NcAy9gnvhpDhxJv8MaflptPJspXVIjUbq2zQB5cUw50rnej3g+99Hg3v+AhhrP1dm5cqVPP744+zdu5fvd3zPM089Q0R4BO3HtwfgjTfeYObMmbz44osApKSkcOedd/Lyyy+zbNkysrOzbQnS8uXLAXjkkUfYtWsXb7/9Np06dSI1NZWLFy/WeP2xY8diNpvZunUrbm5uHDt2DHd39xr3PXDgAPfffz9///vfGTFiBDt37uRvf/sbfn5+jB492rbf/PnzmT17Ns8//zyff/45Tz75JP369aNt27a1/r7cDEluGtnRi0exqlaC3IIIcA3QOhwhbpm70Z2ugV3Zm7GXbee38aDng1qH1CiKy4s5fvk4IJ3ARf0ICwtjwYIFKIqCU6ATf0r8E8vfW87U8VMBGDBgAM8884xt/zFjxvDggw8yYcIEAGJiYnj77bfp168f7733HmlpaXz22Wd89913DBo0CIDWrVtf8/ppaWncd999th5Q19v3zTffZODAgcyYMQOANm3acOzYMV5//fVqyc1dd93F3/72NwCmTJnCggUL+OGHHyS5cTQ/X5QhKeF4EkITriQ3sc0juTmUfQiLaiHELYQgtyCtwxHXYnCtvINSS2aLmdyyPHLLcqtNOHZ2csbb5I2X0RO9Tl/7a9fB7bffjqIomC1mSitK6dSjEyvfW4nFUrmMvXv37tX2P3ToED///DMfffSRbZuqqlitVlJTUzl8+DB6vZ5+/frV6vrjx4/nySef5Ntvv2XQoEHcd999dOxY8whDUlIS9957b7Vt8fHxvPXWW1gsFvT6yu/Rr49XFIWgoCCysrJqFc+tkDk3jexQlhTvE46nat7N/oz9lFSUaBxN45B+Uk2EolQODdXyYXTxIcA7gpiAToT5tcXDPRCMrpQoCunmPE4UneNcWQ5FCqgG1+uf7yYn31a1WzDpTdW2u7lVH+IqLCzkL3/5C4mJibbHoUOHOHnyJFFRUbi4uNTpumPGjOGXX37h4Ycf5vDhw3Tv3p133nnnpl5DFYOh+opgRVGwWq23dM7akOSmEamqartzI/NthCOJ8o4iyC2IMksZ+zL2aR1Oo6jqBC7zbRyToih4GD0I8wijjU8bAt0CMelNqKpKXlkep/NOcyr3FNnF2ZRbyuvlmnv2VPbHqloldfSno8TExNjugvyvrl27cuzYMaKjo696GI1G4uLisFqt/Pjjj7WOISwsjL/+9a+sXr2aZ555hqVLl9a4X2xsLDt27Ki2bceOHbRp0+aa8TYmSW4a0bnCc1wuvYxBZ5AeNMKh/HpJeHNYNVVuLbetepSVUo7PSeeEv4s/Ud5RRHpF4uPsg07RYbaYySrOIjknmbT8NPLL8rGqN39XIi0tjQkTJ3A06SgbVm/g/ffe5+mnn77m/lOmTGHnzp2MGzeOxMRETp48yZdffsm4ceOAytVKo0aN4rHHHmPt2rWkpqayZcsWPvvssxrPN2HCBDZt2kRqaioHDx7khx9+IDY2tsZ9n3nmGTZv3szs2bNJTk5m5cqVLFq0iMmTJ9/0669PMuemEVUV74v1jZUeNMLhJIQm8O/kf7Pt3DbUnmqTqYdxM5IvJ1NSUYKH0YMo7yitwxGNRFEUXA2uuBpcCXQNJN+cT25ZLsXlxRSYCygwF+Ckc8LL5IWPyQeTk+nGJ/2VRx55hPyifEbeMRK9Xs/TTz9tW/Jdk44dO/Ljjz/ywgsv0LdvX1RVJSoqihEjRtj2ee+993j++ef529/+xqVLl2jVqhXPP/98jeezWCyMHTuWc+fO4enpyZ133smCBQtq3Ldr16589tlnzJw5k9mzZxMcHMysWbOqTSbWkqLaY+WiBpSfn4+Xlxd5eXl4ejZu0a05e+bwyfFPeCj2Iab0nNKo1xaioRWXFxO/Kp4KawVfD/2aCK8IrUNqMP869i/m7ZvHb1r+hncHvqt1OOK/SktLSU1NJTIyEmdn50a7bllFGTllOeSWVe9h5WpwxdvkjWctJiH379+fzp07M3HWRArNhbRwbdEsV9Re7z2sy+e3DEs1IineJxyZq8GVboHdAMevViz9pMSvmZxMBLkF0canDWEeYdX6Wl0ovFDrvlaqqlJUXlmAType3xpJbhpJaUUpJy6fAGQysXBczWHejaqqtk7gVcmcEAA6RYenybNaXyuj3nhVX6uLJRdr7GtltppRVRWj3njVSilRNzLnppEcu3SMCrUCfxd/gt2CtQ5HiAbRN7Qvb+x/g30Z+yguL8a1jnU+moK0gjQul17GqDPS3q+91uEIO1XV18rfxZ/iimJySnPIN+dTVlFGZkUmWcVZeBg98DZ5425wZ8uWLZwtOEt+WT4eRg+HnrPWGCS5aSS/HpKSH1rhqCK9Igl1D+V84Xn2ZeyjX1jtioc1JVX9pDr4d5CFAeKGFEXBzeCGm8ENi9VCXlkeOWU5lFaUkl+WT35ZPgadAW9nbwrNhYAMSdUHGZZqJFUrpWRISjgyRVFICE0AHG/eTUlFCV+nfM3KoysBmW8j6k6v0+Pr4kuUdxRR3lH4OvuiV/SUW8vJLs7Gqlpx0jnh4lS34nvianLnphGoqnoluZHKxMLB9Q3ty6cnPmX7+e2oatNeEq6qKscuHWP1ydVsSN1AYXnl/6yddE78ttVvNY5ONGXOTs4EuwcT6BZIgbmAnNIcisqL8HX2bdK/M/ZCkptGkFmcSXZJNnpFL8X7hMPrEdQDg87A+cLzpOal0tr72s337FVeWR7rflnH6pOrSc5Jtm0PdQ9laPRQhkYPlX5Sol7oFB1eJi+8TF5N/j8D9kSSm0ZQddemjU8bh5xgKcSvuRpc6RHUg50XdrLt/LYmk9xYVSt70vew5uQaNqdtxmw1A2DUGRkYPpDhMcPpGdQTnSKj+aJhSGJTfyS5aQQy30Y0NwmhCbbkZlT7UVqHc10ZRRmsObWGL099yfnC87btt/nexrDoYdzd+m68TF4aRiiEqCtJbhqBFO8TzU3f0L7M2zePA5kH7HJJuNli5oezP7Dm5Bp2XtiJSmVhNQ+DB3e1vovhMcNlCFk4vL///e+sXbuWxMREAEaPHk1ubi5r167VNK76IMlNAzNbzCRdSgIkuRHNR7hnOC3dW3Ku8By703czoNUArUMC4GTOSVafXM26X9aRW5Zr294jqAfDoofxu/Df4ezUeGX7hRANQ5KbBnb88nHMVjPeJm/CPMK0DkeIRqEoCn1b9uWT45+w/fx2TZObQnMh35z+hjUn13D44mHb9gCXAO6Nvpdh0cMI85TfTWFfzGYzRqPUUbpZktw0sKohqY4tOspkMdGs9A2tTG62nd/W6KtAVFXlp6yfWH1yNd+e+ZaSihIAnBQn+oX1Y3jMcPqE9MFJJ38CHZ2qqrb3v7G5OLnU+ue+f//+dOjQAScnJz788EPi4uJ45513ePbZZ9m2bRtubm7ccccdLFiwAH9/fwCsVitvvPEGS5Ys4ezZswQGBvKXv/yFF154AYApU6awZs0azp07R1BQEA8++CAzZ87EYDA02Gu2F/Kb3cBkvo1ornoE9cCkN5FRlEFKbgrRPtENfs2LJRf5KuUr1pxcw+n807btkV6RDI8ezj1R9+Dv4t/gcQj7UVJRQq+Pe2ly7T1/2lOn+WYrV67kySefZMeOHeTm5jJgwADGjBnDggULKCkpYcqUKdx///18//33AEybNo2lS5eyYMECEhISSE9P5/jx47bzeXh4sGLFCkJCQjh8+DBPPPEEHh4ePPfcc/X+Wu2NJDcNTFZKiebK2cmZHkE92H5+O9vOb2uw5KbCWsH289tZfXI1W89txaJagMr/Nd8ZcSfDY4ZL2xPRJMTExDBv3jwAXn75Zbp06cKcOXNszy9btoywsDCSk5MJDg5m4cKFLFq0iFGjKlckRkVFkZCQYNt/+vTptn9HREQwefJkVq1aJcmNuDXZxdlcKLqAgkIHvw5ahyNEo0sITWD7+e1sP7+dRzs8Wq/nPpN/hjUn1/BVyldkl2Tbtndq0YnhMcMZHDEYN4NbvV5TND0uTi7s+dMeza5dF926Xekyf+jQIX744Qfc3d2v2i8lJYXc3FzKysoYOHDgNc/36aef8vbbb5OSkkJhYSEVFRV4ejaPvlWS3DSgny9WDklF+0Tjbrz6B1QIR9c3tC+v8ioHMw9SaC685d+DkooS/nPmP3xx8gsOZB6wbfcx+TAkagjDY4YT5R11q2ELB6Ioit2VIrgWN7cryXhhYSFDhgzhtddeu2q/4OBgfvnll+uea9euXTz44IO89NJLDB48GC8vL1atWsX8+fPrPW57JMlNA5J+UqK5a+XZinDPcM7kn2FP+h4Ghl/7f5nXcq3+TjpFR5+QPgyPGU7/lv0x6B1/kqRoPrp27coXX3xBREQETk5Xf1THxMTg4uLC5s2bGTNmzFXP79y5k/DwcNvkYoAzZ840aMz2RJKbBiSTiYWovHtzJv8M285vq1Nyk1uay/rU9TX2dxoWPYx7o++V/k7CYY0dO5alS5cycuRInnvuOXx9fTl16hSrVq3in//8J87OzkyZMoXnnnsOo9FIfHw82dnZHD16lMcff5yYmBjS0tJYtWoVPXr0YP369axZs0brl9VoJLlpIBXWCo5ePApIciOat4TQBD5M+rBWS8KtqpXd6btt/Z3KreVAZX+nQeGDGB4znB5BPaS/k3B4ISEh7NixgylTpnDHHXdQVlZGeHg4d955Jzpd5c//jBkzcHJyYubMmVy4cIHg4GD++te/AvCHP/yBiRMnMm7cOMrKyrj77ruZMWMGf//73zV8VY1HUVVV1TqIxpSfn4+Xlxd5eXkNOrHq2KVjjFg3Ag+DB9tHbpc/xqLZKrOUkfBJAqWWUj4f8jltfdtetU96YTprT61l7am1XCi6YNse6xvLsJhh3BV5l/R3EjdUWlpKamoqkZGRODtLpemm6HrvYV0+v+XOTQOpGpKKaxEniY1o1kx6Ez2De7L13Fa2n99uS26q+jutPrmaXRd2XenvZPTg7si7GR4znFi/WC1DF0I0UZLcNBCZbyPEFX1D+7L13Fa2nd/Gb1r+psb+Tr2CejEsZhgDWw2U/k5CiFsiyU0DkeJ9QlyREFpZWOxA5gGGfzXctj3ANYCh0UMZGj1Ueq8JIeqNJDcNIKc0h7SCNADi/OM0jkYI7bX0aEmMTwwnc07ipDjRP6w/w2KGER8Sj16n1zo8IYSDkeSmAVR1Ho70ipRJkEL815v93uRQ9iESQhPwc/HTOhwhhAOT5KYBSPE+Ia4W4RVBhFeE1mEIIZoBWcbTAGS+jRBCCKEdSW7qmcVq4cjFI4CslBJCCCG0IMlNPfsl7xeKyotwcXIh2jta63CEEEKIZkeSm3pWNSQV5x8nq0CEEELUiqqq/PnPf8bX1xdFUUhMTNQ6pCbNLpKbd999l4iICJydnenVqxd79+695r4rVqxAUZRqD3sqs11VvE/m2wghhKitjRs3smLFCtatW0d6ejr5+fkMGTKEkJAQFEVh7dq1WofYpGie3Hz66adMmjSJF198kYMHD9KpUycGDx5MVlbWNY/x9PQkPT3d9rCnNu5SmVgIIURdpaSkEBwcTJ8+fQgKCqKoqIhOnTrx7rvvah1ak6T5UvA333yTJ554gkcffRSAxYsXs379epYtW8bUqVNrPEZRFIKCgmp1/rKyMsrKymxf5+fn33rQ15BvziclLwWQ4n1CCGEPVFVFLSnR5NqKiwuKotxwv9GjR7Ny5crKYxSF8PBwTp8+ze9///uGDtFhaZrcmM1mDhw4wLRp02zbdDodgwYNYteuXdc8rrCwkPDwcKxWK127dmXOnDm0b9++xn3nzp3LSy+9VO+x1+RIduUqqZbuLaVImRBC2AG1pIQTXbtpcu22Bw+guLrecL+FCxcSFRXFkiVL2LdvH3q9zNe8VZoOS128eBGLxUJgYGC17YGBgWRkZNR4TNu2bVm2bBlffvklH374IVarlT59+nDu3Lka9582bRp5eXm2x9mzZ+v9dVQ5dLFyMnGnABmSEkIIUTteXl54eHig1+sJCgqiRYsWWofU5Gk+LFVXvXv3pnfv3rav+/TpQ2xsLP/4xz+YPXv2VfubTCZMJlOjxCaViYUQwr4oLi60PXhAs2sLbWia3Pj7+6PX68nMzKy2PTMzs9ZzagwGA126dOHUqVMNEWKtWVUrh7Mre0rJZGIhhLAPiqLUamhIOBZNh6WMRiPdunVj8+bNtm1Wq5XNmzdXuztzPRaLhcOHDxMcHNxQYdbKmfwz5JvzMelNtPFto2ksQgghRHOm+bDUpEmTGDVqFN27d6dnz5689dZbFBUV2VZPPfLII4SGhjJ37lwAZs2axe233050dDS5ubm8/vrrnDlzhjFjxmj5MsgszsTH5EOkVyQGnUHTWIQQQjRthYWF1UYkUlNTSUxMxNfXl1atWmkYWdOgeXIzYsQIsrOzmTlzJhkZGXTu3JmNGzfaJhmnpaWh0125wZSTk8MTTzxBRkYGPj4+dOvWjZ07d9KuXTutXgIAtwffzo8jfqSgvEDTOIQQQjR9+/fv57e//a3t60mTJgEwatQoVqxYoVFUTYeiqqqqdRCNKT8/Hy8vL/Ly8vD09NQ6HCGEEPWktLSU1NRUIiMj7apyvai9672Hdfn81rxCsRBCCCFEfZLkRgghhBAORZIbIYQQQjgUSW6EEEII4VAkuRFCCOFQmtk6GYdSX++dJDdCCCEcgsFQWWOsuLhY40jEzTKbzQC33DxU8zo3QgghRH3Q6/V4e3uTlZUFgKurK4qiaByVqC2r1Up2djaurq44Od1aeiLJjRBCCIdR1ZewKsERTYtOp6NVq1a3nJRKciOEEMJhKIpCcHAwAQEBlJeXax2OqCOj0VitK8HNkuRGCCGEw9Hr9bc8b0M0XTKhWAghhBAORZIbIYQQQjgUSW6EEEII4VCa3ZybqgJB+fn5GkcihBBCiNqq+tyuTaG/ZpfcFBQUABAWFqZxJEIIIYSoq4KCAry8vK67j6I2szrVVquVCxcu4OHhUe/FnfLz8wkLC+Ps2bN4enrW67lF3cn7YV/k/bAv8n7YH3lPrk9VVQoKCggJCbnhcvFmd+dGp9PRsmXLBr2Gp6en/GDaEXk/7Iu8H/ZF3g/7I+/Jtd3ojk0VmVAshBBCCIciyY0QQgghHIokN/XIZDLx4osvYjKZtA5FIO+HvZH3w77I+2F/5D2pP81uQrEQQgghHJvcuRFCCCGEQ5HkRgghhBAORZIbIYQQQjgUSW6EEEII4VAkuakn7777LhERETg7O9OrVy/27t2rdUjN1ty5c+nRowceHh4EBAQwdOhQTpw4oXVY4r9effVVFEVhwoQJWofSbJ0/f56HHnoIPz8/XFxciIuLY//+/VqH1SxZLBZmzJhBZGQkLi4uREVFMXv27Fr1TxLXJslNPfj000+ZNGkSL774IgcPHqRTp04MHjyYrKwsrUNrln788UfGjh3L7t27+e677ygvL+eOO+6gqKhI69CavX379vGPf/yDjh07ah1Ks5WTk0N8fDwGg4FvvvmGY8eOMX/+fHx8fLQOrVl67bXXeO+991i0aBFJSUm89tprzJs3j3feeUfr0Jo0WQpeD3r16kWPHj1YtGgRUNm/KiwsjKeeeoqpU6dqHJ3Izs4mICCAH3/8kd/85jdah9NsFRYW0rVrV/7v//6Pl19+mc6dO/PWW29pHVazM3XqVHbs2MG2bdu0DkUA99xzD4GBgbz//vu2bffddx8uLi58+OGHGkbWtMmdm1tkNps5cOAAgwYNsm3T6XQMGjSIXbt2aRiZqJKXlweAr6+vxpE0b2PHjuXuu++u9rsiGt9XX31F9+7d+eMf/0hAQABdunRh6dKlWofVbPXp04fNmzeTnJwMwKFDh9i+fTu///3vNY6saWt2jTPr28WLF7FYLAQGBlbbHhgYyPHjxzWKSlSxWq1MmDCB+Ph4OnTooHU4zdaqVas4ePAg+/bt0zqUZu+XX37hvffeY9KkSTz//PPs27eP8ePHYzQaGTVqlNbhNTtTp04lPz+f2267Db1ej8Vi4ZVXXuHBBx/UOrQmTZIb4dDGjh3LkSNH2L59u9ahNFtnz57l6aef5rvvvsPZ2VnrcJo9q9VK9+7dmTNnDgBdunThyJEjLF68WJIbDXz22Wd89NFHfPzxx7Rv357ExEQmTJhASEiIvB+3QJKbW+Tv749eryczM7Pa9szMTIKCgjSKSgCMGzeOdevWsXXrVlq2bKl1OM3WgQMHyMrKomvXrrZtFouFrVu3smjRIsrKytDr9RpG2LwEBwfTrl27attiY2P54osvNIqoeXv22WeZOnUqDzzwAABxcXGcOXOGuXPnSnJzC2TOzS0yGo1069aNzZs327ZZrVY2b95M7969NYys+VJVlXHjxrFmzRq+//57IiMjtQ6pWRs4cCCHDx8mMTHR9ujevTsPPvggiYmJktg0svj4+KtKIyQnJxMeHq5RRM1bcXExOl31j2K9Xo/VatUoIscgd27qwaRJkxg1ahTdu3enZ8+evPXWWxQVFfHoo49qHVqzNHbsWD7++GO+/PJLPDw8yMjIAMDLywsXFxeNo2t+PDw8rprv5Obmhp+fn8yD0sDEiRPp06cPc+bM4f7772fv3r0sWbKEJUuWaB1aszRkyBBeeeUVWrVqRfv27fnpp5948803eeyxx7QOrUmTpeD1ZNGiRbz++utkZGTQuXNn3n77bXr16qV1WM2Soig1bl++fDmjR49u3GBEjfr37y9LwTW0bt06pk2bxsmTJ4mMjGTSpEk88cQTWofVLBUUFDBjxgzWrFlDVlYWISEhjBw5kpkzZ2I0GrUOr8mS5EYIIYQQDkXm3AghhBDCoUhyI4QQQgiHIsmNEEIIIRyKJDdCCCGEcCiS3AghhBDCoUhyI4QQQgiHIsmNEEIIIRyKJDdCCCGEcCiS3AghbkhVVf785z/j6+uLoigkJibe8JgtW7agKAq5ubnX3GfFihV4e3tf8/nTp0/X+nqN6UZxCyG0JcmNEOKGNm7cyIoVK1i3bh3p6emN1hMqLCys2vVqkzDVt4iIiKvaRIwYMYLk5ORGi0EIUTfSOFMIcUMpKSkEBwfTp0+fRr2uXq8nKCio3s+rqioWiwUnp5v7E+ji4iJNWIWwY3LnRghxXaNHj+app54iLS0NRVGIiIgAoKysjPHjxxMQEICzszMJCQns27fvuudasWIFrVq1wtXVlWHDhnHp0qXr7v/rYanTp0/z29/+FgAfHx8URbE1QrVarcydO5fIyEhcXFzo1KkTn3/+ue08VXd8vvnmG7p164bJZGL79u2kpKRw7733EhgYiLu7Oz169OA///mP7bj+/ftz5swZJk6ciKIotqasNQ1Lvffee0RFRWE0Gmnbti3/+te/qj2vKAr//Oc/GTZsGK6ursTExPDVV19d9/ULIW6SKoQQ15Gbm6vOmjVLbdmypZqenq5mZWWpqqqq48ePV0NCQtQNGzaoR48eVUeNGqX6+Pioly5dUlVVVX/44QcVUHNyclRVVdXdu3erOp1Ofe2119QTJ06oCxcuVL29vVUvL69rXjs1NVUF1J9++kmtqKhQv/jiCxVQT5w4oaanp6u5ubmqqqrqyy+/rN52223qxo0b1ZSUFHX58uWqyWRSt2zZUi2Wjh07qt9++6166tQp9dKlS2piYqK6ePFi9fDhw2pycrI6ffp01dnZWT1z5oyqqqp66dIltWXLluqsWbPU9PR0NT09XVVVVV2+fHm1uFevXq0aDAb13XffVU+cOKHOnz9f1ev16vfff2/bB1Bbtmypfvzxx+rJkyfV8ePHq+7u7rbvlxCi/khyI4S4oQULFqjh4eG2rwsLC1WDwaB+9NFHtm1ms1kNCQlR582bp6rq1cnNyJEj1bvuuqvaeUeMGFHr5Kamc6qqqpaWlqqurq7qzp07qx37+OOPqyNHjqx23Nq1a2/4Wtu3b6++8847tq/Dw8PVBQsWVNvnf5ObPn36qE888US1ff74xz9We72AOn36dNvXhYWFKqB+8803N4xJCFE3MiwlhKizlJQUysvLiY+Pt20zGAz07NmTpKSkGo9JSkqiV69e1bb17t37lmM5deoUxcXF/O53v8Pd3d32+OCDD0hJSam2b/fu3at9XVhYyOTJk4mNjcXb2xt3d3eSkpJIS0urUwxJSUnVvhcA8fHxV30vOnbsaPu3m5sbnp6eZGVl1elaQogbkwnFQogmrbCwEID169cTGhpa7TmTyVTtazc3t2pfT548me+++4433niD6OhoXFxc+H//7/9hNpsbJFaDwVDta0VRsFqtDXItIZozuXMjhKizqomzO3bssG0rLy9n3759tGvXrsZjYmNj2bNnT7Vtu3fvrtN1jUYjABaLxbatXbt2mEwm0tLSiI6OrvYICwu77vl27NjB6NGjGTZsGHFxcQQFBXH69Omrrvnr69UkNja22vei6tzX+l4IIRqW3LkRQtSZm5sbTz75JM8++yy+vr60atWKefPmUVxczOOPP17jMePHjyc+Pp433niDe++9l02bNrFx48Y6XTc8PBxFUVi3bh133XUXLi4ueHh4MHnyZCZOnIjVaiUhIYG8vDx27NiBp6cno0aNuub5YmJiWL16NUOGDEFRFGbMmHHVnZSIiAi2bt3KAw88gMlkwt/f/6rzPPvss9x///106dKFQYMG8fXXX7N69epqK6+EEI1H7twIIW7Kq6++yn333cfDDz9M165dOXXqFJs2bcLHx6fG/W+//XaWLl3KwoUL6dSpE99++y3Tp0+v0zVDQ0N56aWXmDp1KoGBgYwbNw6A2bNnM2PGDObOnUtsbCx33nkn69evJzIy8rrne/PNN/Hx8aFPnz4MGTKEwYMH07Vr12r7zJo1i9OnTxMVFUWLFi1qPM/QoUNZuHAhb7zxBu3bt+cf//gHy5cvp3///nV6fUKI+qGoqqpqHYQQQgghRH2ROzdCCCGEcCiS3AghhBDCoUhyI4QQQgiHIsmNEEIIIRyKJDdCCCGEcCiS3AghhBDCoUhyI4QQQgiHIsmNEEIIIRyKJDdCCCGEcCiS3AghhBDCoUhyI4QQQgiH8v8BychL3boxH54AAAAASUVORK5CYII=", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "plt.plot(accuracy_scores)\n", + "plt.plot(precision_scores)\n", + "plt.plot(recall_scores)\n", + "plt.plot(f1_scores)\n", + "plt.ylabel('metrics')\n", + "plt.xlabel('fold iteration')\n", + "plt.legend(['accuracy', 'precision','recall', 'f1'], loc='lower right')\n", + "plt.show()" + ] + }, + { + "cell_type": "code", + "execution_count": 22, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "x_train: (1680, 13)\n", + "y_train: (1680,)\n", + "x_test: (721, 13)\n", + "y_test: (721,)\n" + ] + } + ], + "source": [ + "from sklearn.model_selection import train_test_split\n", + "\n", + "x_train, x_test, y_train, y_test = train_test_split(standard(x),y,test_size=0.3,random_state=42)\n", + "\n", + "print(\"x_train:\",x_train.shape)\n", + "print(\"y_train:\",y_train.shape)\n", + "print(\"x_test:\",x_test.shape)\n", + "print(\"y_test:\",y_test.shape)" + ] + }, + { + "cell_type": "code", + "execution_count": 23, + "metadata": {}, + "outputs": [ + { + "data": { + "text/html": [ + "
Model: \"sequential_31\"\n",
+       "
\n" + ], + "text/plain": [ + "\u001b[1mModel: \"sequential_31\"\u001b[0m\n" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "text/html": [ + "
┏━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━┳━━━━━━━━━━━━━━━━━━━━━━━━┳━━━━━━━━━━━━━━━┓\n",
+       "┃ Layer (type)                     Output Shape                  Param # ┃\n",
+       "┡━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━╇━━━━━━━━━━━━━━━━━━━━━━━━╇━━━━━━━━━━━━━━━┩\n",
+       "│ dense_310 (Dense)               │ (None, 10)             │           140 │\n",
+       "├─────────────────────────────────┼────────────────────────┼───────────────┤\n",
+       "│ dense_311 (Dense)               │ (None, 20)             │           220 │\n",
+       "├─────────────────────────────────┼────────────────────────┼───────────────┤\n",
+       "│ dense_312 (Dense)               │ (None, 40)             │           840 │\n",
+       "├─────────────────────────────────┼────────────────────────┼───────────────┤\n",
+       "│ dense_313 (Dense)               │ (None, 80)             │         3,280 │\n",
+       "├─────────────────────────────────┼────────────────────────┼───────────────┤\n",
+       "│ dense_314 (Dense)               │ (None, 100)            │         8,100 │\n",
+       "├─────────────────────────────────┼────────────────────────┼───────────────┤\n",
+       "│ dense_315 (Dense)               │ (None, 80)             │         8,080 │\n",
+       "├─────────────────────────────────┼────────────────────────┼───────────────┤\n",
+       "│ dense_316 (Dense)               │ (None, 40)             │         3,240 │\n",
+       "├─────────────────────────────────┼────────────────────────┼───────────────┤\n",
+       "│ dense_317 (Dense)               │ (None, 20)             │           820 │\n",
+       "├─────────────────────────────────┼────────────────────────┼───────────────┤\n",
+       "│ dense_318 (Dense)               │ (None, 10)             │           210 │\n",
+       "├─────────────────────────────────┼────────────────────────┼───────────────┤\n",
+       "│ dense_319 (Dense)               │ (None, 1)              │            11 │\n",
+       "└─────────────────────────────────┴────────────────────────┴───────────────┘\n",
+       "
\n" + ], + "text/plain": [ + "┏━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━┳━━━━━━━━━━━━━━━━━━━━━━━━┳━━━━━━━━━━━━━━━┓\n", + "┃\u001b[1m \u001b[0m\u001b[1mLayer (type) \u001b[0m\u001b[1m \u001b[0m┃\u001b[1m \u001b[0m\u001b[1mOutput Shape \u001b[0m\u001b[1m \u001b[0m┃\u001b[1m \u001b[0m\u001b[1m Param #\u001b[0m\u001b[1m \u001b[0m┃\n", + "┡━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━╇━━━━━━━━━━━━━━━━━━━━━━━━╇━━━━━━━━━━━━━━━┩\n", + "│ dense_310 (\u001b[38;5;33mDense\u001b[0m) │ (\u001b[38;5;45mNone\u001b[0m, \u001b[38;5;34m10\u001b[0m) │ \u001b[38;5;34m140\u001b[0m │\n", + "├─────────────────────────────────┼────────────────────────┼───────────────┤\n", + "│ dense_311 (\u001b[38;5;33mDense\u001b[0m) │ (\u001b[38;5;45mNone\u001b[0m, \u001b[38;5;34m20\u001b[0m) │ \u001b[38;5;34m220\u001b[0m │\n", + "├─────────────────────────────────┼────────────────────────┼───────────────┤\n", + "│ dense_312 (\u001b[38;5;33mDense\u001b[0m) │ (\u001b[38;5;45mNone\u001b[0m, \u001b[38;5;34m40\u001b[0m) │ \u001b[38;5;34m840\u001b[0m │\n", + "├─────────────────────────────────┼────────────────────────┼───────────────┤\n", + "│ dense_313 (\u001b[38;5;33mDense\u001b[0m) │ (\u001b[38;5;45mNone\u001b[0m, \u001b[38;5;34m80\u001b[0m) │ \u001b[38;5;34m3,280\u001b[0m │\n", + "├─────────────────────────────────┼────────────────────────┼───────────────┤\n", + "│ dense_314 (\u001b[38;5;33mDense\u001b[0m) │ (\u001b[38;5;45mNone\u001b[0m, \u001b[38;5;34m100\u001b[0m) │ \u001b[38;5;34m8,100\u001b[0m │\n", + "├─────────────────────────────────┼────────────────────────┼───────────────┤\n", + "│ dense_315 (\u001b[38;5;33mDense\u001b[0m) │ (\u001b[38;5;45mNone\u001b[0m, \u001b[38;5;34m80\u001b[0m) │ \u001b[38;5;34m8,080\u001b[0m │\n", + "├─────────────────────────────────┼────────────────────────┼───────────────┤\n", + "│ dense_316 (\u001b[38;5;33mDense\u001b[0m) │ (\u001b[38;5;45mNone\u001b[0m, \u001b[38;5;34m40\u001b[0m) │ \u001b[38;5;34m3,240\u001b[0m │\n", + "├─────────────────────────────────┼────────────────────────┼───────────────┤\n", + "│ dense_317 (\u001b[38;5;33mDense\u001b[0m) │ (\u001b[38;5;45mNone\u001b[0m, \u001b[38;5;34m20\u001b[0m) │ \u001b[38;5;34m820\u001b[0m │\n", + "├─────────────────────────────────┼────────────────────────┼───────────────┤\n", + "│ dense_318 (\u001b[38;5;33mDense\u001b[0m) │ (\u001b[38;5;45mNone\u001b[0m, \u001b[38;5;34m10\u001b[0m) │ \u001b[38;5;34m210\u001b[0m │\n", + "├─────────────────────────────────┼────────────────────────┼───────────────┤\n", + "│ dense_319 (\u001b[38;5;33mDense\u001b[0m) │ (\u001b[38;5;45mNone\u001b[0m, \u001b[38;5;34m1\u001b[0m) │ \u001b[38;5;34m11\u001b[0m │\n", + "└─────────────────────────────────┴────────────────────────┴───────────────┘\n" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "text/html": [ + "
 Total params: 24,941 (97.43 KB)\n",
+       "
\n" + ], + "text/plain": [ + "\u001b[1m Total params: \u001b[0m\u001b[38;5;34m24,941\u001b[0m (97.43 KB)\n" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "text/html": [ + "
 Trainable params: 24,941 (97.43 KB)\n",
+       "
\n" + ], + "text/plain": [ + "\u001b[1m Trainable params: \u001b[0m\u001b[38;5;34m24,941\u001b[0m (97.43 KB)\n" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "text/html": [ + "
 Non-trainable params: 0 (0.00 B)\n",
+       "
\n" + ], + "text/plain": [ + "\u001b[1m Non-trainable params: \u001b[0m\u001b[38;5;34m0\u001b[0m (0.00 B)\n" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Epoch 1/12\n", + "\u001b[1m82/84\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m━\u001b[0m \u001b[1m0s\u001b[0m 3ms/step - accuracy: 0.6714 - loss: 0.5913\n", + "Epoch 1: val_accuracy improved from -inf to 0.76283, saving model to standard_model.keras\n", + "\u001b[1m84/84\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m5s\u001b[0m 8ms/step - accuracy: 0.6731 - loss: 0.5888 - val_accuracy: 0.7628 - val_loss: 0.4440\n", + "Epoch 2/12\n", + "\u001b[1m72/84\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m━━━\u001b[0m \u001b[1m0s\u001b[0m 2ms/step - accuracy: 0.8003 - loss: 0.4266\n", + "Epoch 2: val_accuracy improved from 0.76283 to 0.80444, saving model to standard_model.keras\n", + "\u001b[1m84/84\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m0s\u001b[0m 4ms/step - accuracy: 0.8013 - loss: 0.4253 - val_accuracy: 0.8044 - val_loss: 0.4062\n", + "Epoch 3/12\n", + "\u001b[1m70/84\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m━━━━\u001b[0m \u001b[1m0s\u001b[0m 2ms/step - accuracy: 0.8396 - loss: 0.3727\n", + "Epoch 3: val_accuracy improved from 0.80444 to 0.82108, saving model to standard_model.keras\n", + "\u001b[1m84/84\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m0s\u001b[0m 4ms/step - accuracy: 0.8370 - loss: 0.3747 - val_accuracy: 0.8211 - val_loss: 0.3978\n", + "Epoch 4/12\n", + "\u001b[1m78/84\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m━━\u001b[0m \u001b[1m0s\u001b[0m 2ms/step - accuracy: 0.7916 - loss: 0.4168\n", + "Epoch 4: val_accuracy improved from 0.82108 to 0.82386, saving model to standard_model.keras\n", + "\u001b[1m84/84\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m0s\u001b[0m 4ms/step - accuracy: 0.7946 - loss: 0.4131 - val_accuracy: 0.8239 - val_loss: 0.3799\n", + "Epoch 5/12\n", + "\u001b[1m75/84\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m━━━\u001b[0m \u001b[1m0s\u001b[0m 2ms/step - accuracy: 0.8221 - loss: 0.3710\n", + "Epoch 5: val_accuracy did not improve from 0.82386\n", + "\u001b[1m84/84\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m0s\u001b[0m 3ms/step - accuracy: 0.8234 - loss: 0.3689 - val_accuracy: 0.8155 - val_loss: 0.3684\n", + "Epoch 6/12\n", + "\u001b[1m77/84\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m━━\u001b[0m \u001b[1m0s\u001b[0m 2ms/step - accuracy: 0.8468 - loss: 0.3274\n", + "Epoch 6: val_accuracy improved from 0.82386 to 0.83079, saving model to standard_model.keras\n", + "\u001b[1m84/84\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m0s\u001b[0m 4ms/step - accuracy: 0.8466 - loss: 0.3283 - val_accuracy: 0.8308 - val_loss: 0.3623\n", + "Epoch 7/12\n", + "\u001b[1m72/84\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m━━━\u001b[0m \u001b[1m0s\u001b[0m 2ms/step - accuracy: 0.8473 - loss: 0.3420\n", + "Epoch 7: val_accuracy did not improve from 0.83079\n", + "\u001b[1m84/84\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m0s\u001b[0m 3ms/step - accuracy: 0.8483 - loss: 0.3397 - val_accuracy: 0.8294 - val_loss: 0.3628\n", + "Epoch 8/12\n", + "\u001b[1m76/84\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m━━\u001b[0m \u001b[1m0s\u001b[0m 2ms/step - accuracy: 0.8693 - loss: 0.3104\n", + "Epoch 8: val_accuracy did not improve from 0.83079\n", + "\u001b[1m84/84\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m0s\u001b[0m 3ms/step - accuracy: 0.8680 - loss: 0.3114 - val_accuracy: 0.8252 - val_loss: 0.3682\n", + "Epoch 9/12\n", + "\u001b[1m78/84\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m━━\u001b[0m \u001b[1m0s\u001b[0m 2ms/step - accuracy: 0.8639 - loss: 0.3007\n", + "Epoch 9: val_accuracy improved from 0.83079 to 0.83634, saving model to standard_model.keras\n", + "\u001b[1m84/84\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m0s\u001b[0m 4ms/step - accuracy: 0.8635 - loss: 0.3018 - val_accuracy: 0.8363 - val_loss: 0.3460\n", + "Epoch 10/12\n", + "\u001b[1m73/84\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m━━━\u001b[0m \u001b[1m0s\u001b[0m 2ms/step - accuracy: 0.8661 - loss: 0.3126\n", + "Epoch 10: val_accuracy did not improve from 0.83634\n", + "\u001b[1m84/84\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m0s\u001b[0m 3ms/step - accuracy: 0.8646 - loss: 0.3128 - val_accuracy: 0.8266 - val_loss: 0.3679\n", + "Epoch 11/12\n", + "\u001b[1m75/84\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m━━━\u001b[0m \u001b[1m0s\u001b[0m 2ms/step - accuracy: 0.8654 - loss: 0.2934\n", + "Epoch 11: val_accuracy improved from 0.83634 to 0.84743, saving model to standard_model.keras\n", + "\u001b[1m84/84\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m0s\u001b[0m 4ms/step - accuracy: 0.8654 - loss: 0.2944 - val_accuracy: 0.8474 - val_loss: 0.3419\n", + "Epoch 12/12\n", + "\u001b[1m74/84\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m━━━\u001b[0m \u001b[1m0s\u001b[0m 2ms/step - accuracy: 0.8614 - loss: 0.2938\n", + "Epoch 12: val_accuracy did not improve from 0.84743\n", + "\u001b[1m84/84\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m0s\u001b[0m 3ms/step - accuracy: 0.8629 - loss: 0.2933 - val_accuracy: 0.8405 - val_loss: 0.3592\n", + "\u001b[1m23/23\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m0s\u001b[0m 8ms/step\n", + "Accuracy: 0.8474341192787794\n", + "Precision: 0.7824267782426778\n", + "Recall: 0.763265306122449\n", + "F1 Score: 0.7727272727272727\n", + "ROC AUC Score: 0.8270108043217287\n", + "Confusion Matrix:\n", + "[[424 52]\n", + " [ 58 187]]\n" + ] + } + ], + "source": [ + "model = Sequential()\n", + "model.add(InputLayer(input_shape=(13,)))\n", + "model.add(Dense(10, activation='relu'))\n", + "model.add(Dense(20, activation='relu'))\n", + "model.add(Dense(40, activation='relu'))\n", + "model.add(Dense(80, activation='relu'))\n", + "model.add(Dense(100, activation='relu'))\n", + "model.add(Dense(80, activation='relu'))\n", + "model.add(Dense(40, activation='relu'))\n", + "model.add(Dense(20, activation='relu'))\n", + "model.add(Dense(10, activation='relu'))\n", + "model.add(Dense(1, activation='sigmoid'))\n", + "\n", + "model.compile(loss='binary_crossentropy', optimizer='adam', metrics=['accuracy'])\n", + "\n", + "model.summary()\n", + "\n", + "model_checkpoint = ModelCheckpoint('standard_model.keras',mode='max',verbose=1,monitor='val_accuracy',save_best_only=True)\n", + "\n", + "history = model.fit(x_train,y_train,batch_size=20,validation_data=(x_test,y_test),epochs=12,callbacks=[model_checkpoint])\n", + "\n", + "model1 = load_model('standard_model.keras')\n", + "\n", + "y_pred = model1.predict(x_test)\n", + "\n", + "y_pred = (y_pred >= 0.5).astype(int)\n", + "\n", + "print(\"Accuracy:\", accuracy_score(y_test, y_pred))\n", + "print(\"Precision:\", precision_score(y_test, y_pred))\n", + "print(\"Recall:\", recall_score(y_test, y_pred))\n", + "print(\"F1 Score:\", f1_score(y_test, y_pred))\n", + "print(\"ROC AUC Score:\", roc_auc_score(y_test, y_pred))\n", + "print(\"Confusion Matrix:\")\n", + "print(confusion_matrix(y_test, y_pred))" + ] + }, + { + "cell_type": "code", + "execution_count": 24, + "metadata": {}, + "outputs": [ + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAkAAAAHHCAYAAABXx+fLAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8pXeV/AAAACXBIWXMAAA9hAAAPYQGoP6dpAABxLUlEQVR4nO3dd3hUZdrH8e+kNxIgjRYSepMeEikqKoqiKBaaUhVZV1Ag6goo+K6IUXdlo4CgLugqICiCYkMhCooCoQiK0ltoSQglIQmkzXn/OGQwJpTUk5Df57rmcuaZc87cZxTm9in3YzMMw0BERESkCnGyOgARERGR8qYESERERKocJUAiIiJS5SgBEhERkSpHCZCIiIhUOUqAREREpMpRAiQiIiJVjhIgERERqXKUAImIiEiVowRIRMrVgQMHsNlsvPfee0U+d9WqVdhsNlatWlXqcYlI1aIESERERKocJUAiIiJS5SgBEhGxWHp6utUhiFQ5SoBEqpj/+7//w2azsWvXLgYNGoSfnx+BgYFMmjQJwzA4dOgQd999N76+vtSqVYvXXnutwDWSkpJ4+OGHCQ4OxsPDg7Zt2/K///2vwHGnT59m2LBh+Pn5Ub16dYYOHcrp06cLjWvHjh3cf//91KxZEw8PD8LDw1m2bFmx7vHgwYM89thjNGvWDE9PT/z9/enbty8HDhwoNMZx48YRFhaGu7s79erVY8iQISQnJzuOOXfuHP/3f/9H06ZN8fDwoHbt2tx7773s3bsXuPjcpMLmOw0bNgwfHx/27t1Lr169qFatGg8++CAAP/74I3379qV+/fq4u7sTEhLCuHHjOHv2bKHfV79+/QgMDMTT05NmzZrx7LPPAvD9999js9lYunRpgfMWLFiAzWZj7dq1Rf1aRa4qLlYHICLW6N+/Py1atODll1/myy+/5MUXX6RmzZq89dZb3HTTTbzyyivMnz+fp556ik6dOnH99dcDcPbsWbp3786ePXsYPXo0DRo04OOPP2bYsGGcPn2aMWPGAGAYBnfffTdr1qzh0UcfpUWLFixdupShQ4cWiOX333+na9eu1K1bl/Hjx+Pt7c1HH31Enz59+OSTT7jnnnuKdG8bNmzg559/ZsCAAdSrV48DBw4wa9Ysunfvzh9//IGXlxcAaWlpXHfddWzfvp2HHnqIDh06kJyczLJlyzh8+DABAQHk5uZy5513Ehsby4ABAxgzZgxnzpxhxYoVbNu2jUaNGhX5u8/JyaFnz55069aNf//73454Pv74YzIyMvj73/+Ov78/cXFxTJ8+ncOHD/Pxxx87zv/111+57rrrcHV1ZeTIkYSFhbF3714+//xzpk6dSvfu3QkJCWH+/PkFvrv58+fTqFEjOnfuXOS4Ra4qhohUKc8//7wBGCNHjnS05eTkGPXq1TNsNpvx8ssvO9pPnTpleHp6GkOHDnW0xcTEGIAxb948R1tWVpbRuXNnw8fHx0hNTTUMwzA+/fRTAzBeffXVfJ9z3XXXGYDx7rvvOtpvvvlmo3Xr1sa5c+ccbXa73ejSpYvRpEkTR9v3339vAMb3339/yXvMyMgo0LZ27VoDMN5//31H2+TJkw3AWLJkSYHj7Xa7YRiGMXfuXAMwpk2bdtFjLhbX/v37C9zr0KFDDcAYP378FcUdHR1t2Gw24+DBg46266+/3qhWrVq+tj/HYxiGMWHCBMPd3d04ffq0oy0pKclwcXExnn/++QKfI1LVaAhMpIoaMWKE47mzszPh4eEYhsHDDz/saK9evTrNmjVj3759jravvvqKWrVqMXDgQEebq6srTzzxBGlpaaxevdpxnIuLC3//+9/zfc7jjz+eL46TJ0/y3Xff0a9fP86cOUNycjLJycmcOHGCnj17snv3bo4cOVKke/P09HQ8z87O5sSJEzRu3Jjq1auzefNmx3uffPIJbdu2LbSHyWazOY4JCAgoEPefjymOP38vhcWdnp5OcnIyXbp0wTAMfvnlFwCOHz/ODz/8wEMPPUT9+vUvGs+QIUPIzMxk8eLFjrZFixaRk5PDoEGDih23yNVCCZBIFfXXH08/Pz88PDwICAgo0H7q1CnH64MHD9KkSROcnPL/9dGiRQvH+3n/rF27Nj4+PvmOa9asWb7Xe/bswTAMJk2aRGBgYL7H888/D5hzjori7NmzTJ48mZCQENzd3QkICCAwMJDTp0+TkpLiOG7v3r1cc801l7zW3r17adasGS4upTdjwMXFhXr16hVoj4+PZ9iwYdSsWRMfHx8CAwO54YYbABxx5yWjl4u7efPmdOrUifnz5zva5s+fz7XXXkvjxo1L61ZEKi3NARKpopydna+oDcz5PGXFbrcD8NRTT9GzZ89CjynqD/bjjz/Ou+++y9ixY+ncuTN+fn7YbDYGDBjg+LzSdLGeoNzc3ELb3d3dCySQubm53HLLLZw8eZJnnnmG5s2b4+3tzZEjRxg2bFix4h4yZAhjxozh8OHDZGZmsm7dOmbMmFHk64hcjZQAiUiRhIaG8uuvv2K32/P9iO/YscPxft4/Y2NjSUtLy9cLtHPnznzXa9iwIWAOo/Xo0aNUYly8eDFDhw7Nt4Lt3LlzBVagNWrUiG3btl3yWo0aNWL9+vVkZ2fj6upa6DE1atQAKHD9vN6wK/Hbb7+xa9cu/ve//zFkyBBH+4oVK/Idl/d9XS5ugAEDBhAVFcWHH37I2bNncXV1pX///lcck8jVTENgIlIkvXr1IiEhgUWLFjnacnJymD59Oj4+Po4hm169epGTk8OsWbMcx+Xm5jJ9+vR81wsKCqJ79+689dZbHDt2rMDnHT9+vMgxOjs7F+i1mj59eoEemfvuu4+tW7cWulw87/z77ruP5OTkQntO8o4JDQ3F2dmZH374Id/7b775ZpFi/vM1856//vrr+Y4LDAzk+uuvZ+7cucTHxxcaT56AgABuv/125s2bx/z587ntttsKDHGKVFXqARKRIhk5ciRvvfUWw4YNY9OmTYSFhbF48WJ++uknYmJiqFatGgC9e/ema9eujB8/ngMHDtCyZUuWLFmSbw5OnpkzZ9KtWzdat27NI488QsOGDUlMTGTt2rUcPnyYrVu3FinGO++8kw8++AA/Pz9atmzJ2rVrWblyJf7+/vmOe/rpp1m8eDF9+/bloYceomPHjpw8eZJly5Yxe/Zs2rZty5AhQ3j//feJiooiLi6O6667jvT0dFauXMljjz3G3XffjZ+fH3379mX69OnYbDYaNWrEF198UaS5S82bN6dRo0Y89dRTHDlyBF9fXz755JN886/yvPHGG3Tr1o0OHTowcuRIGjRowIEDB/jyyy/ZsmVLvmOHDBnC/fffD8CUKVOK9D2KXNWsWn4mItbIWwZ//PjxfO1Dhw41vL29Cxx/ww03GK1atcrXlpiYaAwfPtwICAgw3NzcjNatW+db6p3nxIkTxuDBgw1fX1/Dz8/PGDx4sPHLL78UWBpuGIaxd+9eY8iQIUatWrUMV1dXo27dusadd95pLF682HHMlS6DP3XqlCM+Hx8fo2fPnsaOHTuM0NDQfEv682IcPXq0UbduXcPNzc2oV6+eMXToUCM5OdlxTEZGhvHss88aDRo0MFxdXY1atWoZ999/v7F3717HMcePHzfuu+8+w8vLy6hRo4bxt7/9zdi2bVuhy+AL+54NwzD++OMPo0ePHoaPj48REBBgPPLII8bWrVsL/b62bdtm3HPPPUb16tUNDw8Po1mzZsakSZMKXDMzM9OoUaOG4efnZ5w9e/aS35tIVWIzjDKc3SgiIpbKycmhTp069O7dmzlz5lgdjkiFoTlAIiJXsU8//ZTjx4/nm1gtIqAeIBGRq9D69ev59ddfmTJlCgEBAfkKQIqIeoBERK5Ks2bN4u9//ztBQUG8//77VocjUuFYngDNnDmTsLAwPDw8iIyMJC4u7pLHx8TEOHZ4ztsp+dy5c473c3NzmTRpEg0aNMDT05NGjRoxZcqUMi3kJiJS0bz33nvk5OSwcePGy1aNFqmKLF0Gv2jRIqKiopg9ezaRkZHExMTQs2dPdu7cSVBQUIHjFyxYwPjx45k7dy5dunRh165dDBs2DJvNxrRp0wB45ZVXmDVrFv/73/9o1aoVGzduZPjw4fj5+fHEE0+U9y2KiIhIBWTpHKDIyEg6derkKDBmt9sJCQnh8ccfZ/z48QWOHz16NNu3byc2NtbR9uSTT7J+/XrWrFkDmPU/goOD8612uO+++/D09GTevHllfEciIiJSGVjWA5SVlcWmTZuYMGGCo83JyYkePXqwdu3aQs/p0qUL8+bNIy4ujoiICPbt28dXX33F4MGD8x3z9ttvs2vXLpo2bcrWrVtZs2aNo4foStjtdo4ePUq1atVKtNuziIiIlB/DMDhz5gx16tQpsN/eX1mWACUnJ5Obm0twcHC+9uDgYMeeQn/1wAMPkJycTLdu3TAMg5ycHB599FEmTpzoOGb8+PGkpqbSvHlznJ2dyc3NZerUqTz44IMXjSUzM5PMzEzH6yNHjtCyZcsS3qGIiIhY4dChQ9SrV++Sx1SqrTBWrVrFSy+9xJtvvklkZCR79uxhzJgxTJkyhUmTJgHw0UcfMX/+fBYsWECrVq3YsmULY8eOpU6dOgwdOrTQ60ZHR/PPf/6zQPuhQ4fw9fUt03sSERGR0pGamkpISIhjS55LsWwOUFZWFl5eXixevJg+ffo42ocOHcrp06f57LPPCpxz3XXXce211/Kvf/3L0TZv3jxGjhxJWloaTk5OhISEMH78eEaNGuU45sUXX2TevHkX7Vn6aw9Q3heYkpKiBEhERKSSSE1Nxc/P74p+vy1bBu/m5kbHjh3zTWi22+3ExsbSuXPnQs/JyMgoMKb31x2UL3aM3W6/aCzu7u74+vrme4iIiMjVy9IhsKioKIYOHUp4eDgRERHExMSQnp7O8OHDAXMX47p16xIdHQ2Yu0tPmzaN9u3bO4bAJk2aRO/evR2JUO/evZk6dSr169enVatW/PLLL0ybNo2HHnrIsvsUERGRisXSBKh///4cP36cyZMnk5CQQLt27Vi+fLljYnR8fHy+3pznnnsOm83Gc889x5EjRwgMDHQkPHmmT5/OpEmTeOyxx0hKSqJOnTr87W9/Y/LkyeV+fyIiIlIxaS+wQlzpGGJubi7Z2dnlGNnVw9XV1dFrJyIiUhqKMgeoUq0CqygMwyAhIYHTp09bHUqlVr16dWrVqqVaSyIiUu6UABVDXvITFBSEl5eXfsCLyDAMMjIySEpKAqB27doWRyQiIlWNEqAiys3NdSQ//v7+VodTaXl6egKQlJREUFCQhsNERKRcWb4bfGWTN+fHy8vL4kgqv7zvUPOoRESkvCkBKiYNe5WcvkMREbGKEiARERGpcpQASbGEhYURExNjdRgiIiLFoknQVUj37t1p165dqSQuGzZswNvbu+RBiYiIWEA9QOJgGAY5OTlXdGxgYKAmgouISLHsSjzDsZSzlsagBKiKGDZsGKtXr+b111/HZrNhs9l47733sNlsfP3113Ts2BF3d3fWrFnD3r17ufvuuwkODsbHx4dOnTqxcuXKfNf76xCYzWbjv//9L/fccw9eXl40adKEZcuWlfNdiohIRZWda+fLX4/R/6213PqfH3jnh/2WxqMhsFJgGAZns3PL/XM9XZ2veCXV66+/zq5du7jmmmt44YUXAPj9998BGD9+PP/+979p2LAhNWrU4NChQ/Tq1YupU6fi7u7O+++/T+/evdm5cyf169e/6Gf885//5NVXX+Vf//oX06dP58EHH+TgwYPUrFmz5DcrIiKVUlLqORbExfNhXDyJqZkAODvZSMu0tgSKEqBScDY7l5aTvyn3z/3jhZ54uV3Zv0I/Pz/c3Nzw8vKiVq1aAOzYsQOAF154gVtuucVxbM2aNWnbtq3j9ZQpU1i6dCnLli1j9OjRF/2MYcOGMXDgQABeeukl3njjDeLi4rjtttuKfG8iIlJ5GYZB3P6TvL/uIN9sSyDHbm47GuDjzsCIEB6IrE9tP09LY1QCJISHh+d7nZaWxv/93//x5ZdfcuzYMXJycjh79izx8fGXvE6bNm0cz729vfH19XVsdyEiIle/9Mwclv5yhHnrDrIj4YyjPTy0BoM7h3L7NbVxc6kYs2+UAJUCT1dn/nihpyWfWxr+uprrqaeeYsWKFfz73/+mcePGeHp6cv/995OVlXXJ67i6uuZ7bbPZsNvtpRKjiIhUXHuS0pi37iCfbDrMmUxzMY2nqzN92tdh8LVhtKxz6Z3ZraAEqBTYbLYrHoqykpubG7m5l5+r9NNPPzFs2DDuuecewOwROnDgQBlHJyIilUlOrp2V25P4YN0BftpzwtHeIMCbQdeGcn/Hevh5ul7iCtaq+L/aUmrCwsJYv349Bw4cwMfH56K9M02aNGHJkiX07t0bm83GpEmT1JMjIiIAHD+TyaIN8SxYH8/RlHMAONngpubBDOkcSrfGATg5VfytjpQAVSFPPfUUQ4cOpWXLlpw9e5Z333230OOmTZvGQw89RJcuXQgICOCZZ54hNTW1nKMVEZGKwjAMNsef4v21B/nqt2Nk55qTmmt6u9G/UwgPRtanXo3KVRvOZhiGYXUQFU1qaip+fn6kpKTg65t/3PLcuXPs37+fBg0a4OHhYVGEVwd9lyIiFdvZrFw+23KE99ce5I9jF/5HuF1IdYZ0DqVX69p4lNJ81NJwqd/vv1IPkIiIiOSzPzmdeesO8vHGQ6SeMyc1u7s4cVfbOgzpHEbren4WR1hySoBERESEXLvB9zuSeH/dQX7YddzRXr+mF4OurU/fjiHU8HazMMLSpQRIRESkCjuZnsWiDYeYt+4gR06b+3PZbNC9aSBDOodxQ9PASjGpuaiUAImIiFRBWw6d5v21B/ji12Nk5Zgrfat7udIvPIRBkaHU969ck5qLSgmQiIhIFXEuO5dlW48yb91Bfj2c4mhvXdePwZ1DuattnQo1qbksKQESERG5ysWfyGDe+oN8tPEQpzPMTUjdnJ24s01tBncOpV1I9SveXPtqoQRIRETkKmS3G6zedZz31x5g1a7j5BW9qVvdk0HXhtIvvB7+Pu7WBmkhJUAiIiJXkdMZWXy08RDz1sUTfzLD0X5900CGXBvKjc2DcL4KJzUXlRIgERGRq0DK2Wxmr97Luz/t51y2OanZ18OFvuEhDLo2lAYB3pe5QtWiBEhERKQSy8zJZd66eKZ/t9sxv6dlbV+GdA7lrnZ1KsVm3VbQt1KFdO/enXbt2hETE1Mq1xs2bBinT5/m008/LZXriYjIlbPbDb747Rj/+mYHh06a9XsaB/kw/rbm3NwiqMpNai4qJUAiIiKVzNq9J4j+ertjKXtQNXeibmnK/R3r4eLsZHF0lYO+pSpi2LBhrF69mtdffx2bzYbNZuPAgQNs27aN22+/HR8fH4KDgxk8eDDJycmO8xYvXkzr1q3x9PTE39+fHj16kJ6ezv/93//xv//9j88++8xxvVWrVll3gyIiVcDOhDM89N4GBr6zjl8Pp+Dt5syTtzRl1dPdGRBRX8lPEagHqDQYBmRnXP640ubqZdYrvwKvv/46u3bt4pprruGFF14wT3d1JSIighEjRvCf//yHs2fP8swzz9CvXz++++47jh07xsCBA3n11Ve55557OHPmDD/++COGYfDUU0+xfft2UlNTeffddwGoWbNmmd2qiEhVlpByjv+s2MXHmw5hN8DFycYDkfV54uYmBFThpewloQSoNGRnwEt1yv9zJx4Ftyub1e/n54ebmxteXl7UqlULgBdffJH27dvz0ksvOY6bO3cuISEh7Nq1i7S0NHJycrj33nsJDQ0FoHXr1o5jPT09yczMdFxPRERKV+q5bN5avZc5ay6s7Lr9mlo83bMZDQN9LI6uclMCVIVt3bqV77//Hh+fgn+I9u7dy6233srNN99M69at6dmzJ7feeiv3338/NWrUsCBaEZGqIyvHzoL1B3njuz2cTM8CIDy0BhN6taBjqP4OLg2WJ0AzZ87kX//6FwkJCbRt25bp06cTERFx0eNjYmKYNWsW8fHxBAQEcP/99xMdHY2Hh4fjmCNHjvDMM8/w9ddfk5GRQePGjXn33XcJDw8vm5tw9TJ7Y8qba8k2qktLS6N379688sorBd6rXbs2zs7OrFixgp9//plvv/2W6dOn8+yzz7J+/XoaNGhQos8WEZGCDMPgq98SePWbHRw8YU6taBjozfjbmnNLy2Ct7CpFliZAixYtIioqitmzZxMZGUlMTAw9e/Zk586dBAUFFTh+wYIFjB8/nrlz59KlSxd27drFsGHDsNlsTJs2DYBTp07RtWtXbrzxRr7++msCAwPZvXt32fZa2GxXPBRlJTc3N3Jzcx2vO3TowCeffEJYWBguLoX/p2Cz2ejatStdu3Zl8uTJhIaGsnTpUqKiogpcT0REim/9vhO89PUOth46DUCAjzvjbmlC//AQTW4uA5YmQNOmTeORRx5h+PDhAMyePZsvv/ySuXPnMn78+ALH//zzz3Tt2pUHHngAgLCwMAYOHMj69esdx7zyyiuEhIQ4JuYC6q04LywsjPXr13PgwAF8fHwYNWoU77zzDgMHDuQf//gHNWvWZM+ePSxcuJD//ve/bNy4kdjYWG699VaCgoJYv349x48fp0WLFo7rffPNN+zcuRN/f3/8/PxwdXW1+C5FRCqXPUlnePnrnazcngiAl5szI69vyCPXNcTb3fKBmquWZSllVlYWmzZtokePHheCcXKiR48erF27ttBzunTpwqZNm4iLiwNg3759fPXVV/Tq1ctxzLJlywgPD6dv374EBQXRvn173nnnnUvGkpmZSWpqar7H1eipp57C2dmZli1bEhgYSFZWFj/99BO5ubnceuuttG7dmrFjx1K9enWcnJzw9fXlhx9+oFevXjRt2pTnnnuO1157jdtvvx2ARx55hGbNmhEeHk5gYCA//fSTxXcoIlJ5JKWeY8KSX7n1Pz+wcnsizk42Hoysz6qnuzO2R1MlP2XMsm83OTmZ3NxcgoOD87UHBwezY8eOQs954IEHSE5Oplu3bhiGQU5ODo8++igTJ050HLNv3z5mzZpFVFQUEydOZMOGDTzxxBO4ubkxdOjQQq8bHR3NP//5z9K7uQqqadOmhSaXS5YsKfT4Fi1asHz58oteLzAwkG+//bbU4hMRqQrSMnN4e/Ve3vlxP2ezzWkEt7YM5h+3NadxkFZ2lZdKlV6uWrWKl156iTfffJPIyEj27NnDmDFjmDJlCpMmTQLAbrcTHh7uWNrdvn17tm3bxuzZsy+aAE2YMIGoqCjH69TUVEJCQsr+hkREpMrIzrWzMC6emJW7OXF+ZVf7+tWZ2KsFncJUR628WZYABQQE4OzsTGJiYr72xMTEi9aVmTRpEoMHD2bEiBGAWZMmPT2dkSNH8uyzz+Lk5ETt2rVp2bJlvvNatGjBJ598ctFY3N3dcXdXISkRESl9hmGwfFsCr36zk/3J6QA0CPDmHz2bcds1tbSyyyKWJUBubm507NiR2NhY+vTpA5i9N7GxsYwePbrQczIyMnByyj9tydnZGTD/AwPo2rUrO3fuzHfMrl27HIX8REREysvGAyd56avtbI4/DYC/txtjezRhQER9XLWyy1KWDoFFRUUxdOhQwsPDiYiIICYmhvT0dMeqsCFDhlC3bl2io6MB6N27N9OmTaN9+/aOIbBJkybRu3dvRyI0btw4unTpwksvvUS/fv2Ii4vj7bff5u2337bsPkVEpGrZk5TGq8t38O0f5iiHp6szj1zXgEeub0g1D62WrQgsTYD69+/P8ePHmTx5MgkJCbRr147ly5c7JkbHx8fn6/F57rnnsNlsPPfccxw5coTAwEB69+7N1KlTHcd06tSJpUuXMmHCBF544QUaNGhATEwMDz74YKnGntfjJMWn71BErjZJZ87x+srdLNxwiFy7gZMN+ncKYWyPpgT7elz+AlJubIZ+hQpITU3Fz8+PlJQUfH19872Xm5vLrl27CAoKwt/f36IIrw4nTpwgKSmJpk2bOnrwROTqZxgGZzJzOH4mk6TUTJLOnOP4mUxOpmfh4+FCUDUPgqq5E1jNnaBq7tTwcsPJqWLPk0nPzOGdH/fx9g/7yMgyV3b1aBHEM7c1p0lwNYujqzou9fv9V5VqFVhF4OzsTPXq1UlKSgLAy8tLE9iKyDAMMjIySEpKonr16kp+RK4SuXaDE+mZZmJzJpPjf0pukvLazphteRt7XgkXJxsBPu4E+bo7EqPAvyRJQb4eBPi44e5Svn+f5OTaWbTxEP9ZsZvktEwA2tbzY0KvFlzbUP+TXJEpASqGvFVqeUmQFE/16tW1k7xIJXAuO9eRuDiSmdQLyUxeYpOclom9CGMKPu4uf0po3PH3dsvXM3Q8zewVyrEbJKSeIyH13GWvWd3L9U+JkUe+6wdV8yDI13xezd2lRP/zahgG3/6RyCvLd7DvuLmyK9Tfi3/0bE6v1lrZVRkoASoGm81G7dq1CQoKIjs72+pwKiVXV1f1/IhYyDAMUs/m5Etgks6cOz8klT+5OXMu54qva7OZK53yemj+2ksT+Kc2L7fL/wRl5dhJTsv8Uy/SX5KwtEyOp57jeFom2bkGpzOyOZ2Rza7EtEte18PViaBqF+L5c9IU6OtO4PkeJ39vd5z/Mvy26eApor/azsaDpwCo6e3GEzc15oHIUNxctLKrslACVALOzs76EReRCiUn186J9CzH3Jq/JjfH0y4kDlk5Vz4M5ebilD+Z+XPy4OtOoI/H+YTBrVQ37nRzcaJOdU/qVPe85HF2u0HK2eyLJklJqWbb8TOZnMnM4Vy2nfiTGcSfzLjkdZ1s4O9zIUnKsRv8uDsZAHcXJ0Zc14C/3dAIX63sqnSUAImIVAIZWTn5EpjC5tYcP3OOE+lZFGVpi6+HC0G+HpdNbnw9SzZkVNacnGzU8HajhrcbzWpdetJxRlbOhXlKZ8zk6EKieKH9RLo5pJeXOP2e91k2uL9jPcbd0pTafpdOzKTiUgIkImIRwzA4lZF9IZlJLTjMk/fjm5Z55cNQzk42AnzcCsyDCTo/efjPw1AerlWvF9vLzYVQfxdC/b0veVxeb9qfe9BSz2VzQ9OgyyZZUvEpARIRKWV581aSzvcuXOi1udBTk3R+0nB27pV313i6Op/vkclbEeXxpwm+F17X9HYrMG9Fis7F2YlgX4/z9Xv8rA5HSpkSIBGREvj18Gk+jIvn8KmzjqGpUxlFWxxRw8v1wgolH3cCfd0LnaDrU8KVSyJygRIgEZFiiNt/kunf7XZMiP0rV2ebmczk1awppOcmqJo7AT7uWjkkYgElQCIiV8gwzBVAM77bQ9yBk4A53+butnXo2jggX3JT3dO1wlcvFqnKlACJiFyG3W6wcnsiM77fw6+HUwBwc3bi/vB6PHp9I+r7e1kcoYgUlRIgEZGLyLUbfPHrUd78fi87E88AZgG9ByJCGXl9Q2r5aXNLkcpKCZCIyF9k5dj59JcjzFq9l/3J5jYHPu4uDOkcykPdGhDg425xhCJSUkqARETOO5edy0cbD/HW6n0cOX0WMPeWeqhrA4Z2DsPPS9V+Ra4WSoBEpMpLz8xh/vqDvPPjfo6fMXf0DqzmzsjrGvJAZH283fVXpcjVRn+qRaTKSjmbzf9+PsDcn/Zz+nztnrrVPXn0hob0DQ+pklWSRaoKJUAiUuWcSMtkzpr9vL/2oGOLiQYB3vy9eyP6tKurujwiVYASIBGpMhJSzvH2D/tYEHeQc9nmTujNgqsx6qbG3NG6traPEKlClACJyFXv0MkMZq3ey+KNh8nKNROftvX8GHVjY3q0CFbBQpEqSAmQiFy19iSl8eaqPXy25Si5dnPT0YgGNRl9Y2OuaxKgfbXk6pObA3u/g6AWUD3E6mgqNCVAInLV+f1oCm9+v5evth3DOL/Z+vVNAxl9Y2MiGtS0NjiRsmIYsGw0bP0QsEGD66Hdg9CiN7ipWvlfKQESkavGpoOnmPn9Hr7bkeRou7VlMKNubEzbkOrWBSZSHr6bYiY/Nicw7LB/tfn4shq06mMmQ/WvBfV8AkqARKSSMwyDtftOMOO7Pfy89wQATja4s00dHruxEc1r+VocoUg5iHsHfnzNfN77DbP359dFsGU+nDoAv3xgPmo0gHYPQNsBUL2+pSFbzWYYeR3Ekic1NRU/Pz9SUlLw9dVfniIVkWEYrNp5nOnf7WZz/GkAXJxs3NuhLn/v3pgGAd7WBihSXrZ/AYsGAQZ0nwjdn7nwnmFA/FozEfr9U8hKu/BeviGyq+PPS1F+v5UAFUIJkEjFZbcbfPN7AjO+38PvR1MBcHNxYkCnEEZe35B6NTTXQaqQ+PXw/l2Qcw46DIXer198iCsrHbZ/biZD+3+40O7mYw6RtX0AQrtU6iEyJUAlpARIpOLJybXz+a9Hmfn9XvYkmf8X6+XmzKBrQxnRrQFBvtqZXaqY47tg7q1w9hQ0vQ36zwfnK5zZcjoetuYNke2/0F4jzEyE2g6AGqFlEnZZUgJUQkqARCqOzJxcPtl0hNmr9xJ/MgMAXw8XhnVtwPAuYdTwdrM4QhELnEmA/94CKfFQNxyGLiveMJZhQPy6Pw2RnbnwXth15hBZy7sqzRCZEqASUgIkYr2sHDuLNh7ize/3cCzlHAD+3m48fF0DBl8bSjUP7cwuVdS5VHivFyT8BjUbwcPfgndAya+blW7OJ9q6APatBs6nB24+0PJuc/J0/S7gVHG3ilECVEJKgESsk5NrZ8kvR3h95W6OnD4LQLCvO3+7vhEDI+rj6aYNSqUKy8mCBX1h3yrwDoSHV0DNBqX/OacPwa8LYcsCOLnvQnv10AuryGqElf7nlpASoBJSAiRS/nLtBl/8epSYlbvZn5wOQFA1d0bf1Jj+nUJwd1HiI1Wc3Q5L/wa/fQSu3jD8S6jTvmw/0zDg0HpziGzb0kKGyB6AFneBu0/ZxnGFlACVkBIgkfKTt6pr2opd7D4/ubmmtxuPdW/EoGtD8XBV4iMCwIrn4acYsDnDAx9Bkx7l+/lZGbDjC7NXaN8qHENkrt4XhshCu1o6RKYEqISUAImUPcMw+G5HEtNW7HIsZ/f1cOFvNzRiaJcwfNxVp1XEYf3b8PXT5vO734T2D1obT8ph2Jo3RLb3Qnv1+hdWkZXF0NxlKAEqISVAImXHMAzW7EnmtW93seXQaQB83F14qFsDHu7WAD9PTW4WyeePZfDREMCAm56D65+2OqILDAMOxZ1fRbYUMlMvvBfazewVanl3uQ2RFeX3u0JM5Z45cyZhYWF4eHgQGRlJXFzcJY+PiYmhWbNmeHp6EhISwrhx4zh37lyhx7788svYbDbGjh1bBpGLSFHE7T9J/7fXMXhOHFsOncbD1YlHb2jEj/+4kahbmir5Efmrg2vhkxGAAeEPwXVPWR1RfjYb1I+Eu96Ap3bBfXOg0U2ADQ6ugc8eg383gaWPmsUX7XarI3awvI950aJFREVFMXv2bCIjI4mJiaFnz57s3LmToKCgAscvWLCA8ePHM3fuXLp06cKuXbsYNmwYNpuNadOm5Tt2w4YNvPXWW7Rp06a8bkdECrHl0Gle+3YnP+5OBsDN2YkHr63P37s3IqiaChiKFCppB3w4AHIzodkd0OvfFbtKs6sntL7ffKQcubCK7MQec5PWrR+CX31oN/D8EFlDS8O1fAgsMjKSTp06MWPGDADsdjshISE8/vjjjB8/vsDxo0ePZvv27cTGxjrannzySdavX8+aNWscbWlpaXTo0IE333yTF198kXbt2hETE3NFMWkITKR0/H40hf+s2MXK7ebu7C5ONvp3CmH0TY2p7edpcXQiFVjqUbPQYephqBcBQz4Dt0q4zYthwOGN51eRLYHMlAvvtboH+r5Xqh9XaYbAsrKy2LRpEz16XJjJ7uTkRI8ePVi7dm2h53Tp0oVNmzY5hsn27dvHV199Ra9evfIdN2rUKO644458176YzMxMUlNT8z1EpPh2J57hsfmbuOONNazcnoSTDe7vWI/vn+rO1HtaK/kRuZRzKTC/r5n8+DeBBxZVzuQHzB6rkE7QOwae2nl+iOxmwAZ+IZaGZukQWHJyMrm5uQQHB+drDw4OZseOHYWe88ADD5CcnEy3bt0wDIOcnBweffRRJk6c6Dhm4cKFbN68mQ0bNlxRHNHR0fzzn/8s/o2ICAD7k9N5feUuPtt6FMMw/+7r3aYOY3o0oVFgxagTIlKh5WSZO7snbgPvIBi0GLxqWh1V6fjrEJmTtSUuLJ8DVFSrVq3ipZde4s033yQyMpI9e/YwZswYpkyZwqRJkzh06BBjxoxhxYoVeHhc2dyCCRMmEBUV5XidmppKSIi1malIZXL4VAbTY/ewePNhcu3mqPptrWox7pamNKtVzeLoRCoJu92cNLz/B3P7iQc/rpDVlkuFX12rI7A2AQoICMDZ2ZnExMR87YmJidSqVavQcyZNmsTgwYMZMWIEAK1btyY9PZ2RI0fy7LPPsmnTJpKSkujQoYPjnNzcXH744QdmzJhBZmYmzs75s053d3fc3d1L+e5Ern6JqeeY8d0eFm6IJzvXTHxubBZI1C3NaF3Pz+LoRCqZlc/Dbx+Dkwv0ex/qtLM6oquapQmQm5sbHTt2JDY2lj59+gDmJOjY2FhGjx5d6DkZGRk4/aXKZF5CYxgGN998M7/99lu+94cPH07z5s155plnCiQ/IlJ0yWmZzFq1l3nrDpKZYy5r7drYn6hbmtExtIbF0YlUQutmwc9vmM/vngmNb7Y2nirA8iGwqKgohg4dSnh4OBEREcTExJCens7w4cMBGDJkCHXr1iU6OhqA3r17M23aNNq3b+8YAps0aRK9e/fG2dmZatWqcc011+T7DG9vb/z9/Qu0i0jRnM7I4u0f9vHezwfIyMoFIDy0Bk/e2ozOjfwtjk6kkvp9KSyfYD6/+XlzibiUOcsToP79+3P8+HEmT55MQkIC7dq1Y/ny5Y6J0fHx8fl6fJ577jlsNhvPPfccR44cITAwkN69ezN16lSrbkHkqpd6Lpu5a/Yz58f9nMnMAaBNPT+evLUZ1zcJwFaRa5OIVGQH1sCSkYABnR6BbuOsjqjKsLwOUEWkOkAipoysHN77+QBv/7CP0xnZADSvVY0nb21GjxZBSnxESiLxD5h7m1kbp/md5rwfi1dGVXZF+f22vAdIRCqec9m5zF8fz6xVe0hOywKgUaA3425pSq9rauPkpMRHSpFhwM6vYP1bENYNrv07uF/lqwdTjsD8+83kJ+RauO+/Sn7KmRIgEXHIyrGzaOMhZny3m8TUTADq1/RibI8m3N2uLs5KfKS0ndgLy8fD7m/N1/tXm4nQdU+ae1+5XoVbpZw9bSY/qUcgoCkM/NCskSPlSgmQiJCTa2fJ5iO8HrubI6fPAlDHz4Mnbm7CfR3r4epcIfZNlqtJVgas+Q/8FAO5WeDkCu0HmTVwTu6FbybA2hlwwzPQ7kFwvkp+rnIyzUKHSX+ATy0Y9MnVU+iwkrlK/osSkeLItRt8vvUor8fuZn9yOgCB1dwZfWNjBkSE4O6iLnkpZXnDXV+Ph5R4s63hjdDrXxDQBHKzzQ00V79i9pB8/gT89DrcOBFa3QtOlTgZt9vNXdEP/Ahu1cxCh9XrWx1VlaVJ0IXQJGi52iWmnuPzrUdZuOEQe5LSAKjp7cbfb2jEoGtD8XRT4iNl4MRe+PoZ2LPCfO1bD3pOhZZ3F9zlPPscbJwLP/4bMk6YbcGt4eZJ0OTWir0r+sV886zZq+Xkam5x0bC71RFddYry+60EqBBKgORqlHI2m2+2JfDpliOs3XeCvD/5vh4ujLy+IcO6NsDHXZ3CUgayMmDNNLMnJ2+4q8vjcP1T4OZ96XMzz5wvEjgdMs9vVB0SCTdPNidMVxY/z4BvnzWf3/sOtOlnbTxXKSVAJaQESK4W57Jz+X5HEp9tOcp3O5PIOl+1GcwChne3q8Nd7eri5+lqYZRy1TIM2PGlWeQvb7ir0U1w+6vmcFdRZJw05wutfwtyzl241s2ToU77Ug271G37BBY/ZD6/5QXoOsbaeK5iSoBKSAmQVGa5doO1e0/w2ZYjLN+W4ChcCNA02Ie729XlrrZ1CKnpZWGUctU7sRe+/gfsWWm+9q0Ht0VDi94lG75KPQY//As2/w/s5//bbnEX3PQcBDYredylbf+PMO9es+cr4m9w+yuVc/iuklACVEJKgKSyMQyD346k8OkvR/n816McP5PpeK+Onwe929WhT7u6NK9VTcULpWxlpcOPr5lDVrlZ4OxmDndd9+Tlh7uK4uR+WPUy/LoIMMDmBG0GQPfxUCO09D6nJBJ/h7m3m7V+WtwFfd9TrZ8ypgSohJQASWWxPzmdz7YcYdmWo+w7v4oLwM/TlV6ta9OnXR06hdVU4UIpe4YB2z+HbyZCyiGzrdHN54e7Gpfd5yZth+9ehB1fmK+dXCF8OFz3FFQLLrvPvZyUw/DfW+DMUajfBQYvvTprGlUwSoBKSAmQVGRJZ87xxdZjfLblCFsPpzjaPVyd6NEimLvb1eWGpoG4uVTi5cJSuSTvMYe79saar/1CzOGu5neW33DP4U3w3Quwb5X52sUTrn3UnG/jWaN8Yshz9pTZ83N8OwQ2h4eWl38MVZQSoBJSAiQVzZlz2SzflsCyrUf5aU8y9vN/ap2dbHRtHECfdnW4tVUtreKS8pWVDj/821za7RjueuL8cJdFc8z2rYbvpsDhDeZrdz/o+gREPgruPmX/+dnnzDk/B3+CarXh4RVQPaTsP1cAJUAlpgRIKoLMnFxW7TzOZ1uOsHJ7/hVc7etXp0+7uvRqXZvAau4WRlnGzqXCL/PMVT9eNcGz5p/+6W/+X7WLm9VRVj2GAduXwfKJkHrYbGvcwxzu8m9kbWxgxrdrOcROgaTfzTbvQHNYLHw4uJTRnxm7HRYPgz8+A3dfGP411LqmbD5LCqUEqISUAIlV7HaDdftPsGzLUb767Rip5y6s4GoU6E2fdnW5u11d6vtXgRVcJ/fBhwPh+I5LH+dWDbxqXEiKCiRKNQu2uXlrJU5xJe+Br5+Gvd+Zr/1C4LaXofkdFe87tdvNJejfT4VT+802vxBzonSbAaW7vYZhmMv9188y5yENXgINri+968sVUQJUQkqApDwZhsHvR1P5bMsRPt96jITUc473avl6cFe7OtzVtg6t6vhWnRVc+1bDx0PNuRTVaptbJZw9adaCcfzzFFDMv76c3f6SMNXI37NUWBLlUb1yb8NQUnnDXT9PB3u2+R12HQPdoqwb7rpSudlmT+LqV81JyQD+TeCmZ6HF3aXz7/Xn6fDtc+bz++ZA6/tLfk0pMiVAJaQESMrDwRPpLNtylE+3HGHv8QsruHw9XOjVujZ3t6tLRIOaVW8H9rh3zO0SjFyo2xH6zwff2gWPs+fCuZS/JEXn/5lxIn+i5HjvhDlXpThsTmYSVGgPkz8Et4J6na6+jS0NwxzS+ebZPw133WLWs6kIw11FkX0WNvwXfpxm/vcAUKuNWUyxcY/i92D9thg+edh8fuuL5rJ/sYQSoBJSAiRlJTktky+2HuWzrUf5Jf60o93NxYkeLYK4u11dujcLrJqbkOZmmyuJNs41X7fuB3e9Aa6epfcZhmH2ZBTWm5Rx4iLJ1EnIOnPln+HfxNyqIaST+c+AZpW35+j4LnO4K29llV99uP1laNar4g13FcW5VFj3prk9Rd6/2/pdzH3GQrsU7Vr7VsO8+8xesWsfg54vVe7vppJTAlRCSoCkNKVl5vDt7wl8usVcwZV7fgmXkw26Ng7grrZ1uO2aWlTzqMLbUaSfMIe8DvwI2KDH89B1bMX5IcnJMpOkfMnRnxKmtCQ4+gsk7yp4rrsf1AuHkAjzUTccPCr43yuZaWa15bUzzw93uZ8f7hpX8Ye7iiL9hLlHWdw7kHu+eGjjW8xEqHbby5+f8Bu828vco6zVPXDf3Mqb7F4llACVkBIgKamUjGzW7T/B51uPsnJ7IueyL6zgalvPj7vb1eXONrUJ8lVhNBL/gA8HwOmD4OYD9/0Xmt1udVTFk3HSXH59KA4OrYcjmyE7/S8H2SCo5YUeonoR5lBSRUj2DAP++PT8cNcRs63JreYk58o23FUUKUfMhO+XDy5sr9Gyj7m9xsX2LDsdbxY6TEuA0G4w6BMVOqwAlACVkBIgKQq73WBfchqbDp5i08FTbI4/zZ6ktHzHNAjw5u52dbi7XV0aBJTidgCV3Y6vYMkjkJUGNcJg4EIIamF1VKUnN8dchn0oznwcjoNTBwoe51nzQg9RvQio26F0t424En8d7qpeH257xUxGK0JyVh5O7DW31/jtYxzba7R7AG4Yn7+WT8ZJmHsbJO+EwBbnCx1Wtypq+RMlQCWkBEguJS0zh62HTp9Pdk6x+eCpfMvV8zQI8ObGZkH0aV+H1nX9qs4KrithGLDmPxD7AmBA2HXQ7/2rbwJxYc4knu8lWm/+88jmC8MveWzOZv2YvB6ikAgzISmL/4Yy0+CHV2HtmxeGu7qNNYe7SnP+VWWSsM1cOr/zK/O1sxuEPwzXRZn1fT7oA/FrwbeuWejQr66l4coFSoBKSAmQ5DEMg/iTGY5kZ9PB0+xMSHVUYs7j4epE23rV6RBag471a9C+fnX8fa7iAoUlkX0Wlj1+/v+yMX9Ybn8FnKvoHKicLEj49cKw2aG4C0u1/8wn+EIPUUikOUelJEMuhgG/LzWHu/I+r0lPc5JzzYbFv+7V5NAGiP3n+blpgKu3OSR2bIs5t+uh5RDc0tIQJT8lQCWkBKjqOpedy6+HU84nO6f4Jf4UyWkFl03Xre55PtmpTsfQmjSvXQ1XZ01+vKzUY7DwATi6GZxczMSn0wiro6p4Ug7nHzY7tvXC3JQ8zm5mEpTXQxQSAb51ruz6x3fCV0/D/tXm6+r1zSrOlXXuVVnbt8rsrTyyyXzt7AaDlkCD6ywNSwpSAlRCSoCqjqOnzzqSnc3xp/n9SAo5f+necXN2olVdXzrWr0HH0Bp0CK1BsCYvF92RTbDwQThzzCw82O99Vcq9Utln4eiWC8Nmh9ZD+vGCx/mFmLWIQiLNhKhW6/w9a5lnzGKA6940Eypnd3Ooq9vYqjvcdaUMA3Z8CVsWQMeh0LSn1RFJIZQAlZASoKtTVo6dP46l5pu7cyzlXIHjAqu5/ynZqU6rOn54uFbBujyl6deP4bNR5lyXwOYw8EMNs5SEYZhbOxzKm0sUB4m/g2HPf5yLpzmhul4ns3doTcyF4a6mt5s7ttdsUO7hi5QVJUAlpATo6nD8TKaZ6JxPdn49nEJmTv4fCGcnGy1qV6NjfbNnp0P9GtSr4akJy6XFbofvXjAnPIP5o3vv2xW/Dk5llHnGnFCdN2x2KA7OnS54XPXQ88Ndt5V7iCJlrSi/36W4E5yIdXLtBjsSUtkcf5rN53t4Dp7IKHBcdS/XfMlO2xA/vNz0x6BMZJ6BTx6BXV+br7uNg5smgZN608qEezVoeIP5ADP5PLHnQg/R8V3Q6Cbo+oSGu0RQAiSVVMrZbEfPzub4U2yJP016Vm6+Y2w2aBpUjQ6h1elwfkirQYB3+fTu5GSac11861bN1U0n95/fyX27Oc/k7hnQpp/VUVUtTk4Q2NR8dBhsdTQiFY4SIKl0vv7tGGMXbSkwnFXN3YV29S8kO+3qV8e3LLeXsNvNarkn9hR8nI4352P41oXIv0HHYeDhV3axVCT7f4SPhphbRPjUggELoF5Hq6MSEclHc4AKoTlAFdeqnUk88v5GsnMN6tf0olNYTTqEVqdjaA2aBFUrm53Tz54yK8Qm7z6f4Ow2X5/YCzlnL36ezenCpFQ3H+gwBCIfhRqhpR9jRbFhjrmhqT0H6rQ3k58rXZotIlJCmgMkV6W4/Sd5dN4msnMN7mhTmzcGtC+9hCf7nLmq5sSe84nO3gvJTsaJi5/n5AI1GpjF0fwbgX9jczdw/8Zmj8+2xeaO08e3m0uP18+GlndD58evrl6R3GxYPh42/Nd8fc395rCX5pqISAWlHqBCqAeo4vntcAoD31lHWmYONzYL5K3B4bi5FLHwoN0OqYfPJzZ/7tE5P2TFJf4oVKtzIcEJOJ/g+Dc2V9Q4X+b/IwwD9sbCz9Mv7LMEUL8zdB5tFp+rzBODM06aQ155O7nfPAm6RVWd/aNEpMLQMvgSUgJUsexOPEO/t9ZyKiObyAY1+d9DEZeuy5NxMv98nLwenZN7Iadg3R8Hd98LiY1/Ywg4/8+ajcDdp3RuJuE3WDsTflts7rsEZj2cax+Ddg+Cm1fpfE55SdoBH/Y3N/h084F734HmvayOSkSqqEqXAM2cOZN//etfJCQk0LZtW6ZPn05ERMRFj4+JiWHWrFnEx8cTEBDA/fffT3R0NB4eZnXe6OholixZwo4dO/D09KRLly688sorNGvW7IriUQJUccSfyOD+2T+TdCaTtvX8mDcikmoeruaQ1cl9f5mTcz7ZOXvy4hd0cjULv+VLdM736HgHll+vReoxiHsLNs6Fcylmm2cNc1uITo9AteDyiaMkdi6HT0ZA1hmzJ2zgQu2LJCKWqlQJ0KJFixgyZAizZ88mMjKSmJgYPv74Y3bu3ElQUFCB4xcsWMBDDz3E3Llz6dKlC7t27WLYsGEMGDCAadOmAXDbbbcxYMAAOnXqRE5ODhMnTmTbtm388ccfeHt7XzYmJUAVQ0LKOfq+9TOHTp6lWXA1Fo68lhrebrDtE1j2BGSlXfzkanUu9ODkzcnxb3RlQ1blKTMNtsw3e4VOHzTbnN3MJeOdR0NQC2vjK4xhwE8xsPKfgAGh3cxtLbz9rY5MRKq4SpUARUZG0qlTJ2bMmAGA3W4nJCSExx9/nPHjxxc4fvTo0Wzfvp3Y2FhH25NPPsn69etZs2ZNoZ9x/PhxgoKCWL16Nddff/m9h5QAWe9kehb93lrLnqQ0Qv29+PhvnQny9YC1b8I3E8yD8oasAv6U4Pg3MYeUSmvIqrzYc2HHF+aE6cNxF9ob9zAToYbdK8acmuxz8PkT8Osi83XH4WZVYRc3a+MSEaESrQLLyspi06ZNTJgwwdHm5OREjx49WLt2baHndOnShXnz5hEXF0dERAT79u3jq6++YvDgixf6Skkxhxhq1qxZ6PuZmZlkZmY6XqemphbndqSUpJ7LZsjc9exJSqOWrwfzHo4kyMcNVkyGn143D4r4G9z2slns7Wrg5GyuDmt5t7mFwc/TzYRoz0rzEXyNmQhdc591ycaZBHMn9yObwOZs7uQe8Yg1sYiIlJClCVBycjK5ubkEB+ef7xAcHMyOHTsKPeeBBx4gOTmZbt26YRgGOTk5PProo0ycOLHQ4+12O2PHjqVr165cc801hR4THR3NP//5z5LdjJSKs1m5PPzeBrYdScXf2415IyIJ8XOFT/8Ovy40D7r5eXNbhYrQI1IWQiKg/wfmHKd1s+GXeZC4DT59FGL/CREjIXy4OWeovBzZbCY/Z46BR3VzyCtvywURkUqo0v3v86pVq3jppZd488032bx5M0uWLOHLL79kypQphR4/atQotm3bxsKFCy96zQkTJpCSkuJ4HDp0qKzCl0vIzMnlb/M2seHAKap5uPC/hyJo7Acs6G8mPzZnuPtNuK6KLLGu2RB6vQpRv5tJn08tMwGJ/SdMawVf/cPccqKs/bYY3r3d/OyAZjDyeyU/IlLpWdoDFBAQgLOzM4mJifnaExMTqVWrVqHnTJo0icGDBzNixAgAWrduTXp6OiNHjuTZZ5/F6U9DIqNHj+aLL77ghx9+oF69eheNw93dHXd391K4IymunFw7Yxdu4Yddx/F0debdYZ24xi8L/tcXjv4Crl5mr0OTW6wOtfx51jCTvs6jzQngP0+HpN/NVWQb3oHmd0KXx82eo9Jkt8P3L8KPr5mvm/SE+/6rndxF5KpgaQ+Qm5sbHTt2zDeh2W63ExsbS+fOnQs9JyMjI1+SA+DsbNaEyZvPbRgGo0ePZunSpXz33Xc0aNCgjO5ASoPdbjB+yW98vS0BN2cn3h7SkXDf0zDnFjP58fKHoV9UzeTnz1zcoN1A+PtPMHgpNLrZ3Gpj+zLzu/rvLfDHZ+aE6pLKPAOLBl1IfrqOgYEfKvkRkauG5euBo6KiGDp0KOHh4URERBATE0N6ejrDhw8HYMiQIdStW5fo6GgAevfuzbRp02jfvj2RkZHs2bOHSZMm0bt3b0ciNGrUKBYsWMBnn31GtWrVSEhIAMDPzw9PT5Xmr0gMw+CFL/5g8abDODvZeGNge67zPgxz+kL6caheHwYtNZe0i8lmg0Y3mY/EP84XVvzIXD320RCoEXahsGJxVsOdOmDu5J70h7mT+11vQNsBpX0XIiKWsnwZPMCMGTMchRDbtWvHG2+8QWRkJADdu3cnLCyM9957D4CcnBymTp3KBx98wJEjRwgMDKR3795MnTqV6tWrA2C7yPyQd999l2HDhl02Hi2DLz+vfbuT6d/tAWBav7bc67cLFg02a/zUag0PflI5igJa7UwixL0NG+eYm7eCOVk5fLi5Ys639pVd58Aa8/s/exJ8gs/v5B5eZmGLiJSmSlUHqCJSAlQ+3v5hLy99Za72m3J3KwZ7x5mrvew50OB66D9fQy5FlZUOWxaYG6+e3Ge2OblC677QeRTUKnwlJAAb34WvnjK//9rtzOTHr265hC0iUhqUAJWQEqCyt2B9PBOX/gbA0z2bMcr9a/j2OfPNa+6DPrPARRPTi82eCzu/hrUzIP5PNbUa3ghdRpvzh/J6SnOz4ZuJZg8SmN//3TO1k7uIVDpKgEpICVDZ+mzLEcYu2oJhwN9vaMAzTvPNH2ow567cOvXqKXBYERzeBGunmxOkDbvZFtTS7BFq3AOWjIT9q832m56D656qGmUGROSqowSohJQAlZ2VfyTyt3mbyLUbDIuow/P2Gdi2LTbfvGWKuZxbP75l49RBWD8bNr//p33UbIABrt5w3zvQ/A4rIxQRKRElQCWkBKhs/LwnmWHvbSArx86ANtWJzn4V2/5V4ORiFjhs29/qEKuGs6dh8//MKtNnjpor7QYuhOBWVkcmIlIilWYvMKk6NsefYsT7G8nKsXN/U1eiU8djS/jV7Hno/wE0vtnqEKsOz+pmXZ9rH4ODP0PttmabiEgVogRIytz2Y6kMmxtHRlYu94Vm8q/UCdhOHwSvAHjwY6jbweoQqyZnV21pISJVlhIgKVP7k9MZPCeO1HM59KudxCtnXsSWkWwW6xu0BPwbWR2iiIhUQUqApMwcOX2WQf9dT3JaJoMDdvNC2qvYstPNIZcHF4NPkNUhiohIFaUESMrE8TOZDPrveo6cPsvfqscxPmMGNnuOWYem/wfgXs3qEEVEpApTAiSlLiUjm8Fz1rM/OY2nfb5h1Ln3zTda9zML7Lm4WRugiIhUeUqApFSlZ+Yw7L04diakEO31IQNzvjTf6PI49HhBBQ5FRKRCUAIkpeZcdi4jP9jI7/HHme0xm57281sw3DrV3H5BRESkglACJKUiO9fO6AW/8OueQ3zg/h8i+d3chLPPLGjT1+rwRERE8lECJCVmtxs8/fFWtm7fwUfur9LCdhDcfKD/PGh0o9XhiYiIFKAESErEMAwmfbaNX7duZIn7K4TYjoN3kFngsE47q8MTEREplBIgKTbDMHh5+Q5+j/uOxW6vUtOWBjUbmgUOazawOjwREZGLKtaSnO+//76045BK6M1Ve9n14ycscJtqJj91OsBD3yr5ERGRCq9YCdBtt91Go0aNePHFFzl06FBpxySVwP9+PsCBlW/xjutreNkyodHNMPRz8Am0OjQREZHLKlYCdOTIEUaPHs3ixYtp2LAhPXv25KOPPiIrK6u045MKaPHGQyR+OZV/ub6Ni80ObQbAA4vA3cfq0ERERK5IsRKggIAAxo0bx5YtW1i/fj1Nmzblscceo06dOjzxxBNs3bq1tOOUCmL5b4fJ+Gwc/3D9CACj61i4Z7a5s7iIiEglUeKyvB06dGDChAmMHj2atLQ05s6dS8eOHbnuuuv4/fffSyNGqSB+2H4Y4+OHGOK8Ajs2jJ7R2G75J9hsVocmIiJSJMVOgLKzs1m8eDG9evUiNDSUb775hhkzZpCYmMiePXsIDQ2lb18VwLtabN55AI+F93O703qyba5w3xxsnR+zOiwREZFisRmGYRT1pMcff5wPP/wQwzAYPHgwI0aM4Jprrsl3TEJCAnXq1MFut5dasOUlNTUVPz8/UlJS8PX1tTocy+3YtROn+ffT1BbPWZsXLg98iGuT7laHJSIikk9Rfr+LVQfojz/+YPr06dx77724u7sXekxAQICWy18FDu7YjN/CvtS2JXPKqQaewz/FNaSd1WGJiIiUSLF6gK526gEyJf7+Ax4fD8SPNI441cFv5Of41GpsdVgiIiKFKsrvd7HmAEVHRzN37twC7XPnzuWVV14pziWlgjn1y2f4fXwffqSxw7kp3n+PVfIjIiJXjWIlQG+99RbNmzcv0N6qVStmz55d4qDEWulr5+D72TA8yGKtU0dqPrac6oF1rA5LRESk1BQrAUpISKB27doF2gMDAzl27FiJgxLrZO5Ygfc3UThj5wunG6n396UE+ftbHZaIiEipKlYCFBISwk8//VSg/aeffqJOHfUUVGanV7wKwKe2m2j+t/cJCfSzOCIREZHSV6xVYI888ghjx44lOzubm266CYDY2Fj+8Y9/8OSTT5ZqgFKOjm0l+EQcOYYTx9qPpU9w1Z0ALiIiV7diJUBPP/00J06c4LHHHnPs/+Xh4cEzzzzDhAkTSjVAKUdr3wTgS/u1NGlScI6XiIjI1aJEy+DT0tLYvn07np6eNGnS5KI1gSqbKrkMPvUoRkxrbPYceme+yHvPjsTf5+r49ykiIlVDmRdCzOPj40OnTp1KcgmpKOLewWbPYb29OWdqXqPkR0RErmrF3gts48aN/OMf/2DAgAHce++9+R5FNXPmTMLCwvDw8CAyMpK4uLhLHh8TE0OzZs3w9PQkJCSEcePGce7cuRJds0rLSoeNZl2nOTm3075+DYsDEhERKVvFSoAWLlxIly5d2L59O0uXLiU7O5vff/+d7777Dj+/oq0aWrRoEVFRUTz//PNs3ryZtm3b0rNnT5KSkgo9fsGCBYwfP57nn3+e7du3M2fOHBYtWsTEiROLfc0qb+uHcO40iS51WGnvSIf61a2OSEREpEwVKwF66aWX+M9//sPnn3+Om5sbr7/+Ojt27KBfv37Ur1+/SNeaNm0ajzzyCMOHD6dly5bMnj0bLy+vQitNA/z888907dqVBx54gLCwMG699VYGDhyYr4enqNes0ux2x+TnOdm3YcdJPUAiInLVK1YCtHfvXu644w4A3NzcSE9Px2azMW7cON5+++0rvk5WVhabNm2iR48eFwJycqJHjx6sXbu20HO6dOnCpk2bHAnPvn37+Oqrr+jVq1exr1ml7f4GTu4l182PeZnd8HJzpnmtalZHJSIiUqaKNQm6Ro0anDlzBoC6deuybds2WrduzenTp8nIyLji6yQnJ5Obm0twcHC+9uDgYHbs2FHoOQ888ADJycl069YNwzDIycnh0UcfdQyBFeeamZmZZGZmOl6npqZe8T1UemtnArCz3n1k/OHBtfX8cHEu9tQwERGRSqFYv3TXX389K1asAKBv376MGTOGRx55hIEDB3LzzTeXaoB/tWrVKl566SXefPNNNm/ezJIlS/jyyy+ZMmVKsa8ZHR2Nn5+f4xESElKKEVdgR7fAgR/ByYWlrmYPWgcNf4mISBVQrB6gGTNmOFZdPfvss7i6uvLzzz9z33338dxzz13xdQICAnB2diYxMTFfe2JiIrVq1Sr0nEmTJjF48GBGjBgBQOvWrUlPT2fkyJE8++yzxbrmhAkTiIqKcrxOTU2tGknQOnPuD63u4fuDbkCWEiAREakSitwDlJOTwxdffIGzs7N5AScnxo8fz7Jly3jttdeoUePKf0Dd3Nzo2LEjsbGxjja73U5sbCydO3cu9JyMjAycnPKHnReLYRjFuqa7uzu+vr75Hle91KOw7RMA0tqNZE9SGgDttQJMRESqgCL3ALm4uPDoo4+yffv2UgkgKiqKoUOHEh4eTkREBDExMaSnpzN8+HAAhgwZQt26dYmOjgagd+/eTJs2jfbt2xMZGcmePXuYNGkSvXv3diRCl7umAHFvgz0HQruyMScMOE6Yv5cKIIqISJVQrCGwiIgItmzZQmhoaIkD6N+/P8ePH2fy5MkkJCTQrl07li9f7pjEHB8fn6/H57nnnsNms/Hcc89x5MgRAgMD6d27N1OnTr3ia1Z5mWmOwod0HsXm+NMAWv4uIiJVRrH2Avvoo4+YMGEC48aNo2PHjnh7e+d7v02bNqUWoBWu+r3A4t6Br56Cmg1h9EYGv7uRH3cnM+XuVgzuHGZ1dCIiIsVS5nuBDRgwAIAnnnjC0Waz2TAMA5vNRm5ubnEuK+XBnnth8vO1j2HHiS3qARIRkSqmWAnQ/v37SzsOKS+7lsPJfeBRHdo9wJ7jaZzJzFEBRBERqVKKlQCVxtwfscj5woeEDwc3bzYfjAegjQogiohIFVKsBOj999+/5PtDhgwpVjBSxo7+Agd/AicXiBgJwOb4U4AKIIqISNVSrARozJgx+V5nZ2eTkZGBm5sbXl5eSoAqqvObnnLNfeBbB8CxAkwJkIiIVCXFGvM4depUvkdaWho7d+6kW7dufPjhh6Udo5SGlCPw+xLz+bWPmU0Z2SqAKCIiVVKpTfpo0qQJL7/8coHeIakg8gofhl0HddoB8Mshc/hLBRBFRKSqKdVZry4uLhw9erQ0LymlITMNNr1rPu88ytGsAogiIlJVFWsO0LJly/K9NgyDY8eOMWPGDLp27VoqgUkp2rIAzqVAzUbQpKej+RfHBOjqFgUmIiJijWIlQH369Mn32mazERgYyE033cRrr71WGnFJaclX+PDvcH5bEbvdUAFEERGpsoqVANnt9tKOQ8rKzq/h1H5H4cM8KoAoIiJVmSrfXe0chQ8fArcLe7ZtPmgOf6kAooiIVEXF+uW77777eOWVVwq0v/rqq/Tt27fEQUkpObIJ4n8GJ1dH4cM8KoAoIiJVWbESoB9++IFevXoVaL/99tv54YcfShyUlJJ8hQ9r53tLBRBFRKQqK1YClJaWhpubW4F2V1dXUlNTSxyUlIKUw/D7UvN558fyv6UCiCIiUsUVKwFq3bo1ixYtKtC+cOFCWrZsWeKgpBSsfwuMXLPwYe22+d5SAUQREanqirUKbNKkSdx7773s3buXm266CYDY2Fg+/PBDPv7441INUIoh8wxs+p/5vPPoAm+rAKKIiFR1xUqAevfuzaeffspLL73E4sWL8fT0pE2bNqxcuZIbbrihtGOUovplPmSmgH9jaHJrwbdVAFFERKq4YiVAAHfccQd33HFHacYipcGeC+tnmc+vfcxR+NDxtgogioiIFG8O0IYNG1i/fn2B9vXr17Nx48YSByUlsPMrOHUAPGtA24EF3lYBRBERkWImQKNGjeLQoUMF2o8cOcKoUaMKOUPKjaPw4cPg5lXgbRVAFBERKWYC9Mcff9ChQ4cC7e3bt+ePP/4ocVBSTIc3Qfza84UPHyn0EBVAFBERKWYC5O7uTmJiYoH2Y8eO4eJS7GlFUlLrzvf+tL4fqtUq9BAVQBQRESlmAnTrrbcyYcIEUlJSHG2nT59m4sSJ3HLLLaUWnBTB6UPw+6fm82sfK/QQFUAUERExFau75t///jfXX389oaGhtG/fHoAtW7YQHBzMBx98UKoByhWKO1/4sMH1ULtNoYeoAKKIiIipWAlQ3bp1+fXXX5k/fz5bt27F09OT4cOHM3DgQFxdXUs7RrmcyxQ+zKMCiCIiIqZiT9jx9vamW7du1K9fn6ysLAC+/vprAO66667SiU6uzC/zIDMV/JtA44sPQaoAooiIiKlYCdC+ffu45557+O2337DZbBiGgc1mc7yfm5tbagHKZdhzYd35Xd87Fyx86DhMBRBFREQcijUJesyYMTRo0ICkpCS8vLzYtm0bq1evJjw8nFWrVpVyiHJJO76A0/HgWRPaDLjoYSqAKCIickGxeoDWrl3Ld999R0BAAE5OTjg7O9OtWzeio6N54okn+OWXX0o7TrmYvMKHnQovfJhHBRBFREQuKNYvYW5uLtWqmb0IAQEBHD16FIDQ0FB27txZetHJpR3aAIfWg7MbdCq88GEeFUAUERG5oFg9QNdccw1bt26lQYMGREZG8uqrr+Lm5sbbb79Nw4YNSztGuRhH4cO+UC34koeqAKKIiMgFxUqAnnvuOdLT0wF44YUXuPPOO7nuuuvw9/dn0aJFpRqgXMTpePhjmfn8IoUP86gAooiISH7FSoB69uzpeN64cWN27NjByZMnqVGjRr7VYFKG1p8vfNiwO9S65pKHqgCiiIhIfqU2G7ZmzZrFTn5mzpxJWFgYHh4eREZGEhcXd9Fju3fvjs1mK/C44447HMekpaUxevRo6tWrh6enJy1btmT27NnFiq1COpcKm983n1+i8GEeFUAUERHJz/LlQIsWLSIqKornn3+ezZs307ZtW3r27ElSUlKhxy9ZsoRjx445Htu2bcPZ2Zm+ffs6jomKimL58uXMmzeP7du3M3bsWEaPHs2yZcvK67bKVl7hw4Bm0Ojmyx+uAogiIiL5WJ4ATZs2jUceeYThw4c7emq8vLyYO3duocfXrFmTWrVqOR4rVqzAy8srXwL0888/M3ToULp3705YWBgjR46kbdu2l+xZqjRyc2D9LPP5tX+/aOHDPHa7wZZDpwH1AImIiOSxNAHKyspi06ZN9OjRw9Hm5OREjx49WLt27RVdY86cOQwYMABvb29HW5cuXVi2bBlHjhzBMAy+//57du3axa233lroNTIzM0lNTc33qLD+XPiw7cULH+bZczyNM+dUAFFEROTPLE2AkpOTyc3NJTg4/xLu4OBgEhISLnt+XFwc27ZtY8SIEfnap0+fTsuWLalXrx5ubm7cdtttzJw5k+uvv77Q60RHR+Pn5+d4hISEFP+mypqj8OEIcPW87OEqgCgiIlJQpf5FnDNnDq1btyYiIiJf+/Tp01m3bh3Lli1j06ZNvPbaa4waNYqVK1cWep0JEyaQkpLieBw6dKg8wi+6Q3FwOO584cMRlz8eFUAUEREpTLF3gy8NAQEBODs7k5iYmK89MTGRWrVqXfLc9PR0Fi5cyAsvvJCv/ezZs0ycOJGlS5c6Voa1adOGLVu28O9//zvfcFsed3d33N0rwfLwvN6f1v0uW/gwjwogioiIFGRpD5CbmxsdO3YkNjbW0Wa324mNjaVz586XPPfjjz8mMzOTQYMG5WvPzs4mOzsbp79MDnZ2dsZut5de8OXt1EHYfn4VW+dLFz7MowKIIiIihbO0BwjMJetDhw4lPDyciIgIYmJiSE9PZ/jw4QAMGTKEunXrEh0dne+8OXPm0KdPH/z9/fO1+/r6csMNN/D000/j6elJaGgoq1ev5v3332fatGnldl+lbv1bYNih4Y0Q3OqKTlEBRBERkcJZngD179+f48ePM3nyZBISEmjXrh3Lly93TIyOj48v0Juzc+dO1qxZw7ffflvoNRcuXMiECRN48MEHOXnyJKGhoUydOpVHH320zO+nTJxLKVLhwzwqgCgiIlI4m2EYhtVBVDSpqan4+fmRkpKCr6+v1eHAzzPg22chsDk8tg6usOL24Dnr+XF3MlPubsXgzmFlG6OIiIjFivL7XalXgVUJuTmw/vw2Htc+dsXJjwogioiIXJwSoIpux+eQcgi8AqBNvys+TQUQRURELk4JUEVXxMKHeVQAUURE5OL0y1iRHYqDwxvA2R06PVykU1UAUURE5OKUAFVka2eY/2zTD3yCinSqCiCKiIhcnBKgiurUAdj+ufn82isrfJhHBRBFREQuTQlQRZVX+LDRTRDcskinqgCiiIjIpSkBqojyFT4cVeTTf1EBRBERkUtSAlQRbX4fstLMwoeNbi766Y4J0NVLOTAREZGrgxKgiiY3B9adL3zYedQVFz7MowKIIiIil6cEqKLZ/hmkHjYLH7a+8sKHeVQAUURE5PKUAFUkhmHu+wUQ8Qi4ehT5EiqAKCIicnn6haxIDq2Ho5vNwofhRSt8mEcFEEVERC5PCVBFklf4sG1/8Aks1iVUAFFEROTylABVFCf3w/YvzOdFLHyYRwUQRURErowSoIpi/VuAAY17QFCLYl1CBRBFRESujBKgiuDsafjlA/N5MQof5lEBRBERkSujBKgiyCt8GNQSGt5Y/MuoAKKIiMgVUQJktdzs88NfFKvwYR4VQBQREblySoCs9sf5wofeQdC6b7EvowKIIiIiV04JkJUM48LS904jwKX4E5dVAFFEROTK6ZfSSvHr4OgvZuHDTsUrfJhHBRBFRESunBIgKzkKHw4A74ASXUoFEEVERK6cEiCrnNwHO740nxez8GEeFUAUEREpGiVAVlk3G7Pw4S0Q1LxEl9py+DSgAogiIiJXSgmQFc6egl/mmc9LUPgwT94EaC1/FxERuTJKgKyw6X+QnQ5BraBh9xJfTgUQRUREikYJUHkrpcKHeVQAUUREpOiUAJW33z+FM0fPFz68v8SXUwFEERGRolMCVJ4MA9bNNJ9HjCxR4cM8KoAoIiJSdPrFLE/xa83Chy4eEP5QqVxSBRBFRESKzsXqAKqUk/vAzcfc88vbv1QuqQKIIiIiRacEqDy1HwTN74TcrFK5nAogioiIFE+FGAKbOXMmYWFheHh4EBkZSVxc3EWP7d69OzabrcDjjjvuyHfc9u3bueuuu/Dz88Pb25tOnToRHx9f1rdyeZ7VwSeoVC6VVwAxVAUQRUREisTyBGjRokVERUXx/PPPs3nzZtq2bUvPnj1JSkoq9PglS5Zw7Ngxx2Pbtm04OzvTt29fxzF79+6lW7duNG/enFWrVvHrr78yadIkPDw8yuu2ykXeBGgNf4mIiBSNzTAMw8oAIiMj6dSpEzNmmBuD2u12QkJCePzxxxk/fvxlz4+JiWHy5MkcO3YMb29vAAYMGICrqysffPBBsWJKTU3Fz8+PlJQUfH19i3WN8jB4znp+3J3MlLtbMbhzmNXhiIiIWKoov9+W9gBlZWWxadMmevTo4WhzcnKiR48erF279oquMWfOHAYMGOBIfux2O19++SVNmzalZ8+eBAUFERkZyaeffnrRa2RmZpKamprvUdGpAKKIiEjxWZoAJScnk5ubS3BwcL724OBgEhISLnt+XFwc27ZtY8SIEY62pKQk0tLSePnll7ntttv49ttvueeee7j33ntZvXp1odeJjo7Gz8/P8QgJCSnZjZUDFUAUEREpPsvnAJXEnDlzaN26NREREY42u90OwN133824ceNo164d48eP584772T27NmFXmfChAmkpKQ4HocOHSqX+EtCBRBFRESKz9JfzoCAAJydnUlMTMzXnpiYSK1atS55bnp6OgsXLuThhx8ucE0XFxdatmyZr71FixYXXQXm7u6Or69vvkdFpwKIIiIixWdpAuTm5kbHjh2JjY11tNntdmJjY+ncufMlz/3444/JzMxk0KBBBa7ZqVMndu7cma99165dhIaGll7wFlMBRBERkeKzvBBiVFQUQ4cOJTw8nIiICGJiYkhPT2f48OEADBkyhLp16xIdHZ3vvDlz5tCnTx/8/QtWVH766afp378/119/PTfeeCPLly/n888/Z9WqVeVxS2Uu5awKIIqIiJSE5QlQ//79OX78OJMnTyYhIYF27dqxfPlyx8To+Ph4nJzyd1Tt3LmTNWvW8O233xZ6zXvuuYfZs2cTHR3NE088QbNmzfjkk0/o1q1bmd9Pechb/aUCiCIiIsVjeR2giqii1wH6z4pdvB67m3va1+U//dtZHY6IiEiFUGnqAEnxXJgAXd3aQERERCopJUCVjAogioiIlJwSoEpGBRBFRERKTglQJaMCiCIiIiWnX9BKRgUQRURESk4JUCWjAogiIiIlpwSoElEBRBERkdKhBKgSUQFEERGR0qEEqBLJmwCt4S8REZGSUQJUiagAooiISOlQAlRJqACiiIhI6VECVEmoAKKIiEjpUQJUSagAooiISOnRL2kloQKIIiIipUcJUCXxiwogioiIlBolQJVAytlsdqsAooiISKlRAlQJqACiiIhI6VICVAmoAKKIiEjpUgJUCagAooiISOlSAlTBqQCiiIhI6VMCVMGpAKKIiEjpUwJUwakAooiISOnTL2oFpwKIIiIipU8JUAWnAogiIiKlTwlQBaYCiCIiImVDCVAFpgKIIiIiZUMJUAWmAogiIiJlQwlQBaYCiCIiImVDCVAFpQKIIiIiZUcJUAWlAogiIiJlRwlQBaUCiCIiImVHv6wVlOr/iIiIlB0lQBWUKkCLiIiUnQqRAM2cOZOwsDA8PDyIjIwkLi7uosd2794dm81W4HHHHXcUevyjjz6KzWYjJiamjKIvfSqAKCIiUrYsT4AWLVpEVFQUzz//PJs3b6Zt27b07NmTpKSkQo9fsmQJx44dczy2bduGs7Mzffv2LXDs0qVLWbduHXXq1Cnr2yhVKoAoIiJStixPgKZNm8YjjzzC8OHDadmyJbNnz8bLy4u5c+cWenzNmjWpVauW47FixQq8vLwKJEBHjhzh8ccfZ/78+bi6upbHrZQaFUAUEREpW5YmQFlZWWzatIkePXo42pycnOjRowdr1669omvMmTOHAQMG4O3t7Wiz2+0MHjyYp59+mlatWl32GpmZmaSmpuZ7WEkFEEVERMqWpQlQcnIyubm5BAcH52sPDg4mISHhsufHxcWxbds2RowYka/9lVdewcXFhSeeeOKK4oiOjsbPz8/xCAkJufKbKGUqgCgiIlL2LB8CK4k5c+bQunVrIiIiHG2bNm3i9ddf57333sNms13RdSZMmEBKSorjcejQobIK+bJUAFFERKTsWZoABQQE4OzsTGJiYr72xMREatWqdclz09PTWbhwIQ8//HC+9h9//JGkpCTq16+Pi4sLLi4uHDx4kCeffJKwsLBCr+Xu7o6vr2++h1VUAFFERKTsWfoL6+bmRseOHYmNjXW02e12YmNj6dy58yXP/fjjj8nMzGTQoEH52gcPHsyvv/7Kli1bHI86derw9NNP880335TJfZQmFUAUEREpey5WBxAVFcXQoUMJDw8nIiKCmJgY0tPTGT58OABDhgyhbt26REdH5ztvzpw59OnTB39//3zt/v7+BdpcXV2pVasWzZo1K9ubKQUqgCgiIlL2LE+A+vfvz/Hjx5k8eTIJCQm0a9eO5cuXOyZGx8fH4+SUv6Nq586drFmzhm+//daKkMuMCiCKiIiUD5thGIbVQVQ0qamp+Pn5kZKSUq7zgVbvOs7QuXGE+nux+ukby+1zRURErgZF+f3WLNsKRAUQRUREyocSoApEBRBFRETKhxKgCkIFEEVERMqPEqAKQgUQRUREyo8SoAril3gVQBQRESkv+qWtIDYfPA1oArSIiEh5UAJUQagAooiISPlRAlQBqACiiIhI+VICVAHkrf4K9ffC38fd2mBERESqACVAFYAKIIqIiJQvJUAVgAogioiIlC8lQBZTAUQREZHypwTIYiqAKCIiUv6UAFlMBRBFRETKn35xLaYCiCIiIuVPCZDFVABRRESk/CkBspAKIIqIiFhDCZCFVABRRETEGkqALKQCiCIiItZQAmQhFUAUERGxhhIgi6gAooiIiHWUAFlkrwogioiIWEYJkEU2qwCiiIiIZfTLaxEVQBQREbGOEiCLqACiiIiIdZQAWUAFEEVERKylBMgCKoAoIiJiLSVAFlABRBEREWspAbKACiCKiIhYSwlQOVMBRBEREespASpnKoAoIiJiPSVA5UwFEEVERKynX+BypgKIIiIi1qsQCdDMmTMJCwvDw8ODyMhI4uLiLnps9+7dsdlsBR533HEHANnZ2TzzzDO0bt0ab29v6tSpw5AhQzh69Gh53c4lqQCiiIiI9SxPgBYtWkRUVBTPP/88mzdvpm3btvTs2ZOkpKRCj1+yZAnHjh1zPLZt24azszN9+/YFICMjg82bNzNp0iQ2b97MkiVL2LlzJ3fddVd53lahVABRRESkYrAZhmFYGUBkZCSdOnVixowZANjtdkJCQnj88ccZP378Zc+PiYlh8uTJHDt2DG9v70KP2bBhAxERERw8eJD69etf9pqpqan4+fmRkpKCr69v0W7oElbvOs7QuXGE+nux+ukbS+26IiIiUrTfb0t7gLKysti0aRM9evRwtDk5OdGjRw/Wrl17RdeYM2cOAwYMuGjyA5CSkoLNZqN69eolDblEks9kUs3DRcNfIiIiFnOx8sOTk5PJzc0lODg4X3twcDA7duy47PlxcXFs27aNOXPmXPSYc+fO8cwzzzBw4MCLZoOZmZlkZmY6Xqempl7hHRTNfR3rcU/7uqRl5ZTJ9UVEROTKWD4HqCTmzJlD69atiYiIKPT97Oxs+vXrh2EYzJo166LXiY6Oxs/Pz/EICQkpq5BxcrLh6+FaZtcXERGRy7M0AQoICMDZ2ZnExMR87YmJidSqVeuS56anp7Nw4UIefvjhQt/PS34OHjzIihUrLjkWOGHCBFJSUhyPQ4cOFf1mREREpNKwNAFyc3OjY8eOxMbGOtrsdjuxsbF07tz5kud+/PHHZGZmMmjQoALv5SU/u3fvZuXKlfj7+1/yWu7u7vj6+uZ7iIiIyNXL0jlAAFFRUQwdOpTw8HAiIiKIiYkhPT2d4cOHAzBkyBDq1q1LdHR0vvPmzJlDnz59CiQ32dnZ3H///WzevJkvvviC3NxcEhISAKhZsyZubm7lc2MiIiJSYVmeAPXv35/jx48zefJkEhISaNeuHcuXL3dMjI6Pj8fJKX9H1c6dO1mzZg3ffvttgesdOXKEZcuWAdCuXbt8733//fd07969TO5DREREKg/L6wBVRGVVB0hERETKTqWpAyQiIiJiBSVAIiIiUuUoARIREZEqRwmQiIiIVDlKgERERKTKUQIkIiIiVY4SIBEREalylACJiIhIlWN5JeiKKK82ZGpqqsWRiIiIyJXK+92+khrPSoAKcebMGQBCQkIsjkRERESK6syZM/j5+V3yGG2FUQi73c7Ro0epVq0aNputVK+dmppKSEgIhw4d0jYbJaDvsXToeywd+h5Lh77H0lGVv0fDMDhz5gx16tQpsI/oX6kHqBBOTk7Uq1evTD/D19e3yv2HWRb0PZYOfY+lQ99j6dD3WDqq6vd4uZ6fPJoELSIiIlWOEiARERGpcpQAlTN3d3eef/553N3drQ6lUtP3WDr0PZYOfY+lQ99j6dD3eGU0CVpERESqHPUAiYiISJWjBEhERESqHCVAIiIiUuUoARIREZEqRwlQOZo5cyZhYWF4eHgQGRlJXFyc1SFVKtHR0XTq1Ilq1aoRFBREnz592Llzp9VhVXovv/wyNpuNsWPHWh1KpXPkyBEGDRqEv78/np6etG7dmo0bN1odVqWSm5vLpEmTaNCgAZ6enjRq1IgpU6Zc0V5OVdkPP/xA7969qVOnDjabjU8//TTf+4ZhMHnyZGrXro2npyc9evRg9+7d1gRbQSkBKieLFi0iKiqK559/ns2bN9O2bVt69uxJUlKS1aFVGqtXr2bUqFGsW7eOFStWkJ2dza233kp6errVoVVaGzZs4K233qJNmzZWh1LpnDp1iq5du+Lq6srXX3/NH3/8wWuvvUaNGjWsDq1SeeWVV5g1axYzZsxg+/btvPLKK7z66qtMnz7d6tAqtPT0dNq2bcvMmTMLff/VV1/ljTfeYPbs2axfvx5vb2969uzJuXPnyjnSCsyQchEREWGMGjXK8To3N9eoU6eOER0dbWFUlVtSUpIBGKtXr7Y6lErpzJkzRpMmTYwVK1YYN9xwgzFmzBirQ6pUnnnmGaNbt25Wh1Hp3XHHHcZDDz2Ur+3ee+81HnzwQYsiqnwAY+nSpY7XdrvdqFWrlvGvf/3L0Xb69GnD3d3d+PDDDy2IsGJSD1A5yMrKYtOmTfTo0cPR5uTkRI8ePVi7dq2FkVVuKSkpANSsWdPiSCqnUaNGcccdd+T771Ku3LJlywgPD6dv374EBQXRvn173nnnHavDqnS6dOlCbGwsu3btAmDr1q2sWbOG22+/3eLIKq/9+/eTkJCQ78+2n58fkZGR+s35E22GWg6Sk5PJzc0lODg4X3twcDA7duywKKrKzW63M3bsWLp27co111xjdTiVzsKFC9m8eTMbNmywOpRKa9++fcyaNYuoqCgmTpzIhg0beOKJJ3Bzc2Po0KFWh1dpjB8/ntTUVJo3b46zszO5ublMnTqVBx980OrQKq2EhASAQn9z8t4TJUBSSY0aNYpt27axZs0aq0OpdA4dOsSYMWNYsWIFHh4eVodTadntdsLDw3nppZcAaN++Pdu2bWP27NlKgIrgo48+Yv78+SxYsIBWrVqxZcsWxo4dS506dfQ9SpnSEFg5CAgIwNnZmcTExHztiYmJ1KpVy6KoKq/Ro0fzxRdf8P3331OvXj2rw6l0Nm3aRFJSEh06dMDFxQUXFxdWr17NG2+8gYuLC7m5uVaHWCnUrl2bli1b5mtr0aIF8fHxFkVUOT399NOMHz+eAQMG0Lp1awYPHsy4ceOIjo62OrRKK+93Rb85l6YEqBy4ubnRsWNHYmNjHW12u53Y2Fg6d+5sYWSVi2EYjB49mqVLl/Ldd9/RoEEDq0OqlG6++WZ+++03tmzZ4niEh4fz4IMPsmXLFpydna0OsVLo2rVrgTIMu3btIjQ01KKIKqeMjAycnPL/FDk7O2O32y2KqPJr0KABtWrVyvebk5qayvr16/Wb8ycaAisnUVFRDB06lPDwcCIiIoiJiSE9PZ3hw4dbHVqlMWrUKBYsWMBnn31GtWrVHGPZfn5+eHp6Whxd5VGtWrUC86a8vb3x9/fXfKoiGDduHF26dOGll16iX79+xMXF8fbbb/P2229bHVql0rt3b6ZOnUr9+vVp1aoVv/zyC9OmTeOhhx6yOrQKLS0tjT179jhe79+/ny1btlCzZk3q16/P2LFjefHFF2nSpAkNGjRg0qRJ1KlThz59+lgXdEVj9TK0qmT69OlG/fr1DTc3NyMiIsJYt26d1SFVKkChj3fffdfq0Co9LYMvns8//9y45pprDHd3d6N58+bG22+/bXVIlU5qaqoxZswYo379+oaHh4fRsGFD49lnnzUyMzOtDq1C+/777wv9+3Do0KGGYZhL4SdNmmQEBwcb7u7uxs0332zs3LnT2qArGJthqNymiIiIVC2aAyQiIiJVjhIgERERqXKUAImIiEiVowRIREREqhwlQCIiIlLlKAESERGRKkcJkIiIiFQ5SoBERK7AqlWrsNlsnD592upQRKQUKAESERGRKkcJkIiIiFQ5SoBEpFKw2+1ER0fToEEDPD09adu2LYsXLwYuDE99+eWXtGnTBg8PD6699lq2bduW7xqffPIJrVq1wt3dnbCwMF577bV872dmZvLMM88QEhKCu7s7jRs3Zs6cOfmO2bRpE+Hh4Xh5edGlS5cCO8KLSOWgBEhEKoXo6Gjef/99Zs+eze+//864ceMYNGgQq1evdhzz9NNP89prr7FhwwYCAwPp3bs32dnZgJm49OvXjwEDBvDbb7/xf//3f0yaNIn33nvPcf6QIUP48MMPeeONN9i+fTtvvfUWPj4++eJ49tlnee2119i4cSMuLi7atVykktJmqCJS4WVmZlKzZk1WrlxJ586dHe0jRowgIyODkSNHcuONN7Jw4UL69+8PwMmTJ6lXrx7vvfce/fr148EHH+T48eN8++23jvP/8Y9/8OWXX/L777+za9cumjVrxooVK+jRo0eBGFatWsWNN97IypUrufnmmwH46quvuOOOOzh79iweHh5l/C2ISGlSD5CIVHh79uwhIyODW265BR8fH8fj/fffZ+/evY7j/pwc1axZk2bNmrF9+3YAtm/fTteuXfNdt2vXruzevZvc3Fy2bNmCs7MzN9xwwyVjadOmjeN57dq1AUhKSirxPYpI+XKxOgARkctJS0sD4Msvv6Ru3br53nN3d8+XBBWXp6fnFR3n6urqeG6z2QBzfpKIVC7qARKRCq9ly5a4u7sTHx9P48aN8z1CQkIcx61bt87x/NSpU+zatYsWLVoA0KJFC3766ad81/3pp59o2rQpzs7OtG7dGrvdnm9OkYhcvdQDJCIVXrVq1XjqqacYN24cdrudbt26kZKSwk8//YSvry+hoaEAvPDCC/j7+xMcHMyzzz5LQEAAffr0AeDJJ5+kU6dOTJkyhf79+7N27VpmzJjBm2++CUBYWBhDhw7loYce4o033qBt27YcPHiQpKQk+vXrZ9Wti0gZUQIkIpXClClTCAwMJDo6mn379lG9enU6dOjAxIkTHUNQL7/8MmPGjGH37t20a9eOzz//HDc3NwA6dOjARx99xOTJk5kyZQq1a9fmhRdeYNiwYY7PmDVrFhMnTuSxxx7jxIkT1K9fn4kTJ1pxuyJSxrQKTEQqvbwVWqdOnaJ69epWhyMilYDmAImIiEiVowRIREREqhwNgYmIiEiVox4gERERqXKUAImIiEiVowRIREREqhwlQCIiIlLlKAESERGRKkcJkIiIiFQ5SoBERESkylECJCIiIlWOEiARERGpcv4f4T4WqRHbNKwAAAAASUVORK5CYII=", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAAj8AAAHHCAYAAABQhTneAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8pXeV/AAAACXBIWXMAAA9hAAAPYQGoP6dpAABmC0lEQVR4nO3dd3xT9f7H8Vea7k3pogNa9pBdQIaCUgVBFMcVvSpDkXvdiFyv4zoQrziu/hBFcIJbHIgbR2WDyN4bCmW00EI3XUl+fxwarIAWkjZJ+34+HnnYnJyc80lR8+Y7TTabzYaIiIhIPeHl6gJEREREapPCj4iIiNQrCj8iIiJSryj8iIiISL2i8CMiIiL1isKPiIiI1CsKPyIiIlKvKPyIiIhIvaLwIyIiIvWKwo+IeLz09HRMJhMzZ8486/fOnz8fk8nE/Pnz//S8mTNnYjKZSE9PP6caRcR9KPyIiIhIvaLwIyIiIvWKwo+IiIjUKwo/IuKwJ554ApPJxPbt27npppsICwsjKiqKRx99FJvNRkZGBldeeSWhoaHExsbywgsvnHKNw4cPc+uttxITE4O/vz8dO3bknXfeOeW83NxcRo4cSVhYGOHh4YwYMYLc3NzT1rV161auvfZaIiIi8Pf3JyUlha+++sqpn/3VV1+lXbt2+Pn5ERcXx5133nlKPTt27OCaa64hNjYWf39/EhISuP7668nLy7Of89NPP9GnTx/Cw8MJDg6mVatWPPzww06tVUQM3q4uQETqjmHDhtGmTRueeeYZvv32W5566ikiIiJ47bXXuPjii3n22Wf54IMPGD9+PN26dePCCy8E4Pjx4/Tr14+dO3dy1113kZyczKeffsrIkSPJzc3l3nvvBcBms3HllVeyePFi/vnPf9KmTRu++OILRowYcUotmzZtonfv3sTHx/Pggw8SFBTEJ598wtChQ/n888+56qqrHP68TzzxBBMmTCA1NZXbb7+dbdu2MW3aNFasWMGSJUvw8fGhrKyMAQMGUFpayt13301sbCwHDhzgm2++ITc3l7CwMDZt2sTll19Ohw4dePLJJ/Hz82Pnzp0sWbLE4RpF5DRsIiIOevzxx22AbcyYMfZjFRUVtoSEBJvJZLI988wz9uPHjh2zBQQE2EaMGGE/NnnyZBtge//99+3HysrKbD179rQFBwfb8vPzbTabzTZnzhwbYHvuueeq3OeCCy6wAbYZM2bYj/fv39/Wvn17W0lJif2Y1Wq19erVy9aiRQv7sXnz5tkA27x58/70M86YMcMG2Pbs2WOz2Wy2w4cP23x9fW2XXnqpzWKx2M975ZVXbIDt7bffttlsNtuaNWtsgO3TTz8947X/7//+zwbYjhw58qc1iIhzqNtLRJxm9OjR9p/NZjMpKSnYbDZuvfVW+/Hw8HBatWrF7t277ce+++47YmNjueGGG+zHfHx8uOeeeygsLGTBggX287y9vbn99tur3Ofuu++uUsfRo0f55ZdfuO666ygoKCA7O5vs7GxycnIYMGAAO3bs4MCBAw591p9//pmysjLGjh2Ll9fJ/5XedttthIaG8u233wIQFhYGwA8//EBxcfFprxUeHg7Al19+idVqdaguEflrCj8i4jSNGzeu8jwsLAx/f38iIyNPOX7s2DH7871799KiRYsqIQKgTZs29tcr/9moUSOCg4OrnNeqVasqz3fu3InNZuPRRx8lKiqqyuPxxx8HjDFGjqis6Y/39vX1pWnTpvbXk5OTGTduHG+++SaRkZEMGDCAqVOnVhnvM2zYMHr37s3o0aOJiYnh+uuv55NPPlEQEqkhGvMjIk5jNpurdQyM8Ts1pTI0jB8/ngEDBpz2nObNm9fY/f/ohRdeYOTIkXz55Zf8+OOP3HPPPUyaNIlff/2VhIQEAgICWLhwIfPmzePbb79l7ty5zJo1i4svvpgff/zxjL9DETk3avkREZdr0qQJO3bsOKWlY+vWrfbXK/956NAhCgsLq5y3bdu2Ks+bNm0KGF1nqampp32EhIQ4XPPp7l1WVsaePXvsr1dq3749//nPf1i4cCGLFi3iwIEDTJ8+3f66l5cX/fv358UXX2Tz5s3897//5ZdffmHevHkO1Skip1L4ERGXGzRoEJmZmcyaNct+rKKigpdffpng4GD69u1rP6+iooJp06bZz7NYLLz88stVrhcdHU2/fv147bXXOHTo0Cn3O3LkiMM1p6am4uvry5QpU6q0Yr311lvk5eUxePBgAPLz86moqKjy3vbt2+Pl5UVpaSlgjFH6o06dOgHYzxER51G3l4i43JgxY3jttdcYOXIkq1atIikpic8++4wlS5YwefJkeyvNkCFD6N27Nw8++CDp6em0bduW2bNnVxk/U2nq1Kn06dOH9u3bc9ttt9G0aVOysrJYtmwZ+/fvZ926dQ7VHBUVxUMPPcSECRMYOHAgV1xxBdu2bePVV1+lW7du3HTTTQD88ssv3HXXXfztb3+jZcuWVFRU8N5772E2m7nmmmsAePLJJ1m4cCGDBw+mSZMmHD58mFdffZWEhAT69OnjUJ0iciqFHxFxuYCAAObPn8+DDz7IO++8Q35+Pq1atWLGjBmMHDnSfp6XlxdfffUVY8eO5f3338dkMnHFFVfwwgsv0Llz5yrXbNu2LStXrmTChAnMnDmTnJwcoqOj6dy5M4899phT6n7iiSeIiorilVde4b777iMiIoIxY8bw9NNP4+PjA0DHjh0ZMGAAX3/9NQcOHCAwMJCOHTvy/fffc/755wNwxRVXkJ6ezttvv012djaRkZH07duXCRMm2GeLiYjzmGw1OepQRERExM1ozI+IiIjUKwo/IiIiUq8o/IiIiEi9ovAjIiIi9YrCj4iIiNQrCj8iIiJSr2idn9OwWq0cPHiQkJAQTCaTq8sRERGRarDZbBQUFBAXF3fKRsm/p/BzGgcPHiQxMdHVZYiIiMg5yMjIICEh4YyvK/ycRuVS+hkZGYSGhrq4GhEREamO/Px8EhMT/3LjYoWf06js6goNDVX4ERER8TB/NWRFA55FRESkXlH4ERERkXpF4UdERETqFY35cYDFYqG8vNzVZXgkX1/fP52GKCIiUlMUfs6BzWYjMzOT3NxcV5fisby8vEhOTsbX19fVpYiISD2j8HMOKoNPdHQ0gYGBWgjxLFUuInno0CEaN26s35+IiNQqhZ+zZLFY7MGnYcOGri7HY0VFRXHw4EEqKirw8fFxdTkiIlKPaNDFWaoc4xMYGOjiSjxbZXeXxWJxcSUiIlLfKPycI3XVOEa/PxERcRWFHxEREalXFH7knCQlJTF58mRXlyEiInLWNOC5HunXrx+dOnVySmhZsWIFQUFBjhclIiJSyxR+apHNZqOkwoqPlwlvs/s1utlsNiwWC97ef/2vRVRUVC1UJCIi4nzu9w1ch+07WsyOrALyjtf+qtAjR45kwYIFvPTSS5hMJkwmEzNnzsRkMvH999/TtWtX/Pz8WLx4Mbt27eLKK68kJiaG4OBgunXrxs8//1zlen/s9jKZTLz55ptcddVVBAYG0qJFC7766qta/pQiIiJ/TeHHQTabjeKyimo9sEFJuYXD+aXVfs+fPWw2W7XrfOmll+jZsye33XYbhw4d4tChQyQmJgLw4IMP8swzz7BlyxY6dOhAYWEhgwYNIi0tjTVr1jBw4ECGDBnCvn37/vQeEyZM4LrrrmP9+vUMGjSIG2+8kaNHjzr0+xUREXE2dXs56Hi5hbaP/eCSe29+cgCBvtX7IwwLC8PX15fAwEBiY2MB2Lp1KwBPPvkkl1xyif3ciIgIOnbsaH8+ceJEvvjiC7766ivuuuuuM95j5MiR3HDDDQA8/fTTTJkyhd9++42BAwee9WcTERGpKWr5EVJSUqo8LywsZPz48bRp04bw8HCCg4PZsmXLX7b8dOjQwf5zUFAQoaGhHD58uEZqFhEROVdq+XFQgI+ZzU8OqPb5+48eJ/d4GZHBfsSG+Tt8b2f446yt8ePH89NPP/G///2P5s2bExAQwLXXXktZWdmfXueP21SYTCasVqtTahQREXEWhR8HmUymanc9AUSH+lFSYaHCajur9zmDr69vtbaTWLJkCSNHjuSqq64CjJag9PT0Gq5ORESkdqjbq5YF+3ljwhj4XFZRu60iSUlJLF++nPT0dLKzs8/YKtOiRQtmz57N2rVrWbduHX//+9/VgiMiInWGwk8t8zZ7EXCixaewtHanvI8fPx6z2Uzbtm2Jioo64xieF198kQYNGtCrVy+GDBnCgAED6NKlS63WKiIiUlNMtrOZL11P5OfnExYWRl5eHqGhoVVeKykpYc+ePSQnJ+Pvf25jdrLyS8jKLyEswIcmDevnKsnO+D2KiIj83p99f/+eWn5cIMT/RMtPSQVWZU8REZFapfDjAgE+Zry9vLDYbBwv++sByCIiIuI8Cj8uYDKZCD7R+lNQUvtbXYiIiNRnCj8uEuJXGX4qXFyJiIhI/aLw4yKVLT/Hyy2UWzSNXEREpLYo/LiIj9nLvkKzWn9ERERqj8KPC4X4G9tBFCr8iIiI1BqFHxeqnPJeUFqOllsSERGpHQo/LhToa8bsZcJitVGsKe8iIiK1QuHHhUwmE8F+lVtdqOtLRESkNij8uFjluJ/aGPTcr18/xo4d67TrjRw5kqFDhzrteiIiIrVB4cfFKtf7KS6roEJT3kVERGqcwo+L+Xh74X9iyntNdn2NHDmSBQsW8NJLL2EymTCZTKSnp7Nx40Yuu+wygoODiYmJ4eabbyY7O9v+vs8++4z27dsTEBBAw4YNSU1NpaioiCeeeIJ33nmHL7/80n69+fPn11j9IiIizuLt6gI8ns0G5cUOXSLUXEppcRmFBRWEewdU/40+gWAyVevUl156ie3bt3Peeefx5JNPGm/38aF79+6MHj2a//u//+P48eP8+9//5rrrruOXX37h0KFD3HDDDTz33HNcddVVFBQUsGjRImw2G+PHj2fLli3k5+czY8YMACIiIs76s4uIiNQ2hR9HlRfD03EOXSL2xOOsPXwQfIOqdWpYWBi+vr4EBgYSG2vc7amnnqJz5848/fTT9vPefvttEhMT2b59O4WFhVRUVHD11VfTpEkTANq3b28/NyAggNLSUvv1REREPIHCTz22bt065s2bR3Bw8Cmv7dq1i0svvZT+/fvTvn17BgwYwKWXXsq1115LgwYNXFCtiIiIc7g8/EydOpXnn3+ezMxMOnbsyMsvv0z37t1Pe+7MmTMZNWpUlWN+fn6UlJTYn9tsNh5//HHeeOMNcnNz6d27N9OmTaNFixY18wF8Ao0WGAftzSkmv6ScmFA/okP8q39vBxQWFjJkyBCeffbZU15r1KgRZrOZn376iaVLl/Ljjz/y8ssv88gjj7B8+XKSk5MdureIiIiruHTA86xZsxg3bhyPP/44q1evpmPHjgwYMIDDhw+f8T2hoaEcOnTI/ti7d2+V15977jmmTJnC9OnTWb58OUFBQQwYMKBKQHIqk8noenLwERwSis0nkAKLX/XfV83xPpV8fX2xWE4uptilSxc2bdpEUlISzZs3r/IICgo68fFM9O7dmwkTJrBmzRp8fX354osvTns9ERERT+DS8PPiiy9y2223MWrUKNq2bcv06dMJDAzk7bffPuN7TCYTsbGx9kdMTIz9NZvNxuTJk/nPf/7DlVdeSYcOHXj33Xc5ePAgc+bMqYVPdO4qt7ooLrNQYa2ZKe9JSUksX76c9PR0srOzufPOOzl69Cg33HADK1asYNeuXfzwww+MGjUKi8XC8uXLefrpp1m5ciX79u1j9uzZHDlyhDZt2tivt379erZt20Z2djbl5eU1UreIiIgzuSz8lJWVsWrVKlJTU08W4+VFamoqy5YtO+P7CgsLadKkCYmJiVx55ZVs2rTJ/tqePXvIzMyscs2wsDB69Ojxp9csLS0lPz+/yqO2+Xqb8fM2Y8NGUQ0teDh+/HjMZjNt27YlKiqKsrIylixZgsVi4dJLL6V9+/aMHTuW8PBwvLy8CA0NZeHChQwaNIiWLVvyn//8hxdeeIHLLrsMgNtuu41WrVqRkpJCVFQUS5YsqZG6RUREnMllY36ys7OxWCxVWm4AYmJi2Lp162nf06pVK95++206dOhAXl4e//vf/+jVqxebNm0iISGBzMxM+zX+eM3K105n0qRJTJgwwcFP5LgQf29KCy0UlFQQFujr9Ou3bNnytCFw9uzZpz2/TZs2zJ0794zXi4qK4scff3RafSIiIrXBoxY57NmzJ8OHD6dTp0707duX2bNnExUVxWuvvebQdR966CHy8vLsj4yMDCdVfHZO7vJeoV3eRUREaojLwk9kZCRms5msrKwqx7Oysqq9boyPjw+dO3dm586dAPb3ne01/fz8CA0NrfJwhSBfb7xMJsotVkoqtNWFiIhITXBZ+PH19aVr166kpaXZj1mtVtLS0ujZs2e1rmGxWNiwYQONGjUCIDk5mdjY2CrXzM/PZ/ny5dW+pit5eZkIqtzlvUSDh0VERGqCS9f5GTduHCNGjCAlJYXu3bszefJkioqK7Gv5DB8+nPj4eCZNmgTAk08+yfnnn0/z5s3Jzc3l+eefZ+/evYwePRowZoKNHTuWp556ihYtWpCcnMyjjz5KXFycx+w+HuLvTUFJOQUlFUSFuLoaERGRusel4WfYsGEcOXKExx57jMzMTDp16sTcuXPtA5b37duHl9fJxqljx45x2223kZmZSYMGDejatStLly6lbdu29nMeeOABioqKGDNmDLm5ufTp04e5c+fi71/NhQOrqabG5FTu8l5UZsFitWH2Oru1fDyFxjSJiIirmGz6FjpFfn4+YWFh5OXlnTL+x2KxsH37dqKjo2nYsGGN3H9rZj5lFVaaNAwiLMCnRu7hanl5eRw8eJDmzZvj41M3P6OIiNSuP/v+/j2Xb2/hacxmM+Hh4fZVqAMDAzGd5UrLfyXAy0ppRRm5+Tb8TGexy7uHsFqtHDlyhMDAQLy99a+giIjULn3znIPKmWN/tg2HI0rKLWQXlnHUy0RxmHO769yFl5cXjRs3dnpwFBER+SsKP+fAZDLRqFEjoqOja2RLh+NlFdw3dSnlVitvj+xGk4ZBTr+Hq/n6+lYZzyUiIlJbFH4cYDabMZvNTr+uvz8kRoexaEc2i/fk0yq+ZsYWiYiI1Ef6q7eb6tsyCoAF24+4uBIREZG6ReHHTVWGn19353C8zOLiakREROoOhR831Tw6mPjwAMoqrPy6J8fV5YiIiNQZCj9uymQycWFl19c2dX2JiIg4i8KPG9O4HxEREedT+HFjvZs3xNvLxJ7sIvbmFLm6HBERkTpB4ceNhfj70LVJA0CtPyIiIs6i8OPm+rWKBjTuR0RExFkUftxc5bifpbtyKCnXlHcRERFHKfy4uTaNQogO8eN4uYWV6cdcXY6IiIjHU/hxcyaT6XezvmpmI1UREZH6ROHHA/RtZYSf+Rr3IyIi4jCFHw9wQfMovEyw43AhB3KPu7ocERERj6bw4wHCAn3o3NiY8r5QU95FREQcovDjISrH/czfpnE/IiIijlD48RD9Toz7WbIzh3KL1cXViIiIeC6FHw9xXlwYEUG+FJZWsGqvpryLiIicK4UfD+HlZeLCFpGAtroQERFxhMKPB9FWFyIiIo5T+PEgF7SIxGSCzYfyOZxf4upyREREPJLCjwdpGOxHh/gwQF1fIiIi50rhx8PYp7wr/IiIiJwThR8PU7nVxeId2VRoyruIiMhZU/jxMB0TwgkL8CHveDnr9ue5uhwRERGPo/DjYbzNXvSpnPKu1Z5FRETOmsKPB6oc96NBzyIiImdP4ccD9TsRftYfyCOnsNTF1YiIiHgWhR8PFB3qT5tGodhssGhHtqvLERER8SgKPx6qcqNTdX2JiIicHYUfD1U57mfh9iNYrTYXVyMiIuI5FH48VNcmDQj28yanqIyNBzXlXUREpLoUfjyUj9mL3s0bAtroVERE5Gwo/Hiwvi2NXd611YWIiEj1Kfx4sMqtLtbsO0ZecbmLqxEREfEMCj8eLD48gBbRwVhtsHinpryLiIhUh8KPh7Pv8q6tLkRERKpF4cfD9WtljPtZsP0INpumvIuIiPwVhR8Pl5LUgAAfM4cLStlyqMDV5YiIiLg9hR8P5+9jpmezE1PeNetLRETkLyn81AEnt7rQuB8REZG/ovBTB1QOel6ZfoyCEk15FxER+TMKP3VAk4ZBJEcGUWG1sXRXjqvLERERcWsKP3XEySnvGvcjIiLyZxR+6ojf7/KuKe8iIiJnpvBTR5zftCG+3l4cyD3OriOFri5HRETEbSn81BEBvmZ6JEcA6voSERH5Mwo/dUhl15fW+xERETkzhZ86pHKri+W7j1JcVuHiakRERNyTwk8d0iwqiPjwAMosVn7drSnvIiIip6PwU4eYTKaTqz1r3I+IiMhpKfzUMfb1fjTuR0RE5LQUfuqYXs0j8TGb2JtTTHp2kavLERERcTsKP3VMsJ83KU2MKe+a9SUiInIqhZ86qG+ryq0utMu7iIjIHyn81EGV436W7c6hpNzi4mpERETci8JPHdQ6NoSYUD9Kyq38tueoq8sRERFxKwo/dZDJZNJqzyIiImeg8FNHVa72rPAjIiJSlcvDz9SpU0lKSsLf358ePXrw22+/Vet9H3/8MSaTiaFDh1Y5PnLkSEwmU5XHwIEDa6By99a7eSRmLxM7Dxey/1ixq8sRERFxGy4NP7NmzWLcuHE8/vjjrF69mo4dOzJgwAAOH/7zWUrp6emMHz+eCy644LSvDxw4kEOHDtkfH330UU2U79bCAnzonBgOqPVHRETk91wafl588UVuu+02Ro0aRdu2bZk+fTqBgYG8/fbbZ3yPxWLhxhtvZMKECTRt2vS05/j5+REbG2t/NGjQoKY+glvTVhciIiKncln4KSsrY9WqVaSmpp4sxsuL1NRUli1bdsb3Pfnkk0RHR3Prrbee8Zz58+cTHR1Nq1atuP3228nJqZ+bfPZtaYz7WbIzm7IKq4urERERcQ/errpxdnY2FouFmJiYKsdjYmLYunXrad+zePFi3nrrLdauXXvG6w4cOJCrr76a5ORkdu3axcMPP8xll13GsmXLMJvNp31PaWkppaWl9uf5+fln/4HcULu4UCKDfckuLGPV3mP0bNbQ1SWJiIi4nMsHPFdXQUEBN998M2+88QaRkZFnPO/666/niiuuoH379gwdOpRvvvmGFStWMH/+/DO+Z9KkSYSFhdkfiYmJNfAJap+Xl4kLW1RudKrVnkVERMCF4ScyMhKz2UxWVlaV41lZWcTGxp5y/q5du0hPT2fIkCF4e3vj7e3Nu+++y1dffYW3tze7du067X2aNm1KZGQkO3fuPGMtDz30EHl5efZHRkaGYx/OjfTVuB8REZEqXBZ+fH196dq1K2lpafZjVquVtLQ0evbsecr5rVu3ZsOGDaxdu9b+uOKKK7joootYu3btGVtr9u/fT05ODo0aNTpjLX5+foSGhlZ51BUXtIjCZIKtmQVk5Ze4uhwRERGXc9mYH4Bx48YxYsQIUlJS6N69O5MnT6aoqIhRo0YBMHz4cOLj45k0aRL+/v6cd955Vd4fHh4OYD9eWFjIhAkTuOaaa4iNjWXXrl088MADNG/enAEDBtTqZ3MXEUG+dEgIZ11GLgu2HeG6bnWjS09ERORcuTT8DBs2jCNHjvDYY4+RmZlJp06dmDt3rn0Q9L59+/Dyqn7jlNlsZv369bzzzjvk5uYSFxfHpZdeysSJE/Hz86upj+H2+raMMsLPdoUfERERk81ms7m6CHeTn59PWFgYeXl5daILbPW+Y1z96lJC/b1Z/egleJs9Zpy7iIhItVX3+1vfgrXNBVmzY0I44YE+5JdUsDYjt9bvLyIi4k4UfmpT5kZ4eyDk7a/V25q9TFzQQru8i4iIgMJP7bHZ4PsHIONX+Hw0WCpq9fZ9W55Y70dT3kVEpJ5T+KktJhNcORX8QmHfMljwTK3e/sKWxsKQGw7kkV1Y+hdni4iI1F0KP7UpIhmGTDZ+Xvg/2D2/1m4dHeJPuzhj8NeiHWr9ERGR+kvhp7addw10GQHYYPYYKKy9IKKuLxEREYUf1xj4DES1gcIs+OIfYK2dHdcrw8/C7UewWLXCgYiI1E8KP67gGwh/mwHeAbArDZZOqZXbdmnSgBA/b44Vl7PhQF6t3FNERMTdKPy4SnQbuOxZ4+dfJkLGihq/pY/Zi97NjYHP2uhURETqK4UfV+oyHNpdDdYK+PwWOJ5b47fsV7nL+/bDNX4vERERd6Tw40omkzH7q0ES5O6Dr+6u8RWgLzwx7mdtRi65xWU1ei8RERF3pPDjav5hcO3b4OUDW76ClW/X6O3iwgNoGROM1QaLdmTX6L1ERETckcKPO4jvCqlPGD/PfcjYBqMG9WsVDWirCxERqZ8UftxFzzuhxQCwlMJno6CsqMZuVTnlfcH2I1g15V1EROoZhR93YTLB0GkQ0giyt8N3D9TYrVKSGhDoa+ZIQSlbMvNr7D4iIiLuSOHHnQQ1hGveBJMXrH0f1n9SI7fx8zbTq1lDQKs9i4hI/aPw426S+sCFJ1p9vrkPcnbVyG1+3/UlIiJSnyj8uKO+D0CTPlBWaIz/qXD+Lux9WxqDnlfvPUZ+SbnTry8iIuKuFH7ckZcZrnkDAiLg0Dr46XGn36Jxw0CaRgZRYbWxdKemvIuISP2h8OOuQuPgqunGz8unwdbvnH6LC9X1JSIi9ZDCjztrOQB63mX8/OUdkLffqZev3Opi/rYj2Gp4ZWkRERF3ofDj7vo/DnGd4fgx+Hw0WCqcdunzmzbEz9uLQ3kl7Dhc6LTrioiIuDOFH3fn7Wtsf+EbAvuWwYJnnHZpfx8z5zc1prxrl3cREakvFH48QURTuOIl4+eF/4PdC5x26cop7/O1y7uIiNQTCj+e4rxroMtwwAazb4NC57TU9D0x7mfFnmMUlTqvS01ERMRdKfx4koHPQlRrKMyCL/4BVqvDl2waGURiRABlFiu/7s5xQpEiIiLuTeHHk/gGwrUzwNsfdqXBspcdvqTJZDrZ9aVxPyIiUg8o/HiamLZw2bPGz2lPQsYKhy9Zudrz/O2HNeVdRETqPIUfT9RlBLS7GqwV8PktcDzXocv1atYQH7OJjKPH2ZNd5JwaRURE3JTCjycymWDIZGiQBLn74Ot7wIEWmyA/b7olRQBa7VlEROo+hR9P5R9mrP/j5Q2bv4SVbzt0ucrVnhV+RESkrlP48WTxXSH1CePnuQ9B5sZzvlTluJ9lu3IoKbc4oTgRERH3pPDj6c6/E1pcCpZS+GwUlJ3bmJ2WMcHEhvpTWmFl+Z6jTi5SRETEfSj8eDovLxg6DUIaQfZ2+O6Bc7qMyWQ62fWlKe8iIlKHKfzUBUGRcPUbYPKCte/D+k/O6TLa6kJEROoDhZ+6IvkCuPBEq88390HOrrO+RK/mkZi9TOw+UkTG0WInFygiIuIeFH7qkgv/BU16Q1mhMf6novSs3h4W4EPXxg0A+Hz1/pqoUERExOUUfuoSs7fR/RUQAYfWwU+Pn/UlruuWCMCUtB0s3ZXt7ApFRERcTuGnrgmLNwZAAyyfBlu/O6u3X9Mlnqs7x2O1wd0fruFg7vEaKFJERMR1FH7qolYDjSnwAF/eAXnV78IymUz896r2tG0USk5RGbd/sJrSCq37IyIidYfCT12V+gQ06gTHj8Hno8FSUe23Bviaee3mroQF+LAuI5cJX2+usTJFRERqm8JPXeXtC3+bAb4hsG8ZLHj2rN6eGBHIS9d3wmSCD5fv45OVGTVUqIiISO1S+KnLIpoaG6ACLHwedi84q7f3axXNfaktAfjPnI1s2J/n5AJFRERqn8JPXdf+Wuh8M2CD2bdB4dmt3nzXRc1JbRNNWYWVf76/imNFZTVTp4iISC1R+KkPLnsOolpDYRbM+SdYrdV+q5eXiReu60RSw0AO5B7nno/XYLHaarBYERGRmqXwUx/4BsK1M8DbH3b+DMtePqu3hwX4MP3mrgT4mFm0I5sXf9pWQ4WKiIjUPIWf+iKmLQx8xvg57UnIWHFWb28dG8oz17QHYOq8Xfy4KdPZFYqIiNQKhZ/6pOtIaHcVWCvg81vgeO5Zvf3KTvGM6p0EwP2frGP3kUKnlygiIlLTFH7qE5MJhrwE4U0gdx98fQ/Yzm78zsOD2tA9KYKC0gr+8d4qikqrv36QiIiIO1D4qW/8w4zxP17esPlLWDXjrN7uY/bilRs7Ex3ix47DhTzw+XpsZxmgREREXOmcws8777zDt99+a3/+wAMPEB4eTq9evdi7d6/TipMaktDVWAEaYO5DkLXprN4eHeLPtJu64O1l4tv1h3hz0R7n1ygiIlJDzin8PP300wQEBACwbNkypk6dynPPPUdkZCT33XefUwuUGnL+ndD8EqgogU9HQlnRWb29a5MIHr28LQDPzN3Ksl05NVCkiIiI851T+MnIyKB58+YAzJkzh2uuuYYxY8YwadIkFi1a5NQCpYZ4ecFV0yE4FrK3w/cPnPUlhvdswlWd47FYbdz14WoO5WkHeBERcX/nFH6Cg4PJyTH+pv/jjz9yySWXAODv78/x4/oC9BhBkXDNG4AJ1rwP6z89q7ebTCaevqo9bSp3gH9fO8CLiIj7O6fwc8kllzB69GhGjx7N9u3bGTRoEACbNm0iKSnJmfVJTUu+EPqeaPX5Zizk7Dqrtwf4mnntpq6E+nuzNiOXJ7UDvIiIuLlzCj9Tp06lZ8+eHDlyhM8//5yGDRsCsGrVKm644QanFii14MIHoElvKCuEz0ZBRelZvb1xw0BeuqEzJhN8sHwfn2oHeBERcWMmm+YpnyI/P5+wsDDy8vIIDQ11dTm1I+8ATO8Dx49Cj9vhsmfO+hIv/byD//t5O77eXsy+vRfnxYfVQKEiIiKnV93v73Nq+Zk7dy6LFy+2P586dSqdOnXi73//O8eOHTuXS4qrhcXD0GnGz8unwcc3GuOAzmIX+Lsvbk7/1sYO8P94TzvAi4iIezqn8POvf/2L/Px8ADZs2MD999/PoEGD2LNnD+PGjXNqgVKLWg2EPieWKtj6DXx5J/yvBbyZCgv/Z6wH9CcNhV5eJl4c1okm2gFeRETc2Dl1ewUHB7Nx40aSkpJ44okn2LhxI5999hmrV69m0KBBZGZ69qaX9bLb6/cOroVt38P27+HQuqqvhTU2QlLLgZDUB7z9Tnn7lkP5XPXqEkrKrdx1UXPGD2hVO3WLiEi9VqPdXr6+vhQXFwPw888/c+mllwIQERFhbxESDxbXCS56CP6xEMZtgcv/D1oMAG9/yNsHv70O718NzzWFWTfD2g+hKNv+9jaNQnn2mg4AvDJvp3aAFxERt3JOLT9XXHEFZWVl9O7dm4kTJ7Jnzx7i4+P58ccfueuuu9i+fXtN1Fpr6n3Lz5mUFcPu+UaL0PYfoDDrdy+aILG70SLU6jKIas0TX29m5tJ0Qvy8+fKu3jSNCnZV5SIiUg9U9/v7nMLPvn37uOOOO8jIyOCee+7h1ltvBeC+++7DYrEwZcqUc6/cDSj8VIPVCofWwLa5RhjK3FD19fAmWFoO5L87mvDeoQSSosOZc2dvgvy8XVOviIjUeTUafpxp6tSpPP/882RmZtKxY0defvllunfv/pfv+/jjj7nhhhu48sormTNnjv24zWbj8ccf54033iA3N5fevXszbdo0WrRoUe2aFH7OQd5+2D7XCEN7FoLl5FpBhQQy39KenPiLGX7zbZiCGrqwUBERqatqPPxYLBbmzJnDli1bAGjXrh1XXHEFZrO52teYNWsWw4cPZ/r06fTo0YPJkyfz6aefsm3bNqKjo8/4vvT0dPr06UPTpk2JiIioEn6effZZJk2axDvvvENycjKPPvooGzZsYPPmzfj7+1erLoUfB5UVwa55J7rHfoSiw/aXrHjh1bjHye6xyJZgMrmwWBERqStqNPzs3LmTQYMGceDAAVq1MmbybNu2jcTERL799luaNWtWrev06NGDbt268corrwBgtVpJTEzk7rvv5sEHHzzteywWCxdeeCG33HILixYtIjc31x5+bDYbcXFx3H///YwfPx6AvLw8YmJimDlzJtdff3216lL4cSKrFQ6uYV3aR/js+pG2Xnurvt4g2QhBLQdCk15g9nFNnSIi4vFqdLbXPffcQ7NmzcjIyGD16tWsXr2affv2kZyczD333FOta5SVlbFq1SpSU1NPFuPlRWpqKsuWLTvj+5588kmio6Pt44x+b8+ePWRmZla5ZlhYGD169PjTa5aWlpKfn1/lIU7i5QUJXekw/Hleb/sOvUqm8IzXaEqSLgKzLxzbA7++Cu9eYcwe+3QkrJsFxUddXbmIiNRR5zT6dMGCBfz6669ERETYjzVs2JBnnnmG3r17V+sa2dnZWCwWYmJiqhyPiYlh69atp33P4sWLeeutt1i7du1pX69cX+h01/yztYcmTZrEhAkTqlW3nBuTycSkqztwVWYB0zMjWV58NR+Pm4nf3oXGWKHtP0BxNmz6wniYvCDxfGNNoVaDILL6Y7ZERET+zDm1/Pj5+VFQUHDK8cLCQnx9fR0u6nQKCgq4+eabeeONN4iMjHTqtR966CHy8vLsj4wMbcxZEwJ8zbx2s7ED/Jp9uUz8KQPaXgFDX4Xx2+HWn+GC+yG6HdissG8p/PQYvJICU7rAD4/AnkVgKXf1RxEREQ92Ti0/l19+OWPGjOGtt96yz8xavnw5//znP7niiiuqdY3IyEjMZjNZWVlVjmdlZREbG3vK+bt27SI9PZ0hQ4bYj1mtVuNDeHuzbds2+/uysrJo1KhRlWt26tTpjLX4+fnh53fqSsXifE0aBvHS9Z255Z0VvP/rPjolNuDargngZYbEbsaj/2NwbK/RGrT9eyPwHN0Fy14xHv5h0OJSuPBfEKXVo0VE5OycU8vPlClTaNasGT179sTf3x9/f3969epF8+bNmTx5crWu4evrS9euXUlLS7Mfs1qtpKWl0bNnz1POb926NRs2bGDt2rX2xxVXXMFFF13E2rVrSUxMJDk5mdjY2CrXzM/PZ/ny5ae9prjGRa2jube/0Y31yBcb2Hgg79STGjSBHmPg5i/g33vguneh498hsCGU5MGGT41d6Bc8DxXaQFVERKrPoXV+du7caZ/q3qZNG5o3b35W7581axYjRozgtddeo3v37kyePJlPPvmErVu3EhMTw/Dhw4mPj2fSpEmnff/IkSOrzPYCY6r7M888U2Wq+/r16zXV3c1YrTZGv7uSX7YeJqFBAF/f1YcGQdXoMrVaYP9KWPQC7PjBOBbdDq58GeK71mzRIiLi1qr7/V3tbq+/2q193rx59p9ffPHFal1z2LBhHDlyhMcee4zMzEw6derE3Llz7QOW9+3bh5fX2TVOPfDAAxQVFTFmzBhyc3Pp06cPc+fOrXbwkdrh5WXi/67rxJBXFrPvaDH3zlrLjJHdMHv9xZo/XmZo3AP+Pgs2fAZz/w2HNxk7z59/B1z0CPgG1s6HEBERj1Ttlp+LLrqoehc0mfjll18cKsrV1PJTe36/A/zdFzfn/kvPcgxPUQ7MfRA2fGI8b5AEQ16Cpv2cXaqIiLg5j9newh0p/NSuOWsOMHbWWgDeGJ7CJW1j/vwNp7P9R/jmPsjfbzzvfBNc+hQENHBeoSIi4tZqdJFDEWca2jmekb2SABg3ay27jxSe/UVaXgp3/grdbgNMsOZ9mNoDNn/l1FpFRMTzKfyIW3h4UBtSmjSgoLSCf76/iqLSirO/iF8IDP4f3DLX2DOsMAs+uRlm3QQFZ17kUkRE6heFH3ELvt5evHpjF6JC/NieVci/P1/POffINj4f/rEILhgPXt6w5WuY2h1Wvwfq5RURqfcUfsRtRIf68+qNXfD2MvHN+kO8tXjPuV/Mxx/6PwpjFkBcZ2NtoK/ugnevhKMOXFdERDyewo+4lW5JETwyuA0Ak77fyq+7cxy7YOx5xrYZlz4F3gGwZwG82hOWvmysGSQiIvWOwo+4nZG9kriyUxwWq427PlxNZl6JYxc0e0Ovu+GOpZB0AVQchx//Y6wNlLnROUWLiIjHUPgRt2PsAN+e1rEhZBeWcfsHqyirsDp+4YimMOJruOJl8AuDg6vh9b7wy1NQUer49UVExCMo/IhbCvT1ZvpNXQmp3AH+m83OubDJBF2Gw53LofXlYK2Ahc/D9Atg33Ln3ENERNyawo+4raTIIF66vhMA7/26l89X7XfexUMbwfUfGBumBkVD9jZ4ewB89y8oLXDefURExO0o/Ihbu7h1jH0H+IfPtAO8I9peCXf9ZqwIjQ1+e90YEL3jJ+feR0RE3IbCj7i9e/u34KJWUZRWWLn9g1XkFpc59wYBDeDKqXDzHAhvAnkZ8MG1MHuMsXeYiIjUKQo/4va8vExMHtaZxhGBZBw9zj0fr8VirYHFCptdBHcsg553gckL1s+Cqd2M3eO1OKKISJ2h8CMeISzQh+k3dcXfx4uF248w+eftNXMj3yAY8F9jbaDotlCcA5/fCh9dD3lOHHMkIiIuo/AjHqNtXCiTrm4PwMu/7OSRLzaw8/A5bIJaHQldjdWhL3oEzL6wfS5MPR9WvAlWJ0y7FxERlzHZznkDpborPz+fsLAw8vLyCA0NdXU58gcTv9lcZeuLC1tGMap3En1bROHlZXL+DQ9vha/uhv2/Gc8b94IrpkBkC+ffS0REzll1v78Vfk5D4ce92Ww2lu3K4e0l6aRtzbIPx2kaGcTI3klc0yWBID9v597UajFafX6eAOVFYPaDvg9A73vB7OPce4mIyDlR+HGAwo/n2JtTxDtL9/LpygwKSisACPH3ZlhKIiN6JZEYEejcG+bug2/ug50/G89j2sOVLxubp4qIiEsp/DhA4cfzFJZW8NnKDGYuTSc9pxgALxOktolhVO9kzm8agcnkpC4xm82YCTb3QTh+DExm6Hkn9HsIfJ0ctkREpNoUfhyg8OO5rFYb87cfZsaSdBbtyLYfbx0bwi29k7miUxz+Pmbn3KzwCMz9N2z83Hge0RSGTIHkC5xzfREROSsKPw5Q+KkbdmQVMGNpOrNX76ek3JihFRHky9+7N+bmnk2ICfV3zo22fQ/fjIOCg8bzLiPgkichINw51xcRkWpR+HGAwk/dkltcxscrMnh3aToH80oA8PYyMah9I0b1TqJz4waO36QkD35+Ala+bTwPjoXBL0DrwcZmqiIiUuMUfhyg8FM3VVis/Lg5i5lL0vkt/aj9eKfEcEb1TmJQ+0b4mB1c+ip9MXx1DxzdZTxv1BFSboX21xoLKIqISI1R+HGAwk/dt/FAHm8v2cM36w5RZjG6xGJC/bj5/Cbc0L0xDYP9zv3i5cdhwbOw7FWwlBrH/MKg098h5RaIaumETyAiIn+k8OMAhZ/640hBKR8u38f7y/dypMAIKr7eXgztFMeo3sm0aeTAn39RDqz9AFa+BcfSTx5PvtBoDWo9WGsEiYg4kcKPAxR+6p+yCivfbjjIjCXprN+fZz9+ftMIRvVOJrVNDOZzXT3aaoXdv8CKt4xtMmwntscIjoWuI4wB0mHxTvgUIiL1m8KPAxR+6i+bzcbqfcd4e0k6czdm2nePT4wIYETPJP6WkkhYgAOtNbkZsGomrH4Hio4Yx0xmaD3IaA1q2k8DpEVEzpHCjwMUfgTgYO5x3vt1Lx/9to/c4nIAAn3NXNs1gZG9kmgaFXzuF68ogy1fGbPD9i45ebxhcyMEdboBApwwC01EpB5R+HGAwo/83vEyC3PWHmDGkj1szzq5i3y/VlGM6p3MhS0iHVs9OmuzEYLWfQxlBcYx7wBof40RhOK7OPgJRETqB4UfByj8yOnYbDaW7sphxpI9pG09bN9QtVlUECN7J3NNl3gCfR3YULW0ADZ8aowNytp48nhcF+g2Gs67GnwCHPsQIiJ1mMKPAxR+5K+kZxfxzrJ0Pl25n8ITG6qG+ntzfffGDO/ZhIQGDuzxZbNBxnIjBG2eA5Yy47h/OHS+yZgu37CZw59BRKSuUfhxgMKPVFdBSTmfrdrPzKXp7P3dhqqXto3llj7JdE+OcOwGRdmw5j2jWyx338njTS+CbrdCy8vA7EBrk4hIHaLw4wCFHzlbVquNeduMDVUX7zy5oeoN3Rvz5JXtHF852mqBnWmw4k3Y8SNw4j/bkDhIGQVdhkNIrGP3EBHxcAo/DlD4EUdszypgxpI9fLwiA5sNejZtyLSbuhAe6OucGxxLPzFd/l0ozjGOeXlD68uN1qCkCzRdXkTqJYUfByj8iDOkbcnino/WUFRmIalhIG+N7EYzR6bH/1FFKWz+ymgNyvj15PHIVkYI6ng9+Ic5734iIm5O4ccBCj/iLFsz87l15koO5B4n1N+bV2/sSp8Wkc6/UeZGYxuNdbOgvMg45hMI7f9mBKFGHZ1/TxERN6Pw4wCFH3Gm7MJSxry7ktX7cjF7mXjiinbcfH6TmrlZST6sn2XMFDuy5eTxhG7GdPm2Q8HHv2buLSLiYgo/DlD4EWcrKbfw0OwNfLHmAAAjeyXxn8Ft8HZ0IPSZ2Gywd6nRGrT5K7AaK1QTEHFiuvwoiGhaM/cWEXERhR8HKPxITbDZbLw6fxfP/7ANgAtaRPLK37s4tldYdRQeNgZHr5oJeRknDpqgeX9jzaDkC8EvpGZrEBGpBQo/DlD4kZo0d+Mh7pu1juPlFppFBfH2yG40aRhU8ze2Woxp8iveNKbNV06XN3lBdFtISIGE7kYXWcPm4FVDrVJS88qKjHFgmevh0DrjUVYE/R6EDte5ujrPlbUZdv5kLC2hvffcksKPAxR+pKZtPJDH6HdWkplfQnigD9Nv6sr5TRvWXgFHd8PKGbBpDuTtO/V1//CTYSixG8R31cwxd1V81Ag3mevh0Hrjn9k7sIfbPzr/DrhkohbHPFtrP4JvxkJFCUS3g5u/gJAYV1clf6Dw4wCFH6kNh/NLuO3dlazbn4eP2cR/h7bnum6JtV9I/iE4sBIyfoP9K+DgGuN/8FWYIKq1EYgST7QORbZS61Btstkg/+DvWnNOBB17V+YfBMdCow7GTL/YDsZ7Fv3PeC3pAvjbTAiqgZmHdU1FGfzwMKx4w3ju5Q3WCmiQDMPnQIMkV1Ynf6Dw4wCFH6ktJeUW7v90Hd+uPwTAmAub8u+BrTF7uXCRQks5ZG6A/Sth/4lAdCz91PP8Qo0WocowlJCirgBnsVqN1rnMEyGnsmWnclHLP2qQbASd2A7QqJPxc3D0qedt+Rq++CeUFUJoAlz/PsR1rtGP4tHyD8GnI4y99gD6nug2fO8qyN0LIY3g5jkQ3dqlZcpJCj8OUPiR2mSz2Zj88w5eStsBQP/W0bx0Q2eC/dyoW6Lw8O/C0Eo4sArKi089L7LliSB04hHdBrzMtV+vJ7GUw5GtVVtzMjcYAeWPTGajBc4edDpAbPuz65I8sg0+/jvk7ASzHwx5CTrd4LzPU1fsXWYEn8Is8AuDq1+HVgON1/IPwXtDjT+3gAi46TPjLwLicgo/DlD4EVf4at1B/vXpOkorrLSODeHNESmO7Q5fkywVcHiT0SqUscL459Fdp57nGwzxXU4OpE7oBkG1OLbJ3ZQVQdamk4OQM9fD4S1gKTv1XG9/iGl3IuR0NIJOdFvwCXC8jpI8mP0P2P698bz7P2DAf8FcwzMPPYHNBr+9bnR1WSuM3/mw96Fhs6rnFR+F96+Bg6uNf89v+BiSL3BNzWKn8OMAhR9xlTX7jjHmvVUcKSglMtiX127uStcmDu4MX1uKcqqOHTqw6vStFxFNTw6kTuhmDB6ti4Nvi49WHYR8aJ3R2mKznnquX1jV1pxGHaFhi5r9vVitsOBZWPCM8bxJb2Mc0Om6y+qLsmJjUPP6Wcbz866BK14G3zPMxiwtgI9ugPRFRivade9Aq8tqrVw5lcKPAxR+xJUO5h5n9Dsr2XwoH1+zF89e256rOie4uqyzZ7UY3QKVYWj/Csjefup5PoEQ1+VkGEroDsFRtV/v2bJajcUjLWVGS0rmht8FnfWnn0UHEBxzchByZeBpkOS6zWi3fgezx0BZAYTGw7D36mcXztE9MOtmyNpgdC9eOtGYGfdXfy7lJfDZLbDtW+N9Q6dBx2G1U7OcQuHHAQo/4mrFZRWM/XgtP27OAuDOi5px/yWt8HLlQGhnKD4KB1afHEi9fxWU5p16XniTkwOpYzsY44YsZcb4GGvFyZ8t5ScDyBlf++N5J86xlv/h59O8x1JW9Zq//9lm+evP2yDpd91WJwKPO06PPrIdZt1ohFOzH1z+f9D5RldXVXt2/ASfj4aSXAiKgmtnnF0XlqUCvrwT1n9sPB/0P+h+W42UKn9O4ccBCj/iDqxWG//7cRuvzjfG0gxsF8uLwzoS6FuHuoisVuMLtzIMZawwWovOtEaNuzKZIapV1W6rsx2I7Gol+cZMsG3fGs+73QYDngZvX9fWVZOsVlj0Asz7L2CD+BS47l0Iiz+3a819EH57zXh+8X/ggvGua9GrpxR+HKDwI+7k81X7eWj2BsosVs6LD+WN4Sk0CnPCoFd3VZJnjBeqHEh9ZJuxnpCXD5h9jXEwZt8Tz3//c+XD11iLpcrPvsbz055X+drvfv7jufZ7n+E1b7+6MavNaoWFz8P8p43njXvC395xz9YqR5XknQh73xnPu46Cy541/izPlc0G8ycZY6kAet4Flz6lAFSLFH4coPAj7mZl+lH+8d4qcorKiA7x443hKXRMDHd1WVJXbZsLs2+D0nxjLZth7xvrONUVh7fAxzcaMxTNfjD4f8aWFc6y7FX44SHj5843G8sJ1IVw7AGq+/2t5VlFPEBKUgRz7uxNq5gQDheUct1ry/hm/UFXlyV1VauBcNs8YxXvgkMw4zJjc9y6YONseKO/EXxCE+CWuc4NPgA974Arpxr75q15Dz4bBRWlzr2Hp7NWY8xcDVL4EfEQiRGBfHZ7Ty5uHU1phZW7PlzDSz/vQI23UiMim8NtadD6cmOQ91d3wzf3Gds9eCJLBfz4HyOIlBdBcl/4xwJjHaqa0Pkmo8vQ7Aubv4SPrjfWearvbDZYNwte7gp5B1xWhsKPiAcJ8ffhjeEpjO6TDMD//bydez5eS0m5a/8WJXWUXwhc9x5c/ChggpVvwzuXQ0Gmqys7O0XZxorMS182nve+F26aXfN7m7W9Av4+y1jOYdcvxrYYx3Nr9p7uLHsnvHslfDEGju2BpVNcVorG/JyGxvyIJ/j4t338Z85GKqw2OiaG88bNXYkO9Xd1WVJXbf/RmA5emmdsmjrsPWM5And3YBXMGg75+8EnCIZOhXZX1W4NGb/BB9cag6xj2sPNs+vXYpLlJbBksjGzzlJmrF5+4Xjoda/TZxNqwLMDFH7EUyzblcPtH6wit7icRmH+vDE8hfPiPWh6tXiWnF3GvmBHthqz3AY9DymjXF3Vma16B74bb3zhNmwOwz5w3SakmRuNlp+iwxDRzNgRPryxa2qpTbsXwLfjjNXNAZpdDINfMFZ6rwEKPw5Q+BFPkp5dxK3vrGDXkSICfMxMvr4TA9rFurosqatKC2DOHbDlK+N5lxFGCHJkirizVZTCd/+C1e8Yz1sNhqumuX7dpZxd8O5QY/Xv0HhjR/iolq6tqaYUHoEfHzm5VUhQNAycZGwZUoNT/xV+HKDwI54m73g5d324mkU7sjGZ4IEBrfln36aYtL6I1ASbDRb/H6Q9CdiMlbivew9CG7m6MsjbD58MN7q7MBmLDfYZZ6wV5Q7yDxoBKHsbBDY0xh7FdXJ1Vc5jtcKad+Gnx40VszFBt1uNcWMB4TV+e4UfByj8iCeqsFh58pvNvLtsLwBXd4ln0tXt8fPW+iJSQ3b8DJ/fYoxlCY4xVkdufL7r6tmzED4dBcXZ4B8O174FzVNdV8+ZFOXA+1fDobXgF2rsCJ/U29VVOS5rszEjMONX43lse7h8cq2uEaXw4wCFH/Fk7y5LZ8LXm7FYbaQ0acBrN3elYbAbdUlI3XJ0t7Fg4OHNxirZlz0LKbfW7qrGNhsse8VobbBZjC/dYe8be6u5q5J8Y0f4vYuNAcDXvQctL3V1VeemrNhY1XrZK8b+dz5BcNHD0OOfxirstUjhxwEKP+LpFu04wh0frKagpIKEBgG8NaIbrWJDXF2W1FWlhfDVXbDpC+N555tg0AvgUwuzD/947w7XGxuz+gbW/L0dVX4cPh0J2+cawfGq16D9ta6u6uxs/8EYVJ67z3je+nIY+AyEJ7qkHIUfByj8SF2w83Aht76zgr05xQT7efPyDZ25qHU9ml4rtctmgyUvQdoEsFkhvqvRmnEum4RWV84uo9XpyBYjPAx8BrqN9qy9tCzlxgDyDZ8AJrj8RUi5xdVV/bX8g/D9v08OfA9NMAa+tx7k2rIUfs6dwo/UFceKyrj9g1X8uvsoXiZ4eFAbbu2TrIHQUnN2psFntxiDXYOijHFATXo5/z7bvofZY4z9x9xhvJEjrFb4/gFY8YbxvP/jcME419Z0JlYL/PYG/PIUlBWAyQzn3w79HgK/YFdX5zl7e02dOpWkpCT8/f3p0aMHv/322xnPnT17NikpKYSHhxMUFESnTp147733qpwzcuRITCZTlcfAgQNr+mOIuKUGQb68e0sPru+WiNUGT327hYe/2EBZhdXVpUld1bw/jJkPMedB0RF4Z4jxZemsv2dbLfDLf43tIkrzIfF8+MdCzw0+YMxEG/Q8XDDeeJ424cT4JTdrmziwGt64GOb+2wg+8SnGFiED/usWwedsuLTlZ9asWQwfPpzp06fTo0cPJk+ezKeffsq2bduIjj61eX7+/PkcO3aM1q1b4+vryzfffMP999/Pt99+y4ABAwAj/GRlZTFjxgz7+/z8/GjQoEG161LLj9Q1NpuNtxbv4envtmC1wflNI5h2Y1caBDl3dVURu7IiYz+wjZ8bzzvdCINfdGwcUPFRo7Vn50/G8+7/gEufcvoqwS619GVjDzKArqOMBQFdvSN8Sb7R0rPiDaNL0y8MUh836nOXJQRO8Ihurx49etCtWzdeeeUVAKxWK4mJidx99908+OCD1bpGly5dGDx4MBMnTgSM8JObm8ucOXPOuS6FH6mrftmaxT0fraWwtIKkhoG8OaIbzaM9629s4kHss7AeM7404zobs7DCEs7+WpkbYNZNcCwdvANgyEvQcZjTS3YLq9+Fr+81fmftrjYGQrsi4Nlsxqascx+EgkPGsfOuhQFPQ0hM7ddTDW7f7VVWVsaqVatITT25BoOXlxepqaksW7bsL99vs9lIS0tj27ZtXHjhhVVemz9/PtHR0bRq1Yrbb7+dnJycP71WaWkp+fn5VR4iddHFrWP4/PZeJDQIID2nmKteXcI7S9O1MarUDJMJet1tLOQXEAEH18BrfWHPorO7zvpP4M1LjOAT3hhu/bHuBh+ALsPh2hnGFiKbZhtbipQV124Nx/bCh9fBpyOM4NMg2fhzvPYttw0+Z8Nl4Sc7OxuLxUJMTNVfYkxMDJmZZ94xOC8vj+DgYHx9fRk8eDAvv/wyl1xyif31gQMH8u6775KWlsazzz7LggULuOyyy7BYzvw/90mTJhEWFmZ/JCa6ZoqeSG1oFRvCnDt7k9KkAQUlFTz+1Sb6PT+f937dS2mFQpDUgGYXGeOAYtsbCxC+eyX8Ou2vx7RYyo0ZRbNvg4rj0Kw/jFkAjTrUStku1W4o/P1jo5Vr50/GoogleTV/X0u5sXr31B6w40cjgF34L7hjmTGeq45wWbfXwYMHiY+PZ+nSpfTs2dN+/IEHHmDBggUsX778tO+zWq3s3r2bwsJC0tLSmDhxInPmzKFfv36nPX/37t00a9aMn3/+mf79T/8HV1paSmlpqf15fn4+iYmJ6vaSOq2swsqslRm8Om8nh/JKAIgL8+fOi5vzt66J+Hq7V1++1AFlxUZ3zoZPjOcdrochk8En4NRzC7KMNXD2LTWeX/gvY0aRq8e/1LZ9v8IH10FpHsR2MFpfgqNq7l5fjzWWDgBo0sdYM8mD9h9z+zE/ZWVlBAYG8tlnnzF06FD78REjRpCbm8uXX35ZreuMHj2ajIwMfvjhhzOeExUVxVNPPcU//vGPal1TY36kPimtsDBrRQZT5+0kK9/4S0B8eAB3X9yca7om4GNWCBInstng11fhx0eN1ZgbdTTGAf1+h/OM32DWzVCYaWz/cNV0aD3YdTW72qH1RstP0RFjd/qb5zh3EcHio/Dz48ZYIzC6KAf8Fzre4FlrJuEBY358fX3p2rUraWlp9mNWq5W0tLQqLUF/xWq1Vmm1+aP9+/eTk5NDo0ZusOGeiBvy8zYzvGcSC/51EY8PaUtUiB8Hco/z4OwNXPzCfD5ZkUG5RVPjxUlMJuh5J9z8hbGx56F18Ho/Y18umw1WvAkzBhnBJ6o13DavfgcfMLr5Rs2FsETI2QlvD4TsnY5f12aDdR/DK91OBp/ON8Hdq6DT3z0u+JwNl091HzFiBK+99hrdu3dn8uTJfPLJJ2zdupWYmBiGDx9OfHw8kyZNAoyxOSkpKTRr1ozS0lK+++47HnzwQaZNm8bo0aMpLCxkwoQJXHPNNcTGxrJr1y4eeOABCgoK2LBhA35+1dvfSC0/Up+VlFv4YPk+ps3fRXah8ReLxhGB3H1xc67qHI+3WoLEWXL3GTO4Dq0zFstr0gvSTwyGbjsUrpzqcevH1Ki8/caO8Dk7IDASbp5ttJydi+wd8O04I3QCRLYyuiBrYkHKWuT23V6VXnnlFZ5//nkyMzPp1KkTU6ZMoUePHgD069ePpKQkZs6cCcB//vMfZs2axf79+wkICKB169bce++9DBtmjPo/fvw4Q4cOZc2aNeTm5hIXF8ell17KxIkTTxlY/WcUfkTgeJmFD5bvZdr8XeQUlQGQ1DCQe/q34IqOcQpB4hzlx41xJus/Np6bvCB1gjFLrA63PJyzouwTO8KvM7oE//4JNKl+bwnlJcaA5sUvgqXM2FS17wPQ8+46sV6Sx4Qfd6TwI3JScVkF7y3by2sLd3P0RAhqGhnEPf1bMKRjHGYvfUGJgyq7uzbNgb7/gqb9XF2ReyvJgw+vNwaDewcYY6ZapP71+3bPh2/GwdFdxvPmqTDofxCRXKPl1iaFHwco/Iicqqi0gneWpfP6wt3kFpcD0CwqiHtTWzK4fSOFIJHaVFZsrMFTOR396tfhvKtPf27hEfjh4ZOz7IJjjE1g211V51rXFH4coPAjcmaFpRW8s9QIQXnHjRDUIjqYe1NbMOi8RngpBInUjooymPPPE1uImIwxO11HnnzdaoXV7xgzuUryjHO63wYX/wf8w1xTcw1T+HGAwo/IXysoKWfmknTeWLSb/JIKAFrFhDA2tQUD2sUqBInUBqsFvhsPK982nl/yJPS+F7I2GWOp9p/YLDy2gxGO4ru6qtJaofDjAIUfkerLLynn7cV7eGvxHgpOhKDWsSGMTW3JgHYxmOpYs7qI27HZIO1JYxAzQLOLYfcCYx0l32C46BHoPgbM3q6tsxYo/DhA4Ufk7OUdL+etxXuYsXgPBaVGCGoXF8rY1JaktolWCBKpaYsnG11cldoMgYHPQli8y0qqbQo/DlD4ETl3ucVlvLloDzOW7KGozNgrrH18GGNTW3Bxa4UgkRq19kNY9xGcfwe0uszV1dQ6hR8HKPyIOO5YURlvLNrNzKXpFJ8IQR0Twhib2pJ+raIUgkTE6RR+HKDwI+I8OYWlvL5oN+8u3cvxciMEdUoM575LWnJhi0iFIBFxGoUfByj8iDhfdmEpry/czbvL0ikpN/YK69LYCEF9misEiYjjFH4coPAjUnOOFJTy2oJdvPfrXkorjBDULakB96W2pGezhgpBInLOFH4coPAjUvMO55cwbcEuPli+j7ITIah7cgTjLmnJ+U0burg6EfFECj8OUPgRqT1Z+SVMm7+LD5fvo8xihKCeTRty3yUt6Z4c4eLqRMSTKPw4QOFHpPYdyjvOq/N2MWtFhj0E9W7ekLGpLUlp0kDdYSLylxR+HKDwI+I6B3OPM3XeTj5ZmUG5xfjfU2JEAP1bx9C/TTQ9khvi6+3l4ipFxB0p/DhA4UfE9fYfK2bqvJ18vvqAfUwQQLCfNxe2jKR/6xguah1NRJCvC6sUEXei8OMAhR8R91FcVsHiHdmkbTlM2tbDZBeW2l8zmaBL4wb0bxNNapsYWkQHq3tMpB5T+HGAwo+Ie7JabWw4kEfalix+3nKYzYfyq7yu7jGR+k3hxwEKPyKe4WDucdK2HiZtSxZLd+Woe0yknlP4cYDCj4jnUfeYiCj8OEDhR8SzWa021v+ue2zLGbrHUtvE0D05Qt1jInWEwo8DFH5E6hZ1j4nUDwo/DlD4Eam7ikorWLwzm7QtWfyy9UiV7jEve/eYMWha3WMinkXhxwEKPyL1g7rHROoWhR8HKPyI1E8Hco/zy4kgtGxXjn2bDVD3mIgnUPhxgMKPiFTtHjtMdmGZ/TV1j4m4J4UfByj8iMjvWa021u3PtU+j/2P3WEKDALo2aUDHhHA6JobRLi4Mfx+zi6oVqb8Ufhyg8CMif+bPuscAvL1MtIwJoWNiOB0TwuiYGE6L6GC8zRozJFKTFH4coPAjItVVVFrBivSjrN+fx7qMXNbtz63SRVYpwMfMefGhdEgIt4eixhGB6i4TcSKFHwco/IjIubLZbBzMK7EHofUZeWw4kEdhacUp54YH+tAhIZxOCWH2UBQV4ueCqkXqBoUfByj8iIgzWa02dmcXsjYjj/X7c1mXkcuWQwWndJcBxIX50zEx/EQYCqN9fBgh/j4uqFrE8yj8OEDhR0RqWmmFha2HCli/P9ceinYeKeSP/0c2maBZVDAdEsLodCIUtWkUgp+3BlSL/JHCjwMUfkTEFQpKytl4IN/oLtufy7qMPA7kHj/lPB+ziTaNQumYEG4PRU2jgjF7afyQ1G8KPw5Q+BERd3GkoNQIQicGVK/fn8ux4vJTzgvyNdM+IezEdHsjFMWHB2hAtdQrCj8OUPgREXdls9nIOHqcdSfGDq3fbwyoPl5uOeXcyGBfY+xQQjgdTowfigzWgGqpuxR+HKDwIyKepMJiZeeRQtZn5LH2RJfZ1kMFVFhP/d97bKg/58WHcV58KOfFhXFefBgxoX5qIZI6QeHHAQo/IuLpSsotbD6Ub28dWrc/lz3ZRacMqAaIDParEobOiw9Vl5l4JIUfByj8iEhdVFhawZZD+WzYn8fGg3lsOpDPjsMFnKaBiPBAnyph6Ly4MJo01KKM4t4Ufhyg8CMi9cXxMgtbMvPZdMAYO7TxQD7bs07fZRbi7027OCMItU8w9jBLjgzSLDNxGwo/DlD4EZH6rLTCwrbMAjYeyGfjwTw2Hshj6xkWZQz0NdMuLpR2J1qJ2seH0SwqSPuYiUso/DhA4UdEpKpyi5UdWYX2MLTxQB6bD+VTUn5qIPLz9qJNo1DOiw+lfbzRQtQyJgRfbwUiqVkKPw5Q+BER+WsVFiu7s4tOhKF8Nh7IY9PBPIrKTp1272v2olVsCOfFG61E7ePDaBUbgr+PVqoW51H4cYDCj4jIubFabaTnFLHhQB6bDubbW4nyS07d2NXsZaJFdLC9u6xNo1CiQ/yICPYlxM9bg6vlrCn8OEDhR0TEeSoXZtx4sHJQtfE43UrVlXzMJiKCfIkI8qNhkO+Jn32Nn4NP/DPIz34sLMAHLw28rvcUfhyg8CMiUrNsNhsH80qMrrIDeWw8aMwyO1pURvFpus3+itnLRINAn9+FJL+TPwf7nnK8QaCPBmXXQdX9/vauxZpEREQAMJlMxIcHEB8ewIB2sVVeKym3kFNUxtHCMnKKSjlaVMbRorLfHSvj6InjOUVlFJRUYLHayC4sI7uwrJr3h7AAHxr+PijZW5SqBqWGwb40CPTVgO06ROFHRETcir+P2R6MqqOswsqx4jJyCitD0qmB6ffHc4+XY7NBbnE5ucXl7DpSVK37hPh7ExcWwN9SEri+e2OC/fQV6qnU7XUa6vYSEam7KixWco+XG4HoRDA6WlR6okXpj4GpjGPFZVj+sOhjqL83w3smMbJ3kjaLdSMa8+MAhR8REalktdrILyknp6iMFXuO8vrC3ezONlqL/Ly9+FtKAmMuaEbjhoEurlQUfhyg8CMiImdisdr4aXMm0xbsZl1GLgBeJhjUvhH/7NuM8+LDXFtgPabw4wCFHxER+Ss2m41fdx9l+oJdLNh+xH78ghaR/LNvM3o1a6i1imqZwo8DFH5ERORsbD6Yz2sLd/HN+kP28UEdEsL4x4XNGHherDZ/rSUKPw5Q+BERkXORcbSYNxftZtbKDPu+Z0kNA7ntwqZc0yVB23nUMIUfByj8iIiII3IKS3ln2V7eXZZO7omVrCOD/RjVO4mbzm9CWICPiyusmxR+HKDwIyIizlBUWsGsFRm8uWg3B/NKAAj28+bGHo25pU8yMaH+Lq6wblH4cYDCj4iIOFO5xcrX6w7y2oLdbMsqAIz9y67unMCYvk1pFhXs4grrBoUfByj8iIhITbDZbMzbdpjp83fzW/pRwNhq49K2MfyzbzM6N27g4go9m8KPAxR+RESkpq3ae5Rp83fz85Ys+7EeyRH8s18z+rWM0jT5c6Dw4wCFHxERqS07sgp4beFuvlx7gHKL8ZXcOjaEf/ZtxuUdGmn3+bOg8OMAhR8REalth/KO89aiPXz02z6KyiwAxIcHcNsFyVzXLZFAX22k+lcUfhyg8CMiIq6SV1zOe7+mM2NJOjlFZQA0CPRhRK8kRvRMokGQr4srdF8KPw5Q+BEREVcrKbfw6ar9vLFwN/uOFgMQ4GNmWLdERl+QTEIDbaT6Rwo/DlD4ERERd1FhsfL9xkymL9jFpoP5AJi9TFzRMY5/9G1K61h9T1Wq7ve3y0dRTZ06laSkJPz9/enRowe//fbbGc+dPXs2KSkphIeHExQURKdOnXjvvfeqnGOz2Xjsscdo1KgRAQEBpKamsmPHjpr+GCIiIjXC2+zFkI5xfHN3H967tTu9mzfEYrXxxZoDDJy8iFEzfmP57hzUllF9Lg0/s2bNYty4cTz++OOsXr2ajh07MmDAAA4fPnza8yMiInjkkUdYtmwZ69evZ9SoUYwaNYoffvjBfs5zzz3HlClTmD59OsuXLycoKIgBAwZQUlJSWx9LRETE6UwmExe0iOKD0efz1V29Gdy+ESYTzNt2hGGv/8rV05byw6ZMrFaFoL/i0m6vHj160K1bN1555RUArFYriYmJ3H333Tz44IPVukaXLl0YPHgwEydOxGazERcXx/3338/48eMByMvLIyYmhpkzZ3L99ddX65rq9hIREU+Qnl3E64t289mq/ZRVGBupNo0K4rqURK7sFEejsAAXV1i73L7bq6ysjFWrVpGamnqyGC8vUlNTWbZs2V++32azkZaWxrZt27jwwgsB2LNnD5mZmVWuGRYWRo8ePap1TREREU+SFBnE01e1Z/G/L+KOfs0I8fdm95Einvl+K72e+YUbXv+VWSv2kXe83NWluhWXLRqQnZ2NxWIhJiamyvGYmBi2bt16xvfl5eURHx9PaWkpZrOZV199lUsuuQSAzMxM+zX+eM3K106ntLSU0tJS+/P8/Pyz/jwiIiKuEh3izwMDW3N7v2Z8ve4Qc9Ye4Lc9R1m2O4dlu3N49MtNpLaJ5spO8fRrFYWft9nVJbuUx62YFBISwtq1ayksLCQtLY1x48bRtGlT+vXrd87XnDRpEhMmTHBekSIiIi4Q4u/D33s05u89GrP/WDFfrTvIF6sPsONwId9tyOS7DZmEBfgwuEMjruocT9fGDfDyqn/baLgs/ERGRmI2m8nKyqpyPCsri9jY2DO+z8vLi+bNmwPQqVMntmzZwqRJk+jXr5/9fVlZWTRq1KjKNTt16nTGaz700EOMGzfO/jw/P5/ExMRz+VgiIiJuIaFBIHf0a87tfZux+VA+X649yJdrD5CVX8qHy/fx4fJ9xIcHMLRzHEM7xdMiJsTVJdcal4358fX1pWvXrqSlpdmPWa1W0tLS6NmzZ7WvY7Va7V1WycnJxMbGVrlmfn4+y5cv/9Nr+vn5ERoaWuUhIiJSF5hMJtrFhfHwoDYsfbA/H4zuwd+6JhDs582B3ONMnbeLS/5vIYOnLOLNRbvJyq/7s6Nd2u01btw4RowYQUpKCt27d2fy5MkUFRUxatQoAIYPH058fDyTJk0CjO6plJQUmjVrRmlpKd999x3vvfce06ZNA4w/4LFjx/LUU0/RokULkpOTefTRR4mLi2Po0KGu+pgiIiJuwexlonfzSHo3j2Ti0PP4eUsWc9YcZP62w2w6mM+mg/k8/d0WejWLZGjneAa0iyHE38fVZTudS8PPsGHDOHLkCI899hiZmZl06tSJuXPn2gcs79u3Dy+vk41TRUVF3HHHHezfv5+AgABat27N+++/z7Bhw+znPPDAAxQVFTFmzBhyc3Pp06cPc+fOxd/fv9Y/n4iIiLvy9zFzeYc4Lu8Qx9GiMr7dcIgv1xxg5d5jLN6ZzeKd2TzyhReXtI3hqs7xXNgyCp86ssO8trc4Da3zIyIi9dW+nGK+XHuAL9YeYPeRIvvxBoE+XN4hjqGd4+nSOByTyf0GSmtvLwco/IiISH1ns9nYeCCfL9Yc4Kt1B8kuPLkkTOOIQIZ2iuPKzvE0iwp2YZVVKfw4QOFHRETkpAqLlaW7cpiz5gBzN2VSXGaxv9YxIYwrO8UzpGMcUSF+LqxS4cchCj8iIiKnV1xWwU+bs5iz5gALd2RjObGXmNnLRJ/mkQztHMelbWMJ8qv9YcUKPw5Q+BEREflr2YWlfLv+EF+sOcDajFz78QAfMwPaxXBl53guaB6Jdy0NlFb4cYDCj4iIyNnZk13El2sPMGfNAdJziu3HI4N9ubxDHFd1jqdDQliNDpRW+HGAwo+IiMi5sdlsrM3I5cu1B/l63UFyisrsryVHBjG0UzxDO8fRpGGQ0++t8OMAhR8RERHHlVusLN6RzZy1B/hhUyYl5Vb7a/df0pK7+7dw6v2q+/3tcRubioiIiGfwMXtxUetoLmodTWFpBT9uymTO2oMs3nGErk0auKwuhR8RERGpccF+3lzdJYGruyRwuKCEhkGumxav8CMiIiK1KjrEtVtO1Y1NOkRERESqSeFHRERE6hWFHxEREalXFH5ERESkXlH4ERERkXpF4UdERETqFYUfERERqVcUfkRERKReUfgRERGRekXhR0REROoVhR8RERGpVxR+REREpF5R+BEREZF6Rbu6n4bNZgMgPz/fxZWIiIhIdVV+b1d+j5+Jws9pFBQUAJCYmOjiSkRERORsFRQUEBYWdsbXTba/ikf1kNVq5eDBg4SEhGAymZx23fz8fBITE8nIyCA0NNRp161v9Ht0Dv0enUO/R+fQ79E56vvv0WazUVBQQFxcHF5eZx7Zo5af0/Dy8iIhIaHGrh8aGlov/6V0Nv0enUO/R+fQ79E59Ht0jvr8e/yzFp9KGvAsIiIi9YrCj4iIiNQrCj+1yM/Pj8cffxw/Pz9Xl+LR9Ht0Dv0enUO/R+fQ79E59HusHg14FhERkXpFLT8iIiJSryj8iIiISL2i8CMiIiL1isKPiIiI1CsKP7Vo6tSpJCUl4e/vT48ePfjtt99cXZJHmTRpEt26dSMkJITo6GiGDh3Ktm3bXF2Wx3vmmWcwmUyMHTvW1aV4nAMHDnDTTTfRsGFDAgICaN++PStXrnR1WR7FYrHw6KOPkpycTEBAAM2aNWPixIl/uTdTfbdw4UKGDBlCXFwcJpOJOXPmVHndZrPx2GOP0ahRIwICAkhNTWXHjh2uKdYNKfzUklmzZjFu3Dgef/xxVq9eTceOHRkwYACHDx92dWkeY8GCBdx55538+uuv/PTTT5SXl3PppZdSVFTk6tI81ooVK3jttdfo0KGDq0vxOMeOHaN37974+Pjw/fffs3nzZl544QUaNGjg6tI8yrPPPsu0adN45ZVX2LJlC88++yzPPfccL7/8sqtLc2tFRUV07NiRqVOnnvb15557jilTpjB9+nSWL19OUFAQAwYMoKSkpJYrdVM2qRXdu3e33XnnnfbnFovFFhcXZ5s0aZILq/Jshw8ftgG2BQsWuLoUj1RQUGBr0aKF7aeffrL17dvXdu+997q6JI/y73//29anTx9Xl+HxBg8ebLvllluqHLv66qttN954o4sq8jyA7YsvvrA/t1qtttjYWNvzzz9vP5abm2vz8/OzffTRRy6o0P2o5acWlJWVsWrVKlJTU+3HvLy8SE1NZdmyZS6szLPl5eUBEBER4eJKPNOdd97J4MGDq/x7KdX31VdfkZKSwt/+9jeio6Pp3Lkzb7zxhqvL8ji9evUiLS2N7du3A7Bu3ToWL17MZZdd5uLKPNeePXvIzMys8t92WFgYPXr00HfOCdrYtBZkZ2djsViIiYmpcjwmJoatW7e6qCrPZrVaGTt2LL179+a8885zdTke5+OPP2b16tWsWLHC1aV4rN27dzNt2jTGjRvHww8/zIoVK7jnnnvw9fVlxIgRri7PYzz44IPk5+fTunVrzGYzFouF//73v9x4442uLs1jZWZmApz2O6fytfpO4Uc80p133snGjRtZvHixq0vxOBkZGdx777389NNP+Pv7u7ocj2W1WklJSeHpp58GoHPnzmzcuJHp06cr/JyFTz75hA8++IAPP/yQdu3asXbtWsaOHUtcXJx+j1Jj1O1VCyIjIzGbzWRlZVU5npWVRWxsrIuq8lx33XUX33zzDfPmzSMhIcHV5XicVatWcfjwYbp06YK3tzfe3t4sWLCAKVOm4O3tjcVicXWJHqFRo0a0bdu2yrE2bdqwb98+F1Xkmf71r3/x4IMPcv3119O+fXtuvvlm7rvvPiZNmuTq0jxW5feKvnPOTOGnFvj6+tK1a1fS0tLsx6xWK2lpafTs2dOFlXkWm83GXXfdxRdffMEvv/xCcnKyq0vySP3792fDhg2sXbvW/khJSeHGG29k7dq1mM1mV5foEXr37n3KUgvbt2+nSZMmLqrIMxUXF+PlVfWryGw2Y7VaXVSR50tOTiY2NrbKd05+fj7Lly/Xd84J6vaqJePGjWPEiBGkpKTQvXt3Jk+eTFFREaNGjXJ1aR7jzjvv5MMPP+TLL78kJCTE3ncdFhZGQECAi6vzHCEhIaeMkwoKCqJhw4YaP3UW7rvvPnr16sXTTz/Nddddx2+//cbrr7/O66+/7urSPMqQIUP473//S+PGjWnXrh1r1qzhxRdf5JZbbnF1aW6tsLCQnTt32p/v2bOHtWvXEhERQePGjRk7dixPPfUULVq0IDk5mUcffZS4uDiGDh3quqLdiaunm9UnL7/8sq1x48Y2X19fW/fu3W2//vqrq0vyKMBpHzNmzHB1aR5PU93Pzddff20777zzbH5+frbWrVvbXn/9dVeX5HHy8/Nt9957r61x48Y2f39/W9OmTW2PPPKIrbS01NWlubV58+ad9v+HI0aMsNlsxnT3Rx991BYTE2Pz8/Oz9e/f37Zt2zbXFu1GTDabltEUERGR+kNjfkRERKReUfgRERGRekXhR0REROoVhR8RERGpVxR+REREpF5R+BEREZF6ReFHRERE6hWFHxGRapg/fz4mk4nc3FxXlyIiDlL4ERERkXpF4UdERETqFYUfEfEIVquVSZMmkZycTEBAAB07duSzzz4DTnZJffvtt3To0AF/f3/OP/98Nm7cWOUan3/+Oe3atcPPz4+kpCReeOGFKq+Xlpby73//m8TERPz8/GjevDlvvfVWlXNWrVpFSkoKgYGB9OrV65Sd3UXE/Sn8iIhHmDRpEu+++y7Tp09n06ZN3Hfffdx0000sWLDAfs6//vUvXnjhBVasWEFUVBRDhgyhvLwcMELLddddx/XXX8+GDRt44oknePTRR5k5c6b9/cOHD+ejjz5iypQpbNmyhddee43g4OAqdTzyyCO88MILrFy5Em9vb+0+LuKBtLGpiLi90tJSIiIi+Pnnn+nZs6f9+OjRoykuLmbMmDFcdNFFfPzxxwwbNgyAo0ePkpCQwMyZM7nuuuu48cYbOXLkCD/++KP9/Q888ADffvstmzZtYvv27bRq1YqffvqJ1NTUU2qYP38+F110ET///DP9+/cH4LvvvmPw4MEcP34cf3//Gv4tiIizqOVHRNzezp07KS4u5pJLLiE4ONj+ePfdd9m1a5f9vN8Ho4iICFq1asWWLVsA2LJlC717965y3d69e7Njxw4sFgtr167FbDbTt2/fP62lQ4cO9p8bNWoEwOHDhx3+jCJSe7xdXYCIyF8pLCwE4NtvvyU+Pr7Ka35+flUC0LkKCAio1nk+Pj72n00mE2CMRxIRz6GWHxFxe23btsXPz499+/bRvHnzKo/ExET7eb/++qv952PHjrF9+3batGkDQJs2bViyZEmV6y5ZsoSWLVtiNptp3749Vqu1yhgiEamb1PIjIm4vJCSE8ePHc99992G1WunTpw95eXksWbKE0NBQmjRpAsCTTz5Jw4YNiYmJ4ZFHHiEyMpKhQ4cCcP/999OtWzcmTpzIsGHDWLZsGa+88gqvvvoqAElJSYwYMYJbbrmFKVOm0LFjR/bu3cvhw4e57rrrXPXRRaQGKPyIiEeYOHEiUVFRTJo0id27dxMeHk6XLl14+OGH7d1OzzzzDPfeey87duygU6dOfP311/j6+gLQpUsXPvnkEx577DEmTpxIo0aNePLJJxk5cqT9HtOmTePhhx/mjjvuICcnh8aNG/Pwww+74uOKSA3SbC8R8XiVM7GOHTtGeHi4q8sRETenMT8iIiJSryj8iIiISL2ibi8RERGpV9TyIyIiIvWKwo+IiIjUKwo/IiIiUq8o/IiIiEi9ovAjIiIi9YrCj4iIiNQrCj8iIiJSryj8iIiISL2i8CMiIiL1yv8DQ7o+Hu3OqEgAAAAASUVORK5CYII=", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "plt.plot(history.history['accuracy'])\n", + "plt.plot(history.history['val_accuracy'])\n", + "plt.title('model accuracy')\n", + "plt.ylabel('accuracy')\n", + "plt.xlabel('epoch')\n", + "plt.legend(['train', 'test'], loc='upper left')\n", + "plt.show()\n", + "\n", + "plt.plot(history.history['loss'])\n", + "plt.plot(history.history['val_loss'])\n", + "plt.title('model loss')\n", + "plt.ylabel('loss')\n", + "plt.xlabel('epoch')\n", + "plt.legend(['train', 'test'], loc='upper left')\n", + "plt.show()" + ] } ], "metadata": { diff --git a/Metabolic Syndrome Prediction/normal_model.keras b/Metabolic Syndrome Prediction/normal_model.keras new file mode 100644 index 0000000000000000000000000000000000000000..13aa383efce391490cb1cf15cd5ec45ebb625a87 GIT binary patch literal 353109 zcmeEu2V50PviAWI34&xn1rb4_N>t!X7f4Vfi4sIaf&>A{!EgaDK@f>z77$TEFr#7s zrpth$7*R2!Vn9qNW)zk0D6spk_uaSOyYKC{`|UdXIDLA$rn|c4Kh+g_j+0$K0U1uu zF@m#lnrw*~uk!6*jQ1ZF5bNvj8|ynJBqky}US)1Tv~P^}ynyJK;D~S)Q)Lx{F}yz& z9c2|BQGj=h@4Nv2Z>RNj^$kbsjvK9SXs%~qYM^IosIQXf^qZ0H&7A0_GlawW_AkmC z$uA;2FnCVyIAIa~aiIawOY;;_}H=bh`Mt<)tFf_t9)|Z>(RCcTAA)_hDv+$AyOKDC-%_`h&4!B7LJ{zA+T& z8yfSC!M@1^e;dI2`|#gplgMj|4ww@h6B`g6;NK^cZ@u$c{_okg3JB+o_H8!57oY#P zHr`nO9nr;w2giPsoSrVPPhY>-;Ca5Wy)cOm2#xzTQXH?-*}=ZwsCw@K@BW4dgn9?_ zuI1g#;9qz${B|3E6#ai_kNM8>Z_qF)G$J}8)-^mhFd{nahZ)5Le1~MObpBXwD&P3} zAM)W55FOFO-d`m8U*4;4=>9f)-pz~)^^NYGeGg1}`1wy;davT$wwUjzj^&B$KVI~^ zhCgP4cTZ-=1&8{3{|5~8pzZglP5fU+m)^H~^?&(b_MuDvC%XQ6um1SPerx&v2wl3f z{`b-KU7!Cq(Pj7(UH^LM(*Jv)>$}zS-$a-3Pjvn3q08{^fiA;8u`=?kHJ;M{X?O+C z`DQ}?t1OMie-C&W{Rw#eR9^qVQTkUw7f)yW9W1YLe*#`VEw6t;c>P_J*Z4nyuAg4x zzaYB)E|!<^pFr2oh}XX$y8bR+qsgB^*YB+QnBX~K5yAf7`uZ7B?a2uA#drTdi+RoB z-NK##>>oy5c@+P7u>UWY{?(^e`LBBMiwKJh4h{H^q27qd*x<06@mGr8OQPe#y#svb1Vo1}}VDIp6*zzNN1s`~yPA^fEgp$Y`mJ)kHCo zAtJmc4o66cBk-N-d+qy2ckl7-`fo>H{dq8K}_8CpdkZuzT;UHG0cay*TTwa^~?8 zhTp#TWF|SBzdX;q1bsNw?YrP_lz)U@n|?hP2KC~y2fu%PK7PdS-x%g+^S`(Re#CE| z9?R&(Pv7+W@cA9=eJB41rL*G{D?U!Yzi4%h0X?1lWt`r6q;SvqK0O`U*+bDsx3afh z^{MAfAOFg|&p{vEkI%*bfc1Z>OaDj@IQ<~M9zDSShwE6yz@BL-_s-7eevjn-x9;~p zmC$}N^E(Oj>4D1LmcI3@@?H-P{s?Ck4|>{9wf@(1#xHu>-8*{9J_i1%Ux^;ekE7d* z%fDrZRZ8^q*!TSR_5ZW{_mDsze*19S3kQxzKe_?ElBT z>s4R>KjOHLuVsUK2JE9d)LXx<&~v_Tz0+0uEuDLBeSvz!j&FN%c}HKrKjOHj_2=i065!+X?~z%r;P^Ni-%0rRdrtIhfHqBE z^j`UoDfsWrf!h3GC?W5QM`~Wr z0M8}trA@M#G%sp3$}H$aC3!VC#tFt3S4yCN(IWWhIh(!;U5R7*N014X$ZlQq37Qus zVz5*QdBf#a-MI3fEn{LlaV3#BytT35D-kem2o1PY! zIN=K6TpbR!mycl9jdoa?n}fPdQ&_3p3CyQD(-$dtLufj9wZgAaUFvtY;JFFMz45VT+gxV~Dc<+9glTOJRNe6n`w+nW6 zx4^FB{a|0xG0c#Bh$VSyu%omD240?uo$c%3PQ#GHi}u)Yvs;hCj3Xr|?=FvbM<=VEi0i=Ldk6B+(D=~Yzw@-AOX1E8_Ua8;An}knOlwQVSSqpeEh`@+lnsXj-|KA zi7K(fkB7~HFZqVBHSaauD57+@N5Am@MZa`P{?~ZyQ+Mui|25seTkG%jOV0|y$Je7@ z`t(R&`RDaXP_ISTqrd(t=ZwF8{U`XAe)R#7Zd3;?;}Nw-j8>B8i<}vexb?NZ)B4d- z0^JNBbB0~9Y(4oS`|L-%^>5l|ianDS`X`wCPZs{)OW;TQtWQsM_WC`29Q|+mX@7*@ z1-zGcyGYBuEB%-N0X1;nV_(|8bhC+p<2&c>95>%IOvKG_P;z1cFEM>POSluxWOK;cYFl? zHL-BfAO>F5X29IfEIg}R2`($X&};n_;fecn^gh=Du~HXM(b1WI7Z zvJNt(lVulvT7k<8{6HpeHLB+dFlO_v(t-!VW)qiBg=HpdVYG%4d|7gUOu-rO&Up(+ zdvM4Zm1f8b+J$=is=?q&1lk$7qvLpfJhsUR{dQ2yUa5{JkE!B|q70mvu@FvKWWb}O zFJ!;XTWE^B12MV9u+J(9!uoB20c(8d?cyig=#(bh;j{?5Z_UQ3+_m)6n1lFB`8{Sy zk_sN5Tth-nZ-!-oYvHp&HFc3`1HzdG4f}S&QYHswQdZOS>JP+iMKWo<5Khl_m%_P= zWiV`gCOE&dCzCUqXuH#9@E;wHm6gI~t)r}Qz=EYP+x94y?HypYRksq}ZeNA7ZB^lA z&3@7qQ%bfK%^(pI8}MMkGAMGCgi*f1Sh4Ra)C;|)(@s@_%c5eiI(`LYe6sPt-i!D%& zHoWlC5?!@(F`L;-PW#s4N!`V;a^6n7ZHLtU;~X-oT>y`lSAp<_Z4eSofz%Q#TA<5b z<}V;Ze)H*&7y8II^)4tDCo(=?UXsDZwQ#$p6$V|rO0J|iLPJhFX4~zjha+xdam7mJ zeuWlnJ$D03UMzrg^{W_q#teo}YQp3x#&|b@LpX2qz%lqd5oK&ZqBD#{UZC)K6@pSz zCe}W=j7wgXpfNdy4?a}UL8FD>ns_CQ@r^=-;Eg=rwuVOWClV#+dU~jMKmF0~a#!km zZvXSL&n{>j`JcD{yPo~M-u3H;tp_^p4|XCL&c14zNy|5*R5woo7DKGcMHk88lEXd<)R zBMX;#%%$qDCxY^tc2d7r4}A^?k$eqLn&Sl!C+`f!QC_6@;2txaZ{Uc0MmLxOFCJ#IZOvR=`ZCF0Fh=$s%hpL?e zVP;eanmjlFb2cm?UD7Lv-s@ztcg_k=R>eM`3@H7E8u8E>LnaX6vpuuFyy^EA8FNL#be}!QOGVq*$87ptB5Bavj7H=GbCejZX=iS3` z;EpKx@~i+S2OOlnTi3!%J#p-I-w3PM%!QUC`{}{Q=cv+gQy4iW2d_Bz!WZAqDBaZYABk1wt!z&W~22+1ITS) z@X%~PtGB~&&APL!$Jh~AlUU9cF0jP(h+68kHWiQ z#SA-GvwaY_D9!|rT45$_ejs|;6=3IuOLW<*d9=Tn0Cv1zgr$@AP`OdLfKOzZ0~muT zBQ03Vu3x}GVg$MC%Llu>4-sdhCAfY_Aw1nS5t{T0A#-B|Kmi}z`w~m)U#P;Wd#+?? z$ZC*(ae?f%EQH!=f{dV~E&VWP27H=d2=;p;sYh)W^*o#bVZv*vNV5-~Z5|7A%HpAF zgBczP_)K#WYRPP6b?)jg50vU}4iAUs(vu1ew0UkfS-A5u8F%dxap9!a9Jn-(8l`$L z;iQ$;+s4zbwZ}n&iA4A4VX*hB7getw3M(N6mQS;zuFjTJF|e4H=9<7z@zL`TtdRxnk2 zL%^mr2S%B3vHGSGoF0CgS?ISNO&g0rs-6L3?o+11xd7Ceqtwo)o7n%70GC$h!XsfZ zvP{m3e0d^6_cuy``sU-Lab7B%-JeJ8^;1~sb@J#PJdTF1(nIk*o}l@n0K;lm!mZY1 zEYLB6&>Qpc!LSP?iLaVn5h#Rrhi9Uz{axCneV7_jexjwh7{l8}g1nI(Slvq}N>hXJ zL8laMO9{oa5JHNXeyHcEg!jstS(#=_@H{FGzR?~~ba)OLFG{EL@9!l#>(p`Lu(fdK zy#nzb77csDBk3uxhg5gSdD_xB0;}R?;fJR_H2ca5vN>xPly$Eq3mPimGWRBxG20AF zAFjX_gIvs4vxAK{7ouXs7&u<8KttAAfR(Kl^?W3W@!N)zL;5RdgJu)0-JT9In{;uj zKqZV+C@1nc>qwZ*aoU}43-n$riL5}{nztAahEE~O<$R$`Gan)?^1zK`VA>!@$dD9- z#Q`4pC`k^h1!f>km?1j0o9KbUyHw-dB}V7KN=P0ph0;f7gU4uFTx%jj z+)U1c^fo@MFHR>Xtmc#cLHTTi;Y9A2* zvj#GFm^-(uj*W2LN>d*X0bO}>_~rRBsD8l(*()p=dLW7{p6*Wacw-3EwbE$@&xn^p z6jkBzyi>f8c`Lq^q<-W_HQ!l?pG# zqUli&ELbjwuP3=d#_lP|G0Vl)StW=kE9fN8yHvQd6bHT?g)irxqIbJ9AVq#Xp3EwS zQ)}}eB*T!cyvI+|5;sG+vO8Ne`b6!iGcKU%zXEa^w9#94CHPGn1)XA=wCJ!#ZRTKr z9TjI;6WbD$QZ1&DVIK5dr8$kbYlN(NCQL1vg`CJtYS|bA@1-X}e;W}zELsR9qRWZ0 z=m5}6jGzx~_fk_IeH0gW#IAZps5*Rxx*TzVikY8D;ia*3>2^N$7sa6@>A?!<|LY1o zHh4eT^L#Gk1q9&d(zReFoQVUr55Tpye%NuOo!FG5GZ9CR)f#Ua2k~Vd+>*#toMRiu z%g2k7B^_eu*=mGS_*J+oeoe!M9U)YzvVa&2JOlfiPm+xh>tJVW0NHw05T<9{psItM zVM=l~E;10pla5Vv%B)s0zAA#|M@fLuhjhqJTSD8F7qLesnZvd7W%$0CCr6RhxUobB zCR~~hliU?RBt8QTN0reGk*&lboq@tPO!XC2{-Rf!RMzpFa`L(*h@1+iF1>{gDVJ|uU_$*Od zIvwk0crbH!F|hM=5&=y$^LC4L>o6maCecBl}1VT$z25_?(M;(@zapgBF8)^89+s*+$1@_mZ8UF7ijmZqtESa@kGrQ3_qEKoa%MR zw`UVnEDR(aWl?aPD~gB1cjH0$N}ZnTVp&%?>PplwuLXng{OdWm^MwL?F@6~=>?eQ? z)(YfGb1E$3+TeYE2gPw>wAo z3q&#NvfXH1fgt^=oQ2zYai2#08%)!u)AVC-295Y)MRrPSZ zT+l(!=7gcq$OGiz!WpuliV-okvF<@Py4fO>y3&awdIb1ChA#vS#GzER5co0x5d#aMOGo z4z@l{-hWw5oaZ~>qO4ambcQah>i-DjZ^$C2e<~U+*i~z_Tob=6zC^zu0`8mx7PbfB z)MQ&sE>D7mNhvs1MIP<-ms4?nL69oGMydxNApvp7eh|!ne%;NCSk`qYFh4;`sUKcD zumyta?Sa#21}l@FVrREFZd8mT^TID-_VX+| zwi2!dtwi&&Yw%d(X7qaZke)E}fZWwfQCIvhVI!`PN3s$4M!=c4o}5c#^`DW(?e7Tx z;4P-fGE-p;Nd@JP3@rAJhIc{cF!h20*7zr&p(;PEStN;RH_l=kVd)%QZFY-dAXJ~f zPCE{5CYF4U$^Ps&)S`X^ld{_y-ny@ai({;CvN|8LvwADOXdXnJMy>(zN7Jd$?3Kvp zcZQ@|uZ6RZcF>@ERrEkz9&9v;K+U?%By58_+|MbZQ$~lv$EzmbAh;5Do3Dj~*UvIl z9|uw&%aGF ze;fbq^Jn|YKkvu3aC;#4l5=J?jMC|^-*>9dyEBm+toE8Yx6O*( z^zJ-!GDn+rylry8U9x4vXvU{5wbpLW6cROdYHk19lURjWGg(XRb=)Vh z2icJqnwk4YRpriCu8;4Y+Rx8_7YY1`-@bTyMK6B(8IAdMu2-_bK}94X57Aeysm_JH*|pw@dxsa`calr^~gK z(*xa-Fn<&mjN*ME>ira0wA=+_-oIySM-74(MWtjytvysMqI5^-L3Z=QiI~=qNoFUv z6O&pwa>HXVT01>q22MQ1bZYIQ$3-JZwBal=kF7_Q7|$^424r}(6E_DsBMA_%)Z5o_g8Kp-LnqR`SVq<`SDE> z7|Vrop;G|rhJxe1)l|8kD{Q?Z0E;(q$fT15JKdk~0p>%Je|NT>wtr z@Pz1{gYcy&7vf^9;dx#Nu59sw(>W3tYj}eCjoC}bNm-Dtr8cy2MJPO9riG35L?9 znXvC#7Cji+P2)cC;m$W_s9SCYeZJojc5tomL0AW=QAi-V2UM_lnj!>Vxy=rdDJ8xe ze8J4Y2szqnba#L)nQm{6r4}jBoz7wAja^Lc&HX~RnMR{Stq^uTT*+M3SVi`8_9B}ReIiI@(CtZ)iRC!k{*?yn3 zS*uNjtfYvFP`}zk9ef~vMiAvDNI+m#Ch6oqO;~OsZSx&dtGPv+E<8{|D#k?Yga(8_kVeXoadNBe1d12OV+-V$%jSG)gpwXp=DLTxUaa?)c#wr+zruRfY{G7C28t zh$NV`(xcC6N!hTKcqcy{&ozu76E{#Qntz&zl@K_yRvVevG7@@h47v{+M(uu`1Rc`{ zQ3<|5B)o{7kYYlF!7eCj^zF59`814q^jubnq)9K^2g zq*gbWc4trvv({`@t4KptK6w)M;;Z^w7^E^FQmn|ibw>;GAj92 z;JU^Z&Ce*}*J?48cyy0=H44G8ECICF>qjrys-e)u8s>oK1KKD%g?WBM3&N|^K&jaP z9cC({v6Upfs%8uR)>5cj(!qS`=bav6NQ4^t{GoP#sR{^R1_SpPz9ykou23u2Atl^hN1EC5c9W9OXL&t%E zzXWc2B#3A3c+-tz`$2Bu8CKD41iXDU3I z_0yaKNiVmsTC+!BA?I1`$0r6vXi^%zEUgGBPs_=e@ttJhgl-aPJBPV*UK;l&?j@dl zBItcy4h$sfs8U%VTxm#WYW8fTTMgsjnc+-gd$OBM(HDpQV=vM2``+|kt~>P?3ZNMk z?Zn(q3Cy4EXCJ8yp*Iw`^peCSa(v|{MrS`y@3yJI2(tv(#V<#hwn;EkUkmLtT1TwlTq=vE)Lnl!7KWX^LR?Dq-}yn?@@h8bZaY=WM*0 z0%>!K#eoNfVDAz>*j(M8O6P7T*7+l#qw*n>rnm^AwrJwEb0t(zZxK7-1_fRm2|)9kmJ9&uL(eR~@+F=`iAY)cBUne~ht@W6ta6nf&#%O_dC z)CiJ#_$xE7!4M0yvj|N}B}%&%;THFywD}C+iKPVfg9sk9SV<%sX5qTG49GW%LEv-^ z7~5oxQ4gPz0jc>!tyKl0PxJ@p3mVY>&~Qko?2k!Hi%6nyHv?19kAj5ov0`(V-eG!?A71a7Jn4X(E3&i9Qwg0%f;k@^GpW zfx%+Tako#b?&}2FY<`AtC)=RF?ETbA#ue?lmQiMn5fPeTO7^o!tZ?xl=(gNNN>2_3 zBddNm!;tGpciH z$Am=TU>Q@CJEjgs%Pe4}(_xysOolBmlx6!*HG?OYx=H`g4zg114voJ&32XFkQ5lsL zB*`&_*4Hm)W=b=-&QF|ngt*{==vKOBt|7KG7n18$iKKO?J5?#%NB7AsL!pW#q(J>E z2`E+o9p}2*#nXau*oG;b;=P5?GKduQWHLFjiH$fgs`!ok*Ix~iPcMlF(7jr zyE{W4b@%#W!Z3G)P5mK!=Nf#Ne2Z>y1l$|%8dwR15Y%!UN zjh7ujOKu8IyCDwDDH}-NYlA7Zc5KJ4LAY`BGa9_-GxeS+3wx|gNL?Nmo=+H$HTy=< zu<>f7@TxG_;Ac{Gz=uw5H6k+J#$<_g2D1V;%NXQYV&+fs;LTmUu+ z$iSJ;dW@jQ-_zct_R(t6Nslu#a15keLP6?0rt=SFWUYV^7gKo~{v>%Oc~h`@_Ov z7pY_JarRx*YND%U4f7+7ar6A;M8!*wjGz99PNJ9TWAoD_IrSD5wupx8u7mV-?oN6t z(G+#K$LJb|%d~Ks5y=?;m}x0g1@mpyv^s47F6i%rN>c?$&dK>CBxN005W@%2SH6&w zTD)h)R}M5DJ*6o&T(ER}LpQH#Vx`U)FmpB!K*3`+pz%QlM`fH2Ucew~w6^tbFC3n(u z@rUVj%Q5&isDke65<%mwj?gtjktUxzMJ~L~U}QdDAaY;UkyDnow5((uJ-$|g8dpRS z<=HW0@MfNE+9FCbwx!{;;DfYg&sfHOxha$K(Tj>2%aX!LnLzdklPbP6$aGVNYfnsekH&-;l12aYFyC3zFL2g?!7b?Mu(kbbfOtp z@^vZJK25>?d}E2mrc{)_#z%*F&cp_0ISc0i%rX^$-4K9T@egT zt`n)b8E|!B14$7+PC%}X2@<_PXRkAd@LfQJ{P!`-CPz{m)l4kDd56(C9tiqPh0Kav zTf8Nt3Ujy5Ag(tgar}J_v<~#g@|CO0M|k`tFkGjm5cLia>DEG_FM{?|NF(&8u?^p?xG5;-^#H~_9rRsl6hf1>*; zkeM!3Ll?KpQ@^5YI#x*vio>0*5H?br<{TSORR`BFuJ@8)(0)nqy6%egFJr(ikrH>JMC9M; zkb8a}#FuAFt7LUk&V!AVWAd1Lb+{?mdNGjcunca^8bjS~meFU?D&?+RAaw+b8S$zVR%mYN8Dk+w9XToo=}e@k3Z4x%(g zLHB$*k^VZ8-6wOCej*d$!?`7FK(i(Dd8q@$KNAJZJ^QFr-VBHt7=dw5hQj%RT+=@CovE5|RX_v028@NIxBcM0cO7wD{fg$NiQ}Uh zAMjk}00RS5@Wst!`b|c0{HY`*Eu5@2f0ETE z3DL`B(X!eOG=0SIl&3gy)Yg%m$5xTJO#)~UB!ce>bI4k!9MYU+04E3Er%I2G)5T#Y zNt8Wr|N67!8lU)TuHz1K-23@0eXCK=2p`u($0k6RN9#yRnkh;ONy6IZ+dRc!Lp_^r zk)-Ma#O=f#A~vc&o>}pN`os!CU5+7r%n^gSjV8D(UkG1^E8uMVSctD2g-e>WV0oD( zDJU8b$MyRW$~{JIj}ije#ohGL>P(tgsKgBL-$gf$n1!w9tLY@o%hXDfm!F=np49H% zLk{KZf_BR^G!5XrR}{R3-nf5)QB-k7zlQ$ghGRR`6%l|(8&**H`&LwZ$wZ(Ej~Ull z`nYn!SYWIY!M}ek`O;wtQ;$Y~dG2lI?$(p^)2VcpI(%h=w~i-MR=MDS{9qiySI>y~ zy<$d>4QKR4ywGBw0X^xsw7Nwr3r}xTMSX8GsL$U=zg!kT<%Mf#(40ydKEV-gKFlUj zJEpY>Eb-U-!43gMb}n#5*87vZ#r;-}r? z@Z5nKsZCR!-d1jq%OWA>@Lh1dP3_PX%8d zX5Ti8!o-uaFjPhyq{bw3nN>&W%}Z}-+#?5!A8rh$I!I2c9iY*fp2&APlvE%4%-qwP zL`8jXk)Sc5bd#zSX7imRr=4S24I6Lhd?$(iZX$60iZsZld(itA4$|WD`rwkFg-0c% zaJZO0=K0EFNRb4*wXJ3C7yH3YnJCae8I2??tN1L6(fpez9+Sr6Ji zay1znaG^H-t0)e;ltc~)d*ZMGpGe4^WQgiW!eyo@7~emOXgaQAorHvNTkJimdFC|T z^1=i<=b6*T7emlfhZiH!T>>qFHWmIo@HO&jYUO8MX1~Sgbuw-=~Bf|T=#Jyx;-3ClPbEH*3)a4cQ^9L zlzmRL?ANPAw`nZAK9PuD9H$Z8Tm0}f*B!HCrD~rlWRTI@WWjo>5RGj4N?Q~U*6M6A z;r(`oC~#Jt*_ixC=f-jF!kij zplPJ8{{&jxB>+0DcKG2;HB?BX4ckov#@SAQPI%Fc6vj)57ZNmu~X zH(Jvzbz7;0*kh_87eS92dC`+>ITNORoz_{UlU;{u>89nQ;L%Dm8hgtH5|)`@@u+>o z!9^BZcTc04Ew*@!w|8W{SvOr!rj2(O2*M_rJ>>0;Qo8t~03O=(k~-VY#J1+QGs1?OcKu?5Lu%>?^U)6O){5e!yNbB|jWoMa*{SB(I$h-O^!)k= zo*CdFfl~5&iNbAJbPj&T*qR)nk!L4Bb65yDu|tx+8he;-h|Z?34F`f`mo+%pCsEIS z2dVS*oixE}B!-G4qwl9vWLUHs9BNm97Fm7Ba$a0JqrH`p{{VDk`hMEBdp~v3$zcb7 zGQo>`H_%rJmzjXlUF6iA5)$-zHby1K(6EaE_)Pv5qc>L$%0i{ktgVffjH)N&r;UQm zqj_?;APi=n!%%U@BkKNoFf8BdiWbA$=%MW0OthN<7Uz1Rgm3{n>N3yH3O_(3bcA7r zQ9W&6BLySJEoE=1Jff4+qj033D^6cNmF_!^v?BK;_iB|QeQ%+UA1>99B&%F{al=_6 z-#7>_bg#f}tEtE&m63CAo4Cfjn8=uS{jphs=O0=VQod{qNwJ>>b>dcNW;YRUe0oU- z3^oGg3n^sIhc^_?b7925@i4M=3=WJP2caYF@wr$#@Z8decJ`Ns(}kDslc;jGO*5}Gs@Uz?1FnKh~4Wqbd_h2x#MS$ z<041MShFkas_Zh;QO_iClfYO~JX{(sA9+WXwMnrS`+tGj58h0-)^qZ;MGFFRWvEZ` zK00hfCcW#+vw3!N!Ef?TGJSspYHgSd{(}v{Bl8>`Q7#EZ4~C%eWM?dL7RLqG4CoBI z3>+q(PojeCAjP(XW^b7fwb4#Er!^E^l`T>0nlsoebAwwK=YV(mGq&!&8O+v+tkKRA zMR_?Vtb8gC_cm$3=ty3y@Z5P~m+Ju265CnN@}W?mUPlIg)W;nfTr~e|fDf%6kZZG7 z6RVq~Hl%wwDP&mUCNmk9-e@Q87Ys10@jBfwX(U98mCy^mQLsQgi~5`#LC)MRBbR(0 zvcZaP$st2o*yyc}g5jGJ-C zfq9iJ#FXD2wA}hbS7bY(jXa;!c{_2bjKlc~S%foJuQt(T7FI>?CSD_~VA#xD8ij$l zVTUNSlo}7Wy_S-qWOJ02GpAw^_GIcnIUKQI0PVgX&FF7@M~%pCaz5C=d$0cC9W{_&vy92;GKG#uIW*DT6b78*2T#r$VjfsU z5{f4A_Qe*ko(|>2XS6z&hwLZCPO_jirHc$7VvcL-hGM;^AFhg*g;RBeXqbzFYPLSC zvUdEY( z=dOst<0powW-m|OFTG=Q-d!RWgXL)YOb>47`~aMA*%5U%DpH+Em9#5l8wTY?pu^ME zM8Zu4;_o_=-Dll-vGViO$+3-b`q;@N+qq%Kt^&5J$r_9=q>=-Jec;d%Ydm%Op{YcA zF=ILD60sFfru7EOMB-})x76PPbyDSsyw4mgeDZ)%zCRR>C&WWbU^pvKG7R*1IiBM& z{y3uQ27BlT@Ato+-=VWi&d^_FtdN{BTnSvcm?7a=7~wtLvinYLt^W>1g$0)lT%WoFeZL82@qGnc}nt7 zcjg93b{~yJUs~wZrDpiXuY@h03@AQA7bWs`lH{Brn6DUw9dis=ZwH<)6!C#F_uZg9 zNE58mqUnwywpcBj0ZF@OfYbb2G*m$iY|VV(#=x2Er#(hEF7hV%P$xl+o|wSl6&Z}- z9c$XanSz^4MiTYRHFTJV2+29YhsW%%FiSV`@<>(o_)d(M^Ad5Q;vQT)S|(k)ynZ_= z=og69&EqilB_D3ysE+=V*3p&(XGjh`Mqflq^6V>Rx@7=m&vR2r^rmhmVNL=~yWc=c z20Jl9w+4_aLK4va%%5($@PbHOieqCFw$Pc*@ziQ&H8t`ZgY%2zFm~xpD!Yk67xRHc z`rr_d7h#z>9fI&oN)$iYDUyT-zErGp4CJ3UM*EGPj7uFBGwbuKNmJQO@D9@gt@s*Z zbwC|1C(4tX&n97Vv=~fFdP2(G)-Xv`uS{jnH?S$9L%}dX4mSrCGeb6PAr;yqpr7hk zlp8!429L9&k8X^mZWAw%up?us)><9N&9r0IHg2P>esZ7{tqs@0dH1EEhFl!ApL~!w zPG!|xF*PRrWp_2Yu1p}RlkCDiXaGl`b^Ed_;DHg zfv&m}LX>7IVuKp*2lJS-?8fj^cpoB!tH+sQTtg7k{9zK@{%C}yiVN_*NEPj`b(4C` z9mHrI^kTIaHk0u2!@#}!R}}SH2VFe7S<+erA8HN3(vVWRE@U&+rvB@E0K;=PwJcNKZy_mvLfGel=w zF(8{}^5P(gxW2y?HYFWroR-Q$l)EinFW|)}kDj1!8a`9CuSe+N$MO&(W)06I4T$QA z4Q%lWYi!zY3+e@?z&7lrN7gDsTJSP@U8|7Q^+=&t-g(iSA`O_xTW3u!4+I%;FN{?J zqPtd$_}ptCc_AtAP-6`{ZLvCJdr4Cqv5##JDCF6yTZrfzUwVmWE6nNd1zdL{+IUNl z%sQ}=q^~6qt7!~72dDyQ))CD&@pOysDPn0o3cn_b!>h9~pg5Lidz_gF8r>_{qXLCQ zHqIF*$eQA+FNe9VV&fp=;p5u*9+^a}NDpFOi@`6s!@;O%1L?9mLskWhrtxRxG5gLs zazL(>)baKW8#HD?Q_xhJzfTJzO&&3inoMD@@;KP1!-ahnT%5jF4p)i|sJ$vyPMsh6 zq4WJjhFv@gZwGOpvssF4xM>0B_jHkT?;@zt&I7wcR#fZuMdEct2JOe)qa*!>(|{o@ zOnMmy9&nB`ISaMXr~f-X(FJZa8)L+1MSPy9fm>Kx zbg@ij%Y+WnH-=7dxI2q_z79m2#t~pDrohf0WsbuF3&@U^Ik;)fT3+sc3?w_MV{LLW z^%yje3?DDV4EZGrUu~R^L+Jvz{%{0+C^H5X%lpHcliL|zgVFRk&vtzd3#tFn47y3# z46i-TqC5F6(y!u%5PU`w#SOpE`C&I{B`-g4?raS1e*Bhp9vK5_R!t5 zw2j@is+k-wPDa-oJBhffF3GsPnmX5>qMj}XsEN@;ln)hv9jp%~jJi+nddT3-RT5zB zn?P>WKO%;DH`%+M0WkgHVp4R?h32>Jpl_bW!`hp2=$LH^6-Aes7;AMliylI0iG;Meg2=z7`{n+u+i7Cn|{&r8F@s%GZQ zY!_(Co8UeyX4E9G+1+87`KNL9G@EkmqvRqTe{`x)xBS7`~Dd0+I5};mhgOm zJ*mK+k;SxEk<5d;t7|(LKls(%oQ6*-B#ZKSzJPQcovS1WbKKq&etL(<#=3&INI2XY z7{xew4gue{yXh%129>VM(A|v@ptf2QmIiC%V9B8<7+cHwb*W(N*^y+a{BTe$RwFfn zws1jeBI@okfM@S24sjN3H}w;}PvxhpLuKh3vN@AL`=oQ!YMC_bm(Ikene*tN2cOx~ z#e8_=f)|lt_Y+r92l9NlIV3GP$&}Wwq4Sn1Vx{0`!mZv$qFW`?YUN<|O(0^#olsdK10A>ogHLeVD59a$`G&G*Z@$caINjy*ik+tdRrdFZpEpU3r}Dq|B(=B~iVH&k0|-BF;@xM|y$*33XRGKuHbf zt>wi`8m4i*^o1cJj{wJTNKHqHF>!ILByKlf(p8hJX?x~ODAkc7=Ug0cVcH{BHAEa1 z>T>aFyEN;3$O$7)^Fw(?2VJz^0v8b+fSubNX(R6^LtE{hU}omuRO_P zVuX)dir71KWxHn-W9A7Fzwr^cT zc68tSe6>TuRFAX}pcZsj148#XXA~5FU8g^Ys zA^UiMF+?tjp+@14*~Ex(ptREkM`u$4t@~-`;|O#U5dlS~cE)A;cCz!XH~MTfgr`fE zv*#Dc!Zh9km}Hh$6J#JtXQeujHZ3FAuBwdgd!}Nt*GxDnn@i_OmC@a&r{bW` zwm8r|lJHG2q`4aoaM$qknMIZ{*gO^nD?MLq6RRLYmK(!L&1Yn2+5i}B-I zdx{)*-9Wc3wq^|vS&|yR@#yK|j}Zw9ctB|haS)$Qm4yQ_*gpkWYc1BaDVYXO7XZ`l z0N6lT$fE*!c7e_ptg)(stN{8qV8FtvyHJT%Ij;cjsQRVw)RG7=*Qr z8g|rq=pZmoP{o*2!!c~A8@Mi*Pu#CLP)^EZ?8wexE4T69-8S^Y6XQiuE#U}DVouP4 zt5VEvdoI0sBNO#E6Y9EZGFC2#V>x@8*m{de?By9^c)fKb+?*$a(K+(8Ds?K;zViwx z*kg=t2AXi{|FHL-K~;3!qAoc|MzRtli{vD*dJGUy5ygNRQ53CR9W*M?^tIOc*fS-uwIBAA6s=b*fI)J$0+j`NN`Ng=W${!{~Mm z*%vF(1^yic1nA+F@ujeHZx6W5U(C*JXoS+tDsWlYPSRIn*e6Ftc)iIT0Od zEi)0~&uQTKnVX?^!~{52JQf$q1Te>QCL;Z*6Ig)2i9bEsACiJLakdfDxbCyIq9|)W zPD1UFm(}AwSnKA56VnWEu67;VZV%wwENdx1@;0n4dO`=s%%ilwlDKzuESphaO`G;V zp@ftX)Th)GeVXUt$ss~~{iy>jpL<*wx0KnaO;a$*-UhSOHbK|QdTyMWI@@(Ii2V+{ z261zPnc$>!rvq61SYh92oxmiY%<%f5d`i6ka5Dsp zH*kFoj)GRyb~Z6!k@$>#FSj){nnev?&i1AVd$ujn;Qm_R-Wp{g_!zw9cEZNPh1^ZwNL*K^fu(|%L3h2dPth*V=B7qM%8JGK*0~RJDH{!rhn(4T z+dR>|acki$9D-eYw5dHVpP6{aqopvHP>eKY;t3O2rSwo*W$FtnA0*J#RBJBAS6I)h z2&{Nu5?gKdn|c=~Q)qfTg;6~9MvsM%y|K7$NDo~*ln?7w`mvrrN%*d16nmv#4S(DL z1CmwH!0S2pR!hXhGd!`fQR}8 z{qZ;YHYA)(Y=be+WdN?hR6tP608Z-Q32yO4c^v(HFh1)@Bb~D)v?sS6_HXPa zqabgP+Zjo1t>Z9hsfg7|%%pXOvh453lVE6K#R^y1v;CL6*b4I?vCf@I?9kie&^s-N zmi+M~bCEd)$M--*>@-eiLMSvDPeLuFi$We^9#}|)u!unltSfyF)!zz7?^tUl zeMf@^j-G%DEE>iRFvRW6G8i>00y~1ggQu()Zn-&}$+zdi{K%;+`SKDvc(H~GI&7G9 z%Oj{Pkz`g6ESYCwAlu z6rLWdgcl?`fPZDi>cjdlR1U}XLE7klCk7^kb=34e9nFTk{7VC?KJ(qv^SEh`B`~Uc z3WBpXRJ^uEu09{bR~TVjV;HUFK7v#2PAC9rtm`+Df4)AE3tueBj)FEbzMLc4#9gK6 zF9-O7_2ba->Kuq{cJ^w!9?8t-e1rUtrtDJs8n6_`QOD)M>`6m1%k%Gs35uE+EoqKh z&pAWbxlHJ?-VJ4I>tVpgQZP(SBO%pITu6SfjI1E9!G<%H-HuZSHq)4|>)0~u;jng6 zFf07|hF0lLWvnZf?N{1K&FDaZVH&L1ZY~BYJmf0h6oRUyHJg#SfGrD5p#0AZ z@IgNhCK?{grk`EQU{^n8+0P0mKlH-5mClsCsgumI;skzHjkWR7qPH;_{4IY=JX`$$ zvgfoytJ@>56~8}1Pxnb?)V~E}vUkDy-WV41XdC;+#m>dX zmD)IUt`78G2x5!AtD&6tewb`g1xaEd|E^8~3Kw}YamZ%qlo9+T%#d$66HmDnR%}K8 zZ*cM1Zc*~eN?Mm7Tsu-bcm?krV0XtK16B-!c`wdD)X7Z#WUUwebaTN_U1gpC=~aKVNT{7#)LZpb-1K5WS?uqju9B)+i5QH8^R=N9bHd{qcq z`-80Cc;Xrbq7#2?P~}W4zF1QS@z+A=;Q?J1>>%t-svE+`M}w*T{4=`sGZ*H}_QTQJ zgnm`?1F3U=MJ2QML4K_^liv7?`)sX+PCI5Z`7sk&dRi0A2uViEA=7EbxSOKK`s!@+ zU1#*li6<>(fq6_{s?WLKbCl*7d*N563oLzgXM_>g?%^!Ojuk>)5l8F*8nFLSNIi1v^j}vuWEBLUVHG0 zj}t2&{)?>cxG|q6>THFCA})H<4SS-~sp&fk=evgN_j%%5Vb3aOUljYZBo5zJYLa2~ zAiDa(g2lMDbHx{4(6T{W*y-OXp!gydzRl3bE`K-tuPSow;R@N-zGd(tPm&aTdd)^J;h7R))-N`ZJltz|w zZD}|8;zzT^M;$%SikdRGEXUp4AB`k#iPu3+O4XOsn$sydyr`9XHDfntWo{yFt<2`a zx9ahYdG?f`S}&4Jkc3^|KYMmAujf>b%ff%0$Ja4mx%L`eSi9MW`#tBeXi(igvB_yB zo*(*yJN2_c{Qu@J)!Xo|zrthFzaIZ*yy~)l7y427*VF&+*Z;#>;J@>#|McHe{(b%Y z(;WZ1cRz`=$q343*YKd zG?y;^Q@Ry0C-n#S#(0=Y25d~LHLe{|!hIKF7ZY7u_)`lH@?qCXsMkdv>K-m=cO~{`#R7W~m&sF3!y3>zxsUP; z<-vZXJoh>71f6XwrO~UhU}Z;N?7w!tuvgOz>!z5pk8hU2h_2T#qoxwhjnaTS>-w-+ z`AIOl$%93G3uXCT-YjRS6w^)BW`Rk6q5aQax}Rgq^7`wroaO^?Kkqo-2ptsC{goQ$ zcY>wVcvL7l4X`w-(pv--PK~V_}Ap zhS+3nKWNn(g%f5QVr-N$9%wei{jD8b?o0`s*m9F}H>{xY&QB0sV=b15RAtBSnX=t& z{n%jFM7ZW2$4z#;MNa}QbFNKusD6+ke)J!}zGHuUE?q_^RAtcbRT1Z9GmK=ebn)to z!o*EGUQlG}eLDML1gu?lfe&_EhEX+IY;BAoY*87+EG-^F(LjI13~81au+#JX)=)Cr zF2SB2Rb?;sYOM%&Hq zEMeg|?ud^j7KV?+t%aVfSR`EXrKL$Fzj=|sQ zC!nEG%zb-qL?2UZ;G1m)3=eT&-P6o)T>L=3Zp=Kj08TcD%6;rbSNO@G)rzojsYrPOae*2 zI~0~~!B(nm_T1PdkLS1toQA0e_Bc(&p)w9^<26%^j&g=WP9w2$VkjiJ8=@%70rGdA zhmjHfv|-6Fs9IydN;Qmei3i}zUngPwL~|+*6&Mur?X*$iIu(xm0L4`y@Zqxq7N-Sq zOFw@Fa|vXxKpFS!u7xX_Dl~hZF3PV|M4kTgsmOL7*q^L}bBdR!{Pbb)*~#T_1QOJ3(uHNa; zQnr=iiUm$*tRCD9v%ouwYHa%6iRkW8Mr}H=urAM)T}qe&|Em4 z;f(z4fvi%li$*!tL32+E9aZ7EgjtTP;ea(JN|o@PW1?ul)br4|=m>O-P)4Wv?Rc>q zczvZRk#qP~I?)qEXHQ<{x=L5#x^e~bxqhGLJ|$tkhbLapora$z`*3c0)8Hma;ZU5< zwf)`0{r)nFzAicpz0!J^?3oQRGA-oyT%9s5e+1L6G#b78gV)mAk(h0g0Pod)!J||w zKL1{|XS%m4PBbu~A7Xj@P#Ou@2l8Q+QU`7SrhtmO?nAgyF*N=(!rilD@!7L72%3ME zH}$Bb-H+#R8;!kq_jNHMuldfP&?+!TB?(a2q=AFGba3(TVv%0JS{z>=k2BKEWmf6Mq<=w|#`r&l7B3Md>+7Iocp!Yre!{ih%7C4dU6|}W z53E~xm^YC%#FD{vG~`tRmG@DBF@DA*veLoarlI&;(H~!&od-s%jMz8rY*LcXhQ!Tr zyz-3CpmT9QpC9YYq9&cC>A%(Z2&WK!W{3ukaehWg*Nb^&lUdyG5IVKddio@p6{$a03$8L+j$W3NlCqkL~xrgMlMOM7Z=sV2Y&B2}bJ@9j1 zGeylTqsi&X@MEJlj22=^Sa_UtcbKE>k;h_#7oWJXUsu3}b(OR&qmz_Nf70;& za+ISq*6a9e8?sdNL^A^yR<6DuHeI)7Gey>PIU$wuAKaolx@U=RYvOyJD6z)PF8H($ z@*~E1vg;>OVE1c1c$_kuY&vuyq3;dKd;Xi0HW=`0%ZA` z8@bY%PrqTze2?FyT4RBi+1HnSw0{Fj(hPCq*6p;pSP5@z*I{ET%HdPo1oAAtK|w}t z_Td+uN|EbDO|R`a0;9R`HId)9J?q4=mgA2wrvh^9zk? z_&-CJ(xo~FEG@NyMa#WNQ9X(zTRhm~{0dQagAVh#a+K5s?rY@_5yozLL|Xet^9}ue zfUl=5YuNc3Ow6~?)o&Bv@@z%6`CJj`pLBz?4RTC#;(C%6`jNHvhS+>76E6AOCA+oW z0HI^y{XKgYH|`v~5kCPFi3_5FvR-b9f;4;e>@%fp4#q%-R_M7oNR<6V0aay_;OXb% zux9pB-u9vtWqiK^xn(!X?;_1`nhKJuqndBzpf|9jsjX zz?Dx%EMkZRi=2n_b-5CLU6es{0;kaQ`y9s1(INUf5LX&R^V@%I0rS;Wz&zDh#IVh< zW4|L_?b5=UH3LvD+#lq73P4eqOGR99!{;%&Y-d3Pi7hjsV&Zvv{iKN>Yd;=Vr66n9 zR>$~LKlquSt#Is4cP{C~1#lk{M^i5J!K($^z|LzPDb)VtnxLshp z#SOHh&p^sJ6iy{aWT9MDigup#L9ZVls3p{h;gfsxWS!tKnA%3~2LdTCSqqDYKIUSU zkAd*}7h&?QYML_k3jgf6HN*{bXX$%$xvqQGWZ3Tu6qWzslv>p=cikj@FDow5Skh<3Kc+%KhXEUV`84#A-UGp(p3#RWJNlIx z4VT_4;;7A^VMpgrI;d7a__v7ruqYNi5_8~@LKXa~v}9j5eSsYPA^iOzZS>66ods?< zN6+hp@#gp&IGlD%Y`h^GIE}u{&~z+m@|OSI^#k_@5|opT?+fADBv{vEU}ypLgM>dT+@>g6#v7LDQ3(S=UI;DHhmKE zbfqlloL@43YorJ3S?Y=7&$?j0E0MfgY8p)S(xbPYPNc802_AUNqVIM(%xj4p)&IB( z9qobW-7bbIA#XV`GXQgIHh|kYKRmK>6dTo8OHc0z?7zVM7PtL?WGVnpfmN~@X3w_z zR>JV)pV0bJ7q{oSEf&&=p`#(gn1|$FcC1|08-I!} zL0zjnZN8XA@7?y$U?UzBWQBRt0u$a*SOY&$wsfA@4yTl}Fprm*zci z?|l{b!^?@)``cSJwXAkYOH@p4YUll!VtAC+VW0?#SL+1Ki8U~edKeJxS-^z;BgJ^bzO&B z4TWU(R+Ej2-9lgbUx&nnyXeJdQ;QRIcJT|< z9k1l~zltRH{sMoo-GupMJ{66`yUy(5-&l5)4nGObS|Xu_oJG_tA$-mDwK8Rfl#cUm7wsYV}@ zB^>JfgcN;Ilv1AJ@>_jHneU%Pucc+evmTYfS08S`xhW5L6X~pBdVE_IL*!`{(PcvBv z9t|_lV8IsN-<4wvYZS1w4c~ zrrNRlEvEomTrhgwVemWu9YoIWXnLV88!}y!tq(oIJ)im$nqF4Yinp4ms=ZpIxu6g0 z`SBfA))-*MZyQi9wWKqq_h{5TLpU#`fDY*`T$Pa{y7%6Mo@t}-p51T$kY_FZUZDf4 zq;K;FP8@-d0$Z}swWYJKr0HTFql~mWbbUiIH>BY*>~(U%HMfPDmIcqKed}!K)(zt0 zCW_djW##Zn!kB5uFNBMyN;ti#R_uHEUpRxjh$=V3=uA%V{afPfAb0SeWka*p7xQkB z4ZQ!e?flofDL_n}Rn;1>)EqCCd^THD=w{4DHQ9sD_=%`F#++3y+zvYxy1A}z!$tcx z83-j-&Ozih4;GRw@DI`UpnRw=t5@9sAzxZ~vGxf5so*!8f3Mp!uTn~wPb`6zuIFfW z{ux1=XXewg?d?`N4pnW=QJ788U_eFtv53{sL6tb zn3uCd5roxyv%$fR@LjftmzSGK=ldOnuk#ydnw0^*T5X4s?yl_WF=_NE&_UNlMPMVR zzznQ6l41B?(eC-KkansTp7b_zKW|E5-ODQeR?bPv-Z?_Z)3s(*Ge1Fn=0Z?*vSUZ1 z&qK)2dN7YU1W$viAh>2em5CJDfUHc2(X?k-l(lY`@PF3^aSN6;}Q zot{}6l4+Y1roVLOw;h}YGW-8<);I)q1ncpNLFI+J|$Avi!QG3>`PESw-z+b82uh-$C74jgG)!u&|>Fr?uE)&nwoo( zzozU!mAiweVarl-PUe{O-T-i4aTErw^5d$WnlTMiS+bK{3~RJEawSf>IC@hx*lG1; zAFLHIqrWjt8@Gpkm+CNs86%+V(>EBJKLFQwXmL6wW=vY}?%8(z;iP2}Deqwg6gWAe z{ida~W>**YDn^d27|;Tbr^vG;fw$gp^)ESI+6}VDEU|VJf_~gDPz5!1)a?sM>XiD|F#eTYAl!qznkq-_LCp#;dFTj;O+y!_MjqQWdSE zQ6*csh*t{CHGM6e`HK9wJ<_PJtib->*2iB%qy&%tby%2cfLi@~VeUtL)T~iMtosGg z$+n^i5sx{&$7({(%>~NY8_zns_L7y>d$?cwlzZIAk2S2h#F^fk3>VK2rf0p{n7Jd8 zEf?xK-TM@Pm!*>Vg)b}Mg!OysD0PQWlNZ!gcL08_a6!ilZ@9A!_sLgq5FYiJ3>5(Z zs26buo}7%NZxN-`+$iK!A28(}SX~0=+b)FuO8nyq`+7KB8=1}fCpxmK5$nj;Yar@As;BCS zF3dmHk`4BX!iIu)THsz!b@!UY8N;P(9vY0`%QkMpeVy~!qDXu8Y)~zHn>q>{MVz>P z;9xvAyFZf~a1x61Q(@lX@%)8u4~o$DhZ+SfH1(c_x7W+D&e1iH9PW#U9n|6WofDLQ zJds-VodVGU zMdbS|#>@UB4+VXBXdU8A^AZK`>Na1xSw5QYsdr~FrFG;%M`7WGnQUc{0z0$q1RYkb zrc;5*?A74SwA-kV(~gp1@t{F>?80H)*%)|mM3cErZls-$1b%<^3TPF)9TCD>O)jK| z_I63*@@;awey|~Xu{xVQohPEsd}ms@>n6Ci_hp5xpC~9_71awrQ=Hc^Ix{Sdd-*H{ z+ACvd@1g?eW4aa;CWy&-u_azxYt269nsIesHK^t8ep1yNCf*_Sh&L}8z-?1Z;Zv?C zu(#X)i2J6*LrZ}Kle(*lO2cFYpT_`p@|Yz5ZoVnraxUh6Rt_Vn$!{nsJ{JHWt8asI4N8bl_+*r6Byy`3*eKR z8!K640jZM28JMWx;?vTkzYN&EJ2&`wrH*Xwp=`L-aRK)Bokx!ziA5u37$9sI1tTX) z(k8vzu(fd>xE5AYNp27AOR~lFQ8jRhi)P9Xzmm?xR+yPM9E|2mVDr-sI^}d4jCGE~ z?c5>wQED5l#8=>2`x>5gyn_g@U|1FW0?@>^=KQxNIQwiXElWBJ%SLC?qXJ#FqECj;`vbevv7Y;}%umiWsXqIX$yo%UMo9yk`+~=j#s3L~5 z>PpN^CI;#f7)1NTKu9?Vyqg_K4{*ZeSIW6wJ!f{bSe??tzLQ)0KpbbOgcH3bz`OT6 zuXXDbJlp$N6qA@hF9Z9)$*dllHE1EF)w*GN=WtSeH~{998)92EQHHh__?FpVve<^$ zN;6`o^l|qJJJOmYha*jVnY^nB-OL?_53EHs+a3?3;Z5CiYQ`goxIF$l418?NjD-5_i$$u;JAbt(-){#@YM2G* zetzXptO>ghRR+q`b z=-`{=Gg<@s2%MjkTPp0B5`b3QC*jQU-!$)DoY?KKBFn6lfbPAE;oT?;R8q@^fquiW zb5=0D*Si7x0)NrFKDS|W@FcFT;sB;biBQW=7O&o}g}Mp@uKJoMJ~F9-($)oVC^MJ7 z_ZEu^Zb)NZT@cQ(+0Pe9-hiImFYwWN1$efmLFj}@bT>br)rOrGbF*+SWx7spg6g3!~V_A*z&rES+4Q2>XcpPQvo>@%S-z0o`;G z^QH6j(I>KqH+X7`i)xA6vr`?7<%Z(Sj0+^%7l}*OoPwsJ6L49*7r49;&?yxQ)^?wv z{-rIBwY*Fd51OINX>VSt>M$M0O#Ym|7UM_1g!f0PXz8<|;4$;QNf5ex91M$a!dC;$Sj>bB*vrZBK5|N&yo?14oz*5c3MW25F? z=*VlPo_rIG`q4&zw5+iDMh~RqHR=$o9+brhNx6h{N z?5$+l@|E;{Fi`Eb$9G=>0cTpV(@knvx3fbucG!M!EKA|K^`_7SAy#1<{}f_pe5KZG z1!fs2raFsej;RQLpVwaA)p0irU!%!}NwiY(M0biE+f3@Bx1c`VmUG%H&xXC(M&~^$ zNN3VcG971umc54fCtC*_*GNK}%@g28SW&$12iP7z5a#;SK&Rl-h`uj{In0<94sV3j zCGl7}qZ`t%YBH1X2cT?H&#SD=hvnZDuyMjU(yaAFiONC@>U)u1wRo}NHG{ZkdXuU4 zW)gVbvA`W)+Mwvl7=F>T{?uBg%Wh3L4hQXz!}#gB(6=cF-!8n!4;ZhHPfEArnrWLr zbkmxKS>LBA4*s}Q=@70|mB4$7jhxKKJTOiTXXlC~nQTEl?={m5q+UFL`7KkR=}HQQ zUvZ<;o3HUtWc66cB7qm17SHu04`uNcclc%nBi7ZO!%w*|6MVx`!8;&QVD~zq>FzKR zoz|rJ{5_gp@R(my84k+Lu6&;0SHEUC2ZqY7#7eh4&{8yq?(R&d;j2wxn(8=MyfhQ4 zMjWFH=W1cK+b_71E`p3fc5tHSz9_9%6VpfQ^FF0d!1tI3G!ATrum@TwtM?4PJY7pR zpO1ldzp3oyp5IUtaR?-KAE4%E=eaX_#q{3&DXjRAf>+-}(Ea=7*pQ}yPmB9Amz&$E zJ1JfqWEsW`mg0UH_$F38pm&pO;9!;kE|!UCuAg@GvWz z0>@pV%3%k(FH69g1TzE9iw7Urp4c*vH#S0wkFVx!G*q?mo zOry`~S2#D7_YhHA1m7i9nC%Z03Txj=pEu~Bs7gyTUs*<&Pn-q4bY)m8HbUKjyTIep zI#BdcV|@ogno;G+s#zdQp}H*JNaQ#;}2c`3H> zvI-uGGh%%{siKQ?8cYf7hiqlEs<2=S4YI)ax(<#jIZC^8Z-G`| zCHU~yMHxXUkl0iR&bO|U@q`oHvK=qraMcHxal)NDbG$S7ZHDbm3K) z9;SD1;~Q^wL(kYRa5>wSoff%8ka{t)P!y>oSNhI4zI)HwwfjWfsEW z6LJ_)e+Xuj*OKOGJ)E^z4%L$lpwd~9-FnGtiIyjEJUHtG|%KC>8c&+(lU4 zSxn83efh$}3b;nX0u%h6)643e;`O&=SYxIYOMiO>?l@i{^Rz93qhT>8Zydl67skoo zRTiu)HikaG`~)h{pH`{@o8OMiB<>6?LpjEudP3i;o5}ZxH)HJ|ptIc+KYq@E2j##}G znzOo?`oGa-Zmmy2d^nxH^#}}gqzh|#atGXpsiNc%Nj7hTu%>?21r2H^=t-gu6X7jr zRupO=2YF(VizF2H$ia(UdboH@D~0t4`{*$SY?5*==jd{Zd>$_cCiFLnQx9+({=|U7 z`4G@NdLPc~PoXmb+BH?a1K`?+3B32BDZJ+&L1Fj$4@_6F5Zt#8m^APasTNi6C3OeE z<@z~zBy}Ck#-D_K6HLigTLG(egQz;;49E_%My7a|E$7^fi&u^n>!=Hy@ zFY`YXIopc85OOnS+RA{84Zzwz{V_#dorUz>4)wW?SUT+@1sXhnhQwo{8G>77v2v|Q zz57D-M)e(3S)_nzeN|Y&hm({yvsb7h@kg}$gEa3y^$)~dkw^Cf(J;`a5-zn%;<)Oi zV1CLElJX_7|A3dYcUuNbZ{JD9g|?`Zw1liT>7seeSvb)w$!zQPK~2wBTGY3Y^LgRL zt``}TPN)epnWl>ofx2|1>M8tc7>>`D2sJ2{MUj=p0={OgJ9aE;htBiCkSk)`zQ~vS z`o<*g`u>6VC-XOz`-*91;xD=!eT_e|hPdiHUs_c&3j0>xg3x?5Ty8O0*tEG$k3yP3 zBDIIR_x>jAJSC>b^@59{q=4$1a$uYMBRHaC&VmFV#EcaTzJAeSS+N80Z zy4PR&98e0nUl_g3=#PI(r?VNxOSnbydqkR#1My*jB>Ei_#(dJiMW5yH*sPP}u)Yhv zEjJ_2%NlSw%#z(7{0&B06hO(DOt=!!MC(sIBZYLqzcL^Wy2ff!U8(0RU ziaOGtRZcgK=tJAy&r~AhlS#Z;P?M;M*hk3n@tggW3hrp3`{K9cS!Kk0jg-*kZ#Dm3 z&I2EvoQN0w4WRtRP;%Z-!Ogzh3gr>=Ip-_(?8K%$u%k-IKUuYy)vQ!Q)mf74#7tf0 zaVH)!w*C_C>j8KQYxp>)@htOYG#RRHrt+b#?2M}de)0ANgAu#v`Qc@}ksL6~MH1|K zR1h4k6Jii@JGgH*``}=8UuOR48Ekod2wY-XDb~!AnfCuq68G z_d5fD)z@g}<}98C3_`Q(_sD$nnVRbcjkKz4q%co7$n|H^qQmXNm{;6~-qrkqM7M?X z;(Is0>7^Vd|5ai3{BFwbHbpLf9=tg$@U&B2a=+#JvCs$2ymW~f4)oSw-c`DAv-=x& zq5eGW?y^JitzqDDL8t?wIE-@aHGxdF(VGbtLj2?;Jka_CU)oey!qj|TU$#`&w9}Hgpg)IIi zgU#Sq)G5p-CwX{a%rbY<&fS6Iw=}~WQy3e{er94BT(C7H)TZT@X1@>z-9M7IQRTa{Hd=@Im;qY zVa9&gx2_M}shPm%O_rjtZ^B&a`zE$fn`2XMYoo^`j;&W2&CX@6CV#VVc;J7EzcqRf zAOFOQWQIh5!60)OG^T-qH)xl^eOIS>gD7e5J$3bfB z@8ro`y~AT+?OsE$Rh>ztP9p7eDOU9UA+&Ld*xA>TWwqsk=te2u;MyPTt7n4dI4N$d zuzzt{@V>hVeMZgirx5An$yVCQvxrv*VX42pPzT)!FU%c6s@M8)Yj0hIC$Eo?{DX0< z?<7^crmIY2m4&`I%$1dQT!*b8>D4EfJ%-d1LcOPEb9OUT5x0DlVjX_7nWDguZ?%-f zztg{v#2yXtqQwcogq$K7>D_R+OOmxFba6v3*#!RMR6O!0tW(@vA-g%MEEa1*}ImSiPob+JTN2h%g(a=E4=ZX_Dx z#{9mly>ueZi>Ri`VW()yAYJ%d)CjYSy)kvxP@L!Bz^=@i#Dc$OiPQX#(6QC&bpQ5J z^7%50tt!%^$tj`mu2B}-HHXuui_Umg?iv@R9mr)aXs4QpU8EJ|Os&;JA+)pzoK9qN zA18&dtvVX`P)?1PJ(MRJ78uX;=IY{{HyouZ=`pp53)qc4o1kgLRLl)%hfVvQLD|sl zLf+deak}844-tpMENwkrQECO(XWlzFce(^FwMt;iH$=!kLcuw=c|WyUFid|0gKO2$ zbZrNh5fuT+!}RdI>nnQl`zWjv?vJY{WtrgvdmQZAK!M)D6!dm5{`zQ#enWPMt(N_y zye~7kYas^&A9X32emzAlISx!O;x1@3crb+q!C9PIV9sA?c!B3kq31ig-c6vq* z^?K-Xk#cD@^zs@%cr%9$*J5eJTNPNhXbnv)lV?TISNKO09Qc`gjzQtLRZQ)$2Wuz| zhF!OR(8BjO#h7cw#tqSDQ#6CAdS@eTP%7qIt|>9-CyQ5V6>+s=8oUW#LUmW2;I)Q? zz;9k8^;$(y>d+!SYj(HTNmmK`?$|>9re4gq+mabXAA{uOhuvQ`e?p&xj77DSf z(9mPx^16o~{csD&wGF116_?>yN;RnuF=k(D-SK5`I;^Z%4f~RRP-W&3u1xHQw^AQ~ zm%a)$!>ON1VHi5YgYxbkJUOz<9dga_gWnZ>la5l6*-^Hbl^yQ~d(ZPK~ z{IPbzX;^;HmaR5l4-3cdCs!34=DKD-C-FL#+j!rH-<_<3ZvqS;e{D4s&D;Zv4t{~u zo;x&ezoxL}y+#)|n&YG3IQX&MjZZF2;#R&DlWEL$I$*2I6i2sk!``ljAYn~@?~*&* zI-mvePjl#7|3p0YAJa2{rzNIdA11NZeORMOS(FvRjVrd09sEsh7SS$fYG-_uy$&0Z9t$ zjcL`h=<*c@+&nD<8s93w_WO+bEeofE%imL1eKSpTt0xUsF0QZN!JiowL`4N#!K|C0fQY-qLAH{9IX~v#i>x2aJ3mv|K* zEa(mtZM?}x&st0$E}5c+(H43wvcR<41BBjm44B5HlK$xdm~AS-1__`v?OImzQ&Jg2Uqtc2)?X>`Z#b}l(@0*ZL2>tqJ8m?p;H=(sb3^-`BMDo< zt1#y^og#vc_1m!4`Ee<-=qCo#$dOwv^#tUOWV$ z4|U-}*&tdNHwGt8S7pD>^sBjh>ks|CJsSr)%m&pfF*LL41bsHJ;Z5hLF~?RDl#ghm zJwbypVai6@!W{ATP8rcDJvp4?Y%MZv>c_70Ox(Q8luhfgW;0s>%V&8xULQ{;=c2hx-#QMrjKDR2LMgaRl0Ms9<1OrCcN9LJ_L}{6F%*_?wieDvTb+6v9br?!8i@3;E)Cm{k_;Dt0fS6dLi+W zO^}`yM_pfA=uNpbo;`Y?5A z4=lVP&&I1<5E!pwsy4Jj(_6yc!7ORce0DZut!txuG9Hw>C=sHM#ds}>H)Qvke}lTc z8^0)F2uV2X7fo_!tn;JZHaxqn-H^NkTb;vLXG_9zs5w!|5+ zPI&mv2nr|}0HO6CAupqxpVA#j5q~Uc5DB%ZJcL|3L6V;ydJkNe_F?_#5us2jN<~OR8PVt5Ps(UWNs<*(DHW-t zlJPsgzg=CIT%XT5&vW1J_vx;$jaNd zu+m0$gd9^NqR%QYqv1F@$n0XoN>qvGcL^d^T@IV(Jw(5$M_7q!H7a%7l7TH5gtYIp@2->AdWN*2byInYuWRq8kG1CwW`Mb1r|j?q8P z;FHypXl^7Ss}wCrRIVna`z_ISUOOY8^nqEib2BuVaqi95bdZrTqjvv7@jzo9>(l8( z@2g$KvR_lMS)+ng$nJzI0vEA3$ro0&Y{B&}pJMYO?lWU1MtAMM16}_lN%M(^p!8rh zq)(}2o2e142=Qa*3ks62O^J}LX2H275+KC*F1u>`GybvUd>kJTqHOFYSUUL_xUsHe zj646l4_SpB%Y{hyITt!7P=TH|yo}y{Wo%V!AbRiUz)zW#z(^60c(D>LO?IQ+Z@)5y zZlWyn@EKe(=I+7$60obg10MWrMQMHlEEnm=!IhaXEyIdFTF0`j9DB#i^a8tT?HLHa z`ku{GjbLI&r66dd3bj4Go~>AEgdy>#V9|{(4B;FpUvE6YPwTbFo^wZ_Y@0Hz_ljlA zCfs9KZpNFZBF_0WdT|xMi>Gxu2zx&XQ~8k>peM-keY4k~0N>ut?_nwP$4P}|IL5=l zc3)sL&%>tnP}rAPg~iDokZ~pi7MM{S(~+bVO%w3jx})e;`4yjToCaZPXCXZ89}~WJ z9-Py+q7;Scx*%QRZXKScg+B3RXY+fISpC})3|&s zudG5p9dg&D;M%<^G^DPOIV&hdlL!7{L%RW~*nXZbkX|!cV#jZ0#<(>-IHMg!hPvUw zO98U!+9$~J$>-Tj)}q^7i`Y;8qj1}>5`FbEz@SEtG=4r0KmHh!r4O9w>R$sWp=(d| zUN3~{8sm^E6o9r`+KgVX2wiagB6caeFk&|a$hw8bR6t@r+H&2{kmD>X;Al;<0)O)d zT6Ng)B{BRm^YxJDC{FfnRiFkFtjJgAH?Z_&A(ykUr|wz`{Ond$qV}DKUoXDKit!0V z#3BLmbz88%N{6_bsld7uhU9&nI;CxD#P6#Mtn^!L;o3>@e7>)RftFk zmci5My|Ar%8`GqmfYr|*V-d&a<@;7*{waNKhIbL{L!Ll}v@mJrcvS0O=+cymU++OX7)W3U>#a{}wv-NYK)kFVWhk7_&no zK<<$Xx)&Bg#{CHPy=)rzfdg39Sb+Mf|Hz~s8#*k!flP_irEiWzkQ3}<{^5;0qVrUq zCWLan=ruybCw3m0c7K5B_0lJg?;6s@+vTXl*1yc#x(RS_wGxpH+T>Pkdy3zZ>BDSr zm!UUDSL5w*Aahntr;id%=)>NHxP6TPY5LiM)qb0alv*bF4>U-RbpROtFe3XoHuA*n zV-T>?g{D^cKvw1{Sp9Gi<;M+)c`mmP+;ogB(&cj5F|Xi$QxWVkJVmmiIL~2B7+D_s z3f?ECzzG2hEcn?2ty)4L;vI?hQkjfvcO^dU-AP{b{Na7jQl{lxzH@*-7u9n)E}h14 zQn;fZ*`Z(XmdkXOIF{q;dC0#2qmUxa?ZJFclCgQ*^Y=y!lqJ{U;s^~|uc^)6Xwx8b zINtVzu4oKun9ICSm82ehiI}UZ2#@`QsLUa0-0+6`_fl3QL~|9|l%+6@0$~vM?j^k3 zzJSVbyRG+q4Dk|QN_SnDMNZ$6TLf^t+I9OAS(a(3_^KZ!jg6kme`4ULAoJ2Key}*OXrc|w3ncmFP zW*lS<$hi1?XlY3YpLGsgPF;oWzqOqGrzJ&OF5Lx9rx`$+%CM{6jPA0YMlR|LgVC58 z6`eDe21K=BLEbociE-@1nql~n-v!C(VZ3YYT4b86EZtwHL^rRHph8Jf^uk$Prl;Ns zBJ9tDLXZk0wb+f;W=fL#TuW@2_RrAKN zX0r${*T9sBx@N%Qm&;+L4T5dlKPKqoL^A$emF5f{$Bnk5IIAfTC-h1aU-umt+|T73 z8(JYtW+(HuN`|;>xW@}{C}K?Vuc5}Gv#?nx76T8wMczUym>(Vlv)(o0B?nD@=@n^G zbvF_3B}CzdYmQWsmyQd>?=rzDYTW)xgnVnT!;)7DB>!14hM(lR^qdn(W!FA(_?aJ( zmo+2PuFW8$dy3f$oFj+hx-(y2dXT-R-7w}lpDm8@W~*AczqN5Re6w>U$9IomyWBx? zyf%rMeoTRe-keR`e;Z=T#SJ7x?H`UArt*qPzeD+_l_YKRZ7jFVLACI6aNt}WcKw}) zc1s+{)1%Mvg*J=PzlDg|zES+bWhq3DKV~NGSU~m%pgGPq5!i8F!zV47)m8Fl=WbR*7)?m~Z}6TlhH+q;aYYNv`j2*#deKw&J(` z9_0T$hkFOP?x(IB@jJB*Z|W4_>0`C{p(_&&esk_%m-kFf$y$EX9Tg}(Q;n=j1bi76 zBUY+^!Eb%4+v+4C{_5EP)?Lh83Ns&u|pFn?`iQBaFG}eYYoA4FuanH3p zR60F@e98X>i!W1L#^nt9e{=b`1^P6>NQiM<+r(QGb{-XU|GFLBGXQIf7Bclq>Ts30 zB@9e<#$)9A`c1hdM-%hX8BML!9ui4`vCzK7a(umQLLY) zLhY1C(R`a6ap30TP3N3pzP>h{`;(hlo#f`OJ66D-h-i$@xQRj@mq27G9}kKTgA-4a zj26U!+SAYYaNrGw%$&@Ioejswxh}N+wGKC9sf4`t*StN48$sRq7bYFHq?usx;tsaDW9TyrkW=tK9 z#6t7yYxymT4aqgA3vayyJX!x5+D>=4wSe7|UfUxN~auzI;sBKM9nC#Ocz9 zXTixn2=0Z<2Z5RW@U^uI-M*iOj&BQTs!cWY=N;i@yc$H_RgMVV6Cn{!&$i8FnkS)X5hZ;mSVj^MxCgJ-2D3~Bz%kKE)NbaN(YT=>?|6X#r1w#tg zz8YftG$ClR499aNT!zF@kd`a90y-5!OwbCtYVJ)qbEg94xy>MfSG3^D!EjjC!|mYs zvv^AFd{!e&5X8hIc$WL+=%+WOI9RDitA4vuo8b4T)a%O*BpBhRUNI`nN|Nk}_wm$? zShn((Drs{vq8XD^G4dSeoIdms$2kw8SYaP-_P+olQ?6ssGi5w0*Ttv`$WV{QaWogO zM}q_Tn7(Q{6mv|)v+o+2?o4~KEjtOq?rY)&uDe@o&;*YrdQl@!5i(=1KD)n40Bx@i z!1G`Yvf{Wh4*QFdEMZf6tWXbCxJ;iz=P~$nPmosmtH36z1$~3pA%@F0Ny^lL=;TGH z-;)P&OzP zzL=i)bO@#YRASxcI?U6@!arbKZ;mO}sf=r&nah1-4PN79S3+ zhQVKxNrOi_>mOBz&kxstrK%-;e}c>6Jv@&dfg{+tgL9$%+6m4ISJ}YFefapECArAn zWgaY;PprCsmv7%JNzc+rkayFVROZ_e|G@xU$GgR}D_hc-JzcmZ{wVmkEku<*j*;T7 z1)t-euz!MO$Zp;=wkxokv3K(#Lih$Y{U<>T?Tg`-y)N)PoP{^vKjxSO@V0DL)csDM2oj+(ADRa ziE^bl`PHzBdM)Y4jyD$IVFAPFk>U@SJ{RW_joe%{;+74Vh{PbLganVAADV>PAbY%SwD*fjG&7d-i&<3 zEWWo578beCE%Op!POB6Y>Z*g&l2%Oc?*_JdBK6iSMj7>Jh-se%l~Y%c@DyGA6t6=n z#~JeRk0c43qfK<4G(+<3mF%$CWODnTH(z^M3hpZG2JOX*$h>$q z3ssNVOVjVOX-8^Nz1an(ve)q15_Q@f)dD<$i@fAd&ly85kLs!EPsXnK)9@#nq`<`l zk4k(;2^Suy)-oU&zL2WKzlF50Q*hjB0@b$YM3aoin1@p_DS8y$o{3T2oLI6h+XqT^ z6+xf;EeyGs4}B5`iP0i+ayc)KJZTF$({W@X`v|wPyrK`A`n7FEArDhi1`P0UL?VC_^74>?PZ6&O`mWGT3%o zlWdZ`3;Uf*!M`+~`OoVGtPI>tP%nk(9joDG&%X|5Tl`4)0x#CJAOV)}dHg#;tBK^R zcM#)Q!1=q2@x8<@+#1JK(d$&vAXkB8a8eY*MWb3OU zjK02w4$U;A2P6tX;Oixv*7p;#cN#$UmQnC?=KP{zM=;bj8OZ)SXwLOKcZaPZ6O*lp ze!C#KU$Ks)`^eMg-bJ{`>o8 zmu;Sg(vguMc_|*-(k0lL$-a1Lx;pWD(2AXsh2ZiIAzbVd+MdpVjiomsG=2@LREd*? z?TxTS$b&6RtwH|Ix6m|U97p3XLhdGj@3Lp1-ZYs#_Ct>J3Or$A{%(N`gEVgLb?Tn{M{8cTk#dt>gRZ1f{0Y0f+nP-_W~ zR`lVfcZ8bl=wfBszT==x92{O|LLTKP6Pd^HFvWmjgE-g9vxyUk->Zd8u%;KvZdpjn zcHU+r!w$e77p|kTi({=_k)YoW9fPUMRq$=-Ih5Y6NF4Vsp?>d+(4@W{BvnRX;JpH= z@DpPzpT~i?Ne2v$xRGZ&7QuD_CpwWm0vRp`AYMDH83H8l!X6COa6sqgad?%eMGCodPwE#f;=GFwYP(OPgrW|S+%1Uh zLEiYowi;%e#Nel?70`8jJ&Dz}pi$YDC^JP8!_Cb|Wsnx^-lIdjdN08c$CB`Gks@CT zZ^I4S^N@3WD(&pvN&d}AhK3Dp@bJq@=ytZFu6paK(6A%86mr@0t$Qi&VLd)Q{s={_ zeTn8pRXSK!$FJ1#fr2d>WbB0oy?>|%PF(N9V^f^z1z#PKW8HuW3$DVs2`eF4;2z9> z^#J^GR@2ZH5t3UYLV0Ir;CH#Z5HcZ(Ii%cy`G;9-=xjr=(jja%v!)NzeAtZ(qQSI2 ziM6`GOR3NW269BxXq5Lb;0a@;E=d%c z`|;~JJ91`o90bhFhptI-IQc(g`XA>za#Grb4-+j=m-C8MEFZ=)B@tRXIfi9zW~19A zO^68A;hZ}9cz7N~`TNpz`MTBUmC=Si-t*ykwl2M}Opab!rA;k^Yv8)cI#|2;1&Run zqWR8;keZ#s=pFtDyIiB-@edwO;f=%lu3QXCGGqNG*TLDTGQ>aYB5QtR4Ei{amH~HH zws`r4eXuVHwC8a?MvJ51z21}r#(u-*lq;Y$A`gr6B#Gh~BYHe;7hc_NMJ$K5ppAq) zjocE+o8|hBb?{OpkH}9fiv0=Uxv#MBdObdP^&4{YC1_O4ZAh%rCtu~{$PP;_BDuwm z1{82kb$cxu{9ppf^><)$=`S{8r8b?ieg`b5ZH45BR;FK4j%AX-4;@9d)Qj-#J&UuEu zma2hGF9+~Lr4~uJzY!jdHR3WSS5p4jope;n5CfeK0Aof?KmI^Bsu zo*~&KF$dqZkATb|*Q-wwp!Fg>XkGLh`a&#_ci;{hOSypdjd*;1?IQDpn;}T$tI^ik zS0O7@n0C*!=WWqGg$5pFs48Plt~-g)zZ|RP-S2q#Rvp2t7Jtut7w{n>JQeI-Y(QtI zMS#!{SIW&*z&|~+?@a7V4G(LHUtt@t?n}k2(?B|jsJiDA3^q)f~taYR( ze{(&9$R2#XN05H6JI0<9k|TXL)u@i}9hk$->^^Y4@$9&2D3OsPiFGz~>*qxT4paeO z^%rA$zz(x+HG=l@w=j0U7@vfw({uA>XlN0atq`4q6Scl#deb=wUzW%luvx>J50|p@ zj<=wCoj!>da0TZKVLGti7!_T^WgZR5x zlNi{G5~Z&{;8~9{cu#+bYa6Ahk^Fn$YJqTKO&y$?c!%*!PQmCWw=mT?3G;;o&?(Ln zdQ@-Y^YPO-d|!biayh$3-|xUo`NU+rCAjO2En#!a>4=g#{0q9tRAtWQo^N~L2)u{I zt2^M$DjPcVXdI*Bq*0=XbA(O%09WseLX@Qi&5tpp4qLMDO0hXM^vRRq(gL(M<<7a` z)}-USA#rg|0KMpXEIRu7?qzQi8hLOZ{t&hzR3R1iXbNJ}1sU=yV<9Y@QUrVAp5wPb zbsFOu$~;qTg|Nk0{E~#<(C=6V?g5{e`w>gYBBMwQleeQ|pO)hK$L6G-XUf<%9Ea5{ z)+9#kFF#s16A#_k4|QPtWcnb0W9*pIPg`Z-@jFT4xGapFC=_3QaQ$^$&}T(T z4{gMIH>&xTIlAEc05w{)h}i7`h`wh*S{+%~ zar-&b$-VQ>+qU2%xjbIOPF2zo_kcOP)|C#dF=x%+!~&eI!nW5g^!-bj>YC?4hJn1|U_y1qob?EzHB#sjne9j@CUO&Whq<#I12xQ}yA ztTp7$ADlz=*LgYmR;`4|+7^J*w=v}Yaxn^v^r?AmARcP5VN+Xg-Mv;YhBHdUNPDs^ zt^BM6C?ZO3nit|a&Q}|B!5r*=iT>kB~QKDu`hisgwC=f2d!5_NMt&HKwOR(eO(FL zvY&#~<13t7Lkn)X?!l;Q!fe?VQChgC7qeorQKi_L-E`q3UJqnZtU-&md9K1i{h27T z!WG(6(xK`59p<+COK2XSL*({rk`?wI(Aua*jXSb%j?Y2*n%i~N1b1WFm&eTObE>%F zauv2W7C>W&E(votg{87X%yda-a_4~t`L*CUZt}GxlfCk=C{KwvBzUmDj+ElP22H+n z1NR9Qe!(8$@+QvTAA|a&J`B6zfQ9q-qjl3(v|8N8&6DQCqIMbbNg)wNZ$DycqZZN2 z^M&aVV`b9tXAxBXDMWLVSn#{J6q>nR96vvnN+oOr**s_58zf4uCMU6LU9xd_Rwk2d zFw97_ox=sW6<`(RK^9nQvSexu+99=M3HKepr9w&|d#smOPa zw4`s826>-0L}T?T5u&dB$1U=~I6Q3^$KJVeoKtlp+4V{UC+^<`y$#<$k=X=&W?m#~ z?h4WwZbMJ&Igx8A^5lboH0_@(MrTS7GwTZGqQp~E3O`JUufqzU6~|B{)swFGJOvM& zWXXW)btvCx55;q|$YzsBm?|$t&a7%eE3X{weIe1!Lh!*sQ;kf7t z%(Bzxc4(^jagH4AQPjmbdXwpYY}?&0fD^_CWy}Ja;Arc`id0?@H8r zq>qI)wj?CA59f2;<}*KDqUPEotl-}k{uPB0JUggEYvYjF@7001c9kf0c`1qch-{vK z9bHnv`K3&rvZaAs-~VPS)0g@lvp;+RyFzgqYhX|Gs?(s-*BMrZ>ro^AeNZk^<~(iT zP|i#Nxt}WVyGNTo^6)PI5%GpSFEa)k-b)jDtr!X!Il6MkQ`nSOjt87>;*ESiR(+oe z!*e(ZUtS-9^zr9t;G|BXEI6lN$3JF&Vlp1Es=$LDB`ll%2K}s*INsV@obr1zbSMcldvsMajH}->VEkQr>&1+wq_38QJceV zD6MC8O4nlgfvKeR>Qs{TgW$-e%XoI#Byz}Lj4hjc0dww|;~uXaxcHeNeQLRYs;)f` zJ7*i=JNtItesdN2ar$r2?k~e7g-1awa|rlk4g1nWoRmIy1QpM>n0Q8<{$yNf!tq%U zEcTXpugUEUk8Z?bNg47^Oob)af!yeyg)^pH0V&joXh35RtV#xUu6S z`2Lfk=L#m%*{X)LEY*jMCQ4Da+un517E4rVHl{jKbBW;|jl1)ug5dY3Ww>q5Ml$z9 z8ka@t#9szEu&9oEes7yVp8BkU8*%*{GwlMV2~8soyac>k_XR~JD-wlMX|TLJ4#wU4G*|?ckApjY*#*s?(eQLpUnIC4&1J5Rpb};?MzwpGR*@}(Iokm zYNRwh7Q_xF!?Ervp45{{_+`rjzAfic+b)NpJS$KP4I(+v&E9-5l~^AC3zyT6pn}&Q zI77D)kE3(Q<0H%Acg_g*$Ca_!Kh(K%eK80`c7nwU9dcmg4(lDC4m(@|NY1b)D9%+U zIR+*)W8+*RQZGXigyzy;xyR7$%K>b^b{v;^dti0IY^d(@MHf#A(xjnA3c@m(akQp` z(^_Hc9EJ|I=ELNO0&w{K2&!fOz?z{D2&qsamG!I14vyzR+_!+{Xp5U%!xC~fYb%dA z?0|E)9#a2-WrU*+K^?~qySnl#mi`xmQk%8NzLWLHb_X(A$3@AJ*IKZB;wvU;`%#?O zGYgy|?C6npXB05I&S?F2i7h!*3s=0P=$|*-_q<;gY`5%Y$&WPDi@Lzhf0_#~HOA23 zt29}cunK?lIFhyEqoBTZGn4!CHdfs9AikfuJ-~l;?ACgHdcQG+6&N;gvpwcVj{c4y zO5HwWYWs9jZcqf5RaCHJ*T5a+D6V-Dq{ zvZ9X!Vcz=_Tz0d830N73^KX2F^NJfF!mo)Z)i8=>{u9aXkDB!JhX+u9PmCtphTz+h zAaX!h1uJ$dv2yJVARly$C9P`IsrU^%yz&sdJqZ)wDouiX0ee~{>BDA0jwjZKTb8DP ziS81}bycU^BuBy0(UE+RpUm;h9r0FX3XeCe%{{Llz@KEw-gz(vH`jbZzQs!v-dh6| zPX(bcS`md6p2PRa7w~=RH8hB}#~(?itgQPW&s)=;CVtq6{BpJO%$mO#(j!Z*S$%ZruizgVI4zmI)-92 z*V$_1c;M-cKT*h3fW-87!i)2|=y^IHU(_2D%{lW>IfMIM+I3L8OOaYE zcAo;BKKm0pXqv%(;+O;->qoK3w3b)tDoaHKM&MTY9xxm`z^<_IAy21!!nE5e_+GM( z8Ck@Tjp9$>uP2v@7}WqX)rqudbqo%k)FZ+%reuo`#|*W41qlu6RH@@7%vq&E;?61H z;)SUgM!7xa)h5_FsT^z-OqoX$$1vo9C>5K|VxsjVnqIC?i-|ZZ|5AnA*_i-mpS{C< zng39Gp%i^{)P+cFe}}niPcv0VjH#6T7AX9wK{cLB(S{}yTK>?Orr=4e8F`H%aSoV2 zvmHOIss&3KJ1Uy<4NQO9lf729;M#m1{7>HmC64v+XKWG;cQ11r(q7IFYCOl>_j9AC z_g0STh3p3DTS>% zuSe>9W)SO`(~Kb}W1*F=M!055WV zcL^>Uet}he5#Z{aji)|oQcndfvY+#b-;25po%{7E+vq|EZVF<-%2be#8U*{MS`awn zN=^Ju@?tL4zy-ZG= zCEFNnYJDRTH~NUe1I^puwnmhcUiG2t+BGmRM~obM5`y!{Aga37LkVvZtqSO3E+>1z zEys^cWp@HIzC@R*C$8advl{02X&Iu=3R$cT>cE{I-AqZXD~QE<(U02Vbn$md&|gx4 zYFCz0_sNO;eRrE#?_F*r?VcTKq?=HqgA!z+#(ix18q4NOnvhfGtC(LKwNPS;FZup` z5*_+3iM@BExL(V3R)~aQ{YFpf;PseUv!;h#=xs;7nCVcn97HlKLl4O}!`x2JPhcuR zy_2oT7SmJwik>-8cYGoY)SA&()7Q}JdvEieE?bOsTs|msq8)9i|Bhn?zwr<61|$}} z!H6dV%u#m{+I&KXZ297aGp^oYwzc))-n(*;c}0)@S#c7!kAyQXhWBGD=c@0zRg2QO z_uw;^d6L~chD_f*?rh8XZgSK3*I%lVb4_N{^-LZ6V=~vr;ry@X+t0ytE+cr@S%wVO zTt=-!al9>o#n^Uo5KqMiW9&dSJaYD=<S>wOs72ty=)2Z5A4`( zL&eVyv(p6gahuIQr1!so&XiJI-0V&7J%~e{|3u08oIA|WFy{_Acn6vl%!u28AR;@> ziyZ77#I52xh_bmGQE(KaAN=g;?$I}}|DOy!eWnki^gPL7HzQO%eI9?dyF<=sJQMZv zHv9I;TNpGDp%b(oGt=A&@Mj;#^?@z8*lG{4C-0_;+nL>#g^YUHU+hthO0k+IkAbLj?sQ=#-$lN{!jQ&g`zT8avgF!JU=UjvH183Qv zfqgibs!Fc7eZ_ipKJ#hAD@=-8M84K$fs5*9Ow|2=S~Xb^z5Wq1q#F%hGj-`E8;*0e zFBT32L}NzL%JR{f>O@OCnQ1sX4Zc)vgA+;X!KuvyMWmI<&^j&yF~rC0-W@Ra-UV20 zo`hDr13_D80j97br1FLedA^zRM0s)ZVW(dxr+S@PR};wPyG4K&et|g;xqe={7?Cmj zjOF8qxJrXWAD5yE(b`fE(7K?K;fh(mvvB9Y+#gB=e{QDeeZaC`O_3^M{jU8b6O zxc3Z(b!pQzwYS*liVtj4`9wIP8HIk={K<5!dE|S#%2U7()%w{xWBnOX$V`y z7kiwGIkL%k$mJMh?|KD(_xmtD>@8la6oNf;V2J6V-uH%>f{)g zwZ?dN>@`lq)Cxr^xx9zH@cA+pREOeS&VlS|B1%%s-^1TqhwynB#`Qq@v;)bLNW%v3>FgAB-S7ZOD~uO4x&?#E{%}s(_pOx*>W{156B#5do40 z2h^vKn#E6Xhinfl+OUN5zAC}pwccmr&{`<CLNwxmmWX6`}GFthbWb(=D z(64AuDSSY+na|)h z^?86^=n-gldjo3xwOG;a&#(Q!@nJfY$cVxc{B+Qkocj3#ck9&Si2ZboeRqv%AGe_1 z>jc2vaflhZp`P4siD=Q9HC2oJ>R!8hEUv!M;@ z%GBt(Gu$3|H^~WP{ zTw_9-`qYSke=(D>;2st#&*Hoqrx35oQ=_VCw51c6xz0y%{xNxaJ4A_e<*jB@H_OvO zF3YDhVoU_8ns|<#KQOOMoVZI(#L5TPaq>oO8up}^?b>GoN)86Nzxy!GUY>+mIRkvt zA}zY`gBlfzF(LJhn^{+p2uAXl9@*A*i&@8UwUu5mIDAxvT$%R-%>>FJ%2S7gY3dSV zw*WP>|qAe#Tp%-p9AlXvVR^`it548`)SP zs7M<{9mvbSj&$GZ2^jK3lbT(Z1@u)T4_3!8N)N=~N}3yWd4HrVv-cWQm`$gz8(#1S zxm?z!S*I}BSb5hB5cL8L(iDC*9mUe=!2DV~nifVi&XEPT(a0@kAd3?+<7uWl=r zEJ=h&hszM>a~j>#n<35KjfQPDg!$U{Ve@4f`dMKjeUa-z4jteKQ4XCK>%mgEz1(1cK7hqfQYqUAI4%g+WK$i>ftva8fY)cdD7)gV{tA14AfFqPG zEP#O2bo6>MjBR)P+5XrSq;x=;i0-`x-8TO~WvV=J`7KVj&E%0~(fhFkJh`sRXAsmf zVgq3ao$fzH^6CwkNJrp8$I-iLQ#DEK(j~B>O%Z=uPJs(~*Vt_3_l%9qC|pzg#XlvK z3%eJ0!>5<3xblG@aXOsFpCwR)H@VKh-%nyBV81f%yXQy_mPn)GkR5)$;z9Gm3~1sr zfcK)=s4Znen|3}yJ55{A-%<-_S|aemsWHfZK8JQitK-z5-&mZhPp_DJlIpTg*e_3saAjy1LMc_pjIqVNz5&cOG;8QU~4$*@j}zeqy*zA-m&jA~fGeH|~|8=O-!hHvq?pjnBphQ&aKT=^HTn`b5$*G==L4h?7l!zrm*OMJRFE z6F=Ap!s<)b#7IgQ6$7Q|N#Op&pmhdN!T5iaU_n(wjJ_Ek~Xk7IG|DeLCR0 z9X>h)k~bQmq)0IVc0^jxNpe@fyeI&D-hAM=y|Og=#7@)?SqVeN2gw_oi;%?4D(2T_ zz_;->I2Seu`zC#7ef2rcSLr{*!c%a4?|bx7&V)U84x!>9W$MW!aLQvFqec3HQ;v$fYT zg0W?!f0~m^_teQ9G6J)vBV?$CkQ>KlqgvAecnH;4U+Ig2TxYvSy@3h2yqxz1kHh7n z1w_=%fc{v2i|ew+@s-9u!-ttlR?O+S%ax~aiCv`YS+Ykn(^rLRpG_pzCl(zp7BrBKZ z;;f6as7b+9W}VYPC{55Ls=xl>Lp>?ldp;P7#OJdKA3rlqZqoG2t~~gyHi^zpN&@}U ztDq|L9(d^`v2q;SXlUI!v_E$R{?5As4@ykwgz6$TfORLSM2Pl9=#c%+iO78Cd{XoI zY-G4Tkxp1cf;}s-HT4K?v|=H`On_K&oSNsir?bB`BOt_l4!M1Jfd6o2J|^X8!n|)9 zuxaHP#^6;cUj8ou9&DXRjk&W(@SZBOH%Wht8WMLZ;5S z$T_aM;9$K3IoxDV8Uwj=q2)YcG(3kD@jHTFy7jo{Y$ezCwV{H`y`eEvlQxt{(vO`Z zsMK|h5e|<8X80{QeK4Z0e1~Draw{^l#Gf8NUd@C{ayXf4dvY*;|4A^^gL<`nYSQF=uPtXl7?9T3?(1TKA9e zTyE`!u5kl)&Er7s9`KHxI`x~|JYfQAM%UQQ(QjpJY{>laF;K@cc8{RVg1AE02 z7za&Z65uOCwymE;RV>x$MucNe`Lt(0TU9+J(H#4FX4qWT~eS~!{^_)fv4Ie=(=7JloYb0r<)`3 zWv~wVwK)>eeL7^$YG*R0e;WptPDb@K0s3El8cKYTB*k~ep>8A&GVZF<@M*GC<#Rdy ziMs`1wI^7;_jcs)Tt#>~{|j^(eMZ+4l}uK^Jq+ue3QN6CGBM}1=%Y$Ox_WU3c%M8D zW(g7Ow}o0X$~X=**XokbjY`C?vJobnwW9v9Ev%aF4OXK2DihA-2_oAk5rG;<#!btD z%6WF8-UM;h;=usk+M`GV@=H-AeLk2e8A14vBVXl(BrTp_4;AT|tmc7zRXu8t0_R1jlD82teKQdoUR}j$1)F#?=D)-l+Gp8A zLH%s7^*%=BaR+9s^QHc&y^yc&0t<%!vESqbsQ1ZOR6Dp6hVK?Iw35p-L?z%Xo)4K4 z+U6FSt-*aJ)_}8ZJXG&(Wzy>X`8EZzyb_Hmjd-JfIzW49@Y92JFd7kGv zP1in`R7j*EV}@iVgv=q7B1uR|#z<00l638JiKL7bQX*1@OsOnbNuf9a1DE1+rCz-wbwe&^Zk0`^Bol!IDQf8bd2M>+?1s+PU}#sOVdb8 zi41A@qyslobSbZQ3*UQu1-h7rWA$4@)Oz0t&zl~yd9(LXGk8?pIp2?nk+V+f`fTiVcd69Ea7tZF0-vk>Eut?9%3fY4$Oi6 z`|sG?CHKK*F~=eaxWL#SaDmFirTpk;YglPt5&G+L9O&;{!zL!&#AC8HL^kRQKU7SE z9LFr26A;5Uo2^RQM#vC}>N^;1XGuEwRrqNBTnuiTjqm*rAur2;7Yc&mY&eeX{FmB{ zw6Fr5aO4OcDz{()xIKDlAy;R@X@VuO1K*`umMV|MbVd zA4Rz1e;rZO*W-!)>zF=IO_Ha!^PhHN+;8NsKj#w>(*Ng-hyFhCKka$E z`2YFr{|is7-*z&uX*tt6^OZ;Vz#u>J@HDpLq7ZYoVU%F}F&RPCLYAq`UM~3ST5qjb z!8h>U&1z1Nhr3c`9t*Sv_=mpSW%?|vSkYWd_VT9zrn;tu4Y=wGX7NQ#-S-mKLn)P6 zo8`d%^?3`e(~QgfQH-YgW;R*r1T)Q{jH&$?%l{9N?@{Vyx`%gYA!UZn&u6z>R$&c|0tDus+RWH##cbQwLFTHB2+p*4DHxx-k=@W#E>M!Z z#DwQ%uvZ0r9^Pjk^I!d_VxH6>^XJfb=CA9XIDHS3H7l6e+g!t(`1XdGdbgPgNuA9; z%@t)=Pd8>PcXB%V6APG}-IC0veG#n0=btz0^o#!W+1R;D*f}pcSuybyY(mBu{<>lZt%bP`1d+X=zp%WBK{e-|32@39>@Qir~hx${QtVn zGXK|i7y9Qu_V4x8za}Z}$bWwQUtf2{OaJq`+WsFqd-H#M`Tz2(+)EA2${p%7LoAmu z*HxrrIz5m}s^H1JFL9bnIc&+U<@6yG3SYh9_G1=AUUrzVHaw1rCaLJZ2XTL-Je^)# z4Z-geNa4XG{PF7}c&a7iq;rncPQL)uR+pDfnG+00QhMN$xgBHP@)DenN>az4Vvypg zLEoQy3l%%;=yT~zX2`P&iWaN`gIyZn6r@Wkn*v#N_7(EaUjm_VUS!+{ExKHEJkjRz zLrMpJK+?SkTw7&H=gk^sOm)vPJ+a2r@PaON+j^DV_Bs_W!5G>QUWWQLMQkbOhZeU+ znHJmaVvgB_kq7E;vG(04T+!@K9k;m9y;Ic4u<8=ruj|bhh&j*>K94R-(IHbCl~FvR z1?#X1&RK|&Umx4RZ{{KV68->04MtJ-Wn$l%F(p?I<}o}W&L>+_g|7S30Hn~0N=AN0k9ZU6 zsQm)RoQ`36T>ksQ;ZR23&x`e;NkGcVQE#3eeXhsH;`)6kC!s|=qh!HU_BO7u(?rdM z)3NT&W#&o#L<}1>nOI)fhbCOTN9$)fqOYtOw3G1}nlde8UXpN#7C(ho9cYkn-v)8$9Q1*$}TSsR`jo{LvGJV9;et65^AP9QlP-qQ60DbUw3h%_JsC?=u^GpJQH@T!VoQCGzaI z0VAn$2d2Jxg5DmglnZa-r+bymDrqDB^FCYb*|rp3iqxUyyO(&h?i#1>Ho*!DQ@Ti1 z7q0jhgLI@6RZQh!=2aykd)Xf!zMKS}MH^X}CBdx06j7>d&*=bDw8{H>BZ$@=F=870 zne_?Sg@+F56E{xN7Nwa8Gb>y0?QKbRd7vjwSn5bWN=lOWuM;sQAq!>gH}D%T@ko?+ zE?74f!lK*SnEtDd`B-O8zFivw)3zMqaxA?#*sP3?EA{Dx#C4$bQkE{oJE$^EhEl6$ zh_32ov!s-$%w8?5Xnu$-2lVNU+Nm&fb{3ib!;5G*@51Y|Ux2#qZ&qQ|Qb>6JlWDv@ zz%E+Oc?GQCSVqoV?mGV!TzBL%rp8Jr^L-;J^F6}6__UubKW0lN*;x}^Mu_|<0*wEn z4r?8Ch`&`j$lq!PZ6!@|=vNEWPOJg#XQE8$q_emsIiD#wn+g|ad62KSx*;@No(Z>C z0P(PX%!y|qdekYweC=YWbhn|qJ4I;4Y9l&t1dtIi)e z3&C-RB^`ZR4W^kIkYj7Dh%L{K<5HIJHE)_x>(TY_I9ZdP+WrzXH<*x!L+jWruBJ5Z zgc+Ht?#o0K&wxYwHgYw&7F05is}mh?p|j^Ig5{QRAQKUYlBK(0n#2`cBS?jq&5=;& z+6(G$LO`+ikKoS+HL7_wfgLZeK+Vq$Gt*?O>GHZ%aCA(>^K0G+l)kUWKZC0D@RjR0 zb5bgk-BkqU0hz3C-ZFgeu1!*<`f<*O-)!;(dzuz-j`7U*;=j350{Sf*SVpS~)nCid z2fQ>iyVL;_az>-V9^kuG_fdQbkG{TZLG~Csp^}^=k;;3{#Lvyf*LVk}?7N057S3dA zY<9CwN6WySEydYVFR+i}+1y^LM5EP1k^f^pX|Q|3uHU+oOjM1-KT%JhWT=DLHAkAf zUE)r~Zwhf-ib&i!p%>5KZ#VjbLqu&B>&F6EXQlBC13gk{LD=XzmN3 z-#1v|oRt-@yrq_X7|5{%$8cW8`35v|#bMNMOaxUA2U_KJ1BKtRsJYt`54PQ94`c|D zz^%XG{26H`Y>zqUbKJLx54yC??=*ZGqetGw5OVFQB$;8nhmox{q4rfH=$L$G>Y4qE z9qm+#_eX_6mvR8nnjcNpSQoJp!$Dv;RL?H6a3L2;Bw5958)7KQ@fN%Z zj_M9N)B9iS$;kE7;QCZO{#NH)v`}}4nme|P)`mjdZM_>NJ9RPN>|-GB^kF!pu$YXP zU4uryt_udPPbcRj6L80`B~YH%&;FP$Ot5(l`fwFkM1jQc5t$btf*Hiu~4Brp&Ale&peR1QAugS8B1>fW%%cMo{YZC{om+YdgC+ zR)8e6zTw9XzL`v4zx5&Zi}r!WSw6b;NYSDfqBPIRkmPb+vxD0fb9v8PkM^ud#Qn}8 zJgV*hkG`l7``H(vN@)`La(NZ*&-ucR-f#)4&2z9|>s4lL_IF4$9!nN+eIe@h88jB( z!2I@&nD;al%)7f#ae*U!s^i5!+3^kTb-6Jnwp%!T+Zjwyvn30U<>T`M;e^+H5SNkj zkSiEX?|m@gn}3o*t*Nf;fvJHQ|H7U6N-ZW@5to5)uz>FvmxSK)BuPfk3M|+@gimd5 zz`U)!tV_x&T-gwWU6&Rxo3*BckV`5=*@~0=pR>{a!y=qHh4V?<{tHrU6zKGoO9l4L ztI6E+YjDdP2~bHAhk|LMu=be=jT85TgpGEzNypbW zCxd788UBIQOYqUcUf`|Ptn+t%F%%9xV7Bld$^@e>$ow4pJ(X2EBDLmJ`eh>@=isQp$;!V`8QZVt9I$NLDn zM6SWd9f}aIF^cX93-gH66r#SuOJG)m3K>#b4MiG}O+EayR=OOOwII{MuB}NTw zfvyS8sJqRzbheW-dE?iD@j??Ie9vk~R!K(5`t$ghTX!wk{S&39=+KJR4PgIHoEa}2 zgKl>3Fv@;3WM`$}oy`_RR>XsUqf3P*#kGT4lm|V*>2QKRykv5=ixBHwmh}2)AM#Dk ziHIAz!_NcWxH8CuhPG!5_RE*CHcq;SwGqV6Fy0j{+IVq!oL<;w~JAg^$(ypbpRr!s4;DU zPV`RNVKzcaf$qI;LZ>{pAnKv+ykwxVYjs=i3a!81?bXPYWLFsKT=;uUOP zbtitFbq$_Z7UE;i-_XwS`5tD9(2RI{a^7z@=qZUat7n&>&L|6VsZW7)lsc2>r~$tB zp+#WtY=aB79_CxgN&zfb&iq_(6qOIV(z6CnIlW8(6`!z%wVk$xikVKt=m2M?-qxDc zyfGx0^!OzT+P}e0g?PB%xDqq=UuVq<_C6HZyLKyM2lK=pb(I^((#@w@X5 zR1@l8zK8%GyuQI&tjI;5Qc-%OHVZ<^yhz;X=eSj-5Dkt@frj%V>Ew|jut)P9URcd1 z;f_~P!9o<~zQ4iFE7*^&?Q2z zT>D!RbvPx)nYQf~q5bRXP&fGoy1K^Trr~dF|Ai2`t=j{;O)ROT1w%uNh1r_*$|xVv z2y4To$o-g76rMSnnoYX~Q>*3aoOx+*qVF8ve~T^Q+2u1ur+TreycN9sW6-_HL=Z7y z1hETkzzX|WP(61Y`<>J0MH{>n1kOFo`K~oE^VUyeb>FtrRTl4Wu4SkC*eBOTY}IB<0p+Ei5` z4L&89W2Z|TcHb^$I@2vl?%gwJo&E~;o_vgzwuWSf@NAB4EzYjk_5pVMTq5}OPKl(} zI*?yAXBm6m2?)4Tht8W)AY1J%8$IMsg_QYlF0TiF^#6jga4-I>JACvk7J*_97Bfd) z!RxW7k!`5s_=wNYcU3sJdPTwe3A$KW_ZzORcBIX}9|-hqCc$M@9a>v#M_sq{c znGL93I-c;}UIIAcKm*4(z{a1qu_96e3Q8|=wPZ=4?#aTfRna&Y(F5`FS^QK3P8aT8 z%Ga&Y24~L4Pjrk8wtUrKrpvhzU5!m7*-Ddkj1WW3-+S11RvzTSMJsx*>nRk>eFz?P zc{oQ>mX6=J1eTS|fXmS_@SscqCRlJa;k!~mVcrkm-OLb_9daRA-nMY{${zN?u^+f8 zKacZ^=6G=*gRtXE61;ZOp)-Cq3bur2v4io4p#3)I+u8RNw|x|%E#2+xx6uz^u+5lQ zKa7N(55KeTEVJ-)h&TDlt(iBx@53Nf9$u6D!`Re?g3KlxOkY%s&qj#jtGS;s;eIe& zzF|QlJm=t-X~WpJWimOtZY^m$`;}D>Dg<%whs?)B6%s1pi5!NEMoP~ijpua8A)m9% z{B03nW5STTCi--PXcdY-P9XjAoWIwi%h-|j8$2sT$=Ka#a8Dxxy*Mr1wz(&eHY^H=@OPNye7(h+p+w;nX&oFvsBbs2O%EPz$AZ#kCe7^=XY2N90pWWB%~#)|6Gq1_w@ zyY>TL>9IDMxcn!-e@`TY%6c$oCLQHYEz!E8Q*2eCY-t1mK=Pk zOC$HlW80HbDDx0z=9hnAE;&e3TB=PZT$QHNCN>KW^~E#k8Qq|-@>>w<^&2{_sM0h2 zG3a^jB2&itLRFtV$lN#q;ABfY?>XU}-#;+j72O+Voy1zBMqKde1Q+*nqS0$Th_(A5 z%4zG8W!t91;&N9KI$;?`=2_sf6%9=PWUfv<+(uAiq)uZ#w{aTxku=Rn2?dYx(0t1Y zW>8lhq8^q&@0c;@(j-O2QaZ7v*@}r*UIj+N!?k5)7g_-2ZyZ%UKC z7j>Lo(wN#>OVAHJx%lG1L4k?$4rb8JL@mEn(@d~ zhY5Dw=%PA`UI~oA?TfTvPo@`))gMV7tqb20q7;`*&LJi!bF-P8mPUn0f=dWtz zkN(W30}a|(z4Zy+4)n)}y8`UEzn`5xBLn7{a2z~+Pl!yp0C&gk!SMd&;1b>y%lv z%*8!;YhgOu^lkuL6r$M`hvOi4T_d#Z`Nf!hGr$WwP07}YJ?w=h{A|4 zHtXD4=4RbvG+)yWk6xDIX5k*-t=A^Hy#{n@xIM|6Rv~a(&g$ z0-N9ULleh_^PIL%5O-XGOs-C2vqPL|;nW9w&zldi&AS1XxBX)1p$km&R+hCd$Y)lZ zkH@o0Ww?`zoj>034kqMDV4}^1e^QXyHeF|}nJZjkb48`|w z^Y4NHJQCZBBO3`MZvMU` zwVJ5U?lJPGX%jl(b+9`PrSI^kPZNlqHv`|+a)_N1f+Bt<+`cFVW`hCU97)P-{ zlaACl!!Zii;wR!+cS;QLNu4^gEI0&@#xEwbKK7wks|$(CJB3SPcw|{3 zk0zDPAU7SQ=tZxOIA+c}Hc~hOdhQ7Dv70f22>&tiOy}b}7|IFogpW?W0b?Nw|(t(WaHA00GSKz`g27|q= z@%(ySR6NdUc6Lo7!OeHEb%_~mteG#^6<|jWuARkrr8PoSwI?h$or;E~j%3dEuQ)KN zg>9=4r|hL?s8^{?JeL@gjAVV%aZsIvG@rr#oJ>JUkT8kQ8VP?g#p#?i3rRzq7hd%l zVslz;$(}gCjZ;^$dAHs|YQ$C04^IZmNxd*Ar~UN>DL*5|j>b4@g7DcUW=V??n{n(N)CxP2h4+o9Xo>?w zAM(L+j=l8BWIRMqlMz_=Xp*Der(y5CbgZh#Vsl=uW8-|nVc`&;4L|h&?yoUq>H=ix zlI3cYX|v%x6wl+~xtwooLzFcAxnVdR1zup<2j6eT2r zTc8V;9rk1IaGLQ0n>k+MqFc-qWd|C;j-ek+%i%_MAifXz1qXNR#|-D!n73Y@DoKCF zNOL`sQ+^UF&uqqphr%&cR-4xUP@obqBN^|>9%!;jg{~M?hl0|0cD!vqr{6dV{4I+a z-QEJ6>0gLnZ<`TE$NK^qM^E;F?o`@zKMW$T_~7TFkAvaKvb9 z>hdF$(xJ)JZs-c^o-KhD-?+H$+y+#S9YArLUi=d`fEv&4z_YE_(Yg3K1e7b0m|}gh z=7<&581oW+=kCD_r9)hvfIf(5daOQ^?2`iDO7y3d#eu6XEP7R2X6t^yI zy8_Pb8YF(T2Pz#FCNZ&G%u0I)!%GgpvNffQPr3vxs~XKTKrwnII5A^yj-oz^62x6< zFW5_{;*4E(bWXes9aDFojs7wQmhmHTtYRZZcne_vOp1y1zt|A(QB=5l28v$LBT2tZ z=+z1fjw zah}~8Pg$QQ&Sd>`3)-rF1HoB~HeX8w-)CPS$c@D%PmW?C$Ade+oMVF~bTSIJX25w1 zj$t|FHx!sp0R1=jF#1OXzuCTkeY{hETg!x~%tuSgd@>{1*TgaU4UZpu*#I*h1YvXp z@+0N0f?J;v5$72Ek0x<3G&6*aTpty6ax6px2NJwL5R0-~KyKqB44ooDWDM*e*Gw6+ z4``5v4eDs$p2PGXi9x?59K*l)Gg=?#JQC<*W-jMdqrasKOgJ9Jj9LR4Z&n3IuTjJ7(5kN2Mrq%(G`2`X4gFO^U>QLndhH-o+3d z6Ea3Gh`9CD-ZXHLBj?^$gSDX=O&oM1io4?=Mf@2z&o{8n^Pl2L6kr$6kz><$q3`4z z+_i8mxl?lxT^nTaM%_=mThGS`AscdCyAlFXh@OwRz!+CZfi%Z?+HUL4SZCT2afajL zgipYb!(0xoXFghYiPR-YAp9ex_x*6u-J z-;?miU@^(Px))C6Z-#hoPdzDc3_a7D#5@^q1hJbe$xUu9j(4#k&koN;FU}7+NZO%4soz+pUQ@|)j) z{(|j%Rc(3p78e6rwWS`HTeg5`pFNG_Y6LD_oCBeIL-EqRcnG_zN{&_w1j5hKL09A_ zcu^}_C2WhGqiZpNHonk2{+7e$nD{)wMHe`40@BnwOyNNL%xJ%3x>XpAkGi8F(J1DENjv+IQ=oa zKQxy1zR@6~iVq1+Em;6--(|y*UF~Qi#Un{AF=(u6Ky;ULUPqFbAYr^Fo%8NAV{kcK z(3{2i5-M{0;-3AmUPhaYICvWCWd>lxo}*Z>sDSOzzrZf$^prxm>wx}Vv~-Jg@+rGwsA zCp?`|1ln;{8!@pO(W@R|9hpKxgw+_*_O@`zRjq|a$Z$I74ZCx7?p322H(u-u$9wi zoqm6qU;gJigv}eq`!eIm(;oq#m|2brDz8v9=?!Fu_F%b;DwR>Xz%l1sY1O@-tUNv~Q9_@f%GTN;RGul>P~LmVVbM~2Q^ zIRrXRU)V9(rlhRvr2Feed+J%LPaSV?bqxIdaNJNGV$VN=ePj3XZKb35jA{>hYBnR! zcxax-^O^A`eV{bTpPrfK4`1^Q@J`Sb@Hu6K6O})e zo)X@TRSOnD!+vErw90|DrjH;G_SbS;iYv@%Gi9P)^qbL)?__*8=~JM(^vf<^Qk-xK zw>Iu6JrQ~demmWPVsUM}7t5`mpSQyYiRWx)>uHo+x{c=FHXtQ|oG&^rh>05LgiWuL zIGvv@)sK`Vs^UlSmFZd#aGZhJLAyZfqBa>yu_BK$Lt$T&7-Vnt1K<7nU}~EL9_ccW z9aaOcmK=muy*J3T*5jeI2EOefUi|94p?-QK89ZkYYN3_peQb2ack2RlYhIx-ZTyt}v%oI|PjK zff-EtGYdRZ85kx9aFuhprC zXaMV;9RjU86ZtP+a!iNQ&4MDGCP=eB!Rj3wWaFxi<7*j3h%}yyB8^EnvN{FWw%fp) zVoQ#z=dd6A^=V1t1N3`fKr4Tz!K;)AxY{Yr-1V}Aj5puGd_oNPI-g-BX7gzCu{3sE zye*E{Xp5|wFcrjjP`BCU&@t)-Of;!xK9)UToSO-|?wl?)Y3{|P%bp=bI8eWp?lkS8 z6fr!x4Xy>53kH^Jkr66ZRKI*7VP((2GhrWW3znv=9`t7VPuN;0MlNi)j&4Q< z7<%n4SaSZOllhKwiUonG3a5?XT7Zhml-PMrYr-JqV3)sn>8g%0v z4!`VG50N6WG>h}t4*I1_1oaF$8#WqYuf&orbO@jJ*C6cma1d%@>Pu*T4 zEBIhdQqi7Vp7RT49v(rwl6UiOPo7Eq(hIRp6ll!*bcB9`oz8|l#0zlxm7HX~btq{ubD zV$Rnt0^hsIp@=h~!#h-{lf!)CQgfFz)1C;8YmCT)$=8|s*y~X6JCC{aA{8!$N|Hl! z>u}XRaT_0C#FI5AyLwAQxC0q=CorSw~y|bj`?*@ z@HwZy^@wW&FZLch;TR|E5@lv=zXa{hp8;j59iX#*H26fzGkje>W_XFx#=)H!n8@XX zHa=lDe3YZ9uQ@;5^_lRZcmQ=Gj9|l$SNOfqiVTMP!>3C&0^5|c>~~*Ds>`vIuEZ_{ z(Nt-=KGvR|3Q-}_8SC)16+tD9e0)^K#r)kwskZD|=-1_Z-0V1}!)H&{Fg*xw8@+|5 zrF!H}f(0qb;o`4jPO#1L1W(y|gEz3Y08|=w%`#ul+ch9214&kH#ckg$I=vTOjISEj-e2CSOcD zVMVn8NzM^q|6&)m#On`}id@~?q?t%Q))(YRzM3-S4Fs2( zi*bARqY12n3y*1#(WHCgF1q{t;glsV%%wMBRMQ+H_eZ`!5Yl#hfX?lvA_bQS( ze83YBs~1a8s(T z&hynzo|<1t>9kDAF#K_S6|@&dQIPd%ar6}K&+^i(uxYAeuu#TBIc zgEok0L=daH>DX!d02W6Ppg-+)42GSmud&@W6?ewh zLu29&vT4ync=pPQZn%FGv}}@@i?013{@Vw&R?H-kzDo4<&96`|DoTDiGQ{9h0y}ro z3EaHp5I8JeLF_q?kaj~0VqPFgW3T%XN73g{tZGdUoo{B`KP+d~gc`%fSsT%;$Pmhl zLWt|jYCJe)Bt6hHjKu>$mU|Tf=H7%wA~_HrqrzM}vk+Qj^eI!Wgd)ir)cR~Rv*?ot zDVT3XPS55zQ3)X!*TmH(q%I(=OA{_?>V*$3iMWmPlyI8PF{iWoF!!t#GijA2X*;ch z%V)SDF1U>I5|nA7rw>JLpKHFRpLvyY2`#sOLwCEGWa5&2*wgAsbvfI&u`@og1uOqB z=SmY9Ud&va5a-69TDcv(`=S^bEEl|Pj{v>G8z3poaq3HLvBKmr8ve>+zDobVKVsvV z91m%F$6^$bOwr?*NY->}Kp8HVmLzxPDwDaRV=?S>0XA*_0%Pvo!dg-UV-IOixio3I z%x?jPZ1yCdN*|%Vwl@9B&D)dja^7nb9s=xV9{58ol@g7{{%&{URmDt*GLbu4$u!mOLSLYw%>hFRp#M0(zIHL&Vyr?8o0Kw568w z_*_1Y3?JKpdf%Smx7tB=%pE6U=>;@uf&>}xUk^(-Hu-7W*RUq@J3DihK2v@73&XSi zgZ^W#LWXf4yz+G9a;oxNU3w|*D7EBI-MxevDc6FN)i1+N?-*RMQ4=1oF{KTME?{Ko zX(-dZgKAv8MO&{pSDSSK>^99IS{&`Wb8$m&Hx%45Lz$F=_(wDju6@dZX(`osy_2h<*W8JFFAuRzoc5xAO(N!` z2|>o=|QfhJE+f` z$`4J&5Vv8N|EZA)Nc#j*`V6P(*CKUc^`J2JI_P{h$AkJUkj9y&ibq*7X4zZNdwL`4 z*z9E@toyNNwF==q$Y7q-$ z7q4B*-rZ}?mUW2>G<_C1X4CoQG+Lj5{L8l>`jG;0TVe(W#+`)K3LW6W@&DdZ2l9ZCCx=``=|RzOZ1a;R zXYM-EV{V0b#q>8O&mM-T03F;J_6^Q)u?_veKM?55hrn!Gav(~Vp1s)0e`k6CUJYO5 z4+d!vzuPr{oabix2@P^={%25L=tn-$ZnjIEA#&xpO#iS3u?t#{zmnghQR5egt>pZH zg_2-F{c)(5ROECEL3p9g52XgiLHPD3%p|R)Bx=_qR(W|YTy9q4*b;Ne!Sc(vT?ufW zsuX_jNWj#Uvc!Hv1)~(g0=suA%qx(kF`XZw)U1XXZJvnMMft#{EQhZAKiC}Y!>qS1 z$J|hc&X8=J6`S3%2X@_+CK9qmY?K|i1$M8Nk(s%hd^K^$9xJS#YGpSUPn9JR>%Y&KSwlsmCRnV(_uE->!FZnhafJu5BtjbOu;dZ7hy6F z>!U}*MxkJQv#A}VwhK`SPd}`hYfWuat;ij&uI@nHO6KrBcha7`4kjA%=;qcn_(zt@ zneJC2rxnUj`K%c6ox}01pFM>2W}TQgQJB1b{t%oaxc+1#aqE^$7_PbnhHcr~3zv9KA~R&eh`>@v|KwRs}KVlL&DS+=pmqrUd|Hxv0e-)-5b4PJ|0yp|;?pv@d7l7|5McRH%9~QkC zMzgHZG)k+E*=hL>k7tG>FKKe=O`BeLb~6qb`Oa8dtVYs|Mq-cI2sBd_ zrqzGiuqWpcZoV@KhF|i?4b6GDwV{BOzHtyYp16(TwfFF5h#@|5D@X4UQ;2u05u0m$ z3%Wnb(yO-D1*UULpu3e%`@{KAddH6N{aQd*X9a)8xbftk&U?0^(w*J1PLt_!EJT&I z1GtJOM~+W2r_&C}l38=oF#6>l*0W$AF8h=Qw&4PnUHt^#O`1(kgr8*m>y>DU_B{S_ zRU;B?HpoumI5F>2H6ex5$0cvHVPX&JlKoHPSiuW*8dZ=Dt}{-8TmB3FlC4wd=MR@k zcc;E)f~L0PUQWNk*S(3Jdv6Iueg821E0jq#$zv+UkD_1HlVEkS3z^@<#XKiO!`7$C zxMGG7Hkv1~^WsX_=+;m+4R?a^_*XD%_i<(ivyF7EdW5MPyh!plUwpUr5^lYA3%&N} zQt|aUSlVfeHd9q0ve=b$cimwWl97OuySm*YpXk#lhKpU@{J`==rxM3$QdC{Zp0D=X zkqMosKz=9|F)o2TGF0MAkBwKSc+Z+7eDBb)tcF&;Xy?sNA90bYoujQ9;b zs&KxYu~p|dfAYNonbnJ6>q=W1d~G6O&R4>sV@gEco3h8=cd*Utvr%>PBDx`wtNHyf z2=|A@X|VYRa9Dv{t??|}RMG}Vee(Hamn*SX6kQtjNGS%nqwG)9!dOSLQ-5*$eYkGoGhM( zH-~@(MV`aLib04f@gr3sOYp6!6%`#&Br*%F=wu;9DsfestUqszZKulNrotO|*~g>2 zt_TQ~+rwzr?1I_V+T^NF5fepiN&e*=T#!WLhGfp5ZL%rhz0$Hkd#(cFjlZ8XiVU5_<&+ZmI| zJlZ!jll-nXpk<#X6Ss@c;9AKXR2Nj>`+_)JU#SU_9;qx`m7q^2D3b1o`EYBo1m0gW zAB}|lIqgq5S|rF(KaO|nciomQ8dr~k&yRrH4U(g?rqi{G&!GE*8d=okPDjrsU~42# zGp!#9R*k-ns}C3Aw{?c(lRrbm!?duh`7PG?k05{c@W{lA6`Ghr|X zLg$#0M1%d9c`_F&TrzN-m?ZU(l_KirLNKY*ne!47Vb|tyeo98G8TUv{(&1eTxi+K7 zcV#I;;}_vco11v&)DBq9uVZ?{Kt6_Bv5I%*=Z;#*~pTR;=+kU3=NH&-r&?aq1O|UFLgfgQOVdzRSSL4Ql z*W*W}nL`EmUS6M6J<-9>S;2Hd!gutX8BFp-YCJaOD$pLALHsCQhJn}KVZ+e}j9P;_ zsVovE_rD9%84vtP`Fk%s7P%WVO03AaERK&CKY)9swxEmT7}}M$6dwhAg{g__xj6SD zHsQS$-4V?BX0EN}7iASe%j<`*KYJ93iFAhk$%UoInx61Gynd5PLgxZlDp;-NrDkU5i=?#OkmDp!hit`BmognKt&M{fv&k!P(ek& zfS{sa1QZoijG%kH&-1){jQ#ELoiq0L1LW_*Htr6YIjB#y?z)yCl^*d9Ds1MT=?Yi8Ps}g;7|?4wziXSAjOHi zvb+lCy@fnwIeW`5ungGK#Lyn*I4BLntrba_+h*S9ha_3(pde^DriZ(CarB0v3JGM{ z)q$T<`RUiEfU|)Gu?&9B-&j$q(&a=S?7xNIb+%xg;~rdgB^zyTzDAex!}(yP zI+)cfOC(WU>wdlt5o?0rKu;CEGGZ*k2l8ZixfqRBU-n{b(k8s#1WIr!Ov z>Qvta`%R<&E%$xUU?1c%}QelQ`6O;`Tq5aPz zLA2hO1jtVYT35~WD9A#I^C?uGC&`~XVnv)g6QQ5w5T3bzle0`a3xP^S-1%eAV0M2Q zCd)A{b+rj~pIwR!)w-eK8B==Oy`(a6z7{pSiS7(F(S+%$tr9byPT4zQJ*g0v;+aM_QKg6FwOA;`u1rEa} zP66k^kM%#eqGet*cBHYuC&m?r^ri`fRYR$^A>&@Bo(8g0hF^DmQ zzISArtK*ph`SeG8uwNw%nl%{iU7g4u?{i>m@kjXJt0k$q`x!-yzhh!sKgj4`g*l-Q z(P2^*eBdwPi?tQ-NWO_>y-UzGt;bwYn=^UQM9a3{+v{Fp zOzJE2czcVlP~=F#fzNo7%QBTPAWNKGXlnHwY|Sh7TK_ANc`_OEjwHYkJ7c=;mk(V($%sxeHzgH= zVmVW*`Isy<({oARbzC)weYe=$z<$R|+_xIa&A1cEfA^%&JSq}ouZhyIJb;Y`-=JsL z3ovr(feEz|^q3jq9TOg6A_8z}+75UU8VhgkQLKCXhZ_*C=Pq3xLbp#8Bi^HD@=GrG z!T0Y6xw~v0YGnBVjSnW_1>)`t$ z@XU8zVthh|d0gWl^v*so-jL0h2S(7cvYvBa@e#w7+xcKGCp>Vl7-KFJqJzB_?ecuW zS!@5qR~dc~QIH^5Uq;LI3_hS`-zhk-#E7IF^dXHbmvg#!ag35|5=o)toL{7%x=PZ2fsM|(@Vl-Y$86e(YxaKOeYygv@-tJ$+4QFy0!Bgen{cd`bEW$m%Q;==P?jAn zplZVHD7tuh<>U|3@cuemY7rcZABLLqS*QI$=WR9Qzs|<)0SWqCkb#db?i1Wun}nZ3 zO~~Y$v*;a4gj2=^s2ph;hryl!+H`d%S}c7h+JHkJ&u(`rU9MqLLz6XlZ-EK z_=}dIWFE`J{ye%F1f^2LcPo*`xgD6gK#taS9Dr$lrkFG!po{%#c~6@nR9dSI9XnYT zi{wo-IXVZGHRSdzklcni6-xjWVvm=?v;6`;DrjJ$B)g}U;tP?BRt;?BguE~W<&8)t~8 zhI|q(lCvWXk|FT>vOHfBtpk>l%&TzEnREZP2wN{N<&CWkS+B>M?9S{5!^97m#QZzq zhph>uuH^f~-DqFi1k75t0uFUP!;^0`s0YirE)KMz%k1Z%__vW*m`1TB!~~R^{~)*d z0u~I`p>OO5(TL_6-t?3%&Kpz)As5mFL$5hf_TvbhCJpcll2f5Xw+P2@J<#xL7S7!@ z0d*7xIIArY*gdii%R{QTl<7sV@YfXVaN2>K1Bo4UNqFC1oa*W-k|iHm zzI?I`FSUCDao66)IT;AZjb%YprDz9k&SK$iXht-WSRZYL4-~%hqm+M&BP>-=GdP?Z z>5~gi{Ytbw_%&F#9L4qt+C-#85#=&Ep|yD!HpV`M$0mPZ@g(*=-Et9YmRIvfee6lh z^)zh92RLuyWK=sZ3jyu(25ra=3^za>73wdP!c`Q zUy6>0jPW+KNbxjm66oRYmK7*+cdsD9b38_?Ek>KLV<;{&(wF?$#52j<6uEMc;B~UPa2R!@w9S=pZ9MIQQ!sVw_iS?KV zT=%WzOqXFoIQym06vTRwGn2q?Gmpm4pYi}y9!A}(fjYhbyH8q?=zFhW>svWc@gj|rpJ7E?o3&8x z>2Nafk0W`Nw3CxxuPHq7yMfbOJr+f-DG{lKv6#6s4Tf|pk=w&sQSswvF!OMx!fqWr z_v#rm{LVwMa|bcj@h~S6Cr)kC^vGGOMez8HD~)?}6-Eci5|I^suslRS#2Y2)zCJfv zY2r%MHmTAPdds*}9~F9ekrJ&cxr28$js>mOpLlYH5s@BFU{8-4E?I3xFJ4o`U~M;| z6z#-Erj(%DWqmsLR4U$UR^m1o3=+EOr3fr%3?l2NiQw_PU3^HUD&1OOOZ~QSG$*Ma zT73=4wujDie0mS4qzYpc00Z9E7iJ zVO(iAhw9EZ@V?45jFfA@w`cP??<#TXp{@gxAOGOy1;*s?@4I}g%ysU_n$W4$c23Zhnj1U>*s~4 z)`oOt{wWxj#QKN+AGw%lmNzJRl#dnJgRgGAMZSF{_M8^w>{}&hk=+%v7T6HsEjQZz zl|a?_!@zVTjh`OhKmwSSN_K3zuC#lzICL6_4=sV zr$hIrnh@89J=~+pOqTt#ANjBsIO~NE-8xK+sto9o=C_vAZhj}`E_DUNDrXQ`E`;AF zhmr@DH<0X6q4PR-bEBhlPf+!mV&Onh~)3@54DYTk_Gu zg*G+(!Y5~vke!71nrv}MFQ|s(18V3azZNTVREQdxhDDR!qFu8BJ-6W#r?ut}95^jS zTu11@?&+>Lb*MJIKQ37?+N=Sb&*;)whwRA0GIu)bNd~@AeTuE=(@^2Y6Vy9%0t~ZT zp+m`>>g_m*k8A8nN|rj;D6db7uW5tY{H-7&{S&NWCz5Y%$M|)Oo3TvPlpJL_!fM8g zaOOQph*lVfH6sU;&{%DfG?ZydCg;GM0#o{UlP2++xr6j-=|NM84EY>&9uCBIb8TWa z0(I%>;E7$(Uo4<|zowyva5fw}p+&FBWiO)PpN8?}n#$hfq#di=>BF^OiPFB+YUQhQ}QS+oCUU-=`T*4$Tw{ zed`bXjJtQvssmon45qtT9gZI$$muQs7x7r$vakY73YZULvz(hb;Fc+<{nck)p@sdhx;Nv%&@M8~6ur+^PRh2in4F zg1K7SL`>x=T8q4etUG&IfSeV{FTRAPf8@b*3S*s3*#uJMZCqfe3MpL~#v9V#&>7nW zfxn*fqf4K`tLCS;FYY-!O#O()zP*qh`-I=|s}QcRIzgx2KJI5lGxzp%00x|V3di4l zhLvx3K+um*+~Ij`T-F>Da&MJ8nS57D@a4E8W=(a1v#|@&DWMk)e#WDLupN&6^d##{ ztGJo~50Yd&k9ZAZ`QZsaaO^TkaxU8zDx!8^-|lr#c=8F7P*c*BvkkK+v~lsSZ*d~i z7v22R0Q)p=f$AD#R;gFWwa`h!x)+|CCr~wIAS0gqX+<5C;wWDXxoWQ~M-LU;~0?TPPr@nnEge;Q7l%;;SZ3GaX zR9lkcDMB}G@#MxujNuLR?Pw9sL61~366=-4P2QwRl;lr9w|^E+4HJ-;Yj!}^s0(mP z`xiX$cY^UxwxEsD7^vPNPNzQ`fYUP-$v2f#{P?nKoNIt5E$HjVX$n51Q}PCQL@QAG zMwNW}lL)yAOK{XcE=J#~gj3fSEfh|?=wWQk1r@$dI1tL|fK(mkE=Wnd7gG1FSwAu9ro|TG+ z*!`9;PHiOVoftsYgO0E_;F8d5xH5nJ{2qRt+#)V#uNHY_QiO>KvLtcs9cZb&0I%9L z$UWg6{BXdAcJ4pM{Ya_CO|ki?B^v@`Eq6nFggl8odI_RTMET*zpFv%!FRzki$`zKY z(OPLYdSc&cRx5R-#)d+?8+{NG*KEhTeM;17%T-7iecWr_>x_!s-Fa9PGY5n96={9r zajvI(Fqya{4CY^9xfjs`Fi|oYzs|kSw@#I%k0TqAaecshfhe8+{5SXGsV#ZmCc19F~8ym zifGK^{45@zuXrA>U)RoQ2U?O?CJq+Pc7?dB9bj0n9rm&@p?~59mXvD4E0ajr5F<%0 zZ|%k17TaNHj1xZIs7Smwv~qjC3dp%wIVc|zgS8(dNYur3{7iWerM@M z^ou$Iho@&jc;8MOt0qU+YJB03r~LpfNRI~h)x*Nlt=MX*2*Wp(GsY*6hEtRANYEqj zPL0POYwU=^Ny;~?8PX4n_ru+7Cs5CEJ1jP|B{9GEgJ_U8^~q?(37Kzjp_2jh%l?4G zen&FicMi?}X+X=h?}5m`bokt@OH1T6F+#~1zRqEuy4SgI>B<>McxguN_Kg6;Zw_S3 z?D6nW#0^x7^SI=VM^XE(BKf|rj1!ygL_5C95}9R}`3DwV7{ zi8%nPE%)$^;}l7Ak{Nv|tw#=`6x|;62$%2J&-xBYuyf@XyqWF*D>i0>?EHM#a&;BP zvVBt)r+_#5=7MWXCYI;#;-4>8BFAm30fOhkry2biI^_}G^?Z)^P5a@Ru_DZvd>lLK zS>0%7BEGpXoV3TxBj-QK&^PB9`|$WZOe!%Ud)nua65THDU3D&QIC&H2OPkTzSz}3u zK_?i_HWuEtvVlw6{n+=%8_>33b$XLHm_drLepDBFXosUjS3UmJ_yrA*9ie#L9`MZQ z!D!9z;PuFWESsbbN7PQEuvd}-=L2HdmFVfCMlx=u!TyHZ;34)LR$9xE`}NP@I`h2l zyF#&J&~cb~Iu{2-w5eg50WJI-AULr_p03Z2!aEx;Ysjj#-W{!%T?si@QFNbn#THm_ebL{tIv>W z(+fS0i;2%U3z8bln2A2uxt#|?c@{*D&me_!cos$IPzUn!z6`08nFp=?BIIP`4Y)k+ z5DfL%g$dt=BixxlZtw6W)9RN9)8=d@HFAj8W!*9UOa<0HNW;uTE7BC%g_H6HbadGq zG60Z+?%9Tj~84xrA}Y^RbhBS8@vqHfft#g{OtfYa`QVO2cO-+ zoROnY-A04&(wmAihsx2jO2fclnuM_AlN&8$S+jR<0p}+A3+rSh$e`ID`FWa7h(Si2zh;e26d;#Dr}*fxkXy$$!SI1v|@Y4Dx9 z1!Ehn=#kDam{7bLigt?fA7ztp>8A|rzT-k8-ep0HQx_NPUJD|djcKsL1K3+CNtBLk z!HwUBK+&X6=rK&0>IU3|&X3|``I+5NYG_QfCN@BHe<>)nJVX=Q7x-FiE7q0VfaM<) zXl%%NufX+RxgD|=FtVIw2G)qt5l5})>mUbO`PG~jx$FXc*97#DH7E7bztORBBHxl= zPXlCCiP}CR8e4v-GDUg_=WiPdbLeoAcTSJ<->geM7cwUBiYA;kfd`Wxd8oXpnfb6P z;O+dc!nYopbc!I|Yq+O8(cPAVQ3ZC?fp&nsvL)R9Q;ao{zVyS_5omAOf=*J4x0 zzkVr3WtO?n^*36%oKve{Wo8&;+&fRg4vjhNGsB0=ZUN2xpAF;E`P+?5#D2J?ZJ- zynhF@h%JKp<*Y`r>Nw1O_7u(LKZfa6(Ii1aKqO=55Pw-wa%Fi8|52brH2!GQ1RrTg zum}YUl`h5%nMPA=wxyWyC#2DE?sF$&!-VGNa)=nR~*g15`&S=v3B@8`c ztMRA29rc`h99|E<1D?hKbkA%NqH@ua`e&HZ+2^{s;O=m)GhPX}v2D0`K{?!~b{sdj zl%Hm$NTZ8aa~Jk$5HUR+VmW^()mN5)CC{bEMN2VyT0w)3tP+ro^AyR#P2WMcU>a`M zF`xt5N@T!y8F#w60G8&9l1}q}n0Jl&H%n7+ic}~VN&f)#SyuF0fhK8+*CsE58UJ;Z z5lug0MskPA;SrXvL}R|dkZV%((1K7j6t$pbznI@;jUKuDoiPDB8lmXvaP0bNL-{ma z`c!Kfp`udMd!i+$zwIu-ygmGvO>Llca{v-{-p76`J<=AhNLn`SgUhRGxOv&~n0-Zo zSTnz%&ct%`KatPZ&ef!WEbDFK69+oFSCfi+7?aNWaL5k)3R?!r(B{rUwA+>lnRAz+ z_9KosWp%^%^=_odNvm>4Mg!zYu^jE`mvFH*f~TK=tn}9;A_<>_`K(5LGvyubU_6SA z)ST;cIE}j)pLON9L9lGw3*eg0L2yny7*2l*d5d;ItY&rP!CQ|w&q#fez1sn2O*?|o z;~n{jyX#PXv>P7Qw8SO$9J$(i5m(m~Lw!^>?ySwl#v4<3AF~tK-mOZ?4i=!u*qS0ij*dKs zIw6vF z)jL6v#3&+Nu1hwjufs#>L*b95GNv=H<1~Iabf@iudsEI}q*@u?2yMnqPKi+FGmOM< zK#X4D#WfVHh7lv3X>{mXe$)Ns@OA70QlxAMkKauvI!hZs85 zVnAiP)}mB$8yCB_miHdrkHfQjF~d-li`X1RTW_9%kUA-F8oC#T)JxJ^`W+}D(55nt z6};C{*4Ja1ufuLE=Z9?_MMCdAf~|~mTVQY<>s{x&aZdg4wla~sLbOq(k~ZI)|TlK*RgG|N$M1~pY6aKN!|G56srxrNrStO^l zw;e|Abf(+<$B@3|^7!Xq0L%IP4Oh41Bh5;|1Iix6R`eHGrLq3+c$C(kCz6}?qSQJm&BTSJeA2p>HvAA7`4K&<>) zu2DvT-2UW6dV+JIEGNlL)>?)|ton=v7)+VOfQ%b#1WO|~-)Z~4h0zOZC9K5$ha z<OFN3${Gv078vkuEg*?hYvaEkRpko`L>$#)}H~K(!=GDEBOc^(s=dCn275NwFa5 z8H}GY@CUEVxC0BesF9w;H2zt|dFE?%6r3%LhFja^sLUY76Uf&f6GoX)zoeBg?TJ5Z z95V*R+>OY_`EEqS^r}#4v?4d|qY!Jy-atc@5qwCLI%zMKClU9qV3U^#lz&?UYqx~K z@Rm;4eZP?ZV8U#aTC;h-yD6wLww4Q24#r1?hP15m3bt>E2WR3&ch{TJeJy%4Ynmf5 zOS7iam91!Q#C=AB)}y!H4y7{R5e-wVT7O|3CD9}-qckZ6#i>G`bRoh(Oc{I7y+nE@%T8ba%v zq{#LFY0@7h51IOdoZg;m&T_x! z;{8R8bvn+Ggz2}yYx^{A;&0|jiPfWG`aS&pZWqEm)g=qVI)#RyMphaf2Oo)p`0$z} zFSo#mhOzwJj}Z=JQmr^K4|62K)3p%3#2dphy-50>O&FBdfu`~ukZp2AKou>4u=8Bu zv^NlOu>g9#zrsqU`a%^SaN(9df0ekWK1w9OC>-AtM%IoM97r_Ct@*H zK;QIj2D3^DvV!@U(q$*2=_@08$bUHb%~UEk%{6(Y=guf!^8r5`lBT6@XE0`y9*Kz$ zrx9-Zz^3&$SKOKgsb^HkWa(hCKE<9U4H-qm&mYHYwn}vSauYK4>JU6=wF4ZMvwC`p z1-4GLg9pnVLpaMEIg!x|lg~ZFyGtJPKi0=X=IQZhy`(_6cbgHYe-j~Z|5y{pqlHjj ze~F(tOb6zUpH4z$t1Des5w!p52{T!*r1H8N{k3R6XqKu{xzXCBmhm)f_E-^aVfCP>%XqclDfp@3NDgdQBK7jUsEA468-Ew~kJO__jG92{O$f#*Y{klw zNrYz_&4-iDp;LndNgU%22UEPs#z$$~JJxJpnGp(I=YnyrD`TBiY0#RC2CSI96<*9g zkFo`0QFKl+HcxKge^|Ov{U&+ZH`Ra+UnNT%-F3+WX$@|Wy*7O{ZV+8P%Ybg&vkJPu z55X%D8p3IByI9@MkVIt!lF(;kG3W^3naUF0yJi-dH?`U`+xj}3Qc@=MS<~U=WHD;H zK0+|(s6Blo=}YSw-|=eWZv1ff3g3cOn4A6!HZSPKko!HHgqbl7|0qgIb!H>~TNcZn zJc78rTR@=n8_(*>6EtUez=!X#W6PQ@SJWjlR7^;8^%pMu{$P6b;1O;}@d56l=}yp7 z944H7z!KZ_2Lu;N;-N)Fp4LX!fbs?_ZnUu}S$pm!1eQF(gQlsl_u(MwGt~^**17Ov zBDZjPniz3>@&hJ(Uk63v^KktWd#c+dM&!S@gL`%;jBg4enTxifqjoaft6_Ei3nod}CETSb#+Kl&`RDv*@~{5m<;Z^ z9>iGsHGH4Gjtf(6;D@+rljJ^8(&JtReka{&z;i%{Aw$4)>rig{@hqr$G=LV%+~D1E zMU;H>1zT<$<_!!vv~-FFA6WqnNb1KS8V1zbGYVQ*A9p}Qm2MeOB-Lv|AmjiFI*X3N zBbLQHXty=F^Zg>Mc{UNGk6IJn^A1Xm(Pdu4H-b^(3t()&h2ZBYC91Yg3u*P?%H`%# zq^Ecs*xXzSgQe6dceD+iN1o*>8y^b7H=e2%EP&L3 z!#JrSmV{Rs5!p0zPJQ8c(tpW~99$Oz>l*8M7(E6XH}jm0^kI1GGMt7Vv?WRn>7ccA z3eLH0%o%d3u+7;X+8(Qu9Tpdad?v$sj!ebf-8VsT-WYtEZAMY3eNbc!ZEi9AWWEZ;_b(wHGp>W~42p(!<7oR2qc$wdEovSi2e0Ky!u68Do>MgL;(2j`T-Gol8mutVU7@Jp8*iX|jRpKM)L|^B3xtPPz z^6{1jl};ny_ip7zcYlRJ zVz)Tm_q*VP;d#6tCFFKoD8kk)qTv1^laH0FhBCP<(5Sw_+3K@C-#{fE{~kgPiT^;) zMQWb8SNdREg%SDkJOz(wif}MDgO9qQLPl&VLE}S?g#1Fh*!>a|suS@}CDVzSOH&(f zA7bI43K0uF^JkX$Qq|Tis1V6`R-1rmIroCEnI|nO1G2__A72%d29NKJpz}Wcp4yR^xiZt?e^dNYmagE}>q?U2iBt?e3W#ffq_fE`bmk6_7kA+`Dn z-HhooBc&dGwu+O!C~M+xs!!f4XW`}z`@wdTDY=j`n03vvz>u+og3uNc@+>%guN*9i z(#5IC?{N_GJ%#=(#{Tj&==l5`w$5|@L6bHoNs1Er^8Ol(ldHf;TXUlOhH1&W%fP}|jh3sv zK#?~mypsFsG1&0|m^H{EdMF_xO#i5@a!V6eApM z`FzI%P$tWKGAl0dL!)fzr*FpOz@m3pd#MfH`xsCy-)8v!dNlJiF#ntIH5~Ch07c1D zQQ}u0n2KjI&qopbd1*?oOgRr1BxPwzBI9LVwt*wkPV|<)3wg|#JNuG`Vl4A{M?`Pq z8Y5>y_}If-{0M!jmSzgA`KG{qG^FzVOiQ=<8!WzN4KJBj;lZ{hP%s!u0*;DNuUppi zY(X*%Ge3!)^cSpdHlerH-$#WKC2}@sJLY+*V|1?#39B1IS|6E{-ScK)%EnM^YwZL9 zmj#~>^g^R;8KgZNM1sYp@+B`{@RlizQM5G`daadd?c+8ScaS5s=LgVDRtaOxck-q? z(y^{%ADGU43WlmyWWk@wFw;Vc==CLnh?ySk*$~f-eZX?L)kMhx+mWy@Ntt>SCiAaW zt;M<-o-}&dEr?Q5r@Ar6V8}E_D(3#2_jqQ9C5rMi-Kibv97Py5G!=9uJZO9P3{c88 zB~@jIpk-$rSYDDN7Z*L^Mt&bmMI{w!r-LqySR;p-c`Z0=>>bQ)atAGg%S;n`j4OSf z0xSP`lC0}iq`STdu6!*6@2oIB;$a(X|6on^w||2x>EY2SP=R~bZ%h-#P;-GCE|PbuB10JcRP48@cUo4T<-~4q@qUBbt!P z`b}5VVAxCz&u`^gv~fuvm&kN3*M1(u;H!i2^EGi8`c$834Tpki&<{|NP@)PaIl;}# zDxCC}Zb<)ZLSC@*)bqZ(a3tps#<1FXwfZ+)5|j+pk5x!&-+RvIw+YpLs!iVrcEYdb z39#6lkRWB2$>;YNoQe!^$!9exbFPBbyyI}fz+Fr)8BEo42pTOtAgpU^L-{IcJfD-z zIUb6|(OR!ym7FZm?lPc``l~pVRwv;X@i*MHQSu~n_(izU#Z(@vhQaH`0Ad)@ipqf| z)O-CR;j6Sd=q{dwV-kH}`biV=zE+jCIDN*fA_=llQjYd|8xX^N%Cv5-20F1mi1}2O zm*(Y*-@kw0_sy1v@-J4jbJ-oZpq`I`3*Td{ULjAn49x3YEuCBLei3}3rmKv5sT5lu?dH4`HnY}y6{(QGDy!HOyBO6Cz6B3i1V)`m~AY= z3l6+t*>8=EFC|4TS=kCtpF7Dle>UPyc-{fI6-Tj4oN>RMufnz%3Hn_$71y@!ac^%8ir(i{>$Ns}7=P0+MzIaa56 z&@6*j5Ia1^b8NpKv45dUBGR@CTgUB%_g~L}k~;^Z`UJFUMHGpU@y6qQFCfu=Bzbbk zjgEHK#few+xTVc4=y_-i^w$PpZR0D9ogXcT*BFfntB$~_@N;;R^`H*Y*I<_Wlshv? zm)hiyK#t!I3qIB0-nlvaw3=G(OKJgXpVeJoMk4 zhJ_AEAoyQpfd1FPbvvo<%IM#Cyk*DW3M$z^MkNM{@FZunWl&IbHAlPq{hP!-2 zh4x{sxL{z5K-K9Qp3-=S^E4azZ_`wXxI!H3$(T_G2XWfC=`w$LuP2_J^9mQPQxQl# zvm@El&!B0}aN(mb1E9Uvi@xm;aC3%f(eOJj(fy$p+5Q~Jf&&_i2@-*o7{b>8W0%Sd zCQArHeV9pJG~Cg=>oJeE`@Cc%GAPAl8pQG6!Y_qp;>Dq z=IH2=PMs+v+Gqipel}GQ_{YXEb5@q_t>n#`=^Y-qiC%At$JN#ii;{ z)cIpc3-hH(RfZ3_sXrBU3`UZ3Gfc^-gY(h#T@7z}z?RBiNkb*okN9H)&@zc82zh-9 zWFD*IqWvZ$Vto{3`zz6rSsvu5M>VcTg^~r+i(GsMY)s!sKbGY}DS+>s+C(=4IiIYu`;G6$EgM9}KX_8$x zzZw~{ThpH_vTcRBmvi9EzNB%BA#Ja-peLCZW4^~-$PKU~TQWCr{jJF` zVccM{J!3SL^-$zq$cxh_Pd4F2b2IYrrWfg`%Yc1S@qCKJ1vq%36gwp3Nah)R>UBt! zln9f(YDXn;1{Esw$x2%Yxz`I8nXcHO;!8U+zk>H5d%m~u5j-xtfonb-;ieY8#syBg ztX5?}QncqW7XMpFx1WqKZ3vyQOPoGu?46jOtRFXRjX=t^2kgQg;wpzc?CHFRrcBFG zZYn`VNP_UlY85{8js=mWdgQ_n#;53VrG<-AU{2xyx3gZ4sPAJpr%R{K5}22NShMX?osmC{bVxIoFLhv3o%Tbly7zcN&Xv${qu{FIwdmpU5c7v}7wV>-)e#BtqDokxZh9k6hK*A&e?Rv;`G)$)$s-;9TRZSsl zaUE!FR3NL1MTzZpU3&4kE3_QW!w~%#R6bjU=B%b39^H>im1L;n$OD{C6_00M@4?;2 z2wrwls=T{i43j!OK`hZ0oZ2FUkKzL?&)_YL;4JAUgIzE!*_m*mIz*(|N}$EYz08`k z@U&Bb{;(fP=ajk8)Uh1(pDan+Px;Z5s6cwGi=)c2#b|~TI2Un!8vDbP-t;+uJKG61 z4sM3Q`33|S7pSy)B;I8nuvbnx+~Fq@L?pF}U-ikBq<*y^r`X&pF|He(*U!U&eIv*Y z@f>uW%yE8qdbuKbmfBX;F^)gd!+Aby#Bp6o=;IO%ifk?u`$>c!87fNn=T_8c5r^V6S-Hjt^kkI z@%Ew@_$|O5@I@Zp)cXRN&XP3vq&U@8v!&6)gJ|z|jt&)`;iOr<$fYm~nr`n&oDar8 z?Gi&++I$ihFF7x~@2)^k8^(FXoYqIjXeBc9cs8fnr%P{!4<=6fhU9b`<9?XdLDO%0 zvhB`K?&xYqa%fYX;6vbS@^gYHS(%gq10`}0EPff{j3fC`W_fTpg&mU~mVB*40WNI5 zk5;2c@wwX-LBd6!%pH0ZEN&{(8&5CsDqp(=#U%$&TK5PS5E;*O_L_9?*ceRNGYD6f z16^VJ1{KP#;H?8E@WoYI`eLOy%{h|=aUsc&Uz!Ak%@c{)hEpJQ=`)I2yMjxcD86Uj z^M@UN#C*I3IeN;7TXG)gq)iV{rh#SlzTSe<=d_}Zk^*>#^zxTQ%($MR%}{uw3p>6V z(^of5c)t;v&`G?3A1}|>DQbZpNMih_Fnnp13jyyNZ~@bb>^z)}WnY&ePM*nX?Ml?! zt_Xg-7ANx>%7t6@FNM`CBW>KwL1d|y8%dm)59ek$kkb``xZ{m72?*ZKPn=`Od#n1A z($9>Sv%CrJ-WMb4FHU&+UG9g{g&}}ZE;RI7fN(|jFW7rtp5qz~$k7puoswrozKe*^ z`wpM6|D8UldCY;A-R_vPMT`bVhtl3Rwse$O9D0V|!ew$mW0OV6oIq(sN;?1k0qi8_u$~yU~G{&<~8}27g>B-1(b@7>B(`-cgfpA zPR>qT;V(ls$}rAvuphlF+JRrK6L52BhwyEa70ELD!q=2dgb{J0$Wp~Y#4k7-e3r0$ zxWaMN)=~x|MZWV#q|$Ni4jp>_n+}zLEjU$l1JeR5!dVSYB$DZt1FlcR7{-U5;NU?; z9BV40N9J?}XQ$^1RNBX2|eULuvi_Bx$u68UOVZB(tm~ z{)0ST`L>6YCQH%GN>$pG&;^FSRY#QSzJ&AjnsmNe9Nv;2FYteELQj?UV$HZWD3if> z1+A8JXx?cM^A)F==^XiJHx`Q*1<}1zYQQDG8cnYM;QURl!SZ(pF?8%WKT#1e5t)B- z*VoGalhXd5AC-3>t>OUej~@(Vk*2Yr8o18-`^av5QZ@7%p>64!^?XZGkK-#1BxzcBwHSAAwZ zZx=dC_^9(Mta8+Y6k%Z#{QnRe>;M>-oQ)7iD|@Upx5k zQN+fH$lpg^VEo^^eZl^}uP21~`-`w8|NMu`zuw=!E?EhGFZb```|n5p&)@%Dwm_i& z@V`zu;s1Q#zef=}Tl_PA{=FSm&sx6XU$_4rEg~X;|9;}Xc>SM^Uzr1c{|C!|#^wLr z`2BwE@8$pfzWHdFxp7j0D zKl{r0f85w>|Hr%k58soqnn;hvx{(Me=1JcsNtO25Lx!az=PmpWh8B4+$}fYvyUc;! z)9ywkl?W(*7(l}FoJmA^D@1n>;@d7(K;xZ5Fq5mnOr>(1daVaqChC&94^}kFWH)Y> zPym-Hsa)RiHRwHauyE~zyAa&Oz&s0G$s1EE+JfHH<=hVDowC9W9~04BVJBp*XPUm_ z1yH=wiqfl*Xuo*kYiW=JIshlqC@PJ&fq>JB8REr+Z~pB z%yKZs%TrlN4QlXGj!X&GA#KA?bFrT}Zdi;q8NF18oNSv#+z&D?oX8@wP-`-=a_q(T zqut1)SF_2RPoabl+e%F1f$lFkfzR!Tb-Av`t5xoX@EO=XsMLr0EYdEdBy^DJyW|5N&eW z(v#4W$|R^pj=pD-P9H}i9&=!O>McaLqzDYM zl!Z@fY-yDBPuxDY3iY?x(IX#IneHeXO3iS;Fc6;AX@=VR{H znQ+n(BA{iLFQRVeT6nNQjSRJOqzuvM`JU~Mp7*mnYprM9>t4@zU)R-W*hM5B3XpMEi1B)C%$rDcg|fXm za4F~s&N=1*VFy*{rD-LO%GtzZ_a$STnieTFjezl18lv%mqgj!x0^Pnk6RvhOp_)UF z*mI|$wEDvw7wh-4vmAq1)m^yX&XS_*BjL4oG%Ba<=3cJq3@_dehdDF%GZ_JE zH2IesG>!PgIu*pwo%O|NCUE|58+8h!6dWmaCbH``U9g*jH|^;$2iH&RKx_OiW8TSA zxXr#NJqa`=ulOi+A1xkcJ(}u5B=GDk6QL2cqzW^5sK-C*8Kj$Bo@|Pjh<%D72h5s z@T``85&5fJVLK-a+Iz=%RMFhR!m2gMR<;4B-V?Ndzsqse!WwZ)&Nz~mQK5%%0Lz}O z73)s2fyVoitnWh~IM!TQBeh7{Km8tC*U_ETr`O|&F?M)T@e3}Q%|X%S zWw37Lb0!zwMbJTg&g?5Wba*w8ldwNzFLCNSKk~By8QicU&F)M2<)g)H_1Q$GV$heQ zpD2OJ*^X55B#4AyRfME(L-+^Gv2n1Qhy$+{;ql`Ky(zhaFQUu7uPa1u-J$;rH_MME3^b{t=V{%^Qa;H(X~{*XCMNfjMU{f2J} zrciA37@p5TrZg`CQXF6Noj*L`Rz{^W$B+GC=$Jw_?eHe1gwAmO@Fy-|oeXYXJ%~(4 z3z*sqqv^B2Taz$?xCs}sxEH%LKw;){ypi|A|VD#uV^yFz_chsMRdMAlolkuYLzhKV|W}!*0=qIdk!RZv{4YUw`;v_=3IJ zCP5NvNsvFI7b-3`SkiA~xW{8}a22OW4J(lCZeyIH$cb0q;po1FiD{m!Ycx1g8hX2YEXdlT*!X z6W(H|elU$L=}$AARGHn%gW}TkLo7DkRy=XJ7s;31;7`ra2Ki^E@Tx#0@Y)-4Ny`&) zf%0V*ze7YnD~xGR%`5=}Bg9j>>cG6Kd6@K81~tc6&~z6YrZnP9JIp zfs(+~7uti%v?*Aja98X-yMmdUU%~^TaBA87i&xlrfUobUfxS;wup+(*ODioo_o99@ z*y%L;IzXE}CJnfy_Y(`YxsYx78KybQha|uI(txZ~{OL7_lWi!(u*JGCbM-TP)O{$$ zJ@ZEexq228ISiI>>5AQmhkCbmH03u5ib|-6tu(LVBgm|HoL~h0M`na_oTU0hMsWan1yKgKj zU}{7Hdg{ltTjDvZZ1K9vCBzh4Fvu`tm1_k(_kr5%US$m2ekAGO_jx*Xt-p_V)kac& zLYk;ve&w;1OTM7vJPY`^RfI$KDZ>>1Uh4y6J;z6~%KArahvmhH|dR<^s ztQ{c4hDXP^`>3|rg)C0n()fE4bZc7?b~X!UuP^*$+~a|i{$K?E_)HU~T`(pm8bG4? z*Rgtp9x7h#MOSWhV(K{W7qt9|!#m5dXy<;ObN{_^%kp+CFuz$8} z{ub0qx{v3KB;m1E2S|Ns0}&Q7wDZIYwr{cqOWbPKCpXI~VE4~(^kuqpl^+4Cn;Z4vaF9%2I6dPcD;LJjuinf+57`n{kuil_9Zz$%*RL{DUt#Pn#0(VJSiLSg~an`?cx~4zoVUY6jKw>bXL^OL;Th|ZXX)T94o0{3(>9$xWF_|)B^r>U21}UQkbv&CZik3H_$sPtE z8P$km@9C1L&=aip4ua)l!g&iPOFmk*h{bl)2EQ~@828DDnK`b6MT2kR9?*ly@!Ofi z@Jaj`vr9}_glLN$PIgnK#n(Eq@Q}4!i@^EV z+tV2eb_;spW!KsEVPjZ<%nFzjJQz;&nh*2sZ{n*cbD(Njob#nCb&h_^!so8w%C0+* zmt_^x=o7$tj54GP2aMqH+{1Y8y$X!kP{Ct&B{--wl6K9@!l046x%iXY*lvA+ci*Zr z8TTJcOSOvd772_Np-^zz_-_{0di%O~Wn)o6%&)Hi$|YKqtK1X!p^M6jJ7l5#he%@l}GpRqVjE ziC@LTmu|tM6F!R_JaXAW#VWq`iVL+&s^wD!UhD^?$wle+029eXoH}SY)tYL7tnMl{ zc;6rxI3x;vw%_75*7}h_VhMk~^KkyhmOkLd$P;+8 zthR2)ICD9=ShazTI5`5F^XG79&U%y52sOxf^b->VzG=5Togu`z4_OE?K=Ur9;+P#u zT;@PcigQ$?FjYw$@WG3mD&LDQ`$dw)0S4vH9C;^u!-IQY_*315c*s$`sI<}oUKjX* zRYWX17S@YG6vxw1U3)ZHc!=G39K^<6vPOl)pO{a#Zmj6RM^-s&9Gwa7*sG4|YXwWK%9ZLAyYS?dD%}=KgHzCS*eY&Y*@4zB$u*1?=A zV%~6FKDm>|r(1Z%Scui!ZpA4$tAqCKYutSQPC^WqKec%1fb+~z@a|w=S}@cdN)Kz0 zoUsl@FR5jl#^}Q{w1(1e@}ib(De88UXY&GtwWjT>1-{;COrdEsUJ>RhkA(Q+u%$Oy z;Pn6)I*f500@rXw#`E!e$~^YH<}@ZwGN3zxo}2oht4y)K8r9VsLh~;H)1s&gE`vHl z0ymIbx~wPVe!sj z4r}zFB0D3T=w*U|&pq+{s4FbxkOU1MS@0P6nnIP104A5PdrI^=aZ#3HOdFu8JL$jo}d zPQ+I*o#*w~bBYKBRyURdRm|$daxT=B_?BRM+9adK+bWIxxHo)QNV9C7wys@fulJzON7UX|#ca7yH;D z=QVg+>p9cub^wbCKJ#)mpV?D?S1>+eM#dVqn3KAo%Q?gi!j3v&i@iRUR(HZOLnCOc zW-PvAH4Cl0j!7P8nL@)?R`X7Xy}MW`imT|rU#U!I(UCrwRA2~a%7l2H5h94bpbnc% zMw8V73#Kqu88FZZ_=&?-(GOdguj2pt%91(n6LmK^mT;r;mBgyrS9)B+VJFa~k3R@2@g=2lP zP;cTRR_lKW$35>u#~W;DgFytlw7w6WY_=pRvrJU0Qz6mwAa29a)#52h-jH-~E$jUY z86Tid>JK9!u`!C*agu?j>(wdo#Wk!j|AiwjT;@h39OPdAaK)TA&sokDMeO|W9=o$J zk3By$01D*e;fi<;H&G@OjCv-p+*9LOq3bXR~rGF2(yxULkM2OH?9n z3VWTpf^T&?TV(Yb1DCs_U57F7^PV++N$O3Smz7CpShz5*Qf9aNd!j+~dlq`H5fztd zgMQK;u9gasmTF@k!yv(D-?OZli4a*H2w{N|lpehrdhGCrVT;XRocuGKcg6{3^Gl&p zU6Dvxo-JA^1ATnY@X9AU!Iz8%y!QPW-gx4~&JRB35aO+g^K{PZ5a>owh zzRC^koatINcGn2l=~#)1z59cWah&K$wl-s`-6{B-H%N6n$W=?3u{`KN?$#m1cD+RF z+e(xgBcc%d?YMjMX0$%I8Kcl1wpjJ1_(`X@lPco`?uqZ{`$Zl3;I#seya5GoKgyo> zw*$@9JxJRvi*es3vumC0A;(4p)8_Yt+%Jg~{;YyKS87IINf$)3525FiSe)N~Ak3P( zkTTwMU{3{(f0wNWG;P%Ym~6z*!gwgmoj;d~9-l_-k%QpCwPAvPNYdP~L+G08a_-26 z*);M*I1An?v;}LV*p`Ncu+6}YFFH4$H5>lILzk8a*jf*2z8AzE`2Rv_#hFYw^&RVN ztxUROwb|xmC)TAg1a^zEamCg=+&o?adctdV%E6O5DVafV*AxuNt;MV!5-{@l1emDb zT^u)N1}wkW9pXhN@MFevELf-tee7Q2{PX9<#htdHW?CZNb!%kWj=iC&j}?2Dd4zv3 zY8Z?v8G%~|cclKC1>O5S*-WDUAknfn9qEjh5gBK3wCCUiOf`5e#G4JG>E{$+hvW!2 zd+0IK+}MN}7m86KIg}305Z2TC^#-l8wfK|Q!*|&}G^Rg~w*9=sqqB0+c+)TDv%(UV z`b@=Qz4Mq;k%zbBEpSP>&=>Cv0;>xg_p@t9ZoSn2co=F04|BfbdBex-+VhVh>5ZP0 zY4k;iQI3St9fAhZk(D?%X9?3k)tUM#Pe;WyorSTsfd9A}z}$}wWn(g=VdB*SZj|u^ zd@*njzR+08-xWoHt(H4fTctA1PDfeaA1BcGMH1}T@QLk|_|9MbIG@FT9Ryn!jU%ok z3D<>c^V8lbvJkH??AF{!F)z23wPbog_2wg-{Gb}iFxDY~p2PTEyt*yj{0=<#+a1*RI(*eHKe;e&AH>L@`Q_Y%7&Cresc<}`7M z4BRtvfcaN7pxGc2Z01>WxhmtJi~JCU5kf0_8iAH&HPZvi*Qt=N0gp>h_oL^= zjo6{P9BT-zBjMx|l*y++pn9Xo7W{rO5pKEH*~v5V@EnL{gXsFRXb^{bLAUGcID>?apncVoSm-qzemI@Y$yI_rtH#0J z6h$_f?O+CH_i^Xr@A3~7wW)BaEm(YGBpYkMCUNSN+oS@6&dI!(N9tTKiRw$UTrsGiC1QX=!SdhAY(K3w(4Vnb?m}?X?OJLI zeFW~?3i}!~2&+Q%mmO)o(FpQhzgfKK)SBZ7r8_a}ikQ`Q>_KITrHTR%{73#n<{M1u zs7|+6xnaK%yZD`Ix+HxrkNL|D;L?JCCYcYz6FU^K`zC=2Ay^jdhD~O(I!lpk*)fM` zX-_KMG@VU9Qpi8);7S)AH7HX{0v78Em?QHK+{IxXNml9`md;ZHlPfx+Vbk5g?C51~ z!S#n&5v+vGTp1gXrAKlK8}W2h6f61pT$~|}#-XVSOxMF5nrrpB56ha^*<+==ME-Mj zaJo0MS+N__MJw1D=OBs{c+aW@{gNNS&UmqU70d4nbo%u~apkMt5dUfg8(Q-iJ#CgA zH=gYZ!M}!4x4qsF{h%8)RruhM6E38;V>OP?+>e(!%{NcwpsIdh&=qLaaCJhSAY`UF#iqbmK{dyGpLbR!dVzB*`ZmZSWA zN%$f92s&ggW7i7&X`HG7)4sx(rOHsU8nT_0j}0alewp}UU?=Ki(gP${52c=kXL$?m zI&&H`8&BC9;p^MQ;-?GK&{y*lE7~~$vup+Y=dwTu@fPO%^Lx`}fzPD7{^Z ze|Gr=+H_Hev)6vI@GYt=_~~T)(HINeZIj`1zy5UnUJufVA4KM&qsMm}8yLIPS!nVCAGng=Gt{xa`B(VB>a?D^r61%hV zDZaU61fCC;FvGLv^sw?Ub~CPIT0gB>lHEks>-A+UGSS1?PF1Y&g*Eim-ixkhhOnp2 z3LtgBA3Ci!138t?tfiYR?Aw#UtmVf*hmav4+N(l8j|l4_BMVt4H7}U7`#6@B-{6;d z1mJK=00zD}wImo^u&oSuyWU$X`s&b23zlzz7>*Q41V-sM}+g@h+KK+6mogXLh2Mg;57 zZx<`28eFr|l1|EmaEpg&Ky;Wo*t?4P$5W27W=8>E68aP+MkNb6i^tioD@7P1JA$qS z429!@Hr$B;O>D!oVAk>RQC4Sd3JDf3n0~G!8K3ybYWg2!9q0uP*BS_64P*H*?PC~! zQ<-@Rn51mmF(fgc=Zaksi}%QZ!>rC=TvLzApY0fzcZSV4X-OS@ed&~RUpydd1+Rn{ z=-`{(;dZdVE5D^Hs1Edpgs(S6EXV(}S5^)WLJ+ z&fsvZBaHJE;;Pk+Y1D;!G#I2uA5{*afo>*CEaKU8lH*2u*5esnRkkNYkHQ6Ri32X% z`Tj$tDcR8zl0v&;|L#xl>BV4n_f~jI(cXWy}vh*t_0m-Ws?Msh55=< z_^vaIG^j@1vu2>$cc8F-AA~Y)W2ySXMqa`zo7a3}3v~^~Sn4{TwFv8J+DaUI{N5EO zuTg~W?|oohM?DIA_?{^q451BI>T!FsHEr~a1c}7^4q^Jnw0_x8$XfAHn0IdH#!m0S z?pFL_7dlzfC95lFQ29-q8!?&%cT#1c=LD_KsWR+#wi0q(UI}g5CyexygtBK<7&-nG z+uQhpxtb<2-pUVbhHAlifxB&+*BDyOTSIJ%4CpVmU?#f*$XTr?RPTs|;lmE#948eD zSu_*hm3l(?>T?day(X|P6aB%i%mYSA!zVg-^KHt=D@`-y=g{77j%kKCHEbQq@W+b-AvtyDdv-;;1x(6U1&E8vC_POfvX==_@P zFjgm*S4yN69YWoNxQ1ru9~hPuz-~Kqf%MgyaAjLJYD^i22|FqU&4G^CaPb|sNV`Hp z#d1;D?NR*A-7cUVl8>uT`&01a56tGEouJE;!CnU4=X<<&qfe)L($M6!EWW=9u9D2c zoqG@P!)vC(s&aE0ub0RS6z8GS)(Sj7JDB>s4ukyBkC{TRpW<{^#%=AUOT!i`!6f>^ zWcFBsTXYiG=JjItOMc?iUX0ewF$cMD7f8Ce1DSIVh+Ab&(-s84;vqw6jpHd)P+rB) z&sU_{E@mLvg=eo5F5-I$j=C;i!j=?EaP_J7Ol^%1*c%91Fn;}D*n(|rrHKu3UHZU? z?*dQcd_l*hpEC3=>P4!fe7K52F`HSWhS%;ju(H||URt|9IC`FBdkXZa?~!~?fB6^o zxiFUI1{p!Tjsa^(<{9uCaDnN5Zdi;7W}P;o5W~4#Wr72#)MR4J!@HPJ-WzU?aEJPs zQS>2S6_d6blI~AUNKsnOh1q}ST$10R+@|XoR-PnQHj`tT=hUE=^i9;?6A4AqnvkO% zjCQ)OP;PP}*Bo$zvybp$NkeWjGo5Xi^DzkGpGtv;5Lb0b!V4=5c8d&mj3mRBV(!SZ zzBD{&CsydaVZIrKT-srQZE5~}-wOG5<%hZk&!)=IWIS(|ZFH?Rf|Z(1|GfsZZT%w=f$VCs@s zir0I>{A{}O^xc4*uN}ga{8T)u;))MPD6!r~ORz^cM;0$)Xjjh?HujDsJc}4WFV0#_Nx!R@9)?6XM# z)eW%YC#9ufh>9-k?C@T!8o!fMZoI-S>|TP!-*xEWqT9GNY7jiEF#^V4#kaz`vhw8s zuHT`)@NCk0X7NmgPLz1kpvc~Ap%6Fnyuk^6J-dM>(ql0?&jriIH!=?`fzRcYEu{x` zg;)ME`23p}8&)R^&kT$3lIJkkwoViK3{u31{eq^`c2(-QYzZ!{w5GBhsW3am0H$Xg zVdr*C6OYpvC`=z*V4+e6%HFL(GqMC7Gxidv!CrC7b2h-?9ogid% z0s2khsJc!S3XE288^?BowNoa5{@e3d^R|k4_ZUsu-iDAa?}Xh{`$BfHD$Fq2h9Rk{ z%qrz1URv2p`0hv2qF=HA=mYOmzG3$~6XvXviuGB2Xo~w+96$kd$nhk;?P|&S-8zjk zZhys$2ikOu@4_xbm*eeSUKG-WAq*UJVmtV$vH_o3I2&r=7#@ z4@=pjF6LC|>CZX{+~!w1EAm0vGN3p_8`e77LrI_^m5c1@l-p&z+w2H7o=Q+bGU7FF z%lS)DM(})B4Q4j^v(d+fkn*_&ym{3l&LeFfKXtR970=GIv3(<1(Jy^=INgw6d#Q<; zT(qXT^$v7t`#M~t{{Zv!)?toHXI@U=-hPmiFU;p^uth6`7S=W46SZJCD7S~p`6Qz7 zhkMX{`36=k>_sJoXEXmYS1MjQioSldh1KpgSn+<1SpSwYOn#ezS+{<&+j?TYaH1-e z9@xQ!C4XQa-fv(PF2110Sd!P?RQa+#aQ;=1^O zgQ>t_r)3Q3+Zn{K2|zHVLt-^iRH`jryA`u3K^Z5#q#8$7YDF4F)##;8J{!0%t=RtkBV@Km~&FV*NQ`KM?EpW1zpOc}w7-P=f z&xfR%tUyllA#0Y)HZ{k?p+61pt=V6iIEW5btrt=VhKeL z{8^{nMpSJWi3!-9+j@Tl#XWMtE02x}8W_HCyO%F0&$0pgks7S*WFAY|VMZ<^hSJU6 z!NB?VfFF~eqq5vwE--c~OTDE|`?{Nxw#Qg3s&#>l_BAa2!#d8}$pzGJ2jDWJo{-X4 z8qVaa!}{xEpstr1@QGho{K*)WRRvg}rVWQ83t5(bCW~1&5^Aj~@ZO{ZcI0pmVX2Bt+Sy(S{h2}0chW9CVxH8>rtV>WN$H9gW zqVtFcQ6i+j|IRA+rGUcjaa`>qS+EiI76OvGK&>6)bsKbO+m$E0+?|f}WxKEz-Dfx2 zSyZ6XTQ!;;VhxRf>rmHrCDZa}^ks+_Y`;7R`nm!Hgq>qq3TMzn=eB^KO%e}ww_%b; zC(xvC+O#ar2hWr(A<3PlY+imS%{mm$K7O)8r*rvS!`);k%u7Q*S2?IH45yjv22s&r zYm%|Ig{PZ3(bT#n5c<{vwi=DZgsDj^#9BlLx`gr|nlL_e3$IWa3N4fS zu=OkV2;7p2;ML*?$~qM+_DUn}6(_SVFV~7DOzliZir%2cczbe?nE+2t#j%6kUHHP_ zp)_dz2->k^6eau`0XG#tvH)3aRQaj_$7kjJh04(RZ7hQ4}sG^@lXc}Ei`5iTp4|O zrp)@9DbN9f{oILdaldN@h~a7$&p~^afzX^4N&{~HEPME*nDt#_iZ>o@#FqXFVE$4G zbfZdm=XYkD)03P0yWG*VW=cMD*{KH~7Sywo7sI*bJz_~;yFckFy<GrMsvp+g~|?isiA%|mwKTm;1hkAmfcH?f)B zeMM2j>+sCOW*ix#fk|}&NB+}b7O^oIx5OC<{A&Y2>!%vrQZlE_^M`{@5l3%2L{QyZ zPjGBr%~Fb`Y3jO5T;v>k(9M0#ycVjE=@yPkF37Py&UyIlxD#Ic)su#789`IWs>8TD zVPK%(KrT;>VCM0D*h}{-*D|Ammy3GCc3gjkSF(fQ`6D;*+_M`eKRC#;1EooFNjLJi z3D_&`2|KXg8&3Ij!e*J-?1=JM=yWicuJ0A*!Fk9R>la~%YzI2|GJ-aFT*s~yPStPI zG1)hRTbmO>2hChT{A@j&vu*-jNnC^d+?^oewkDlO)Flfc*5^cTWpec8AX!nF9WVC8 zxIF@I(Ps-B@0NyRQg$*|h{S6pO6*svHJIIe$`0&vC$}j+ux;v0s1>KNXG1qJW1AbS zc4{D%<{ZYzpIiC(!U}fj!DSp5BT0Ld`mv!0J)wDtG;gNmMu!dy8Zn>B(Q02NCo#c; z$&Cwv?_=dC;k^XkSk)UOj%A9I7T;hBDWkzKUWa}TTcdqOI@T^MU^Q9Gn8&6L znDAr-dwIy2>}AWb(QPfC@>Q9oUlR7?mI-TYdEKBabrMR&A?BMA2UcqO{}QoX-5`<^J;7|L-3C zb6im?GOQhM-Hs<}Pyc=#k#AM2<@0_sX3B5*e{NRm-XVT;y*kTOKPuX_A&VPioWq|S z*^lL#X>s*quJOvLQpYE>tQPy-JIm#5vibw3yjW_Bc*bQPzDd6mA3b;*_isy7uQ<)4zoWjl0-dPVS#;?tk6= zpJajG@u2PPV_=*Av{&mNg=fCqcHfo@|Ns2gqqenNd%fH1`>*u>h6R52-*!B+c3ZpF zZUw8hAOBr==F&F5ZS_V8iQoOWy&nHc|I`A1KJI88VYK6!TXPZ;>TRd}p8xyDA=Q^# z-&KObpVsJ~i)VJ(E<=r7=g{qU{?t@8p0}O19v-dL6tqcCaSxBWlDUBzc(|LOn~uQ$ zp0^%!UQB?h;hjKQXE>^i%%r@!&U{_JT$XxVkKSJkpxvesY~^b?VFNxBQ%mOH(6`&c zu__S;zFP)U51GMo^9OjYFa~BT9$=Gt=E4`FZ`ixPhhNZZ`NVb7L=4BFTSK5=d z8h*6|rw{5)qi-aDv}Go#FWQBwU8drlUXd{1?Ow=%9<)2|CG*~rLL*gDs4Co)rX1Z2 zuLK~qBJ1lLM3y(m<3Zy?&4FO>9BlgJ}B+z!6Z0O(b}6`*z<=P6eo9q z+(a8#+2BgfjX4mq7U0v?WO#dYImkO~g`=y98Esj_Vz3)21`Z?3>#3|y=v~ZwB*T_T z&x4?0Z&6l%DV-BdCtlExF&woSOgAoIn!ZzMc!vQrAzaYu>ZU;RN5{gdz+N=6%RPbb z_YsDyT?^K_-SEQ!3pjKyjRG}i!-WJdI#aO}wTEn`p1srYM1%zCI!~jt&@kHWuoTov z6~VFhS~g2qPcB{*1B=gw!hr8m;45GT3zL?Bwr3uW93Dmq1$HF;(UVTf#Z%|PBjU89 zUf3fp5w_>sLYnC`+G#fxz0)?*C-p_}q<AkT4RKs@)Keo|Hw(ki+%NkU;B)lBkrB z!TV=#z=SE;?36(Sz8ka^_LZ!oelK)bL|+U3TXr&dHBEwZw=d$m@KNLyAYi+nE`tZs zspvFu1Fe3&fVuZvN%~86pps(@-8wGpD~_H8U6WHGpsOjJd5ZYd{sT9zd%6G(?}D1W zN5gWX$y8%`5tBaM#Cwj{ac&UDMmJ zg`DKVEs&JI4@xOfJZPCIJbtqr3=i;Z<0fGZBXu7xSeC(*^45WLQ#kqcSqZdupMzXW zZ&tEJ65?-K;U=%Oq-^<&JFOZ+&9Bd(_SZZ%XqYjn?@ACfK6>(f)=h`5x6{GG_Y)qx zupT_V-$bR2&XgFs5iC}U$ak?PQCTcV)aM`fz1j+PUQz1TKEII0Ulgr9X>bAc( z$i4l^HVEIAi_tUuqVR@kTX$m#jt_9HVj8U#uLOlBndlVwO+4?EBAyG_f!)nD>Ds#a zkh^OP1kcvR+>zbMVe)1u7BIH8-apyFMFlKkNnddNszwu~))N<@4=-0k|Ov!*7SJyzDQ7pR}w21=VY70Dm<>CvcvPJzh zR`TQSb%ke*GcZ4)lI^;w!0SH}G^D;5z$#rw;1bg5!Ja}W8uA4DoQML^zD+Pq(6q4M zt4;6I)>03RMNr{0nBC8a!c^BFdZ0QGZvIjNiCif`3)%v>P0I9iuPH^?j)9uu%k09J zO;lr(fI*A1A<(ysS$1Cq5*Jso9s^h7B0YPUtDgc5O3pNS{mI(mzdv9gU{2D`F$N@nZ#z5_rY~t|pORz!db#v!&yz6QOLZpas5v z1KY0x)Oc?>96LG}I!JFK>1j!%e87mGX_v}=ozA2n|HZVS`!=|&w3M1JTw}Te#|xUX zU%1jWYiM?rHcYRTr5fFlw0wRyAy&YEsNZ@aUi&9T-Nb|yZlH!& z1{Aw%1tpthLYc1->t}fo0&6d`Cj$<1SDy#a>A+dgWKe)vH>5~W{x*v%LFRFHENLsO z2Fb&gXq3U@k_=}$mfZ>FB~PZiGt-Itu!gLSHq#3so+SJ9HU_f};LlY-aI0f7-H|NE z%BkP5@5Fra`dS7C#ke@>VJ*VKD z+9^@@!gzo88{C5aLxnPx;@I4`Tz$v}I6vMGj%Ul!3cr`wdr3HT z-Q>Y`-C9eA#kKtI*j#LMkpauYLJa254KTa0oN1gE`jG)9kPsIL>k89QUn&N^AMvL| zTNP+fE5h2+jWEMQo}A}YqpRR6ayRUtVwfvz6581tux&83xf%DE zM1lF-EBv~sb8OA@<=mX;bW%uCB9D8qXr-|U!$%*-_?jBL+?@l*T?@&|`~kN{z@MDF zJA;BM(_roR(WI}W{6c!JhS*?f?`XsX91NFe;)Mk3KO$*O-i3j&BYhjFe7R`;k zf%-1pDRNshNO*-i_zqVScr+)_5X*ef)scqEBR834at2-eRm3joDd3iYyU_N107a{s zkd%}Im}RK(^5xF(V1YACdC{G@aCezXU?#nmS`DlA^#=E%Eg*CL5{|KtgaQnQg{G@v z!I312US+{r?kJIj(j0NPQ6ebMo`$-U&R~o6Nqm%=4%*9>V}emNOR%pI$8%fQfT4qF zh~_3R%L`%hA7{Wa4xroDAd)iFgR&@pwsYZkw&GnDycjY9R|gCAyW~%XWxeoNOav{Q z$dTN0AuitRn${u7b~0ZhL_?JKqG!F9vI;ZVHu&Ixnmxzm>vw@Le2RBCLHfk za}hn~_v1=vB1Dx);N3-eRQ8$p%v)w)l(mw3ID><(o(b@VUxnR6S3$@z4vxI`6{)6A z1=2`H|LFmkx9UC)3rnK=GxxB^IU(@EWC4-yY&e!#3>TDC=}k#8=ccq1A4TuwZp?F~ zYbj|EWS0YD3QS3Az7z~O7fDI^vQVOLLQ5Yw!-j)vNh9nX^RpE+1kc5Y7yV2ln+|T! zKc^TaG$Qf&r(nn(rpQj`7Sp zCS*M86PxsC2Hom&1lM0A)LyiQKXpT%5}7f@T;C!-{bm+~nQVaz7e|xJluclII-mSB z&8c}@AnzVF7(~jEu;`T{y-Mj%v0F1iPr6#bZkVtMhkej3Bnaj8M)F>y=*+G{2A@S zRzsRF_Whl|wCqy*jP_4wN$t7zb(i$}|9QFg^8Z)TKcCnB>3Vwme6~IP`{%KF4_Ynn z`I}|KRY9UU^EaG(Z{GzwapitLxtnTdiSV-3%At>xtYx#s!T z-Tz4z_Sx8+-8 zT94Sb)z7evhqt}l@4UQDZRMKVb`RUj{l4Gj(O#~tRs8pIzqJePtz}uK))U&x*}rc6 z71-Qugm-|vB2-`QR}EdLZb1>pZa6__x0bkpOOCC zcTx1H_5Rhr)#HDOS^r_x{PS^N>yAbHen$IvPrj{2zvut{ap1MmU@d$qh?! zZ^w1;ebOroi}qw;;jfsJ-#xk@_Ykyd?o-V9hm@td6iVM8Wkn-;;m2iC)U2kC<7>}i z<@luIgUvg!`Ypp@``aS&?VG}Vu)j&}$!p1}%S{$Ns+^rFSqXJ#eV{yl4@vm>iD&Bg z!B=hxDL>qcDL%8Y*X1i@o_!vy)$VbR_e|m`U@CRF`9f@5TaSgp`u&TV68JvS2h6`O z2mk8n?;&7 zae5ZW{5XpaIvZ$*Um0|-UQb`5rb1lWE68mY0}j1QLz?C2x`2HKJugZ-P)OstE(49e zvY__MkrW|?_}g~i`u!x>ceoF6ogZ;~YCYgp>_mZQWFy3By}_CCOQE`I8kGHr!VY0W zXh@I8lyYbgwES9*b;jZBX~cCX(%3*t@~UB+&TV>|` zr+%d+@$-McuhDGkA2DgGqV+hLf|H`tVkxGQY{X4?FOTQr_KB}O zS7s&;hl>8zcr^WetDnjJ4|t}3RpB3Rf#1iY?d?zeZ}X%7>iO|sTi8s;CKIRpHJDh`A>V@{=4T>SK9oxz1RNTkK60(?O%VdW^tiZt7U#4D{lNB^Xz}ABC)DV z9sb-VW`7iI-yiGJc4GTH?)UuPKfW%LZnc@*Z%!5em#X>?J68B&5jS^}9Ge*}DIO>* z#eB{DMR|TAF6riehXeISoP@j8F&cbc)G&DlTi-vKrQiDhxO?-kn!dMxyiW6|G|z)* z(A+s^ueJ7RAf-qu2?-&}oKPaob4i*cl?qLwL3Q@tr&LOkkRd{nghYf8g>N07_vih6 zp67c#&viZ5_58k{?{ELn-e2K9y`p zTRSJJ#-OI5IY|Sx%3_v2H3poMhd(tmOWorY(0Gd+#9BEHXfo1dM zElAo@jujBok007`f+bj^SMNRN0H@pVCK}It%#yjw;P7W=;Hk^*;)@mLv5J3P!0EvY zSP7XyYz1S9hJxDl$Y9G(mP`9wPOX~>u4p=pFP0w0`N=HYX0a=)M&}v(!dqHHMg0B- zxs%zfDw+wUGY>T!{anfl`;vwymDO>^jy}X23^#zYcOEu4vb6AZf(iKJpCq~NfFUVx zQ%Snr#GM4w_>D=BjPfqG35mw;MM-90iaV(ccgz_zS zG_0JQ4I%Euu{M58Z5Wd&B)7;fWd&v(VSzqH)`KuM<s!^Q11mO;o%?Yv_w2bX%5mO&-y8MOxg zarIgQs=JB1$uyFxC5{cMS7k78_%;52PcOO!{}uIu^V!a_tagXxt;;K6%RWceZkIO8 zk9y&F`>-W`Xzxi@q>(gq%gANP^p#oKCU#kxhdKa{cgI-*(|dB6i&x|N`|iVx&oY)h z&z_mKgiW$mfBMZD@zu06|B?U%H#o7{Qw~_xwLo0zmmHqRaAPgIyp0*9@C&c=QLr2h zcDHYoCd~ zJCTTsIP1Z4JA}~B9winNori8JlE|;@GV0SHfX|j;bZ<`;Tz*Lc{SIMbMuByVp$aBC zEzN_~#}0y~yg(51>L6CPPz5V@e9yY5plwONH4M&emS_EnU2Qq_TnNux5sKm~JXjjM z-!OSa1=g=S-8i*sF3a`aBv(ZKARZO0gXYlm`Y1~3G zAFLVW1DB+v&>L+BhUa)U{EvE}_-DT0{o|ATHBbC?{_oEZ!yPgDfa&YZptaMt>RS|THQOsi+;s#v9w)t%&KEI#?t(D6TfpQ(y}|;2Cnb)u>6m> z{agR!FFE`7>vsP7{oj|r)#86}{MTB)^FFzq6OcQB8kN4|Jek5kljKF`m+7NrK{B{^ z&R58D`Z2p(Q4pVh%~@DSt(9s%#YcJzW^mTZnofTMNgtj$_k)vL*xk^*GnLFgxD?;} z^(UtY>!6n0O=1OgL%h8*6g?h@;{1M>hEu!Ga+WxJu1gebrMRkQ@QS_l6Hh~%$t;`z zmYj^k5AoTZ8V#?d)$j*#Eu2k9>Zd>4=|glYWj%E>sA)Lj7#rO)l{hWy>$_>L(?>NSC*_?`!aCAo;N58Iq<}8fY;53Hb zBD#O1QYrSeA_w(_@W`ufoHkQibilNeMb(sW+?J`b+QJTS3B%OPmf7L+s%-eWFULUBGGF|$lqqNG$S8hz zpKL=BoxrDB>l*xQHSvL4;iT{jd-z6ZKIcM79B2GMAN)4g1U3Jz!!8?qqfThl;ZaI8 zglL{QJ~Q6)a+;`5WejC6@}%q*d$M|R&vG6qU%;!jhjWfE`H5s~)>08m7Bv8i5-Pf6 zHA`{)JN15W1F5N~2FG@~;_DWMG)z)^+1VmEcRhcWI1lH?RmXEpZ5j;SS95kA%Ha09qU=rm`DP1ZWwq3$tL2^ibC;c9N`)A)_l%yxey>)QiE7@8 z&Cs{~sCKP;h!pk}o~sK;IFykgSyU@?3>U#{IP8Mx<=73!@p?ngCAj|~)Zj4sfl95p zz$qNMj4b@NQN>Dv4Iz8haJK1cv!xeVaOvAnyAz+=ozE$pQ;geNidqijAoPXLnw9^2 zoYke_fW*J^O~=Cjy`BC4%3j1v{VUoFCG)LNdih6KQ_9PFJ3j)kz8q&P2z|sXn%s>X zeEIO8u275ix;l7BgWsrn^bv6PHb9!4b#N%U692vW7>bJcgf>s_MZagqX~b4fM})!+ zxbxFPxN?w><^8l1mbj)fv_*8VsK{v4YDJ+YxjE*uF5+;8|F3+<06hqx%wi|#u;nLS zv#AzsmNdsFE_{OG$;VM)TQ}-DyN_{5SpwUt#Siy=5yvh<4+~mZ0AqTWOKkn5Kge8M zVII<(5ZZo8L?Oylk@n1Oc3{}9K_EA(2&;Z(nd>VY;>xGm!w5_;Dhims*K7C zrc90`$-uo&%aCM{1k$4KVqGfvf;iuk@Y&!w@*3B`rvglHwHRS&oD+_2X{EBlf12RC z&~EJhBp>!|_!l~{pb($eS4E$*Ee?fkS2G;BbQ|7ycoTI<>_y&Cgmrg|0)DW2Ij$V5 zfyd8Tjhj8w#PNz&th{hFJXx>=ckC^Oe!~%r1ZibVD0~(=D|Z1UJZzy?>2BuowO#4C#2D%`!p1?$N?4YUWsbPMiGCN5}x7BW9cy}jrZBVWA1I< z07`%C!dvVc@YI$w7Alv8&nQLLnA}yROT8oT_#VwsSoxvUKtXWUwdQfjwByOtP z$h8+oTAVG`ZjEG^dCs1ePN7hxo_8 z^~?V9BmO%7_x%Y%_K$t|_t}AeEq`|G+?j@V`Y$=f#m%hnFUIKEAp?Bv9$k)idk(U_ zAKIW^=R{U1wUXxq%tQ+sRFH(TPlL@OOESJ$j@3OKYnbSxH%Ja2YEbM9Ec0LF4*ucKyJ-FA<%IuHZov3IFZWljDcL1bTe{H>z+}({U@XTXHZ&R?!RNKe8c*g|#sw<%UeWzJ(x&Dd#wM6@4xkP{<2qp?*7O9n*RHC z%wOq`9sAeXr>Vd|4EnXka8fNgxX&s+#mRW&h8IZ0RFktU)|YCyJx0lv+Tc8Q1i)1? z9%uF0Ax>o}e)n-F;`i{uBDYka&e@ruPxd?E?wo{gAq;VoP+?9?Oeb~5{|4;ji^o?o z58$7cis74J1?Rr%QtGq`bpUBuDb@D~nJkG#dTY|?n7+es+qc=|(;oU4}=)Gw+ zPCIMLanX`S@7;|#o26a3zN~e90nS;Lf$xx%>s zSG6wZ>=2O0NA|RWn22?vV@Y#ict-*zX*Gh}E<|w>I8l5Oi;Hp1hNaY&ml61)pg!sp ze$scp{IC)MsxN=Mrp00NgR>fIO`$>q3I;~H- zytU>GsMdhuy>>`;r~?l$pFm^j3ab<8_-k3dSj0XkO41vh!9fT^Y8y*U!GiK(2oF+QS zDP9T#^pc5PlA@I9lu4AoU;?aLcZs}pvJ`AyWrbY!Sd(mi4eCh99Ik$Z|6GhNNW~!? z+G48x$1+O7Y9stmq==8Z2&4L?N0;wSNdusbWcp7}`mU zRP3XgM=oPw(I?1G-Q8%zmTDyD?oR#UQRK?p5MZ@21PT=*uBj98$rav)uGsN zv10j0-khwXQWk`7yBW66XFajF_czv8E_&8pVkx%P?ixF!%md5P z${=E_OX$X09*Odqs{yOHh0EKSzP?^`shfI|j8P6kL}be@V$er1@~o2rn<*hod|Wpm z9?d(3-S2ou>8a;Zy`JB>{LOcA!DIJ`;riy;)b&HhaJ^Sf=v{R<@*Acjo+oDD!zl&i zC(?`JO9hZgw;X5Ssuk4yxQ1L3`VpnNM53$M1Jt!Yg5o*w9@t!RL7UQaIJ->`<3C=g zP|JV3pm;1b@Mpm}wKMb?*PTK-ziv=pU)bTOJ(=_4^gaPCe?vTVO+C3-K@kb7X8obb zn92X)$nvSDXnKF2!57{~RV^y5!ivovn~nb_H9`ym?X(3 zw0a2pJI&>EDJbuF7r+txR-Bu$Bzdo?_OW38Ez8zSKkS8dKEPwtIM*8igcHY^{ z?^Q1Whp&%RdxV8aQx(_;Kb5 zUQ^US@%%_5R&0|(A%iM-u|@*E2dmm1K(E+K*YxwSV#e z8VvNS(`_$DH8chMmE}{?C@%%o%#)#Rysko`_cv0fj`1RzLj+}d?gO;0l%yI@8{#!h zBIx}MYs70@OnC=eo+<~;03#;q&*a3{G=7-^Y?7g#uR zV$NqYO8_QhY+Th(~h0+3R^rwD2P)oOh@ObW}IiKD`E0! z4rhCGJr}>EjZ*lM-QQ8NCO^mi>KRnzA50Y-bSM1>Wl_q4dHAJuyl6M)G}7s{LCyhs zOr9t?DtjrLd@zs#X+j%tx5Rg7Vowp(eQA*F?~y>a<|yO8IyLZL3hnU055y^L@vT%62Jp^8HC<7uF6lj{&O0f8TG&p;h05$33Bs+)2N!wz~@mI>=`Y+pDb#WEX zn`lvIDHTwngzL0WFi`OXYEJ%4Mzbx^i?G=!`A|D_AUjd>p=xr#aSyq=L=#C#^W%@3 zE=}w36cR4%qCVy2!!My2%$0wR`hhg=e|Rq9YagXtVlrWN{3GURXFU=BBTP%-tv zi9!SGmcfVLl=xlf8OSuM44qukj0_7_a{9~d@aDvDO7R|tD}QyeWq9vMA#U|igj4TV zger=4k>8!z8kQWRCMMTY9S1j4kx{(3kdp{&#K{3S zJ$Mgx{uJg6CdZ-sH#Trw*^;d0AqM`bvy3ylDh5A)xe`R?2Z`RlWJxvi=7TdYh49*9 z!G>+p5&V%sUATRc6-QvX9j2|IlN!1{S~DB-rzw7pIYD*RMo{seZ+ zt3m0|w9*c9XlezE{Uot6nOLUr^#u4%(H`g=-H$O`k6^m}{a}@Er$u|t2E(UY=YrNK z7Z}DWWS)ZOVE(|6sY%Eiru#z@Bt0>~Btm4-!JZ71-&hKrR~T^TgZz#xpsBV5=3M)T zjsIQ(trQhOJm(Y&ta}fw7~9Y+kz<(M{za%U%LKKsWP!-&9Q0g*2?OW-0+!AfP^ykB z5D!d;76V!!ZPk6u;===2p-=|n{C@+u&jm#4zJs?7tLZt{)lJ^<8p3rtN=V0N0bI^s zhC*EB%|ZqNFoq;F?i$19*w4k)-_fB__dJjn(#xIiwV&28JBoRLDAHtZlzNDn_h&N~ zJe7u~T6tii*b<(xTgr5I!eDq#4QP8~$)LS00QHYLu*O9%m=ZZwFh;zPS>R>>qTnwk zb$$zzX_5qjI+DS|$w|z@WSl8eo(#5Dc322@EHHUKs|-7@a|RgQTa6V<*+G+At|mWb zTVQTAfk5>26=vB`F_c=r2nlNLg}nwtT>d^y)d#!Jj)ISGS}}>P1K{^VL9lR*I})Iu zgVq<6(Za4*82IoKKK=d#rZW^6JFnk@8$}KP6+R}=7j;K>KZ${5^CMuK0fik(KZ(^1 ze1!JcBDhm89lVGa04aIduu^L_{ndjalLdJXfS36#NIZ)GtHb<|f{cv$huX`S^vWpM zXw-q_ez}2mSr;%i3ht&~@cvDo@khw2@8$!xru64wN*4Pv1L!xmw^`hsGN5n2Qc1V2 zk74KzTs0dkJHF4y54)xsaKbD`|YO#ZpLSM$bV$OTilX2|PeB&UoGZsy5 zUi3I&UV22_B}Ri{JSH)GlNt0`mFvT-y>yT9G1!Coc;gO+_ko4XxZBPQv$L5PZ0KM% zZHmJVs{JyrQT4%o&RK?;EHPuAT2C_jyM&pNR2Jh!$OY`9K?I}XW*QU9pJrt8KcX9- z*T%xUZ!r}PFJpRU@G~=431X3=Te)%eBk!b`N|htb-_pFyxV}8h^jyBll8eQRBD*SP zG$qd1*lPraRz8FCc%Op7ztfk!%w@`REHauf3-9l37TG6l^<_6dHLv8tXX5kGI~4t481-+0r`h_ zaqVA2_*1YTq82{7wi>|66R=M=6DV!?foyCH(D$&5$UKb>tUg2{Z^=mX?ouV-5luqx z_MV12rV3%~!wIxsXfOD@>JBWm762K&Qo!F^2Kl^ifPN)X(BWYo_!X&#b{_LGpP`Ru zPZV?xOhS!^Z$j~jH>l@~wfSn*BJAeqV|W+M2J-bm_)M{Qi&yiBVq*Tx^_oLR4QI}a z);ynIk;a&x<#uqss8JI4ULUW9!OZ`{Kd2ii`c-o8EpYvAn03z9P&(s|f#TpkqZZ$} z22I0b^E-;(%@3isa@&+1`cvQaam0LOhXVbXHfD}sPd>wad)^!LWXl*G7IZb5x%Z2? zLcd>XDYxFt?_Ce90lkM0bI>BV`unz_l0ilaVH=eU7^iPJV(aN27#lMrfzQSSOxDa8 z_{L~4jt*#p`0a%l^L#V?yF@n@ueJhfSa*-PUC9JI4}Zbf{6QR(J)**p)?zZ~bE26~ zo`z$a?4_}UM-oiK!ceUGw!P_0-$ZCJbMv&lH;Ewal5FS*E2^VNX^dt&9zj-I-WxgJ2{8EI=+3Ue* zy%4}EV&U(}7A}A1zkUERPdtRjFB`)w3mkpEtYvn*O%Z#fZUWB*Y{UE)-a&mr88Fmu zJ!o~8doDp35~c4rX}dT3dLxe8f8V!{ba2^7N$M(@BeOIIMeXceX_^cGvYXAzu}!Ef$Ge`ip~ zP6Pd~&%vVyl!4UwSx7Ly(zI(`JJUg46z<6I#|G9$A<-~#^r6TV^8LQRrBAIv3WzB@ z1uNWBux-(MFuS#FSgoo)lJba!o8*+xljC~e+^5G-#jpxq5Uw@lGIxk1*>B<$IX92DAF19LCy zfO)6aVw=?apy)LJvC2?LyK@YayPyRdtT#Z}bZ?7be{1OCcM3bnUyJeSH^HA-PXvKvSV)4mt?eU9_7YRFG<8(#H(pBK4wpt`;m@}sQ1Yh zTZv>wwC!0&74E`(e(tjA+;4Hrr_$R5;a6il<_hFZHn=4?|3rB3htb_2@qDE-9tsJ{mMZpSq5_~hQ2K+f@NW!2M`~JWj#->ML z7w$x0%aUW^iQOMS=Q&Yu>S8~(>bpN2FE288U&A)+S8N9J;!7Z&{1$wQU?B0Zbkn&5 zw%8g!25h*q4!c}gg(BsL(Rv#|cwj1>0|h>~f~Ds-K;xtoa8O+U-x$0Q zO{U*P_=Z^UaBn_hB%~sHGX^jhPeACl5A3=Ip?{+=&ZE8qe7-sXDJO4W+9?4nO1Gmu z>w00%eg(MpNe)<7vH%GchtlhJ+ncy}CPTC>3w17xf#*5GIGZ?b_Az!b=vq7r1uiuQ z4oT7fhvzZH8Pm!0*Zwnq<;DIw|M&A@sq{b3Uj^Lu|NayI_vOF9RaNRUv1_o=@m4&P{hoc-9@jg8Ch7B(K!ymsj)Q2nYSkJnq+>Op?h_MQ$rcmn39@2Xx zixa-6oE%jc#x-M$Sp7FeSv*tmL<38Ulh?z8R~_!;bXb2^R0j~@nd+&9ba7QTM-hf zG)8*6yKsHSdCZ=)c(ViTGI+yc_ zf9cgArzqztogOMn3-4b=lqPfv7=QM~gS?)gBQCwvzye2d^~zep=Dj0TUo(kv zbpp8cUrtK@1127xkj3VBs7W<>`ulCvHF^czp9qAXC+w+R@?EHWL<_xom4LfxTtecj za!`2RTTpFIGu!`J23>p+fH@niggFnL(aO09g~dc6f9v1SAbpHt@NBhv|*Xek( zN+}#JQ>B@h$*B)7qW{t#(OQ>C)8dRj=2rMXhL(K5sNW>H!nxBG33v2`>qP?VZ5|wDFH8+8V z++4xHAFFZrxD55$kW_rDB1&uthhtTcs*34H{N^rP{AzFf{ZeG}yay<7IUw~WuA=wy zb*Ne9DA9J5j~dx5iqoemp}lGXzIvHG`kcQVRar}t`mN2T_Ig6dzhDEis*Av~tmM$E zyYrBxZ#7ykH3?0(Umy&XQ;_G18Z`Tw30(234c2T^qMcrxtJX}Dfk$tgLy~hNkwBgY zuDi3IOV7l4elozGhWuQEQPuNPz-h!t&qrK}rsyh!(6bQJK~X=v6CXn^(!!{>{t4Wz z>xzV3JqbIbCd&B46zs`~#q+zLbK7b>HvNTynj`Sj{olxMUn1p~ZG*~oA&zEeGMl=e zz%6rEc@=JS*A%}nUr)F_qgMLZEe+bpU?J7qWF|oQ_~NH@S0LkklAPCfv^c6G#Z*LY zGPQlxB}89Q&-GWF*Z(blWf~>;>pBIhASwuLy>}SNFL(`gN6u5Muh&ttWgfARSUMd` zmB5X>z9CuPbEKTaY*V*0%be{KQn};l&%H%LuMX z>eu>-j-3eQK3DzUup9q>>C@S*4~nE_L*CX}BIVNta4_>QvEKM6c)*D#Z)!gWsw+pJ z-lIOQY;?Rm3gljxgGV<%z{X8$;U~Lda`m$lY_pFZ#EJFus2NOhb}LXs&1d%QbCW`9 zyggF2%JMWHxPYkGlrKACkdVTOWHqp@#2NShrxqTS6sr}Rb z={=uKc>DikYFL`UvD&@x;K^Y&BfgEuPN;<4JlB9{+kE6%x(5mup8{2Jh2SE1Yphuu z4~q9pu_tD)BWXkNM2@)zj6OCG=12L$H2yqLbo>;wjIxDxSLT4JGohHxK^dBRo~xSY z3JbXKLlY=hT>*{S1W?r#dvazx9z8Ttd8IhfY$8*CWc~&?+`B~2?X@z^uYn&Pe5+vE zuDuf4Xe6S9dKb9CPZr(k{|!%D?uIrtIrRg{T`=E(fT8P7ab;QCzz&{paf8t`A7rCr zgwot7DqQ3!ytpO+9;WMZ@mustlsb4vo78$VN3b*sD?W1Zlb!#!{adrFmFy>c!TX$OH2v`qbbj-5vd`@q zkrA1XRDW%R0ZOxR_R3SFux>9lWVwx0&UZCEF4qXlzveJqmZ%X*F}z5|OdXw}MWUkc z%fwwFanfnZ1?^nRLeD<%LmTOnu!^BU>-(Ofs@!*)jLddKdtVu&*10@*xu+X<%sOHh zVSDyBkTolf?0xbMhOB(0JA>=*TuEvqwcF%LKo&Z!XoV6bM4`BpEHYi{1XgZ}f;>m} zkq&E4!^l@5$ZGp;Zd;q;!yq<#2Silpq1F4FV7BZo_~dFY*|5C?rds@D&$N4C@C7{h z$qUh>R|{>rLX)27pg9mSEm%PUwBauEQ-Vo0-dL)wy)pxxgHf@Eb{ zif^*olJCuMc8xj;c{~pd4_-y0bAE8?dDYTP2I{24Jtu;Y%ef{@^~PR3}@E;L4watTL&`{t0$sDuM=0lOiA1D$(*^R*^Atr}#Z$ zt4PBOV$_oI<0S3jTq?ONoV;kQF})rp0jjGMa{HL!!C!}L{T!%p_$iRu-w3zfz6Fcl zoQHlx5~PV`H1yTH2_G#FLDlE$&CgQl#mLPbw!rj6q%7&O`cUVbm{ZfxJa_ zaL04~jvDp$QZf`caT(fFl@bR$_jBhD)$}^#&r@!?eZ&e4jyy%8Cw{3Clbw(O1<>fl>JeUdtiI+s164h?@Jc5FDnEpznSB>MH>8rmcyD6C`>DebjEinhhn zh)Pq~$lu#ojgo9{Lfy7Bs`W=NmG19Fjh>}ZlRjfGZ{ZU#BX@7N{_Vfir`zJCGA-oT zp-Q+cJ_Ca1O;9jnF?HqJ7Z^Sf$==}>g`}&_BGt>=5Ga~Uw$VtDjv7PkS8Fs|^FeF9 z-$4Ud)YDD|Z}lIPeXMkeq{f4kknib!R2p)KdboARnVI|FW@n;P4pt`3nmA-_Y(}{$t}q-v zhfZs|VS9ZN9Qbq&6n(x2@61y|e0UzWt)3h4FzeewxZ`v=+VjW=8T!4W&PsIwt1F?f z-R=ZA({7(SNs0&WhQp)~U-RkDvwqde(2CxkheqjV1aj|);_%8IwAaIkGQORPM7@Wg z>=6-4v@0A5kKE_VpVGR2Y@RgTR#tomoZ@LG9^&hf*HwEo_?99acXboqPL+sfl>oCe z$pkmJca9uO+6;etC{TAdYMM$0ra|ut+uHCS3yJ=)7tk?dAre39iKOUTh~rW*8Pejin&ov?YMI`~nXiVeU~Omh!h{fdTvw2SACd1pfd3@`YCg}Zvf zqhd64x#Spk{y5mFPF)thZL+%S0&)3`HyU2t4f(YvU;`wTqP8q3WGSSe2DZHL~_9et!|68i&Y z&0sp>EQV;!g#uy6#*s(WRur-7GP!s-8Xekt2l_~H$a*{)1@nL4;ujnAk7d@=^$yz= zfsGn_vv><+lI ze3&8pyBPFec?8=U%%**cg-DpToqTsxmOShgg*In+BDs!r5Sgrns{Qgb!3FzN3m>ME z+ox@PKnnw%x;ci1{vk7^7tccj{uIpVw=5C6{s&AK26}DEYBcFBDWo($VY2h?8SIv_ zDAVm}w3^;GA9?SImCUur&tc&Kj%>ltU(EbW?_su3l$)d4cP$+g_iLcrl|@tT*p*wd~4niyjyvu%#$j574fH5BmyDG!Ua$W$0PJx#4 z$6#ZqCNtkFjVl|}U=?Um*8>3|RFK)ysDH$~6kwZ}>>q%ASSaZ$1TIT(XEfj}y@P3zOT2SiQ_Y z@r$W#W3!SJu%CS=U^8zRJi(hxY@MCOhO-l(s0a%t?hr@g0p-|@Z3&n|LKG;@pKW?4 zS_IP618QrT9>i~lQD89N1@5&Ahn}8^#KCRm#Ny@A@R>?Be8MURoralUC|QX%_hYYe zvsowGDku`(h&lm1hhM=<>;L38JVKrW{pc{J_^gC_fAxh>Pj@d@e+!lmaP75+K8E`@ zGI4q#3k@D=hE}D1Xd-BeDEf4o%CC?{>lrb);v5<`7Gb$D93|Ekz#}{mPnqvW8Qe;v zc7Ijj+!b9x4)e-#b-XW73iqj;i~E4>!s&58q;KC=rWsTQQLOwJf%v&8c=(4BlS2F zMu#Ek(&&D`FdQ6NK#pcdaOV$fxr%zhbiBXaM+>=}7Y5G17T~Q>?cDL~pPfmW^Djp? zON?;2s$xp2FqVtokRv}Dm&`Ef&bUk5k!-@k)2=e(R2NqNUKS5JV@?pPYx=~EwuoB) zYWYZ6B8NF6N2}?pnWIA!Sip)p=K9tRb@p~45=xpIfhpvxySrjGIaB7kUKufd&ryB| zDAAH^e7WmiYXYONm7>x#=d!a{V%L0P?XaDx!(LICE~kLK2)@9UlVaB$Z(mY3Q~!TI z++v1^qDe_`?M+}^$>Z=k%b}yhWg0J#_xujdWq|77Fzfn`S=odsZjTLL!U_FqsYsKo zmspzVIW|8EWc&AQ1yeuIv8CpV)Ki;eiR_H0?3J$VSW{g_UCV2MIOXNFrYe3!5h0T;LXL>db=&)SyjsxIA$Pa<$oOuoxkz)42>}=G;&l{nRf7u zAU^#`4dj&+L#U^ePUj|tsYLTJ_rw;!xtT>FUw2FGt6)}T=Ryj58&tD_U{Az8=4)qn3S4(4LAnRf#Z@j)9;uo zQ&J~Zp(?zR?WJvo0(X_6tefUYvF|!~E3xK`_wFg?U~B+!+^L+5?XMyi7vCm3vjova zp(s?es}VLc4iG>Y0@<=`!cY7h7b7oGRW<3JWHhz_2XsFItiSvm`Ur?qGdShEilUC= z)$rJ54jRv>CZE6SPoKG;_;@{9tGUHkpe7r^Qd9B`~iO8#0`rnMCwJZp;9{GKc? z`7!}A&Yfbn2^Ns@8kfm)L15Zvegd|2Xd&j#!|-Q+BDw7FN9bIv2-P*00$GL>?b_aj z%J5bon)sa!WuA9Jhi6kzCe@jXpVzbRkYD(&vqNkXtzofe^e6fV= zJh}L@JnghqAJ_jI=6?eVlrIX%#tY$;a10VokfE-uX+&2><|6M?-K2m_E^5gV<@WIh zxj%osVJATmcc}&FtEMGN7gE3-RFb*$^d1vOwI7<;7anz!L9|(@$#*;V`S-qME}6VN)YRWy z4=pvFe$Om+KRC*<2Ky(*pm{<*Ni&Tme~_oZiWkd~-2Okg?EM4B;8$J^==^XRc z9Bz|^m3y5jxv$r-t!vu2`nLiPM`QDJ(4+n8{INCB(m%dw(7cEua= z_?b6FiX|~AgWHG6C85@b)KdaOJwtw^TvyrjEHnQgaEck7|8hwjy1nu=ex3JfMX{v>X)g?ofHqje(L|Gb|Jba|OU>lt z<0oLUhBDfcGKVUW3D=8lR-tLgXrZ(nW5&G^Zm9HXC-Tc!4AI*QP*Vv1&r6FlxPFrHKRtVOq!B{_nPj_|QaE4M!@3m5#2))y2!B`DNo6*lYTd?lKKm@{SSV#Z&S zJqP#4U6ICzyVS)y52@s+{Z#0XE~RFYhN|CQ<>L3h>#y>$L-?z0HDoXEW|XmVJsRF{ z7iy0OP=02p8cY_JfM13KNSR?ZShOV<9Hb%$FIWpL zM&r1Bl=J-^Kj^rt4>}xfu-{|FFnHQ;=g}OipGyW3QqC{o&4aG6?|cfn-=7VoYwv;W zA+9j)+-no(5N)`7C18Kayh4P>-DO|Cxg0j{O@=k;^I)TV8oQ<`5k58Uh6LYgF!-uv zIa7Iw5d1AnPjp~J*j$gdOiEuVlKVsj{R-_lGCoD{GudM(`g+PwlRXG z;X6Q^DVub8eGCe%31Sb8*rI55F??A68=BdiCLhlW6ApR%4126Rul~}549xiC0a$Rs z5|a~;g^7U+pi8tL03PkcgY^60hN@LvsB5lL;~u z{u95_yK;dn9uJ0fi!9KU2f~!(7R5-$JVlyzUKtk?kB1R(|MHFCgxx&yt6(lLnDrSr zzq<^)lv~)sF9(4Ue=IxMbrH9$d}|u!8s-FMTU-QQbWi9f-^TtJ=Sqe~3BhY76~v70 zd9>()YfVD1?4vAgI?==ZdScIZbI`E1lD~O*CG*HZ3;6MnJ$Zef2&@l%1%7RC0YZkl zaHMl9w-4IIzws+}!@$ekK3M6bBb3;{fQ{={!7X9>fVeLXs@QJu;w&Sy)1?h6o! zg~&{VGSeVscxwB8`mXQqx7M@P`>c08>-Vnp?my1n`|Rr;uIs*rd${iFj(JW_k<(?1 zMVDbsJzjNDXJSq6ob(#TTSc4^WRTN!Z<33CpTV0gqi|G;8e?q# zNo_+bb@GE^3aKwlBvqAU}o1+Tf)XZrD{Hp8unNu53C z%8FkZUuAOo4BofR1-lhK#>Fa=aasSJyyot6Xu9P+^o~$wZ2X)~^M+f}J4gxFB6i|# zeDSIS)(%)$^W}XI(%5K(^|w~3jL=Wv&(M2C4nw z7G0mWiykAJ!{f^~Mue#k| zUE%xb=~O8D?|RKh8~k$xD{1pP^5lh+-6E*DcLFHmxy9rw0TemN9Hq{ST_vHt247;^ z9qLL*3?(wSMPBp?WeZ+clNZfaR~F0+!>sySWVvO&@QYa>rQtD`3VoJGDz5q}ysNp1 zQZ|VowWhe!JikR_v(E9RZIofobgE6qj+&h&&wr%JrSVxBvs@&exR_dnt10!Q%_4h` zI(qz(mwt_ccOuzWPZ^11LUO1Z5xP_p(4dxFIY=F-PZXZMwVj-<{+Nuv_P%<4Y9*c5 zpZ1I7Adye1F1$ch20_X!L8dl0v4M0Ko+Y;}mKTlSJy$SEv_oZr=6p|*&WXA}IuHgD0qYg)n;ubo6b2ez>z4__nIuN%~) zIq2fcCst4~vY}LZx-r#)WJNym>B5j*FDSEWC(6-6j4WBPhqUZbV|?{X(HXNpQgmm% zBGnadPn882@K-sWr*VEMdPGV;y3*<4RDo5})6lu}_nK%2(&1fAc=cg=2>JPRe&XDYtj6kw(vM5hfh%#2K}V(8_!X)IiSt>^0-jQlzS@P z>-~jtxu#6%dafFd4PqyHR@@>qd#xav*q}wJnN6qVS77>Y`F-g&NSUmZ)3^K!u*=8WrwiY*0too zxn_LMZVV+lQ$+?e?!jLsNRSotMC4&NGXd*iHM-AHWVnA7*BJNM^@vtaq}E zqQdNGeB85TL>ft*q|&+yieorlB=&rU@fwTI6(sR(6s+=PtkLyQ~ z&T9nZq3j7{hSXVs=g$@7)~z$CP){D6SHRD7@_w2uxhZ}c<=owY1siOKcSjHJ0iHgN z{5I8+#=pi_lDhh>nKZ4dms;T#r66-=c#iRXAbx9*A@N4gMpf@0Pu0v*5Lw?TAQj&$ z<41dM3NKW0sO2k$_sjp6OV@fim8Er5&?c@%Nf6Rhns9}1m)LUQ*m_^8S8sv9v_U{s z8eJ7gYA2CPL6>mhyatxKK0#&6)54MaN`?pZprA$gN_bo7vo}g`M^{(Wd|ZS2apRRRJ}9f^wmzV2*Jjdv zp~Ao>fkA(@;8m8bP;A>QT$VUQ20dvPe1G67>?%e8T4?|70hsWDCvoTW@D>|aSTUP_4M{jUm~>|$&5tc&O}ug6+Qrj>4_ zrrb@ex&8E&;9}!dVZhoWG(K}HOhk%X=8=KVqRE|W^@ZPd0QnI-bs2o>O^Q0h;loV6 zqFp$ZroyMBlU|W2!d=vT^EtxC>)E2)R3&-n>{|X3jlcHy^RUl;a+*7N`$0K1&nZUa zT~|*XGBB_GW;TXQJS?EwD?wo$Ke$|;|3Xbi`sJ+EO2z(qjAaj^M0-yuGCCJb;WxI; zq!^q|(fm2Xu{q-NM42)!qUl-%)Rf{Hn*SWGYmLtTJ&8!;i?9AFoVH;;Wj%ilwe1#z z@-IshNqqFBww<#f*9p}4UtY-a2NPPT8xM{M?5<2@8{XSR{uw`BkZbd-)7EN*^2#PKj`&Pq zFqwbX&FX~8p_5kYF!)HF5&u$)G4`@Lfo-zIB-*kk?EltsvW1zcsE>jsz8?^e{=#v|C~-}$arnWW^G-@ z{mcoWPaL!vvfavzLrW(z#>`a>?atEtJph>s$!<6AUb=jq4RH!R?R^CjoP9ususrz)^}(Tlt-`eQRrK@1q%_** z1?#xc>8%HqC_lw>6knD8;!r3nag(sQ61wok#RA$3ea$Da~B-X6JyK(w&do_MICLE)tMmnr4 z$MSMN$!Q<|`aD{7q>!Pf%LGQJb%erHf3ouwMfd+QpKqpd{NrlMkNMF{_OIVYwz*1D zHo>msof&WO2FVyvc3wQ`aA*==p)s1~<l<;ATDDvkC ztUB!(O`}JzzEYE$hyBz}rb+zstrf8?bb5WG{ z8j-5_Ghuw37nQX59G(7N^uPTl8+HT!1Y(PDp@bzBY{#R%zGxv88(c-#;bbaGPDF-; zw^P1DeUz8O9xB1Njtp7Lg_F|<$ii{KRGHovQY2+9 z(mZ5FHL2K>lT4zKxq}+R37pV*BHBZh|8^#0)-tK{i|^8<wGWkUZZ(xA$2R@J zV*~HedA;4;j)y~d;D;W;r0~;JvTJI*!1nFantj<;WMQ8V%|B%ymypX_%CWO~BIB^u z7^MoQ2@Fmghcrn!ETJDnQ5N^>$@6no3oktkBQrX!cCqqnBPI?WnoQ35dXx-!cO93$s}_v85Q{RG=8-=8uanvBrFekK!d`E+80sq| zbc#~sYxcUFB`>eOMBX#Tl;N#0G|$|($-n}uI2>%8ik)}A#mw>#re~L_G6KD{==yF{ zK1%)eI!NtWphA`B$58>dys296cX-cw1!41Bb82;dFxCEch|cR_jRIvbxqz&{aE%hZ z-cMb7KUtLUK2x|anWSRwr3**oZePSnGO}wIc_A;8u|8(DoYz%d#?Zh$(nI!}Wa)zG z{I2X%)UuTL;jvOYb!YxB@=11|@Z|+@{u-|cx{O$lzq)cHFDZgg1vmYM3s$yM-Vg3j z7vGwrApRAho8TE$Am>7TQVQocW;s&=> zqsX`&RI92p`Qdstl66d?9(;I9J^1~Ow2SQ`^L4cu&d=ZLi1`Lq3!>vGxa9@q9=w(x zq1HmzXJYtlvXU7?`cGak>=)WW?%3LAcDO~4@#AbXWfA?J{ZHIb?~w`*U%|Z5=KuT0 zfBD_|uXi^1-@^s`3+~0gb}jvvY(`&$|Mi47{qOS|P4GYT;lJ+#qs3h8pYw?RzKMzb zzrU|&w$HyP_djZ1(aKlB_+~vDpNyzMjuT@LkG%)A{6R=h_9v7U2E)*`e4u!(fbJJR z%T@rZ7pp;;)dpC8iam;B?8aG%PDoe&6WlI8o%Y?BKOlpWUgRQH5RbLaFOTOCk!aD~ z6^ZnBeYLiNm+|DriI{)nEU+Pt;Z^<+@uPk~@x?dL?d_g)`X4sOt^Z-2Dos-W*FZ)T6NVc1b*r znTYCDW$^OH2!A`V2sN#_2p|7c05LavY5Iv(j|IL9KAQUcGP`x-JVL_#IkU)O5V<9tU=_bnB7=)Var3!rAd06;YKK>% zur(WyWb-)u_1tkf{gLhAqxAbFITv~5>%#W3BglBe97G+`!dD&cLZugpSf<7sDb8b( zf+crw#FHMlY-a zfLvBZ14r3EAl+iXa<-WSM?d)$9&b$Hm0{^9IrleKdYMSmFLA|K{P<5CviClQKDafZ zk3|Bmmrkqcg6HO>w*<6G*TCeiQ+Bv0_XhfY@CkhW!x;N0JLA0HPUu{1E&OwA39L0BXtmi8~(2<0`9($n;$@4Kw%(5Fe79edt-4bVfR7J z>g?yw$mwXE)%=drIBV@{+;%nzKGvT}p8V8<1~)E7yY?lbSqn92`YF!cOviT^;XzXZ z;bvP0s28S!hNEYoKY0wy+sa1DgWK_uPi2sLd>8NV6ero+_n`)zI^63}$Gy$|3|(H? z@xEs}!P{pU`1FY$6lnVtg~xF5+uPnKPeX=Wx5^RDNK7RTlU?-O)6<;Cob#6-;IYq7 zqoK#yQ07-E&X;4-^mCj>;?KQpNGW&$wk;b#jlX*6y+o_>De~sg52NuS{*jsg|Nj4s z0t+`Tz{h@WM5jdWpyPWB7+*abt=n@2Rbv;}`RWa*O4B9O9t&vR_?$%%ccrcXfoLgu zm%bOuK3#~;7pbECZ|A~S+O9N=PLnD+T6%9PMhF~k-9$EB2y2kpq&r@W+ zFcpnWn@3z(vJCHV{{ij#!=UA(df4H&iROjq)p4Wz7nrAvj&BbEXNz>;_hDhV(58pT zg5|JlQV6<&e*w$iPZ0G<1y3Jm31u{zk@SfQcD2_W7*)*W^{$KqNZ$&fi<0QTSnu|OsA7jOM>9iTHe!174NcJ|Mi;#i;Rf)AgYz}$(sXowq0%hNOk zj5Jn?A+cm_blG?e0^$Vs?deFvUwmg=a5uopKSu#es_aFQ?o&lyLRr7{c{Gw@Na7mG9@k|GS&ljS%!N=k2xKQ+NTMyh@=Ljp6Yia!Bnmpj{ zb5~%pN{Y35upBRNR;-D|{WhIc9h;BRdS)O4+k zPQPs9#8LXCW$lBpJOp+dCc^mJGhpWs6R~Gr0_D~xQEp2F^zX34$FH`dviKbEnfm}0 zXv=bqw@re!t>?H0=K6yc^|2@)DWG%PXQKVnSSWe56I_!oi7%!vgAa1g5|T%I2}ko* zb1xvqS~VQkOJUAR6y|>j)((!vN7T;J^c%0DjP~7%gw38&(BHBR9{B)h|Jk4NEd0eo zo>~1d1Q(s?N6+7GM-wZ?B5G9#I$(bd?c`R#N8Z+Ovk(vy+~?4FIS$8um}?;pvvRMX zjlECc^sm*Z=%fkqP|AmCHS=g1yLNWMO^pDF=RIa$n)roRW!Y_|5#WGaHy2u4ckjoM z_q&kO-994rODtZLW`tJswLtHuJJ1_zX*&JVn02G}W7Cy;(4#dK*o=JxThHVT&pd~t z`;JRslGHn7(p3(BT-lGs=T5^LiEwCe+#Ks%G2;rHV_;8tKQ}%1HaMo^hi=-tq8Vdb zk&SXXigU<^k2`l@$*05d)e_ziZY%vj`k^Ey!{`$Gz;rwOj-7zU-Phb=i6NL_}yf*bxs-&?3Tk8soP<;wGH(8xER(b zof};<_(ubo?05}-d9lG6gE|o1un^>@{DjZ$%E3)WE78udc<{wM0BsR#MY*yyfL9oc zjBn{#EBcRx;`5$yjcW}+Q9A=kEh>N)=ljB4q4H?gDiU^g9YtAjxj?p_P1J8oC3gP# zW!AVk*XsMQU%N&2Wf+uJ3|O2Q!!cnF(>!zWn;24kpAVlsV!;xh8d%kAL-XIz2PG`I zP0?yNq72Dcx)zsvUq?yHBM^Ij`#3^fH^8j*Qwucq9@dKXi zvl&0$s0`=E8<3LA@1lWU_Q*l(E1I?`ji&#(#kQ<}=vVD@43$4Ignxc)L1JGp+W+YX zl6IFulNf%u+|l+@PPK8I#GdFKkC~u z3-e@k@bTcu=*e0+QgYX2*i|nFcAH7SSjv()V6~akwz&<}6ba&Q2B+1u`M}_ zO6C3W%fE~F=&LbvxAJ)8-uTCIsa+Pj?6n(hxzhz|>H@LiQ8Sb=dm~)4IU3$s zXHM(CeT7w{eS)l~si@H=8jMRC1Y!wYVE&*S;{4eI&&q5;i4I4Ad(uO+sn7(U-FSRB zesdFg?8o4)3Q~aFz98<-@9|(ojtUx_ERSSvRlw%vh3IZ^3bf@;!fUB7MEy%yUUj=V zU8d#HHg>GL7`|Q~1GR=Wf^+B)Vwxz^{1C%hhb|4r)R}ne6!J;eLCOcC>Gri1cf~4G zkD4t1K;q?7?x3!L8ED;LH&nPlA^QYB6l--D-t_GP-ufSSSC)dmy!=p)c*Sf2o9?G0 z^#xbpN6%{1Ch-;ay*dC7Bumot6O%gtck|@YneTj-#I*qK=_5PMA6l59r>FC+r}nJG zA?pOF?id3!?_G?Uc3&Ye?<8ExScJY@=%sN9BsPxPj~^a;AbDmH_{Mku`!}aT*NC-f zdTt-!cQ>I(Hv#Ne5{RQ%^7wn51(dT;z;Zc}oY>3u@Zo`Z+;;0U5TFmy*eO#`cVIPY zRNjmnefPm1Z|rg7&3MQh|CZ4CU;)HXoB3pmQr4I%L!5p!3ax(k1HLhyioXUtq;YPB zlhKqhLOB0vBMi7IjZ((Xr{z~E#uo=gzqFXMs1a_yRR;G3n8SDP_2Ab1?cm7v-Qcle z7$~e!0$=04a^`(oOw$H-?Bumamk7mGC3 zt};QT4O^J@{RZObF+P72p0rXNq_8rNy^nkT-XVJ@Cb;?1*-v+x14)|bBG(htBY>eXN;Cn`YASI-u4S}T(Noa zTnDcZZuyI+T<`JQxR-A=^BycJ8vWHkLbvkTzT{9^jE0uba&P%5_xxQHhM3q3Kg zN^+3!Eyy9vbhi`PzpB|B=5d-g7WMUTT=!n%4f&n|t2-dbnWY1$_7dXM<4)r6jdgTg z-rle08V^k*G()Q_w&K4rSkfNYgFvv+I?^^4?vDHd*7uy@Ms^UeSpNhu(7$fjU*IMn zex=g&;W>XDrC-2;T+WG{&Ajl}K0xR$2Ij7x0cMt@^ZK+Hpq8LhMjH7H2-<4_7h{v`g!SwM|sMD1bAe*md117 zA&dT=`X-tD4Nla%(%KkPH5xy>5w zRw0A)&tpeHD}3seO9t;>gdH@_pbe`fvG~eFx;`7YkLY-WBW--fIugHsc?>FN?nkjY z`_RC?h4}T^BWT;qD!hEA4)T`bl7=l#Wbo;$=wgLBsiUvOORBX;?~+S+zMD!Q`neeU zpLE1;@|R=3i$`!D^CIf5*g$SfOon>$uZWdxv*$gfls|m+LUYm~&|EHS_k^1-zuUT&}?t zZJM{`XPEN_BImLm_3D{Rc+1kZv`FO(cY^F&v%~tkdGowOd7=7J%xZHsvFU^fcb4}o zZr3?mPJ&s0GX$Xag&B=?qR`o+WR{rHLE##D<+d*MQgA9lF)j+|cL6 zxHq@WquX~&G>`aPdDFsUiy6r^R>hrr;!%HG9E>e6z=DPx{8prlJje+6B%l^#uisAd z*5dYwV9)DhC}S&!W3H0J-jRcqs)*L3Wc=E-hNHAd0j<3|$a_9* zF^rOD;EdhZP{;7uG+XR-u+jNdsDE8MK0i|px(_WNG!{Rg_0piyA@&*J4SYc@25qoB z3YY3Q;))$MH2>M8DC5lE_mTG!L#%%H8v5N^O!LyIC?m2gqScbXvo@ie^B2Je z!y>e${X0rmr~`XDPM~pfwy>UvvElPf4$p+Y3fvN?BKgQh=s7r|@lgOs&S6R-)9=B##g+Gpg83SB!?NtFjt{uv$sE>f!`r3fMI+K{Kx}3POX@Hjh0_A6;^s`%8 z3R)G<^CG7#;CcE+^YWKjfGH9}!X#b|Y{|RLoifW1q`A(9?}x$&>xL^JK2h2#Zg49> zI;V0xSGVx0g-eEQl>}g_&m>+sg@7F0CIWM%VXxOO#u#-4{2H1jz7le1_y{Iz8g06PdYS5 zAuviGp@rN3%F+nm{d4i`uYu~!aiFpH20USv2**^hQP8ynFw?aPDZM@e_4hdAEn}{u zqJ(~scHtSKmfYY3tTKXnQ^s&ZmV|)BAUS0BT@x*6Ohc02ERZkMf$D}6ao5o!aEie4*OzC zNbH*qk`tCANofaoIr%i&6|)?A7rg@dM^Dl8+xt8Y#!UPQ-#qTM%GUhM%SbV@+*FtW z>u-cxJTWRlzlBV%#{XBJk|Za_bjcmBGrM zFqk<#AC@fDLyps{;fwcmV0?TfsxF%gCSR)LX@^u0*_TP?FLig0Q`~aIyqX3LmoZ^t z%3)Nz@NfTlQhp_DYPEv?S1-UiUNDSK*W)CxRn4AiT|ztVeK)>PXhce0K8%l%zfk)? zI+E12#8vZlV*NiZXky|=824Ed*cd&d+hS;k22klLfnuy+yrO+4((%r~L3>5$&M7|H z@z8*VdBv|oLj~&CV2=T3VPrXRd-NFdmal;@GQv6Yh2fn3p#TWm>9}Xi6LG ztDFX&YRkZL=T9fWWr^5MlJ@F{+>(2Ov+b4KEN2Q*{f*9oM6B$TcTj0 zsN)A0WKCj*^qHbiA0e#Lss_(YE~5qacf;QF0+8i67OpzEnbx2G$nMD9b)zbZjJ-?D zx^)SF{t{5^u@*jCS_ER|s~{JD6QELc0Nt_hM>@p_T8DE`LR|zW#MT5Pc*L@U+wTxJ z_%op<`v7coS^>Fdj>4587eLyPSQHzq39cOD@fM5w6CGY-Ew<<@az3_OpwRO(q1l*u zz(3CdX@2Gu`Mx)8_nUGhV3USn%Z7Y1niBEpXUw3=j93z}{Ix zQ1QuxmOn9_=ioh(t;B9Q!KJD})(Ms|=vKQpBGqGgU(*s$?}kY* zO#BHjQHz0NuNl$lUl@-W?LUJbj{$M2nh0DZ28T~81&SuIaBKJmAnElLZn*deXqU#I z>#yz5Led6YUSy6=9;#(8kU9oL%hI?XR`wC>qoMGV|5nKDcm`A5)8O9NJn+7E53&oa z0JYv4ME&eUqGxXk({0x|*7rk8(CstF;iC`=_AFnD#;5(AfB6}(4Srvz0f)x-fLv?a zVcTxbt@E)oZTHDWE`OF;jX$>(@h(q>pdtpSw~hrlO>5xTZ4OX_9}IS`(g%}X)(}~K zduZHDhrM))E@Tn%mN~FyLL!)Ew+2mg8U%MI%K^o=QmIcp3 zrh@4-<1haP&Q69NQm$~y;VB^eum?)*WkRaV7=T`X;N~O$*M3h{8emwuk$Ep4{e3H-a(XSOvGbmkvpj+GNfPcCA3YLNubdcje6=E5Yf>gwA*PGH$$EqKZ-)%=W@MeaW@${J)pmC2Q;DufQ)0qau)8UgQOV{iLKc>r| z;gFATy+SN;c$PD~*4oV8-qlZptPSJbNn1;}6DOaQnxtG(X6KO`!Nh6|wRB3tsew z7~pm36Q?O>tZDW6a`^kBq~!~tCOE5L3CyF)h`N~fM8-#7;^Mjp;=t-j1W%hm?5x5D#(yF1Lc7A-aZ0FohzYJ&ti0a$~5S8 zqixtvVt8EFV2^G6%^CM|p+$pLkbw}B_mkH>3&)Y9^~HO3QdR_cNA zwWerM%kW%#V<|mmHm?uB@<#$JUw9NDvC}Ki^|ptwSg8u`zf%N5n!@1VCjnxhHBNzhrNpReeeKh{kV+>(`%VT)H|E$S^ zN?V$z)R*0W#Rq>_HCTK@)6PyuTecJu`cCagE!78Z4={iy68^v`{wL`4Lte~L`=Mw2 z9n>FdC9W$c!-V7wu#epVt8BId$GgEOIcF=(HPpxRB*M_ZR%tlBG!+r3hjX#+DbVli zVSn+M1K1@Mu*B~X{C0gkGMMlh2G-sOPU82F$$Jir?9LvPV~(J{ zyT&L+p%Cg{>p}Z6+-dqn9k~RjWGced&O4z)Mml^}SW3&(54TUqi1o_+m*!EHWa}>$ zk#&HTD$Hg@m<-bT8)x#Z_imP@p9T9a(6VV4BgSfVL0~5n+8bV5fE9qBfT8w9WsK z$3Hwc`Se_7ZLbT><8=Fj5B&H)mQ4){AV#NyW$+< z31z8tK0k}}tkq=2Sjk^_EC(RQ*2`Q$|F3QGll4KIWO?xBT32Y4kG9oFdEztcS*2q_ zS%*sV*$Z`t=sM>nM~&92mic`2dBaO%nh&qPV3?G@D=^U*EH*J8+-<_Xu0royIG{Gh zB%@27erA+^rSBtUv;?g&zIywzNpa>SlN8%6#+Qy(8YjHU8T~#2vo+Jkc;x=i<*2lP z{@(85XL{IRGd;e|4Gl7_K0d5Q%j}IdIp~_^9eeyAY5qw&-RivY-tXZiJ5&@*JZsh% zI^480jt$W>-I3C0tPp$L6lH!hoOo}Q;Xm-DkM_`IJ=&>jB4TVYS?PYj2~cn**wXMMK=sEBN+IlL%tC}2?p=$}%WO9J$2B!6wW7uPGVgClW zc3l#4g2P>|)Rj7miOXGKu7r$Ls)Qq|-%$sJp|ONf`wmoaSqZ*Am;-+Av4iE^z5i|e zaba95IF+@Lh$;91+7#-+m1{20tIix0?fwZ328)6F;dIo8RFL?&(7hxJUXR`m3oMgB0l6IYoL>h#8zOmY(h-rlhBT3=_GPU$ zHy@sdI1E46M1r$hmZ7a*Z_qe5d~|{Pd@qB>SqKhLy6_=Kla}j@Q@d#WsH<&^UpC7i zXXV2%zTqYDu|OAzzp6oQQ^euaKnfI`;|`w&G?~t8T|+Q$v2!d4^vr>6mAX)&VGO+g zVEDYW5?RR2olV2Ml#)V@-;1HrolETdB3qvOqZ!OOy>)QnWi9K@ulv#Ceaq0HLl(T$ zMMk(Ywi=2uX2I^)lc8qTOPYRP@1%{ce~^b%(R2eZ(7VqU$Zb;sYXf@W?(G=5uD3#Y zZ{~rsMnUMk`g?Ts%NcN+a|orpe$4uoX$k$BSMrQrtOYJ#q)}kA0QTz2!xKBTkdv_w z1fHd6uZ0504+`f=T)0D**<$s|x_0s<gb!_%%G zA)wB~@17;J-qSVI!{;yGu;}aGhTWMvkoJ9b#Md%`0o!LIGp%)KuVN+~tdxa^2gbv1 zyU)_JiEx_(wyi1!$!T}dhc7qb$(=j#qF)=)a9A`bdH(PEd0KHks$15CGE?=e6O;pZ zg=G&cjnpTh_D#-A!O91S^E3)gU!npD{ZOo^Vu;qq2E(rc0UXc$8>6c&=A zG=ITqZ;Auit8|dobwd=PBa13>-BDN50hp^#;l7=Rz@{bLJcaQ(V9)XgmWESLahR+6 z(GrbokmwSJ)~Q#KQi}~uzdzk!=*dhO@ALA z8u=Mm!CGl6G^EU&8N;(~iFPyZxnan3?sK)ezxvF?TgB^PMf{#3DYCx zwbeAKtIQ_3Kx_Y;NGtPgomOLh1zUBU8ld~l^Yc?j{SUTVv{)Wl-@&x+OSF*tYGC<# zgOs(Gd^|IA{uZm4#TLv}`=Trt6ue}bpUkj4Vk>K1xk}8c;Xbln7}IPK^6V;eZ;GbX zi=Wz-KbA>b{gKwS8qnwX|al!y^RFX z)Ufx#IFK}&ZQ_|gj9I!Nh!=n9BXKKJ9lW`D21G8B2jde@@^1W+hEmrq5>LMd@t8j) zc$>s?XnlbfhX6uuH;4|m1V@gsp}fuC`OJp}UkMP=zzZ56h_x?n6OGsXY5li2{9pdE zJ-*m^=^T`hAd6B~)PfC*Y*G5GYUIvZ30ImYfQ4(Kz@nlgT7H{SpAqnBEwI0}5gjW% z1Z9TL2;1^yF@i1TFt7F+4Rg)WA1O@@LrV*%v*-JVaSOddt%j=QhR-r&S!;TnLP^{( zbme*&Xz$&Do0#HgL&QOt9exnnmq^ky&wE-tI{sb8i9#EO{aEImdk^APG=l?Mcqrk_ zdU!P}8wL0`fUVBA&}$(Rr_4SKw>ZB+r#tqrx5^sAxBGr@bI%1RHx(Q2)2T{*wWI zK1h4`OwobK&M14kF}l1Un(jYaAKr=|%v@!)`{8^z^RgAJ@GS#Xi|&Jf-5bD{u6Cm4 zDFZk?7ZJ0q{v z)4DvX>FQ{owz)`!__8C1*YGwL3<&3e(%e+g-~kDPV0*}1Vh1Ly7eig`7VwsyIA}|D zgqOn)azMc|qISLl>wvy1F}8Rw@bfDMSNh!H;h=PIUTr%OpO6K|pH~Maj8vY{?>=71 zsbmZ9+9Fo{8WU){PZA!Pb`eC$T!o#bCNw|j9N!M&{7w;vpa%FEQ$7>(V(Ia^TmEA#h-K z7g}s;in1aVabA-(T7Uf^T;rZh)7Uv}5B$Bz3eD<^wmNk_gxfVU(d>onR^)tl8f)^- z6S#R`%%I~S zx|M~3D%!yPHVdrBLa3^%3HP=cVK=WxXqr0}-@ll`?b@9Rs~2c;m-@-Un8wZMtj{52 zRi}k>6XQ^N#|qfJeJ{pSjnT{cWKg4j2+T)ZtH9bFoD4}*tP{B7WvP^|A@QP9w{49%5{EDQ5`jW@GWJ%HkMz0{h7%5 zY-nxLWCea|?^GLZb|)R@HHkZy|J-CJ1+Qt^5a!QB7C#ef<9CRiQ!Gx!wyg{3eQ%1h ztND}vB=D1FsLS?WDO8@ad?KS!LcbP+ank#m?QBS162Ef6?OLP4)wS_$7ew!#`qVC; zDB`;+y`uMp1;_pv-Ej3H$i*h>#8J`IMtA<0`W<`=mukx2a8YgL?qa^#?#IFv*w&`e z{tSQ9oH)Mswn9p=ie}O__GD2p}3k_Gi?iX-v1!Ef6^3wMzS~w=59nl zdiZQi%`VpK{*8p*btS%Ov>p|#5kek0C&pi~Es5suaxHJFBYKDodor6^7OhMDe)5ob zjS85#TLbxCR}|U*ouB>=Z~ob@_m6&B|1a(FU*G@F_0_ z9o|M_JI0DS{B*iVl}}L{vI=pk5kWc16$*BBc;b7dTGaIJR4RF57}@ryRCxU5nM%oL zL4wm>GU)e?2njQ0CssA)2}JD-m~ZGs*>-P%J7+hk{nReNMFpXvM=rrKUv}h^yo6Q%?j=1Z$G~E9 zTk^w-P1rebEO~mNj=(d$gr-L)rA7)ms;egZsginMGV!OL)nvUosqb>nSj9Gc87UHz zBPTA0q{>PrX@id2#&NhJ+__n!NFKc6?hKj3-s>^FDcefG50 z+I#K2*Is)q()CUZM^#j4E2Q|rNmBljA}rh5iJF>sz$*{o+q$dyD_Ps~CP^4rm{1+E zUli(|u*slk1#0&4IEG@A0VP^i%w4PIXnp%|4C>e)2kB#y_T8zIVAoOM+xt4hd{`?} zkFv`epxtRQc=LU|D0$Q)b`%5lej!=S-O;Q)+6GX?n**XmSD1G%SFfQ%jS`8<_DW08J$?$3N#^W3~J}4o!KGO#-Q46^D zS1f|ZiyDz>unQb~_=ch2UI@E&wI(;mD_DOYR424JT9~0_6>K&t!>378!i;_%z@DV*<5OwF{(jgACuB|Y5)+?Fy=frVHja&gOL4nW^u>vgA zze8YoIlORk{trEzrfs9+QTC5H1|3Xj2v`B1qw~;)cbUw$J8mLrseNF&uNn%^Uts+T zQz9KlZOHRp<_^mru<5bRC~f9yc{q{EkDqg9RkO&v6iGVWqyKx!GWn$vVOvVM_3Tgb z34TW$RyJ6a3C6&Uf%|yU-@o)3$G3Z&V^D2JM!i#H>ntwg+9wHZg(N=NL|)V%=gN`u zNakoQH_~=7Ir+_9mUQuaZh_}v?eQlIG(WoPkfk1fIrX?_=|YXE--Hd(S+8ymj4m8`2@&5Ef4 za+g~P_o0R=xhh(deKQ@AtePLXZ(`ikPFR$XmZ#M)m9#aa-1CqU1BM~FakDG;9CMf( zFLk*$zz*xOHT;?e8^K?t6 zz}7cxu>N*|1>=(9-Fq~M_mB)lGB5ai`V=MJElq^|ac2hGC*vL0G>ProK8kDI*hCyR zjz#)+Qb9qPZ)0RIAFi!<$=JB!3-l_)81p`VvwChanV6}phy`dE6NM2ASu=|dLy)Qy zLIF}FPx5@c5H`)Xq)Z*X!K|y5GLo?+iuw`^CPh9|dwJpXap&92^}1cuZni#A zkfBB_YeLizp~m$yeTaAUK4Vp=eP=}nyb+84vnE9+zL=)3yOBM4 zeN&8N&T1U>imPJ}7uK*s$}-7oMq=WW%^%XEHAid}}QGS?{{ku@{a0uvjFRk{pLMK_JTy&mtLg-oT=+{= zGB>Lfznh)RJ@RY?dF9**`~|s&Om{f$*l=(q!tQLN?~B?t_0D<=s7{P9w5cSzzfbQSsg1Z%$yF2$6N_(`C zrf=2n5RlTSkXTgPLA}|VtkD0Pg4i`(aC2a$SX9OWDoj(4@=Fo5u}!lf6(&swIU@rV z&5uACH3@w`?FeXv^0CLLGT;u(q`DyN!8Kgr&7uRc# z1SN{?7ZcyZB&OKj=VtIW!DoVRudaIpRLt$f7Q3BxN%ohXUd51{i_1>PR^1k~$Vpt*M=O%DM*%kr0j;gm{=gubKT|JH~)6cGjPD`s$S zl{{s-towspm+V9lNBc=xaw?IP*^l-`e6#(CFyb*mli;dpBmjzqnD=aU* zf76-XTqLMBsw1gRe4&!~Hfa;;PBN+B8Hkb8qFlP&uW*T!Zdu07G*QPs@5~{mtkngh zmS@X#klY z`@}jE(qEq&;ErsG8Q>x+2EkpXVCIe-JKRIWwmYam_?9zhLtr3OtBrAQcpE|NOL;Nn zBo=8hcM51FTZq}%EdkFz)BYDOF-XL4z!}$$J(UoKZBm z%=1uP@WB)YUE0ySctbdAJc<%jB4FloJ-CkfnaZ z%TZuU+6wvA$pTL6M1W-3tBX`|biKkelPGe{Doog}STy+~c$mX7*2M0)MN(JpuYf?? zWQT1Y`zhUvLK|(P;Q(mL9CFIf4DdE9=U#f22?@GvuB)94b#cBc_nY4|R(Y8Pn9mp^ zSC3ugtW&w_sC**}=J5Rvc9#7``sa>1s!vT5n=s!FIgiH>t7kTx=e#F5+S>qcd#GCX z^%BS2dk;LG;Ukg$>k9NS`0|h^jxhdB0k&nT@oj=eGD^NK0Qtqsif*tcWuX^Q_9-F zkzt_bHDM1yy=Gw9eh^Z>+Qayat>Dlm22O|E=(5@530d{(Ruru&DlrQMarG*?(0q4$ z@Tu@8%|j@)`zDCGR(J>=Z{_3k`-Zhl z1N?p?LH1u7#!XFBDQ<)*%?~!$*P{wM-4bTL=9#T##AF)56l>0NVe!8 zWX-<9Wn{(UDnDmI*VqLJ`)~rqJX54RgG2Ge%n7cEZG*!w-!I>iD0k#M`yIDLTLXPP zFbCR4X41S`qi>Yek+z1Oub)=xppMo@-0pO9?toSe{<*&a)rQwQW`+l$2^D4IiRW6F zLGdh5kcgo$m1}q=7ya4{s?7O zDAM@IU9d`ZUQIIY@!=|EmpX{YZIGg>wqC(sfBb^BTq~#Z2&nwjKNVNLW1(^OmK!)L zY^OezYjcYF0X;maj3pY1!#CGJ>W$%Y3gh$cjB7v8ByBJ1rtNBcenu)hm^@7^#B2&m zT`>>h*XfdV+uR{|!5kXrH7JieAH9@(C2@e7#RyaQvN)d=5LH2*ay`o!h<;5v^6hx= z)@fjhD}R!QXJ6Vz_P!n@sI>8LnSO3&1^CG9chphst83%i{O!k z7Rhkf3$}4XO!p;atVzbxAuBXNqW0-ksP9;hrS7K({hWk$&3o7KbNFUZP5<8mD zUBkDV+asZ1;B@l6>Z%V2`fb;8eJ3ZuZRG;=+B5=uYh_@}et;e$xik5WZ_hN*@i03B z^l~m=n)=5RoWJjM2c`|wAeDy(yWaA5HfwBVaear~R?`?Ny(t-U&Y1k74Ae+FSHEm~io- z{cVpkg;m_6%k-t$QU=mOd5L9)BysJvBU)0zAeK1lLS*3pgul3jN&+{N1KI<4d5s(H z*_#XNOygOnrPR?a5gX8A55TeT)8MBExo*JvC0q-VzjT83d}{J;zp2&_8r+HcH7Zz- zqc~x8s~+D2m*Ds>OW>)*!MLtCdFhnU*0j1rIy7FDK+WAnV9?Xc<>uwzD6)ZvlUo7V~|9b69*m zM|Hl?hRg|l3b@}R@QvP!X2r?^^K}>5Id3-0K0O15XIC-o{>?;)y&T4-J?9RpFGEY5 z&FQ+2&juj2+>%JHiJ;ID1BJAKbSPMI3r?I&6|;HLO3v8aOFHE>SV!kqIDUJ_ML|Dn z94EI;qGFZ_&*y)?`M|TSx#;h6FBqE3mt6)LI4+gp%g-K#l3LkOfW2+u2ECmH^Y1gE z=~5YtB&);2GqOnc&l}|R_9!a&ZQ%H!LKDlD&4Co`E^@uN2%et~hyACv!zbA$HOX18 zStrXUQFh)X;#EFX;C(QI>zvAf2%ajO_>v9E2~+GjwGJ>)d3Ewg=u)c_5+`6%oEBED zasr-ZR^c|WC(ymji>M*C9DO-46P9W3qv3Y#%SIiZt?;|Y2@dS`0k>U>aHP#iU!u)Z z&1$y=Oz||Jsto5sMf3po{*6WOZ~1zV3{j%T>8J1EGID2%>G{#L(+6Zt&AmyY-&^NS=_3-&Q{BO#jan`p3nIetV=+i-M zOvNV+7WKQK3Otm=sdl7Nr$%LT-Up_)(6@^CB3IP2a5-UgXga*gc@D#q@6))RwkkqR zGm}K;?y2)C{C7a|QZ|*G<%c$~BjH#Z=cg*V`TMAm@q zinWf3$phR&tA+A*=HU)l!jy+k13hqZc{wceoeLXRWP*FwVsuU_2sXZ5$+enZ454%9 zK<>-45PIJQMo%mOu6rDGc5H+LuiaRC`RlptQa*2p(t_ai-ywEBf)5RM;Z|)nleBro zWxc(GqIWzHTjf0t=uI}a*f1LYrG-Gq=vBI(fjT!~x~7crb9;H~T8;@Z`j6qLh8F+>`g8z?ObQzuN>JT<9AG+_Hg3T%w@Y3iE+;lKEc-yPYo}zyV zTKbohW9M!`$nkh&R{9hCU)}=QPiFKO7SIDGuZAZ^25OFD{^0rOJh#z00b1H!(5jDG zOf7?-D0#gtd@Aci+RmLYwlo(toPR*>X0o``$XeuHlg~IbbPJF0I?D1twVG6%qYVej zXVd!(vEW#4TbHN=v2`j{aN)SZ{>D+#gONa0s_@ry_fXE2(2v~CygDmYbhF)L`{^Itgl!vGvT+({>E#RL z7;hfg=RKJ$S2Bb&TfWVe{#g97+ZBhP9cLKK9UR1IN@CehsY6^VIqHqZTXel|6Vo$c z4=dBs5k7107N24G2azcaxHpH1Mh^R-K?zaxOFGG6(JG)tK&(EXg;+e?dV+ESXyFo6j`9kCLVu=UNZZ#$6R`G3o z=Y@jjw^C_(_O$#>{`5Jpnf+C)aZ3<-?y7?=H`?3h)uhUwAAckI{eDYC~J+;9>9dR z9z52aO?`aDQ{5Y~oz5$OHh6s;*J+YJetBAE(Y6OAP!;r^a&^xHrJW|^l?N?gQ?{7I ze>dXt$`_#Vx;QbY>I$yB>D2ZYWd}n8o{~Rh+{l;P z+vdd4x~~=z`6%X%0=knloBXrE7cm&7)K1PZc=UHVJ-4^LOW+>XR3Y>}W9V8Q2?N%u zG@K9G*QhNue}Fq|(&q70tU>khFH%8rKgZ0<1-J*&=sW?3t>vcrT9ySbnxWZzf`SyQ z0m@Qamm5@gj1^RKT&=KR7nIAtrn>XQc^{hH3Fk^1^q}D~npGi*miR0{r~Z{! zy!Q^CwdypkytIOHc34Z_i$83xgrr{z5|ZIknIw?6c}@Jc;GaQWVk$8qn*`w(8>o#IYgx@l;_#c34?50K*1$p>t|LXm0Zznv zQDP@P-ci`Zc%nVW*TWD`uSr z>Am2QadmoQ#t+N;tYHf#rf}u~ve{vXJ_lxzF0urAp5;ZkzkUQYv%6?|^amf~xa7GK zUW><&hMPFy9_~-$`eC-Mn$xaNIR8O6&-6FnH=+10YNky*YiZkBC?~Jed1mKfa<{d1 zvHWK$Yu@(k1joY|FDCXrx9ZDzymsV(3oXmX$j& ziES2GaM5~Erxp!1;@g`)Vm&W*@Y{RQiBo2@YRr>u#&PF2pJv;sm&YmhXt9&tH^lj! z5sw#){nO&YJ6S<|*%@Yhi)o&yAg;LGmi`sQ1z}r2R&1}NKDMh`K7LTe0bBlQFxIcT zFxKF=7oG2ko;ucjJ1y?FeOjDz>aDnIC*!br=k(b|N~+l7C`~r;SD*cxcT4ojBwhBs zw~B1h2*tSPou09Ry0`wACgu`!Ic8oMh&2@EV81Jf*u>?E*jvxFam?Cvae_SikCJg# z2Zg>w`fDaJ1ZiR3B8<2f${0JrCoXe8-*3fzRd!*_mbgc9&uO>~O#bUTAD1E8Af`dJ8o%V2fvPqHsqWUeP*Q1-hZ($PV}PLf8f4;yN!+q<$T2~vY6~)X+^dY z?^m4uYHjS^_VL)(t4qW(6JCoh5_uNup1M$eN5n+h&*V#TW3SK3d!-vNcI2i?OV}@w zmN&new&kaW!sdG}(t@@p^=G9za%#n|-quTx$kAhG`>CWa?4F%I`Oh|n$R`sC?VbcN zK|U|@P3aX4oYF?@XG$r>x25gwVk$&D{F;{bDLd`; zD!nv8o{8QZ>2subdg+a!H2HqFv@^?06`oo;OAzIW(*2oC?7(CWW5Mk6(py)^EBIV` zAeC_QMVhSQH~DCDp6F(ehf;el%P4HTGb*+*d!E9^OgbGxmAE=tK7LFh%}LKp?)sc0c|5UBUMEOCU4Hu+`nzmCNayJ= zXgIDdU64++_sR?UiU%lRF`;YZ?pgnlKOHk5|A2Q~UO8iP!i|)oRLomUL6AofKIUbo z2!3O!Lt=OO667sDv`ZcA*GOYD>9b!wFiC&9u}NMd%v>Q;@nhP`J{>I3Rf%2rR~f5& zs7TA{1!V<6OHFugU~CuO@3~AUW1EKfK47GTK3hu0b^nv!|AyXw;-b=8?Amf+o~ajv zzrq?tM1FWHv&9RQ*<4)}c2S!$X1iL6jh1V$Umq0uic#mOu>IVH=Xu$G%4~~NJ?y3x z-+Ee*2D`?WiOGwp|EHbi)2i%+_FC-!C$CH?RblVWRmO%L)Ul?eD%ik3E%vUr+H8t{ z9`%$L-a#y3s`01niKX9F!xnWbvhzbKVb(JV-qQu=@#96yh?`HdusH@Xuy}MD!B}fg z$!?P(RGEtOKCH=I2|}OSOD<9I;Q4L2tDq1O33fLM(B-jJVyjFFsj%i&GV9zzo9OhH z)Nbdupm|r1#WDU%^HD+ne`{zHb&*@q%Hw8)e^fFoRgfXlN=`vAN~Y%7%!S5)socer zWC_I(Q>rgwH&pLeg}}Em#JEH;1Xc2N8Z4HvYRav|nwAC;Vjr8~@mX2I;Py#0vdWNn z{rIeE=L-%iPx>$rQEp;|_c94*-$^Wkj#sdU_Zjx=R3>)*`0C*HK!TXOvB$XOo0WA- z&k|z&UUlr>YhPkD`ickCY=ib=yFn|l8-A81BaM&SXt;k?@nD|qF;MBg1)bAVN%Fik zQL@p~AUkSW9u0H?*m<1tdVK`*#?GpdA%oxxB zhHlwO5Pd35q&p{y=|7*Z%YltTtHx&Fyt@vD&P!u@T%XeXt#Qkn7(w|~xD(@Pz>Sg3 z)xZYBOJjCd-=x!jt7@}1*lDp-zsoV!J=AB<-Z+;oCn)o&O(+u)#B1u)L>F~6(PaWw zCyF+^3&(`u+wglg_KuXqm?w`2?AY+fnD-oA%xvR*o*{04eRcnm7l3E@kUvh?S!{PQe`d7__$?gpaiD4D#u?@%W z$7u01G3?h<_Q}81F~r}8be<^PxR|LSn)LWSb5WdLcUDKm$E=G~VKa`g*+cCo*&Al8 zh`9{9*vtzA{k<}eOOJa&|J@{0M2DL0(sc>`Z<`2?*(MztvsR=(#&hG&m|3gLW2|g~ zV`hYS{wL4bzB0P}{O5|8uaZ;@Rc{+}00&H_SRH#XT?PB5P#4oODjK`bT$x>d!3xHT zW>SZn6jV!;rDhB+2fO<(8M4Pt!s1gn_lQ#vnD}&}tQapE1{dvk zxTUPEZ(CJubv8$xh_Khk?&h3@eT6$&J%8EovAqxlo;QPEF(O>MB~R%xVL9=zX=P-6 zWNRoCa$1n}@^r9vPBFk@bTOGbInWa|2?piXfu)igT$dZ-%kHya=({XkRzS1J5}`g^ z*2xUV+#L z?d(aT7FEpBE{SUYQU>cpMMPg2L{ckB;oi&1J_N?@C2<_o#`*H>8R+5jo3PyR15(v2 zBn`J}p?~-F@Y$w5Fm`$lK7Z|Mbo{|P|Y1LS1uY{Zq~A8YfKwN+CI1KB2#!GHmK=U8IZKk^Yz_}ZF z;=}(qP9l6i-F*E-cgH|(c$A`gxFksq#?-*L^aEJ(NQqQAtN@&u^<xPb`El)l*saj0b~nbXI)V5h+hH!T#y#qDUwb-->b@Q)mJ6H`QbE=jV0fc4nwBY zvQMfuI)QJIr1>z;S@FzKwn?8l$Pm(_>a#zHN4!T|*>LDx^9|w)oG5rT1_y7|kp5U7 zC>>u$_NnfI9-ll2D_0@BX0jn=)o1dr(hu~??Ek+i7!t?Ht_D(A{bNP z`+^N*)BSsx&BiyZdP`NW)nvEsQX!%&#)odc4#Z|Ls~)emTUo;gu)bQ=(Sxz3NytMs|V zq_bP`pZ_8#z0gfvuJ?ifV>4>O+$G@0&V(Pf(TAE4mu(`z1$RE`jfY)p$Fg@vCE5Op&qAWV)!9e*VcgKs-<@lQD6 zvw1tkDr$s4zfWizl|m@kND*g5yTEttcHC1{T0A~9k7zJ{2YtyQM98Q;b<8-CINm;4 zz3sLi8c=m3BBr`Y9Cqv_&a$4N>)d`Y>YYp6A9Et?MkW}T`hLQ2v6x8_wcYv(oF_J9 z>0!GRtBFOulTeN05Cm3U0r3yhiE~BQ$()UsX}Ddd_rjWu;mGvhYjD06LmtV>BEo|! z3}gppFrO}7M1%*K{;gf1cta~Uymlfb<^ADk};?p`q&|SF(LLZqD zwudf~-q+34{cC%v#*ID%8zCai{0~aDPk@dX8D7EX$GB3JCSkZ$jS*eA4fWT&2b2*- zUHc(JNGl3`(5;_hgM7lSNqVh!;eE{8t*}Jb4RoV7X*ZDw54}-g@F!^ddxpAI2(cmA5w_0O_3uXxV3M7@G7QzybtYayN zw?gLrQ`FHtQONn;ILFb{h`^Nnp|RWo*33V}GFBE5zZ-2!eA##u;tVSxZ<-!u=`jjb zw)$$DUM@p}?N|7^>P(55mtzQInvPO=383o#0REKR1eHH&c1>fCq1$V~IH$kFDob99 za0}%7In=f!40nsM7GxA5A=zh64y!BjdP+jkT{KkE%* z`CbI|L%Nh}KpAuSzuQ#8@~==jyAs~yeniLaeglJ|YHq6C548E@cA~!&iI*>5OFcX@ z3eFGPSsB-VQ&FjWeO7+R8DC3GOxh=9^hTLiU8tmpm|euC(A&h6O~=I1Vr|}5A8Fp= z{r7Dmf|Lns@yFE7r!2g}H-WO27s^WlPVE2_sUeW7pFzA`eS@&8_U4TQJ|sk5X4S{< ztRx(8C90pNKxjP8Ce|#Jo4zHG#n(!Vp&GZ;!noK^M3koBk*E0b<-r)Dju{T$b#)2% zpN|RWI9p<6#f18k7J0DxRL{#_A10}{xSnt_YvOWG&xViR?TGpRa*5w_Q(0cVF2wcv z0+Y%$hSm%IttVz76|6V5khoquilUdZSQf|g0cngPH`k-YrYNER!u%_xXhz--;+U)` zajW_(5j$l!_%_HJkcZjKlQL>V{pU%S18esYS`wl>S#2YNI(LxRa%UOMH&jnwm)q@} z5A4;knl)MF1SVU-yL`O_#^%|>Q11+NZG1Vg?{5U}r+YnbOP%rbloSH0GPhF(^Iz5u zNaWLa_v+FiZ@$t6IV~;n$H^QRZ6|5|M-_Z!UHGOhsWYRL+Pvqi!jO0yd1cxhYUspI zOmR~Rx%P`GS^M$Jf-xCub=q3n@gsa!})Y`WHg=u zdCZMS*(QTzEP2V={fT4+&Hsg->RWMl#JzE>J9rX#&nbX~qt1|6yAljS%~;fxN->|^ z0OvM8K-YS*Ay%%0)EP>n`@JbZpIq}c4Zc4=B9?LYGJI`~$Bzd%!iRxD6uf3OT#2e- z@T?BPJLfW^&)$hvol&pBdO{Ift9}+@IU}s)YHLBnv>C-MHUYErhvcgRU39%a7U+Zh zD3eRossXR-B02Uh8&=6JGf)}q$ecGL3`W*2gNWf2;7kjKY5X~xQM(&{>=dryf^pnO z%%bbr^N-2j{|umG8~D1Pw~ugo!$j59mmVQmk?~O6QV5JQ+4#ZGZ@5j>G4eHj#NPdT z61x0X6YCkWLj^CwP`}j`&XV?JXoH9FuIuHDJ0CffVJq*5lvLEcPZMUo8XXi?ugi$ z@mVO1l0`3K{n59^Xa}n?TXbzc#8s@H$tCl(5bO3$@z4sspXmjs>YrJ8qrN&0zC>OV z`8~>FjN>-QX8i^|P^)3Os}`W+Bwv;`djlGOBWc>e`-TUpX5(_#MNr9KylzzSG(8T# zp4otYXHdv&l4ETO!{o-adP`B%Is!UCT7R@ue>eOMVCFeQwwV? zP-E-w(qTLMsL*xrFPrJ#L)Ai91Z}-w>aYj-evSq4C-Q1+6TZwT&rqHHIah<7@?3{q z8mrI#K2MJwo$+588HW(cvNliXu&oSK*r66G>?>`0Y^!%F*!+#E*fm)-Hgk;@TZ6Cr zEU5SY!vA65|1j|XkAWuq6l+t~O*EjVf!3&9rr#Ufz%+29n;PtS-7KX1D4CM$T69iO z+N{SCj=a@l`!+fuBS%f_`1(SaJN-AkcknozOlr-|BL(?t_V0p4*FC7DsY_JfXDz4K zGC{f^#2!A0?AI$|11>4B^v5-d`pAZ5fh*8z)e`{gZOBA}M8_xkdEoQ58CXB8A#c`d z>S?RFV)x@H6VGjL>_uiOV`pbJajph&r?OHs*!i>WK(|gEnXoEG&DFugky9{<$DL{< z7QN^qK3Hl_?rF_su~c7hB`xKl?Yj#rQYW2zSYw*8pf6=18&3#+qa)aLT8T2~1-_Nk z#}DB@E_IVN``D1QRrprB`(^YwZ2S!jpEpDwgLshJ^M{6W+f03Sy6)Gy=*?QZ;d60# zbpuY-egB+kTloQr_D52Jy1C3YStqMgCH7senjhcCf?Z@MmAk6tNZjXmD*BkWhh z@T&WiQ^+6{(I!O<-z$Mjhm)zrbCuBKD@@{Xtetp&!WwGwKmhdLP@>HK#2}5aNE+vQ zTljiI!_iU=wyM1M@`j2#j=cqg*S}aF-z17N*52dm!X;2=JPmC!%vMqR4~~#!i?6W~ zLx-ss|FecX4P}y7?2jY2P#NNs>jwzynniB@=18c9TTteAzXR_#gWTaz3`Xzvf*~h@ zP+TVib+c~6z}$5(c7QL}uZ+Vd7kv_I$krtCGt43R5CuKb9ncWc2gl2QsweLpMZ>8f zRI|q>NwwA(;`8-5WcHhdbVnu;clsH`JOv3>Xg-s;6Xs+x=-O(P%a$PYYn8CI``w9* zIz!|%(~@rk#vhXW(m~YZ802qqr_Y1xCJD&khcv;<#$cpNkua?v1YMhz2Be+|GkMKb zP#p5&y_&j|K$1m>x3CE`6h(;!ZB3dU?9>jq$2l%wq3y5P_gaG3G5H%cq@oCeX;P@i zPC-2}_ccmvSwz_t#Zh&g?nK9qaWrLUHf8o{i(}9Cqcq-g>=?j6(NK8&4#ys?gq16V z@2B4z-PUR@Qj!D?w>!QW{4842?+$wV^`QPq9FTrWoM$F8AS>Y?nh)?)^%Rz3U=Ul5-rl*ev;ljqp(mx5*#Ed{f4cN}#!5YxLU zn+&dA11qVS@M%Zb$t^s2WbA-Z+b->9=|6f!*YWG~d9+)77%8hHa-$ztqEpjS>2&)k zhtD6F#gbsgeIu#(jS3el!W=h$a;4uqDi`aLJIsS=+N}B>N?PB}LE(mcS?>-WDQhZx zkE4@i0tZxgv$(t3(QUOsJYvOFG<3WLcNw)OALxfq@w^k}_&O{F1qNA>ZsEn2pRdiu z<6hoEO`#F!-tJCxn|k8#nT;_XE0&=ig;=!z_g%h^SqbjQsVubKz+*DF9Q?MXZb9sb)F=CcB?2QQg9occg!XiIJ~56DItBQ zoDe0tE|^H!{!62#D$Y^Z_HrX(=eUUYlDkTrIG;qh`S2*dO=Fus&NCp<=_#M@C$S=2 zbE)($;eM9!=rCC_p$}V~yrFfwD>13Vo;P%4BZ0lYNPci%O3d!5A!Gfg!h|N1ki1q# zq%6w=M*UXG&czq0vQLl>x7G31)_$>S)B{fy6VZyYM`*TD1ktu*2`t@JqHek9HHx0j z=6P{+BoA$25hC;Eu&QDflMSB=frZqFEl0PrI)e|v<&TR^roP%|xi4)Rjc*%qNkX(Z z8J*`CQ5s+L!D%F$)IO?3T=N;Bzkim_BAd2m5K7wbP*L6vqSKg33f6|}qf?l1D#l<) zUf}IIG{HZRR!~bbk0XhHPoYmvo|c!)ewHTJ{b?&wKDI%V;p9e~eHqM)L{~YAK2FH6 zN?bi6X#j$LJM;3xqj@RZ8-&PaP3W8dk8^Hn6{{g3n{MC2NSq2RpioJoC29zF#1FmL zOVigtx(|gWKkA zt-uG;_2_-I>Uv4|NB%($PpTQZoRcwv8aWf0uCtYX}i`P3?WupR1Z)G_v>a=3Lg z1J}S5pk=TCty7=PKc}0(<mI=gC6_mz{o#7&#S!)la{rk_J8O3S8YwIV>RpG zKhfhJlo^;s1j!V-_KsUZ&Pr9Bky9KcC&p)y>atuj7-++?ck1#DJ z5GYpi^n`mI!X&zL+fPd_3KCBEhKyW3dDxh;bDa}kme!OyYFs2 zftyO(#D|~0NZmj6R-q&<4_E)mq4#73^CBtPBLw$Lj-*Wv)0h02eh$j+@_pD$|I67M zAUx+pNqhjiUpLY2b)O*eW7uzrH2k$8)Ot=z4=ic7a=)8VbqFfZaRVQ1GTsh+4POASamyjT`@!^jE7j~+X!vA1s5jcRmNhd&q=<%BTx)&TzG+A7xs!j(Y$FDDL&@7 zjP!6zRq*ePtudZIr&!SDKdB?!$_Mpz9+6CJqtz?cmZ96Ymirvhh0`xMFdhrnkA26r zkj5J&?uiyHRB)8+5eolu+nDWrK^=WhlGC5RQO5FmwLQx2;lIg0Yl=4YyftTr^y2PE zpRsgKUdL~3yiw~LAjC((#!+1B%NnhFr$_L`XTGwEEwz!==Sc=>>oqYArD6Qf(^CAf z=qJ2XtPY=Q>WRcVB~e}Xc^YQ|+{B<$biCg9ev#>(Blrr7-}oz$cP!Uv3AJ_8BRSc> zpWqa!gQRCHI1>`ae^c$Zof?1Q$(gTklBQ$%4+-!IO$Cp8zqn7XZU=Mrd^&v{8`T)N ze32k~(?Yu{os5{|nhWr2 zrW$u!)I2Ejc!eVPe&7Us*po%TpYIopwk$qn<)Xm>QNB(Wp?VmWCgeEGxh@AoZ?n;H zU40NSG~%oeFQUsx+AILy#_B0;+ol3DmVd`{ECwu`0t}*a(o}nDmVqkg2{Km>g1Vd1 z;9Hgg=6VM3!$E{DD`?aCz3?r%*auBVyrKf-6of#jG2$*roXk9D{EK{jV>8^}>)3?g7~j{;DD%?c>ce&WU$B_Fg+1X9>z_1lJB?Bb*D|5OB5VhEpY3COK(@CV8GG-jjx2I$c9S*mq_}jRP^9 zlflcgY2@X+RhS-Az7aKi-i({ixP(iG1fn+2>yd?#eG+$hi?w40fX>fs*Nm$!{d+0+$lZKB|3v#y6ZCD$Jh6mx>}9!c+bD< zmX@blYqU7nywe=Z{B*~ggR0nQ^k1a-t%kGQ{1+$l<2MKi+>N`I`6>=%9K|&>Re3jy zpNlOli-0~uLr&zOSe<3K#pVZ|DI<7&^+j1{BR*)G2>^cFLvE_5b<jGygV1y=LU;inQ@hjjaP%?;XMmygAi%U5M~+lvTd+T1n7_IM-l;VX$$-4I31PP4M9+c^_7=Uk>*i%+pU z`%5TZffg+ft=OGLmfL(lRMIR^#oUOMN2c?py$L2X@2gUkHS-APf6e6nTvPa2rABD( zJ5B7=I0+$LOQ;atK=gB0COJR*C#$MHLM+GeHSjNjQKM@yN?3D%$Z0TwUyaMvgKs}T zJ;@2YdE5#Kj+rab+8~LKy&B-2urG!$PYj5R4M{BjXPd!tz}uwshcdR76!I{+3{hg; zf_-S=ZU?HYNEXbtT_qXLn#3I$DSCdi_{}6|$sZ*SbWfnw_Q6Eo&?1^1VzFw>c_*iU z^{HasA&>8XmE=&R?+>70g+~BumFW4w+7l_q9&|&?wk*|D{Vc;Sxcq{RI+dr%Lv@4af3+;8iYFE*Aw2#|e& zTk93>KWUq>)zu}jX&2gJn8RNx1=HZ!#FaS9|Iu~x($B4Yza_ymW4BfE9Q|%}qsP>$e8x4anfxa-?B*!?``##H>n}e7fr3(-xbEn-Y!I&H8+!=?~XetyXw&Mz@hOdK7DEzxQR&!Py?LaTWaC9l{1Uh{DC8I#)J#ze4Uo^r@w%Xk3 z3b~GY*j|DGr?r8#F|r-GdP6aOE3?;RCI(>#pgl9S{dl^i!r_ssMVL_q`uMGOQpAi;zp<^(HIqM}F! zNrI9Eb{7z{U=~FM6-5jnV$PT@J3R06-tXRXzCZ8p+;hJ9W2d*LtE;-IySk^kx~B2f zPhN(w?-QC(+Qafp=X{(wkovs?)qF5I1Di()8RJnnYYKpXeWZFU?35wrj9@5pf#ZCokse zNgN>(V3hMQ0`SUtuOi>m{_TB@HiuL!#rfCPDl;}tm*zkETt*1tt`}=_(^hviRVFOp z{k&6`sd>wU_xk%gg`B7-EgP=O(=rg2OTu1eIOs2z=yI9M8&FLJGqx3`pSijg5C5jd z(CY8y89rLl{4&vyytNkRlQ%}m4^JBeb7PMZlRgxp(hc*(&%`Jp1K&gF?kRr(V{|iO z?@pn|O`Yj8^2O-^sWnSQTg7xz75-q~NyEKkEplTA#n0W45xg$@#6PokifzuL*MeUX z@@U%m_1Nuu;;m0?Cf?5rj?6%|T>`$F%Tm;P!h>ubwnoL|FLKY}0zr?l65@DU^W@IX zMHSX_1-s^Xpy9E6UXmmaxunODf_)yO=__sA$vI9uBSWJnGyts*{p9+uReY)jd%%_F+}<-aaB;7mA2D7 zx?N+}Poi0$HWS{Wb9h6B;>g5?gA{9@wp4_Eqo1$;qk*En%s?5Mhsj^sz5+$jV<_V? z*PtAls~2xFL(x}0@WaQ?0nTWVMf)=DkR=|U$jEWN3S}YkTTk9F&XT;6cSUo3$S}FU zq?;c*%?NpaP!NcihpP{C?-P*AKanC2bK#PM8L0C7CDh&-B*@n^#BpgBJ%1I}1PI#j zBdBKRB>8pZHZo6LIU$cCDgKMW5UCrNPYNC*LeX>O8{Q+IRDlrfHmh90nBQ?;#XMEp zGtTpQb@FK_?VSUDrmB&Uu$<_RQR2stwBdBLa-luta5)-9tdye`b{|C<2PDx0rN`t~ zT?b-ONh8WCz|nc9T-28|7l}Q7jeK*u5PNPL@*wSqh|a^}==%$Vi&`OtA#1AOjeuwU z*MN#T|6X1B(Nmu30uf4ICtD)mx;Ay<%5Ngz^JbKy*?`3Ulp+~zQBj#xBWl_?>nSUC z&9dEiB$(p<&|vKG#3(%eF0p9v7FuxC0Y#_wqLJfs$oWCbJg&3_2i*q0(pqh46$^IP!Pd_o>^HCxbN@@)RP$%9Br$C>OZx{6r84A9G@ z{Q`B~Int-GyTvo58r{pBEx7-4GUDHIBzCYLp>r3MYAePlE_ z^HBRG8{_xaiftBN_)E8If4>5?=8qh)n8m3!4t8)TGJfSLKRbF zXEPt|8CoDPYx{<7G-w!>|DC1gH!~M)pQeQ{)Awjo#(dP%Ux}m&LeW&22_IG=Z<5}9 zrpHQ9PYHSGOd-jsZqwJ^mrjSG@O};FdF&Bk_*86LW#7o;cX-p(3?qP@11V3Mb2P1-x(TGH7}D9ifP= zUgfkc>mjp(*Ym27$5k|7cqCTwBaa)NO-YumMYDjbDO+0bVN?vW~G;#*F zif1R1(7d$0N~ z_!%p%;J&80<1zW}(eqYU(-X)#=0`lfc%5-3V=rzyG>3RUt+XXS%8bW9dWxnk+SIUF zq~o<-N6rDYT@g)0lA1QdZ_tG}>>zJ#Z#b0*^HJrANE^c~`ilI4VsUz&;LqAfXzm$o z4ik4I>PvUG81`LkF%<9(Qc?^UBwvF!;IR(3cFpH?t&b$Gy{RR9qLPWQCrLD{P#$4| zCv@6#PkKxA{UE5C%pi5_6p7lLEVZtk6mMV@waBUeB_8SyG=HwiLY1Xm{LD=?3Rc2TS{4XU_E8EBTgGbs>&18yte)}=CbxI$4{&};Y?XC=Zdn<*1XOk-tw#Z-H zD0({O$hAfT#k-AgQBvgJbgEwbNQ-851o=`%mQo5@ zOsx$`#;>ToL;mZwnk3C$Y;!H}3f->Y@}-pa=5{hXP)VTO5{9bJ9v~Up{HT23Nb9Q= zj>mZiHM^+6m?U&!R}Lk$T@GEoh8dhvc2ck97NX-%dRotK!6~)AK0$Fw@OVrKLu!7h zKK=edyg4Dym1!WwYmR8i_ry_Io$0M>k4{G4{n?~APoTc-(xHf2EOEP# z52b|E=B$8VLyqHeL;vU zG$J2MmJ!)~%g4_U*$b9VT7jajQM?&;9OSC|j(52YkjLK1qH8;n&|e0R^j4e9pR8>| z7&+<@WfmIv!RAsir@T_KYt47!rrJ`%Ha!6iU)aXmb5EeY$I+J<`&uB_Ix|KR$gM;j zA_2VM^__&1X(2f%tBigpi{lr(lF2OvjmDZrI*hC_Hr;PKmi{C+O}a%q$lb-i_3aN4 z{ryujCr|~Axk}LTdScf`G}T6;O8;N@v&&o2=itLMoOHve+R9fNu)QGsbiU!Zx2hU?U$fjYZU@{?Odhh0sNf6hYpRlf;#ZyM)R`Rj$+QAu{vY zdO?=wA;H$#CKTCr4?W7jTf4&LiP0iIx<80GEr<3aDpcV01A@}LnUutmiG3Lt&uDUy zXpvNhQ(SB0x*mlk0W5x${V0uB#>H1~J61xVzv8K_xqCqCjS(Gcy4@!j;^N(!BR(-c z?kPM#a{X8Md-jd*SErvK@JDu3cy|;!q&grlUA%-$menLA;=dvH52b>@BR!<*`aWXH zs@YUz{z+ur7mv(_&){HAf%x%|P-^w`3&*4^QSPG@7HMn?>pT z(_woLe;wA4cvmt_;P`2Yg0gQG{3Cl^UI_DfQw!ha(+gUUPn{&k*Yj7TVGLy4_+xex z=QGW1!qM~mz!qH-XS5@CA9+R14*i|hLddM{<-MPBQclSZYBfxkL+?VC^PaGC)u-O_ zBp=@Apv^^}$=hpK=(h-fiKb25!a+^cX*)zO6J0#^FYs`yzM8;}( zlgdMn$(l)e`uW-+4E=Z&C_CR-6us(H=RYLu$Im1J!>cn4xcd?{5c5DGX>`&U zIm%ojAEYiBj}0k_&e)%zb&8NTJ?D?p>G~sFBmKLZNsp_x=oi_FzsQ5Cstz)I=XZvv zczoX!MMdN|QmaVOaWB?~v$wEg%I?!}(Z2%8+`o0?qPPNxhDu27q9{5)cuKHOH9iEpx|AIao>PD!R=?tN&5_L37miqzbGQp@f1 z_y%7qIjAW`-e)$E)2Lc}(K&rQP060F$5?D1S$q3=^NLN8$5&gV5ZND&kr6{tr0(fs z$_jt^0mXmHF3;b*iMm=;HH?AKde^{H43w{=mjy8_u%j|yA z*e!*e)@ez@2yu=Ey3lEjov&HPL*ElKwTei&PjB$2EM>;B4YovTNe(&ncQJYHcYihc zpq1>pv_x>hsTLPAwm_Svbc$KbS}=Y%-kB|@@x^v z`X5!;#al~mI~>aw;{4+p&+nC-BzP&U$lz?u7o3VJB@NECt3=fB1+RlA>{pN0?k8PK z&+_kZWYMjMv&j5xN%A?Tom^74Kyay52L1G~ba(+YRl> z7ZyWA`XzPTXJ4rJ;w{UN$JRPBJ~@iLO#0uo_~t3hjP3I4DOd3tKplP$g*S^{%^B1 zw04^udcJTsIaKhDEMC8X=Glg+-{r&{CCSwmXEh@qo+K-RYWN`^Y)I3{R{m%bp}r!d zi7&N6Kx8mfc=?GLC_zk*yYB9Uez#4Yu*3GR)MWU?D00_IPVBQ@T{GdY8gpHRo3?bq zcSk6L(4L7n$HMf=wh5jK)57b~-wD6oEH6#&;wS(0&s|lk#&9>)W9aPGXXy8U5{cg^+jc(QLN{A*uLnt*+wrbpY4HBM+VezGR; zHr6R|9|tHhHZ#>3E4J%#-#?xxqt`Xzi@T{`m(lu8k5S;I&v@ga$j~Y?;3np3G0vY< z;XX~A@K3hc-sUV4DC!E~?e5s=Mj!p9BawDLFH_D@cT84{&d;;onr%R8FszGL=L^g2c)26* zON3sYFina7m#?qL4f%QNWpp)q)EPTii}EdYPRt)KZWimbPD{({uL#o_PTQOpC~(j{ zoAovCWwUbr2zP(3upaSyTDsyp%<`{G4dxojbMq7uXX_5{jL~+P_FTtpo(AK>1${E`?r=QO|zkL!-U)N759kcBsy7GIo7|0=7Hz}ez=lg0&-Ez?$9W=LG z=lxz)#>$r4I&z=%8MmUe8Lhi6>IiX;o_MB{AYPFBIPsKLKv0#=_t1|zX`bx7kosu4 zUYou9bt1SwX!@L7=I8rx&FK73Ukw=IgR6A{uKd=SC1$JpxVc3q?v$yH{LH7?zr0@3 zbqni%)z+phyl=Rv#fV?Q)j4AlqjR*wIPb_)6>j};+kA~(s=6bsO1jYfVQzF^E*b5j z*;1K1ekNm{0b1p@TH?4}CqJrxI$8flo-a1yFEFo~SogKvkw%MLS4v+fD&Zgcv_Sst zsuPI8yG-8tlp}HWYO!GBXg5E#P~LW6dj%jw$!1SOG!i7N8}~nLc*FO z&#(SuK}_}@7Tb}khYq~JN%!8P1b0;pik5l`f4qCEQ5bW9tZ+Lckg>^>GWywtSUdai zj`$_~hDEzk(fHoQ^Dc*WJ9TK}G$77O5YBFXwXrT8ckH=p` zZVPUGIEyM@+9IdR(*$>iwee23avHyW^bc}<+Zt4_Oq|EI$e z(JosBw^R}o9*bS!?f-F@K0~s%b+Vv6(UX|*P|e1X%iyahEJFpJ8jRj&YW%F}6XVh_ zCrZ!!MZ@XgLmt&JbuET8`7m`QkZTXvs&gLY-m+P5mTR|qNKWv3w zbiQd0UzkBZKUF$@1~Vr0*tP})OLeun3kZ$4T7tYi=!l(Q5TL(4j7=_ zPs`DnY8N!NL57AE%H&6c0-fGtmcdG2bb-8qcAy@f4q-OAMfJzcN`Cfm1WFl-Kn?Nf zW-COr$?IXw{Bs|SnN_@r_r47$waBGz+sQ+Flv=9C!buU|iStn*z1!u_+MSdn9Xt3I z8yppm$rRW4>#5NGC7&K^@dw|DH+}cjW!U$oG_AOYk)cBN*4E}5r#m6 z6yJIHWXQ&eb=9Pvb)?nEj$GS5Z!)$cy(MJ)`#+hbn4#ZFWd`oyM>@4$BN9aBkiQ>k zkZ1a<$n~mo$qNrBVj~FUvA%c;P2YCMO{H7n1O$J4FETT_ALs1pRE?T_m{(BfOLh$f zlU}@Oso6f`aWR+o2!1$1-tZa*{r>YM$r~AoKR^l55BQ0eL#Tb-30l7E_EtB3ob4g` zR$sDJ?eHaqrJ-+mu*s8NUwsR(5^NB#iCThfqkpzkVEeX(hOtU27w9gUIA0s+B|zt= zYVgI@ze9^dhlysFcj&W^3fc0}SrGC2MOM4MLz{HN z&`9Avv}Te3#uYwf$gCYgK@SsA@V5?R{PiRM2ImZo>*DYYURh8xQp}VTb30{Bbxf5Z zmW3ZhawV&fg=rF9#+*@wjI(8qzD*soiHVYBdX zTGM^x$PY)2&iiS6LU~Npp3rZzu~{c~bQ_>Y8&07Uk+FQ)FPGFLG*bi;5qFWu-xlQ8 zja38!2UOo~z>BVzJ$Y!ofUe_ddIdi$jzX&@8KQ5_-$}0$0WIG#+cKhL*AB_!X7l)& ziy4Z~b81LMmpil$F78+_2sBcn%OUr4bTvmEZOPYRNX3Vv6$d8HG2IaJMuGx;r1|O@ z>P|h3`j<~Z_3!tguEpa%&yl|523ZTd=fYgHGbjzkYnG6|&aFl%Ip*jgFBW+w#-g8* zi}9Domx{H&_eAPVjijZ@FnZoR8I5dThln9*)$iC${#c?Iig!X1guoC^5AMR+>hiSeK#-SU_dnL3(O{OyX&D#og<`J z#>D)ws}rEA;}S&8_;*l}KXfB+Yymn*L>PW6ROWtOn~CmtlVr8e3KR-okV^P>^!aQ# z$}b(D-;IUx$OsOjaYxl0BlY)lN$vG(QR_|(lqzMTHm*3)(M6`Hau!6z(VqXp2;u(E z^*_&nIrGQQD}3k?h#HkjF#_A5QU2{}$ZY>!B^Z5k4COh;<2%k=6Fho7F@K0V zA4M)E$H+yGZ7CKRgB;zTBmIKQC}EGWV2ARYaUZgyEyVO!=oU;Slr^s-zk52!EA}Uv zEMJNKa)OXl?PS7Ft4<8C9jLMEJCMd@MT-AyDf#lU4R!F|ef8r-UZh@g0eW%ej<}Ed z4$3=z8M#(9W!w*Q1Z5}uLVYDEj5&7d)SQIf#ygi9+YXd0pnjE%??=sDL=7gLCi>+M zA?rte=-891=+vIQ36*CQR(%2_?L0<%C^ExxfphD#BctB zx9zCHF9T&2^UzC274mw`6x3+PCQZy@$=4OnMHe!EjL&}-_=jhc$-Vo(3oL%L&^oE4 z`Xc)1XBfY~T9o`etTOpQGEUuMETST-bi}297zlb&R|*_0;%q~cU!krPzTkx1TiArZ zA=Xcscvt*;y^2?Pc7!b7(r+WWOqVJ#p<2aP%TZkETH?R@-zg)x9rH`*((LP$7CpT(N0?b#(F<#d3|Xa#kp5Ox)sf$HnhYDgnZUBT&wnH zWi@f`b8PFSN!sX;Rk`5ahuoHp(^F9RBgIx>nUT|n<+i#C!N&A@7W9Wvh(a(cgMSf>dV`h4!S#>L!DYA={Y1l&u8qSG1u9*v8C!3MO zTjGewA8~@OxCKp@lut3TMyZnTZIfGi+Ep3-jX%)(2Wr$S*JAM=gHC>4jk#clp*ACN zPCAl$sUrwIT&gOPG#8gDo0vZyIp;TDOy`ns#9f;oEWV4hYx@NHHfK;qT7Jug%5Ict zyPIFNf0QWnxQr=T^l+wo4rJmRRl zr}4fs`iv*1j?mw~3290ucl)`L74t9g{S}@PcdO3x6C<0DcYiG1ZbrFxb54OeX*^8 zJTa|+np$+DWk}#Om1r(8oJ3|F)?p+LXqWu3-IHC8~XFDgSem6&1L%5iReUPx%%NjL+?t(4nb6kp{aB;bTAWxaeo% z!*5fl;}7tbNO+AXz z+f4P2Xh9Q(8%5c(Og1;|wmqDfM|~c*`OHf%pu{f5lPe!}p`?v9$g_Ps=IQtADE#XI zdVS@iT#JBpD78h=fO1XLrp$Uc)UwzD!%v1w)X#mzsU1oMg14*IQ`X5R$clxb)J8E^ z>K3+~mL)bGK(aXS7Roa4*8I+srg|3a6+E1-PHl+U&pR}XG{{IXggGUkjBjOp^Nd33 zOWtkcb^h7q3IXkM5_$e6!Z9{yaM;9UX|c(VQuXq)SNE9Qf3u9vcdAm7dbwPOyVIhn zTx#T{d?&V=-iH;!1aBh^l%;)XpEipNG3C>pzSBBEA+)hvapQzM*itu5F0A)1YwMLO z?z&`Brm#BKqx!@#!bDy^q+D31t<1x+))}cLsJZkSwIzRNJHsjo+JY)OHe&cFB*JP$%nsIR8 zYvX;VjvA*VzoqdB+o6}zUn0CK*y=K#T_=o>BxRXo&sHh(O;lmnrze&(+Gm<{UEg5B zIMEy{dwIe(CoEq+9z#`l51y{W%^1{Y_+Fi`J1qqNwISNi{;v&Du6x1`B82hl{%;xK z|6NBX>dKuyv3D-a`_HwTrN=cIkMB2olPZnxKl#G@W%%DXki!4r_f)y3KBzD>*Q+tE zG%GP~l~3qC;j@~NiE|9XwD77*)?hfOPuLUh%~9n(^4DT?1nYDCekpVBKAf-t?zWw1 zldybUpCXO_s;3gy8%yJgEbl(ebGcg7h1ztywm4^!nLvcL*gCYcFki zQ@!=xm@eZ%M>}PHl1KIJ>65S$KPmY6M7LEwERI>9%|elPz6oSI`*2o{8a=NGY4O|h z2v_XJk&eUxv??Z>TJSZYl~sR&+U2=dpl(=2?da4IxUS1Z;x0kdhMd3D%(RcF+Ph6q z{pTpT#I%=h>SRDH@>nLG{nmjxeM=YV!0~-3_4AZtem(jgUadiznxPNO+pXuqy``!@ zxFmnxpBRSqHX<_wo|s1kCf|Y)T`0? zTb518xvWN)g=Cbtw>$pZSBcLbn0G=MbwYTJ7xJtKO%WPK`2RmwQr5P5i8UIGm?SO6 ztOBXJ09>d3*xF8}q+=y>=eLP*8gAcHS0&xR{142DFLw2VK3d$#q-H&T?5S;f)_DKZ z)vL!aiF%Tn(1V*bdTG3$bDWsZMt9I@;}g^BTjGao4QH#@uQtuB8}=Wh^T+N~)A#?> zFT7`+_)~W$U4v1p<6SrOGr#W2r)0X!5#Cn14L5M=-?pe%NwF5C8U6eJ%R!m?)$e<1 ze2i7*j+170QL3HRGHgbR2d!v@~pj)WPNKy zWnI)66~_EIb6qBhh>0ZrL!etBNo zr@Xj`6#bmRn5a-{yu9!do#buw59fCOQ}mzPw*U3-|HuE}&lB*c=K!ASBM#hq?m)jg zGi^VI4MO+TQt&bvj;~jdBd%u3LLphlp9-Lj^F_9hdCPxu^%1w%*d)R{GIeW z*l;%!8!Xi&+I$Ld*{u?+VU4(ocr_HS`Z#O<0lN!kb#-b(zyB38k(-#UN_l?bW2#bzuV#UYs6TuE1m$RZZHt?+u1A! zs7U8=gz3v#hWNE}hauYb$13x?EIyyNj6Q!L8m)&HKaB)!1!++IOB}efKo_rg7X;7N zRKRmd=A6UdU$eJd>4H)H^>8|I9V>ru6L<}p;1=H7!RY+cu+Ptq^HtTFQ*%uXzy2~6 z2KX<6ZO6}p$xX>HZr^7B-k++GJ?H7j^XKP_lp%zA!8NrXE&hVuAZHsv| z;n4nzIXjunVq(je;<4d`DN0za$Xti%U1_Oo2*$wf4gCBLOYxxH44|I-oZfZP4GwW5PY-z7KgFp zBwfcgPfh%sQ6-E%Ru0lM8(>3q5S?#bk;fJt9%Lqddk%}f-e5Y`tpVXTwgTkDvfMQ` zABZd0a6+9TnWG8kU_#vts34Eo?Eg^#FC0pu&v68Y55VB3Oz_ENHguU30FsKXLQ_*w zxM+_zT&%v7BRlelrDqxok8bdV_Cx!zF4=6*w*MA9UcMA`CMH4O$;&ubmUXjh2TsFz zK};AIZUXZ*C4jS8_Ao&?)#|93Cid2v1GDADnAT@a@VHw|oHM7^z{|I`rwtWDG9pAy&sZtmic@7+D1296O2lz&h(J~Oq zBUO7QonCtX4|}iC6i}YG8oo8_!RC||FrU9!3-2g!;oNVB;P2Uf*zL5*py%;sAmPR2 z*eGA1;r6c`1@5(}z=XRB8=X`IGL)Cl`TE;L*ecqyS&^|#pzi)^o2$B#*uhL&`W#D! z@f(gr@p+~YKPP(&Sg+~^c65lCZ<%)xFqsGF?}bEZcY@mFj~vZyUO@ZJAC6+_Ij}TC z2BgQBgHtn~F;7itx9zsb1iHOSKv`9Tv;12Iwo~u`sK2(uIOh`pqfDD+P#ebn=~f2# z*CDuMJOvb9QpH+V%%kZGUjCH*)zk_+Jfdx?HDCf0&vdbG>nsHU-$a0Pj5aV*NHk-_ zdjhTDG3KK4^0t=cCUBp3rkP7X5m3b(*$zuKW75->U;`OqUlK+XSac0GUfN;ALVJn7Q#AHm%kYeEul|at=JE`6A>8 z+s=+oce$#wX79DY3UU{N*r@fK+GVe;-$WXLzR)!wZeJUiCa7Z%_5OnMmwv~qF9n0= z*eP6N%W{k2Bum2mCm(-NXOCOwDiI4d?xOoiWx^TE=XyWe@v3O z-^_IUM@udKWz!7sH^LVam9E4)&p*PK&+CRa+it^#T65w(Qx1yGEXJ?2*kXOlB`~L! zNraegBL2Zs4DWmHhUnh_p+Xh>*`OFc zw(PgfwkbBa(Y`gDGP#3H@%<(QR=C$n$>{*zIPC%_+t?UBo-+X3eSPt}(Ub615;N&J z;GSd(9=tLJCRv^1NRD_D`>wsl)5{i_Nx4?B0;?~>wm+G8;k!}XcjkEAm*2u)8kI1C znL+b~+V5dTmN96#rimnDRn@0pmGW%7t8y{Cdmw|w;)oF&ZXd@JH~z+#>gT~dj52WG z%w2dl+Lv=XuocYiaJpO~t5-K`^4?B|I&eLd&<^vlWbN(qolX+2AD$e^{+Q zyaa!iyAJR&(y%w8lHrBw3%na`4*EPdLsRjR2F{ z2MF#)pl!d*X3xiEK>H4lC8X!xl<_!J<5$SCyI{U*FH=(PHP+_Q4?K2xz?_3$;l(*B z^te0QQi!$GEr!bC8qA}Lm+&bM(`o(|9&j}qy><#~d?SUMHJibCS^zp9UCZ|0YX)>z z7|`t=YIe3XKAOhvdQ)dT_roMGC4B~*CGUnkv6%-JBS*_TI~Uw%XfxcvScCT-u)x3E zeFgHxe#0Hb$1(k*jquu?ILrIZ9Q;B0DJY`h2GL$EJjixDUc~ry^pPCav0@!7x6utR zSBtd0Hf=Q&%&&txtDCGAy)p#FGU?bz{$JKks~G%Td=_+E8)w~5nc=!CqAi8+-&VFk zPv=kI*z?J7d6)rwnWv5i-b;tUm4flHa1~n>WXib|QVZ?M-@pdVufTcTGtd!ZjHiE< z1kQRjaOhz(r{)x!m3KuF=RU}TGgkctkB;qxE<2Op>u(I37yT=+WULA9-&AG|Chx?Z zr*?9br|p9>wbHOQ<|CM#Ioal#iY4@|>}4-*O|*UcZ3=!pcg!N z^no$^1@PC@A&|exj^=5=xFf|JlYUUOFOOq;b17a|Is(rtTbefC%V(bddlhs?l)+sN zui@pEX)sv&GYG&-f$sHenrFgx3+BjxM_IQmJ)U=QSU&ebksbvT+PT2(G1K;5kQhEE zpb5G=eT5g;mjG1U1p-Sc$kw{VIW=epfx#lnKP825uKiT_0N)Bq)Yrh-@H5>{nuD&f zy+{*QSJ+{woLJ6G`;rJ!jO*!V7v&4F@}U&A*KJ1&InyKX;^7bAMArkW2W2Z@k#sFR zpHH!MAD`p@VpFfw0rL<^VBfP1w!8L$9<~^4_l)LzYVT+L^|pZJx!Q1WPyxKw)&UzM zlVJObBiP^_4S4TY4{Pg=+w6B~aGGaTzgz=8^eAPk zZmq-K@Yo>z&ROtN-5gNmXK9}9@|J?4sp4QrMTgxe&4s~VeBtM5QKoN+I@?_Fm0;7I zhrqST6Q;0}fm!B$@O{w&5W(-H`686Zp(%&4lV4=4yoOWQ3X&Qi6WjzR-d0)dTEQtf!?5#U>t^3>tIZOYDa(J`cY(5>{ z&n~=iiHQdD;TM); zBaR){(PpJHxGV?uS=IpWBy;*=F?MQ_28T6cvDFuCYj#{pFEgY=!}{oF1EzHR3XA4* zc`Q-?oh$>+ch-y5msye@4zPb-eZ!G|A3(SJuAe7U+}RhC5X)iZEDgoV4aDem{f6m# zZBq;0F+&TLut`pTSugG?ag634VqRUv~jC1-)2j`@$3+6t#1uJUn1&Ni-@ZKwk=~?8%wT~67d$$fj^&fj+_ZKmE z%k&}qcmmP=WX7Ji9B*bN%g22(zH0ksrku+Hs3A?!&xouyn7~1W!*px3x;JWu?+J~9 z*Y0k$iGYuxrA{_2kJYQv;TM^Gz;%}_Tvk{QcG|y$o(tDP*@5*?y1aq2X|E^y{)S{Y z%Zl;vz_k;4I2zfDV21Taa4dfaEcE?h&G@AVk303V)Yezo61tP| zX};x_lYg#*Q&scXNhNAvpK~XuW?I8eiUGIX)~5B<$4P#0!xuMT78AoZ)YQUH?jPru zcD?Cyb0_9qrCKni6%M%pe3)A%0Yj5+f=%glpnH`+&6lYzDdt!3FIdpBjTZBd|73@9 z%E9&rMv!&=E=Fb_Xa4zl4Ng6~5w3T<4?i{>`FBhS<@kTD|9KAhFQ3O5eW#CI8v4$X z*r`O1F$cBBoS244_Tk4_oZJ0ASaWy>tq(Sw%H}B4dt2VO2*>z_oz{+%Td^&1X0%M_ z*0r!Z-B++pCihwI=~M@yd~M8s{u>J_-W4-xDxr;1YfAfAN^ZM3$q^aM>C3lc%x_09 zAL}SAS?U~Tr;Q1AY6s4oqNcO;Z zmc&BJLOIV2Mwm)ZPGTSQTWPw@Y$mgo7z$|pd07@<=jtieKGjd`>hqu3l}QUZImxM3 zf45k37N1pRtBh1yCYigkrEf1cpY_U_L+$&--26P7?KfJ=Uh_PUbAHYoY+1B3U9Y>e zfZb)5h;4Q8V5RS{0a9zFX&lQ*Ih(TvOW9UC4`8zv-{Y*5yUP(NFk^-OS~9*a=F(+^ z5}tY@ml;=YXLfgOI!F5#1Dn-h#PYY6L3ztKDFW)h6AnwHDHKi~j^#)=Iz|k^p|O zkA`!VSK(>%KEfM5@1Vc_7*_taiX&Ql75?-w!_R_1_{m=tR^8fxmv2)BmDO!<@8?|3 znvVBuyA@_Q*Cr3{u2zP(UNpm*4c+jX+)Ue#kG!$5SP9%DaD;W#M}Ui^TVta2l`vS& z6-rWCFlO~Viz+bb0_@!+FMRzX+;(E?~RA6 zN+#Z|ex+1G#=Bi$_0@Lv&Gs7nx~u`t=dLmJ%Ve;&_YZ5$D?rI5r*^e1dVlY-m=Ab*Fh;dKelZiXGJHU`8Fs6Z)#&Q zdwpf$i@WYLUhmwy;P?J5*wwqkOjox!{2RJY=eq`k;}HP{Rzi6YGW+laC%%G7*B`+A ziwt;~T89VEI}TZ6^0@P+c21H9kG*Tf6ugzAhWG6;0o}pV;AXqcc(D3?Feb3VkEVR& ztZN)$uJT%o-#_{ShV5&HYh~uaV)th>uCt-V*z%0K&`(>>EPUw=oR@|$2Z1y`HZ>A< zFHfS&Jl}j0@+-Vqo?-6HG|e;k`e1ax~`t+P}`u#~AjoJSH#tb_KO;U|$pVAoee8{1oY@XFXi`u)RVS0>oz@epIU z|H5J-bU@!TdD#6V9e~l}K-9dOqn4_}cAs<{%rAce@+y_Vp@SDO)gfb8k~6}|+{6RQ zKQh@X`|eqXnookauI7WkHE*$dk0XJ2G#6|;o?(5ta3@DAqYA7mO|Y&15)O^dH?ynu zZ2;bTrNA$vAg7rK5+K3xv(j#2|kXBh1=(uL1^^?>^L}^;~Sp}rb;(d

H7m;R-JGIx~ z3PTYZ9iv7f5stmT%+layD_!R9SmzOc>LHV?6NSJ-@&GO>aKf|zUd`2n$)V9C-6NZ} z2T4KaS&g{Ap&PvG5JGznxF<$OJoojex z1|OFi2WS9>BerQ*mcB?O~tN6^HzO@WT zKHH5QSJ$)TQNr`-6*uvr=zDx;cLS4xN0Oy$DtVoWVFCSCF#i_;TuK0H505-qW2UcDmMYAuhXQzUT`PW{qFm$y9Nco<`DtlF0 z`g}Q?ow5+i+e_2FeQCU24@I`jWFmi7{Su!OX$E~)X~3>^#b`P83Ny{qfST80)m8yw}^l|MkC%?Y1Q$BC?>_o{-nH93ZB-c;lbt(5I#%~q>jj; zsoe}((v%KSzW#K-F&0)Sgu{HF)p$SH4su;~W8)WDS~@|RUUxAf%@q+ewGPN{#6dRa zf-F3FJVpq*q72eH!*Iy0qD=}3G*lU zVOrjJe4KQM4OL%LV*5F}u0OatMOiXUp4*^^Y%Qk-2nN-%iWdd5Un z3RIfshrr_-t&3Nu%2(S3q8qhnH*Un~zhf8?9xJl4mQ5{qArMSAWm)V7ZeIQG63p2W1 z%XY#V%I~A822=L=SMCNEspBb=?XoP&e(`@4sH~dcY#+9)q$O> zJHoJ!8*y8BB%BwUMlLs%VZygkCh_G4yY;n-9_)UNc6WTB`^Wt(#v+jQVS~x=K1W-I z&BGmsHCXQS{j6e<9BoaTLdL-vr1oe8sR)ENW#DjF95E9|o9$#g-=C~5O2S4PPwIAH z6lHxILBlM!;krW~xqka(L4WcAw#e8Bf<8B}!173Lj(-mtT(%zjb>?03wK_4Yb2QCIt0Gn?F0@73b`(NK`?aj9c+>uh%=}ieLVUK_e5L6!*NQq zO+lLiiiPvQ;W4-(v^(}uFTs5`wV8QJ0?tgHDafyNqy|9=)9Ylx8n5*yi*ttDspx5J z-^Oe_mEs0tHi`4LYcye9uYNE(?mn7N@t|JWEAd0H7M)C9fQ7@g$Xdz)M2~C3{X7-^ zVeUfq;NV)eb)+v@y|#eTifNb->Oh;G3@62~k@%r!HJTVUv+*03y!i>KlKt^HsLJ@g8S8Z9Q&TrbvA&d+b~yc+1;z7I6E~80wM3 z$a85pE2^`m)4uX>*b?AYdmGp)pGtzPV`#NZgl$t*AeS56sA*z%a>!Dm%z^$)w`UHo z>JW{JQ=}k1`wD8!f6W_>ddN$5@@IW|1VayZ25Ac-vF6|sKEZ4_lpnOEK-ntnK28&= z_v(^yjR?)q83*bcOAwAo!MqFJ=&Cz_76{`(1D7;#wFV9#=ysc}?p1?LW#=cdAispa+83LN1J-$D3J3xDrMxF>FoR~9(A3Sep47kh-l>dhRs6%>P}>N zHCV7~=3X{5zz@Yuk2BTWt$53GJJVY^hu$XLVe#6F+1DH`;eMYkbT2U+?5DipU8db& zT3))e{7@R~3l1XHRo-xE+D`0~Jer8{E_NNW+_o2eQIN+-CaLosM+Wv7g z`O9cCKaUP<^R0PkUziC!)qFs8?+MJPos5Imi9>GR_E3HK3!8HGUcF$54L*3pNd96q z*MI9H9D7j$K0m*~hOQn6lJ_Uk)KOib$1+9moRG_;7s=y`5@}i{`G74NyP4Jc*JJDw zUhqUioCZH#g^vPGu-EU`Gsi0*_|@*6n3UrxtQe;SV)2?(>hOwX-nQU|pgugBc~HrD#!Aoa!0awg@StZD<#r#!-VDg$k8It~ua_uge7Y50USH4g&q4?@*I|?V zN*vcY9}R@_&RofGrfRCoR}DLZx5e$@77N2sUIH%9JO;L|?aE7NhjVt}-&kJ9@%X;< z1lC5*7Tn9MVNtv@YY=pUO^L@jZ|zNN&>SfkWeoK*K*&IwrMR> zuX>3GT;{PYGOO6EyS?b1s5li(AAwJ84dF8LW!c9S>A25pd{+4p3va2B(V7~T7@-GD zXCx>uor8`8`q9T-SJ}-7RmdL@MN^qI-BmOPnR9NSd(;B<3+>{Zj@OxT( zjXZ`G<9m{XjyG=Kr_L;ni4dfvvNK0VW76C?%<8@yh-;q}jPaHu`Q$$E!m}?K*tw&L z>S+cewD|mKPSlwA4pR?1lR~|SaBV~#6#UeoV3zX%xj>9!P`d@8zqm z4>r0EPQM?7M!g?!6Pj2WnW`(*DA%%$84E-vKhd^NO*DI-*?G6zC+^n;tm( zaTo3n2D9YLe0oAWRSNZR!0AV`v?OQ};8td%=UIZ%u?odq>K)?aIQX(qWuYBhxp^q@Y|`*yI&XeKYs)UaL0p&Tjh5 zzJC~vON<~%ML#6NLUunM+2RNbkkP%38Sm6cB|WmrhJH7?bM(3zc&bM?JQx# zo&GGTAddAtF`JFtWg}c0(xz^6MWFj4H>SCNp6~|-v>{o;1H|S?*Y|^|G$L#*W_k9Y z-OLgeUK!60Zw#+5A0nUu_g1kRcZY*W`?n6CEqmYx(|$BQa6Z$yT8`bL#HdqKD(n8$ zgNA!un2UuR9?+cjQd@2lVQ^3V;(ADV;h?q6V`l{>jlJ^fh2RBbdq zy^`N@td74Cn?{EvmU9~qnvngbH7K`pGrzE|D?R&c0m?ph@MJ+09NZI(=CfWgPp=A$ z4w}#UxV&eZcPP{RqQ`jZ!b7%hZa&`ES-_c@nowMCLz>&Z2&YReX8v{i5F?-0wR=7d z4$WP}uP_N=SqD6*=LQMrQ2Um@aPI&*x(uT9`_k;qqLI`q;T87(Xh283G(hTkJ@?_M zBB>4UK#Ec5YOno2Nz*nABiSCv7l29!A&S#>1Ctc{;mB0Wzjplg=Z?uOIdX zd(Dc3*X=t%zh^_qN!FB}99IG>L01USGlI^8x1!})Ijl3%rupTgnX%v*6Vc@0%gZEG zv6f;x62y?R9fa%e>eG~0Vr*4P1})J|MBS&xaA2f8ACM}5y+&yiIXMz@nKMqMU>Xxu zz?qL)h>^1GA+qButXOreK6A||x_fvTS5TLQMHSMpCrF(i-{eA^@Qlo{sDZ+GYnotr z>= zpKy9>g?o(ORH5fbd9qpJO4%I`u)g`TVVX)MMNjWW)*s4P+_HVV-TBGn8)zjw|07G` zIXy5!Wg$1E|GD~f9}7N5JOh_ZI*H*jC4OFectQOd&1`=i}ZYfdGv$j|22t1Hvl z{df39hssz)YzV7ww1bL@X4YwXDfYL1jN1alsjgDEhyAe+t6E)+o?f1U4pEX2HC91* z#zmb(hpNK+0iF3vLR-@`cM$oWTFi7FtV6RkCe+Cz3m1irB&Fg|W_Bc&W_Me_n+f-^ zcPUT;jq<0Qy5VNLr)NNlL-pYLTL-GRYYy+{jX>>c0ptswp;rfOq>!`t=39AL~J>|I1g2CLQ!9zhlUlv80R|ytemZk}#M$&r)QwkT+ zC2yhqRvIEro|ezK`%i#!^X%yD?S7o|oN2V+Z53wBRD*)VVD|OaYS!0eF1vg#OAvUl z4ja@eSVN-)cpmo_#@A%nwF}M^^(7eMOBS*WMLEz?y2iiLG(yuFDQed&%cQ=AU}r5o zN}qIaXH)K4?&Fxbc<$*$%6YvQ*A4FngVt2>YGTgpMdz(-dUr)!bXG0RLKc7_5MsIv8LCj9L7s1)I zFV#L0q1pix`DsU-pya3=1Qlg5J9SkG$~Q&}aXU)w{EZ(msViIeayK)7U`Fegk4Np` z%KEAgRXB#bjcXmZV_oAbw$3kvc6?&6_LVn0o>GExIXm(2i3qw@ZAU!~&f}089jMe( zC+#uTn2g(S=WI#T`VdF6Jm%oqerCdb)dohosldnV1=wzR0G!+8 zOg-G+ve>k)bW$s)zA)=D+xf1XUs-AkpY<=Xz0L)Y5jKqa9q-9PLzc07pO3P_vnnLj zHLM(2-w{Ca0uWZGnar`6U`KBuor|MVsuHwE7 zc+F~O+f!J!4|5YO!iwxWxOZi5ZtvAKOuXxP!O4rlADoe_f{`xe5O?wcfM}hQoO3#bHxyH+&Oms9J zH{Qsvz9a>WTic`EJxwS)pGRF|JJRCI z&>LJ*vZ>dFj+Aw!j7)7;Eox`(5Pn%`D`h3c(lL)ItkBvtsi3y>7T7gL5JbV z;SOZ)J(f{!&z=c&cmfalw5K`fUHe?d@tn8AdiF z^?VOL*Ak`2*DUK{iwhJC8$pXR9KqJ+6I(k_22`SMVe@|u{bHW2d_v69c9V!2cD#-}%FDh||^I=E0$wTzGalWEZ{8oo#0<_`M zqPa}B!$WSOKoi>^C}6|Ww1j88Uh&(qma;GAFPUiK8XR7Inzb`;;HE|fQK+fV$F7`< zBR{{!Nt1$T!IX|%-SQWBxbY5Kwziy`x+x2t4kci}Q`X>eUysUfbY?q-_oml-d$KC` zJYLTDGShrL5LbCAzyPjJsBg2_-max=X;~PIJ?%`*6JN2u$-^PZ_zM@16eWDt10kom zg!KsT0-S^`joP@3UCeZaV=gvKL%2r2YPu51552{ba<$-0|4Ocj#xSjok)#^$PWAhq zvT%V9?CR$uw1qdbGrS>l_Uew?habROX&kt{bAkqs26nD?9){>ULqp?GY*-miet|Y* zcV#&{)6WXeOLT#e4g;9yo2NM3`zC9I)x70~YiQ-Ez?}TQVWUqO8#7@b-MBQ7ZAp`a zH|<8UzUTq)S6s$m-d>|)3bz0|d#`>6! zW=W&?dR;{eNaniWj)@$t60SW9ZtH`{gDWgYRSB+cF2Fs-Pg(W3ZCs7~MJ8?#P0iVU zWOy$U&OPbQZob)4|3Ysa=T#^CO|VZ_96ZccG559Ma8ekEShi58ladxN^VN26@t{0m zv?J^rxs*95n}XSpyZpArKJY&EMZH$4I}_n$$xdrFzkdn`P2mN&V%cR}?rl#WmafJK zYj;}lel&OBnJK52^OAeWB{Q?w?&OxB2i(9e=rc$b+K)&F-ztBUGaLY~bB!rszdSvx z@n*h5ud|RUQ8E#(7cSC}gNKC^;bGr7DBtxuD~&B-wMMc0|6%XVqp^D5zJFupkXhz= zo<**GoP;JNNplLNd7f!dG#4_afrth}B%yNc<3v=-SSb<`l_-@`BIVi7@B97yao_j) zt!J%gt>3WL{ruyym*KkBdF^ZO^E{5%`*j|V(xNsxg}8HQ95d_YHHd6q3QNd*dgT3N zvd_K@GH%|*FQ^Tp`mdPzcC$%gj2lInMRdR@9s}aNxOIvM9!Xe9s`Lb4ALnX*WMPN` zFAaG8NxSLkx2NzkI~9Z;8`2YI?zA{12cJy7#U3`93MPJ{U{e1IPWZZT9xxfgzgUIB zT%YP)F2~PQ>9fx?C1{lO4*GNR8D2XK;iCuY)Gj&-jgP5O-p(+%mSGH$cE90BYBD>& zQHVVAsDw|;)QLdyRO%VGZWA!@n?VHVnuM|BGH>uo2JwZoOfzwx5B z$3OGPE+I1V;3}wvn9yE~$DMU%#N2-(>dz>|lI~q_``}{gwbq5~tJkNv#)X{R{E~6E zR3pkUdEip#OojK{1+TVnxOzN==^>Li|MhFOspT2ozUK()g+ieBsv4fIc#qRA%ODJE z(cxdl^!bL}8g~lC2W~*(O$p{C?F8)% zNBor`N%u(YDsj3lOY@xpXzkff1A-Itll}a>4 zZ!9gCFou-6C{Y2&0zC6klf9tn2k|p^alQ0PSP`H{^v)9ESJ8>KhaSRK-9ywhRD_hr z?1FH~J#_Nx8%*r0AZ!s0AO~_M5(oAwj;?ylN(reDTZ00&F#kM0fybb6YdgKPTbLMl zO5m$}JyPiK4h_ve!}tY0yt9jJ=tr2}U7>R47WU0q_A38cY z9!ImwVSMvR@-TP<-CO&Sd6gGP!g!C_YfXlvza$mq0$geCN-uUp#C`Z)-U>&eMQOQ! zJh>EVh&}WblzZ-nYVo_woMuP5wXYI_HBO_$nS<0)@hJ6*x`)!~X7roiW+HfAg+$2) z&`k$97Ib74)N=DhZ~i@;o0-bg8?R@7^A6Is{(7`oqe8p*)@bxYjH}B|Cu4=2K(u5o zR-~1{`VV8MZ~rb>P%TY-xl7l{7()_vc^#=)HF+^!DLPC~GIQwq6DH*NN_`Tcdj_ADWV+08{={5Y-4FK? z3ZQ;o7t^FpnCvIP6gC1ioH~Z6S7{L4(K^&sJPJxmyXbC?wOXNTN|*(9aCxl^$>~{4 z{N)KT`0h-KT2~UYw;8y;;{rapJ_`G5Kj6a3Riu61R2Uw*3kqRN@#$FwvLkpJwNY{> zCO)e4u3-enQdPhtk;hC%WDM2YIG#MQ2;n_SRHpiq1L$`w0G6A}gb##3`K}Y}amRA3 zO98y?I+@NCs)0jiDcC!>(2ymYAhptxPHf}Wx*r4alC2+U1zv5ax3i%EZQ2udGb3L-4pY0uXzMxuRVnt6zE`|Pd-HV=T-#W3A?n&) z`P^9~d8!Hf`>-$lTqs1xNMFJ9y}Rk!mc3+jUlv;)bDaF1)&~csi_`HR)JV&oSmeiW zT(eFREyz4_CCn*N?bzN9IWmThJr%ne>KB(f_gO7ncHh%%2blK zYaa>PTgytPMzUT78YF1!I{~?cIC}4&C{NzWL&m{Jz5!3wGd^ zsUyJ7*-Yh>-Kq0857HZ$%s#Lo@Z$-O-TBUr4vrP0${x{d$c}g%t1*`7bgjUgwLXmZ zeRrA@^8)Rn=2MU7N)TA~2VY5WtmI$_{UkD$n2vWOB9-<;bKM+LYdZ|Fb3-Bbff|)N zSj1YU=umO?E~u{P#PEyaxa!eC67J_smTnWHqX%k0FsPc}ntzpO&!}O>WJgoe^fq*i z3dCn~w9tR~F}(O?8kjY|c23SJ#I{~7T4iz^MBMdE{!b8!0$j~rY#mjo^O%^b+AKwZDZL@aPOCh@^}SGpQWHk(Dn z^Hu54sk5ME=?!vsUgH~gZz@xC9=#8Tfaaby98#}@fscx0v|%1CozuyjYpjJF&tv#Q zDhq?fHK}#eUcB7>7TUH;(2K2l^zvJOD%!V{-18OxFL~x^9{(|&@}H0X$-SlR{?9-8 z?|uAVb4C9#&-_oG=%2^`{TxyLzXL;V|3tt3J@Ci>fAt0o@XxYV->lf$DRY6^zP!8V zRRWuLb{zYy%MG^053@3A8LTm;u*X(pG6jd?!Q@yi?`FUXMzk}VUu5qG0dW&cc3k?) zSG*|&+J9siJK0VqrB0CLCAqLaS|XYC4LWFWMg(HpJK6H68O%3}fRf}dSJ<(FayYGg zJ@dN?8J(aWUi*e5E6G0QYQr!)MkJOuCYE8^4gdaM`S2O07I^0f zu(@AC*#jeI+15#yOJv>EO9H-S-W5m>2f4SCm^f2W2wr`b{htF}sVxYX5BWlz@gyh? z?&TF6In95@JIwyxx`uWASO={+9VMx~ZtQw@U>n?gn64Z5*uTLq`9j^rtn0-me9;{O z;In%b&(rT*NnW`zi`9AjS-LTxQ)9sw$))W7UEW%C&%fSg=Y9Wr{9ol&xBPpfAMt-WNcpFjT$$NyV->*jwy@2{|bJ@fzS{H^-?uiyLUb^r5v|Ig!p zj}iFK=kGsxYt?^W*Zvs=n}2`v|CGNp|KI2BKR4a~d>;SvI{we&e;k4TIxqTHqWYh_ z^*{5W;D7(we?I=-pC?s?|NCF=|BtWe|J%H^*tH7W){)QN7kkHQYOB!4rkSv%poR_8 zjK*YwN$$R$Ll?z}y zeH%5|uZ?D5_N3fTdYi=Y=Iw z>h%62bGp)3ooJcpuroh|lNnERsi4RTB$xz;3uVYU9YM0=x-qq$VnT}c{(+=fCS;&n zi<}HrC0Dci@bK-aHjkewZ0!?tgegweISc;}itdG9Yk?KxIK+TjLNdA&#Br7}ckLJrEj*$6+p zFW@-c*Z8(66^EwJ#h&dtB&0J26GATX65b}_pMgr8;&6=_*|NFBIBJMh<$Ae2pG2AJ zY8%pHH5L{hRzri<5&Y6Km-TpSNFw(Gn{V&{&uud&wRggU zCMO}*B9cFQbq4eIi8EEWo`ii7TBP8e72Rjn28Xw9b@`(lkCpQTsFOYCz494goR{>$ z1YZwW88wC~rd|Yv&aJR$qYa6;?n8MFIhZv=n*Q4ALyxb|guK@mKu0DN;~M9}E}bmg zzEpsQ#JZruZf8<1bEEIUE!<%h4QFw|emDCZX2L-~3 z>P;bX@)5VjND`pUPj}IPEED4OsF6RSZb-9zXNfp1;}Bpj;^uKk~vZN7aYC_qm88f>!LLxy}>LEiQjvpj16#iS1r=VuE^ z+A~cW+K`1+ea*18y$xr&+jDG+4w0H)#7ynK4!5JdN%4hzF!>TkF3VVx)C)UEyn7Dh zFEAzsF>#Ey?@lIF*^(GKtR#we+QH4S28TZBkZ`DF?rO{>D-C>!L%?R3nw^RHYjfDr zX%jHY(Tx24nwSJZ1IS)ehdl=8_`RiSbo5yYME2^?@5LSPakDCE&dG(-`?i5~ z&r`g&;0&(26-1-LZi3j7cF-b9OVC`31k(vWMQuq8mHq=dn<=%$S2%NW+m7-<- zKd{Te4;K}x&;(oEk`-NR8I^UVU>qhxnGd&$V1n~J@{Io-^g3n8i=z#gX?ls-F}?=3@oaE)rWsk4J`A@~K6AWmHRgs& zgUx-8;a&HN$tNB}|8y}728mF8r>_`QTo0Dt?a0nwhGhBXdobl@HrgEWfR_8(@Yht0 ziTc6u$)%5RG~o({T07GGX`&F)lZ#>9?M%<&C_FqI?viS3fDg2O@@7`q5#>BChqYIP zEd6~BEI&wL1OKc-DOs^NU1}%}P`ma(Qdz)VZ8v zK9udsWRIQ}q0_F~P+K)K*lBCd>u>%G-{iW`?XL`a#)zW8s~qOmg9VIsQYQ*!&qkSR z;$+*z0c^7VSmML0fvDBO^u?NHl>Q|`X7;B;>$r5-y@C%~A4F08N(nsUl64m9+En`W zT9o^}7T1?>PJ|>|I>6|X_D@=<^#O3apd#HmCy5c_t;U~5tGF>yrpN71;H(+@a9y@N zS<=M$z1N6Cp`aM~axMyJk29rADK^GsGYLm!sF%bR7^sbh7(G*F$XSmJD>Z<&Q!h4V z7?bgFhhUFaCED-|=sRLZKP}P0 znbof2z~S6pl=P{>(2~<|x92CYZ+dZqz;aOLIQwef1pK{3f)03Zh9}P^0LpD)>vKFY zIBf*%wmrmqr#b(rk|B*Pi(n*`%g|qj%dky6gdLNk(I`3>b_mPBOYH=^`+9*p^8&*g<1v1C#d7gm(zIDoA%f5~omS}MdIt&0GYQWEW?gvdSrHb9BPF;=2;&mDAV?aFJZp{@1K$-%bb6*;V<;5 zN1y-|ySNnJ<`wh5aQ%|(g-76g?oN>G6(p9cYB*1f8d12>jdCLPkY<;|6V&H=pjidX zdwF5vUn>B6xV+<}WGBw|aS&A8H^S}&6cH1hq|@v4?jH=9s*K6~z}}VMsR| z@c~E*^C4z>-T1mt3ae)Ok?!VvUVpm~5kIPo3)Wv|r_FUCB2oV2WA9u{SgnAOk34|C z+=W&?TtJxP^T^uJ@x=2ckGg(eMfJ0baK66*VLwN}W{@MY_bXAoRENeZ_QKiFhfum; z96hxmhB1Ek2*Qu8#M$dP-tl`lP7=@|tshEpep@r_Jd%iqWj{hrQ5UT1s>k?8Z<&W> zSHX-BY8!A6yN{p73&YC5ES||*;>Tr^Rwdzqo3$|BK83s2MdQqOhfa#-E3+En)xg@G(t+SZwbpEUk54H4e-hExl-8NCAC zP4`)i2mvB`DIHa3yW#Uq#hB+EOs{bKW&Bxr*pTN$#S5As9_|1c=k03KF+gpuz!3wkFe<4tYxvjjR$BUFu7dqO&0Lk{A_N<0A(9 z@RP4f;`vRIbn><(w1R5VTKw#44K*2aeG- zXvl_pPEzE8wGMm1t^+DQ=#$6QcHrh3314C(QO3-i$kpG$*X=H}ue*))FroOq*A@~t z3_+l61mw-uf^r+e9<(7e%r%+g*#&qjssd@vw+?<^rV*rHlqE@vu3)^R6U<)Qj9$tm z%yG#ua&B8AczipG;k?->r1=x({TxP{0(myd>l2n9wq%}&hJj0_6wR(}!P6rmWIrjv zSF1|!nv4{+(H{Y?lZSwLk%hC8jHuSwIk3_2J>msf&`NIQyK~vHv+vU2%1Tjcv8fQ( zKM;mQPtLQmEtur3OvhD)yn+^{=bx~?in~begzzFX8`7^>7XRkT|Ewc!^99w|3b+=IYj1axHcEPU974< zFrqUI>L5zrihLb&5mNR`lfhtVT;Dj3{g9r{^xHgxH|M%oyKXLrWv)UBw>*NL*W;=E z2~B!GO%gWLW#B^3Y$h+j7B(IKdP=FKnpZt?}L+%+S$0%~N^ ztwwmZyAluS#bIu690q@LA+aGsP|#8hM?#~SQ>O;_9kVV#J$HPlI~AYIyM$l6I7isK z91NWG0lo&w&=Bcyw3_34eD!pwqRl?oBkzmRtEGs;jB(^uusks@>|u<9Lh;k# zIDC3g6fC5*=po@KJkVfDB6;m7+U82a_8f5;@JeN(|8P0Bu1nzAGlL%A%&ott>cJk9 zx6pg`IA19_1>RiGM)6zD@Z438Bt{BSZXr(JJ)sc%`U+0b5TRC=cpUF}5*Bmwbjh32 zWW!8Pn(X!z4Cf0`dnGsWp6HYQfM#rnDraw>@M4O3W5BlDhPRwsTb+FL1F}B~P~*%Y z*fd>=x+ps1wc_*eOROI~ax~bPV)x+c+%@>_nkOBo8c%f+&%w*X&p4)sV+EqrXxXBz zm^jNBZVib+vPe)#)FLBhkJl*b*x8ZzqzCN5;0)fJAEwmGQ-Gd*&S!J{$}n|$64RVk z0ZRRfz;4KdF0URGLnAsGTMYeAYoOxeHOyDeY8TDnnF?4J5IFz#HWA1|SL?Ew`+3`V;F7b1sq7wTtVV?{+(7zA@eGV~& z!Yrn@hC_XN2l8F^Lx;Qs)9js&?zdOd{C++xy{Lt*KQfrBTsCBRc`>g1Y)`hA`CwE< zF-m0XQOm4AcFP_~vUSQYEZ^G8Xs)oM%%#rJcz4)8ei>>A|6X%K6!Kb+NU>VC>r%nd0 z5C>Cow4sa1v&to@@j1--?>rLuCl>B|DUnMugUqe^O_0@h z5cZ|#6YE9hpb_dy&+9h9g1Hi;@7H$HJvo{5HXMbdV@*t;j~NZ=JcYelwS0wkbrKo! z3>IsrqIB8`j2(6&Yq%_);gQE+JtWRN^7e((r^b@BTNJLZxC4q|!gwNf46U8s1j!4O zN%Cq-&NZV+e_k;oCJmBwbCe++Sf7J0y@AZqSE5bXeD1z-2_(d4LGIqCz&a|@UTq=r zJNyrRuJS=?)_}~IegWN=mcx}Kjxm_f0M!x-~XRCxf5sU3g&ZOb0*Z!2O6wMyq>2ZfMJZ!x~;V#_KgRIp-3pm&?#|ee)pu z#$Wj3DM3UwO{B9YX;D{CXEr281D_q91|2tqxaYsic62;u96%VQpU#9%UvK&;q7%y7 z3;056u5{&MKHGAr7Ar&*u;_FGd_N@$E}bV~!R93BTw8)Bqf%5LGmaNKM}o>`3z2ZV z%Lq?hjz_l`^Il*so8s+Aw9OsqcnBou-B#KEFv1lESc|Us+_BwonC_8hq zQ$?L-bm@@dpRQEy(RjLSsFaZ~9)-}BFuq$Cj~(xJ6g@6YqD#~F!P#bKa?Vj0+c6PE zqjbo;KPGfoU$ABaO)*?a&+ATX3yh!gn6?IO1YZq^8gKcM{+klKAOVTU2B6C zpv0fMmt(gdyU}HxHdOw`PmaC(g;}pw;pe4qcthb6=uyv$c;i_H$feex1E1q2&sm_j zW)M4S(FZq|a{PDQ5%yR2H@Fl%lM#^d$D4@<;QqE7s2RJ7TyN-vr0z_3|KuXO|Lb!| z95aeXodigJTr4ynX@c$Z)8NyJ8RW5r2F)|7#TJ2a82)w(+EYE|4Oc7s#k^&u8O|d! zCJ$-lW;&%w8!mnlWD|yhr~=0zsoyz?$H(PErqz-^p3Q=qar}})Y#P{JbHa3UMe3$)jQ;r#@#fpJ zIDA`*jz6S^$#z2Uj{AJ{N5~R^LIIcg?Y7|7b&AiHbTE%d0Cc;`(25C{V4t-Cxfkoh zcHF8%o9HmSo32knO84QcxhtVj&5-h*jG=)oS^V4V1=xqBm^v$kEx&0@SDbQ#50=F^ zEL4Wkr>DTWswd13`U0*!J_lDFm*bX40!+c_S@1404>x{~$6H@?@Z|h)WJ>jE@Co7A z>VvYRzfTi~icCs)U)4$x8pOW5<{TGUT)>M1R;QhK$__As~9P8`Cj?x5Xx4I5#`dh%>`DFufTD1_C zngPY9tqJQp10Ob=#08#xtf9b56qamae>I$egx84n?<}Z|t`rIji(;R#CA7;%;8^mT zH?A-OR+^bpnZ)lfqCX91aq}{tIllPgn*|Y*{)^++Xu=SeSI(}PjobS?DfPGsSH|ek zKIvgFe^w56wph~1T?(9EFc7i?lHl>gEx1o(7MML5PX!EmT%=Sw*$six!{S=IESLHCVUrJ%|j0fyNuhWO&WyiAm-V2CTHOoVi#sd z_g0VM@2Ns0gw$e9rak9o{DZwIeqcotaHGN+T=IT{u^<@- z7fX?LiCYlvW{#&~m5ISeXYzA(BL;j8h8-7OLBOr#Zj<_9kdoxwZ}0M1pQwk7&z%yK z_^}`EZV$(q?{#U*9Zk05;VqbJDGeiMUW1612L0V)PfG-qNHga%xX-tz%Wqqe+g^zE z6_+t|buG@j%sK2%D3fVi-QDTTZrphOIL5qM%=#BeGX4Xip!r^gE~K4op1n3*@-PP8 z{86Ewyyv2F?@Ji$u_EcE|)Wc9LZ%@-3 zK4HLPE#kIQ6r0-D!{edY)xOf0@(o zQkwLx(h7{8+RD67dI&l%+Stk;X<%tmi$Rm;6T9ZyXrWOBHM3^oeSxV|qGA$;$BB?C z%|EcGtDGP1J%irZ^#QZc&k)kO05p(Z0DC_&aMX26SSg|PJgD<}v~xVvIS0^iz1i+E-BVMP8y49IN4 z^1!FC^SUVn2iTI3@8NJ+T!MP-9Ya;GjHP1^>5!%49YFNaOH^OKh>k`F(dtE3*nY}_ zOiND2a?wcK5HOx^UeO5Fck7@onPb&^I3Jtj7yNnM6Iaf@iZ`5>V00qKNY)$B16jV* zVpjp2wRnU_cD91WUw3w+pasaCA4}djaQ6)zRVdjcNOVW?d1aByan<@^kea1UZ(Y?R zr!>p(+4dKVgJLMiTDj1NwI5*aLo1@yo&k$a+0y%ejxlo*|1i-<1gN9MMobJ)BU^4* zlPu2j>puE}KY0OV#PAK4@62GtW!=bJJwZC8sZKWZ%aaE`v`EgMY&KD}nMuz0iz*4K zG;w}61bztxJNtWhC$bk+qtwZ~8Hd?{zc)Z&;S#uFYd}s9e}&<<9^fMkcvad3e!gD= zX8SDBpL$ zm}|&B*VDt$!#`NNIb!709YM0G!kSrf-I00u+=$-FxyDZLQsh_ow!sZIaT>p6BfRDM z9V$aMjB39sdEReAl)WWjrGFBBRGSIQ;utC}l8N6ORER^HJk>anfoawGY|^MTTiMjj z*xYnuOXpvQ!1ft%J;#%=K9k3LIBhJ+64IcTe@w-gBZg!)QKvu8%ThW0#msKi*Dxkh zlYo3ax7Sh_yY5*PHU}r-bd%LMFyKI|=UqXGiX*I1Z#R;?4Pf9MNF*->(~OG-DCOr0 z4XQmDbkGw-YNFUtR}(7ftj_HTC{0GXIG484SYnx~OP_DA>%^|yfxtciQjCYV<~*!JC0t@u_Ja9A22G~ zW#F{o33L14I~2LaIWMeTspvW@`c7^dn$`bde!G2ul^;auxn*Xgrcr{{Icd<8QbqR1 zikTQRdXiK;uHrfVv?AGF(zIAF0AEISf^6O@a_?I&q{cho-39E#g1~D$sk{~NGDjAa zI~UOI;u6R!5##vjzj)frpH!VP!%WUC={>4R571qhHfm0{U2VlV`f~JTohK}FW+C7D zD|~;*x|KXU67DB8zLrIFmKobj0tn4O2)FZ`^GESAz+V7T7_w6fH^Tq+6=qaE`t!u zXy^k)x_4cV%hCN$;MIaXP5H1A5% zJ00VxpwXB{RkFvdnx7y*}-wKt@L-qRSeyf1Fuse zVanuOoD*S5Lev#tWA_{II2#Q+WsX4HMMumn6(((Ct|G~hpoxY>7_4d!ZcdG0b@~gu z`H%uvR&1e4uH6`X02tvJ*@X>)xc**7SdIu8GQ%8@?I+e@7Zcm!xGt4CV zbfCtB7*NmjB3TR9Lx6G=-isF|8{|qRCcE!|6UL%s<&DdzCL=>$PuhTIo)w{^YaV0Y zR1T95c){`1gwBUTv`6JWUfop5EOQ0dY&B=6&R2NDF(e{>xVan7N)Su%J%Wd$g|s6^w* z6EO3^cye)?EuEiL$xO8xVm2DCA?xBgnLRTWLGiKE`0Ru^y)rKxc7H4c1sQE39z2m% zU2qiDFGk~Tqh;u`$%?tYe+UcmMX2b$P(u7M(kV{kDo8FOn3HC{B9@$dsgU@*+MP2 zZi*5~{G-Ge-97_l(rU!7B_Eb5{9sp?nbOmX8dy)Ohahr_1vh64@-!|H+)tl_lUbkf z#?4~(f#Pe_`SFl9)FVZnNuI^kS093ljuV))iQ(?Ix8R%6T-Xp>!jmuB8mpiR7txT z_RKDVyFVnzwO={7!s!~Dt-J(GRd2zJ3=w$0_!@j(p^U2Pv5Z;R1K6u8NmG|O5dUS5 z!Dve@o8ec5=dI1D&Fb55BU+s-Yxl!P5%NUz3AbL%HYD+ru3+U2dvfU+p>2*;9Pji2 zHY*ro{febzF@HVzGd>y5#Zwdz_<`jakKx+POkAU*flKD(!qp8Yc^jO8sdBa{E45yZEML4d3SmFZIjyAi}>xTE>$Rugvpxl9Sql<~}2|X&5ieMbm zge_~kVRpb=Vv>3f;(qSL=xYyLgxnPfUI@a+C!|T3$^xSEbs=+Q#KHXx#{`PkS3p-O%X=6!){x;(k;cwtravbcQkE0U;wBh66Rb28z3->BmLa>+$ z)H}aolQtg3N&aHw!nfJ@M^XI4EaiIgh58|z{V*G`1pW%+M zHtFH|DZ_vJkhdX*U2onG)!BW}nJ!I*O+T`ix`!BQ*9N(pU7&Si8|V2`rk)eT$fo8V zbhe$r?K|SiF14{i3pp)vY)uMm`k_egiD!e6>}l+tx)$P=CbAQbsnDd?+`jGy!yxRd z4*e?D1o~2{q-SgpqcwUA!~!~C^G!1fgGq4Zyg6}_(!@`kJ36!0hRE#=WdGz0L)H8O zwnoDnC-hl^#hgF9*y5+`*2CT4+_oHhhD&k5fIT_5;VA1=z6qa22-6i~ic!5)gs$oe z!{JL$?(Pj(3hhtL;r6(fXsB2R!6MaAYFH1Mi9EPh@E+x_a(TXcy}0q=9W0o~?UOUj zk!Rr}2ygmkg0+ha9@%cjNS0+lnPv z!|1iCd?xRI)&S+{BN#8bPbsfqAwrA zNrxm9=XjdjN!hrrR+M^@t9ZQc2kbrJN-l9d3xU=4bi7w1jL~yMEtfr@Q|!u=MUA7C z^DT%#xd-_=!y1>k=3>J0G%N~Qhb`jbc>IhUZRkqmZ~Mq#zN-NpZ*&@R&E(k4b(OF= zNs@$&AHk{)C7Q;shb2SG5IcP*yzNec+=yg|(@6*EWHFLVWypi4O)$IY4CWuc15bLM z;e^{9H=wLQ-dy{OC+Z@x+3GScX#Z0TJ5z#_29%kzS{3kBtriEH7$)dSJtV{z;Hn6H z3@9`v`X-s^f4mH4g#1O1yR-RPuAaEHZ84NcDUtALZoJOz-gtd)7c=^<4hBwG(96kI zkpIODzy8*OB?}s$_k1PHJ15EHgnz)yTffleP7~hS+JMTzoVRPE8A)v)#RZw-v|6Q- z%`;RY=8K=;;@AGLt=fdj@7aM@!^^if(%&S#q~m^z38Q0Q*!=_KbQz2{0JUL zHd?QwZF^*?-75pab3sOWqdJ`+9tHxO6M2840e%1T8)Rl!(E8G)e0?1`I%T0SIr!$5 z%e7?_sOe5AuJ#`Wx$+2mtsP-(wG#ah0^e|S)Q((CywjBb8{p)brO|W$~0V&L3`gCxV4P%H1rM0Q?&so z_{znUgdE|Tsyp=@l&8OYk1#v;hOilSNqEprlC1rm%saNK3+uB|uw#Q9)sZiO;|=EI zQp<5(X8t1TwZ$2GhaO>$wH{q?YzHH@Cy#gJ^Ko>(9fJ1eGW7Et6Ply{5_X#y)2fVU z5a77VI%Re0xk80pjCg|;9G84j$%CrM%c5x3SYM6<1tovAzv4j$i(?iUPk z+Ey8iHrY+8w`)SPZX>>4afR6M)gylj;Ld$?{HOc4h0lHF>Tj}5A$lbIVkjwEd5&c`mt41` zKmH#20x_?bL5_Jgjy%>Sf%W;A7N^G6&$hv#1HwdLFTvGHZEVasU)C)}fWB?*M&lSe z+WeycG#U%Q;lmra&?P{fjjw^jsVQXrgCZ#3{02)W36XQBEHK0&fuDC+lTDd;2dp^% z)dj8HP!M(iZmVjse?t{$q2LbCDM;bFHD2d0TUZDiK54Rw&+^&ZDRT6C9mmPHJ_flO zeIk=t3=w@EGvvf~#az zSlZHnn%@+u^GyT%*qQ)i-bm52$wuUp{td`GXG=DFB!NI#CB|2C%%^G{vPv0{F1Z6z zWqyO|d=;{nW4b2&6(Kt&27*M4AtY4b|-Fj|L_3SRx#}<_VL|r^lJ| zuLdFX{K0$;6zOSH3Cl$ zbH2E;H0IF>6FTS48WcCxrGJ;1kg84EtaCiHu<9;Lb|d}*$q_JLy&OFmlBAK4Bx&CLiN@~q(G z85!!{-3)GRv*7Ac2{H;|M0KhW`KoyjT&ku)@rNi#Un)nw7YLK|lE1jvRGq$XP$VOR z+v#VMbL^UTHmEsPj)*Gmg9O1rTw^2;7A+?s`SWGuk^b7WaL5SF(1B zGF^OZ4jNBt0a)rudtY1AAl1F_?WP>nU^F0S)?P3b5T=ig&SUmo`i@6EWXL7Ut+;lN z6g^(5MwlEu@=;5k2wjS(~@Fa4FO;0+=uG@`Xsl9g(XVX^!q|L z)}<&H_L5_8=hXrHv~K|E=2c96a8;)MCpH`z0@tf|sc4Z43!0Vaw3A>X?c4%4Dj?I-;SGgkp(pASx4$nNQ5fpMf}-slEfv zO-kUhZW|BT4pc2wB&DlOX{m+~ZE#A%g`|TiJY`J<8oZqMeg1$~TvG9avM)K1pNJ{* z{_+fU`}k|PHRdcy21XZr$6HZT=+a>|qF=}P@P*eCgGIBs+TRpLC(w@Ed?H6rsR=`< zlN8Ok>5LMecalWGjS$N5*CO8Pbn|j^G>e=-o{v3&jD#{(kZi}C=N@#gyAW-bKaHj( z3#dR~2e0(479P)E2ZHq97qV8X)Ijv7(gB#d0W;v|qvDcg@It+@l>Y1Z6#!_v` zeW;Vu0g4s(5HBufc8OUNA@D=zfG;rS@=w@t_cboi&BBDsYw>HF4z&>(fH!Glan1cc z+_H2khI9PQogIVV`ZxoX(u-M@byt|-*#cB0MvpqX-C&nm9s`qu<}`4o5qY|Y+cR-? z9(XKvrv*!zK@9i9Y9TwSdg~AxPGuQ&*KyQs?kSl4S&}xLy^AA_hBU}`7QMY=7?oqW zY?AgiM(y2I*lT3ZFUwaag1^;4U-tp>`-G{vd^9hTMuJXf75Ikv(YF~_aCj#Vf9|v@J{rOBYa%4YSqzSDokWkP$3u&_B27FwfJM}pJl2r{Jpprq*M-RG zDd#xBXYV=Qr4)xVEpsh#u!gBxb%&~3P7{;&}Ev_5VwGWTL znonYMri%y(6;8s^WkRG?UXHkh2oR%DFYw+y8Ln}@mBh*l+(;t0Jv>6uXNDM46e>iO zYP;EI2f2M9cAdeXo3EJuIo7o5&=K%|KFG#*E0STq=_GE*j$YFhrC^r_zCDLAFLyIL z>E$wF(EgEm`mqHc49L(ZwF8(f909sf84zjVLWqG94cWaPVw6?sXWPTDO5_VXICcS3 zrLN$I_VbK`h$pNGFv5WkDQr?iz}+{_!sJ$!BAt~O3Z88(7_HU>mGN0HMu~z)1I6BM zX)9`EuBaZuEVWnWwAQM=s-@W$UJ-ryZqzJ^9Pp6Z*9gF$K7K1G1;SZ&0_ zYN(^|4Q_6%H3Ry~FN5`_dJx_;A9ubVORNi}$=mUgL0nl5VKFU_uL1fa)&n6?_f+iVy!>0Y@bR@>b4;G@HyIFKQ=1?y+P@ zu5jlg+ux(B#u=CzB29bjc0!DvBE3ISl9s$wAT5`!vTX1;x|1A$DH6vac*F>-{d|kh z`*RKFd=_AEhbhVpPTZ9L7yJ1-CkGacP!a{Ho$O zymiMIyVd(a!cU9te4fNPJiNkx?vWunZ|hGf;TM~*Yb$_=Kc#~Lrq}+)N4?- zWHeQLD?|G3$dKKh)1W7|sxq=siL|#>V3W&gfk)a>e%7?x+%?n5M91777M$sj=!t%}bhyv6P0`A3qaf7iH+MTof*(Cv26hKr!G*e-n8oI*yV#8M zPO&+?$m?ExsUe0N2s9&xpHAhWyMVD)D?GVi$sY&>cQA712h%s3{z<+=vN zYW73=ySMzr@$4S7T$#i%zDAMFe-Pfc1ym+TkvIqT{r~(u&M$-;7 zVqM|~PH!FK+>G@himtMF#pg2a9hiuI(v|p2YzSJ-rxU@cdQNGjD2?0t7!SB1r04ON z81WlcC3vCqNMHJXy${ry_re#Io!}!<0Rdr`xS=uw`uECMvN-ghu+`EDv_lNAt84;| z+%S^s)b8NCp8FB4m3>&4Y(@9p@+RR^Mv{qtTG_kzG+Yc@Q;R4;_y{YjX@Jw*R<3v%*bJ&Mm%CGER2ApMOHyD!=@Ft9BZ>AQuya^%SIv98qV zb2@ffIFj<%ConquK3Y@_;>o-{IOVS4A-gW@@jRdPL~_GoVE(=$yF{vYy#b0Y)^}~p5|`&t;WR3s*tp77-Z`! zAw*3Ps`D1Z)~S+XBCQDUEN*#xJ*CgKGCV z$m-Xn34a~wGZ{wH!Nnd4&k|QIg z(PhVNN#XhnU}Sj|vrILqlAa?~Sy&4%qgtSJz75=aTMhrxn!qPv6PH`yj0I-wIlNwm z78+#X`3K5$O0X^C`HPbsXT$NvbQK!2*P7Hcbqa2tW-}F6Q<4zaiTxX|WA^Q@{2MnH zzHQDbd~xkMg#EdR$Im#U%&Tz%owB8T==LUj`S=s|?a(9ifdliH{p8Yon_e>mU+>G_q9R2&z>|W*9+#Co)NyS&?CP-`hteB08RGl(h|Qd zxMIyi%&qN#@gA38?Vl0UdqOEFt$BypFU4`yundkrlMbI7?MUL0a=3cdknW1vkJ9a} z*p?B?VenfqL9oSz`p?)Xrh>XD$h+A9?$s6l% zJWnK{ zx?&GLmGs0NCbA?#<_OA$s!(S&Ez&$7LvDTeuhQzY3i&{4u-Y*V{!a3s?OP;CW8Ws> zCAUZTyNvn5tQ=@k(gM1n+z8SG2e~ulo$!8^1nJ}d;rHI>V6oAXT+H|aKW2GA-c}`g z>5MoDdMHV*7N0@|^=K4NHHGi*Zh-5)58!wtfSzFI_|)bNkhkUnn(Y>$DU3%}(O-$5 zcWThcgSF7(@e^BB4d}opF*0XRk{sLI#i#G1Ap5h47wH`U%Tw*#x`xM`=sRU3msi2J zc?v|j#Q>emTlrZ_dvQtY4*00phhbzIX3Jkj9p!6~EoMu9Ub3Jw>z}}iFC5M7ZiHE} zN__U0Uf!RZM#}3EC5o5>Xr3sko@Y#M?XjosKPXI66(O$C`gmk@GtQd1iuSM6z(eBy z_<$N~j40P6Tdr%;poQwRME3yN4~~RIj3pbM)P~QPqkOfl0{Kv52+Gg@VCd$JcuKkv z#I)8xfyZjF{1eaZ&YFs*_vX@!tP;o=%Q(4q+GM=h3NAft6fHeIj?+jKrQC->Sj2h* zXD-&lK}k3Gb9gRk(#prlL9S4mIE2Oanq1jhE#kqlP+b$mpmSb4s=ZYpKYQ9?n!^G( z;}EhFOnhl03JSpuEf)eJ-j& z_?wwf-ody6qx?y?v=y1r)&qIe0)G76NpGu(lYw*Lv~`>bhAdpiGDGh{1BL`Lmz7B4 zuRpj=7GUL?EPkx&HF&Fc1yXfpqlKL?=A`$J2%P7VF>=_39_b1r!OFH|i**P7 zHL6DU(rAuc`w!ARVo5UN?d2@g6W%Mi4n>}dG*{w?uy(;)Sf7{!-&+bm+dB=X#Fe02 z{|#>3cW-jHX#}-CtU*%QuK&3H6aI~Z8lB>`9)GFl3a{Q#CCl0F_`~2CsQ8cr>nB9u zk&4?G$>s^1>p!@(J{z{o)&*h5A?%sJ7@f^m;g|Sx?y{LN?K*8i7vHvn%v*LeD#VEH zcxC{NbIKt%K$efS?83ZDso1f)onT~Un<58WrBfMOS9@kKBnK#(}oKm&A z<~&$DQ6}rw+N1gQ=lmH92{LOwz{Ws3>e;ss`g%Gcn9a{mjC+Dw`BPz%Q9I@s)xx7Z z3A*vRD*11oG0a(EN`1#D(zluVAlOsMOW3N=cefs3$JasJtL8(h$z$x%7J`j}JxI-p zggxqG>3^m=bkwe4xV|(S%5R6k<%qj*uR)ruR2PA?-Wog`Cq>M2q)Ed`XWH;lpFEI} zrhc!rNHxrY9hWK2a17A-l2|JUR`@g>4Jq z^b+RRVEHMRq6XCIE5WEpHW!@S4doHX(SAsac<(xoj_h9d^T}bHyC@p{dNxAKdKGf_ z=5!qY`x|GpT#J}CF{ebbG(J0U1fIv=MZNcXz|LOFNk^wRq;>I>Y*#mKXr;L z5iuoIclz7=(}!32cs{N_;+-@tJLzU{+L(UA4#fd0mTnIrBwOn4wB7id{*k z-(|?#v7fVC$ei;3&ET&sNMSkNB0M|7oklQM;Y_v%S+(u~IIO-Xe6{s8Z#-Z`9sga0 z0Sy~^Rz#iXteHg4Gw+_`i+dPVjKV8xBDj=#TWUUK6r1r~;orZVhKUN+(0%x%pnSPD zFWgkcn(z&7HFn;m$e&NT!N~oDPgufX}zPxP#s#xfd z;gDYJjdTE?iWoTRT#Rp}w&*sLPPC`HL`3)tBbIDaM+YhE#S<4bGgRflv3@b7lEWFyhaBPWj;^8fg)Y;69cIOsw?Uf+f9!k2JgW(4q3;mUMm zY8jjhHzd+)K0*7!D4}=47hYe<4P$KH!RX;~?%--0H=BQd0UC3^Zd;0dAxKk6%R*jkq;Tv8%`-#b&Cqb6jYj50nwAWAb= zsS%mm%*zw<6>~1y(Y`+#bZ=i0PHVA7f79{oO#6fvwk<|=(hs>V6~eE~O`G%4iS9k4 zME0f`!Tkw9Hpz@4(i0!!(Sj=&x^$59xwHe$O*)M6Cr3e6q!t)TMnhTTSJo_2fy~YO zxY47&ad`(jVAVo>!rRD^n$oYZWt%Z^WV@q9zWQ*uX%%L*vR(arQL1OUUZ7msfqTq; z@ePn8+%=ZRZ!Rlv5_4G|G0x|%Tm1)dlHY`(2U*YZSPGY#mBW2HGZ&jp*#1{^0=Gi( z9q!f8hDG~oP`9cEMXlFhQhzQu%3TGPd!!;wu|g-t9aeX8Ag+fT=@q3Mta@Tj3S+eB zp{)imC1VI0qt%IC)(ZHvC>5Yy-7gLyA3-wI}El|qQK7d1$a#XWxoubT1d6By0l1C1ga>9(9pJc~pmAX>BO(#*x)QncLe&Ghy2_!{aoc7nt;b(a_7`7Qn!!#bC z)26L(SltR2Bv-)f-$taL>X7N8Dr75p0vW#rbfvKdu_^t|7o;hGNexv;8?r>lep*&;~|YP zr4<6+qkM}o-O{du1?3vVG;AA4Ef!*KT^YP6*9E!w1MuE|CUI&=L+>zG8Yj?&q*-d@ zW7|`(tdSrQG#CUP1hlSLf}MIC%sXQR%Xl+%lYE30yM7Ayzqx|>pQBJNl@Pya_3&S@ zkW1lCKuVP!BogO|x+RfxBSiP>2z8oXAkb8NSEcg`#mZJfGHr zA@vV2C1M85-`m1_44;5l@}9d-S!Z&;4ULZKz{)*G7$1TC|BGbMST7rNvi0ftT?MER zT_YUWDuL8apDeJIqC1;<@c#IlNQ}kE%7xlwM4%EGvv~p4=O%IyyGIl4pbp;aYCIle zcbToZbNO$F1k4>GLBfnm@PLB~Nm#E$edTYUa`|0wc>NFhJ}Hvr`WEO^1#oa?Ue&tO z2INFdhgW!sE1}Z<{4IsctVgOuqCTsUsJvPHU2{3&aa@OLuba<*7*wTV_zP?`-N`Bo zdukjmK_lL)(^pfj!Q6%~7_dfLp!iCaDqXb0d2$A{!~Hp?&#vQ51WqhN`4xYS>qo=D za?bTnC*Jl_=6k!3vpGyVCz~Zk=53cDm+1*uxXP7^eO4f^M3pOPk^)kDrMYSG{A~uuQZmZrFTHB%^PO6IA@B(==>w8rrj!(fG+N=23 zF?Eymr8;h8o0(cpqJ%|z(2|4cb2 zl_emR*9lw38xzkJ6<`@-f4?m3l z$kVb8j9Ty%_O{x?uC2)+)8Gv0dl`r0xHPpCw!oPwhcQk53J_m!VnpNcdY>45f5k{B zQz1nT-!v!PwF(%#)g7jvX@~knEzok*>CbNX@foq+x-Mj z3HGCyeiI;6g(P#y87-8{&Q&SHE-62VGcELo*Ht5Eu z@uxs>xdy#_XEbV<_>je0G|9cDUtoMq0;T^;g37%n! zX3LP7><&Nif;`d5&*x6&+<@j=W@JN;4w2pE1zp!7P*t=CpEydh*(lGY=e7_>bXTCVoNV&^ul$~=?XEty#r`@@winAsqhD&_%`EtUC_e?izA z5euFxmw{t%6q=ZPdM;JcnUZ%=j%qonDKMOVU}TX4rk<4XktxpfM$?T=lU@oQr)I9xKtNC;u4I zE0YS*dih#D%W43BP(9LKVM3=g$kS@D=MS-+pOxh!^zkFY`C$?Sv!gIc!URPv45-VP z^IWd4E~#Mbh&@Jk5Qc2&?t@o(iE2~wL(d-u?vBOz-%4=Il#%qEs1xa1Von2cJAh=T zfX!TU8YEPsKU2nYL(;OuJSGOBiv5{~_dW&Bu0qSHoVC`l}x}w^G-g})3p{q){kcACsDk;mo zn4gbQjBzl(WC3X(dkmviDG*<|SQ2<_0%V=q$rZf)1@jX`X#Lbu{%rmlvcXM(XiN#h zI({_u?wcc3#4X2VT+4z@WI<0nx!^1)^#*`&V@s*5h+pVq~2jr)K# z;UA!XcO=pKsfOW~oypDvXL-kM?zG~ZCRr)U`a)EMpKiL41n#cnmkxaZo41RpiGw() z;~zuIhA5(YaTdR#!2$ktk{EHnYeVD>R8jCV7p(M?1OuTZX!k@2X^u6V!+3qNMBI%i zD@u~VwqPpP;YD|aX5dJhVOS||PCuV9WUQvy*p5Qzo#IQ6OjM$OC;Wp>cLi`$noJ^? zZ*agS7HWG_glf4eB(a>G>Ed!k`feJ^oXgV*`_Ie6~E zcYfv{W$>EUg~2K7Ip;B~gWlTB`#jYn`7UXABC3nav)pD_!|<6aQ1wrz-J2E zKO8lJF{6_4@0YW@Siv2$aT4dq0 z!*8%n-;fNBQz4f;+#tVs2nS5k@ItULl~UUQp`Ehy!L>`6RiZ#QZ`%XC?%y~+DG%^k za-16~P=a283rb4dg@J?j@McgO$UMm5lRw|WQ&lNAutJNRoMl8j;T>Pq_yir^jKX8z zZ@|+VMSPj*Z3r9PhRyc1!t1{`LhHC`s?Eu_xC0K`h69a#m3?@ z<}%b@5RI23QZO=l3z&*YljTqU!k-h*kY81S{&g`B%lg~y6Sc{{QN8@9t@XIF;{Z-9 z!s(|hu|utlKQ1jxN509%C2LsbHZYD`aES3o0xgM$P7>-h zetXa_)*8D@4zcCo#$NCs&SU)zz3}0OI zpv`-fNI_aTD);BZ*Im)DYt#suWMmD6eK*i)xDG!wY=#>@69pqjpGLDU1#qr-7@QV~ z(WoVTSR(odzrJ}0BFEAN3K=Fa`^Z0t(pt~CZBwBgy+;|Fu^4=4J4A)-6>10egNXeP zxZ!qN@S>5qW-d143P&^Q7yT7QU^md>7})2KhKuiA6XfkSX6}p}e)OtcSQKVWhL;CJ zNNg9V$4JvRU{1bI)+JG|d1-8oT+Lbp+~R%dyA)dQ*NsMQCR8m43=*?D=^DEf)D4!kU6Pr zPv8=UeZg`x^=cP8A7gRBF*~yCo;0=HKLRh@htZA9m|xZ)O;tsYLQzpuI zPQovI_=4iyU4u{h?JUH-cn7!W9s~F3>%ix-Ge3Iz2r~9w z0G=yQq?x@xaNCJ<7#vZ-T}e#96RRc?-MNdY)s{kTaAPk23QyzHHhFSTO_FXZH>1*@ zwdoV-G;CcnlS`cVo*#5`qhjBCVYM)YSDzGxp^QcA8(Gdwcp30XJP(W)mB5W@-*5|i zpIxIGOAG_Gh!^uEoGu(e+-uHZV%s=UImU$q20!2%`1#vLM9$4OBXN zk@a^~$t)k{Uu&?YdOezSL5>E!+jR)vNXPNRTrG&YTTsF3D{#)^CzOR9=4LSoi{JJ? zaQv7WS-SHR){pDq#y6e8c_U?rb)_ts(cFW#BQ&|*4=Hd*hA}3ey3q9#EguPL)#ng&r=a2Q5J-V|O^VoVJCH+b>}^CQPv zG0q!D&YvAk?1Q$G_5C8a>rjSZ#rtr0sFV-Iwz1^Fr3WC>E=_g4H}cD=73*#n;=95% zUPU{W2pn=pqR7|FTwD1OT&D35cBV#L>7ix)kd)4}-=V!4JfOGU|Ot#)4VrWmcQlq4JH z9>L6(1k?`K#K6YsQ0%t{Ua3tZw?IEwW$BWZ#*JsXX_B%6+gsp$;Z$8H3Glw(~OlMlpnPi$;585Ob*ep_DRAW) zymMjaZWG!_{)2e2>o_GUgI^?kU$xgygGBiKVb3NdvgyxbOkys(lKn67zVIC^kIKO1 zH-A;=zRA=Kzg6-LRkG-DFz=yRj5)>?F3x3C% zrKoNrLk<2Jk)dI8EDUku#|(&brN#I7#)C6(T#^pX%JeU&rmHl`ga^H1#hwVr4=HE*#M+r& zDq&pUt%JOUs|0F18N%{vM;Ny}fD+lwD7n>>mb(Pthv5pya*2m^ZrPRptk`^cw+PJF z6sOw;wCL_}ZK$k#v#O`f6b%nj^xC08mGc(zm%Zcp*~xZbbF>!C%+!fp#56E-dj-=v zTOn=FE=-f~<=-t*-$l$eHz%&MOE6=e1v%kjhe`3GWLM~E2;Wx7 zEx+^)_N}wxow}uP?}H<_>paU3Hze@mr0cl_EnN9@mTSm8e?z!8NsR`?&w+jCRM~tW zhr3mwMV^eerv>E{)5bf)v~$-nHNu7DE+0*0>~DgF`UWgYV!YzZR=7rzxhzknfY87X z-;X;9AH-DPTxJvW823PU;4e-&hjCGF7!c8ic2uOlzS6zA7JrXbA-nD^=kTd+vcZxZZ zp%!tX;j2Yss&ByW&VwLxTF5v={a`lK4D%QK#=Bd3soT2iyz>S z@+0`F($81#iiZcq^YD72Q4!o9I_6t}eV2U|L!F_<|eopbPnuO!W2oy3mQ zjOS$Y5H{6p!d!KKaIq038Gqc-aP4N{>}o_gaaVHTunin={RFz{0i?eAsW{ntW6?9_ICtIPwUy(G4NrLK&P_&7;#QBZ63(KdEgz(UEusz$1LPb^j zLCcq@rRWgyVjRtK9p*>twLmuWMr?7)ziPXV5ly@IabKFW5u#N=AdkEoW@myPW)&SXAFo$3Lnxh&c z8o9!yj0H5F=_bQP=*H>3@O{)X7}MZ~C!dBA+iq{j{ZWJkaw}+fW-Rw($9Nc1K9SC! zuS{$O47gjWLeWtS1*5wM^%(!)pfWGM3PptGa|Od`Q%?3s9aTMZFr=V#(z@AjfNw zt@C%IX2A;Hp?oMX8CvA2co2N43liom+Q?%0Zvu=CekT)>!6D>6B{Wo$Yg+C7S#E!huE%KkLw z$!<)F-UD|YS`(+=4bZ&v8jSt@oqJMr6BB&($b$KG_+)kysQNX+t^TKYF6$v^Tb@TR z|GBi}S21_(&pAjEW`k<~Y*;_y9*myb1=iBXg&PA>z*NbZ#@ES{XC@WkrJV@-bXX?F z-vX~Rsqo>RM%3V(H2skF8eR))`G^3-A8gYSv&B7naW9jfZ7cM-rjXQr(hTgxRO+r5l=$|Pc5IG+@ohp*KHynuj zl?eFqhxG}}JGiH@#f-1rjvZ(Ju`Ht{m78lqOWzl9S9cHMi3ES}2&q8#Q~I=V|8M?D zaVy`xF^3YD+1!HQA2-k%AQbj0=y~gM6 zY~uXBreOJ89cm)PTI^w&Iz# zY&2`LrNj4k;Hs$UsB~14^mL|T>9!4wx%^U)|KmRDY*|kDw*9#G%Q75L^(F5jDL>P0 z3JI#Vp%xJbA?b@L>G~H8<;IIZa&iLcUt1)&SP%#&=6!|7vjeHpI19X*aSmQ^CPb$B z3w#YvfY?fFPV8e0?6%%g72`6KikxuvGCuVai=M@BkIa=w8D9?j0@R5@K`<5kO~xA` zQq(uF1=q~D#zjr;;J?aFr*F1yz`AIFJ+kZ^-p4w-lOu6^wmW?}(Gn#bieb}`ELHGb zO0w=80Vg+S;-AcN)p<`atlf>y{Ii!BtdpdVVl?o^MoqygmY2Qjm<-u2tAtPXq1>F0V@X)XG%ieJ5(b{N2Y>fj!hzv6G_)pK5dTPx*pxiM!ft7t+OG%J7cSv$ z@gexPG6{ah>67}+_H<|LelWVaj+7=(Aw^n2oZ62P%sO7hdn-6n0rN^+2ulPfFP2fT zD`VfgIoyNlCg?cy3a4uaf%o{iL|p$0n$0-P-8#IRj6I*g+XNKzGsmZ)--#jESSW&; zKm9@LoFWn5Q_Me4X+#9fol_2?(JU95^jn8~ zE&LB{evAV{dw*gRqDvhLWr$H+H{9`H`vYkgYO%(cgk%(9MqNFp(I|`iAJxK#n}^t( z^#igNB`_>hEp&M7gxc5QVDLTxUVZ67t-b(iS7%2%BRYAj)djF$OOi-xUE|kS ze1ypI0Mt8dL@hOq$(eu3^hM`oenQAPF0;2A7p^-f^zw72358yC+%|uN4_>&=`Z)|A zQ73m44ud^ogFl(MjbGQ$1miCM#V;+4Nnn%+Nf-R77Td?ZA8f!2hby3X{u0>ugXI`U z&Eh7mJP+xTj0dnLA3nSkA%)KS&~<$Wdv2eFwatZGcl%-f#$7oW3eX}y&xXP70e1h; z>_(GWGr1A7Rq0QbJ#sev2d)XpTvvS(EWCb^H}7zvL`e(Mmc+u3tLO0Sy%yA9^IzXw zDO$GW5(;-bg2HQSFl>Jqw9r==c2|WfTPjELi8KGP>>|!*{B@zpb?hscfWKz`<*zi) zg^MYAb5qAenh3rM1AQ*p>>#M$lGM!hr?o@4Rwc`%P`p02}*D$7qn-JU9)5sst zqqVA?g1D`X+_rpuDmMKyL}z`)MF-k2eQqfD1n8n!@E!PK@gE-ZFeG=kDbt#1&7j>U z1x0d$g3>P@B-&1Nr`iCPL|M^$nJ2(ON*4J_YfS!QOrrAZ z1xm;JaI+2LWpyQC)nx_PG313ykEg@vm+ic=e{HRRROYF^+Bg5W@u*0zgjSCXF z%40yjeX0i2Hh>;a85$m6&-E%C=6e1N@(&C&ad?#;nX~9VKHOyt!(kRwYS(9+ytM`w z-F$*xtL^Cy$NU$*1xR2EA6R`K#>6%X_co5jglm%t z7dQp`X6w?a@y(E=qR6sQ_i^Z40eIW@!m2Pis!%tQ*k0}hZX@E<_5J9#;1l1rX)os^ znJ92u@|m%**^Z~N67GuCV(v-@`sZA(uxjEpq@}7PtCS-rO$LGHMG2z9hpK*T6$gj% zk?1XR5+6i3(9-VP{ExC3m^UFCb_c1@qqU<2asPT@bgmdovR0rYUx*XGh2qT7n>Qvn1aWp?1eD{Ly&dd6r)1t z2$sHhj`3Nap+SkwXWse{HT8E8dEN{5Zn2@;_o?BA$hT1bh$8>^9|S5?6#{ym>w}Gk(CepHs=d_ucr?^fuSzXicTwnvlqZM981x0oHR<&~U#qIjL{~J_z4% zAB2r?BrF*xY?C0-EYCAGp3v=K9JQ`uj2@N=y2#!O<}P-Dg{K&qVU#PoKg=XAK2rD* zbsXlu-iH^IB#8<8d>G~=;b8?)Dm=IqH;n9pp>_>uemsvVt{uVuh?b)PC+3iM>FoWg z`YA@On1p{?q-f#~U2<=XDOz-Y#(Bvh;B~_vpLlrkmxi=S+`vd;cJn*#p2waQek`-& zi;#Qt5cF2sk&HLGL=@l{D))i zzd;)vOKLLSk<50pNH2cZ{n9Q$0njvU4j z)t9kYUkiRPH(hRB7&l$>3a4~LjuhMs#62RqP_jmWoK;N`JiaYMr4tFL7tcvrQZ|I1kG-oGkMGl`=q<4QG#g({r5?Xvo)c2`$Y9iatgh5gThmkJdY|oKzH~b|>P)3O%URoDcg!0xs{3!Fn52 zK}pOZY-IVO4nGmEBexug-bxd0tyM7Sf(offy8^TJ7oo?})sUK*4yWdhB-8ik(rt}p z@G2z*%R*8F&m^2V*`M=Ktr+Nv+27HjFd7w2ALFvfOIXn!%Wr4z9SfXIi8zQ-n`s;2 z0cLQME_f50qImdRrbsxs2LL+ZSXp96Hm&*pEP{f>R0Eppd<#-vD-gpc21Fz{kp8VR z-g zxt$w3trdM1O(XjUIbvP1mwOgD9{oPfho!OGu+HiwC>`$SXSe^v>3Tcp{wa@91&gpg z`kI%^DKVPutw1lQKfo!MrRWF63HWX26?l+6jTW!S!6Wn@Cu*L`?GAFJ?{}O zzG*vpn5N?s&4-wM>u0{D(#xOWhpIY_q;G8BIg8iLjkk#tqjgpdZW#e(YU}H`1tnLu} z4izQhGZo2{Z}<6Zjgho&Q!^ZEu%ZEu%w4qAgo=N=E`0aOmoq4{#pI(`xWqSxbi<}t z?x=$CI^dj~ye4+M36_ zm5DmhEHa{sAM5c78lk>t1H|7qq3$NP84GeB`n9aX-mVu|J~11rYNhy&M0+;VFh*%{ zId%?MkzR?>v{jlpr<}A%e9#`~eBn>LQ*Ko(U@ni>N2Td(Ge^O&XB*ZTXMu~10X14P zhWt1{SP$$T9)2rIWfL~wVnd~Qn5_l(BbEBdoxonGlI7Yl4 z4(3yoXq*H50*-Do_Xq!dufXxKEWNUW@~1PR1jlMe($fu!V>`PRkj7Gy(i);oNV>O|Ap)fv<836`)f!VES`{4(t`+#}_nw8M$i zv%Oc#x?!(?BhtjBfCJkg3Ho}iEiK3xK?fg~2$po65Y}xSNhYtcqNDON1qFsB&=CI> zC%vrV)@yJidiO0@%Q7RE8m*`|>u-H-nE@YtHAz8T9!6#*;J3UN=&St%txvt=I!kWh zkF0~3X~_EK8tgNtUJ6_9d2kU5UxlYz8}asxFA#CF7q=+{@gur}K%+5_tI}KzVs|(w z7?Pvgouod{VPk;Qy!wrU_E39zM6Ep|)Q1K3s-3 zQJ=Z!ZXf7-70KHjSdH$?nWHiNC2Wz>ft<>8-0#_i^D9rF$?d7Q@0K!phK9f-lTh?I zx`3Z#!)CL(+BkNM1k1V~fa|+;$;?T&;79mOI`2#y{Ot+>pF8Y%y8SHPRolX?W&8f` z+Ie`Zg(GEdIpAEHgIB7GxLdm&$Z&0?P&~E?NPrc6Wp@f!7ESUzwI!dkFSrF#Lz?9B zk!o1D{)%9^QwG|`TtboKyHU10m7jOpl3!WW&wY5SMmCbOf})~)T)S`tHCV4fyNfkQ z?Mq22m?=iRpN(SQ-Dts;!cmQlm+g!1`*&%7=3UTR$Dw~-SK{i)rrK4 zsV#8ylRVsb8iq5{_VYR ze`qvzK3uyOgYQ2JVL<5}zGk~-shyK}O&cZj{3AyPtUd`8moNsUt1Jy}HKQiIu9vQy=T+Ngajozfpv5AnoLOXrHfqC*WJQQmQh_@Fqx(le&mjMh|~RS z*Aq|VY3<;3R+T@&eHrwIy&;O+={R*#{O=*I-ZdG9`<6q}*h-MT%i|G|U^q~|n_FD9 z0pm75#IbC?{!p)*&xzU#zddH*DeDaI5u1fU{W^T?zWtoiD+zM5Jh5^ff0c`NZGlxH z&NTG<1mV20CX9XC2N!lBIM49rGg79KUB-H-yQ~?)TDtf>E2Zdg?Oo60OPoRMuu6Hti`z15*lMB?z|E5>}(m!&PghdI#;&pBsVbIz>y9Ji+R zH+MhF026%o-7>!8z;|u>Y=aT~!!iniT8Q0eU1>1uM+j2= zX|Vn)-rKx~3zE)(pYBe?<((5%J*q+vC&^*QRS#0R{RFq$`V$=JlHt&7C3^RZlHWRC z__20c=A6~#N-AZ0@WXE@uDuJn1&nY<-*iTE)Loo`LF z{>pJTH~iqT^^A#5LJj828B!f+hhG{;vDh#ls-%wLvE|lus(Bft#Jz@$I4iP}h|~8A z5GH7BW zM5)y&5G|!mypFlTqL0a_r2P_Zy1L=%Rqt@N=PT47iUTRR8IUlx8D>n9rW2u^Gl~!p zo#0cjD`x`PCpMF;i)i9ayl=p-q3Lu*TM!-UWIiR8xwO@6Gxq=f3wGgtSUGJTCQoDD zCS^skfNE09Sw*-&%^Rb>PT=kgY{sl~Wpd_j0KCimiK|X8srRCuM$XwmqWv)Uf%xENb+>K0x@_q1Fef(xHBOVv{CLH zzv8J1x%zhqpZ*o0uWei)eo!9|*sT_{q%NoWOFIOs?!<#}MKM0#E=HUp-gAbED#ZEv z8(5-eMqE5tzq7Ig%UNCJ;aVAT;^t~luQa6Xss<#O&F(v1G-E^SGQp0w6RFJ-6WVf3 z3BNgOQ<3CcPHpBw;HNSkrN(qxzgH1-S?V=j^k$ea^nlwfD8J*X#9sJSTt(=V=*51!YcgWr^?>X0q%ndcw?)3aj zDbnej0;jdlG0kiEU@Clu^)C~p_G8p(V2%q0X7r)|lNrp2)ls}^t4{nDIYL3d3e|}# zVLi$NVDfioqGp1ubYQ${BIG#~K=$d0 zoEu6lR&qQmYyS5#n+`)V<7+5L%Y9@Qb9{tZJbkinBorF#wdjv_9qRQ`hrDW4g64f@ z)XL`+>-p^t9Cuqp=7osSlKZ8o(|Z^XH0eS|0hdeOSeA`*5g?ylj5u{ZNO1Moy5-UECfSzC zKlp^@cOPJ!mMS`$Wy9*h0A7S;3%;CD#2A*2rnX*2q%T&F&WSXSeIy0_4#^K!|Mf2s+P~UEQ1I^;R{qmE|9%wa*8jCeQBPMufC2 zFWKyHiP6}6k^TKnl`ZKpaWM;ZVG~z>d672p;*RoqH+W2bG zp*%--Q(U3x$RyfqVx;q~Gk>+k3!@nRGoMU$OqUr%$QLu^VN>9YRtn>}Rf7%5ZY|q2 zG@3v5!C0ndO(dJvlF96vc!vM_a~gAKdJOYCbr18_D1k38wvHcXz8+=<9x4epeZlOG zUCS)gKf(4`cySaX{gMS=BG{1+#vtP$3V*%l{ns*ZV|hM1zt59>KP!p}uDMqlG`)`b zaUqi3@>m^=t`G37oPY3mMQQBPgxS2lA0AM-ES=e*<;WJ)jbmTy7BHf9TbTMA)0hua zCc%o=8@(*)<5tWb0T-=zmBtf+q8eZx7y4-ys$DeENd!e zC5}I4|N1&IH+@9qA5 zz4-gp|MT~Mmlp7FpXl?~vCjYJfd4%nsEPj9%Tb7b(6+xe`S+_H|7`!?efYoYzbXH` zZ;AN-v;G@%@bB&Z{ki|UpXdMl-~T^b;6MBC-=nmEK=VKS=if(V{m+x}|2+P?AG`j0 zga5_HzwfgI|L1*H;6MHL-~0W~e*C|<`~Ph=|G(a6nf~k81^*ex{(XP-uZtA7=0BJJ z`}bWjQvZBcd;V)q<^GN(!64gAibQDhVpu%d1kfv{)5 zD!vG>=_f&|BI3AyP2A|OQ+Dvz9eBM@k;tPtXJc2k zH~;dIdG*u;d@B9$`$7Ra%VHFr=QNw{Q07<=tBuJy^QRzlOppky`v`-TTwG?|C@Rhn zYGr1M_XAXEZe1kAk96_Zsku-!5i|PAcq;QIb_fy|*8$xiMOQA>C9@9BfnCiv%U-HR zg24I+B=1G(HXf&e_|?gX%Cy1i+D)*1u%0oAO~kxEksP187tM?N@z5g^BH)}18sl~8 zSbbwsBT<0+Zb*{bJUwdICq;rB7_uSgBo^%YiKkXFG+wm}$SEEz{VYcfJGh$6GYp&m zpaU)Mx8R72Ew(NDh4!^vvTyQB+^-f0){H87^PSW7N-7YMg$C5_86Q9OW?lu zj(!0m{ivZH50z_a%MeYr+)qlVKJ&i$g2c)#NC0K zk{0-}^g3+4sEezY%FwO;2RU8bS-8GLi0u3{ibAFpkYKAzA1YIITw;aPv{?0j;T zV`li~JYYo2L&)0UKJ0-Nw4_j#@vl1w3U|hl={bJ5BB&d8*7v|SL47*w^b!bdiQskQ z_=1e@3Q}&E0sF!uFkbQ$?q8FPg%iBU?2j&FQ1u=xDbyjW1nW5cu`=VsxRc&_zFf|H z4W8+Jiy_sEnes#a{6=LpGBMhix9QzpSUWVCBpCgIhxbj%nUh7}(wf2-G%+CdhSp4H zILG8wvf~{$Q6qlUx8UZLQjFMjkqI=?BL`lMqSX{=eSQYhHqnHJTW#bIjp6vLN>Wsd z^W{tWdJ;d68b^PvzY4;n9Y4ywgOT>Tn9X^76?<~}hYoRSz2YwH{XCk!O|n9hu^sHy zDJ$786CFrFg*x$8u*2A1GxDccoyb?})481A>l%f#SZk(CelB_hS9g!2Yl?O0`#4Qh zkXXSSODjj)RqDHv9CrC3W!=BWgcRg4XTJu;hm$ z{n6Zmu2RLYYn2Wu%{>No^Nzv2AVunQ^){Z_A&!5%E@5JyCd^kc<@BeQA;9SlunW>5 za%?TGUGV?~jBauIz%y{P(40JZuSq@&m=d3x$3Q6kDu(YCVB9D3Xu$O8Oswb;oP6jk z_^-|6)$eG8nqVDRNpC{P@>s?~{Rd|6tHbWe7tsGu7Jk|G3eM4mTBbxnUYP!BR$z-`cQTEEl}v)mV)pTxD14Mrp%e5=Iz z*t|qKem}eOp(+&~i#(grGaYZ* z>UP1=&{OP!tH2)366WgZ4l;M&&LB3w1xVYKd#p&d1?pmj(`Dk8toTlu-1#-Kysis(a;QrX(!&Yg;UD#)f-1Le9@0+G{+)aFo=dr zhp^sc0(o)BfhKK_#ql1B(5U7{wl19tbHtp8euNLrd@n?OpBR%{Vb9r@tNKCst^r*w z=kk}&Gr2D+MNVi1U}mf#eLG*7ZkyZ!K3Su{J-3c$cjGFav3Y@ql1*sKjz8d;nG2Jq zYO!B-&V(+FbV%QzOg{K;f`e*;bj?UA7}*}i*)Kjr$a~p=W(4RFH^$=8?Gkv4n)H45SmTVq(Or}@MuU8Iy}h6+AHf&b+;52a_6TJBT9b7?ZjYN9lU$M zk%rd|u&>yMY~pnj#^qQJZdVo|o5)Yd(QstE_=;5S+X%*nE+k`80IR)E;dmnX~rwBW3;3(VSzmuUWWR_UV`{fvsh zSi*Yi!t8r5@ry?`cif3kZup)_dBkxL8{XkOd2O0*3g{3&7u~(wsKLWqusP`y>IV(O zq}MON`Edg5ZmZ*`N?CEbpC~*auERVLcmXQ;-T1IbjC6Y4fOR{hNXM87bcL5Ak+b1E z<5FDcv3Z@yRIAVnIlu7Y(rhL^!HLmy2t}y}9CzZAeCe#ubx@nB4>5TJ^N(jkbDI(k zwy9x4<%?0M{0eiaC66^$mm;D*oW?wR8ib5KjQtZ!`PTO{F)v#P9xj)o)APoYQOtNu z9o&wS1g=2eLMtk+0d%lNmXJO>##=ImKeXlo-;Uo=w%q;_JOUG@{jeD+3z*3NAi0QR zPBk)4P3Cl`oCWz^5e;iA)4-#}0_Qp^(*?oB{O_v>G3PwH^x~A6&f=?#s__gwQ!$E^ zmV9MxH!lLUctN62VndfLuz>EcbIi+ElqVN<5SJ)>5cRF8a9%)^Zs9z$JNg@-Xssm* ze|~`{8r6x^U@jZ%YD^CFRl-i^0g!HTBY74v?1Zv?{P9imNb~X}CT~g`T$}cp)le8_ zZxm+1#g<;avH4AAJJ%2Q-1VfW=}6nADbT_kVY*3T1eTAR2GJ`W@Gi$9@)?xou5U-7 zcRroJqHuB55~kfY|VxaQw|Bl$O*cdv5B}wT?-6WZWkH zs>jOMvX~{PMf-`iIdnbTVaZeHJDAaV;iSdpz3IKTBU!Krx-6v zpL=z)3IkzSv-t|UmCM7NGPs8M*BYTQd=cK)|A;rI$}p$4mBZD*iI_9J1ve2PkbJC4 zMQ(k8K=Gp(9V|$mPBJCm#+<=A>mU3nJABCI$;S9#(*Q~aiqo$_AMyIuRMfsCOM_Fz ziDS=EFx^v$E1jQ0P~Ay(AnhKzOeYv|sWZFmA%*>qMd_8HD%h6J)t+4`fz8YJv10Y= z=v(oTeL4`sk69rB0sDt=j?Zm&5|?}S3b6o@*N*V$>{qZ_F~}G>+(aRRGTc4A8nOf> z$kZNLDxiBFFZjmedXaG?!$64C$L7H`pI;cm-LBYJZG(b&b^K{|oS&$}N7QPnXYcf! zM8g3`dZm3c=J@Zyqy44q(2y=MNXcLYUlH8mI2z7nT!(CDP5Nh5GCuhtM*9~=qkkIb zxg2tp^TM3YcpUH|4o}_5<~6Ex+kHK17H^DdOK!rz&SIFqrD6TBw{L)o8y?_#VwKk4_+rpZDTxdWZtBs+bLNCFe z8|`2#-w57+B2maS3%quTgWb31pyu_OIU)ZVPM7P`?fpC1>vi(QlWLNqV#B> zEy)?uAv4B_5uSev)Vid=At5Ego|*~EgFb@W1X=vhq($03m*c3wb7&kej{2UP6vvW!QJ{I6RzslKr^*8f;#Dnb&D)%s6e8hP?N4 zu^~#9_D8B?R1?s$0d2bC*8rFd=iohKW#Zz5OvkD^^a-$LAH?p*TRLO88r*a!3$z8{ zu$*3J`MupvS{P~$;Wb%20RR0^`#i)V>$LM80C*dh`49&aAM4QluKGlb-2e#kQ&Ub6hCG=g=#(bkiyo-MB@Uq{U zOk5g+f2s(yeLRIT1S0XJYFtwPy_hSiMm|#pIoH-wm-TPe#?uXYo2x5};prUb&jqNy021p<=BV6qy z%dtEknbR(ATv1lN3-yMVm>D1a$i*)1+^fjKYbvP_CpUzj0#@kj71~3nx)19 z6E9ecT5Njt@{ZsQG-}x>%>g!A4N^m3YhBcXP|mcBb*Zw zC0G52;B4AjymQGOxG#m{jD)cA`HEB`Z4RePw*nJ;Ra$h_i}mfbB44KH5jv@yaa(Hz zzO$#2wP&=Tc$GOBUo(ofZqOp_z9x9hXBxZhItyw8?wD2ZnDIU}6D`NPVWH;}3|aaC zLc?xj4d>T={JSveZr=;?Tr5Jvias4Z1Aor+ zLzm`Z)@HFRnYwI0JQP+z$6*WN*DgxdOqHZ%6TPv}D*{dhHAA~nFV3n^q2>DwurN9T z)5pf)%C!xwRQLqSZmI>v$%kOYqKoL~H=ma7a^^gEYw+eLWAbQ88UKDyHRucefkfZ; z`23DHoosm;%5#o`L)#`W5!{P=K5}f0l@~GnmI6eb5~Z7O60-f3CH2X2BUc**@t(FP z{VW)de!dD+ev=AavR@Q`?o=oBD<$ZveGWwCmKAw-Q<_}=(vGWos$k2{DNyrl4TwDC zYAVdP<5SM#Rd#h#shsCcJhGx6lcxsbj`gd+I3yfftDb|_huL`J;}Q_t!*TvN)`_rn zCUZ*q0JC(uDSdrKjocse30uwe;K=N8_?FXx?W+C)u?KT8eBJ>6u!=019F+p6L~cQD zu@Uv1`-{!~C`uo%5hWr)c38q_p^WhW`_f;U=1u+z`wY2zrbULZa!)+-aqVZUS5&7@ z^v3|rW`)W{h&v+_4 zshoA+)6d#kS<|H|FR*UTZ45^V*gQs$MhvgO%NGtoaP1(|yG{{JPC3vW9`i6l+lyv( zuEymOEzI3xa@2CBG40>)hgVI9K|uBoynXr-W*#iX59@MKqHG7mIOxGN|7uLQco=wI z#~7)v*YJIp0exJPi*b)?Vcg=K@Xp8$pKdUw1DprtmN#Ev>*|YeJwOdc_+n7tkOVg7 zNib=@7M=Cw3jA8|28uhysZ~f0J~q=QqP8Wd6UxJB^ErL=((7n;+MQifXo)W$aPcLt zc(gOBgy479r7jYe*poi`bRa~Bv=;ury~!f9j`rihz1x|_{Rhx9#2B|Vb+P8HU9eT- z6dvQxfT8#RTrBaQ*EVnr1G;T6Ks&S*|A)eBEMuEUr`MIaQ(&_2U@7?%)= zpB*##0%f-3p~NqKv2h-=z2yxy6-~ve^8xts@j|HIT+6=FQQ+c{lBCZw3}hY{lJA#l zz+dMJlbhR)eU>ipYT!LPN&2SCwuU9(X{d$|ml=}bdp4wntB)P1T20>{e~B}4bussY zFEx(~;2WCC(Z@EUKuuMT9Oi0R_1}t<3+H;#ZNDL{l4}NsJ&JVA5;HK#@BpQ(i8OuT z1bF#eh$L58QdNu5XqRR}4sF|xcaK!T4P$^WUOFUV@oQKcK9(BJnN2TCpJgAQDfXu3 zvU;62K(AR69h&oaOKwY%;mzf|W1JtMRgpB^-dctqI1i|XdTF|WtCI{exBwUGp1`*s zVT@@cp~oL{9u6a%K46J0si$7h+1ZO0&Cbl;@a;G!JDs@{pMi4~4bUUrg_fB{p^_fw z13$hV-=32Om*}ySsaIh9gzTZz&4GN`JHm8Iq`~z)qsjd7d-1Y?4OLuBNE+HguV5Ow z9S|aMj$6nwc~^Kk|21YbSc7<23yxm-2iBq+Tn#-2*H)*YyVFH{&-qeC+-}ACfNxMC z^AtB~wZigzLEsrPL~C6$E?kg{sgUY)We!C7_X;Z)PMP zz-dtoo%dap{Jz=+HcFc0>*F$Ju-EH0`$hW`{7&D zX+-Y|-h{~08gTIIde}XfkBnIp<0~gfc7#>p?Ok>rWuTf(5uk&4w12E6~8% zpD`-$3l50uk*lt?Sf62oO>H7nz(j{NJbMh47k$k&nDm%+0&!u`|<1)LoD2v zgVxIlc-ci`i|HKJDy$mgjD$fgN`{IZdkRf|PQk&hX0*Fz3`(2#GiEUi4XSO!?{eX= zGNTp7UO&j*QLl%M=Wj#Sv0NA7YjQM^8@C%A9y6)xTEzE|DVdSjhDC-OL1jRUe*0nw zR?iLTCE+rpCl>LO8o9YZ+Cl7#n1yF&OabNKa4eWDP2A%bpnCIp{M4;PR}5Eyzmf_O zQ_!ZbZnm&s!qv$=ddUuZr9#jO9u;dgA}7T;CNU>#8f{t5-*|eW)6ju&Bt2#pm5x=W z<0?)j;lOrJSjXGX5v#;qIO@${E(taAhNKnA_dkOR9?Ns=Fj3Y*`5tTkdN+hFN@qRsOH4*C|A!Litj%!F}*)LQ8kL>>2o zWb@DHI#j}&l~M)W9RJGWngBepa-uqoj%2r;6>Rxzhpdtm?w$M$>zzJ9iiH`iS?G%e z58H5~_dIaba{xEb*s%LQ!6~DLmCmYy*=OzH^g4Z#{Z*MfJvo{PW#_;T z4^3+NOdH-+a%`GtNh-B>EZI0~oJ(fYGOX)50o{sR-mHxCk+zkG&mGN-n4~;WP;epF z0>;unhalw7mkY7+arT9SS&s0DQ<2K8(b&|2DzIIpl|!!HH1SC7}gLJ>*E+U^X9*S$x= z)oD)tJeE#&iN`S0FksE~$@_7$a3q!Um8cs_S6iRM+d<*5Xt_D{xdgCV^8++zjiQd) z&Lr%#GW~PFkZ#mcqo+APtOuF3V4KznHk?;WM?A$P;dzkIc!qubM~FJv9)hgR(;<1} z9pl8Sf}|yzpmSUwCXZPMOZLl9^LKrqmU$TOy!S+*ja)q9r8~}56UBsSbK%`PJM6ns z&9*Nnf@h6dGDgC^%&bQ1(6Mw?xd@#8ah;zxON?6l6?=~2e7Fa% z!g`Y@tZ;!d5e)5yz_-%$>i)y5R;f5qj5&`Bx8-1Wzk-SO@crnhsk)wi6lak&d^{U%*EfXN)yG!}Q1w zqvY*ej7-tSyywecOPLuse;&c-XNoXaa2nZ|^cF^a(&7Am>sZ+-IT-lGh;H0A8;0r! zP~e0-9iT>}FhieSZ&`>T*H1yOha@R`(gSNf{-An*1hv>$fL=27aPxr+IXub;GJhn2 z+|n5wV&NUu93Yc(=w<3R_XqzwOTK!_SEYhOw&I&m5(K(!UUye!G*2MYY zniBtTZXT;JgpOM!QKCwY`t3}G@SFa)Ksk%kIeI{@)*!53lMC$KE-;wTgr% z&ik(byG?p<%SI0@jZDYG)i)X5XMK8b%qd)6BTTNPUt;>LKC(w1j$_`fD1!NJ>d?Pi zo6K*FLgnk`#u}6L`sX2E_X=oGuCAN#Xnv*?9XE2H zDS0c7R*v#CxO_HV7Mlo@K$mKMKf*}IXz{bu?dX^|SHhIX zaHb%ck|znplbz_RG8g*Zfh}!n-U}Bu{KBFYVvu)*a@rUfYBDsIT)%OQdDNgp z&Cb`dx{W=+i<6_1bxSaFi~)CFr%P7N!E3ZAu%7GKWb-{R@}--ZepZAo@KSbs!c3aF} zXMLTiPM2q!-fNSe=j6%s9T%|8YY@BMOOgd8l9cc3NY;7UqeFWIPJr`x^3ws#t~(F* zmu#q&=PKNtdjZ&OXTi|R6~AlC(`~k0ta|WekTaP=-n()vEXJAGy~|_2?s^U?ZQpP= zmk%jkqegAR^eF$e54>4*5Gy^m!58~*ykl(5+Ewgko6@Jy!iP&xUV0e!USnu}Wf-kr zcY?7vITe!gvT(s%DeAfL9jHBt15J8`C#K5fH$Q7on;Ty^USmER*hZ+yTwQv`Ydor} zyJN2883Vl1B9*oo8S z2hei*G4%3i2kp~BWLwMyG+3iRPZvl+Lny*psTAl)YJ=bHZ`kEdzWB}QCT4SdX0!Gv zYPA0jstm>B@!Q(OYwIu*U>1rhi=U!3Q@|8RIndjMf;3iDl!*i{wzfMAUzVFgQPOr? z!(AWSz8aFn&yC4^kF~hUw-$cBRv^J~7U1?L4qxiBc=5?tNS70bRUZAI9&(&7&>IDt z#6=N2D%kc&NA^{YG_?PL8K~zbC-#LNR*J>Kl%^SOj9m<*a8{3e%IT%iQ!6$NgTPV7%TeGS6T-(=f0X z!p@qK%MQY{X=)cle(Hciy*8{lCrX4=^l7z(C{xVkq@0pv$gHs?j9{(^E8E(M(p)Tx z^ql~OMbGdXH}CjS8-kV&Vl?8G1U(?z%-(QxCH!w5;9Yf!)zsG{ubfQC#0N%1t%i%w zM=0axU```(Uy;lm6vrUGDGZg2AxDSgp!8@L-0&XHMCNegxLGRnuWw?nRn_3kOK~tK zPJ^1{niDbKLR5>Er8`!f0~PNS0u*Xo6mpvmf`hsdBjiCf3iKk-_d5D9%$tGp}sQ%Q%{It6JtXo zoNvKaX+=6;V+hiMlu4@eeSEmq9V<%+o}b?YPj$9}NR}aqJ}E=rIW>WptQ5_9AWt4S zj;3z=W-|vI)X9A=HnPzB3bfRlk_40^S2DCQyZ6> zKiK+)8@mFeNxsKvY`*RYiB<{N@ZOf#F7Sn}12f2?TRjk;qDJkbed)!!2Y|>JlBO~h zn*1{p8Kprcc>Zxbx^n`wbKVVeWA~t*C1n$9b!eMy2D@sf1Q{Mv02|gg5xX56OLXH9 z>T>l?!eN|G?_oVUeE0!7II$iR{Pi*6>rI?4xfhcz9l z{WR0C#GdM`Hlyh39 zOA24w5REbWTt?lr#EZMn;zG9^v|nsUIzn5}eZDW*<}NL}MkX{Cv~2S+#I*};0{HN@{yv7X zS|lsilUl+jaQ$=uqRj@eQ*|{CB*~R+b@nDR2F8)acQWAPsV3C0_94y3Hsk5y<8b8A zQWD{0OeZ8i2hug084CP^i!zfq?|E6Ob#NN^O|FIH`3pFv^h>m9U&YR!-@`sEegxh( z)aZ*1<7sf_Al#7~jjW>)iBl*9T53w!SDGlXK!7GJi~^mw6S!PEpKs-2O+BItn8o9A zAkfB&5tucRY0jPrMlc9!`pd!RybVN}b6ok>SJ+(agGmc-aO2HP=CijdjhV;gS$8Lw zHD-(e)1VHEc}}Fc(-Fe8lU)>KyTC%f8lJmzyolljP@APiGpPg=^VO)URTO6bh=Aai zm+;2yA{;x_g7`$5Lug+S{Qfn7$5mo5_=P?3spCVOeHZ9G$zi5llAscfcA$LN9xWp6 zP|Zx8us!9VU|>wLd1|EG>NV40EKi*jnwk1T(@{>-mduiqrPE4|B3ls)KI4p71=qt+ z(|#6%_g;nipLe)xlnlry-v(*RL%8I24PO25fa|_Lm@$(Jc+-0(QvHwPU1Hy7VAn`C zIBwp^=CzB^(i3ygXPh8On(`FYg>>NJT0W?D=+NxvyU{6Kj<%cT!XpPRPA5?b1NVRP z=U&tzE~=yX=hsI8UQ?tTWdceRM^W!}y0|mhpKOkg!|U6g;GBjL{#NfMR!Yr?y&a`U z6yMxqe{M1&JwwmIzi9>udSyuzDy~69ogK;EJB`!{CGnC^O(n194)U8C1!$G82v20a zCZo3K9Xf2^z|?G0p-$YnZGU+)3Mi~XnWL5@a6=l_bQMAJ#$-%L(r4^rjYwU}TJm$X z4pcV?5)ETRBH#W1H7@PN?pxErCU7s&NXf82 zrfhlwb9XcJ$;MBZ5W5oJY#Bu~*RddESHY^t3F6TaXC~?GFzDLa64&Bs981xJ=4~2F z#|WIjg>R)vXJSJ9hi(meRk-6FcFq){{tZjO-$%mSz_T7&S`9~;XH1f z^hiu*CjE(pah6=3?{W})1}hroYE18O$CuT?=eXfIG$hT6q^zn2r^X8WIyDpcMF%kO z;tSkZrbZne$H8a!MQ|rr7LKfrfUh0{D6yvo9TbJ>)siXXWl${}+NQxfUPRD(^l6CV z>VL&W{K)DvE8)%DNz4@K#~^S$gJ?qal~gn4C{5aJSI~IJVi7Dp+-u z2`zV}r}c}NCAJ2%d0Pe=*j3=P7=oTh(^1CY5bJ8MLY}_Z2U{w?vzvhPOg|FI`Ialw zQ`yUj>f+59k#-dKXH5my^#=5tNI2ghU@w^q-}()Du2yy z_xa8`PUE~t6Vz$LWic{5Btd&`O46VAIR>zD1FrY%fDUa5npMWd>tEeu9bSG1Ph|n} zDo~i3CVa=aUKX^bQ3#aRTB6i?MTOBK&|JxOz;KzU*?NODd;v=dTF8 znMz2}3=?=T#WD2Z09WUHHJm+@ln$n`E_9CJ1MGQs4Qr~$V$_RRoN4z9ho85D|J7z@ z{nnpo?`1%TLnLVCq(l4{zkXuZL55ziPGb}2H?ny-9dKeo9J_Ll9?fcqrtgCX*e&z9 zTxo+DIqe}tKA9|nW8#ZYy^fEv?1|E)!bV_~rUr&LxVXb(A?j?o4c?wm#eCHa=pA?i zUYd&;<>`}XncrFv5lZ7-ny*9WJ<%m{*70P*T85~Y{D$q1EXa<_h48)B+@=0?Gjvz3 zhLVGApfS+Ns5iDlcvmu%bL_&ES7wlto_m-XjgBDgKMv;1sf1$-ZsW{n2iZ8G*-U7h z0INIZBCPQhAa5$%$qCw3s(5-tI+_4TG%=AJ0{f&(?J&MYm<*=pQkbc}LO|B)2lV>r5 zcmYg7eUcUDM=DD99x>x>v2TSQ{|+2cks=DWRmu2uQ&`>xTl&rHGK7BZ#qMdf?DZeJ zse_LfQCks#2|uie`x+Lz&pUIqIG3O?YauDKdJnp*uY#v#GtbGflDh|ag#kgF>)fS7shHoXaizmL0+7G z3zhE2z>S;he6vV}mhetkvZM#+%#bB59WpfI>?&JIJII{Uvn;ie0jn3~5qotD` zHK~rqfP>GmBS(+O)@m{;T-#m$d=4JfGUS+`23_g44BgnH_-Oet*m7uohvD=~vhb>g;iF$ux?p26oqvN>qzYy}KZopM? zHrV2;Lsk@TB`Y}py3%nN@! zNi4JMiJ-(Fv%MHjSn~lk4!{iBEXV@fh?jaOS+td(ml+BC!~+3x&_3 zV78(I{WWq2%O-!pr8iXQHtAS6_e2c?p9-=wWKwa|d==s}SBH++nq!XZCjNbi$B-#$ zK|V|{Cslqi$j7%KxhhsTk4{%ow-S%v2<<>|7{6qXf!0je9N>FVT5cu$Q-GQ7i? zyih@^(cTa4F0ZhxI}dhN>Cy8cBmC4d9y$B%B);5r8t!p54h>u!tIML4KfP)?8psRM z`oMN{;@i{b*NwUQBQu&EHksDfxIiQ4$6C$R9|~K3!QSeJs5&^8oI0}!PI3IXZvtGM zxdq4bvr=VU<{W3M=VhVu8g07sb_Lw}Lr92PDKy5mF`A1M%8tw&Kpavf%1H&VSx}qQ zopmRQya%j*e-f_!DoysiKLeM!n)#KyXwWD1Xu8sJ5dJuyhMJiB5PoZb^?H#7vo1-IulKF# ztNU8Kq7@-9k&BgD+DMRj^ZLPQLIs}Tt`9a7Md;YfUdHoGFC&!Y2HquBbpBK|8uuXs zw9Br5-=kJAY8nOmLaI=qGa2U{6Cm%8S~B-tW|8(oLNv&!nVbLcp(K$TpM@tdOW6vD z&S_wOZ?GT+?JwCTwLDxsvjVeaJz)zso=J21wqHe~>0hibrM-gWgfOS|3U{G&cQM8@ zx1f>;(x^x7m{MUz2E<(OhrA=%``|1%n^?lAdF3EAeFG$ozJP&>ny`M*kW?K~h2hC8 z-W{)sd(9-sW*KYpdD&Ea?8CLsa#gxH*Bcr)#<+ahSqGyZPRBXdVi~EG)--5CD@Iou zQy8w3gR5O&IO|vKa`?MbI z&^w2m&V`-QCXJ8IjfKEl1`xQvkY8vY3Fmfj{ruNaG`{6T=bTlB4IfmYvz6mKW<7xX z6e;3$FcN}}X)}0l5vK)vj7#F*V3&k6{Vn52-TKDR+sE!Rj~DBar*~^GQ9g?|V%LKe z->1+`;&XXxW}4Eanp;rttT@qMp2!*-$&stxAyBQn8e(UpFy<2Oc=rS6)%|<{k&LK? zT>_G&8xD(6uE-1bs`W#w>tpbvkyz-R$gkPE96C>^)1(92;pn`0Qj@icKI^bz^F}?u ziV50eQ$ZZLby<)EmCnSnGf_n6`dbJVeZ-GlqDXW%b)aGSHGbrS+gKQ)MZ=1g<9hEm zxO!z8jA&}mRV6D}{V5L4;eaeAY_clP?rhv(e(jI$V=!@Rj_2#fM=<8Ve8I93;- zXwD=mGSdaF7db$>kPuE=XG7Hzj$x83oy%@1j;AvMPonA$d#uz|Cf|F)Q95TlmEO_;mYM1BL8%fe z54^^p<#$1Ec_TY~MT1VAbO3+u8BGh^kF$REjXaZI;v}CjBC1p8&^ZZh=q>6;k4)(Y zdzTvUyeESYej6Uu8Iq!nXK~E~3u+`%0rTJHfq!8Qes@@hzn=Et>>*Dw$5oz=Z?Pn= zT{B^w;UxO>V=kv(=mQ0=ZBO)ZH3+}cSr@aLcrl_Hyloc10P_|SMmZDlM=9Xupidu_ z3e#wl9n7TEJt(K|1iJim_E|_4Q=}wC>a&kPu9zV?d^n!%mH)}Hk%7uzxQ?mrv!VTw z8C6{G$@*BG;vKxKLISe*j2c97`hyDC-kinU-Z|uQHJL)*x-_^;3o(9t3dFrnNALA# z@aDSlR8wC7EQ&-?qFM-Y^sO*$=YC8T+6fN2%BZxAkTKJZ$oi#Q@$>R@n7Pb=re>eO zuf^Vwob(ja4vE6u#T(hs-BU^5&W)gecksmbt?(hofNWl1O(wk=M*@m3;$43y;_?_!R-}nyU zn|arujq~4pezO(KIUd#r@1(M^r%Ks3*9JglK%I739mBBfQG~yj^CkT`mVQ>w#@UHk zFcdToW><`5vjc=^idz@HPhUh;2IQ#6@Fh4st(}n;pFrkwj4W|`7b5w3B~17xK`%!f zXVz!+aQVePu+bDIm4$EMQKVGNnIU9UxIxauZq(%1+6sGKp!MxK zh>6gLBikp@z1u5Tr)7`9N9hIZ`q_@w731lhk}0_8(|D2)^d8OgdvGYA3bFfLTQI|41^X(3Jb0Zp;Xp7P4=ceSfVm?gNf5P^N_(FHP3+wKQ%&c>xNM878 zk}p__(c01wcKs?8u92mO7M{Rrjy2r;Efnr>xz}+TS?J2FfP{Jj%7a$uu3d%V>4tQo z@CY7@Y{iICa^(CYSyJ=;99AtzU|;xcfsAX$L~x5NF*qIunP=bPw80&)aMV0{Gh-5o zi#>*Zb7lcn9%p7qXF;xF02w(Ki!%z(;N^uK_;w3ov4=CAB>WRxd-Y(Os~~AgJp_Ks zhtcqv6wwbD3$s#MP|@fQUOgoNRXR>ou~LbPRYZW%W@F-+Hvq3Pnf}5>c5cB}tRL&WlEr zN<}nhXdo34D&=0^@8|QmkK_K`$M1QL`}fClJkN9A{#kpky{x_0TG!h9yw3A{zup6N zpmOLSY`8fDR=y9Ik^s(@#jq8UMovH>*GvB8<#Hy}YBaVg=7YERNm#etlDHI3LqFG< zcxMu)fjq5CHfo!5{l=!G@ti7kPZ>{^kI_Qy&|XGS!G>ssSF&<0;Vfnjz#8q-I>34WfffY%E7ydEu6$$iOBbAQ@)A^dX!0#V3d8l79_uWWwCKV z76!S>(5ZPw#4FVZyqo2znZiA$a^F^FY_JCXGHVaMk>NqXqfr$ z)b0dZSy+#0F2!g$Ck2k=Euk*$4w~Uc;Q8i zk#{dEe?guWSA;Vm-&SLCVhr4=BFw$>oEz6@KdfG?G$F=mV-E1bSxi| zGm}a7(}k@0{20=&a1RP!hv2&#%iwX>JGO}b0bgnT0GT+BW%*|cdx-N)F4yh>=>i_H ztQ$w|S17~Nt;6upa0b2m)sFfPtB}##m(T#2!*KG20!{WXAx#yt$nn^EzEhemuRQ%4 z;~JL0woZA1r&o30^@dR}Jz5uS7u>`xDz2oXYC6f?mxa$7^O@()sW|(RE7^QBkO;LZ zW5V1WcwbluuFsVutr?OSs>G1Zdb8wreKflOq+^>uK`*)I}$Fg|0mAiMv#L3SDVXRFHB7u(2;5_Yy zy9Sbk=IPxQ=yB8|+<;2tp5$AG=+SG;TinNacm}p!h8rd} zAapI2$@H&-4Kb=r@6H)`=!ydNh-L5xr0XHh(1VR!Z9Wdj%m^D2%K77lGGgRO?|}GubP3JnEAvMkhNw#{yqDa(BQI zUO!FdC;YOcE7zRGS6sZTy?q^;%%Z$AdxJ20K%5BVIM91fWog}EEn?p_AA>3`z^2?r z_VTA;EYFZ3kH7DLtykhe^7K5ICou*(cG}|te^sF8k|CO_&9$7Fix;m}v+k!}W9aTb zc+ok9y|63|D;H&f)V>pJXpSJq`%Po^i(O-MgYC)O8A@c`byISET{XJTT#1{f&twjs z6Jn;!JdCfyI4#tjHas2Lj^88=2yYo7!M7iB-mBKsCj2f$|5gN(%ZV_}HUz%OXp?1Q zK7)6=IdxlbiM>_sjw7MBy6l{@cmr z_= zg-VghsAItSP7iQ>1*7F~_D&~I{kR@xbG7QolN^s_+YqyUrW4u4`92I@nh2RqU+~7G zZ*X#+JQSP;I5cdNWhH}s;=mwT2Rx^uE55hNZDR2q93x5{2F@7?A zD7JG7`tDqbj}yAkXy#A+ILU$R^$G?H53Uz#>lZvyvk#(#q^X!eHIr&BOOOA|2RxDr z7JKV)>}vtKuUU*5jj2I*)feogEq@@)GZ~A-3-M>pGI;MUKqRWfSg95A>{KHg92!^8 zjPuurHRod?jHg8UE8OVXz6SW{co0?APr>qlV{kR{4X(T;LuBT^!VXU(D%RP+c#WM- ze?_UH@FQKC<#8N8j5)>Z-{Jtj>OwJjx)3Q`_!C~}0~P4XWZ&&r0HUJ{7*&-AusQ+A zIV}ySyK0RlDnpPTtwaX7U~;+@(tJ_U^%=qOa4p+2OP_?bNt3~K;>5N!3L=*X(5DS8 z5X`@W*>*{gVi^QwkJF%X+X=qfjj!w$El$sQtpogeTXFbz8!DG2^E1L<b0`tbQ0T;gD z!?=4GvF9p}9JHYc%IfsuO+u8PU1m-Vb4=L5Cm5F*h0)ooSmBUzSO3!Yrit)Pg22KP!4SZ?Ky9+DRj&F+svSEC8Pd{BHBhWE>mBF<#|&! zj^#8B9ZobT+5jz!4>Iny)2XTBJ9GvuY>?;XlHqCKA(apIPps)VFFSId%i&E~W=Kt* zNKxM;G19lk6*{z}X+)hqQ8%>X{2jLAsIN2NkX;$5xNwYwXRbuheIW!E7=wzQ899F} z6IOn*C%^12VxZq^lqiY78?jQfT2hmU?k#6DXP-pbI3rR#V-`KQ^a7q?eVH+*PlM6m z3hHY52)>Sb${ZL`qajyM<3Q|ZR&!%2W>8hQ>LW_kO4HbnrSD;3oGxt{rAn77Cc&E1 z3HW=}eTXhdM`sx>u#%sK#)0*C+S`DpA8cf|zY$?89x4&D8+~|gjSbn5vkvyANswA^ zGis74K#NkpFgbbgaCk!^OxiRPL*>F?irXCY<{e@4vj3n@_I6;E__)2sktVucVHR5ZF44+jPFH_h&YJ;7&jUFS_AXf9Mm#u^~OUutt?WcyCJPY>eVR9_>htZ*yK!oc1DrrV)8%Dn-hK zXMwTlE8fneF~p;84rA`GOFk_zA)hit^%mVl zcf+X1!o+>xI8!7)gH`dOI61ow`ua9tZp9cH%z1r(5|IH-9T6=4FdqgpbMeMBX(Hv3 zgBfmCUwwZ^l2ITPA?NTt)GQ&oTRAh{@cLM$N(YE1NY_5NwjBp zh#64o1_5}EpB2_HhwFicsq}o3Jz47!(c4nM{sr-%}F? z+rH;B#R)CAZNV9qelQ|M*;)9fKOMGx5$0+uf<*OsJ6`2HS8F>Gpi{+`ERPRn#LkcK zHV%l9Y@vQ$Y3FaK*YRW4b~#eP@~aSX^cg6={e^ee>4JZa2-n-0h;ik~knY>UEYnT| zSDzn@;$m5BT9v}2Pj#TdQll&1tx|$B;+t5zp(m`{!>@3H8BNVwH0bTrS@?6=3Us`& z9SeDG^vA^%Fh71178ywZsF{(%{?SZCJLl=Ns1)jc*w8}Gt2n_t5YF&^vf%D#-a3jbOf6M-4boSU&%b}~-Fs}oj ztNnyii*1D|O3nSXu6shYF z>Nf~&B6F$2Q&nm`T9U?Jev4h)@A1Ybx+GI!3(OHY4so@K=-JTEX~F_%S@U@OY?a1z zJqgFh9kN(H_W)F18HR&D6sh2?3Do0F2HV7W^j`5%gGG0`p!z676|a6ry^=V#UQU4i zbmbUn<>^>;@DukNS%_>%FWi!P4uL_Zu>H0(y`v;R!^-=@HWvgY=o0mc z3YN?lCrZt!SRLQYUR7v7kDDLy(=lf%(B#Baf7r!%mz~8jDPde?Aw{YyGI&|xC%`*% zIegU0gBH#&PUwszo$2%nBht2k<;U^VM`HwpUklUVlUKl}z6`CC%FuO30LCxSqZN7D zRG{_?za!rZstt{yyL2O1_m~pqb`)A{|A^^n2@rVu5?mLypm$ar!7`!AkUFj(REy=P zQxf0;&R1mDyEJ61xjFfjV(_kb1p?jk_z@hhN5N$tn{H)^z6)~kRA2^*Jnn@#g9Fe) zXFzCJ1{_MVqJ=sNWanC4I@GHSs;8u>x=#uyto307L()L6Z#nMMse||N7hvHdHS#8I zIu0os;Dzw@ptrb$De;MA#ZL+%Zv4o$nv8(a-B8Lbm^2xesoI`#2=1fU#>lkH^wW`GY@sBM&~X# z9x|0WFF6I%G$-MdRo#r&`i01U^$BNeQX(^o)ydw1ZWLvjL1j%cZgo?|wvN@r+)*8( zjv8Zc&r|qRJBr2&-iEqEW%&D`J*@Q?q)U&EBb_rf$*670lzG|6)Eznr9}a0yowpM7 z*b)aK>9iK~#O6ZJWlnQ=?FaPmjOaoyCsJ1tg~7kLI@}U*svS^(=F?t*rUA!m*05$K zPn!wn|MasT)W^^bK9a;$BMIG{JVByvGaS7ifJs7Gte9*L?0@kN%DGwu;qvvf6hGt0 zAuGLziUZb_R5gzkMDVh zRd-5R%Q(6GDKL{bpXwPc7_d!_cFXJ2Sz@dwi(MWB?cb{V7!VOREh3HYcBz^ZlN$pbg9r_JjvQ$iG`|L)96vY zI2yP{!hRdhw|JokOsaOl{X=^}fUC1bl?o93$Hn;J>lJJ`VnMvbi^1olDvVvgkS+VI zX<1wZvv|HHwQ-q6q5>M>`kLp^J+^Q{?(&1UO;DK$%@{=o-65gV9;S#3sB3+r-Pk{5-e)<~DfbL^*Bk2Wb0q2`%60)A*~J zF#DGdDPGIv_G-j26XKc2EyECG@&OKQV^FVCAG@`bkW{-t!%;;#oRP@xJRXfPAMzLh zjSpzeX-Do|IFI2@o1iT@6~(7`KC(-3!pDxZFOEUk>vE7SZb(#A z@~!Q{6y5CDu|Gj{mT|X(`$2s>?jF7NA!r@27u4$B^v@ zoM@fdeMa$12s3-j5FU6Z%Qre#&o(>h5W^)A@S)0vH2W-OLQgWZ#U_v4QSb$K9_YYH z-1T(Z(+pqsGX$m!6ZwO`4qotO?=ntvbqd_Z zH=&$~A+&A}#jH;?{O>4F?uFH1uhkI7>l_1xyZ3lmf4X2(d=xDAn?`0tm_X~R4Bj*Y zQR4O4h*;hlOD)4w0Qg&xs(!}gEOTP4pUK*~k0Sc-8M)%G_lVI}c?K^$NcOxdP_jvtFw=eTUiT-IH!TL=mv%JLH~r zRN@7VepD~CrCWXVNa0Hf+P5!;nVdbE4lG+m!h?5W=9^z|&S)dEBV;n#bG>RexSr0_ zRmWlO^v94CmWH48mr(H!A7D(tVi>4ghR=hY$yFKz{;tt%7RS&WY%j%TWeK`X!J9Sq z?_rY{yHI!6a8mGoKCVBU15B7aZCg2tK4{np7_|tuzceAQL}n8ScV}{#*Nvp=It~Zz zK+X{tZGE-j`Ct+FNhvY5@=j!ImM7Uw?!fwZb<%WCgm~L*BgfA=&>x3FuwXKfw77I! zKK=k-qiG1WY{PKg(^DADKLTfM^zlZG5cLmy0imrxEtG7?_=6NP7rthm9$!Ruge5Tw zl4D5GOfjM|_?Gik_D1 zl&bv(o6bBi+$m42m7hRkf)<@vlL*NTV)XFWCOnwoOs4W|=?^XrS6x|wnsHz7(BNIL z+VKk3PgbM4N0h1j+jWeHzZ4R$e9-qg2u0Onsl@M6rrj@!V{o|AKi|d45>In-a+U`? z?NOr{lWwE_y7x%h;&FWMZrpk=5p>6%LrH@iW^k+#ic1Ywo`@5 z1vSCvj460WNSu^^4}oI|C;0bEN2Bi|j)5`C7jsJ`$#!3NqR?^?*S#KMuT1$df$P$% zEVCU)EGFDTquvrMmK4VwqLbkM(wDf5SHdgJv7=>yA7T6JGRE+j0xbKWOFZ;B%~)_2 z*xP@DMb8bX?3#@@H~T!y*`Q6mH`U>&dm6+ua57a`_7+*;8_c2;g_wT)1S3$liWitz z#9Ownl1a}khv?V=&=XOljqy4(LHZ+lJ{Z8771~Uj^*Hh^vzckgtYErtIZ_#KUoeZX zLh}QvbYyA)?&y&MHJdSX=*eN29X7%7Nzk>)jA;Ru{3KG>F=sr&! z6oP^6k+A0KRgd8Ej>BkN)s5i|?{ULJRpLGR103;r&N}KS6O9^WQod$AfAT7+I z(G`)TZ%sTaaxFDt;$_1Vmo^PDg2>!-M~o)0>4N-$p3AG`HA`K@lFeTH!GgcW>~Yg_ZX0Ru8!_6G>Y6*T159=79htspX8Jqi`g&TZ4mS9 z41c2DLwGCx5YrRSvW&43{NnVT?1R0Uns~)4pnM2s2p+Mhw$c-+zhHj~$K{VxClAU94Vcvf!%epIqoxXZ=p;hEaQ>AaSKWgu z%}jh^90B4-rRmhtx6IfzZD8P51rHqc$(G+1*jM}r4C=O%z4wwqdw^r}&Te2%o!`!M z*L1<&xdXtZsB!MwFbGjxgT6T`1Tro{&XagFmC>J2CGwELFRav+{L6MB( z?mf+_<+w6`1L>a9$4sy~2NQZ_X<%LzO32(~bFPardp>f!ZH_}QuzNWds~p6_EHP@8 zlFFkTgG=7oi#!nF;=UCeXCx(H>cEcZa~SV$#`qvBd(Iaf-|`s zL}Er8=zW<>WtS?FpKm)s#@&q0J@N^))09!F#utM236jhgYl+3pQaF7nkVrojAaz!v zr2U90xw7a1Rt`-iz7`jFG7BbQ;!Qm|@A5ceXsf|4d&7c`ssgF~eueRRHkpjh=NMFh zF66P?Lb7V&t81R;Hn6KBPO+>SR6Y)-0g-7KZtX)G zuFI1BC+o5Fz5#p9lhY##rNM!%-H^O~3ib9?rRnc_@j=FMToPjp(%U^*$@4ei!&Vn^ z{@_E1NaGmn>38vK|6-)Qvr(XQ7s=ftLbkRvB_$>Es*zl+^a-bA0f2E!P#){Uer z`Ga#uxss3KI#6&wA8yp>U}yg}94^r&=|(`eu}fHyPAxPjX$8?>ZF2gNdYmIR2_ zvu_XX#{>DM*t_Qiy#1Poxu;SfTm1>!H#~vsZ2gx7{FJTPC<{P zE*O>?bNp=uGX7OH4h>Ia#A7VTiJFh#*Vu`d=9@szD-W0QW+W!CH{REAoOT;J{HTH%Op~SAVn%fM!4qhzpAWtp2sN74 zgoM+l?k#hMvRY&EYDX>F2q^#=bOi~69>%EX1y1t2j&qugNpIUBY)&u1vVG1tXX{Ih zIdh%sp;jTEe-*>+A+BHb1UpfvVL$Gxxrc|+4XCJXBYeww!C$*$7`4u~GfsaF zFjnt{=-|2A*fcGJ@8BE3tdOxGXL%CjcZwi!*OZ5cmDv#IwUQQomcZ{EugG_BBAxq4 zn$CL1>CTza#Cf(gw6<~m`KDI%^_vKce=><#H<5>1yial3i?f)MVoTwuJ9*k^Mx%c4 zaZF?bWC<2ypl~N_PFn&FJGE#^1m{z_Mwpgc36j-CHe6iJ_2sxDdR`nyZ$)P@>hg-T zzodwr*18|__0pLIIr*q@LXqZwFJkKt8Nf-Y>-gwNApgW}T`HDwiKh^uM%gB) zM#n^fZo52-jv9J1!DGyBP_(w8wdt#fj4zKqS#blO42*}G`u8Z3$!S!)r<0Kj^C4YK z3AOcp!>*BQ?C`{1jCpYyvTqT_p<@)OvVDR#CmYe@KblxSkLRGeED_61K0@vpN3!V0 zJ6`XPR#wE|IV|$kC+*2X+pjJ}Cu_lzaZ9|}3v z@Hs~Boe;S{{VIENc?{H>jHiF>6PT5~@^rS%28j1q0CnRNn62*V_;9`eVOOeg@VKL} zFjtU>8eRuSMH949h{bl{B52XKgY5~aY;E~T=-J^(ci929M5+wim;8a{51XNN zy%Bjad<|@D!#KUcP4KwY>?>1OL63n62}guw_LO^RDj&JJMMS&!(%vh8Dyh?PK|e zBiE94P6KlN%NY1{sE-kd9nEZ3ev6u~O=x_b2JL$;0&ntI=BB$hRBg}2bu+Wzm%|)# zeI>`=xUdjDF6%%tbp>qv5d{_}B}tNu5!=|kn@oE=kv(F_u}qz3@YiJelApWuiE6zg ziH1~gEv;nr0!--MYbWsHqBz#e$)D(-T#D)uh$?}7IMg=+E|&ewT8#?O=enw<%ozp7 zj01hT{5upKJk90`9m2&g_t2y(qiJyL5~%so3yGPd$?!r>gLF-XtU2aH#X35{-S9fw zB)cXvk<=C^TyEI9;7Na53CH6@P)wyQoYfOWa%zt z9bZ+mVI+(xuGXYc(q2q(#sX&Z?0U{yd@<1vKgZe}F(-}QHSDVH*C3$#z4Acxd#t+V zPfSJf;Afs3QQ77|p9|SgnP1l!TiZL}bi|BU4=kXE?svjFrP+Awiym{fy_r>80{E`xM%esM*Vlg;AmmyBqLZDzzF5?&OOeG@wdDe5n z;N9Z2@X=ERwoQ)!%Zsv9!sjj{o7Ie4J@qIPDn@L0!HubB6 z#9mX{6*vz&Mvh|t7-{laiG6V@5`hh14y&0BM9Cpwkqvk^ZST*&i+ zS;>63>3xn})2d26`>cqLm?*2M(#V;;8(^d8b>@Iq20u>Y2L735K`RQl_<-vRXykgN zmUDIDY{5X7`M?q5{YHbrt9+DM(F($YlOS!s9xmbXcTI~WX?~3voqxX(Ta536f!urk z4+{nQbKp3eH|#_ls$9s~NNc{W{7rP1kR`HXr0AKm;%GBdk#>gPMU&_ZjOyrsnIco^ zp^I|F$3G8O@M77NP3?V5x50TB*|`rS z_9=6}!HUGOFbGALXp!xwy}(3Go8`1lNW*pwA~Rq|ZtjwuFq`wB z2wN77(U*q7`OP;l&?!;BgP^KZqY2eQFL8QOzW=7x9#$7Hs>^;p{XvU3U#Yj<< zua$#n9evXE_y-!)bM;?SRie?9z;iw}hST*QL90Yd5@+_49r(N#uD$1c%2!^7_7-m_ zDfFPr&WvJDM&~l0&P}I-A7zNRtd%4sovVku-35A+5714!i^2WAA=p%2!rZ8Hu=X0) zvjVY|ebelL5mlhW`X?}3!G%n{|ArNqq(s~06q(_UH}JXMo?QBT7gr>1!Y`K6Wa3h3 zTIh=Gm2_3&nxBK>ofjd&S(e6q+J{3LW9W{}H8_!sBb+>u8S?(dF6Owma}y4t^dDCm z^Sd1I)Mhm6jfBJ8oICbrKblnA(qam$(WEXo0%js>mkIu9)) zLF^v$6kK}kC-}X7$cpmQQ6%vg#Em@XFMGa?CwKE1E?aw%>&st?v6sKX4s}(!&tejB zv@oWIx`L>7HwdMDl+b@xCRp2>Q{A86@eEI&t{ORypKoU3!0Hj$Q*J?TCcc9m+hRfV zL;|iYnZe3!;^SDYMdY+7A4B)nF~@FmeIb=jbisfHSC4y)n;V+ zEi-a#RV*6+-T;#;b?Bm-uDEo6AXwk07@n;{=Pu2Kg}+3o@J21#c88m~Y_uk3kH_Jp z7)9*hG&YzthK>m~L5(eYaQduGs95lsZQboaT9%a}j3ARePLoV_{tQ`Ht2qtrODK=Y zX3q$4ULsMhY*V5vDQcx~|3VMG+s@_UJZ{6J9VYbdusT_~;xO|u*^Wrge~0(%9LdEY z_FCq3AyOZ32$uYwMGktI&_T`{KwbF(-hFe2HR;~Q%|o8ShwN7nA-M{Ls}A6sWNCKR z6n&DJBTb}TMnKfCk~gud1l|7(!|8|8WWKB%eHAZFe-|t!;m@r(#@BR#@8}fh{?g@FaGC z+p|GX<-ULPZ#a=pSJK#NyVD_iQze8BRDx%gEV;LG1S_A(5zpURWSWICP2C@j;xDXd z_%s2MboU(iMmv&`5DJHaYzYZ(!}dS}Xd5+x(_)=ynv)D3_)&~<&*aHXF+!Wp@Q7CG z688CeDJpz23EDR!BW5%ej~ga1^RAiDwAa$)Ox8IJm}-LwyN>}c%LU(Xy*#fIN0FoI zvUnkA0_~rD5BqiIGeTB+H27mOJN>#VnRZ2(7Wh_TdYwLPT$hM3S%;a`-^AeP_1EBi zDIXl_Rmou3IR5dA1K?wzLZXDt$qUQVXg@cTT`)zHgk4z;vagI_fMdCK#>&BgrR#wW zmZAP(m2CWiw~(;LjAOIxLz@nUjmi7~i^QEEx@7~NG_YZxoie3hKNM~-QvF!ul5U(ynzn%|DZ^dB6~nfw;Se*m{aMiTrb?9 zD@olyo1gXh8eTg31pU50!mmeiar`zTxPRUdZ*5r%efQdMX^lAXuX%~ubIM`o&55}A z4Udep+oH-;F|yz|kSb13Unlts*Indt81*msuX}#N_G}^QacvqeI`te}{n3VfUtEa) z4{b8mNtSeH&n8uZ0q1-6n*W00YMz|?S~B2wCMu# z&6L?+dW_FoXi7w;s1sd*ER^K9E#KR3!QLNLFndxnm{;qNQlA4jxX_6NOm~IPVQ1mh zj1ku3>oF9Zt54EKjLFvhf14-txV1AF(;epG)bY_c+@OvEJDf;@ zwH!QcR3x>EC)k+x>NJ-ckznChFlXZy42noQB1Hi7Kg$*C)pDj-c>{&qn2_5oNVA=;@|JbZ(4?%{_W#l%pBRcUp&@ z`5fQQy9v*7da5j8Z?x)3L#McpT)y}t__$TDI_CB?bcH&y0iQvlz>GA0VenU^BOU#~ zj`}PyqLcenke+Kq*T$)=$k!p5oE;4ULyxX%3UWR6i5!cjiR00(c@4W%4e8B+LulG= zORFC#k@)Xvuz!LlH|I~nTWYrW;nQsTaFrA(?q5Qm+p5s(`ds~VW*jblHJ18p&gM;s zG{N*}5n8{{1!_3`@BGNA^g)<3UAjh$H2Y1U%)Nu~a;qZ!B z@FX~`b^(oUDN^Xn@%*MW!N>9*sQ5FEzR?pWb&iW+Q-BLxY&wTNQ&aG%n+k4`IZV8r zF5^l208*hSh5NX;XNJ>u@^NW5EEl~eIwe| zpa8`gWq6==3K4ZrKn5Ap~;KsLHo?+p5&`FSH4YaR;=N#`o%z{Lm^x$XD90c>b z0@VNPcw+zF0)DAp$C<9KV7+A*T(m95lfCYAVsW|9>Klu`%p&22ool%VxL(u zrstl<=?gjCMcQ;`-=gtUVD-?1@$MI~V|+9i2Fj8$#d#R+6NsS=j+lM$Dl}Z%%=U%p z()aJUd+I*t;lQyDt_?fTb-Uz<%f&M|?Vd9=9BV>!jxJ}->-_L4oe7W6Y7y5FQ`S{U zjxp|yVsxLjWB4jvY&mRAG6NbpKdf?`wWu7-ZogovYGjD_pGmlA*qRLa%M-!tvh0?Q zJE(m;ntg4-u?sK7;*t<`LhSn4qz8NOo|iA^2vBg_a1|XdkHrot6>uN1qDE^DGC%SX zAkSEa!zMk2X|=gH@G2PhG@XO+;%jh7!IC;uUt_mR#A5f5Bi%`h*la5&@_7*;ddzYzr#$~Jeov5l?JgrF{~%&Y4B%C2`iNl3lj~F zvJJNcVY-Ma-KG(Pv5lFqe5f7F!X&9nwK%!xV@k#d#=&D%9h!8k8cHoh=yF>l{B`6Q zqk`V9hSc2{2Q`~h45ikr)B!3BX@ELV(Xk8pDs ze}g_=BmoZH!6zSYAR-5NIsRW0%yw=9?5=!n0*g z#Lpm#`Ef;u=DoOp+58gF+^~YF;*Tdmw+Omi>H%jRM^4|jm(@P76b?6xq2W7KX$YqW z?jPNXaSZ}oZP$>o<{F8t`tM;`Z!hecwhbapl*kwHi`ds(gx|F^Y5Rk>ylwjqaA155 zBHp+a@;QHp_jLsFQVSS^rZnEf$7{3d^NIr;v*^Pj6xeEh@46 zW(in|)WfWF2m11&ADBLFVx~=&AuX=MOw#sWtoiX5aCS=o=i#G5wyUd<2WMJwV_Y*M zYHAN}GWK)YmRKCOz@AF%uE2fQovDaYBm{lD31vn%FueX3Ziv^yUTH(->Nr($*7X6_ zx_kti6H<^E`wr~}dvLv|9i6v24pKdg=_2QBcwq1l>{?6V(q(tduIy!o)|N80)e z>sLavn<+UVx1V`&O@sDaE`oiY&p7YHAWYJaVS8TqgFy%%(o?kPIMrWpJCfrnBn#1d zyQN9&g-pElI~=Y!$0CzFj+_+C#gGN9Ap4m6Tn8-3wG$_?#;2csj)@>Mx^9Aa!)2J| zZ9!(g9K>R~x6Gl@)|8I?!u#{Asid$NJ=dm2XFCSt^fk5E7iR>W!3)9BFAd61o&kfo z!O$(+z;0OQfU%wKsJdK}=-++=YnL>`rXp*Y|LF-6x&0TjV7V)#D(dm1=PS^O{(9tB z!fg=f5Tc&TG^l3+pYf5sj`6ilFtS^ZERQjuyYsE7)gBiZ95JL)Oc@pgTw$-xk7Ztz z?cs7c#?;$ZfIPNt#Q1F*)HObZ|57gw&ux(>tz%{IqgXzhv*#kTbfm)09R=`XPYH~k zbC4f2;7o30J;Vyp>9F`lEq>^*ro&pXa7s~*sGlAS3%?X_?;}qpm_5bE)dXF~kO@xlF}4J}Dh zpb@zew7u>b+dp{()D2Iv>@){z&-qJfb6R|6lqoG9X<-yrYC&pM3WO@_Gs$JDWT5B( zM9J&X;Vs9YK|zyF|2=|f>ff;CQW6t!K7@D6gFppWHxig@TN!#=nHr36wSm~LD8T6s zi<8!2kMeY!!&l+z;Udr&CJ#CfJkh$V8{R$?VUxnM*#_AWri1h8*t|6d7PRff>@kug z;T)&+{v$w&t0KYp*jLnfKw;iH5n5bQ3&s5}Vd&Fg_Ummay79dp{b{-nKWaV(&EPuF zu{y)7KXnVm_E{3@=|GoxDzRNlwCNnTaz>!!4sY3=xoD8I1OxM9ne6$ZntenN z_os>w*4mo3m8PP)SP}I2c|!QCa&%qshBs0BC$8%Igtp1r)P0N~Ddboy0>*0K>YY5z}r*cJX>-w^wMz1@HE@BhDDEhr!=@b5G7_h}InQ2+O_3JU(U zV$R=3{?AgFd;MRpDC%eni2VCC9RW270kyqU>+Y1Q9{`W`!Z+I~1Ga6(jizn0$frc4pwwjB8nfB%eu z?4-Z8`{(}tXZ`??|&S}|BJi--)8gwIW98(_puB971jv+ z`^$-2^VeE||LOUEJx&@*{`*?l{*Nbn`~Ud#|KVq~CYI#dITq)f)}Z^puOb4AeuDL6 zCDN8GLXu`5gcYu)n03~lvI2tiAea9XDbS~pMV+u}X)`4Gi+~25LoQnoCS~IqOw0O; zI~!(EUx7J9B;SZ^tes3!EkiI^rvRtVSwP}m&ZJ`gC*abH+4L*NzMAbDi;c3HWcy6D5l;cd*Q#fMFz*8y}#d&v}Dbsf6jA!;`z;7zXwB7mb%k9F&^w~dkNah_4XIJ%!8VzQMk#~A9m@N z;ng`(5TO>v-sb8Q@zN%gage6kzja|t$9ZTSH4k+T?8m87+t{|aEzGqNDRQB3IZ17q zO;{;uYThbDEn~DfA7o|Rt8YU!rpDsU)p@X3N{`6OiP2eG765yH3?7{|hIw(x1fOp7 z1NTN}8kFo!JM;9>W&L@a5oL(2J2+;sxEU!j6y|y^K3C3Zse)psyUY=-?{F~QotRHK z&#UrOgYR|q?1mSQ*!3R**ybZ&DmVMgWqD=wIL|nnO(uO9ZCC+k>nD;~ZHrjdZBOBc z#|S&`eHG+&je^%nDjYL>0&(b)Azw)g+o7aH#9eGj;)-~XR=5M`q)C(_p5UqJV$>i@ z{=c#Jo?%rrTedJc8OTABWF_agS53)5Fd+hhA_^+OtcYSDNE8J`L<9qZ3MwWnMb3DEl~k6u{%hUtp)#oC3Ipfm40xfeYd{urT)_ZOG4sGon9=EPm3f8m4=cJzYh&py%V z9aC^Ykq}r0dV|K2EUM(p@zSIPptwLL$8Vy6R%U;YPQEp)**!0~ctsiO2f2oHp~6d&mA<8lYw?~-vw0Gqxe z$qzY1yNgB;@gwGFxo{UzH1)yNa@sI)Z3MX}JrTuB!ik2hAcraGrDn=~#MU4HO)Rx( zV7n`oN!m!8Bni6vi{g8pIozn=ctDKZAr&WKpm{sHttrMK{+SMaF1>@E;cRKUOAqp* zRN!Ue7cxWI5DW@Oz#{n~a>uKLF3GS)KbH|8-1d{q870TQ%(sS(9_@6P;sdg*{v*+v zs)x6&LxE2>hh|s>5jht<$`e&&_ATDTPD|%>d<=3qtXmFI8+VV(do&~2<_R1RqZ!`X z5P*LeJR)lsk3&sc61is*o!V z_0~^`{uxJ9n{A6;iF(9&-!M>%8P7~z9}JEhmh$8D!_0v+KcaTk3E%EL%k*>svq(aY z>CFy74jE6byGcUjrUd$^ZwKALakJ@iIHpgVG(o7pjNCq?Lo~O^a&RQ6p%d!KQo&17bw1_s|rCQPO}s4JBaaZ6vKX&=qDUgof=l`fzs z#b9IKH3CK5RP6jma!~dtwY$HJ+}skth`vdNyZonFOASGor?!lIh|tDcOEysFt&(UF zHxW!u?PPZFd`a{9C=wQV-$8 z8;3&2_RKMrh@zfwC3A9&q25rJ1kdQ2iAzfqIO;a57rDiM^MqUmW_z_|2K@E>YJ@4VKA zJ(EUL`STy?t;>Z(eW5EXnk9`EaDvn%zaq9zH?TvNUtkj_x6x@&hT)6?aWw2-4(Ejc zn;%?YUJlo#Y9T#LPRTIxx%(7Z>$Hv($?L<6yMowzOOSYTSj)x@^JrLzC+26Ksyvf^e?f1Px0c|7PX4V&G|+OM{ZU#YlUB63_4iQf!f1F%RX1v-= zbH;3EXIZq8=!F0yzM7%f^bt(A;C8BGbdVanGo*K(@sX@ZT02T(1U^dgg1ep*LG*Yh zeLBUBPIAbn(+s6)^Ft1wCd5F(5FZlp?hIKeBZAfOuQ=XH1^is2fZfC6==roflIX4l zmR0VM`S>O?f3!Fazum+ZtlLT}IsKsJS2T(FLR(lCIU6Lk95M8*0!)^SV=J2_q1#Ul z?>ujy`bQ$c!*e>1HM+~LFcd-ga36ej-4Cztb)#=*DpA|7>xl6FRA3j?Q!#ZteCOc< z7Zo^efDSpLldXroAGw@iM?uh8c!w^tQ^H1t6~w1B65M?s)8o4&p+mNgmZtOLB7YsY zk)!~bbJv61Q876GVl(ki)`Rk%lN^7%1gv=>NKSkDVnV0`>>7Wa?wB|UUO0%5vH2J2 zt@;-F$n7gps}BZAn|`+P-emm#^BlY34@b0%Q$|VIRBrz`maaLZj>mFb=wUu}^m?m} zQBKp@qOMX>Jlz*pePrpX7v{L@^igtt>0}tYQjl);jpfO1bmlZWi%4(FcXmwhQ_^7G z!M@ZIg6XT}U@a`h@AItTPVh$dx?TW&jF+aq-1+vJ5bk;SB`{&H#!}aNdpXk?z?eUb zp_Ai14$~h4Q^ZWE*-pvnq>r3s=&P8LDLcHZ`IXRz^R3Ujz@&HM1#2 z-{~-ZZ^ku78$(@gkkBKCd5btLnU@FCh@E!<;g26fisLvk!j3&PhvHMI=Cu@Nl@+SA zu%vO}-3nHFiX4ZlP6vH%1kOHY3lW85p-ZBH#Oi3mjIlgSU8WBEwkZ}5RBiQ$lMaSMTM(bQvHVz>R!J?7oYTiJE~lMky`^%l@Y?P$?{x& z)*C9g!yhj`%pmJeMAP{FQgm|DaFAK=1CydWY0^bOu$Q?@zq#J0J7XWvTY~q=?zyRC z?Qm7xKGPnW#7b(8wG71@cTcjh8ctCDMVgE-^CBT$Qn2-&C27*WL`NNU1D#R_jE+hq zDVpiLlk#7go7{P($nF|?=zADG8*L6Rxw)uiM--&GhCz0bCa$&_i3eleGe6cCFQ^n~dmk zj$7GR2Go-d)c&#J3F*HbjIuh$Kvvpg;uL-en7@JODvbi?A#xC;cY;`omf2r;u!G|V zE@5Zobx{Y&#Za)RjXd#grsaEU$%9w7$S@gi^424P$oq`}*;xdJuN(@mD#x>rr&rU( zDHE{uYCpTD>OQ@$>4Qyfmzab-tHAN_X|m>u4XBHTqrfvG()E254UVi7D`4NCQdUm_noWak(51CcsZ0F?erj56N`_uygr1q!0Y)j=4+V*`y&@EBldL z6CO?^+XaC%mNOm&3+c#}!?2`D7F~m~>7-p-NTp>WRm(CVR&V4WOELs&qN}LTy=GqH z1_rfWD6(EbX(V=PC;RYYB&-*`KzzjRlE@c|_|ZH98V=aOM5BGYXr3Tmo~DV{^B$5X zNlElxgb@e{JL9dIzwnGdpcxz=QF78BglC^YM#MQluV5INO2;D2odHvNeTiF*4~%?! zm7Z6SNAt!EQW)AmHB349X!R93b;fX<7bE}|MmnR+bp`Yp-$VJ$`C(}mH|}ISpn}Tp zh|um}5|r&gPpWy6brG}Bexxih*2`i%pA=Es%B@7OK@>a3#}az*Ejhk>6l_~|mn=Ve zgU;aQ)a!@Rm^XKnQC7?v)?KTny5(-zRW3@Jl1|gAxO%cIwvc`?PbDSGRhYP#olIzn zGPFjD!{Xb5^k>{`oa}U(H!0UfOq;%Gc&hNf@PCOVDRX4vi^HG27ON@R%-J|?LLl&bfgqs`MirRIXIiNL>s`X zuUBbJm@t%2=J0>(H!{`&u3%qd3L}@FAYTq2V2Z24K(4{iLH)55?zlA->taNp;M5xW zYH@$9>t{DmDeooG*98G5)X)!E<}^#?2b- z5e4$}OR5_z+hc%Df3po@Ar{tWKiY}Wm9=54+_tok{W3}JjZ zE|x=NZf!Evp1Fx`84>`6t6x#}a}Go<-3GTWU8YCc%Zd8@H$-}#9*nMEPw#4Txcv1x zSeX|}{WCPdy;l(n_jrPdq#D>kvRj&@w+qi5E3lf!HXJ-$N&jmC4fS5PFXR1d`VeW%C#)gf=04KOON zXs|^h-mc~0CKE+w(S<$KpLjrf=x#cF3YRl_xSAaBk{}nxZw7Yn5jwnH9^=-ua~f_H zWUH45zIhZ16<(Eo`w#hckU(Gv-}w2^2GrR^s>nUgE;21>S$b1?N45)X+xXEWc<>{ zlGcwpAjjzm?OUx4Iqj)bzjGO#_H7|Ox*(WI+^s-oZBm1<0~Jg%Pl!CscER~#E5T|m zKyzsseXwQ>DZRIWWWA3?6-#SES$B@NzK3PU^3(6m3rWQFX}Dm>Z8Gsg7|f}5CSwCn z(Gt)1L@(+VtsE@_4QoQcQRf811WbTaD_^o_$yUZMxtgp>_9J62g%HO~R}LHTlhpBD zp?QV6nA_gLUh?zAbS{6;SBm4^)lMQiD{qprYquDAxJRqU+2M%>L3|O_L4|U)A;3Bi zy=K{hkV_+ZwT*{&hw)>)%XsMcq>P&^H`DHgIw1Ru<3^y5XkU>V1T`9g>0=*I7rRLe z9WN7I@#W;io1B`3_3PQ{d%-xzHkNpPo`(t5YM}6?nY@+QL=Ato)34B0TbJz2npbM# z)RQfgm!yJs3_1v_6$oQP=0i$-G>tAEj-7E9?AzDlaQoH`rvzQ`9O@kf-P=7Ki8yl@mTS?`WEhGMvyPn6Mk>Vuse7xS@Y zH|WQ_RK`g)io7h~@-!^CICzFRso$N$1Z9q-=`pkLCiO=CgjhVk6dLirm(#8mI+M@)`5%cNd?Fx9P>;O$(&E@kf$)-#|I`wv%0U{4} zlB;fBI5SzC#wsoW`O%Sd^X_8$B}E*qx%j>>-WOCyzovNc9qZp@fk#F>rRPq5AQELm zP`64A)~!BAt7J3TwGOVB^jH^$t}Ug*3Pi~xDLHENu#T5zIURii#*-4EQ8?TGHDkUz z5K8=~V#V|A?9`bCILjxk#+lPh9m>rK70fX@JH`<7W!lO758=EqY&1=M<%15l%jwH| z${;?(8@cG84nJB>$G+o(ibV|5Ia>g7r*Rz0+fI-NcRca&NFQiqY-r7qFi5y@gnUer zgru_Juw~K{x^TEO44>CRxg>Z<%9F9f(w|@d`urF|E>adN%_p9A!^urMg!h`I6x1)w`4Z?Ibf!QBfML8 zmMy(fNIUa}LY?boD(==n3bymXnG*?g@jZ@jDSiVvdDfncLYqBOJf z3NOp4oo*TCNrIPq;g61RWM3K65czLp&P4(%;;%Bnh2LoO#-l`9h<;qdAnyf;a59P$i5@QHDNfOoA{NPbV?c~|4_vZqHoBg z2#yO_Lxe1^^@EG!y>NkY9+_~{nkH>1V>aUlVgZ+k#jVkBB3cn2a+nU4vmtQpemL7( zc!lOC*`u1p4H_ArK`tMRMzOhBq+x~>3VpDLaz$U_)GyEKn?%6(bEYW2Wd`>5uY-@A zhMGgiT`q^mnvCg`Mu_nT$I4z3pfm+cXKkR_rpc_5%5qq?W*S&zcrl44*GQD*E^<$N z2DNHcg*Y;ro^n3E5U?p?=q6C}~9S$Q-`-9t|myGyk zAy~e-njAX*n%+^*C1rjenBt>hC|Ru!Nv9R@P*)Rqpy*PwL-!^bVpBrZBMy=syGG(3 zhbBhtn-7@Wx<^%S^-;dK#V~C8L2}o=fO;4=vz~mZ1R~XG{sJ#5XCDKn6NBN~L2u|D zErOA@68QF3*yr1u~B(h8e{?8eqycHSx(I3_y*UC%uv!(-Mn zzRim`JwP=YwsI1E=r)wK7`KnPYF5p3XmR?_!neqb`lC#FpFIlSFXOO(YFM1#N#0bA z#>CHWSX)VsAMWv8I@YI;h%S6dmmcCcP#s3W?(Mehy0?;aDVKM;J=h;7M_u6b2YP9& z4$!G}>h!sDBrZu)tt~tHf_SVyMKpIUC8H+KrX%fKp!JLkcz-a&`J4|7Z#zr&DreKL zQJYBb;y{x7b__Op?I6XMLI61ohn0OZv#{14hRssMgq6J@Nn zDI=*Z)7WDs8u($A2c#7#5Z7`e>^gd!&bw)a8)zsydg9yKR+Dk`#giiT(kf}Zpf(O} zgBsqA-vDNluGniRC}Um}fx`M;;`}CwybP`&Q%)Ho6pNuV|9u8UX3)1&H}N`t$dU1! z&g0(6M`-^@L*jlV49Cpj@JpGpsP|?LWWLqHu^gVCKRgs;&Q{lsjL5**om1e3L^Ate z*M2(ulNTuRy{>5}cLU!oCG_#uZtA|}HIZ&ca{0}0=vre%(m1_f(||0}?Z2Ct#<28^ zJ0C9n8VwV)1VMk{a45~Ogx4$V;FaGw8q#8b6WjxEe9AI z>AKtFz-Fj1L=|##FNYb53iCzvWsx*gB@zQ)PJ|Ibv%u`T6JFqWD=u1jL*3F)EOa_d zXLu*Unrr%WV&F&O@!6Zsdn1LTt>x+QLNAE$=lD~H-J=~mTPWc8QFu4AV5-nk922B~ zXSXEa2Z7yms*@!|+~fFsF5hSDJa&+5e?z!3bUpht?>P0gSO>?VW5DfV2Hi5=6<04g zPqS6aYR}CvCQ);nh}olj=2Hi!b1)~H7ETJrHx+N#m~J)Nwzrcw>K9En{GU9>>LVUmeGG55?H&9h^2S%P1UMNc+0SV09ZOG3~Jt z*7$6pw;O7i&9Mha>l+;^+>lJn6jIrSR11n=v80t?h(rOq@c@Uv?-9dP zOF70Q#1>m^>*m$rZ9eI z)yO#!N|(lRoFcv9wN+*2^i|InYJ2rNO>#XowLuhbUUEa>T~lE0t>w6QYcNiHwVtVtTt(7&Nt91HlZ1C}gl8Pi2%5Udd>eUa9z6wzuTg@PjZz%fy&pU)2YRn>E^TpI0Ef?Aq;vahYcCz01>5r& zn0_#YDt3)0?i!nXgRC(`4I2z(_t7|e2}&%2*UmeuV`Mm z70zfMiMm?f=<~x9@WV0{;1ATn$!{l-vP5n8=4hn$>$c_z<*|e-{HPMPJS(q=07~n`7Qmc8Ud$;l&Gvpv_o-MuEnoO}v4v%Vu zuuez#@U+GZjP+H=8TvNh(33|3r)*;+tHbez?JzDbpT))d6UgQz5pcIk2;3M3-0OJQ z&+iRBwj39-fhYU*i4cydI6_C9>L;o&1i#~B-FHqvjub9IsT%1#9dGtq*mn66z0=3FJ1^44tD;~ltx29t<@o+DT%;9g*K3{Qr^AksbEwrQb3Ch}1ebnn zBq=f}j7q&I^rkt$*jsX-G2(Eo^Rzo8gX8Jy{Ql*%-wA8%;8tZ*XIqj~w>~01#};0u zRL}-J8I;?3nU3#taCG7%#%%U}=2DG4FP1R( zUQB04|B#|FeOnot)4?cRG}4J*mGP#-UjBlE?f_WO;|-bwOz5xV=leg zlS3@GIlUq^ykZlIR-66N?RFv@`?3XI7w@Ok#1e`>S%J638gk3i z8C*&0F`7J!x8)B_W9$p9JEkrgh|*=0jR4A%x4%MnQg01e|s^ zpcQqO*mVU)uwvR6l;xh^>TO!!ttkPUTeazOtI42n$sBZI#pt<>XGs0I&BSn~8B;YX z0Bh@WiN;6?=-Tjx>^UO?g4Sj{#wSUjt&+u=e0g8snUS)Y&AKv&kExetYF=6Q#2P40g+E@$q!Kj zwEkg+b8p;buC#JkjUQ8?t;P+kKNx~oXb5WOS;P6y$4Nu%dt!$sIEP;ny_!9s$c)o7 zikSwcLj|$0(GGNW4Z-90yCBKo%&Mu((@Rlgcf=is<&zv>%AOgx z{X`gSdNPAvoU6<}I4gilw~HaAz2w%;R8suDlPT(Ot>v5fuD1Omrzs#A4V{}zVE%JW zY%G!mXtX5L6bqSiH-o7R;rKJR2ayR+jo{m>ep2<}12OBEiu}ghUi`BNI_pU-iJy6x zEZlRDOdP@CZn;>}$YV7%w0TD#DG!0nuUs7W?HG-oS4cj7E~8_sL$EWZ)j>i1HS<*d z1JiXt3!ckfqWL!UY^Go`rTQm{&d_3-+&dQPaXCtFK1l;OUrIE$fUwi!v2}4aZP>E_ zLM~5Z1dfZrgXkfU{ZkoSDmH`s_U~lat76)>OA|FXe#^IR*NFGx&qU476nZ%g)1yJ6 z6S8{%}JknFwB<%SK> z1Kz%ebgS?WX3=5++Qw;Gr)ZdM~w`c!N$Q{d$flczg^w!pHZ zoR*PO5gV7X!tR9Cda|?7m6yx4UGnZCJv>JnFIK*#7RO%`Eyh@!xs(U< zyiD2PoYDAo<1W&0=O_K_caq-!u?)<*Z8=>Q8^}FW&iL8%knc+8sPcIuXgD2Dog88z zJXR9=6lc+;7lL7IsWdDT$R=91d?5TvGP&X!OZGTh;9Z0HQ0cq^bYyh#>wP0gF|;FD z0z)Aq*@Nme)RO6*2E^ak1j^2)kOjAnIy^I(2zy)2anj=lWJ;Sf)L5#66qi@_*)5G4 zhwP!fY${HBR7So$lSf;l7j(6*0^N%z*@v+y#No^kMp;Ep3;7;cw*y18aSTAn{MU7 z^Fr>NX0tq-=dKCPo25`Z-V_~=*ulI*F6{d+N>q|>1&uKBM%f#7U>od$-`}aAT&Fj# znO)6pstka0TwFeXax=YZ9!7U_dW1t3dO<_navXV*8?Sb4rq{FWa71iBNxLr(Pl8S0 z=E`0oXz`FWe)^EnU>ES#y%_;EuZ>`nNm=dt)#LH3%Ss4du$9PODB}37xp;c(3r1l} zFf{9(pw%k^p^PttMtF4JO#$D$)0T(#J&{^d)dDd{K zKcxb*mA_N*-F^^cKLTEiQ$~S!Z)mwa5xaTvuxk^?kt40ZaX3!IhdvTy=W`Y4IW!8N z4&}Jd)oUGAt~2EFq1-@Xk1lR85W@Z!y1@777!`kE11aO~GR@96iMRn5b9|eDv)_uM z;Md1=(t*9SuW&ZBwQ1le@3VB%jwCioub0S7Zsl|)cQN}7R>8e)O{(p`nPS{y_R*Xm zvM-)vHgz(EdAh9qVLv5U|7GQc!{M>z`UAE-W;>VyA2!Z^7}Qc<5pi}PWjRs za#rweZa#B7-k#j_p2PNYYege*SrD!Age3;=n4xzMI8-fr#u$aDfv8*(EAOn08I=-L z`-23&KJ1BAabxg)q#5P~=)eq>>*Pa%GE8drg~`L~3ENOiM)wQ{0gh{j&v`r1Sx;cH zmIiyKOdb{|hM@4!=hTcNGC$bi3|-?iP{+4{(`aE}J3psAEdGex8C^^sTvDZLHAG<1 zItFrIyRk0aADO%wGa54Y6ZJQ*qqiZ3c>L4`jXOLDKDvrD?KOuZX?(aca~1rwc*NvS z8-me?HUFqY9=kr;RCpKZ@3zI>5Tw zghFJc8)TlL^y*B0yg7;E!5R~cA~qj5ee$17=h7jdC%udv{a_lF#FmmsnI>9MVgl9T zx9F<{u5d^(04jVqP4nRbxLW57iCtVlrfGbn);GLpP{mnNHCF&e7#${sB7s~EGy{*^ zr(k-YCOHvrg2(oLVq`AfWUu`!q~+5NGnN9KH2m#YIMn`>PP;G)HpT9sv+k@TX8p!! zre#gClV$>p9}clqXUJUZ)i|l{8eQq#LN0#EA`lY8@+S519-GR6GSo3uFJ!1vt2~yx zMcSTZhzVbN*}j)y@Lp{g@_{g@c|5LFJ39-ma=GB0Gfp!zGEOiSLR^gV>@{nyIgiPi zx|_NMy(4zE9G7sb8B7haBTHjUDYMuK7pJtauM@`uv(ONVwR(t(v@phjF7ETb&8q$3 zjrsML7@JvMXwWT-=?al}`$rKwtSo?Zs#LS5&bY&!J%*Spst#eYlE^H+L|QL@ppN54 zQO76C*>Y9Rj{8kuE;|Wws=V-1sxU(|qbN91T5xkBj&B!+43;0ZcW|5^OFL<4?O1Zp zPKfS~c}i*ANBYwc;PCycIYMJg=62`BNue^VffHfJl|4JP$)f4C38J+>V@NU%PNkKzFgT-x=SDuhplHQe6nn#dVs&4$Ss z)Z|5kYBXWnx+841zzA$pGeW7C+2m)49%^+J(Swt-$(*;wpfEQA{MXLM(Y!V)ZB@p8 zIwpkrI~T&fiJDkvT2DHkOo6r1t~mY9K6aGOVVXzwF`@G#sQgcB3@hdMqW1=Hdx4YC zgIh~456C6_Cj>w(WGr)Zo*})v?;yF?nNFX$SwUa?8D=l1FI%9d2>W}wnT6|%s4tiQ z`&nZLx%rAvx#yB7DPa#6?MH&&6l1KtYKFO+WUwoXG9L5`F&X)a9w0SrOe<$Ivkp?_ zWn*KA02yhW_Z;OxQ6xuRsZrib4O-5*~y#3mdm?TKR%R_P`RdYNZ=;4vZwrRB4KA-SyZK$c{w2yT(jOeT6Hrkt0 zNhgX)k&-31{t9p1wP_Gh^nV7T4C3A#FaF2v{?DKOfA`(L#uW`9!v^uzgLtCB@^8lx zO}sQ<`QqPFysj zJ|)xHGsCS|<7412 z{~7Go-wV&&^6S2zul@h?U(W{v?FRcj*x!Ga|2r)3yZ;X2nU#KxYlBuW`}N|#3(tJ? zm){O}BOl-IemvNZf0lo?z+cB50};j`o_R3dko)zq-|K&S9MW)e;8`UM{d150v3TZ1 z`lWE`NEzAj?gsTLzCtaukANDdagbd6fCN}-vQy+#FfeljsgyP#VZv2(gO)MM#7)C( zBX@HgggIopODsO;^7k!r6Hq(-4{EZi7&2!SQqMz&NRROdFy*wPN5pGk2(Oy4lS$@s zkcVPr(R|e2w+`E~HC#48 zvZ4sPrM#)sN@bj(;Xu>odr>>{2$bhA2_<^vwNhMeUDlOXbY{^d`Z#+Ehm~3Y0*fVp z|M(25XRQoJwj}VLJY0r%$sQQxwgXDaXW$6qY38$G#LsuGs>$5{0PBNJ80&ER3BNh|-aX5Ly9-7Ui$F4DZ{>74dp3e&_-ndg zZw&17e#%J8YT@LHZMaw@6x$y)QAgeSTE|`c$d;#$sKfcm)kB_WbVC)M4xNd4YcoM? z$YOkbUX%$^T!iTlyz%Cc4A_(2M2<}!PW&W1P(Xb9bO zaU81Va5)lH*3erP4lxx-YDpvu@IauI^ajcLUcb= zMyEzvfM4_u3|8F&c|oFRvSb^MkjlgFJu4tc@G|NDl1_H4c*A7GE8_h;f5PXvtER2H zkYUnH!A!1&WKGDztf?7zA(5psdW*5pJZTt|nzD1wR<1_IuM!Hcww%>1W$#L{3ndZmA)JF6YRCa!=8JaWZ~JPnX@ zIz<<0Cg8rlFxv7V9UtT;A-hl%7tEgonq{#_)wOA8Ng!w@NkN3WIn>nnk(+a-)26L_ zXtp5%?!FCxA`v@yvG_4en0201>Xe(_E0{1=fkn<6q(&t*Dk>18mdo~N(mRg|CjI*RtR{|^V?!kZ*8_J5y zV6_?_*?zHym6^E+Q@qBb|1^G1CoCS6!Ub^hi$o}OkH^nfBuVw>ec&9ni8iYH&}qYX z;Fhx;vis#R%fSq8jFgAyif?qy1Q#%y%`#P`B9L#A$vAF3!EPA350b8jLf6};WOmgI z3>eo$-kmNZGlV&xzcmJj_zGjfjX!GV-?&4ccyB;{p(5<_-%6HF$>x5ql`!Q~AiAf^ zVSR=Ly3H`dY}gCJ=Uj++ls)c!9?$T}Uf`+ROoNISTn?RjK1S$eVZEvz%=C7`y|=TN zQ>8wr955a?-h4qN*4x3>QJe5<_eyjTm;>4I+NAycbX4<_C%mT|FMw`79mC{fX=4p} zWwrpCD)!PSkD(Bey9meCEJ2H{uh@IO%P^Dl(JDD^AG?JFXpG?{yuBC3FFv4 zgCty?_=MzU&V)I-F_0m!neeIKA-A_={2$Qvoh?+No&iS%0Z3i0 z&ulEsgqQD&@LpF4r0W+^5oI;FXfq#{Um>_KKNUQ$h~t_GBkSZ3)4aE!IRyD-Wydmy#Qisq_Mw4mOi7k+d99HY_e0)2{k}wN^g4 z>ZwUe#u{MF+GBKAy$2+F#?!kexv{V16)m1G2?5Je;K$()tKoQBE7`qdC-hto#m`HCj4R%Z9bcwFx_2swl&pkBwQ0Cr z-3cUGTv0|n4cHy~SOv3Ccq99S_5b#o*gskeUt;z^psOB8oG&JVLlU55=Tmb3MJWU{ z6WqGpAEY{S@PNuTyr#1Or#g(o7fa2+Qc4ija2g!dNGGRygo#rRhjp5_4Z8NMrY|^* zvw#0OS~Q`Qx;%~f&TZHgM*JilmxCc`kVj=Vdk~NQIFw|@~E9vA7 zTD?2L>bn7M4N0VL-2`Bq=LB;7ng}uJ-wNJ!U&$6y#C-GT@r2M0T;6tP)r;W@Khx<~D#6ku~m(8Uj%f`b!i<#*9*#@OX z&W4>Tn_<}g97sx-N*BKOVg=t6Lfy1h8b9+qOD39wwqZVARbD{dIKJFA@AWXN(HnK| zX+olcE&3T`lSd~En1l!yn){)WUau{MqK6VtS*!|&-mYVIyJn)d!%{5yS^(!`f+19B zE(vXtCZo+J!#Bfp6iCaZ9oZ*H5Ltp}W(5Yo?wTOaY`yDt(b*=mdBrze2brGxNks2?)-6tF{c4qN7F zisOS;Vi0^MZU?n-mc0YSyt1P2&BL)uT!=m@QKwG&;qWRY8)R0{uI=)cgBRXm+51V3+(#nZRC51C=Oj!N{waJsefxQ zl%Gn$S`mGWE=_`wvNIvXeJ7c?xw2MzOB=na6oA8uLeTg}G@jJtaKGO*KvkMxnB7pw z5{V+$jkn^;MW)!*HrCofB{X-+flj_pv7h{-ueED8hJOtWk_Ja+{g z@3Kb@a}I_zTd~+lj5&LBJzjgZ4ac5H#d?`sda-XiZpd^&jg&%gnYDw$*Hq-0tpg8x zKD?j1k=-%m6Rj&wBm17LhOV{GNYts-C|VhW{ZiXuW%f)o+tx#S9~QH9=M!-}pBkq1 zTw=?tl0eRV7wIft1|qvMG2+4m&?_@Qsp&PeLNl0|x@-ytMr=Zpk;yoo<7k;&w}bY+ zI7=V4>0s!V8k%=HpJw}J)0@hL>^p66N!2}c6)cmC4q8-pv_Kd+Jo zYlHhPIS>Eic7yHzx0HXquKn|V`rvwYu>9NCvBi%DEI;u#)29Dc|HoEGD9<3qS%-L^ zPZ%-BqF-_Q=E6ipUYpZF-^Yk1RoDxrC)EC>hbJ#hsl9O9oeld^P#d)4JS%O)kRPtb zAbrTxG1jRp?h z;J>IGm={F;l~?fH%7F_H{CYTE-ME3e-RgmIaKH8FFJ8jIb}hf^pM?hAvHR6OjbA*x zgYACj<#qhk?%l7`!@+jHpLcl5iC;bXz5chyfdyRyPe?=X&tG=MpR0f8TIBQfSeRf0 z@g?Cf?!$XhAJ~bOKgPoqxlp{Tl8Or| zNvuZLc^^-vNr1-PCKBs)0zUM#LHv7nE;tCgJ!>(|!wya?4uFmh z3y?Ing3#i9aPxLLp3FAJH$@%buV06WFK0A4s21oO+ zlp|t=)8@(OX8YsZjQn!BkL zcIzF0aSzL2Zt6B{!fC?WG@kR05-8)>z!2FXP+TwpehQ~k-=Nys zu2q_NzvC2O?>pL+d5+Foev2NRB#WWJ-nt90 zVsbmaYZ(D&XWNlhlbdLxri>0F_t4{O5te%0g+n(qX!*9aKo6?m`Xe6nv(Fkh7{u*i zb|ivE#wgIA>j3u`B;(4~F!U_hjmg)7vCbL z)%7qhc?q^Ye~pK}U4%>*I}ltt9E}B+!N#mI^pmy6&DUSRwR`hmxNjrQj%dK#jEglb zr)*)!zC$oizn0^SO9F@USjkjV;|?CtehjgpE9qB>4iH_K0ZaA$Fm_ovo>;vdtsFhUG=4N*s@@1Gr!+9aT$$E= z-H7|N$}#;yBDe|Z(`?If^xIqj3!C;sSjidK@%BD!(C2|_NC6}jZ>7`3g3*)O;E>?h zzglmnzxeYw|NGDNU*m$F|G3@npZkBk{@3H~z|1+Azcx7D4wirWI4kulLL3;^|IM!H z|Mv2Kz^gjRVZ5F_o7r(jI^=4}>Dr@b>uXn^Ph@v)v*xu24XL$DDx@dHQ^%L0A{PI8ZU#Y$U{~hf2-`|4& zyyHL80>At3;CjmLm;Vg*?Z10H)%eSA2WRcy{dlk+|1AG(fxn*D|Gb_WoX-dC`g{Fv zpXa+i4qWs1dHx@}o?88F_?en8H*9r^fCafdC?8>SMm+K>p1v-2=DqZW)6cII@;seI z#{7Pc)AC`^LVvdJU~O=G4E*#Tw;OE#zoqw)-~PHi-|v3>-_?)*+pqiAbNj$dG-yY`|Bt%&4vXU18ia8`l7QqS zNrL3eOm|f^2ndK`KvYCT1;hjfR8&+%7;=;#U;so#5G0AfOm`262$(Q{NKixs3@9pM zPWb8g^S*oUd-r{xz0bG1cl(d2uIkejPMuVBPEY+jBlOq3^v~koPwe?a{-2*E>-3jI z_(zRaz<=-G{U`S?&%tl{68hU&eKtS-VC0{V;E&usH0du!_~&2(UVoMQD*xATzJI}u z>HXJm|C46^ZHoVU`ubPTEG}gH#>_w3iiiJg#{SPbvQ;(;{%4#R@In9h$0YxH@y|N$ zAM^jZea#j8jWf}IAga)R*46)GW%D{V@!q#Lp>fl7yzpmL$k*ZoUeK6AC&waQ;)OfB zfvYk|2goA9SM5ZllqE6MB94$=uSK1dI?s!|8BRPp8cj<++fOvTw5R)|_Yp>e8+a#M zQ+dfY571yl9v!SC#JeqifY_m+!FzajIj?Y7gC{8*goN@;(YC`}x@mbT{eF8j^^$Rt z_6s=ykQ z%k(C;n;R4IDNlLi&)CVZC7L|#TN!Y5yGOXylj&;BGDq4yq4qv3l&$@j&82c63`{| zh6U)OZEJ|FNzy#m$U1Z*LV)092JsG!JV9wfl62Bhe_mSiMes!hBeZs%CxSj4p;@Dz zL|^J$LQH!#Z*l~iwwj+spWNk!y85zUbMIH=LYBkT2n~NMBlNr*mP%+*#0AQVvd^2!*PZjYz8N z6jY3&&|sf7@@Zou#tb{y^5qc>xM>d`8eao(n4vQcq9wy3Ma#9zANC5+s9CH>=j_+YXvj& z_QDT>8DMw(DrmJS7`3L-kgz)e%|wntRo|=7$Vv&G41NI*89JhcD+j@Fq#G>RcN-?e zi{eh!3c$6X7w>zCz@TLi{z5Yn&f0$vnYz5hM|EWJ&n@++;6fDiD2PL|-Sp6#<8dgN zX9%s-CZiYEgW&?pAE5m0Nx1r=J?vOj3Es{$L1AkY;d%8sxH3H!=B#=FbNU~Gy}f7g z^=>CXjz}bONJmhpWgR-_JR6mD=_h(9=v@#6)sGvgZn)mgUQc7 z!O>4za47mNjFFoMx>h*CyF*8Sgxo{?<;XGcpZP-hx4xM4+a~#=C;p`Wx_)>j_L~oW z>!bfr0P+8E`)_bpalMhal{keM?z>A5zCTWknNQ=Tp1O}HZ$sK#z?B!#lgxozPW{}Y znfyBz@GsMC(qAXv|Nrj~)td7E0^V#YZllW5v+x?X3ysO>BOO*6vNCdoF^gYACvQhM z8r%cUkH-AB_Q@YQ`^UJQKly*1{=6i9BNSxdvAfz#h(|DpbD93AeRC^SIqeW7LT3#mFPD&AWajxhL?=#(ZAP5G$J4;`wR7XWASy=Q5 zVZuaS1ck+RX}^-)XqBy=5!p&P-o={3vQlr39@F(cq8j1`kb zD&M8y$ooCeQs)|NH7S@XZSO>Z7Vk*WiA9+o7`w zO{*j{OH`O=R#O9F@`H)M5a)V#0@pv+vKM7h`P;sbA4a0_gyN0p!oXW%O2;Wl(L*b^r*?=Ti^Mt9cd5cz=S|Ot&ndoZzRoFm12L_^R z;LC1raBQ+HzN04%98{0^nI7ZQyPjq-{&MFlpc^lVzxxymE%SLGK+Y8Q&s6{i97y2L zt3qRgG05-PQtTIELGwdCfE}{!1WX1q{^*P|@vj8+yuAG->q*oexKe*Rrgpvvd^D1P23g(6U0lPoi){qZgGEs4{%jD$ zS&0j33BXy-O3}&C!wnRSuc9-g4u~s_BQmPNLZma@PGGBn*x(Ilw_Y=OPT@02qJwwh8*U=i8d${Dz zKv44ofKauSVERB8-U+H%H`U{yc7+@Y9(E`8sis;yYzTsL8~Wkb5dm1}@g29CBL+9N z+oQ{=Hpn-O2}>foVcDst;Lx%gpl6d9`l!lXfr_d$RSd_k~Q z!lG?j1?D|x5>l&B2ia}A@zCvtFw|-*xSQ4rY$k67;x+4#wb@H(+aZ7?gMy(>f(>}Q zpbs{!io(^j^Dvu9j^I(vau6C|#viX&xdlEf+X0l$46=ew4g>nL9;kU#2rQOW;E~e4 zK=Y#@(J>T*#w`j^nO!SXOWlsEma6|;?-t^Nl}@aN6k~8?@)|(>Josf_Y>7oBVF31( z>%u4g^Ksn)15`Kg5x3=*gUDI~czT~Ce8{OnH`nii%1?qoxTHDoG8RX0a10+&eg>_J zit+sPYhXaB6>vJX5Ql$sn^#_Zz^aiQg)Lp{f$8xfEK7eatW++A0Z&)KtY(>iVqg5d zJ^ROw_>=zY_5@e{w|w|V@4&y8J*#+AzuxNV1ESvd7*F~BC>?q@6{tZm@ z|D`Vc*=zmu*ISKp|Bdh9FMHm7`hN{4`WM`Q*?$f9$JZ2Z`Cr5RFAeJd0`Pywj;)s()`ptbNQwcRn}3Kq?8QFT4WpCsB|zKMxm1Sph{qSD1S&5(c0DNc4=A zTCPhf2G+JePyUQ50Y{xe;df>_ERj}4df+20zPjR{$gRJ(bNEU-wSw~7CqoeH;C7pYpOHmot;2S7Cj`M%IA|6wx8hkIShK=OaWfLuoNYj zVMwXnkYkLMw{pF7OnEbkba~xF%8X-O!qu_5BDOtC&+&9FO(GZqj=W1g?@;jDPXrnx zd0%e?L9bCIV%0t;!p=#GE_f?JaI!zrkIsIDq7m=wXdJO?p9N3qaU#)Xb%AK6 z!g=kArzn@vUi#)8c^=m>gtyB`l`+MADwHju|srhvZQ5^CSs^R$ge6;*QiIqtkb zkzsu4DOcg)1brr|nik)r!sQNzR=Zd2CyskX@$NW&Mor(&(`UoAkQZki;i~P(+fmoa zU3X0u=48A_{`Y8#cP9B(2WrmTT^_e7E5qWkoql`zr&ESEkPG>6#tT83y@Ak1q| zeGCIj0QB3K2^iKDq>iK}WB9orsW6>Eg}=DLc}bom$Mn)Ughef@>T3shlDWv{-aAbO z<=g|-_FTdHg->&aGrDaIPZgZ|v5HHT)nZh{HGenMi2Vd9bkv%B^i`TNAZ*A) z*;wxE6K?S5AtFFzt0Lp;*&xznPBN9yB0&C94^Lel0qIkk!2Fy&_;zTPf{EQU#*xLV zEZT!s!n#zP1Ux0iD!(U{y9Fz$We<~Z&z;&-dedDXC_h2E%9fFCYIESPdY&tekUL8k zP|NZTke4l|!f?bO9Un)K151Z$e+Z8Qfycs}T`uy_LpOl>hODSWYAQH5a~}|xJdBCU zcfz$rC#Xyhbw)9B2c>S^LRC(j2EtmOaNsUdJ0syWs68G{;imD}ueN+7olth;4`6qF z7%V1~IfN-*^)Y}&TOQj4&x~u3(kAuX?bU@;vS2LLRF*_tIc|lPC5pp06?5r>Pu)N{ zu82~-?@-$#NO&-(3I?9Fg&$Y=QCEz=awiRmQJFv!zM}zUbwZaaH9d~U?u$aF-A-kEo#d1|aOC%790|qnqy@LW5)%kkzG2 z+U4e)yC&a4_q$erjCUE-z3JjWVoeWq_goZRI4OXliybg;ay{jZ&QQ$Kla$%dz3Tx* zfUi540lgngLm3YY;Gx~=z}NCQKFj|V74TM@%3WtkS&0il%xMulr_Y_|W}HXQn=j9} z5N?aKS_6r}$xEoWI%Edb3 zLvxjNfCn*A>&nv#dJh*@O4HjXWRU%eR#d%Bn#Qdj0Z)%Yw0@ZwnsRUoJ?}sydF@pM z?7k;PdpsE+y^hbPg;n*48+}J9>0n{v{uD<-DnOI=zcG&vaC`!8>%`IEbOZgmQJ(S5 zZVw!sFM)2b%39Ep1!;&^7((CEPNy$c4#ENNG-_~p3@jry zz%46P>66WE=v0d|G#R`APqe;9zHNzgXmmOqJKu_@0ZVx~?(w{j@#+lK`$cHi>R2Km za0by%`)G_#p*TvQBQhCGPvdpGi;=SmSv4t_&1=e*IWX_I-^`n3_6;!3~Nk%86zyWn}^ zG5s-l22s#dLYr-zPuMR>BS3`%Z*pQfA0NMHeuHZ9lwWD|nBWxaIc-V5?*Cj0msyDl ztrm%1;+p(zj?9v?Q-+4mO<7QBHRa`XIrc9&rAO&W<8{*P(m5BBq%MR{IbKqdbXZF% z`A;2}n)MT35c`r8MRbybF2yDODmTih6-i;HChZ?G;kVuI5IDtkuSoK`4c7ejGdyM| zhOQ07^&6kkKb~+Xzj+#rkJ0yGSb-AJ{i%^mex!r;E$s)d7Bx_!n^LL!R3-JR-b&6$ zUCH`bu=4F$T5g&wW4E#q}O1w7(v6t-y!QX8t?r@}x?7U1A zWnKlXHy2b_vOfl?)YpdNM$71C}@3l-Rq z6GxS3#V|GnFUc|X%u1xbt}{knM@6_7{Fk``nVtp46Tl`Sht14b<262O0`C^0j?`Z2 z!xJZ3VXOeQaos8V26fZ@*FIRd?^dnlav(U0QKnI&?Rh$+VXY|nkA%%GBSjyf$@#ps)5N= zE6a%bR6Y}4R5^&(nHN$i{thT`eKl?^wFYh8nun$>6r*zvFle(6owRjZKJB&x@qW!6 zdrkxFjEF~3+b&_+L;G?0)jVqU5lA;qzd(J_wE(|hrr!CCPZOo+jFn&c{k=b1iLr^% zk1pvPqsK+<(Cxc&w5G%i*xX)&a+uEa1ofEfax9wbbyEW=_Xt8?|4Xcb{!H%8O}X6e zF$8DN7NhB_+Gy#A9C}uzH*&nc6F1KwuYtO! zZgf7zg1%7U5g-*5;nZn4o?ojw>3>~@9d_QB*ky0Zb5(BS zw(o7FJkr;r=xsC6@LNF?UZxG*yE&+8;~C1oBMJ^lC)1*JdLY9Pqpx{~;)fYEWRjQ+ zq4hYGGs+Spny>i~hYN(LT-5~nO#w-@eLq6mmQLY4dMw9ot#}7H#(PkoOenc>*aq0` zI0PEC;xVa?Xt+wsgFl~5n!6yQ%LbZ7&Z8%}{NDcLuK0$OH$EnhGY6<0n%gL=m5p3w zm2?=WXik?MZ$vkw3em>23hJ<=BW+av5;hLm)3z}~kk=tdX(okJPE0LOX73Fua7VO9 zdK)rRT|v**GN%*z1nWPrLH$_Uy85+gs*E#e39+W$%+}WR4EZFBg`{Kl(X)pZ@_J(o z=}D8<(?W8OOA^8^-ltrp(s@lHhlz3PS-fWpWNq)~ zh})vhue|IlV*hQtz(20P{xScrug3)R{~gz3qGN^N-SGtY$b28XvTvuk{h=&;8kP?S z3{|lG`xj!a50yYjTrTdkfrCq!dSP!AbS?JfDPt8z&7h?z0=Jx1YL=oGX=$ub1p7Zo z!|zv5g7RS@*kvvYYw~ZxqXzkK#P~agM_PbYDGD&wB?q=#j0Vm<#dshr!2Pr;aZmdg z;M3<1K5lde$#1s9xxJ&nxzq_(rg`Ao%w!?wxiIp*BY`R}iko$8)dm_H3{g+p6HIk` zB(7Cn1@0*VaOxBQ-`$?ziyJ?h9(4)CLXanvH=hfL=V8p`(J7W&{VY-D^gP&LH4A!N zjD=WwA-oK&(A?oK@YDA*EW^rJAZQ*6rCqinNtgs;tn%@Vx(2{5y%Ucb6NK=vF0{D) z0?57p3{P_Np~0<;WwTA`Vv#ZANKD*!Y9oj5qIn22qR*>3Zih_f2mdkWmyITuLJpzwevA|Ug! zHpqDP1Jq^afR=A>Sf0z7xSz)x-0+PVu#3sZC0&H^ix;9X(VBX!qOu6T_HZ+ z_2+@eb$9UeVq0+Cbq}`To-*kC!GMcC6@%RO4wj?6x3HUs)S!00G4}PbBx}wiXZ+cg z32boLPP}Z%VjJB-JxkfyQ(2#1ngKm+RlG1;fO*r|$f|r)3P3k+%v2muZfrh z+v_dCOTrWu&ER6N!VHVK6^R#SisSQRT`fQ7d$G9kKYbXFFqYzSCydUXWpm+59xM8m zC-yY&p~>3CYQ|R+%`uf_k<5zfk2b~kV=eE@FtjjRcm=Dj+={n$M_|eu({c5j9k>ob zfa-@Vw2|+xsx3nX9dT>CP1|6j=q`X3W#c z6--O)lX=4P42zn5Uo7<&>9F)zPD~w_F!Nw-J=44W4D5<8j@{oW#OmGL$uh6vvbsOs zVVP&e@a^S_^+~MfWzSizM%JvI5iD%R+#=RuGm?3c6~PJ*t6=^Z(r2QZxy+#n21dKq zvTkl^!oHjO+YC0(#!Yi#z`OoDut_1rN@Hdyw(gu1G?wPEp0%f7X(H9kkhmC3-E}(d zY#hq`)#rE_IpB%6uuQM-W2Hpjvv!?tWl5gV1oy=e(5Vl>w;M)-Zwte~`o)%TWl9TJ zkSqW$eEW`HOWg;);sW^5n~`9qUL3wDxD1=D_#WR@GKQHuS7SM$pIHYo6G4aEMtpg4 z570Ku#)_0bu=W?)0AQC7{MzSOZ#lLQGoM)mR^GP7JZ8LRjx3vsO%G1Tmfo6%8}B^G zO0=vnwTo)TFK(TUM^@Ql8$Xw@cIn7ll+2I-?GAFF%_j@L^;H`PpHTyIxAuc5olsye zxs17Q4TbLlwm{4FJLZ!T2$Gc+;-3x`V7W@^xSNS8UUb$Nd+U7+3+t2u7WXnSHAXY= z%ND{WPCdnfMxKL+a0Vzpi<`Y(X^DTxFoiviTd)Z)OWZ8sHs&060lO3Agv(1g;*o`i zOak3>S#e)3V?X*z@E6-^EZAF9Esi`egAS{ofHPJCpk+%sC_i`}++xZ@Wshty9A1vK z7F@;&;l%*)mOw_`Vf@j>McBiKp}0V;F8(eu3s;HK2Oq{tS7E3`Bm&fMr!Z@BRmVjo7<;Z@rp{%d~Ir+a~O z^Jn586l?H0-*ncmviYrQFmQsd4t&g^dkd$Bwa)Z&VBOAdkTu`VdL zE&;}Vt+Uv(Q2~&py2z||9~L17z@EIx__~jK@utV(;B1o=NWtZFHqxC|$M`j7-09N^u1ZZLJ=1s@;3#@`&EZ1^ixU||Ng z7lxVqy8m;nkzpGbO58VGe|iId8@A!$8)HeW`^N594NOFWZ}7{GyNnq-c`Y&!a!WTh z3BrtvPaZQF$D~aE)M1{hG9&JVuF(ex86(*hBF4YU7o^`Z-ffm>G^nM+uj5WbmO($a z#AIOSVWVHq%T`DjZCiGbsrOwPZ0FkI3#Oemzr1iC#+kJkTno)&`Ra*d84)7b=h3&U zS(Y2H@uUL2tccJzu}KZ}XPG8K+=)`Q?LQ)r7d8`bVOmTs#^?`63*Ty>KGmZ~BpMi~+mSN$NnRpT%#In7jiaYLZ z#Z}wV@Ys1Srp6wbK<;%Xb}XO>vzl4YOnGi&uJ=v`-WmT0K9$S_qAog6@6`;LZrBUg zPVs?Fg7#qQzyYu&Ukavvz6^Z81Mo0`gHLc{@M6b6a7LcQ7j)mkhx3B4yfA0DGMWwU zlx%|z=_~NwfCre{R&^j1DGGE}6q_42F2~$s^TD`b5p&_vR7_*xRMz;W64u%{A8bjb z1RsC<&HeE&d0otR%U-aa4PUXEShvNpl_LrE3ANz!zrMq)_eldsQ+3c*Uk)~}dWE-+ z*WmJ1hWK@zBK*R|PF%2mGJffn5BA7+4>oMzjBhqd!)mVlz`hcB%$Tjt;8S1=zM|qX zE-$UVhk7qvJh6~@Dz_sU><5pLbaq^HVHWYFU zUpe~&l@_dgMidslSOG75e3kW;Tw!`DhK-Ng z<*>S6jAC}?b~Y9J+AKEW)gZh72>AM503_Z@0~>T&z_w6-c&e8Ra9LN-J7phkT)hn( z+OGk@!8$y#I{~v<8ID_s_T#eCBC*K&1-QfcNG3gf7>q^B0hiKE;MUY%bFmw<^%8^! z7JGn!TLPAWw|wyOhb(xv%^K5E7RO-TWK34`2<9rd1%D`a34ecD$5dCU2MgP`l~p); z7#9p7t=sl%ng@29z=>~{fU(&veDjYIaBrLgt{LmYZ(W7pe*akvjZFeJxBUUvxgP{2 zU&8|`g|Nvv+W0#=E!aLFUM?S{}p9}Em&%aj;GAZYL<6`Xxt2QFtG!3TN?aP>+O@F|^vhh)vg zTno)`6LSe5B6on<*} zkqoBmW+FR|Fn;1i9e&gN0`OV80fg=>023B>@Jr7#Ev&{JKxkzw%s#OR)GG!uiSk`m zpA!?1uig*HxSa-jc7BE-A`&S5;x%;cbu_ZQ;0FBLl;Dc#g6QOpNVMVg8o2%^j|Lbg zfMPuo^w=(fmp3~>7Y{M`IK&s}s<*#sDM-|Me}U+DfH zuK54q{{Q~1TErpVN6itQg*{P!^O-7RMW-yW^x_j@-6laQ>y8+z){h5;dYx2iR6HD3 z$)UBT$uW|m)QM+u2uhY(^Nw#gM}F4LKi7NwIg$LTf;XIN1dD2S@}7PhKwswnJkz#( zfH&AXh1mQfnP~bfLbM)8<2~5JCf>-#@TBC9qt7MEysshc^ihFtNZ@3C?R~ZTgi~!3 zG0F5U59;IpByQ{P{l$Og=}-Ev&zC*x|AqN7FVcmgYhqDyqBnY~birzIU>X3g8qn2o z3*6i6BG9Mo!50@Dz#Xmv8<+b6mfZ?V%}WY!SJNN};>H8(M@6izZ#ve*02^I;s)iaG zm!Huon8Wx+nwo>H7U?;Nh5l? z{4tqvP!UBKWYj8^ZRFbvtp|(9wvS^_^!Z1sL+o(ni}}&?%+sdm<+~YxxmcCzd!$O6 zZ+`|GUw-BMLgiS~&plE1YHB2Fn7rp+$PF~q;rk@a16;VS{rjoVO({tH^BGjOrkm8A zx}M)gnAbe~)w|b#t8)y@eQ*lhOUQ=Xj$1=W4xpzO z&fwbBr>T@%C!zifWk&ob2Si@!p`V($(s1|?dG^yOJop2b^wQZ$kFJga!{zgkvxYWu zT`oa?fs4V@iVc`sOE)y=+k{()U8Y7N3z$`T^XV-TXXsu1C3ROV`zUMUah9*KD>-kq z09~@NoZMFVMEP_=5W1L9f+ks3kV>mXP+X7%)otuX$IO32PK`T(9$r+TOgqF-^Z^M- zjflfv_-G~{aNn-4fURxP^b!A=l}({Z^yV6M^x$|ta489=^u@$zpBq0QCFH?hE11|B z(`AWIDDSY{RKfufs$IOBx@h@c#D-bSb-XZ>&MA#WseVh5y}Tq>C8Pj!r9_%t6PSrJ z0*#RA1#w(?${NJ{arUPluoU)Px20Fdw8H0NK2+NPo3aAKaC*}&xcyZz*_9hdjU7(_ z%lFGOTCB6+QuZ-v|U8B;F{*g*5b zbJmsxnb6?GWZdr1QmVk=gUxD}T56lX4Ejq~c$vN*k5pAV#M+Q1f$!3POinzCLhn=L}KR*P=b5BE6|8sclkOZIp49XJllA!{4*y|~G)$QwW z)pj|!aHlJ5>Z+&gR21RZ#0=_K*%4r?;|nY2OEa7rWf?cF%COr{|MrzRXv;8aFQ~FZ zP2|~&$EPuNZ;@qGD9W;p@>JRV87k}!Rb{r&MHPndA!T-Llq%z0p*-Wr4K?=q2^sdn z%}VT|Hd)4iw-Wp7xC;AMUjsYT7~S3K>{Ut%Y(UHN%YK#DD=0D;lqQ3BNtW$4uFhWg zQigpjLzC@yNsgTosl>RoN||wfT%MhMK=W_!=#?q4bNv+=X&+SBZZA~WgoQdgwoQ>8 z7$nc8997tUYMSg>p|Wf(zu)0HKG_Ov^Y04md|7F>eUJt_%IfzRjju~HhJvNp-fxxo zVs&hj3gf1xG{2qC+N$hlscH-pIVDEJBRPhWmpc1Hvozb^SDLNHQeg8U6c}u8X+|nf zn(di;3pvYr!=p`KVN`}WDo9Xbe4xuv=S(Ty?PIBQ_PQ*t&@C2_z1;!zQ@>CjavWjV ztt8~xUVuV~Qxt2H7{&5yV-f8($aut-OzoD2K{H2L9d0GGR8JGWp$;*iEJ<1ixuCE9Pe9GXqqM{;U!c|}PegQFq1KBi zqvY>yP)Ws{PdCXIYba~hW%%Z+EB&yt!oq6kI9=*;5KWqF2PO9J1Mk6h+I=_!sRm^7 zX{kynf|kgC2^#ILb4$BtkVkIj(<6<6BJtq@+}o`Iq<~BVT5+un?VrC8in{7U+wF%; z+n8t?@-m~jLxiFgjd^_6gG);yYN(gKuBV&Ghp50o?90w+C4LfajlfK-`7 zu33#?tL=2!^X^yR8lr_R+@Fn6(eTTghq`i(XVb zN}juQL+;>_RY+O684aF9)KUpmEiiuYR$%E z+~Xf`)&?GD_ZdkjtQ^NR3Eo9D_Ze`%k8Z-V0upRmmyJNfjt(C8#NK2;qI zr>If4R|;6BeaNRo4A#MK(F@>11qt~1pd3~H&>Py%kLKe~`w2yja?-$o$E(P+NwaG$ z53c9WgU;QNb6t9iL0je-xI{e?iZ0~Tr5wii>-%J>-JHe!J<#L96IShGP3n-8*k8)1d?;SK;`#BN@hwd*{pI8*T`PWxp`F_=Xf;p*OLjOOKXL9vACyaK4VTw zkYo6H1u>%|O|j$95Xjs&V!4Ck+)2ALIp20p<<2TK;Yv*?vpo-ua3<|u5+s=Jsw7i)F0w!FT0 z3HIuM3cg9Zg_StX2%9ra3?rcyDdD(=uRpxpgX_#iXW=q)wsOX^Dr)Q&O|SbUd%tug z)=6h1;HwX3)>UuXi9ZR{Az${c=0DTzp2jj+?~Wf}#Iu~`nB>s4$=od`+1#zg7)Rnu z5~n$eg9j~3;4-q*am6iTc;}01Zv53G5?^k|byNFEe=9Zs_P8sR`@W8JT}6;L${tmp z&AG%)dWunNmn#Wf(|QS-o+SYP?@i?T1>zvmL6#A=tpw~ga^apaD<+-SPG)YI_K7UF zlc1oV8e{BRA4`1XhE<=LAoonk%sSjXj`Kj+QF#^T61cnOJ!jx~KmL~B;;FWJWLxhU za>|G(XUVR3;Gnn)qps}4Z?b)Gr!f~kJzY68ovSlB3j_v6lSJY)_OYZguIaW9IPW`~ zt2I=@6^x(Y#)W?c83iVM`^CXeh-}yxMXvjNjf-8lQ78J=ov+7ZL(Xxg8ZoJCDL1eo zLj~lHEU5}0;`q--J}hD_IK~5s%m{3#vk_Q!gn)*?NMLfhmLyKN0HgXrd_|=ko^ty& z&Ik`co+jV8w>4G)-TBX)=kG2wrtd;?RX&*s&k_gP;;F2n zvEx7O2T{5vdjC(mc!~1u9g@iQZYB!Pj0N*XGT;hpiaULV3q7?tn!H?m7;Ra)n_TdI zJM1zsfr0`Ge0;p~&ZXS;4gl`k@09b#qvn4CE_Zj(Jr&;GcfT(tex6(GER% zKD@`(CFH~BcA(vH8M^lJC|tV318%C(qi=_LbEgK`K_l%PYOu5d%$vNO7+!e;67Dic z@#nWuc6SsQNsW+*Ia0=p{TY{9;#WqlIeZov)_9;#1?Op3&mj0JM4B)wWD#Z$Jm{(i zy|`1gF;=nv37QBtrdnTmLTY~q)+^`8v-Wb~4cLcrJTqM9 zeS9U9H!7$TuCZr{JgFQ?P^TNssc8byE-pNSwshzgQ$%>?=+aAb3Q?C>4kXST<;yLp zphdJ}RVm`U?xh#)sI#Kly*9q`*KPP^|pKoalmdZp_bMRrr)Ds(daU>ptgCS?sXAT%CLeK zCmo5auF>ci_5d26`$E?(tA@iNw*Vt`7QHcyiE=yEk&QOu;OpsV&dr`Yew$|x_5;5b zPjaZEu&!7+$7-T`CpLE63CJrrL*}-?I*r0PdkIC^bZku)VeCxJcfA9>PfxiFZuWD ziYpYsrAj8lRmW7|YcoAK`Px+eJ7x_PtSiI9AbGr(`Fw8~cw|mzv76|svP;*h^KD0YUpa=_DGhdEl`6Z7t@by&b=*yvJsPa^x4f&B zEaP`Ce*ZS(GK@pTihp~)(^-QZGEJ7BH%^w}r~A{D*=svLew|gz)Y;eHd!HD#jtHB?m4W;aM)3X7jyI|uQvwR5}iCQ?kR#L zm2?3e6*d_-y^r*oQHPqC)hZxjWp{4TU>pHHhdiPLtwHUQb2&r#c||&0*K3XX6zW+`F@{i0BMLm&&_I1k5u()X^iYU% zFITyM1^4dwf_utC{cL~%NE?FG7LmmF2 z#boVXR&2jEUcO_1Wl%E!1w*ajb{8qQTk{^3Y}f{55BCDMBZtV;slg!3GZ(HLI0Bxz zegy2qS$BC@qwd9xgK&;z~%H{usi(_P!tWqoM!HUUgah*Twx*U zXWq=UcR6EF6S@Fo4y2R!Qcr_0p#r9#)l4e?Viegqw!hT%NtE?u(+ErXjx4gp%a+>J zL2$#KPE~4}{F?J&s2@%d%)wq%Tn5ScPw^;=t<+G=S8)C55jchVPF}Sb_!%Fv0;j$F z`1H3U^a!cC;}LH9T!8XP$*kCN#DenZUkazyO@>A$&wzo96}2f~FRT=`=HpvqVhgo4 z@e$Z=Yz{_|2=f(+$bHW`YKGBWOW9oV|Lx8 z1?y{$m=?xw{Gce!cGJbgZsnYR%TZ;>`V^k`TyAx~bD;#wwLOv*RGi5S!{ph?(?ghZ zDs3Dn3Vezn+=)N;B4Xd^4G(nW-oH(+2-l_Uj5*A#G|Ge9&~ksd;?3b+(@6x+>hV!2o4; zV@OXqBlV8S^mhu3)`|rFzqskHiY{Lj__Tb^kSrUsR%8>n58ubn415#Syn0#1wv7sW z-P3$ehTWHUkKeb)k^iyZL$x)T&JXJ}Zk@i=^dKjsyhDH|_#)#*`HZu&jGdJs1_g=f z=>4So06{ruvFt3L|DU&RLB(6gX@}4#I?-wySEDK#MBmMTsnxUSQvzK;Qp6YKRD>e! z;Tse$UIS=&Dlq&%*rW3`b)>(a8YoSljoIn@&>AU8^vb(kb?vh*Q)`4`>ojy#N!zCw z?XzwYnHDR@NXw2uAsSE6;T2Alqq;5%y`F*JaXw5BywB&(;=D$i_hwRN^S;2jn{R?A zafW=pLlm2`m)1dX=Tzy^@4lAeWe4e3W1G;KZwJAw9fM@wQ%L6pSs;b{>3sgJQIDhd zlpdwL#O0`&%<#HI=5qf2^H6~iN4EC?<+t!8I<+Di(R~r1p&$eZ_(9X7>kr~b1_0W> za{*XX5{?$RT!ATs9eg@fnf~0a2(#=2sD|aS)P)1ZFf!d19m^NJ7J(Bn4D>=@2|0W%r#g2uld3WD7*+BP z7U+ag6Dy}s-|m_-f1VyoEB1y^@mFS>7Wil48Pkuk0!!YJ_d2K3RZFH&r>(M;x5{1w zzQU#G@um^nT(l3Wg*#JI56z{kd5g&i`vml%gF!E7*$bOzO@il>1o-&#mGY;Y&k4fk z?|XX?qQI$F9-kxvW9&h4e=omT?#MiG>ogcr$t zqd`kP$Q6CHHI^IVIG>tzeGj_BnTr$@YRFv+4M2A7HgltgL-^C5-)?J*ondX(VN&Y5 zw!+6b*R-Rkq{V>u zZb}24Xt#h{?)LM<;h!;JqE8OftCxwx)_uFtSNaH=CM!z!?&<^fF2{^K0`!sN)pJQ(B(n2Q`Q+cFX}d5-=wh?($m#%P}dzSDaxUh`^qbtuJOnc z78wiT)*8K_wzSnFRr8x@?ViZdjs?lx*zL!iH&#$S)%(6ZhsFAI+e1@-xUS z+cltW?Gfm&cZS|4wgZmLZ$$2Gt>~Vn3$1v7pr*W_FauM2blX>oy4krI#s^+teS2}6 z=5~Id$J@0yjMpsM`p6xoz1CjpOCL>pX)L3P?evvfK5SZy8ls{L@b(^#MFn zenShuI9T(wGX#XeCs4vDFY86KF@mD&vma5uijNYrI(<~3%qE1$Z=d9X~=5MStWbKej4|d5}?!VMZH&07K@!4m%lxzzrU3HjF zra6e~OYm(G+n2&LH$#$o9gY_o7hkzSDVnN-Xo;^*#HPL zYoM;`b#r%C4A`Tggt`h|f%l^wNMWHAGTL7NOX^S4>x>pbo^vsn^WKRz^KORw2z?Z? zB7rhISV$UoOHd{MA9HUWPgNH^jGKojGApwtTz5L>?7h#qNE)a#hzgZNq^MLXNs^gJ znNmoGP#H7bd#)yBXp%@mX(pOesTA*h?(==0Ki=Qx^Zxn!y!VfL@7ZVV;jFWUz1LoA z?Erl#+TsMI-#110+*wPgulK!v$-_{jbd*7#^OF(^^blpYT!n^nNytygZd^=Dc?-c`C$SjyfwL&olV(ul+e`TCJcc zF^#Ib^@^VHqn0)C+ecXFw48bwoj~unol6_PDx}AaL@_z<6~y>HEVQKq9}opE-(wgX#5a*5}Z*sr#vz^*PimgJyc+wYTKZ&Gy1YlWYYV^HO!6X0DeH^oL6T)UCC$Kr%o{@LVB6S~JgpkMky+Dhk^ zpiJXm{p;`0$TtJ(!mtHJya&Itc{ium2$nRhp`P;@tOx1ZsNqQ~^}wnh-juw-W1M_V z@y^|(M)oBN`QsH-=UoGOXWDha#H6V_wdI~@X?HxIlvu!@@MZDAcU>vTLofL$$5qLO zZzs|B3#w9w@jcv>Q@df5zioZtF*Eo&qL&}fd<@2OC-V!VCHXVXYfCW?>haeL@7De1 z^Z4kky3~~=mi5o)_}5OAY-2W-zd+hgch`QKwF}fmIHQ`v1T?iwCnDloEPv6~aKZ14 z6Hp4I^0OuF`6e^*S(uLzApr5UHh_%QHX2sKV8*Pm3~SL0$P znzu`AfoOU>zue8KzWDuK6tJNhF(%FnetxYNuVu&Xx|7J_6Ot79Q~5-ARR;}Zi}@Ou zs74&MD5^7cP!!a?QxjOM2oj9MzY*8DvS|d6=cfwx%N;=_39|)mlf(HBOUvu^UVp67 zn*OE!PRuYe)KYNOfV(`e!2@i~J1 zFH8B1)6c1bcTQrM6vOG`|o3BJA{_~Y}6g_GA#m0vFW zTZh^c1XV#aFY-<;Z(!~>L1U>S6%is}J-fpe#mZXqrrSP1D`#Kk;qgDHkExJ?J|RMr zZYS#6l$YpGYYTl`olgl5Ug3q_%pz3`+ywUPCa6DlhEi&bGrTK)G7ax5l7t@H=kV9j zv&ih9*Qxu56X?>{3n+tSHatJCc;305>-5psV}hBzs#3fA7w{?;snQE))RHEP8$i+g zYN0(dP53rRqkhn4I&G_D1Yn1>AbRBnA$4E$Vn}`M70uQ>E$<&Z&=eu~yLSrjCW7?9 z>mp&f{Z!g(v82_d8R7J`=1F+&>Z#xP}`N9|^z4+!ThDmpJLEZ@X? zelUYHs`09SWxiXO`FIxZ_h~;dzn^K)|>{}!&MB4!2(&U?iP_E+ohXFhEck8$eBLP3GnN0ef~uOD>GstIa{K-sS}>ylT5 z)w4Pa&?A`*A{~!|y_co0P;txpD zQ}nFK^+^qa*NX#D#5zSW{dt`0uFrHgK=n)OP;X5NXUo+sWatMwL2Y}gU|?c8KXc?5 z8DMQne=FsR#}$_6OD;H{47_dI`7X`sQa008i}C96%Qh~yYzeYh{9e$JCh~Wvxh@!3 zG6U&9A7PeJj>rqC2x5Fw_-4Vc1fTn63KFLn^10c5h`IG!z23&n$Ygv2>6vLjZiZdF zukY?5qjN{-)twqVRXtIR;L2)VoDZwPb83%J^1w!c#2?q%`k3d`rCo}`l9mc`)5~n0 zQR!{oBaLBNW2B6{-f#t9|0{(zw`^39?Z1saoxBL%kbNgSSNB%vd0Vpn^q*t&z2F|a zpRFp0b`2H|Pg*1}J|3f^Szg8at*2(?pKU-l?6>0y2uQCco(b8}bLofzeJkh4LVAbZ z6khSNofKB~UHoqCW(?8ow?0c0TX= zoiZ{1K0mZhnA~xXwtO#77l+e)xlQMU;ctB87c?{K9cP@Nvv+p$L~94$dhcrjxrhL& zZJq?n+Honl=1mZ<`PxPDX4wOt&Jj&s!cYmNIyX`1vF{A!%o!1&Hxk0kRU?$_mjTk~ zh9luaw$Q)7oggvwCbK@>G%~pURNX*QFnwS~k80Y0K3%Z-B;EGMsP^Sj1=9@mh4wwvS(fV=K->OIB40k1Av1=b2<|^~=ig%*A)yg1 z)&&QP575gNrqD8rBxxl{hTzltBr*LN85-8-E_*;%UZE(Xw^OL1$bkCWn>EDmNUc>L zwlgb8PihbL!OfjIwo(+w`H?0=>P+a-Im6^_fg#Vx5;X>?Ioim>d) zPWtRfyG~l*Pu|DFT&t}oO6h>aWS-raD_!gOS~xi%f<9tSSv_6VP47+f;w2VN;sqHe ziTU?YL@hlzU^(w-e3o#>#|rkfGpY?RPsj^dt4Ha)&7nVi%olb+z7zW=hh>^YevAEA2txwKB;ecXh;a@T^c zdPsnl)8@V-DZ1y^xgfn@i@-X3_Gm&XX77Wat=aX==*dNmQ?HCi$rUDK-7in3y)w zCLbr$W`qcS#s<*kxk;SH8D+GWtf8R9b|yWZ<3>xRpCGLj38A~&EiwOA9}J`JzUm?8 z-eTm8UHas`r)2o+qde+WKbc*EQJ)7zJ_{oM zp*7d7c-<%Oh~lm{3bmqA1ex}4kmZ3l|!cebEe6@>~ydz3;dFlpTbZvp5;Q1nN zXkR}>ZB|R;^NnLf@t^OADHn8woL3>jJ?=To1D>1c<5mfT+Uwl{?|3y~gzkU!&D{rGRc4+f#wymHwwkpvc8{UvJ-cOhEN`FRC z$;X9b!f>JApTYV$IcH(hYyla@>8B+Q<&bHs-cuo3OkRlO4tmYGHRK`NA3*+XAElr! z!;gA9nf7UBfh{Zr;b-SV!u>}B>ey2YXtnE0>QZC2)=L^?&_%>LG@11*?exn%yycq- zo|^%O?q6C))4yYmYu)!0jP zdk@7qvd>7Ed*~M>+W({NDS&r$Fsch`si2-#B=S2hMw2$5-k})lf9;|9im`&_o8OTdlT7Ka->Q{VLwWQ8 z;crr4vxB%o%@%~@Xwbg5&Qa#i48{6m_~dtf=8C9#M|nL#^Yo5-2T_X5fArAvWmR;z9eYJS z2W|Z1Lk5CZzw61rqqV$@-4e8nySboMdyw>Is!E;BN#d=)_(f>e9U*L!Tqxj$2*~G0 zu2b!dt>myZM!BAr;h6=6^Ol^dr(b!k7c~7kVwUT!$)mfEie#uI`J-b#=$l+Fj0s8> zzQ52?_qyvd|LTbVkku_mZ;=8*Zh1F-O=7nWr8t#$+3q~=$R};u*77g4VEsuN+$|NZ zdMKpTs~_=hp5INcdbWXjw^p9F`n;^zZv5l5oRC%ZgVM=%6NWYjIXS*(g-c{N@{B(k zP;VC-P_|9p!sBHO9&?juNhG zB;IyCK5w1nMcUR(llttY!}3a9MsB+_n|JGv$Tuc%oE&77P}9>Qsrx#H!ddT3sPzh; zDf{vOVMoSf>Qh85kKhfGzoXKr=Q-CXiJ96`+`tT;?YMS>E4NVCm9#*R=nT3dgFIMo zF7(?OLp2sRQ_DV-lL~jZ6yGMDk}1-VI<%;sT64`@=$0BrYcfXpW2{jAlfpm9VfSac z>&+RGu{Mng($1&OK6IuR%e)u#4F^E=S^ea7!)_>3oJ`v27}m) z=hL~P5%}Kk8G_vtmGrU7B!Nq6hxTTJC~9ck7T%_aG^Dz6FGau0B%9yW)3$5eXsaOw&G5=D!H)*5TQdm;_M`Tkd7Nqg&={MhxDBM%Z=C9A{5nR_BqJm|Isjff; z%Ga!&&;Keo@QmIo*${5NrqCr>o4+#zDhM5;H?tgm&xZp>bEAHOjUUnj9B{Nbs1`= z@e-bsODa!QCy8EV&Z5=Io&&k~O}qr31N4V~__0s7( zz4=KcRkI|WB9i{KKZoajqF*TUshMmq;kelij*&fI_$qD>FKC;PQuuC76;yf&6-D_I z^=D6r@%?;3lyKYRo8mpm9NJmlZ>79A;!lak6h}+Gh(6)ie_MtB7W^OIf&X*OCjRem!T$sI{C}dB{*Pw~SA zwK;AR`Ah|L`!DqHrTxa^EaW*Wd zf(ge4p}wvPaeBfE?kru7bp%Ti2b|4d9a91fZrH`0$SH%mK39;jUM~@lG!5FhF9U00 zc<8~B>F93DG4wX#C~;iP0p7Mr1^bOAi~Rvq5+{hCeT$%KS2pZjw~M9oNeU%JjR4gX z#l(uN?a*y`D*Sq@42*_ri{;wj+GQv&Bptp#8xHTT&*YL$$HnC@r0wyb{n_Y3@(dKC zuo{{dUH})5c#Hc;s1o9T^*ag8Tst7lNJqG91;|rSgmrJCVTGI_*kzLiPw8ACJZ+8P z^Ri?ZYM21edL<#xqpGNUJDX*M31D;YOmZ$TM{+kW;0aGm!BVScP=fMF&P-Win%xa_ zmYNR*_jaR!(h+FABa=O{zYQ;cxeLJnO^kz0Hy{�D%=`*4&A0W$ z{CC%2#gr-FY*r-R_U#)SddeW9$ViYFodbO&m%?d}@1dfFZpe7HJb9UM6cl6&;eC^> zaC=9p_}NZu6@XtuanQb(Kr2k$*!AA)k@bSr@ayE+fH_Q|^mrvy=G+KtWRCocr_E2% z$pL@#sx<=LH?+p39!^1n-bGBas40ZwOK)<_wg7!tbN~jd&w|xUlp$6%n-M(ElHeWj zfT6xlAZh7Ov?$O7KHo3Ov$0VPkqvrqWbJp%@~Gx-50lqJC2T?dKrnI^C`SrYV2 zU&`c-WD`BxW8mhUNkAjZ49{S$#f7dIVPUU}_$s?`o4zq{*ddxQ%#??-32%`0Xfx|s zVk=>sE{*4^ngio(C+zBpYgv2&fDi22#)@xFWo+`-Eb zRDU;x&&+<~@|t~wcI|lrR4T)=DXt*eMhnhcGmWsCRZf)m<`Ep)MC?QIvDuAyknn}r z(-8`sFIcmm8DxNhp&dk)+-97ZxDULWl|itTF4(<4NDMEtSrZ=KJOs`tNYYt8 zZ#3$#Fn!oqu8v{DeU!z2Uww@OV|U~Gykg-ln}$JxINCSoodgvvsY(i`5$9v4cV~Sy%LOI zvwT+Fz)6<(mt-^dm+9j8@~r)eoQT}}%!K|%)@xzq%v*JZ;q& zGlNQI7HPg0--|Kmo^x~l7;Eq1jh2;3sg^VBzAX;vqXKK}d)R~np$?iUg{8%{4ozU~LWGX8Y%fboVBxY0TSSR1EATeqU*v}x$~ z)DAJce%xcUF8m&Bpk&d7SRZa#_;z$7I@2=y?jXK-c|RIJ69|9df|_pahvPsBt}|b6 z{^gGy$PT&>o`=SRySEtR!7VxPzG5k?dc#9oyB-34huiS;;)~Gp;~{w1%^X#)TY;iW zkAb-(t>|d@ZOdCSPf-&cku^iiFAiL==Sh_e79R?BL{WhFT2v$d4LJnM+ z5)J1o46|;R*rAt;Gl1`oVX(E_ny}DbiHH}Ps6W4uSa1IvwoY=!J(t-5iHl6616IOj z!ER1?QYtJu{Df>jlLYv&C*U$uH;`vPf$q(zMS;F{q}sE;K%#vgGOalbTLR~a?IcZ4 zR)RILF3@=Xa+LIO9*3E86)9}I1hs@);E{YaX!fNL%`r+vXKSX3;gfQW$obzRpk3ob z=;tDfeOZ!-F4}alK>2xWYnCR`G}a?~oGQ_rzCg5f(hJ}-d7ovHK^S-^R*rVgqfOCO45tf+BId#4rJ0a1_xx7S(#aH+fc|Gl1^CN4SGONQeRsbJ# z#5-bJ+D_v=?<{d?p$3Sp+)0?Zc>-ItLR{;BCb4B*CYEadUF@f~9LeBQ)KB39`_B-; zHfn5S^_^g4KEkC267h#Qa>OpTETX>Y9C6z$L@fU-J2*gN;R`%2FP0e7P30V)bWvP> zNYau!bD)Dz8Zra%$1f7QjNaoGn%~5^sj41-#+*kmVq4W}y!UGrk+S?UZv3tv|I;*v zAKbeN*ZSCrTea>d4!8fp4_V4!*I%E)CN;@nr^hA4WBgkjgK3AS;)~svVYw0)Ers8+ zI4iifIZ{KtSVg`zM|o;4uDjY5JJ|o2tG!VN+vD5DSfA*GO@7wMQPNz;8JxL*>FO1Z z$p)o!(v&OMk{_!u`T7i2`|L7~yKxv6*@I(VVJQ~gppUa6ZaNYC(TJOKSdTk`o^U3= z+KY$la`A(6qw#80f}6159_CyghDoozFMhVvTt4SxKms@G)(Omc*u*mZiW%0= zsFVBn)gz7@Lkjw{Q2akb*|3;pkyvK!A~iZ;7& zYIG1g9>u_y&p#`kTgvNA=C-+4aPP-T<1hZM$E6Gj?8X`wjO;PPw5fQ`a9VJOnyM>>z- zE(eSW<2YMly5CdryVYtrjhEvW2tlePXyA=8C{a!;`=r;n0a?SXbvQw&*JKg=>oOq8 zR!K}}>912kCb8tmmDPVO=h^`MKp?yQ>l-tBu8 z*fdKmB2JmWTlIUund4?e+cXoRF2NFvJE;&tRxaV!K7oHlc7%cJGkC%L8`S71hAP=< z$mv=?^ID`f`k<&mhFx+J&3CR~vdNDC$Gj7y@A-*thrJ{`SARl1=C#nE;~s3YPle4* zdpV$YIx6#2k6(n)B)hc$?FkHEU- zq{E8LQ1aRdQFbW7apaF>PRNs;nNGRz5T-# zaj*FRgh!+@1%!e4Sx#wjEiyUWW`_H6PuNs3W(&abi_VEhpvnT2eBK z@uW0&172Ao^6&VmhB_W9Q?iw>!GpUhl$w(wSs-&21;~}4EwXBy{F0@l#`##ts4s$g z^J54r<8*Sf<#|#~Z=AT%@eRHo&%l#n4B!pHEb`|pD;S_!&JFF?A~&?;Q7KRh;tyKT z*t6Ym>5L9?%JjRWshKsk+3_lTQy@#0uRjUf-3!I~;8CXsoa=K64RV6Xmbs0b)+g2E z7Qa+vc)tm1ZrhD^F#XBOoN46zp7&z-g2T<^dc9MqXj&!8SM20|Q55-(iaz|R>qLZd z0l8E8JDK=&HM#X*C^|j-8wS07Yr!i7P^TpWdcCfIS4=S~QQ{2R8=Q>#Z>%IAi0Ee4 zvrP1^BNk~KT#ZT=?jdF!yG1ZWJXdVAPCT~+WIy4Ur~(4s*K%u@Npe_+TCv%>C-4d% z90Yw*BwS@nfw^`L5%v8Tj!T7!`AWX^F0s)233k~q3;*bUlbc{XOzfx%#64TyaLnfw zVNNmqtUua{xZ&1TVkGGyo_kn)2E zzUj4sIA5Eu!bx!sx25*x=1VLi{;PLj)9L@<=Vl+VSYPzkqG6c^q1lFkiWKthodnb%`yP`C9`m&kD_Si8^zo^w_7md z#aUoixC5RQ|Cl)bXczu`Aegu^wFFO%*vzujbj2?hO~t}>`tV8Bv$)<43|x?*iOYJ= zWFsXmQ9et8JL#n+=JTZ;FUy~XeH35>53%PS@+V}$M!ZU=8#9$yOT?J6 zh{so|@aMgaV)#wg3Si1CYl4?tM3}7{VfXv9#B}NT;s7_UU>kV#>M9ZA9)>GsZzP_i zNQ>*FZ~Vb^ar}!tu4=`Ps^k;dtQEN2_q+JpfKr?#P{+d`6cK%UqVY(VDMaG7Iv~+> z9jJ#dfnSy;L1+7ZRzd$P7qVpd>9Z3s3g`o$wF;v0sRi0>{Vlbxr;vJm%M6=2Yb#)P&LXsGiZtQ3tQC+l@}PWOD;(cj48K`xqVen$;-~2X;9K>Zpbo`| zpSxG5oVbyH8QiG}hNhLXIi>PGFsySSNM?V;oz-6eomd9kc`y%Lcsn5GQ|sWZ(By-t z&v|{|$4`ozKE6b(SB|YO#KYQVAgLR*@XN--z<1syLP8rC*J<8z8+R9q(vhs`#y9Y6 zkk5=z@ZC8Xbo@LE3-ZQ^*-0C~<|bF7>w7lvD$gRM@oeJlju*tPpUc3;PY*2>-?k7h ztvZ02aV-%SeUG!ygNH{?%f(+$#^Ic%W{&UuvtVR?60!L32qDZ)CN3WfVN@DvfZS3e zeE!!*_`M_2*hj-tpv;K{F5WWd%q`2q+AdUawjOuDb2eQgN~8W_nY%Y}{>pX}&3|XZ zZu5Ms%rKaUInadf&PW5Za<_oRf>B^PwHcR5KSJ~by5h?iMPk~}dA1E-HRCk#A47*xDv;}g~D=Tn{hpUc{D@Z$51Q_KQ!P<!~ z#-_e}VV@|@W*6z)<^-?Av7l}P&e*;a9ElsMoZOHuX2c&=Zc;CUEv>zYwYT9Ud-OsO z_drezd+fQsg|d4R>zT@9_7e7O_NEPqqMW=foX|YJr2=y{=gzHCENAs}cK7fujuXC* zz2v9{R)W9ep8ITwVcT3dIw8%R1M^L|3#;73>-;B=H?fnWV>sQrCUYNu4z;`@lfe~= zbllQ@O}2ga70#ICC9XrvQf|T80r9i!*Sf|1Hm99kS)(StPCc3+{=GkNjIk-xflD0I z#e!=#aO-wI=6EZ#i2FD<8*(zby;wt^J-JDHQ@ERb+c|#)lexc(nOwI8HSCOOJ)9Yh z>$p>H8H(X2?f7oK^H+l9JcT5)IG>)`w>-Kn=fMxml`@&k_kV{NZ#NWK`rlEu7}onN zmc80q>MYZ)3l@{&XIebYQ5M@+o_tztR@>kzz8@1bi_yqdX1)&YU>e?-Vc}7fXOTBl zXHk1?lp*0TS8U_?M;9E=%QX*+v1JWpzOh&}+tpItcLU>ETaWm@cF`|pVa1rGrrKG{ zNq?@3`}n8Md*!E$$NQ5R1a?sjXYFx>>EWhh$z?b(db!e!&+m3Ho8Fx=JF9S6eE-CrM;-LIt@tkS5kvtk1 z%17Q6eK2@JA6xv^9(>$X2MqeGQI2LAQ4w$*@vLva%a{8>SiB0<#P>59M+e}01zq6# zX$g>Z{(?(cTOtaRLj8j@Zg+JfkXDq%3hSN{O`R{GQ`$VRb-ydiXxkq6{7nE^7%m5z zj;?_lmPHd&cn~?k-Kh8W5b9353KkAMgIVgMgiYIHvD|8Qe@QH={s?9V=%LN;rPzZ> zhf(pNdGOJiR$y>51K1B4BdtqjXnCTS7=Bk(BzpPaE{N+!Ft|vX`+SA2_!)m^ea7CD z+=F~>KDv8)H+s?N51Vf%f(x-_W)4#y5@UV|pls=7pj}*#Bn{R;>kYavF8B;AZruf> zd|v=PzY6HhxChQGbb$i9A{a{^gJm%sw0>th^F@0HwAH$at_<&hzNchyDr7RS@bU*i zYp$W7qHb*2+YA)Yz79@`%7SISE8xAZPGnvanJrO$mL2al#@M& zSyalxg2Y*vV2cSzeq0T2d*I*%E{C^TNWe?k95P<^4e@3v8y5eK1m!J>C~y2BeAIsz zU8<`Fu(S|1d5!{)r@>-;yu)x{{Npp2Y$Sy;cD!VN`-36w#0=P^@EH8nWk8oO1vK2L zhk8pZ#PH6GFQPNQqhS1xyRhKyGt6hlFL)kPV6Pc6!wW_J-{w1$Q1SEz7!+Iqdsb`) zAs?nPZynYI!sZk>h^_XY(L9L?P*%4brhiGq9vUU0y7XtL+V}?Hen%J8%17YFtBk?xuGPrX zWC=Vd$YZN%9Y<>KevtWIm%z#U8py5sCwP8xHo0R0BdJi)`o*disHq)71J1E9jjJZ6 zo3w@1;N)=)bh5bw1x9Oe!8B!Z;O!S^wO$%-&(c7fHk2c!MLg70K3NR^DrFwo)og3dTkHM42#~}(arIdn$!N7?VWaqu@2qoM^4@$jIq3Aq1i?eNL zPGBb}*Hc3JIZA|+oh0c?tC6xETZ#8SrlZPbo_NHR2B0;XhPtHg1F+B^>s$T_6?Pd= zJ8K_;nGbiM^-j?cghr63(wCFhJbK8$Sp0}i*4A~gOoky!0?D8uy5l-{Lw~D z((buA`B>7L*fm=bMH3=B)9(t9ZYA=$PV|7L{VTD9bJw9I4USaD?{+XrasgVm)&TC9 z96?U+UPu1E)J~3Oc)>FR7m081 z8-2Z1gMz9~!4*^6m=4?qkR$5_9a<&O>`8aYLFf5sRsD1%FZ~fM9a;jt8hnwjy(!|X z?1G=-Za~$brKoQ74d_nHLh}QUSW5RgA>G$DBw?kEjGrWOd*&z-ibpy@%+@4ya6A#b zmY+?c1x0WLG=rO*&qDU40ajP43hFS<1@K}dRCIL5JhL?5owl2BmHh-cjk-4_|U>U01;{j1?>u`utJMtJ;xuho?V4&wf$g+5*J1&m7vbK9By=uS9M5&Rr; zy|5ptMI0o1S#dykb`0iuZh>q=Ig%G8ImpMZaVT7#8^%aCH|N@Vh)1>Ti-Db^oX>0wk(MWV>p!RXB9 zci4+dK4QG?nifx-syIqAFApLOWg%>HJOMioIl&+D>6YK`9Uzu8>%!R1FU0;o>qtg_ zG(6+=0czY&Ku^vYL#2nSka<%gXt|<y@fq|Ist=wK5(x*J&iG&x`+=q_-xxmU(VS#1$f{EM6}tPFw09Daqs%;fYW*w z^I2hyFY#2tQZNqKyN^luFJ}SKbc0JWFAz~LmJ#kQC&cRp+0QyyPm~J2>v2DJJySSm zcI+u4Xiq8hi(zCB@VuI1YM{8;FIehDe~@Yn||UCAGN zYQGlq+@=S@2Guww+YRuc9)0wATo-BQ4TB<9F)Ho#Vh(6IAh*YQWQBYtN|1=e8Vw$R z)086Qn4d#r=T&01u{^mfV*sjNJ_7Y!(&49j^H{RC*~s>61IEPh%tEDaqJ7x;Ztb)1Ey57Md!D%w;n>;YsQ3I(tR={F#0L4Wo zqXlN>Wb5oa@L|nl{mI2i-y{z{e6Ja^-?_c;(;`s5xsfa+p^GhQ2(4C%tSSvy=;K z3*6Dbjx<9`HPe$;9B`im&e>th7yzFTZWt;?@G2DW5bJc6}+Y|2mt^qR(Pok;I&!OATC&c(( zy;X;7G7N-^TpMBKwpMPR%Lz2SGMh~tG{n2sS)m_i4ap~pcaX0k8+|24#4;kNaxO43 z*McXboq9Z(r4!Cb~BHVad1C{lO=1*6yL&jYb^nCR~_)Pr^QPGQo&s{xS*YaE9 z`hhpJ!Msuc$hFF&3t z+Ecj1>Ogx$@m>pvj7JTG#cfTj-A7~-D2fA*b9BV;?hp5Z*jY31@-qhs)va4O*FKqu z%bN|)b5!Q1;B6_A@U!(pFmY=gXgTx>S39O*3C>30Q?TuLd!;2fGkOn<7d{}Q$RuKC zo+h#CtRpVDawhRTPX=7mS0fBGoKd6sYSiA726g^?LJl@9OvBaj=<>u`Qtn1MYW$*x zuZfX|TK4u(O@9Qje!eG)4qK5yd2>+P-KX$@bssc8pUlcUvj+Wqo(+7*=fDwjIbvSV zWn>>wg^HS%5y$9U7_PMkTU5mZof7V-liLLTYE)zR=eMvT{}~yxH4OBf?T3+nFMuO) z^5ng{FVH26t)%*>77Y1~kOK6FDk@T9`U{zv35+s*;PH%X^q_ly6`&=W*D3{ax5&DZ)6&~v_|ZzpPLDvjloCww8iUJ+@58=# z1#r)+?f9P`%kic)7BCquCHx{MvuwCq@ybyhm~=FRs6P{e%gp(S?e?05k6Ju{!2IAQsgFpO8lV^dD!v5wZ_I$2-@ z!#C~1PsJ-^l2!z8J?@38x(SFX!~nG`QV5Y_Cg49`i95`n2~@tkL%!?e$?Aw?#1e#) zM{ml9g?Vs9(7s20l1}{;2OHADw2ByBV*<@beBxQa+8Z(7J`vWPhnY zzEf)vDJW3n#HP<9GBy;E`6~uUmFVfDmj4{`uCE08Wzo!xv}Hlf&D&5*xgk}SicCHbs2{jSpV|DslaPIdPnC=~i3=ERF)$87( zpr0+!Gg$}T(%XrqY|KYqD=g5rW^FP2FO&^=`K4sfRZ1Qy&H@Q_ceR zer0m(>>sSvIu!lBwH$6-+X;u$_d(wqnM|M5QMiwuAjqXPK*zWgTdY7JLEdt-*YPU% zJgE%MXW*Q$z&%9W;0Z{W1`rQ4im=jqvPeSk1!+{35<80hVXJWx(0aZAm7iFEE=(4p z-bNFMg@(0~^UWRbdQ9LQ$+!9dmRAYNGyX1m^mx83eS z|MqS$V=)KKI&WpZsr3~s*62Wfm$lJ^f;*@1i3RAIb{q_Ni})i(8;ls2BVUCGm^W)3 zocQSrm+X4YTuoKO9r-_r$!>2zalHbT71#_tp)5MMJOq#MtATSkN!(le(g>TsWw3VU zVqm^>$}*B%|vv4s;V3E+?740w=dhz{mRAXE2HG5pobC(zYpDbP)L z8qRDR=Dye?EvCzhKFau9?YZbm>S-ixB8!ylE{k&aR)RQRCl+IKJh5)sFHpoB2Eohf zkrqM05nT?PdafF3FFFCfv}&XLW%BTchXiz=NF@%mEF~uYkp!wUwSno`9(401tU6}uY$nu+p z-#^ugxB2Yj-VKWbos50p%U*qp&`p+j*H9kkec3#WnO{VVb@^ed{SCOhAJ>RQ>)(LJ zZQaG%QZsh`)_unzO_P7glnTUG5psC zfNc-(ZWkM3$jS}hppZlu`uL!SWhv;>D|@(ZXb$PwqimV*s}^0owwpYZuo|7eQiFlu z@1WJe7G~;}qTHLKM51;yX-8Ti!Gju@7TX48>sB#j+H=r}5jp55y$}AW*g+6wFVVrS zMAWm@mI&WT!;-!zJn2pyNK1~_MQVS(K5x}+k9nik>6JXbk%}9H)D`K>V zL$6C}=p6}it_j&G*``o*KSm!uAO-{vKwnlTX z6kBlk$Wh!UHv*T7TTBeCy35H!6A9P6IQ&HNB-|p#6(?R=;34Jjag%Y!@lpJx-J-i5 z_&KF)V)nFD{PiA1CoRWw`|o<}0Id z|4+NwUu8}4ZqI1P){D#W_Q58+$}Qh%UaWWwPjx4|Kik>fRnGWTM_snI+)u|!vJ&se z5D>0kTGelb+gq^``hNc^mO*9*Zc>@8ImL@xo`N9pX3-j@s_HG==?X_ASmOpM3V4{V_yW z$a&6$%*lA&yH&U%e?MhV7*h8d-Byv2|WI>#_w4M6oI3nC? zGN}Li96w+4+bO)Yfn$Mb;Yqu)h);iuICbLqz~pJJM1${qyecXI-%?p^zs3C!@!bA8 z=as`CXRtP(z4k*DA^X>j_%Z0s-WW3KM|ThaIA;eU$g==i(K$Sk75YUqbc~T@p~9~OkEbs320e}uSW4i zZ{bCUm(_0wWn}^WLb@D}nTX+So#Gm7f=c4{&P~kyR}ChE<@;FpXpTJLP@d*==6)6N zYv`zb9O32UC7$0>T~BZgTqSDW<`72`KXP8%pSStaGstmBI*5;qJjGKo9KrIZvPAyr z>$t`1$M~yV4>-fZhq!&ud}6YtC;q?2!)T9f(*@ra`4|7< z{;%Wz-mkc-=l}Th|H20sJ&yBJumKRkX`q-~zF z$d2zi^rhyR^=qYnklxQnxRElSx%iY9q7c>sQlV`wv3742SK{VvT3=j~C8FjF=iT@r z(a+ma^(9SPspX#L^}lX=;YkUn=%=bkvXuml}XCU9zIVvv3nUfkQYPWjL?TMNy zx^QMoeIh$TWaSs<+|{Nl^8Y!^-TuywYu}*G#F>)&x6#5Q?cC`vZ;9I9KXx#^A6L&l zZRkAS2ay7Pi0H{Lh5FW?M%-UdjF_13lJ2njs24v(Pp8}v#l}L~s8T4-RX8Bu6Equn zq`KAb*|^0yM$N%_QyxiX>zdI;$4Bi`i$tKKdXjU~jwfWhK*U{tdN;RjQ6SfIb&Kfd z`55jcsfVK26@wy+r{}o;_xP!_;Qt4H+Uju=9O}LU!tJv_hnpwas`$Y^*7h~v9QZ&! z$~gC(AI5V&4?n@v@Fw8+<|}da_D*(tdNGLk70Ug(i%oo) zwiuLI-`HG4}^7>L#r!Zh_x_`a$`g)$GnLdD2um%W*iy zfivuqLz+hm$R{`S$mZz}K$1iy;s3(KK{fIUekY3nDlXH&kBClk;9Ve~uKI&7d*i^1 zhv$gid-mjX?iw)gW6J-w4%mO_rJ(;wPyNUD|8sryz3{)s>+S!qdMWC^e*M4vZSK4> zVDd~|&@uo$okbn7OonUj)WEG<3ZdK8AINi{mNIDi20swCw04*( zwzoPFNSa2I%XOZDz`s%`+~BgYU1tv3weK)vgEu~tV(@b@X`*nx!wio4RxMuH$;qe2 za3(W98QJIj6*%8Ih>}uf6Dl3!HM5Hg4SkED~ba@XsDt z>UkOP*07+veIGIX{5Qzy-$u+T4u_Vk#kQFC3%Ft^j2i2E*(y!U{G9|5^HhE66d4C9 zXOAM1_$vuMDa6pC<@1Cs^0#0q7D<$E)MI2ZV@YbAVq1mO;@6t=Ie974k-kcVKEDGK z-C_{u$TAcoc@boNl%tD#R}jOEYd}u56T(dMP>7yABC9Wh;<;5wdG!ZsoX#|KDJv0{ zIJ+Y4HSL6T9)*t_k)i8kXxRKi7yEHU0U7TY&(Ohs^&4jF>mC*So+ZDK-^8bQTA(xCWYccuo?pky(Tu%!s5^f?;fX&+5E11B4^@7|@LY5}+>f1W_ z`=$Z5Ztpe}$g6?Mhpk|u*?Dnpu>6XFCutO)W-;`bzhn;6>ao&s3w>Z6V4;akOpjvD zbxl_&<(MAR!bX-YAXL_zM(*8un0~%GrgLWofzHKWNDRl|!`GA0KKc~#yKc9sd#^nx zoV5{s(Y7W&A6Ft4|D6JhT@Dg^C8g1Wb`?Ft;7)wg;AHzURco^`nk?GOg55if1o1En zj|-yU@+|S*$tj;Gxv)`)X(j6YvTZ7+RM z<0A#)Y{5mMU9o`LA~QtgO>Koyd0|BDu7!l8yFU1=u8EuI9z|hhn}~&$x%k&j*{Hh7 zkLYgP2-meM5w6Y0q3lpJDxH@?K{IwUIQhE22(`bRVOj#`2^;2phsHNB z{Haz7@)CK%O$Ss^BTo+-IFUzuTrXpz+SUyt+-Vf0cm&DqODCkda)l3Vk0D9LMwqpA z3G%+X6phXK?ze3G+V?DiwQ(u6wqhHao99t!#*##`egAT*&70oF-1qcvF*I0yPFS~J zA5(D*X7=yH^7&Mr!DYc*)oiq)C0*!I^j$S{voh8jB}?ypec$N@UmC417a)lcJs9ex z>##EAE1r2r8I`LfiHjuJ0IvsgkzDHuuvDxkg+`{^RWscHdCOvnXN(@p8pu6VveyayOg>Lg5)R2cY_wS}Cx6c2~UL01G#n}GDK zb~HeI6Hd%Mg+i{FqrB>L+~XT{dlghbN@yz0(xw0IkWU|9}&{#cnlG!G!%)ko2_ zDU+a8&1+aHc?N!WhwzolVj`m_0Oh2d6rTE{iq%{%Aa?k=Gh=R1TF11PzJB9#CeKHs z>D};op)$%)se(~aD+#BmQ_S)&z7jf~x>m@GegQK)oY`?1-|;~Yh*}>Sp_jS-sQlMB z7}%vmD6cqzGJTCOg=euSV&X0|VY)6F=^G-Hdn>Dk!mdErx|bPCWNpOo!X1U{9P3;I z{K+bDt}Wre*r43)T9{^!F4iH={rxiVUp?D^M0K*#7fTm*ZLae1FG0ilM43XmoCqSqsFtbRmQB& z=wRJxYM8|VHO&8qHZNk8E^lm1m(@lXeq3BfW|*fievq|B(i!G1-X6Pt@dTr5Iq}%hh=)wklZjHhrE|x)HXm zOpo`hONS>}V8EF0BXtJ6jGlirKCaULSsP?~k|rPl5|tN1ez#5jeIjAF(zqCI43bVy`6AP-eIk{o{=%J@4Qe^7N)d=cHGBIBNfxD2@;cgBUa&3}U8TUX;klkaa%B;)cI<(=3ysL`XbpOf$pWhQeK4?2 z73Vw-LySGIlex_1U5?Q*T2(+_th-HGz_~QOx*sjdmZFV|hN$yha%BINY&yczTJZQy zJ9)uae2y^C2AE4^kR5k>=@D_>_Rkl?foI+ebmhYUr%UZ6;ToDt26r`6IR_L)qi>#} z%RhCoys6v4gBzKQ{n%aDLR+l*Z35rq3)-Yg=o`AeWZR$--IAnFU(j#>9oYt0$OVGD z8dEgIIHj6SdC~@zY(t2(0ryc;*lqaPHwNvT;R_WMOW_Y`8TwD84pvq_3hLLYa<_XJ zku7PdDCBgI=}7Jqv~RvPGtY<5{^dqZ3O- zd>43_F1n+yx$KHIc6{G_QoBmSY2D*t5IxmdO<9 zS6PGP67qql)|9+!X<^fh51_Z*9;~TzSDKIU%Cr^lV5IyVfp6GRz}Id^#XgCoNox^& z8D9WXB;Ny;Mg-T^Rhm0?Z^+I0xRObdL-98qk;-W^KEXw{htTH&)BaxR)f)|vW} zk@HW{vp(!aOQgkn2g5>Q`prc0=E4#3_p>FUOGiI|-fdqAi)zkL;~0AQ5kaEUsZ-2|WJ_xJ=_^{zK9=0Bp(%kb5L!B2_)8BgZMBY{! z*#4($$i$t|T;t6L$d%6%>70~eyOpxZ^bB!b@UeMrh=a`7pNF!LO2Ijz=Zhw`5EsW2 zimx3;pYfgOrxHa@1HHqVbmm1JOlpc6wl_JPdG@^Sb>JmvfJVV>KqhIrY0>BP;AhAm z^rgv)zK}Nr>^E7XzZS({gH=1ap0`Nv_wuz+^st0qSuSMkc}K%ZShLnkaM&Rod~a4J zG6P0IZg3TqB~pTC=0*cy^f8imm(B2vagZsl_I#m3a`#Kb_RS(UY{uxLWi#lgL>u9; zbtQ!90yXIKT>-r^H$^Lm0McQr1du3x1-cV;$k@RGdbi#KLON$08nDIauhQReqf}e4 zXK*pOZ!iHCy2jH^)>;VLq=gxOD}m|*W{fW1Zxu_gKeo=a<*TIddhi6ATYC@ae%wL- zJ z-DvJIZLD`|JXjN)O&&OW3|L5c(CmFSws*>!QOQ9bgVPh4iVQsr6vegY%19!kLmOMX zQk}8qSJqr&56}HwrYZKd?px}}tW$Spt7GpDf8zw2>tQzmhjX{BNO;p(i9_$v!gxoT z*{KhY3YQtxvgy1}?A+VA{Aek_$%sV4pO3!kTy+>`XI#*#DGa(lAz-B*cFIymxKgOa z_kNPfe!@>>7xZKJqoiLoTdX1fre_Ri=~^|smi>_7jlNrQP8(=dY{k~I!im`uobm>1 zDl0up=z27PlRM9YGjSEkDPmg-r!D*~RP5~JXaq0f^d4(v&&wL&oYm_QeoiH7WEafg zL^``rR)&HLriBu0o52bWThT)J>ajI-Ggp_h!BhjAerpY_# z(=05Vagx(tCQB`w8z4L=7#8w$^{~heMcn(#)YO;L)r4n--jvcSQ_8{~yAa%YhNEP) zQFvtTo;oe2yW5(qE1`M7r zsk#c^Ev@G37^`3-4asAfa$ke)NTedzZnpafYClcmXn&`9fnyk+A%FF!&o%Lke71G4fH?aEue~ zZ{t8<%MjkfBhSU>z@f>K^r<6npzB8!l-00_m}ydi9$x$^=!;xJhVs4OsfZw;*kwqH zT+Y&dM>oN~GY{bNU@z2{^F~-(oD7!#bR^$@&lO7U4xrz-R3ln!Yo99{02RNNjC=?= zK@6|n_%%{@Yl}YJ@7D^FrmN6pqNk|AM_kqBn?4p1?oIxAec@P^vN=7xppkNaF@mRr z2cnnnjp5x@>cY(#GlZHo)_Cmxdi;u!4(4xo1X$hhCUpfHKy#rK9r{MLs_}X>TI_v^ zkq`YXAq+jJd!EAXaSBAeiwgFqPlwrmyqI7}x{O*n*jSGMs}W^7+Qv)Mm#v9?l1v0E z-qcpVzMBU2ojNPdX*r*C+EC7k<46(_*D2a1!i667oKHHKA4KL+5}?dz8TsUC)sz*U zD)fk7f?(jt1+zWk8oI_C!>PsN^6CaX)Ir=<9kkA68rdbCiEgOs!0q+oS`T@~+|MJa z3_U1E3H)gC9*4tC*J<+CEmE^cLeye8f|lwRqH2r#!1Tin!113=*9Lv17Q5Xd7X~jv zZj0uUp#vw#go248i8K|E_Anfb{;;6eO}b4yURFSC(k~=$=iK7_9o7-a$?2l3PCX3k z+6(p-hBI{Vww)j%-iS;$as7o}Cr{CLt2kusXK@~Csd2Q##9WYkw83=EigfU-_o&VJ z$5r&`Ll@*zMxwl}I}ocl7lwKS((A2KplWbFYCB#{yFApz=-or$S;Hjm5iu`BzeqrJ zkIt4ZeT>uZyv{Q8czOWfW3mu>ai*|IW-qZeTnpn^MKb!Tsd)r9AG~!Gn=B9FqjsZT z$y+rTxyimN)J=Hq&>W3UiDZ6-Le3LY%#L@_ag&#n7QfCrbHS6&A_iCu9b<)&< z#f`+%@SBrmTRn(3<1457c{VWiBk1xlRbA)8A1O|y{2SlGpG|t;>4CSLiz|Goq&chb zP^WQt6lVyIjXAo0C1>3Wcl#A3Hps}mp7<1h7Ula-Ky!-gslCQCiOBd6N_meq{`_hZ z%(qXW;`d$RP?0QP$I5};yEmbrPaPb|83iz~<|J~4n+OY)5;)$YnHm_p2nT zM2?R>_I{i+Dpmc;>;c}1(vjD_F4MP5W(v#B<-*M^Be=%ng{a>kj0$yLL&yiDnfjv~ ze0b7ro1bb2;K{Yn+Xv$uZ+r*zJ3_(1&-e6nT^vU@Ae5iPzdLQV-T#UfA!F(Q>C^8DN;zH|1^K>_vmg%=05V$5m+k>rw*)F!3Oa>h93PjB~-K_RXZ#y z6dJi4W$-fg%;NR&%;&TaH;SBcpPG8y4o>}HfHft{6WiWE>QAi&Wn9=p{W-Ol>OIRP zhE2pV{*!j=hX8LP!fTIUtdG^WHg-TwpJ$h$jhTlP;j_piI4NsE=%wv~VQFEtnk&!X zgM~pbCfk=8%fiQyx3Jj|oAyGHu(_-UZ8+!P<)sBw`NcSVPp&^FL-9407ZSwavHm3v z*Z7rCYxn6;5lRGH>z+-;w|GG#Z9gb|`I4|-HkeXUmZbPGqf`o8nGeIg$zH3oKqy4 zEE{WcomC<9NWd+RjfbwYt8o7@2cMJSaHAj6`_!g!M?C-1cOUJdC#?92++V)r{EqS^BSI=@rLBEJ7i9&m zwW<@Hm5>N7xmA)b;Y&o3)(!CS=mAtSGKt=HuNS&HJp|EuugL-l6>xdOY|)uK7kcQr z5!P=h1UJ^aV)PYxMO!q+JGztogc}EBL}4G+lRhes>Ef1y^usqi(Dv)BnbqXCr1F*; zjbqZ|M8ADv(J&rIS(|Io5##~n_~|kl+%*C1ziNZLwE6U82XzeH(IBrY>vHv-T*ys9 zYb5Cv&t=f_F@%j@y97p!di%MY7=ALwt3 zNA2r1u|N|IEM?RHh+jtZw zewQ#l&5->1{frIP9EUz04W^ct|+k?wH){x!2rN2_;@fJFKl$~pcT#m-y-(qE*R zKHR8J%E`@{vasEjp5uR#z`O3@4>E2Lxd$|e@$n?Q<=%#CuM9&E>dv8)!^&97!!nR| z_z_vV?G30Y499OBX*8C4l8)X!`ImcDam0wBi;ulFu|^_*7@c8=1xxla`@#5(TIx&x zS(T;p@`=!e>litDQ6%;+T0Mlv1zt{e@x3Ss+l2BqXb^Iv3GD12OTdhVDmY_t0P*(0 zPdsIICFN&g2oJ}&fyD~ zMwbVpDG7q&C)N+aiPRAWHwR2HTXu$NJQa(|BF)7${M^F9H$Pb=W` z+)T#j^|Ihpg9@Z$vK3ZZloRbQ6Hxl4qwsuy9xPRAN3N$*QAVU4KA_wVBdh13sLMt0 zi-96)4c$W>daciM-E0O=?0v}SJ(w{Om2KT`I_LIrVbs%e_z%1W?hVmE*K`k34Kk7d zo;_z~e5IMQaCp0oYubCFGcX=?J{W@4nZamfOA2SOqYLdxuB4RTrBPQ}m6>_?JAZ_) zUK~b+-tj24zE9{>mDGrEAtx;FdZzuyqz=KX{KG!upWO z!lx3(l&PjV;D<_R?wO>A$A)27&*8mbmWmZQ z@>PpIaQK5z$0iLd4b|kvn)WjCai+|P?Va}5Zn@(;+IXe}S9L(2-p!pu=Ny%Q=N3&y z&MA}0$%19HkyfX$^(`b-B2&@IEefD&)+W;3;SJsM^9*F=3_-u@x#%gqm=nf9Ajj|w zspHNgCRz8=FN#cPk}$y12`x~8=P~+f^XdYoT@_O-xN?F|_nuHE5B}iMt97*LvSwwF z6{*47LQ>>`Z_etOG3V*qvJC>W;0&U(rxt1Im?P~EVW2c&3A`c~L>Qfrq;D3eVe=1) zfbkHY^z2h6rDsUcrBzu~&5K4*oaaA($yVSI;TKbZAy$T1`A zdy^q=agW$XHW(;qmel8s6W2m)`k>3}+xD-9ZO-l+{HrELnC1cl-uKh$yp91(jF>6`^v6eQbQ>lzy znykg^%TeQXl<4yYQ~uS%)!nDfTQWr#8&U7$_ebdR!ul2nypv>^wZT_4P3+)ZN&YNn zUCXh4y|VAIrrT=rTm{;^A#-sp-ytc1|7kVsMoSgzn$Jc-Nw+7fGE0M>nyt&bcQlSq zsodZPURK3^lxbj8>j%Cr_0PBWd7n1Zzm1X}@AjN^eAfzf-XLWz2#t)XyDFtAcpLW5 z&)3+RT%xm>&DZ*PNN_M@hQQ5Jho^3-!#j8IF#qA#bpEWhPJ)=rlbF85bpv?eSvtHG z<++ZAvU1G-c1_RY|B_H-KJT$z&$JISefU?*#Ct(|RbF?uGUHDS$U6t3FJBTwcCG~R zdxabw$=w>ebk#A3Ng2S`yvHfrJ^{@6y8*4P4IuqKwzJi`{n7Az6WZ^x8g23tkU`jF zG&CdyRI0Ryd7BGuwi%yAk&gR>EU7k=Y&CT(qLfdpG2U0VdjBWlC_4job~J!Pw-S)q zM?fuqtO4>la@>T`EJi;1r=)RWE9D)KcRoGmSR*+)eHwl2mhgi^zvxQ2nC~V2t*) z#}&vj=_A%_Te9f%pLd8hwi4J}aT1j`=Rw{jNqSgZ?fWB7=7Z30cM$10b&k) zCA(tsfDFH)bNqKCQPnMU0-Pj}jEAAn!nsE^*STnU`_S~>6?XL5q%Wby7fYEa^S z4)J0l2A#LKLcxaud|6+*{?0~3$qF(A_5MQB-Tj)_$-9e*b#caZ9N!9RPyPY8`sOr( z4ogO09WL}%_kl*Sr@@Orz`%#}7jhCgBU-X|&Y-5r8^CGjH`Mp{#c)s3DAeXl!&#_{ zkm|`mUnaW{Ppe3<^Lr+dk+cO*UY1N)9Nhz_NW?)!8(rMnbOtn7Vh>*%M8lQw7U0MH z3_L~m5=vPb0x?HjO!>MyWgu{2bol3C57_W4*(6hUoFJ*v2PMudB}|K+;QkNnU~9x} zV%oEG)B0HhL~u7|UELUkt|mp|V#SE}7e>IhE2W6vNpi?YFOF01a+qjp7dr~Y?+8*i zN>IgS+W^!)k1xCziAUUvsCct1oEom*#n>#BV37pWsInHU@d$v2rU%2j zRf=GmlncSXY6|OqDG+X%l4whM1KzsU1F&+wKpU-bu;5%LQGELnTwYfOqhT2ly5SAQ zp%u~It~@yTBpca(%@(@XXkdO%TVVRn9gGhDd9?`6*(_(0|3g}M;t2_#N;V4gvh>ht z;al9#P60mKq>Z`TH3$lS$k-T+O2Wfww#eDK0Cwl=qQJ@7!T|sCXw>)-%*-X=DmPhF zT(5ymFLb0<%+f;T{@>woUvsqE&!W1)#|=iCO=9MGoepB!w(LZ>->_CNKF<&%%62j9 zs|&Fbf*niq>i&Mv6S|))Ngb0<%jcR{N^6iXOJ5DEoMB{X{ zq(V_BdaqhQh9~P{zu{f@P`d$!Tv+4YBMrnSL zw2qngb6xDs(MnF@H=dv;@;fMZXeVyU*^{!FhvC(|ebmRSULrbeI=60;5_b%i2KOHv zn>~6Cl{!WA&-t?4!g_CXO(vf{98m>5jIF7Ylhw)nH5K$OG7Zi?gmI;^mB@<;2%L)R zA-8hx(U*TOho%`vfZL?W^sCN?_?*{i;NajeS-5u!%&^rI1zj?r)pQK8A9nNLi}nA` zm2gb{y^GNDJ;=X)^crpKA4eXY7frkO_|rCz3COCrVsf^&ldL$hDYFsYqpc;bA|3yo z(9-1?oV%b1cz-*9X3KU`XLdiuslF7n;F%g`);W!Y1}0pw-6y}ZXV8)(J{3!DzDA%a zhOv`o0cDJQ&`zn)r_+gucQnMlCTTOdWqx;QlA7N(q(lb31z97>Xi2XYW9PRBE&xT1 z(F^f+uTzH8GN}B5-@tz7T28lt5-_#4qJN!}pevV6Am{c$_%5vy<^)V5+iQ|eiqVWZ zul_Av8~d2qe^_7c!#kJU;d?DgfaJr^w0-w+@|C#8ZL?Pi+Np5~{@t7l=6zZUk|H}$@1_K3r?`h~wN9Y;ai77U zU=k^BLeoAC^9k!5J(Ra28~!k=CM?By5z5alB!e$IL*Di4v_Y&f+Uco|73lbYz0;2~ zIC)Mq(fi_BOg|bK3k?)>X#-wA2r~1awXFM5LU9kcFh>JBvT__atz2NU*dUM|zGR4u zx33{yPbea6&9C7-D;iLLl>?sWSp_XbzYv+Gg>Alc1{^@+xF=^yki^SFX!4o_n}>Ec zkYV*xW}eE9ADI0BzKjKPEfa~PM)A7OE1r?pM?d-;*H(@cl!f~6zlG;pr(67^M}*2C zvrgU9L-H-vQutPCo0;#_QYDu1xt~?^pSJQMmx{XINwWMi2d1%3zv`=Wub7}GnO4s_ zP+(I&hTpNPx=|bJZwV?o=qIRqD^%q#Uv$mMrtBmC=qp3svMHw=pIZ#@Ll%Ev`pzuY z$F|Paz!cKgRo(D-IL|( zto_DkZE3CAwBMI+aO@2Ke9nZj(`Eg2OU^0t7fynF^}8o3=106^u|pP4kqTAgeejZT z$j?l!8iP+`bSKl!Zq>r-WU^T7)@*)vtx4th7#XKpwSyI7_xOGLx90A4T+Gs{yi#Jn zA<4Q$97H0&=8(<4$ZxEZgXJa1EaK(xuQ63S5)H84>1+8n7ApxJuVnG>T{Ef5_ZJ@w z;B{9%^8LijGc9ma=~%yS&v<9dtyAXR8q&im9{)Rc@O%3#;^13NY=?&}p4eZ68s8i7 zKCjlnt~$q2w}CFUpuq}kTs{O-Y9@fVzA%%&y?2PfY%@Byz8&Ig9}~J=7vNlRzJ`K{ z21HlPB{O$rfBeNyZ@&4Df9rPLfg;L(riEj!>wF@ysUPl(@CN>qa1_wGs4ndLpGwkkI__l#;OV5fpzP&*$rO z5%Id`@mJN6AU0w=2{ z)W(|If5OV&hZ%cb#qC19cP^V8tJTN)>z$D4CxTeC`8LWiz0KLyUI@vZs+gCR3cB`u z>y#ZE0b={#Lu(DUqTV@^P@_G9Pnxn(+!O)KdXt18BIwrb+SpR}0AhodEigR&gVW)a zg%&=Nw5b%jp{4V8F)}$j=%4@Ux6T1r&CjfnJFbP@{*}fWqfxxV9@eT9vEPq-g>O8~ zr*7_qYg}SK+n2!wcD~95VPv zk7=^QmfjFZ2F9e%w@MZK5q&v3*3a1WJ5Lk4y2&E;t-pMom$@VhKN7+6xq6aqx=jl! z-}sKT?Am>{!={~#tOoik^G=qlVR?0r1pz-7@za;cvVOO36$nZ?*e$;*S$xS4eB17S zd#P_PliAeG1QxY?Haqq0c(!Hqcp>?*k@XWEVI6!qsV@5TK9=2#0DkLF9$R+L7l%8K zFAEAw#|aELDp*7HBR)1%&g{v)oibr;>=>-Qf71m^CEl>UWY-B|_r2w-N1bHxO4NDZ z3{Eicool!ts4euZ+r)LR3yPKCT#WY+)ayzJ%CYS^DuUcn-u=66b6S7?A~@ifT6nzv3FcJbid1A7#wIG3bWXIOR5UWWF?5x~BrgVP;Q z4GO9fi1;B>)LSn>b50O8sZSx&uSnsXHPpsp%8fAlBk{!2@%47xseDQ&Asa@1XeRu7 zEs#uG+Z5R?q3FuC8uFaDruG;tYGxNNoU)Ra(ID- zkTs{Jhyd+l^y`5<aGbRYaQ|*~~epKpZ_8*})V(^Z9=_xV43^Ca)s+wc) z*zA`isfz1-YT8UPVf#+BdY!)Ji`QD%(7VNC@Zkg}nR*AZ;@t_tbIAp=BF3HbS|<%@ zrVk-uToFC)(^XPEUw}^TlOX44*P!mxk+y?5(lp*>DiD_yHnXqM#fqm6QHu|U2yE3H zNqx1aghNXrX@1)qcFVg$_2QFTFsZmy?CgPw(B@X z?<)$UQn{5tcIsY|KF~@xue$_$rkinF4_+mnt+gPRELG;t*Y^_HO==_dC^r&U(!@2< z?*1Yg-uwo&yVSYS;yhuW`j?1m_OWPIs2X$pjC~h ziC33&G0{&~Mh1CrmchH8N`m&^r>~WnhJZ?6!iHa4mk~aq1H^|TDtgk1iTKiQO3eB}HA9=Xc+K)! zw+(t)=E?&UZ9X4Pd~JoNm90h_)U))H; z)Wat^t+_drt{A&E8p@Kk_uy zAn#PSvzaXjovn>c4^l>c&yJwQ5hD0rQjXIiZ(@45+?|t`^RI5`%(etZU!h@E+JL48 z=EB#;u3w+d_!D258S%W=8DMwRY%?dS$Z7URD>Hh`6I+)t2Jh}??U{#i)@g*?Zb~AL zs$rcEHXOG|!!-BKvCRy6KQ;53CZ!%H3O>Huxl}`QP?=|R-Y#?Ox&OF$hpjcPZ~UQl z&uB@evEBytD<7XI9@(}(b5~Woy41Xw<3G*MWNuwv$2`NDRHQogocIld#zzx<-u%#a z8ownkX{22+!_4KsuVmy{*Ju>S+)oEVu^OozWz6ro zZ)6$W)H156v9xYc8dj70`^O~vRy=#-iZ z*_cP*A4oxVWpu3I_X*qri?nFg)<7NyQRB<@2YBYSHLf3tp4iLoWBdi zLE6V`==3Y8WKoqfy;L|KNgjws@z%az&n|l+H+4F47uSH5&fY*qroR)ecDezQZflX$ z{Ihg(!h2#?Mm8n$Vka_w_fF8gI00{pn@av{Z{$ejrO@Iul}OuH?7w=Q0p?G7#_+t? z+T--(PGCB}U{D|!m7}pY-JqKKj^+sj=&yV^csyGV^Se9;tQgOq()Qh$jveMg+Zhtz z?Jr|=db1`pTK5*EJI%qP4E*ts1?Kc`Ee))G;w%tT+(qtrUIao5714|hH%!t}(on#U zMrNMgQ~em3JW-s1M_f5bwEk4Z*1deq*m}>6yx z6-A>juP{cpSyiZDDq7nJsJ?9~y(<7Lzw{867g>^pYZ7R}X_0Uw+8D@fwC2j`|77&4 zFL2@4-^fN- zAbcv)$x7oQnzj5mN;VirUOd8~Z{%%-pYFH9=Wi(Tk-32Iw6qePj=YbEOg*e^jS)28 z{D`q1pI@f`vm=4``4Mm4(TM9#%5b#l*fXQ3LDmWU4mQBnE}u(&J+LdC^Qwz(Kl2$b z*R#cENr+=Ge$Sw~S%c{AV;UaQQG@R$CDH4Zbg@n-w&(SK$ygpq)-N^(7eQKo{TQeCg$}mG(vQ(s4Zhc?Fq2?GoE!lqq^7@3^mm&vpdQQP5yzi;@JxB({p#mQ+5p3f3tDmeaWs5U|`f&9M402It0B12OOX#Fpm z5W6>reE0nqcdk|$v%XrWRmw4OFmg!KIU>4yw}LyTe!qy5{)29QHG-PTmB>BbvfT2& zVWNG7efW$0XSnaa7Qnraw~(Xr_Hd6ZEEa|8C&Fz8>&cSFr*zw5eLPd*Hz>Q1$i4L2 z65P1lBg*_yL_hS>#Do!i;Qc;GG&cXp;!Kf-OPa}+&DKK8?pTp|p(-~zc9Lkp=U)2R zr|%##O2Pb$!(^^n{EaDIlaoZ{GY3%IQ345iRp`|b3-LYaDKx8P6dp<*M0JH+kp@Qx zo0!o}F3auYULB{xh5anrWVqcnVaZkcL|zpmACWmZ3_X5s9;H0$Wx&C!s#xL@DMnuv zTup(0WlAP2aI}T_Qr?vQMJ;T_3vEo!nu9nJ9<@zIGH66W2Cd0v!}nx1D|zL8LQZWQ z75;?J2~?n|;?pEFmea$#V~xSA>ldwcD&7zwA|t%H&(L(+6m9I}xKgV6>}-DSkvi&8 zRVyUdEycUq_o6i|;ey}td3f6SX~^Ll!N51HcbfAxB~rfq&kCaL<|#s16(j7lc(@za z4|TEf&OtQ^N|307z>1% znx1fSswZmW+EJzZ9dYDlM#L5wV4GbkC~o+AMu(@kuEekGSZ7lF=@DNyD~9MSS3-kT zBy{^6O!U@HfPbUavAE9pXr+Y56xENJ#MFxw5c(QH@A2!=PCOst#CteC{0c>@>cb9r z3kD_`VSn6}P~7}zFElIA*zV@OTOp4Xp8y;(skEd z)PxzJE&X25X~G$z_IMQ7_n{4yw9SHj)$YLY(_A8`F`iOb6Al`~C}?#}7WL(RfN2Y} zkb#OX;huAt&~;1)Tgv6|RimDC?~pmV@Ld&4F`)^1mmPzXy2wamzM3%IZ5AfHNbW{E zX?1X6`832+x(hw*^TEZ0$7Wi$E&`&!&&E8p7UjD&5?cFTz;UHJDgW6+@T>0`Ak|}u z&#FdL_myer!74rM)qOcI(s~Ef&KV%QOs*5hQU$iUyR=cX@(qRuDy@$)ZNK>4;VSkn zPWxvg?3*}8^%$+L%heIat+NEmzH_K=_i~|3fDTqysD^23JcO0Ft<#no3E|8GC-Hi> zlZ4{eC#=NH7I4E%bui-M3fG#xBzla_L5Wyd@Z+-<$lRx6tFojGDxXoJy!R<%o2B$H zfqY!~$#H?kHmk~sgom=kt9c*9dH3E!&wzfxe92Mb=Al}!U285FgN5w3GOwkRHTffl z&}gYE5$oH6qI)I@_q`p(qceVTGIvRVxO*uuQsSYhvr-`F5As1FU^UTQsRjZL<{}&U z@$f}^m9T7nICSrg<|_ui$E`O@gHQ?ak>H?U6!+r>ey>>rn|)vwvG2wdh8|JfJQTZW zosr6$2X&s?A`#EwCBEsj9n$RtkkcGaT+h2{iocppJo?BldKJe;iMK*8pUU5|*%iR1b5%c@0;46a*IAWe~9K2Cm@hUm@&x0EaCT8D9W* z_rKh3YBMx&;YwvEnPqBN_(XNacPX#b56s1H{3f>)gE`N0sdI{pH7|LpV&#R(q;F#a zYu(N)GOlhN-65sS&5cfG-+8-)?)#WX$GRV-pZa0k#Cs<6LTV|AnQo=CJyh&UHfz!$ z>C+ketdL@eecrwZ?-s)9i<_;<19%?M){#pN-mj$b-f|%)vL8%XSI3pjRJ6I*GTL6lzf zWbDToajC^IUhvXAB{=eKfk*&4$W#jvol>4f=lod@R;oywQ6a0P&dsY0;3r5mvH0ft+wGg*)$iJNfG2ER@^oR(X5j zZhGii0%JcKr4WN331I^s?HxwwepSbI%SbcpE1M((%2w~Sz*MdcNSra_b7mXxUcFbr z8vU(EigmnC`m#gAT@x}T)}EJsNrf55A^6}0lv zRNMCt>(SyF84MrLHilSfDWoD!`3N@sm_SBGc!Ao+DWrte38#f2fO?(xnD9R1&b2q! zWa!bHoWyxuq3_T(noZxx93_7(xPXL42WWjmlKA=l7!1;IA}@=IX-=>fOs@D%KA+wS z_%I1vHF!w&@3}?im#(E2zq|@Q<eV5?F9ub?08kKzPu~x-e*qleS4?U z!t?>kJsHW+WABHpjBK7v0Wf57A0BLFgmrjdVd&wby%~(An+j)r`U+<3e}#gHiJGSr zwJ@QCE7`PEk+o!b8EJ)k)2l+|xrU*DeW|1wOpmem}`_4sB+_gs%68{!-3 zl^fpM&ZuG0n`R%TmUJFAvwb8!e|6%k@b;*KV2)Y<+1k34h?rMP&b$>z|ET>$9gdYJ zZ+@%eddKWw=#iHhk2n6!ak!B>RTSzM%Po`>(P2wJ(?+YEXoclr@V;CoIU!k3G+~Y< zOc~hDUH-`hu&Oy^SD-!D?{buAP31hq)Bg%Q{+y%v9oH$2`&F>{)GV(3l`Zg_VwNaU zIf34bR53T1lSFKbDI*u2*|V5-LB|HcK^_y-0X+`Ck?QKo3dOF zdS|Kk#d#w06%**1&5FpocLyzXp@isnSWfTl?1ommB~eL#A+4#ZiCwOYBPAAOaCe#r zNlgDFeN|;zwR2qpt zm_bZP5)n+8Q4tj*A}S0S6AB`NB2mdmnCW|a#DpMX05fJ(%nBlk8Fy%(_u2D(d(Qsc zvwP0=kGa#`w{P80x2n3jLX0kQaoa3b-fiC&0kGtHjjE9dxMuViJTccroJJWTxmR7G zqF=p>q1khQsO|x4j~T#^6ALY?&PNg#R*ogDVo%`XpUg$aOmzTVVSVD39kJw|4T#x! zX}rSF+a~z89Ve}Z@h`{74fu7wXuMlofV55TCPl!-8!l;`e_x<3{35(0!}{ zi!au((U{IOq2_@ta%6#LI-%Vg1@jlz5og0Sfs584e&eeh(VOK(&YL~~DCcc~AGh>_ zz+XzxL7)rQ)G3oW$sAmKy%#)BX@G71Z|LZgJLt|t1K6z>f=}+%AyafZ@t1m1U201! zo>A${@~lG^*5pKWPs?XYa^f$i<;erv%%GwBLApFTgSb$ePu%h>wfWd%3YvaiF3aXh zZ7VM$@OPjwJU77{Sm)lSW43)Eda7cvrXYKGQ)M&UMi?T?=*z(9z-$=*!X0|;D#g*8 z^EtkUu87wLC$QtR>dt0MOZ}PPMt+wl?xP_xY3T)aJ=VSCgDVzEBAZwKu=kuF`;Ig` zk4N^$L!i;&v9X{G#CcLMg`Nf$H0mODFLsGRXMg_Xt&49r zpu_cdo}2*|j}HPfJ{_a$!AbhmJ_UG#^97vOq`j5cTIeSJ4$Uw{`k4UEk5tS z+9EellKdF=+p&#pf8`u?czaDE?C7}xJXdZ8X7dNEN@Hbc`3XI2JIj-mM8o5BI~T*w z_lZ6W;ZLud`-ZRm|KtCz8TjM39*T~f6j_8Rz>|~uai4-8dW!{S$SKDY9Twi?v3u=y%ajlc_=cDe6#Q}T32Ek(3x}ghkB# zAtrzE5&FZ)z3PfB#t0~TPx#M&$`!xcLs`DRKrUT!or->N2<9bD0KHeNsj|x>MxPBX zWBIw7!gFlUFv2~$e~v`nvRLpV;2X1};3ZQa8oS7GU5rhR-oQ5 zM~QaEQ|BW03V0ijNhV5!un@;7%c5eYecNurMjS*v4%jakC@CPS_Fj}s8|q*V?9@d} z&W)yK$4+ATxPe_FTi&;<6%|=WOI-RL1n+($lDthLC4E0+DPNmNn>8yo3o<{YmyPif zN>*n>Vv_1)X^s{d@?dTYS)eo(*jZId|ZuoHxzivG`}Bn}`4C$H*PD1rpi$l$EcPj~*fq1}cf7?|&d`raT7E zsxIqIyz$PqrSv1YX7ul9%g`5YxxV z117YNP*|ZQ_;B|KD|b9!n})qyd%*qYH^}u$ zYnhBeD{3&}ljk+csvKvByWraEOE@Cei(R?O01jFwaqF)K0h?Sf*ebw@hT zb?al+J^2K~ZTzSDWA<)-nm*$ z+sNaCzBHamOzpC?JvGbn^n_}1I>^2*0Pe)lA#} zrRJ_rCg<36QLR{cdUeM&3(kS!3$+113TlVzf76sRiuch&LaPjFP)STp$CLD$yaRa6 zD-cwhOz7A0mprU#S}do1)xZR)l3!Ol{f~F;>*Q}WmwsQVoiW*?ruun*O<<>9t?~1N zHAe-x)yVAUH3>JPYg--LYUa*SsX@jVB9+Z1$b*p1n%!}K?V6lEP5ax|y_!PhM_a11 zK6=z1pl8&q&VE-_+wEGjVT~Cw|4|FuKOEUpjdhjPsKzALod1wlTa~l3R_{fHTT|(| znxdnNYrgrcW!tI*akZ)B^V*B&&1-?pgqk8pO=QgAkLvX;huC%|`{c6qZs#4WR$F2r zlzX6wjBK0C<`#3B<42u_4UOZH6R9iIHinVfKxHn}N4EEGq%^E1@ut_PQ9^`m<>41-Uui#;7swgRT z9w&%$(2<-jDPa<$*5DTgFOuQ)PE_*v^Gxq^5)RxRBgk61nmh;=QXw4%f)yp}B-b`n z5z$>=X&=QBCTK!8k?Gw`etBjqczEqG*l>2M1W6vnq)j(Qv|#~RwO}{9KN?QYk%YTj z*?hnAM(khohpE2WNG0zcA(<0g#xz~ON?K~j+InX{qddNLa|V8DO7@z0GxCBai0zFh zuS|~-t|N3>u zY+uX59(v>iFV9gW-HOc-cdI^je|RXGPz$t2imNn|spaBX&@J<#{(}$Z$VSm7>QRsd z|IgPQ)Sa<%jGjNnU6L%Y&nO~m zG|j2+jX?rQ@El3Q^E{ZfZZ`F*>j;zma29d-Z6j%3G*hrb^)}&j`J|*!OX_DM_2=w4 zp+Y^`CXfv8$@D7|BomJ9wAKoICGvOlm%I*=6@-5-Wh%l?GC8CEklQ`DHeVLn2(tbx zg8wi%SNGQ?;yo-hjSCf?YZB9qGP+4Z=v{VKSjMTkC6iG$ZN z&x53a%X;I@HIW;?Ucvbh0^Yj8ax7h}%DlLBmiRDJ446G2lS0Yj!4wEfPM`W1S> zDN$~CS!xvF-=pOce>ats4=num{R2e47HJe^mOe*3f&M`pYAl;e0<%@j^wDyhmQ`o* ztn_>^-ocsGuONA)Hi5<>1;-zq@WzABecDGLe`ppFpY<9JsWi)X z&y}J5Z86sUNe6TF&g-69ig#a&jw;!Q^MM2}73mHKK2%NY}kVoJtMQPNEk%(8w}=Vcg0BI*WZX<3E zfJYP(IIcBWjISdBou;(G=-(PJW z*pUj#0PyL+FV0(cQ^sj_D!aaIO+J9#n~{nj2{_Z7G82Sj@6PTI@q_CWp3I0gwJHcU z%1FP7MUK|@Uv7wK@757Kvr*)4&(##v!`;xgY@;Aa3Bfs0weSLOiX^ykkwmXpD0nqB zky+!_M$NyF%>>KVy3|SS&ZfPOq*qXBwtL?iBfgvtaCA$*Xi;Pb)%N}qv3iWRKwUl? zCSFs80iSGQ1@$qJ#Zuj!P?>rYy_}_23+-i2Wi4{I*{x+oKPoAg1V3IX*wA}aa!z-m zq+i~R8Yvw|$^2wN>JJ&0u&d`KFR63P^b9Yi0Qp33{e6racekIh>{NjAnL=iKM1%x} z7$V|iRIq4?(`f#nkD$2JR#K~Q!8JqCLb6mxg&pU!8828|xbwCczIc~JYBrc6>2U+> zdQ`0=p>b@ANW-=ow#Dve*DbNZ0Mw@_Pi?`qwV%KVXB%*mnv0)1mIa463h*&M5n`REpxmd`(0j@yFsn`vF5Ha+!&PGO zr>c=qQ_c=-{1yQx{|E-P(s;sgf5f<9`ClDU`$vqWF=rRgX{GHZ=+*6vK!+C~i?aaa22=pg`*WGVaZBMh4%@YWdW5J}&3GDnm z%$x?1HC1rm`A}$vCPQPqulh-xBAnA1z`|Ny_<^nWN++;!O5YQ7=3z4=Ww!NSec}-% z_;O84<30r%Znj%WtXyo4{ID}bRIP29g|l|@`l!vYuHrq6(T{=s=@;)iNyM;H%QOoiJbAA-Q+1xUH+8wavIx1%#gW5A>z-6(`q_Z_k(A# zQ(%npCBkE@G(djz?7EuJ&v^1!14cGdk;NCMjvWLReH&@?K^lEFd<0x`C5hmk z$bD05I`IHkYn$vHeCK(4-cdsgWCHlVULX&v!gwV=g;iTgx8I6HWV~Nm>PpV1?CU z;^?JL;`tkUVoXMzb(z6ThzN!IwYTY#FAlhaX^+f^@vEf1`h^`}RA3`1^Ib`_;ouDX z#H?2!ELR`d@%xMvF2;*_3V0l_MXS$Yjf)|yd+bh*5r{H zGVYj~-f(~Z|M7p<4CwFLK!RD{8ZBQ|k>96EzqN2z=*8L_Bldl=RG&)%@1@Z-(!zHZ ztd#op#AjHb_g*t#-n!Au>iq$9MCf?x{CzcuOkF_cAPay`r6#B96M+164I-<)@ispl z43TY{Jb`o6bkW*{4y5vs4)k9#f;tdh4!`XRq`m!0h;OIm1!tZ=VfneI-ED0CEl2mt zjynu7^E~xa^)1sd$A;Nvznf^uctd9W*+R`7m&kd)yka#_Y7ikT zTwMFLOF)pPE`ca*BT}(g-mSbtnZ)K@h3&77i3iU{5*r3MVAtw2V%1D#(3I`(eC5C+ z+_{iOWwY{F|ESP;rS!;q8IAjHKf_g#6fk9u9%-nrNN)@pBZ__?Lu{%vA$y+~vHkqa z*BH)GV_Ekg5^MuIZ(tnTCVME)ErFFU z$HA1g7?68h9_(0M3N0ej!BcHnIBmvFShh?bc@Jk3re_sN%}pX4S-KGJIB8Tp`;rz6 zZm(wfhOYKsI}=BB0=()zB3231N4B`Au>AbiO$@5NKh{Vuxd$q|G~uiKVEw#1hDdLI z3FK5C<=vgG2W`EMLGe{f_;}p}^t%08LbH)iHtHl2pGPgn>&DWc?Pd}&H`tTh*?Gb_ zRb8FDAG;rWq{OuzoMDPI6)gZoV-mQdEpOw^A+peCLOKyRq8YABb{AV;&?3T9jzQm5 zK`dQeQt5(Wb%FYuJt&ZWdOz{-^AebBxR*Yu7zdUskoX+SAmW$lV`gZ@u6?do94V*Cj@HuL5_(xv<$G4K_BKBZ{X(pmO~wXufw795HJg z(BBg3VmU1Z9M3Of$I0imvn8j<3mmbGcfVw&gIt&_!>&h1hcU7<%~)7qrh*^OvS!!s z?Ibthe)?;vSpMW9{7an- z*n3S=sQTojcqeX-43BmAhzdMHA3b)&J^zyzZdoR^druJ1Kf{H1#EgK(RDU(`!r3a9RV@EM$$a+7wBnudFZp2rs-X#%UZ7~#r+d7@cup7>>j8T9$49$K*@0pDb6 zjAVr!p)-tQ*zw<(rO1vsI#*BF{?vj!E2$l{HEqddcqI4mcu4Pyg6- zJp|J+r*hwn@i^l^P|;WS!}0C8lug=F^hog`y7{#xQ@9 zux17lq_$;KRRCvMB1^-Q5d$d--{YMiSi_20!JuXfee#8U| zAI+xr4J>6&P|mL1kjwbb)@J#nsrz&m_Uv~mFfJ#P__f9Yxu34c;>Qs2H;#v;Fh21w zM*sb_d+wJs{I6$~QPR-J(}^KNaqRi)rZa5Z#o>EbGUg>z-ET=4{(n{H$-mc!&;R=o zGI(C@M|5UFi%3T(4WG%jb=hG|;qt5=H9D z4Y#e0r?7o|=Fs|YU*$hnD*Oj-n>VHq*(69(_AQq0Y=4PxljPX8&IeVpaL05={(bJk z!2F~c6Vuu2e$MXyULS5N`HD)?K!Gy8IDMAZgeh6D`V?&DC9H7T7_m?z1luu>YgITm3G;JYB@R3-=Eqj{ zqo&ImL>b{DvBMuVXj7@~^l7hcqhymQvUt{fjbT`G-;NUxPFiBTwAB&2p?0LP^!6KU zyT*FA^{Q7J*61HaHLX*yirU93%}l>f}W3tOq*hE-O{(2@CvG7FAe!_FL9Pp_q`xr25Q zqCojg?gz)Kik}iiV#6{6OiAkRTXFn=_>`4Bo|ZARL@cXi@76XHcX zo@mqI8}(Uwwc{k7-f`gyR(a^5Yopf}ah$OkGO_1?7#$qX$`Fex*Rl1!?&6AT&XJ8L zzv&|Cy9+tP^OeU zNZRZvEZBbr2&aw*Io`ztFT(<~)ov#I!;68Xnhx1jWkgrcwj=w?i@-I>W9YBejvd{< z43Y;+VYW0M`|5IC=#{*gxO)l!@d6rpMEteWwEwmkn5PI>neKhW2j~HfY^E1Ah|8}& z18E}+$ii2}&>&C(Zf{W`=M1FTBtjjUmp8!S-dqf>&Uh@fEm;AL?CQXVn z_R*kwFc(_4=dye{dRH^%z-i zjp_c;M=WoDV(HZdpiJs=W{VY9a*0Q%=HbQ$!o4Av1&5Bn`<+89+)s@rNbKeU zTA_PE{mv3|N;OCtr|UvF^~3K5^S)7?*7~GHVHP_DzQ^rZ{?W=0z$?-#-Gxg=NPh7{ z1e+GzW-fe4WWGmkV?s1WK^6a{)S5>aRF0kazNTr`6kNxx%%WfuEM zQlD<-x#r8dc;zC5!DrU^6ZHkJh?kKu(2-{%%*cu()}K2?Ou6xsT|eiH7{30OTCVZ= zqp)vb4LM?E2J{GfOzT?AfSOSXK=X$R@my^c^rjtBnOz46Go=IYbi-BfelQ(=x`{CJ zzW)Tv(#`sta$xmkZ1h^=;3=r`P8|cWfOYTT(*LJ6vt`5IGB;T=8YwY2K>EzWd!A zG8H{5aKUbz)<@ROP<0rlSLI4+ASgezasF5>C?6e+Yo}@=JM%1%*a`s*QhR>#$Ne1u z&(ekC*4TrOb-IYbei>riI6Lrmr3OBfu1(9;P{4fb1*|HYCXV24h56_E=$gq_*l`@o z(???cb&!TyW1(WGJvfk<38K0Lc+om-SR1V?>?|r0EqTd-=Al|_KLakBBekn_guIj6 zfOWJTz2oiy@KM8+E{q-lzOCO2oaR^nV6^~$H^Efsf2t8^3D<&9S2OUNGXXBB`be)4 zxqvw*Qh>|b$5`1mX}mr=f1sx)0x4rXX&s3H7*lFaWK7UUTn%+V-S<`OdUQ|qWO1Ql z?6ZbC{|UfZGY70t+XJjWs1u#34S4bkP2o$QZ*1Myk)=4}TZ?^LFUGdaJq@NmP=fk0 zZr~l|1(fxUVP)@fFn*jlvQ}~j1Q!V4`*;Z`_?ZGm?S5tFYbgi*hX>Eq{^Mzfs~LLY<@hJ$Aa=cHA{tk9ogt<(&nCAfu@Z7v~)`rh4ypO_))+m|YKP zC`uOQW5afOX}}+hcf%CfbF7SwCo?<`!^b5w&qdch>0dj9IZIq!hp(%=add4fSnGnC zX|d-gUU$;bYrQljnZ}Lc&eCJ}n8Ew_>yZlBwoDHFdPXxyHH;{dPqYJC%2lFa2zz(wBBNbiihob6 zYn=OKHU@4U#kM}vC0t(5pd(kCiTKyAiepAulRD{o?EX-3&gCQ8Mo3SsGMt{3LnI5e zK=t4uaPLqRUVBb}Uvghdm`)i4CoIp=+fanGM4N~+YF*-MmEVbUH$!~$f@k8D^GgVW zk|a=@T856dZ4$Ls^bzRQcjBc52JmzYk2YIihPby5(v`o~v$$%p+Lz47pd*yMM>Rdho4#GkE>n5(uLf(XQ>siT*!ZXlcR# zF@AV6UEVes%-pMqEUZ~hl$i3!n^mF2V~=_CG*`(athWB zLKtgzom`NB!nJY+(4~J7L~pB;>GR_V<$g67>j^Pk?q1@Ry#`scA&xxzrW_l0VJb|& zc9d|~=m$)dH^QmD{)A?C8+g>EN6hp|1mgO~Q1#Ob{6(Od5S}>;6qo zvl=&Vi+F;)H~f@4k+=su;NvA9>9|Xah&^+)kSps}0R1P>`STAi7%eZ&XEACCcoyja zbuNy?Mps>jYmQ6-GA%A*34b-bW2cYE_eRrkKDOj>)dX;I)kN7 zzP{f@eX||u@2+F8SX@h3TNF?KLLi-{npwAT_bn_s`>6P1sWq;Da2+<7s?FIm3Z>7u z?`GQ>UhgfHX2K)h7DCZLD&`$nf$cn(#IF-(iiyot$44`{qUnxF;^0?*{f26`SRh_+ z&5^g31$5+>=O{nwlQ>}WInfInEj*_s1HCfiFqSAPW841lr~n%!=F^6$?V?#PQfcvv zOLW(gMr@$LkWR7asU6B6i(bn*C_bCNwn0y31*#Qb2rSP`Mn6jJ&*xv1r(bQ7uzY;r z>)*Iiv%>Z@#8>9hAG%gy8iw;lGd@R)opaxc=tp|Ut+Oil@K|)mlC=KRiQ=MExvV&N?Q(i&?is7uZGNc9 zseHEYuT5fDI=FJWMg50GroxN}O~iJ^-&{w@G2cnCj)B-x>xlTn?~`!*nQYxGi6+uX zNPy<+1l|ba&tzfKDHz!7O?_!e^yr*A2j)LI%ZySfVFs=iQjgL{Fy*@`%4_8TQiCdX zIX)r~76;#@$LEc*{&h!7XuU=OKb-lp{_Ic>nObc|cQr&%1s9|~r`P;xQ)7F|utgyF z_~k4smm9x-j14~Ub6NLTnGLX`>& zGjx7N&GS}~(c&cfxN;uxbhM?v2t4H##4lDQYCg`}H^$%LCGg7XTF z)P~U}Oti_0N+;DZ%;%uL`B(ytxGX<6v7C-w3}_|78FS=mu_Y@5bIm`JZAP=iuPPEr z*-diH)J8qz4WW;G48Bbgm^wdw=LX91n;wH%0BTfXG2fOHLW{oJOmE{gru$1br9EDs zd9*%}I-5D9y#qoMX$Vx``I6*uvkN8 z$+vELVZJqW@6aB>fjlnzJ{Tg+K03))+auJ*yvg4%MStG%Y zmD7Ns@lr`M&xa98^9jED8cx2+`N*!vZ%aRk+oj!BGKc<%KFb(Mv`b5=eCKb>t<(98 zV%$yIfwT}_AE=-Li#(l|B$-Oq@3v*I5*jc*iy7ea8=PO7$81sQ068zu(0#^qe0>CJ|Z_+7y0(bfnARk z<@v-?+Dg2zKbQ`x7(s~lY|#sOsD~U`^a^|*UBT-S%Tv0k&G1LZRBE!U4zj?j6>4+{ zp|VOm6OwnBGEbIe*2Dx;Lr<^3u-aailbTz=!V{NSTHrBH8#%wel=dpiY*e^DhC29V zEqUv$KjpE8$4s0(lFmh5l6EVd1)u5nY(F2yCSubUw{aWvlNg6lh+y;?hCyaeVDhd^ zftupUbb0(ZO5<8Q6Cjk(A6+j|;)Np_N|hj^=~Qa&B?HOHl}bR_@G0Qm?11L4+`*LE z)8vb=a;jgyhp@_4mWca)!^kaKNMQp`o>F4iIdR|dh%E=}X;GbOJ7b;YMA^rbG8#o3 zMkuF2rf&RTZ8`Q5^`>`5@f3qI4Cb5-$A6xMwT#*a!8k3T=pF~TmJ;A}zzGh$k7Ilv z=p+0AIZ8X=5_Pgvk=i%|VH!SP;nZ+dm_6uiR&J?z^Y{Jy4vm9Tm_D)Qk2aE;SI*i~ zmv3t(>bq}rWJA=YtCc5#@cH*ju z8uQKaFtc`k0_95Wf}z13-dRqL1 zHffU@^evw^|{CyMf3tju%9W%EvCl<&F`m#4NYxitq zkZTEGNKucxBFzm`a?g~Ra*q$&_I#mkdXy6LG|Z`t4nW;(wUroZA120}=EFlzt(gZe zCJ-BRMdV)VtJKEc{lMp(B zqV`Cr!2bd(dD7Ue?>(prIZRM@)P|l8#$l7(9P+R|PZ~37vrCPZ5B%P(Lt9h^S!Z9<_-D+}eI`GLS$*dQ zr3_cW;Cw9xPBDYAXEuSs0+JG+kj7XjQOCpDs;J)V{bZ-yEc!xI0wp{n_0=>^m*#RT zCV%!*%);mv@qL*9f-9RzO{nU^L)@+~qjz3|f(CPBC@q|>{+7kgi3wMYEmw0^h#MzJ z^MAj$pkA82hsPe>f@9N*h}H&8WI=2qb?r-iN%EGx%-L6dQ1_Gq7|gR|zCLjzhZ2lo z+;kFDt&9Szf<`jju{uaPJWDzWPEjVm?~&aPtYG4O^Xhfw`(RRzJUh<&iGTNp=?x9A z-enm!;Hr&8*0`|xtMRxM{dt!WGQS~_IIby*%F>o4K z_~167U!K8_So4|i_V$C z-lqn(#ZGGQ>J}1SYXgCaIYAy=;siBE=83o;G6~p{s!;1+ z!8YQ(o5o6gah7ASbtdeub0ez6*Xf{3vNqSG`SPaSb?40O9|3!g*g>Mo5$@3?pi1;P zaQCtd%yF1U%fqoS5*>i*d}%yDTOXS9Ie>UO-v?;FUk1ltTW*!4uL*tCP?nE3#FA`@ z?Yc>)R`W%3227FrHd^fd2${KyKGFI`w6wN`+}k%DSZSQm+vsVGv|>}KGooDH(xNw{ zs%Aehe7ThBd}o1J*dK&h+lxU>dkJk^dxu;#c!a1_wFG=o07D2(I7LQ3;qoJY<+>4t z+KA?X9Pt)g|Av8|SBTyh+JvugF}b@dinK22Y&7@e!u~@Ks0(XbSiG^(KZ!=&spmeQ zm&G{!jH05}H-qJs4`EO#B){&QPJTfZ!yHUf{*y5q8#etI}xU*RKi^SRSp9}jf8fq`aziE8g^f7wM}Q| z=6+pDL$LLB=IJ(1$|&tUKm+ojVzvlXzomy1L?u%-D^ts&H>_jEJg|kcTDAiDdT@;+EFSRi9dQAaQFfJ5H=; zD*HYtT&qL-kL_weo@xuPiT>sj7JXPj&M)>6tz1-0%6a0j-ZokPi=I9r@cB(97ntz! zxrS7b@nLu7yEpcN;Wb|2jzY*wlbNSsChi6v@1?ydhS#a3LOV)esb!e`5PN5F}`@ zEPAb<@x7bLzI2z;72aU7t<9OZhq1WRvj%cVMo6W6KF#Qy;p5xO&rmBeOUR(I1hQ`D zNh;8X$CMozOPo4PP$>^H7~(3x>^r~FKe=b9oQ?xT=w(E5GJH2&PwOJQJqqy4x5Mmu zFsGu}(&>Pn_<(jPqd-#BM>{>HAhiPaon1y|hw9kwU#U*H7LF{NU|P?-wP8T1Ry>qD zH5raPjgl`PD?)4pNnhV2gbx-SXB3u6{WSvgskwe51pakXD5Lr{#Lpfj*P@uOFr7NY z(gEbwS{4V)-2%WpOK;3zxi->$w$gt19cQMmpO>tRyiDrwiS(F~|F0>+-wXfkmklT` zy_Qq(zpt0`&vUPf{`d6?{;4qUm%?r1TC$i{f#Zml$_`OcUT?j4wgX(WAaGmC2jGi%9Mk|ek==%+) zTu!DQ=BvhZq0e9X@RRGG^RkTJ@H|S3`Jx&Je&S{|_jmHM(2Z&FtPJX+!E@}{*~`@* zJv$~cqowFt@Rc2SB@TmPK>(8fAX`8FGtNrS6?*sXwR|7EW0R_de1?xFSN$4cB^8~{LRrG z0~9@Ga*XeUj^rDCQQ*h!x5Xa$kK}2E^ROauA#e4^WS5gwcX;>ia9F-`zw|g;`i%*9 zyz6}mU0Jvnwd*uTZQg0|$9(?nLHbU2-mzMM&C&bfcF}(mTH-+Sf;*1#I$c(yPq!4J zrvviQ3>j~a)uktRQ+aLtlW)shzxAY|lOBt)l4VEu;&gMg{MtH~)`iym4U-?Uur5~p z^+Dyg6?lkqqPaP%f4ICccVTtDH5cR1#K!X;e_lFa73ouY9;4T`pe6Tm7RAwJY#q zaUd>{X3Mf&qqw@0<#37RW9;d#aE#luA3Ybjk8d|}pPRbHW43?R3mdWaTxEV#wIe$3 z)GbV7-ZQNKGmS+o`ofR|tS7&0F%&lfU(kF?zqe znyaEN$N%b+%>84&iq)APi9X1aa&wQv!Do3fLk4^#0rE#8TTw+}h)3kZ_58q(Gts*= zWcz11^P79MT$9_BAXBu)q=Gl^#UXUu&}#JIL__|JGz-4^ynNp1Q8aJ;n=yRX{R`3c zw~hFMm-qOao9g&y)_g#355@AoSlRK@Y>%Si=7~Hx8AZP7O)oSwq@VX|6+rth^zhuC z?RM*m@j&Z#{LM#nKkGF*uF%nG$g0vciBv>6Y5x2c)k<_xd@YZp^wH&86kJd9mZGyZ zZsl4y-sKytosXJw;?NKy9e&E&J-n@T9CTq~CeO&XmT$Qujm7_2kH_-EkVtl?}6 z`hCex%%*TQFLX)--dHKbLY^JOnjbje(-y75tAfL@H-QdVxMB?IQmKVvR(3=5kBSPs!3lIrpw(Zu3Og>G2KN()R`Y1>48)Pi91-?m8T| zL+wS_=-ys@$gmMzrnUro@O6^M3v4R7J^C{XbNUk@9j05-(5eQ8%sMl#+JJ|y3{de z%QKpsZLj%G%NsqMEqb;)bH|+c_qk!7@MiUAC-DX?r;hjYoW911IV;8T&R;+T$7!^x ziyJY4bMeV~C!2E>&ck&l{C0INNYdaOIwo|E9n6oy#J|I_IJ% zID34X9lFO3jA|Iz>@=C|a`dw$I43`ubGQ>!oVpjZJD<2MGivO`QjY8%181Z4@tpMF zyUyF}2Am_N{Owzke<)L*{axD^$oVe1=2Q@8?Bae}$K~`mW#_9R)cH)} zC5O52s-xqKoow9)3;Q{S*cSHr5swGh(sRQfXVq`@?Emmt&5pm-4m(Gz&T;P5P2z0d zF~WJrOaW)&@kI8!+DNa9ERUvgJDeFCRZdKjp|hP{jN|Ye>~AqdZ<>|x)-8F9?(eX` zbW5(eUaSaot#Qc1HtBe|y$xG~Wvsn`DqShZWXxsVhjNS1(4mvqV5S}RI^#ZnmGezL zvpXN%NZv*hCnCIwX_}Y;b&?09*~j_of4U6ZGW9UTk9pX~s-uTAr=hcE&qS$xeo~(g z51x2QI6D2_PP}Q+U%#Sf(LV0>eU2WUKJgeDWsN-pVVM7QXUxg@73%BLg&Kw(LmNUY zFr`oG9?wFZ@uUx?SkICuOd?F`#4Vrd&kwn%)_4ZhfJRE2MnC?QQJfL zWBZJ7$HCQTB-hB}1hohCte02I}Zz5N)nu2gxi#Q)-gV%2P0R7yY(;4#(#He;!|I)#Vy>PaAg)~;tNY6 z2-{yTupVDC?ARDt?BWw=TwWm`KX<6!Bgl-w(%W2l5N@uKkDD}aBEEHL;AaXAaKjfAQF6Kn z9mq4pMs~;%yOc*@#z#@YpwJrg_Q-Jm!I_EIjvL9s49i_WSk3?CT6yaa-EppTZcx>2|=kH{=CwRtNdGu2xfcg9E&fXbk})Yng4{F7?+58 zdSIygcsERW{x>xEM@RHo!`(t6T5tr!)u2|{7nD%=#-d#p6PBmta_>^Up|S?ZT&F=z2hs-!fb!$j?Mi& z-zj>0qMO?Fr6{P2;g=rAF{whHe>Zs|>PBX}G}&3ADm(VL)$pRxop=fA9{&;*S8DL( z(;xFxoQ=>Qo}+mE5vu6#4aQgikKt?z*~H)Xs0%$MDCRHNa}33%mAIQMn~sj#70$x+ zI`@Yyy{$a?=G(k^(;mI&rjJ{~?hoG$?c8Q7P4|a*rF*Num$lVsua4kUs(HA-Gd<)I zR6o^ixy^O%SD7OBS5Gmwk75OP&z+Opo6lqJg8P+R!!BK};unUSdv+D~Mu-wuKKl~) zj*PPd^FP@8?td=7_i=kAL<32(*Ylod+=xmvrM>Ktij>ioj0PE5B{MrKM9K)!pi-jJ zQi-HpN~N98^L6)ly#I#p58wNj)8pB3UFTfqx~_AbYn=1&x}oUBN2bH`){|N4%ZPp7 zipZ|`oz%ET?Ns^Z0y@sOjtZ+ap=?bX>52$t9`CDtI>b2TAwoC#4b?Fwh<>wW3LShb zfYvaWE9f}#gmi8?O4&OCYN#%Q!eg}Qki=>9$+F4R5pOlxGE|#6ewd-r?APSRvo>_q zO)Uz&(4@lqG@0=`$56i)?4rwTQ>oe)#^h=sO$SB2rT*j5WhN7N+1zuxn>58rq zN~(1=y+VA1nqqN^3YqzeY`SwdfnS4VkA_TJ-g0nY8CEij3E_mb)Sfg zDxuQNuJiV2TEQM56Vk-J5z>J(;pWdX(9w;#V7NCFJi4?6uDCM{vkUdvM;}kZZJVXp_1{{IM3Iv)l37T zvVd*0SjX$Don5^!Pw5zI+e@Oiorbu^IhJ~N$cpe?Dvhu2Ng}j;h5t4>RVH^H09_h4#>7K(0rjRkcgVCH;%RHQ7$^<6&1(`1{+1196eMdroS>3H^!I<%^0 zGyVc)aCgo!^zhVrG~I|mewuj*bu0pN;;!MO=Y^==JMt(``U-weRZ^cnPr@mUhfy9nhn|Lpp?TRCky!pTe0fV3 zKsoD>xswQ1Td2;MhfR;7O4@ zb+SVV&JxT=TZhJjBf%Q1xZZa*_Lds7=T5>u$0EsSRTWVDJeS-zjoUfu zeCJ%Ctg#hr->@4xw;urYc?>%|grTIAdOn6<%&(pYZJKyif`y=4vJ74Bi z@*hG)&70R@IBX1Ka$8?;{lOGw;>PFvp7I~efE_#d^>Rw1SR5QYtcc#k z7>UrJE1qK%8Hh^ST0a#e#YZWH$2FuKU+qfBE^}EHTM|sb3PksECrNWCQ&BOV(4*CQhEB7 zMM$$_za9d;k>QMqR50tp*_g~&pvTxY?Bd}x3Bq{Vch4N8vIGZBd~SpP<@<$ICm;>g zm+YqL@_6iVO+04gBpKP~EEscb0ta%Ble^beVXx|cYh(|%T5Y1DYfP6+` zxIKP{VC}<$+{F9-XuEGRyZL(+Qt3+Ob;ruDt9aZyUydQY%QU&!lK1dJ|LeHpT`E$H zl}9TE&y#r;=Q-&gy0k^(BfQe?BV6>{4cYy@gzp@=ipS+o!r^4hZ zSXhr!Cr&i$ey5BbbWY*0sgqeU#q^( zLD2R_md0z%Aahq5=~!8j$2Z(I`7xq^T(XZ6?K>X83zumq8YqT3?|qw}P z;SfAz;?#cvTHaU02kLd;nSuB4>&-M`U6C2Q=C8!hQ)22rKbAlvnQdDg##HQ>N}o20 z!!{w{tsS)u0BmnU04KWTH@bMLg>2zXWb=ngGTueFu$9)_~M)B53`re|$Bu zB@r|SvO>5Az}GN+bj)o&bL3DtjH2ZJ(f4j0--^Wl0vQX_nbZ~GRM_Ny{zUc4iAZ&l z1?ZpMh~BuKM#k+Wui zLg$_AirdD*yvP8~Y4l$Wbxc)0J>l9TChwdlo_lc;em*4otcBK zhs?vlDIQ?Hu_^cZ1;P!jet7Nv4m>D1len!- zg4IL_cXX#3k-EYQKi)Y6Dx%bo?tO>@WL$96Co8;mmOf1JzX#MlX`!RHK9R46H{ru- zC%7h+gQ!%0D}J!-DI?ymiJTisd0e?JSv)UvE*%6uiyOgu+{k(@DdhDPakf{`H!5d3 z`@k|%eAimR^V!;hCBB;s$!CVdwT&XY|7^y2OM$}l2*S0fSupQQt?9W(xx^$|TrlZb ziJ-4kpFtqZpnP3hc9G_bN5aPEVoWJo;t6TA46trt-y2P9l_L# zEWh_Tp7s#zyHZ0G*2tN@uQMfDjmMCklV6+8y!%O@ZLDD&zcWgpysFUj+tobc=jedx z)6-`K-B)b|xfaTVU%H}T!tQ^5Kz#)x9^SQ|QKmuTjEL23;--lct%$3x>4LG@6@oqK zcX<5Y29yn~7qSAkhX%$MH~JCA;q4|4Q@)zq&Ql@8CP)fSep4l6AExlI#{Sh4JU)Az z2pY4SFf9({>EXEPndvmq2mHUcOc}@f6AS!A2_eJ8kdtl&X0R3uG zGPG7Z0c%3iiKKjEQ)~BdG_5~{eD~`Y+`lLmPTxHnmF-_GaI$uSdb8J}s-z8Y?!s6w zJ2(gDY@QY5i{1mzK8asU#KhdwV-P39)6x$kz;w>Ox|DS%pn7|tKkrx^;m_s&9+|SpmY5< z);;Sbyhg4=877T{+C5qF01OxE$TOtw&tjzS)(lI>{X%|0?sV7DHaOvtIDYJZ2x)Du z1ULQ+f~%_&;f?@hbnW&8)_VU4%+#IFj!A77q~2O1(3ld%4)>U{S3Bmx{rke9?MM(@ zs-J-MPn}@*em(=^#)aam?mhfCm!Gm{Vt?LYbm!HgX9W&uI7kXT$~=g+*S?2x@gm41 zs{#s3c2K|D2wSyvE!M7`j?VnZL1|+yBG8eHR}F`w^P?Z&?pODq&B^ib^TLOqQrZDK z-zfoYV;AA|KRcma(lzF0@)(pA@rb8M!Wc`u@P3)$`q4h>&fy_+ZEZTz-qL{H{k{k< zbxFW`Y5tU8Yz8j)>_ zM=nL9p%-l!wjP2CKT6P}=?V0b%{B06+rPUa6r>w@+>vc1;7Zm?5b2u6K3o;V>#Kw+ zQE+3jC_U`F9SrXngl3+GWUG|6;9a~tT(s{QadbEUN-$Yq%lu8y&peJSPdEfV@0CTK z-W_1N*(G-F{XMK?hyl=lW)AZ|)Y1t{T0r4)TRLnpGSX+R3$Dk-vWZ3em`%Q-K=Nce zyX(qbF#Ehb5;r66fZE&TQ_F<_RSM3n3AgYfI{Qy}g25lUWlh257X zz{bSOV4%Sq914pBQZ1cqg}xMW7gK<1-Dkj=L=?OpM5C0Ol8`Cah7uc}!h?-R*!g$! z*xUQ=K#8>#td0FoxWh^jC}e!1*SmcJ(N80I-oL6a3HhdG8<=eUNH{t~K*h>ofV6U; z!geL#u}2x&JGKhG?rw(_8*`|LJ#%1oL?(RH9t*`5p8@tQ*VqLvesEal2K(1q1=_#K zhK^r3!pgK0l$C8kqs==(viTl3`Nc)*i^&-v;=G)nXWpU;zC9;)oL!JUl|DybrfkYC z^Y&G>!E|c-*CaAnteqyOMDypkdR14GtqPy$swqx_t?GHy=vs#Q@mq{}Yw*le*LFO8 zS9Khfu%U?7Xu3vT{NPBvIq{f0bW)N^xpA&+KeQ9PsDKG0v ze_<-9S~D$5)Toil1`Mq}Y(ZQJ(Pg|cTj_9nn!Z^VLgx-dGJoB&=tg2DRkVI4X=s0v zG&0ytP6u|(+PPz>y`jVOOYOUq=HaKL&fD|U%3x6*=lhn!eA{%($n>qdJac`075!z3 z5xvZ(kCIAxK_0G}BG^Wr=5>i?Q!L$YA5Sn{i>XODofH!@jc#yUNau6Px*pGG*DNuG3K7@g&QW#Kl&BT~4vd60v=sI2XD^i5H6B`TR6sRa^<)PQ7}KT$(%uxyT=ZcYXkL zP*N7U8cV>~``d{e=NuH_Yed4Q!*H3*Y-sJ112ZcoK=tyi@Z!8Q7NozG<-j? zOKB-6_^N=7!vo;r@@Tq+7>}+fW%D#?d1;P=ON>qWRrHA2Vi8EiCl5Ze7>ngJETF>V zKTxYefeJEQjHI*@sY_2bqx-t?=z#F~x_MUTfTu8?;i)wV6)L`BZ){zT;IBOwL}JTs_39gNiPB7UCN7c}r~eE9@;>-HRwS^JbB)!q5^sH#{* z=PWE2jC)-|zf=#RrQ$_+yX(Z|e>qgZzk$xuNu#G%@8|nh$RDFS5-S;{S`p^4^9O2@ zO+00Ec@lkoeh%e2U6fpH_m!rvJMnV+AJ2;@#tZ7=6v?x(J1Ob!qI7S&65SA}%vxAA z5zL=!F4ZwA{B`T5h5U zKaSDx0mddrm04l=oxaeV$UI-G!Zy8EWl~>N(O{+iSkR@YKB4skrLS#PR%`Zz3cC%-#d5HW4Li5KO5eEht#D-~RC?4Wd?=K+N^ zUdYkzrSa2ePDX`(HLx*aIq~4F82Z+{1ZsLsLOPa9h-cv(tn?MeqG=3Ezh{BTYxs4 zbYv*XWjoyP{V*>dtCByW35`>XDxIT@XWq9!)$6LDoQ4BJbJIXa?|!&Np;xff<1o77 zTTFW^OQQOvO;GIidFa(@4wZuzz`~h%$bP6CSZ|Pnr%!x?k-L|YeM>^%yM4NN!f^~` z-`s^{)g99P014G>pYb?%4gTcYxkDR4-q*QQK(7LMR@#_fqt5Vl8h%nWsy%DgVoz)CF#s zlv?6WCuKe(CH>@>Cj(1)8T(H>iYw0x)O5tiwtex`jpq4u+G;&oW6xps?M!=Oj))1} zBR+?XR^GznZ88-zUh-_LiL#VGBYUZyRV4g6QoXQ;dKP%Vw8`9!sZA|oGgo9#FLsSE zjVlit9h`lHiq-7n$DVRgm#2M)LKs=uqa!$L87`<^{hL2`E}ct5-TH0p3+@4Q-YY!E zsAUj+*H#c}=eMA@o{+NlibJm*GN9n@cSK&up#B^^2VH-rqd&#_(No*Qz)Tpk{!=*~ z?$iGXzaCR#ZMte&b(~5Z}8^)ChE-NUpdWv_MiX3$qP0WPPA6vrJfd{aHh=48i z41%8meQ-$QKfhUEk~$Ocp^I7bvmRM|bwi!%i{Qjtj_6V01L)rQ5OVX*LG_yTXjmnZ zu~M|dN9~p)k!w*Xc&HE!5&Lmt=q|LOwh_(?IRj_k`wZBeOmO|dZ0xh<2uQ!i;RP@6 z!dVI>%;i7Bu<`wEo=3ZO{>#78D7UA6MZZKh-HxIDX_2T({Q@*dE(C2#j-;|?F815` zgt+e;i`oQ3V7hw|%+BqD%_b{QK&b(mpso*mQVPKRZ?W*nsa=H1sbFNEUWebScth`= z9Q6M2HL4+JH8lVF@BEP;_LsM{gOrTH<#$toYE&?*zch?r^UQfh=<6mIP!WF&Y2K>A zuEA1N&FYnc9KsO4GM1yHvQn{XKpPT_t;DMt0sUmnO%&cM%e8^!*tApzZP;-Ojy!&X z3X7d_(ZW6KYp=UVJy4guCb5qgUEx7!yjcTc55HnvwC$1Cb1xLWK@vyG+i*TpLO^y% zE^__k!^s=`%P)~im1iu<#Ml#Q$1(E`#GJ{Db%Tsdr+vvYI?Ssf=T+e~+#uxe%2=&x9eEZ;Ryh`pXF13w9Zr+#C{1=H-qp^S! z>)y;P&56W2(k9_9dKsRcQI3@5$KblZhw+8?E-*&=B$8;{hXrQN)WAwBEVnd~Q#_D? z&YBis6;Dg%8T}e*y@=-hSJx6;`S!!!zc43X9$Ko_u=Yoq`StJ#rdW%Da`Jp|A}G(c zrKfA3G}v@ux~acZX8-PmrYlG$J`tproHZGF-K=Lg4Zn{*v+qwvM|XF6qMEz zs$CP|(}q}}cS0UWsrx|Ws{vkkwy{sYn}U?CYKrwQX67GR$rk(>2a{4-8M71m0LF>1 zo0$fxbK4EZ=DaIE#%(nUe0#8<%Q)$R2(XYo01_O+Sewslm_Vm{ync!BN#kWHZ?7ik zut=qr&zwx{YSx9GYlJz;#fsovur||eSxojWZKc8^gNbDI7BKp;0X`iaW?l5JGTebI zy5RFMCS->+4+nNlp2-$h0*rHhSuD2#}@n!~LmhLTBW%PnlN_;5DBD{&G>-JLbq%LGBvEySD^zsLg7w}QyzTETCHc=GwCAabmzfQVHXPj-yjQxjht z6ttX=Cfj9hQ(~U-)R(;@f*;n?NV~QfL{4QUp;FjKM)!OtQj9N=j%C(F$>dnUi9uIV ztfic{$Jg)P%a3>1Gsol@zE7%(NK=gUC2}>bMZ8%un=D>?(|C^TS!$odVWY7d7gO8* zTqX88g^^RNCy{QdvrP1_B#}lPv4Y4PTS3*UK7Jl61ti7o8l_(8Yf%MrF!lCjlEB(W zjTAmu#N%4nu$J#vCv8K7XBm^jHxCk2h6X>Lz2TcdZQyT#Ph1p`x$^_Qxr+JU%NOhN zYq{v_IoK@L3hrmbK=aAkgu|gCkh$9!IW^9NB{_>gj))vsvuPQ0Dm)0C4%U($GbG{L zMM;$Hy8HaPTB=(yAEH`lhwK6{pqLIkt3}|eN8-X9-_y)drXO^kIgE^?A#Y!C(?~i> zWDa%M{v1^5aDsC#TB7Za7h(EbXK>l#JE$?44jM+}pnBmFc1@i=+S*kDegtH|zJi}{ zR5TiS#y}XN9|d2%vq9SHV%aqciXZ_Pp!SJ7*v0DB=&j`(@U1aRz?FOl1r7v1Ka2ce z^h`_1`Cw?It~@RwO~ufTj06( z40*g6J!1sRKfPlzq~9>={b}&%5p@)#*A25*?&Rc@ZZIk(pJ7&H6sM&x&BsioTay@# zI~1doA12&48ql~dRV-aRf|wXTd{XKS%D;OBJuUaf{T_)-s_hJJ`hX`k9OH~Xe3aoj zUy)p6B7^aI75sL@9j&Y#fUAnGK#y5~GkiP~?o*r08ICtXr4JXe)1Eq^s=9wQ4i=KR zye`+}7Lz-Dg>l-%qu51+#j5Q9b&t5f%bPwM<-FO?ZL~@-_D_k%`PT7pchMkx7kd~V z42s1{RYkaXW*GDwT?W_8ppl!03VEB`gXKalbMDW|(8HQp*x&yuV;B1ulKwY&Tnnxt zo<1p#kzg|tW8Ec+8Sf`*yl&hTBPsM*AEMtzc*6V{K=gpqM-nz2p2A3CJ@S@6#YTyvJxy<9&pTO@;`ZysWjhBze)4dcSnM_>R z#Gr~9Cqa6$9s0WRHGE$B1%BUs5I%To1wVC5p^vvtu&L_?(2(5-WEQBQwO6x{Or#iI zk98|Q7Hl4(x$FFxo&jsmlZ1!A~ zDXd3X+j9!N__hIPz8wHo&aJR1N1TWlD~BXBHeyS+)o_=H9xB^7N{Wv%m+;3>l=ijcq6I-oD7oN4&xU+`IQ9cu`-C_xNjbe@#v32~xJ?m!+kg*xadf zs<3Xp!u~EUj=I1Z-@i)-e`v&_C*{mkze#W!?jm>~>O30H?8obS9^-4#M}g-B9qwJn zX{g{)VQS`ifGl6T5|n&P0Xx@zMTIX&oc3lDmJr!#7PH|pu&A)dR^hQ`O^uR#ec(a~ zb@q>5HM>Ch829yoBu8G}%&8=pbGh-VT$t+%tk`uL&k9@2aUW~Iz5_O9ovUVX0-R`gc-Qxk%JHE z8}c%_bh*5l$T*`BMtZB_%>mQtMVoHI?4))Ct?!_n<3hojrvu=8Ie=vGIFxG> z%r-3RhcQ3pm=%lD1sZ;K&7*+_!+oO%NegQ z&;NHmr*<-nzf5Ko=QN;B#bgxhQvye)Bq2BRI#{pW50e6~!k8RwRBe{dQdZvh)tkjg zMeizVNJ~WT*XLtBvwuXfqJjK38W^)6c(znFIb<|C~8u14ZG%qSxSY#%1_dXDxbs zUY9`uZ(x!`J|lb%OQ62?yXj)Z)vS;DRA%Mg^{`S|7~fN$f;7Es@q0l$JNHiwOsV(5 zO^W^eICJK0rPj?oLVNFRLVGkc&|<4`c&%|cYUw%&#oM01x5B;A39-po*KjB-1E>5SDqVZJoeyS!s_L9%M3}or|lbuJ+Zy;QbH5?1Ut^xqChwOpAjl@6BP1+#fJ*S3R6&u$DAf zmxNTLvY`FftMJv?4M=9iew1b#58KxU32O$s!4d}seA$aZk5N3@<&ni+FIk7af7}8b zcEvLp&uc;EZ1aCQTu&7(t9RD@rM^s%P$rKerVqkvo3r4Xso~(};2&1+&w6r!S}Pjw z_n4H9x&#e9r-OSVKH%J^5qN*3A7cCqKKr;vcvYu1C>cKp{yZ8X>MnLcnRhCfdi?@; zWjH39fVnDFy-Q{i}7I1)65eW9VtZ2a|#nl`(h-#?lSPN3?zNcMP?8J4&> zhJ@A>zjQE>wUk7jSRPO-uc;FZf-8VJN*Ej?b0Q@Uu+S&ug#(rceA*hpi-FH6wi5F zO+`-Ej=WZuZxvx^osatTuR#%;0YUANK~4rQ zAYs5CtnVX1=m5vyAA048;(+}>czVkn3|>3XyVpy zr|?>CI@|wvEApENd0e7J|LQ9qwu!)z`a$;3^{uSku9v)g7>?@%isPlhI>iA6>>>8F9&3v83W%toJWI;qRAH3a(L(N7wG@S5fxo31)FUXfYBpI z*rWRg%BqL5-L|)2*?~_yY$@L}L{gzP+vuso-VPoGzELDp@LdK!WZ2_i2cfzfV*_0$ znc<3>GM;auH_T&lD~gy<-(Yk|#{r#Ru@de~5uQx~;-U8BC}?PL4BkW(a-Q{;O=zBo z$pUp`IM)-k79K&#SLfkHwdN?kGz;nmCBu1MgW#@J7I5fQ#k(?hfu!XV@hAP`(3@;w z^!A^FVeZd)p6S0j!s9*~C{EqHa}r%#5{j08cSrlw@?c-cd61-cPLN-B5Zfn*lbV0+ z&=O-cIA&EEd{*@h-nxmY0G`TM*9MDncy^ zUqpJoyNB!Ic2mY0b$F4eH2#_+&7HZ)(9A_qY;mU?*FA~AOoJYh`#Tmn8FwIi@0GaU zX)N$cwZr=|TEUjjn24CXkrXPz(3c+c}xvzjzuQUX^2q9H z=s&(07u?56==iaA!7bQ-Vhkn*j4*VIz!iGt_{|+1JZ|_sy0(FsXeVf?Kh zbsYHTL(00mmgiZ40YOi5Q{?|ZTTHEo@)D>_}RuN3xB8y8uoS?e*R^v~OKe1ov!}y~ zk>=cQyi8_J`nP|)3-pH%zK}4}2Z5vVn|K`-{UMK)Ii*KSPgVzyXWWOy-k%I8X+P5e z#alpl7qY-PR~>3uwSnB7rtpAD2zl^L9hh=l8|^)03wphi*{6$Q*-a`gz)ji^>X!S{ zqT<7{P8mS6Z6xwgVylLVUNAO#-`g$gt3(mAzZG+)GZwYh916!OW*&? z-TZEwPkR$0Wcy(UnB8)j{kirYJSy)FlMJhX;u8kQoEQhZXB-Cdlatxd<}&yz@fz?d z)rDW05G-6c2@ORw0{fjS!Kct@_#rZYJz3YpiakC7>zr%YX?h|kKQ57dtMQb&9XbZ4 zMhNo@gr9}Wc=T0GN555X7pX$6h06}s0yWojP;+q?TRC?UyyI$1Tt?+kX>SDGmoyc^ zc?h=L+XQd^dIbzFZ3HUm^-!g5khM9V0VG;>!tJ73CZT7Kg9t@aWE*1zf_yi?-w%T6 z2+cb1wsI~n7xN@D`L<`*WYBlkojzq^MI8wK7e|o&^^y75W2R`t()_C`zvbHuj~jyg>>t{gAU{t(7Qmk!194h z8|ym2ZdVEDX)_V*e{IOd+?~to-Oy46UZ*|(UIFyConh?E%b1p*C*ZVcTVd7}H&{4M zjO`qbWR@5n5=v5tNM#_+nw3Au{SU^G>mM58oO@Lt1Y}2>IWzIcfdQPQD{v@KO6rlA8Bcug1=sm zOy-JBA{!+;S(!12{S|T$ZUtR%%Y6-mq^EJR^>yrq^p{X{pDg$7-9KF(yIX=8^P`HH zWM_<*!x*&C<`UA#{fRR|)<7}A1KcgeLHCdb9B@MkrTBbcH-3#lN?U??p6@HFUct>4S4Q(^K&<6|jZx~CMxTop@wlo#?&fh% zDKUnHg_iL3VNpg+62;qcLJ)N?`;-&!OGl+{hK_g`ah*g?Z| z!W1>7Wese*wlVg!hwFB2Ym4)9d5HFq!VI4Uoi#mc-%Lo4;HdD#1btlT?;?Bsp}tIQUBH6R}C{HBjfv}|!#?nEw2 z_dCjribao)TjIZwTcOdWDCl&f8DD#|6h2Ms6XxGAXy1_)Om0gB+LIi^(?qr5InH^p z-&kE2kd5^lvAFYlVenKmB^`84U1}*lABuwP|jN;&U@DslxH^=`Pke~<5_$4SK`b$GLAIcxEK=a}EQjwihr31mGW%dM9MDgE z(=!#gKcNYQdzb{z_nC$>`9v(;!Ox?)*ohR&HKxpGt|40*C^G6um0*ivIkAU};^D9b zE_^>lH5VdYWsD$juRbv$LYW^=isDO{X4}ZRFSJ2@ferZYx?(v_EU(6871c%ssMp?+=po-Z! zCZEvyDk-SG@tjRfo6m0fH3L0=h!E}i3+3)F#9HGj!InKSs9`{fTM_tAhwtc9XGib% zFg3Y8*mv+LIuJO3)22n@(1L?7Ox+!Aa8XA3?ZW)zp9ye=@Xc{GiP@-gku^3uy#srn zG35+`I#BkJUc~%*hIc=4gVm8&;D(&*c+vexcz^ACJVAJ`18SPgj8+UF1Mg~HK7u=C zxnHflCcCdKrV2_o;SJFj(e?N3xP0<>M44Vdt-9lBQI!Y`w?ihY+#JirO~-H4cjITm z5V4MUEZVU|15d4!gaz|Ou*s85WP}1%gOR)}(e1FCTk0eL_PgBf(NtM|@1=9-f^SN`JToNSR49xp^ir zloFxE9W?X7MhgPCl58F3-uY!XGccR0D67Rw-J($TkR$p$R|Sum5sK|jECO`{EqHN& zJghrmCTLH$Az3$BKpdL}((Lk4$IAQYMgAxXJg97DfrPcC9x`~^pq`o6vTR<5=O$z_ zIr}47udEr|cBN`uJv@=i3wnc{^eeH!oyqT5eA3WRlES`D29Dj6-Kw}?yq1#}9Bc)_eqVY}cX|^)v)))ZTxc~<>)$=q7 zaVh576k?6DQ&j1?{Rg~@6(#(v@hEDVI-Y)QKE@0PPSLV$1UF&wX9Ng4 z{PpbxJkTn`sfP==pZX$b{-NinuIdneT$@L|(v{=X^1RHdYG&h$%Ng#ATqBdSVIp?+ zS<25-e4ady`-h-O=x@}8{pOBf@cJa)?)FI6fyD*FdkZGSz<4nO#B?~5FPRJz+u6k^ zE5L^sm+Ft6$kxLR`x}u*pe*UWHVf|4cE&?a%}~>S5ZtlL0v*!}0au*~E6-n{p9LAA z0uciq_J8`yxI2zXS@N1j5wYOK-4QTQBmoUJ2ID<0&Q#cfDRA%CP)uF8$MfpJ@h0S< zm{(-~_88~{IeOef zCy%Ve7sfN_?pR5*bKL+?i5dX1I>lheMH){uu>zm4DZc3N4rDaWqa6mrpz-*LJkE5BpIWjs*n^Ae1@04t;(c zikP($!uwNHVQk%GpfF(}f4;ceZif_BUd7wOOJHDz1zN>P&`RaMz;MAo|L&gcKX|xb z4F=gqucOESnQE#b!-PMJ9A0=9?4X+|{RUCEFXu7R^J*mB@5!3B7AM24m*NQ}Lj&|~ zSQrCdtAaW#v#2#{F))7}iDwG@;MUZ$K;_IfQ0IOaz7rEcMJw*nG1lHtzg&|^_n=JY z&Y5a5BrI!l`Tm3P+RzQwj`o1Yz7McydJOu!U57mxM8PbRJLpx6A5WX3f9t945k+dx z6nm7gy$ni3O5j1kQe-Tl3P=9VfZ={R@V&_|u%-PKBO925_BCvQj-T|=>8Av0EfK{o z5_zydy#eaIy^3lUuwdS@Y#@63urQ932)-KCqFlv&z=~T+Uuk*{rzq~=X(#6T8|{6a zW=z@S5`C`_Ds)JIclV?SYwB{qR$2nh{QZWUb6O5Pl6XPi^Ba%!M1%#C(&4By+XqN7 zm%-V;QRtdl3TOx!i!>J&p#wWsQ5Un;La{Rn*tXRg4r#1JqM8PTzIikJdsK^`r|U=@ z-yXlw1WdonFmF?gDb3>>Uz0 zyBTe`UnQI4-o!B7!4L7}tTATh9*8Uasg5OX_o6G!(%kr-b=<>j4?tSJ$ESq}ewE3A zq~iLsMAB;;h<}uVL~mCdSLlO(502$b*Xfxl?#Y9VcXP1n<1J?2UHd`HaGu5~Jl(*( zQ9Fg#{E_0C6%GpTE*79;@ojioVg@Il(?i+qWVqY@v1SILm3UfLE_W9yvBm>`v6_4| zk5gu|58oE`y+D46GU$Ly9k@8Ike8YJ(^LU;-c1!r066%(ivMk|+dLDyMs+kaBUfOY z?Fh|G1aNJ10gV0)1?BHvf`QLxVc(N3uy}|Ao4ZVb1JwX-&~L%<6BB5S4N*{fXn^0F z3iNK9ER!~6rsCD~r%!L#8$N#EbHG?&Tp5NAxHXaen;)^aQu5FPBbMhE^{r09*uR$fB|yrp!29L^4bm2 z8haAnSnmqOoSVTCX)&;GP#aX<#AuKAHa5=$pf!SN z$9^P!)-=P6DOGULcs{f|P6IiMDz?_~pnjfVF8VEb(P(#TBy3mx!}cjCfm8O9=xS~` zL}URhm~eliJ9Dd(P`?E7Ny*^|kz!ncHWd#VVIv`O*v928OG`_Xfq z>AsRZboh;l^u@-FybopYC4#CtNvzuU0@!`J1bP{$n7;BVB7&9wkG=N}i=z1&1)<5H zNRphBq>0^C-8}?R6cGcWND>tkv!WPLL~sC+ASx(P5D*ZRq`=Jd5JXTx1;l`2LdArb zFe{?&(0uQEzu&$4*FO8~-hG~}Kc=QDoKsb&!l_erPL;#QK75w)ad!zH(G1qcor6u6 zdF=R#LXfz4A|5`J4ziBk#ul%s#5T1_gK(|@NV_+3H)^ZHIWz3Bmy3cOa>spi!1Uv} zg(6>WRVW_|9+3vl1MS#>?~%9ze=T?ZUR99$XCvO{-$|EKeu)9cZ*dNLx6=-|V`U9c zn=T8dH;n+JiUg=+{TOiiN+r7H)==xvB9x= zc%~)>?gdMsSaAk8Jh%rtY;VX)d!2;u`EttP^LIWhh-g9IUAc-Ko}B{4CF|g0+n4ZI zBLZGV)N=QFU&RW9H<&k0EQDs)#dvm2DM0pF!R8Em?(~E&SfYfd8C_FDJ9g6asQ4j^ z$<2PxJtVt>oAPcwF#Kaoz;j zqasEp+ac{0l)82q+gi%>%AZY&# z^Lh{Cuh03zyD<{GGUt_XVZj^BWsMS8GRYaQyzvX`-VuX4x@ZG;n8}g*;tI{nJn6pL zZ@USfzcj|SFZ}|G>5t&kqQarJydm!G>; zdO5OTL#-72a1_Pw18pGTUEpow=a7G*jdiUChxY3(;+w1Af^8)&P|;&1R}^jp!*awl z&Yg4nXg|ft323uDxd=~{<24dR&sP;A*U;&o3fSI!3(WeP4s7^*gTD8^(7O%`PdnqF z=(ZI2d%ne76{dhAijZk^{36EnTnP7zE@APS6zbSlj4q0<#uQkK!EA$j?9OvXu;ib! zxJ>CI^nP=5mmMlr4Cb~E$zjV^=wmLYCjwdN8-N))kL#^A6SD~Y0^~De>A4)!&Ecf0 z46!|L#(}>+XE5#8CUAM`5wO_!9M<haH=sa*sqCZ@RtsWl=Vy=3E zvLiTLtNRpNtk8?ajL5(yll`cH{X;a(zZKLTe~eCzQG+@Ck5H4%=h;Xr6KLg(oqss> zaUfr3r(H;l0pkI-L!z76iRDSoN}Yti&|`PK!6XlF#@?_@kh*UQCxH)uj#~?OE2sgo zv%RrP%h}lX3;|eH^c{6JX9IM6D+sBIWF7K3hCT2h;IAX|u=jK0!L+DZY{hxMvCToD zbUm+YeWU%Pse0J?JKEfg^h);ea4VV~2L)?EcIkD_3)72W{HDiHD8HL+5r{Hp96kfp zvr1T@c6HFuKo|N=l){}9P1*AnNWmqh>+pzHOPGIq2qOwUV)uM}!CHN9IOzR~`%H2z zMJxY4`fQ6nQZSQSu!bHk2sJq=>O1~e02uw;bp zFDGwq=0;7GoWvFPz-sIo$gvuPG4(}o#_j`-&T$HW`z-_y>3WS-e(=ScUq^#)ZszC;E(+}~ zkKHf%8RCR9v-@qe9n{&{(n|Q=OL_1D?*rtAX9Cnxau3xEVHpy6xbZDr?k0(S*X*ly zP&XtLp0p2#-_|aK@{yk*Vhg~wZ5P0~TN~kvpR1U8OE*FLzprosrx3)y?tn|DC~{3> zFG_S5AJX-#jgP1O#Wn~y8`i?<_+!a^E`5WhN9)|VtkQki4k70&*h`vc(svv_2Cuez zE0am@Paf&SviI+J%f7lThb{l&yuIYgGkfAhf)gw?o?RLARARU69_x8-7K`=p1Y4ga zV176kz%Iqj$BeK`rscP~DXhDPI82{q4_UgyOWETdy0MF(I!C7UGjqMtQC9w`R`!~* zZ?s%zT}dF5a)0N5UoT>Bwd`c>n>>-jJVA19U9)EHE56P;n0ks8n-{_IHn3;eWEZoS zE3~n+I%C+s3|-k*AME86o;=1buUXA%Jd??uGOW%1tM19x?K;LTd}YiI|Dwtn^iO0Z z9(`ipTJ(**_dp4a^GR1YUFQ;GH-=omQFgecJiF67fU{S2FDta9if)63@5-EV8$&yF z&I$IAy9%dugAJ#oyO7m(>k32nR04bZiZ0e}mG7*I0t*_J|M-`z_Qh(Pl@E5a_$lAm z-l+T=J&sx_+!~0-Aj!t*u6&k1DCe}mz_G((}qySaF}fhFhg(|vGwO9{Sq-*@Qt@e;Tg?kouNi5k+!`q$@!#ahy_;opGaGe93+?0nC)UgwK=lmhAr| zGA$=_*x{VV9sGR)PWsSF_t9{jZ}^gJ2keF}E3;LGx8l7vub|uEbi87cIm|L&1&dx9 zvR}3~;I5xXI2-d>_^Q-GxHw1-&v$`vgYFTyMZ+GS;Hm=7E@i<(3v6*Qd6`wv*9#k` zbBIOPm%*4`cf0~JxQSs0;H^oPbUkIJkJ(OHe=rryE3U;XeG1U&rUCRGp-?)Oe*a~# zf}(AR{KILCBgXU#BRvq?*k?0rZeSu>A5dfOtbhA{TJb)sq$+>J{^?qg#ipsFGH5_|b%x|H@BrpY+9j$hIX>ore8S`URm&ZJxEAr{VQ~m}av-uh919 z!LCVd13mxZND{xc?W|I;^}e^t*5!ziZM4%-+xzVdo8M>09!Tg+jJ6iI`CAJ2SlWq+ z&z7UG16N(8>-aP<;9odvPFwsdi(Wc_+p6ff*}l!wv>92OZpqnmp01n1ZgV=#Z)dlE z^9A_rx2?**MVI?m6XQSHPBW<2M&V1WU9N_v&FZ$}be^S0mRfpe8UIH;|EceP_a|+> z!K{1micv6GnWGYGho;FwI{)j#ujuh?@-CVC$yk}Yf+5E(R1q+<_hoQgZ%Cu-=BIEb z-UghBO%9x+nlrg8wjSpOu5h-`J#vX15)$d~Y-tx=hmQPXYz?b3%wM&^9IJ%moWplt zaFRdWWSbjKVfPy{xs7%u-23fgw&c^2E;4Vu$!2PuSjXLsyys~CIKfSP@_-9UG??jp zZSLnPJN9#_&+N)$*Eu`K_oHnafu-SrfN{8R-+ zvoPjgwiu`;KZSk+D=|^aXVhDBKX&iX13-S74UK+GWa}=@$ILnvIkGl&G=CLv?kcza zuqylHntPb(%kNl&9tQj4USRfdH_?cXQa~a99mqNMo8~wAE9Y{;owl&JYPRt2*%{bY zrU71jAql3v^G6xI7ML?59^2N;#ANC>V6nY@ARuZ9`t6r0>{wO=Hu+VXpU7 zZUYzJGJ6Rs54y0UX|KS5WIgv7mPu%1QuV=Ulbdv+8lM{+b0= z&d$VkOY|Dnufee|cl_X^k7W)w${3gx1Lc0Xa11<&eFRq=?T6o27-8!lWTAS|L*TKh z7+Y8u3rl#{={ay^!!Oj=sUA>h8Ww(Q7xcJ6v5mWBp>EcgUAW}8s`R`CX6l2*C5mXB zSGjG3oITw?7VSF@S03SDJAE;H%eesDjAO(O*%!~G{A`Ku9x3dSKRx)D@6+(>mDYsg zvqARqn1-I8fCX~Mm(9qWh;myCp#2e8@TAuSo?J)Y+*BJdM^$DNdzYZ@w zU4xe)DfnH>O5AJD9DId|M8|&aIeh3>FM3O^ia0B=9qQHk2!FPD6~P#3B;3l*;{5J7 zymIaU3|bNh)er{URe6F)sy_>CX5|w@0jD6y(8v5_U&AD;<8+$@U)f9Jev`P2eM5^N zZe03{|9I1n-)OIg8?EeNwDk~+E89=ZnODit|M?Yv9R^@?Wic#T^#s3F`vBJsR3{pS zzJgB~w?H*M3|D)vV=JwGhWBl_Xub$-zj(r-F0=={S$P|7vbcb4xlxaODzjuaOdF1&cNJT3Ex!AOp zvmi8Imo?{oJoZp~C1815fO)RgC_`UjJ4f>VMSlDSY}U9yZc6)AY$iI6rpGD;M@E2R zGW&v;3OjJ;T(no|3p${85KZCu!uZ*)Y{0&X-rQ>qBZJ56d6Y6D94z|Yu(VEDgUd#n zFfqpw<7!9&m3CX8n4NFttvOj>@J>XZC zh0QxX#KQK)pe8kZG%r>a1`W8O7N=uDkTw^qGi%}^Z;xQ{Aq!|a+}W8<(?!1XE2Ehk z3$|Vj0rqn8;Dm}F=Avzf-tLdE6K6)z^!Npgf$6u~Z0)>TsKsmuPNrG`R0juvKO4}W z>{Hx~9SrW1no#EZm0V!IB?*SeXk!!q#(>h3mYnbPeyF)z9*rxcs)AlW-fW%1ExK37 zzIBSn3EugV=7m|~S75g*)lg??1X$+00SfU}_C2{C_G$g=K=6`gh8uMml*}6svT}#P zqw}vB)7EH!{GN%>`1DDT@dd#qyqJhx%a8$U!X$co>Nhzi5?xu#yJeg$iD&Jz*Dtl5 zkvRbkh!JpOtzxm4#m6!1I}@yt=y4y}Rluc+?qK=pDbUelgf8c+dGQ?U?e{s}=oKKm zeGqIcYyk1e?I62AVo#9$6-)V9gT0lp1*^;Suoe$L_(bx)NiDw#v@N{`bS??trw>O! z*uo)fh1X%woNtBwX_<&=_pE}hexK38o3YTx;41b*&zh^`Hw#R9J*FQSjvt}h`msi* zLrS*{R0~Q2TZ8mrtYHVX+e{9WX?HOWTu+1pS&!LI{7S+0Y$M?Df)9Qkc!!zqu?H=C zPXn8x1axujc5Fmc1IBNA&%Ar}0Fe1`4KgmC!miwZ1fG0;%Vw~&L4Z#iUC-RpnY5p2 zPGI*AN1#`{W^uG*X6rKN z2#wRNYSF)SUQpF#AN5$y{`a^)_77eP?LNOy_z(Vcpj_GBX-1YqVc}K#{A7Cvu0G;$ z?QN`s4=dZY($~=8O3Qv4md{fi`}bZI4qvt~|E<@`BjL6k=eGX`ywSS;&n{p04f@>n z12^(^7q{DKQUyU$Ggz->QYZ)G*+_M{2M?m)Z3E*u3uwiSEHDGJ zvQNP51%I)6jygJ7UJI`BbOX)DdEnDQHu(D48Txp60mJJkHni$1%8i(h3f_C5pSm^S zT>0au-|OihFZTo%?p(_0t{uTT+*9fKDmMEa?Vmm+$NuuD0$ftq1VqM0Ah@guOH%bm z(E`lje0L0NHMg<1_~Hbt`uC${XeTz}vj+=_kOjKUrr@;D1-(|@fL>9#jn2#$F|LSE za5^s7A{l?Hn)HNfB>)lm~QcW)C zRN)HjZ}AD>vPzG0I8p^W)^tK5!9i8|gOyD;zN_*PM+ z3~=A*wqgm_HgFfjZ^N*-9PYB8vFtrh&T>a)rO{+6%P#1YxlO)Ja&^+ro*;Nz06oY zEqcGUGhZIozI(}?H!BI6tWSj1i=R3uuk&;e)W_g=3?OUoS`EDM<5B26e?IP7`j+uf zaS2?Wu@|4|n+}KXp9Szy1_%sZ1v}nJ?!@*juBTqi5KUjV5^s!^ zjA5@{1aosChwc}-yWOE({2WXeEsakeuZ&wp6*zR>+RZf1X~LK4nzO&uC*vJIUckP$Wv-newZ+md_8PNwzfs!$U5_q~QWL=lV~<4u@% z+U&3?E_&F66_en-&gGC;7zdNY+lj!FKhX6*wnEcuIm8h}pWY|Q?NP!?+I-QyZ&PqQ z*b6uGoq|6$nTv1A8G@I|KhQk-6m*c>=Oyf!U|7+E_*w3P`@B!W`>(4KE^6C}hMS@I z>+7cYx?)BA!8=*l{{0WQm@$*+Mb?7NTil6L+vDN4;dN+oVF8@(;!3y8u7?cb{fARF zlX6o09M(DGfM{*I&L&gb>%Ua39NG}D1GceoZ}injllhAN>(CV_RtMPDqX*9Ih32yN`N7JKx zp)*Yn|2anBqrW;<_W2|CC$Oc*M_Q0J$j+`r4|1=8ol|x2jN)j<#O+D;8#W>EZd)c} z=*bfp?=}ny5?f*Mw|(qvS9Qp{^-yAOz63^n@B`nralod5D0tpy09Gmoal7VT11fqu zm@Ut@GN(Q=vhzixF#kkrRI~m8`1bTRh+gRjP4WQ#w400ZR~x~ybqDbU3N~~(TfP@_ z{eK+g=9FBA6F%3#UuShCZ}`dKh7+%%s@X3AI%^Ae3>Ag9Tc>@bmR9j-Fu% zJkvCGAC7!;lg9nxhbstuQ;Fpnjz>ex*3$GivBwomb9X`C4lBYKu{S*PZXHX#Uzz!s zdIf)8)L{3O7DBJK32^!95!iQcH~U$PA{_kl22TDB;L&ve{I>sqrOV_2%wQV4y6!7C z@X1=}KlBsjo7p&|Z8m4Fuz!mVY-6F<s!y9@N<&58Yb}VL(;_w!|(9KWLo| z|9sDZ_212KX`@6uKqDEBc+7?}&^qVH^JW;XW;Z_S>V(be~JA}W2UFdNqhvm&#>Oo3V(9b z!TD*Az{)d+VeFPe&@ER8l};YRUhX=NO&S~rS3Ntx^wQ6Rr?}s7gM-5$>}o!|$Unfn z@h%#;D~#P`$zVLB=a20PwwSbI9;!66o%<_y%tlp=?szQa!)E4ifD?9pEf>DJ+0I>}YB% zbl3S#m+xEuQBG!)Gb_*fA=tLn7K|irhR3&8fcaZf!9K$m*z8-!G4je1>>w_KPK)=1 z#_}SK3nl|lHwSEp`T|V4Rk1^U!)Qhm6Mofsiyo7Xgmb&wP+$FT zO#jyoAj#E@#wnF`1l}{6Wp`+nEF<_vA1Gbr3DQ1~gAQIy?1bt(@Dy!y2%n|_A7nE* z7CTRa_vCpHWg!CN7V3h4n~ESYbpdR-xe^L<&h)?+w0}595i<{tW2bI=#?05fO!Hh)hXEE{pURnS_!Zl}AQOX= z@>uG*vl+<83*Z-j11sfhFlay4jBOuy1^A8jY`)eHZ143(kRYuJmeyQHk&+TL+6>2Z z8i%liHS%2h6EgsRp%KkDBP#w({ku|}+gh>g_K*)~!exjpyFLfouILWWlwjPs@_$gX z_eszt%$n}2&pe;9rBlwZy-6|H(#8Nb>3vwzl_?j zVNp;bc&_FJ?heSpixVcp0LeRgJr$b3QqBzAimE~fH3X>cm8np>KNEeCYz(E3ox{4m zTxEAXx`DmDJN71Hrim=wHZKC*Sz(I5KxJPsn6GIB%-2O=*+%8)(GxkW0OkRxr&;UZ zvGz2$d|3~BIPM76BzlCEryl^s1S@drX+8J*5RSQc$74_3Upeft4Fg{eT!I%9E3vib zYeDl%E%q))9jxilYZ{k*a3ei8Z91!nE?iK??l_acvH3WYrpKEXKS7N4L+*AdGnnGo z4qq|uvnQ}jS-taS<3V4PS()F*<0H>w;34rkJQxhIyIGr{RcJq+wRS$#i>Lxuc1{7Z z`th5pDq!A? z2l(s{w}9uWOm2dq6V!<8q5Ht9uxuK4)!P_$vD#t0Ym*tSvdA2tviub|YJLT@Nxf%% zTOv=i&5q>g&zy=ct{ea!VN+qKPa!OPFaRH#?#D^Q9rRR}03|#I4r^Xwxlmu=6{l?k zrM4V;+8E*38^DdeC5c*%}{_$lb@uM;7rY2IdbeyS_j-r%K^naz3lTxJP5d@(D zDE=2b8R_OC89L3O|HAZN8Kn0A^XGpH|G9Pn?{ImRpz-TGp2K*@`c+Fab)E=~5zeM7 zJe~P!fGKU`*t5{2{>nR%V~$7}$J_HL%Ga`Co=CSoT2$m%(0@xj!9m^8Mte|nhBRdo zLyF>-_$~PDJBU@S>_ntw_CZSPriZ|poy%Ke;3mGTu*tDUC|hrfo)tX=13VR{*-l^Y zsXL7}Mq1c%LbmTIw|u5W1LnYR%H4`Jyc@`@KjB&|UhqxH(U1}6_{aD`eat`-H6`n} zW4Yop>Qw%8N4eIkj>9R;hK^kV-qh`;jtyr;^-96Uywn9vRABjg$Nkan)U*eS8hWCt z#FeTB2z)a|{O#NG`ca%efO$js7GDc9!6)I*=W-37w01eh$v&(%Tx?Q*G2%NpfG1hD zgns00IVEEJek=H$Bi_cQeBEmZyLW!tsILGz6oBL60fkrzM2yv3#sce^x@oc$9W zUw81Fy5_BQG)})S9!g1I1`mYQA3N}uwwu*+If}+j%@{BCXvrrouP{L-gpR#E_y1h~ z3@-WqLjT-D8WEj0oq^zN0zpQtBpa<{(euu)*pfXyIiYPIm#^tV&N8baR(wB1259G^ z-rI5ruRG&-y{EH?ji zOEvKM)q}g|$`SYQbiyu{&BK!OK;S_Jp_9CnmxjEi=~l(*1=p_Z!2*RT-_G6kmfH_)H zQ%#0XokN0yi6nQ2HsLU`k61G+nyag8#uM#(kFJxBB2zvL5@(Q~gx4;ToN~jGTpLypLom~KTr*_Fj}G$bJnwbj<|YU7v)#MVSJh zx3lo2*MAWiuip??mDKq`BmTtX*J`AJelqFw%S-U>`T?xq=1F4Su$Q&gjC_Qj+FQvdK$G)RnU|kZa?Nkedv&PHl?@G794#w@*8=ZpGs>^x2!{Lk-HH;;8WK`Wm6s zLeIL!^$FDNkj03W(jM`XTk<@&>!0DYcV(1llajEeu7QmBp(T9TVkz$3^i%l$Ljm4w z(ME-TS}VN#v4B(z$pEGo0;sP0nW9}FO-vnRq-oO^#`Vmi0ik81kB2(P_sIc(cgsW}=rLo(N+hl3+cu?-J2+md8BUcbqS?XBVPzld&r0^ z@8lD5BWy~ZwUgVt(-1oSjuT}}t`)|y#Q5wf@glw^R}`u+TeNj#L^M%#KT+OeM9r`! zsjDMZ!r=9l&~%5k$iPDZBihX=I7t^dXSQrQeHd4HNho~pLM--ynCc4=FTNHP~ zh-%udmR>Q>gsN(Jr11TM57m(=q^etQz><(>B9|L%n-e!|=)J{gUx}Y`Ms)sQrXZ@r zk~(EnRhRs#3@;BRh`P19)bPg`(PWLScrfc346%&WD~_%u=4k6tRYeKHl!bYC-GM4B za=kk8^?^VBa8bA1r&}NB`-yqHZlxs$*Aud&O-zKD6SXJj-`$Iz89ou-<*(5 z58fcB86K^H+$oyK?{9i>Xx;T(jnOp2$8M*^)M+C-4jCT$Gxbv16M0Q_BHdfVJ%WV)L%|H3CF zI_^=a$-%zt5E@R+oN21~(N$^BWrP|*sT29KkF{yI?^5g1c3sj#PD|fT+c@c9+R~kx zd^S^`jvHR8hm4kC)D6wrMb~BY|IU6*05xt7sz`5A^tfm$i@|3Tk{mh7O(g z;7fh}179P4W1KplU8}`6e6EY^S1_XUjpED|oA6_NwE4YHB(%G%!=Kb(jJ$cQLFdiR zG~%}>j=_mKufw-)&_b%W>d|rXqv`+4nJ&}hUkuYhk||9ZE??h(_D@@m!TBfMfA>FM z(&9h7uJtdBRVx4EKmV*Q-#bBzpWv#)|Jyo7i_yIP9=iXg{|DCa94$W8VnXACFDisQ zvPBrBrbW#Nw`Q!}lSsupF+qHGw~IGF59IClzYbq3sERLIjU$ld2v6f{5ohc7qhkN~ zzr>ZcJtFm6eH3ytU6|i}h5UN$oe1x&pne_LCfr0#MEY-~3yWjwgppA~V$$$eyz`VH z%@?J8d`<+`UnQ^2jp2o<6TBL02u1V8PovC)|RLc9h9@2N%of25R6Ls{( z5HdTAiM%(`BHILGWW3}tbdNuYM9P_!;=M)F#qF@XuD3Ogy1z8Y_P~QD#9-AKxgV1J z6K6wFc6tWEd6Fp{cUqfYc`=Jj)s^K9&z?(t>OCQp(%mYY?Ghu>cxQq<%-Kr%EYT!` zsyv7?65%B+>Xwag)3Z?^9JIc3ES`Ml7o2jb<7GP9`@yJP5~gF1mff&H z`)-Zn)_LZzcf3qM1N++9D>Ec(v$-Qm6gzT1?4Hg&%gLkbISNC5?Yw{gkA9E3i#wXo zBZ4C|UZ=xRcu*8il)TPZJa5ll`1C^^HM>e1@qM2su4?n*sfK0Y&xSrwVGTkeAmBVX zRX$KaC8UXO)`yatpM{E^|9nOL`CUUqL{H+8{R)&c)kgJwVu~&w=%2u>7mHdRO(r&Y zXX8QpA(<4LL9|cRL|p3-VMtpdnGm^@*IJf?CuL5+Q-};ARbP?SkvL-_-OX7Q752#N*?qi(7FwyziDf6|I_Ot9A^> z8)wgu8?C3ae>K&q$tLF9$`TfV#9E)Vfy9%9RB|9WgK9pz0}oDLA+Ad~LOou{)sywx zO%VM0~}2)Z)l-M0aN%wdk-ix3@q@-HhW&UZpD(Xql){ft~L~>G_F-+M5ZY zRB1%K``9s|Lqn1XYwD#I@9`Ghj1DGm-`Fi;KTxM^@E@Y+GgkJ;%3Y{;r}q-O}h%j3!QvGqLU9ap3!jHNb~m5P=uBh_|?D^erN+l7XILkZQd<syW09T-z;zRon5(k$h^34-lU))JC%3 z$nvv`+P)#fmY&frhEIFr( zYz?%d;OR4M#PMs6K-q92a>=%reRiEEXnw1Kq{d3t zo;-8YRp%t@#xZTAW6FQ7>9Exp@i{%0F3bEy6Q~sr4&k*;V(RLpz}o7$>nOcMBP3Vl zm3aB3_q?df-F1R0Kk?PBTO==}l;?eajxYhVipPKBlco36sEX9dV#CgC^4aTD-tP_e zgs$RALB!jmqPNGT?LW9G;z4y+@zo>0@TTv{#Gy)Ko>sgGGV{DTPkRTScW{G%cR6;Q zsB?9OK>B+FIhaz;(mNqXddW5m$1l-A+N%wTZFzMfUDq|dn(zaJ&5I7|L>Q7TWfv%R zcx6tkZ)_C1{>c}gSE>;1YpSL)4maAK(^DY>UH{6uKF~zQSC)#zQWx-*FOozR+qOZE z@`Jp!`uhT|04Ff4A<|QVZVEzc|OKqzSR~cc^IDS3PQWPazR{LYnIK^`&wcV*H86 zXQE6^TGXDNF1+u&l=3{#H(?|!oN}ILMHwzIuT2Uq67FBIOW0*;gj~xR55HFw5^?(D zNO_BDQO$H)!9$0qqON^+iXXnK5&gJSD=J>9hD096M02|*P_;If;J&Ul(b7PFYNoMy zy3=hY)j9Ltxxpt}sh5psD7RCtqPiP{Petn8I2U#Cg5YqJh94{gC4FXrf`oK+zdBQA>0_b(M*e(X!gvi@ZE&%KOvf4QC#A7I&}XkUk#f)Py@SVz<-B$z{0LSWa9?| zQDFXc9NgiM)T3*xnN43sAi9w*n_BNiQSu*2|9sR&@{uADcY7ZtT7DvJ`(rKfv%vX> zZCba8i{|=?oA!%fZSDur>7fZHtAe@2X!%E7fz(aW@hjHnc5eM4Iw@4gjWR!zALiDQ zF_V%2|8W)>C(-p79&i;eWI5@H3SJUukv^GdJBQr1c@I(b#~976&_VQDNun=M4O!Vc zhvtQj1SBZkn91PnI+r9K#UZyviI-aKF52LGM*RE40M7g~NIlqO#5p(1ss8b&K*xar zRZ-~jR&ijG3eVqJ)v-9FRX}c@T3-}u#`_c!L-o9E6~CQ#l5AH(9N!kW;pa_zM9Q2@ z(VUHY?3Zj`Na=XyllLdgA{th-kh{n4=Wz$rk%uo5c&bZ(^0uLlj`PgQgkFgrgpG0t zPf_(E>wCfhvSF74713sZsLON^h4JN7!kGr%X6{2F&;25mc;$7PzuOgY90L+22~PD| zfhP5Ko7WMmU#W`Q#4l{Cf)9|%m)vDnZ`4NG=l-FrzDtq6y{?EBe18o$yK6i8-cWEH z{FF>Izi1>IQZA8#MN#4}HKE znNv9`59gYWYw%VsJsI!#XIf-E>vp!;(8?d81Ka_eaIc^oHebcH&7M&j`GcG|%Y5-7 zUKsCj07Ink_A!;V{vFY5pv&v2@)B*7ix(eK)Fb~SkW>Q;h$k)Kk;C2&yrDZOq8A}n z)Ub0Bb(rI0-(=%MJ$cqD1jpA9D^yd7*@LR&-_P2}>dDE(;urTw3WvM`Bgq;q?t+`P z#0Y&1-B~reawx2F4>kUwAu`WsF=Z@cL{;52Ar0o-6sfJLrS{ERl5Qwbkudr49Ipe1 z#5=boh@UDf5FLZ3sL2;D*b1NRAp+au#wRg#UeE<0{YKlaEtoK@~WDf5n zt5x}wOYC>Tx5|&&H+Y|#Aa!4F+TW>UR+5EKSz@_bWs1T_*=ZfK~K{!$$OOM~n8~%v>mY6w? zvy>K1vWXU3H8har-|zF-KqUBZ;J0|v$>(I<^IB0yScyc$ca6>1~)lKFA@_+F~ueimcOdP;CBdD|KR4~Zq)ffb#d4`HM0NFeNy&8EOcb96@9ulo>KK( zXg@PTgvv)C zkSU_JensloGHt}*Iw|sMG@x|a4vrzmCJZtD0e`Se(ZlGyf&2Jz$AOtHrL>Eeac zltoSGYU)?9k#%}lE$LFq_t;d9S`hrXyM>IK(oC|ZTZ@MDVnob{ zU~=lCPU>cLg5Dg3(`2*J&bnu&D&(_r8D7#+WBR_LdzKveYi_k1^YueoKV7>tU-{1q z$a9MG7EcX8@{4?pPT_S1$d#)`jO2~dInk}VDn@D7H?-iC5%#O%yfQOqeM@pqrDJf# z=ItLV^k?lm(r-WM)WG>$<>Nkmv$hM-IMt>2*?NKst75|x-HN-qS1M`_V5Q5anIK#4 z#-H5ZV^V6fvd-by1Y?KrStn`OW(lH-aVwrzc(G1ZoQU!%wK;ewH;j=%$DLM?uB_@# zt|?!>`=hLT2`5K; z>Ws3{atmf%FCX<4?evhe`{I(dditet^L~{$%rQWkc98#%leLNBAUS^C)y;7{iB)sM*%zs?bGG1j%xXY>0 z?*eoI>AS!NF1B_S=PxeB*WT)&?p2)Ol=wD@ZK`D)&7azdm^~3<-@g~g97Z|srU6g1 z*|ATIy*);5s#!v;PG!E&nEvd(_Jq9P@m;Z8FgTW0%7SkLOyO8X34^Pcz@OxQK^nDGF2mA zSjjvkQY-W3oy<)ay^KM`aY7_b`=q|u7biEV*)ww4goM0yEv9F<+;nH@8-Yd}K zcR5oHDa(wZz7JR83l&1CqD>R^$~2tRMFpa>T-&wJ=jAp+f8>gX)EtKsO)&$SgJmvX~g6} z*g)mD8b`+a+Q~p`iA09Br?BqUur9KDTTqp2AM~-tS)i`K}HKkUTw5zD`=8D_>A|yB`X+6ilY&Bx`%qD$=?uE7d;q)Xc8= zTYGA%6V0Ygmvdpub1BX6=`%Tcq+oW;pSXQMRfxZGD>g42fM1z!iXk*Pmr1dQRU zmG^2=1z&B_QBlU<;!&DsC@_IXgi`rY?iL{GI8@U*Yut(F%9=FJ1{+B4L*yr!AnKC0 zct+DV?&6i4D^}-EZDrJ#E_}EaL*kGPua9pB5 z-D~X3W1)4b;Dhd%Omr01s5=u`CusiokjA4BDJ~ohdsl5=FzWNyuA;wJ+@k33(XdlC z4#yjs$K<;19wx{&S9dy1$Gz=^uY(U4s;@gopH+d|r|3L;h(mOIhH7b{&GG!ght6X% z&PWAyI^0$6e~gEwuwXh&Lot%}-O1j9skvkS^Bh|X7`hg8ILmf=VVLqh`v0-KMB0y- zm0$S&(3jQ)pirG;@Tb&+cgN9gaUQj@|vAv@^w7Sis8 zUX6xGBv3~r_J02t7^C_B&zwWl!GixDKD37|p&*%Gle*gSlujlV)|8w@)!#exyv-eqhuk~JQEB^N%V)s*=?$V@4C%?$j zmAmEto4(MVDN7l8_N#ww$S6>vH*+f>%jf>dpT(`k|4ZK|SAzb;T?$!)iT`i)CHDQ3 z@&CWy?LYBT4N`QPkqkY#_8)zlMgKFdPNmAz&1~iAWfrRRGWY+Ha|_1*PnrMF*&QKI z7hL(TAAYd;U9)%_ZJQn!$+s$!;h$Vf_N-SyVnve3OFm+#t;$kMfA;alwT3Tfb1e^P zS|t^HwGVg*4;>cgm zB5cdamH8sQ#E0#t437D#SaYg4k`$<;c3Tpo89Uf25v- zfM4}|ziXZPj2t4iy^-_WclD0upTdnyl$9lseBmYL>kXuZiy=ad{*T%faqD>N_a z1ODIs%kUKyS{wK!ukWhSKN)#XKHhA}1Qu*LM33%kv}@V~3XTpfE1q(rFqcb2bI2+n z^Eeycr#oPe-z^ssN(_WrF@r7#rpm#`K~NW7<5~ z1~tJ`G-7`oe){NHw0d&~e&OB|JcmyTF*)puYc5qMWEaO1s|Vt-gp+$vn)nl3eo^8w z=ev>EGjIcw^H4%;?;OMoLt-FC+{eYU|Bz+-x$#xMKO}ZN=cArINUHZdzKgomyNt5A zPsi*X4#8E^3I-RtR$x3MFL|%}sv!Bh+u`#I0MqBgu$M{smOYxQh}acQgy^CUQub&B z9=%Q*`&;@GYyMKJklVV12sgE2`yTbcZ9xO8_00|QxW&py-Pu%N9xuq}S#EABwyju$ zXQi^R_>xW{eM2U7WTmL4{}&l7RoRHtIdB_XIZmg^Ubltc*Jzp!+z_K&JyUSriS1yG zX9#@xIT%#lGsZ7&t{_iMeuLg4$62~O)_{H3DYQ^Kj?oc0eC488up;Ix+(K+3e;Rfe zOuiIj@z$r)yqj6rYF}40d$|F~w^Bkj4^5I)Za5bCtrYh>$O9rpBx!UH98+B-X{_~w ztx=n`h8b)<h5%Ejn5~3eooa`>&JDoVe=AwN zVP61OTdn@xGzTp9X$apQ9k!lXua21~)r)>xIYXY2-f!u2Um09HcMH>3J_~=WkH@yZ zDuAz$C&0?VSHU$b2546?!R$SXj1AC$ZPiKU4`&n+zvN=*yW5)Y_?tqLAqOeVv94la z>CztDlGLDtqV8)P7L~@ex%~mY`3*cG8piZFSq(iarIG1=?uMPa28h0cLZITV9d(oG zi9cSEN(41kv7Or7qb4OZaYwsjU@CV7C91RnXPI9lXq`{dvd%kT;<_p89g$*?p8gE0 z!}Rd_fO1SYaWzhtUc}kIIbUhOJ9c;w%DRmN*ZBnUx>qjCxDwzhu{(`>I!NH39spJg z$RRDYqrjoL3QQME5bJ5_nBR@3Ah%sFv0G^qweO5KMt@FHxkc$z?21ZOg-#pXkSX(5Q z`Adhm`{yVwvab+#%i|&@lJ;ci|6uQ-)4u~Y&VX*xyv|f+6QbEK;wDTN=ds$nQlTN` zk+kOc5gxMVs6~CeQxs-IL=;V!}eTz`b-U%i)YK7G{K?A}Ko1`E)T@N!tiJC-PZh*E~hJjIu1~{!^?QdQAJ((oICY34UTT)` zP^tlT?e2Z};-&^`r?4wott){@&P-ru{%o)3^3}#$6om1Iy%h6O^Z+^^+NvAd@}BIi z5#!tcP6bhX9*3S36CeZAA@d=R1QPEcNbMNE2|w(1g&_lXSP%HQsYT1xNlT+n`PjfN zSW$|?8?0cs_|!-ET(eUC2&#m9eE14}4i!f{KSi79HvZPg2wEfLP$NxUx8uS2-iB$A zmbE0;n<>jDHp^JEUPa7@Ctk4lE98*zuWwm4?&@enSd+1%OeX8pkxW`CYp0h>{6%w@w-hf)PNNuN`*igwj-9(tnx7V^_WKNY3E(t87IZ5*KupDyzm=0^3 zwFtTTQ87)Uc!2f!>}68riV_kwx{us1qCj79FND0bFN?e=6T^Hu-^QVRL-OC+q;*mi zd1-iwCGUJlS1a%}>y5)nO9$Pxmc`Fj>h~`lXT~wlkb7)iMid?iCUpjAylw_6`s;V* zGt2)R(`1z~*&a3LH7Cc#5iveRy0*#x=mf$oF9}R-9nh6d=jHIlCxIz=Pkj#)05QZ0a?P$Put4Rpp+RB?%ANKqfRV)w*~5D z^in(@nsI!il$CghJq=lA2vZmDL^T{(244s7k%RncxVQN=%*SgAPyL$3nZIy*0@2;W zYxVN=HY;Pc4?#86$7s0hSt96klX1sRb37%{9CipOBO#JAmXC=S@YIgS#937jY*qgQ z=xDBl6skU_4%)D=_+QQqYa~n>_?}!rZ8qsqPl~VT>&K?!?+5674cBB4gBx>DCVdIM zjirO4=Wf!T{86$xxkcQn#4QIy&K2R_5)pXt`e-V{V39%(ew{dR+MBpn?nf+Hx{;{l z5|Z$2mO$ijF1%##6`ua5UZ&&MR%moqzY@-yOR+lpIK9E05vD=ADFEfH{*rTiYpLLH z6{dtX2{#nmA?|{IC{f3U#1Zy+I)zIeDI|h@?Ag0xM9YP6R*38vC35ZpepI6g6bmh< zPVU@;#*d#QOoQpbuq++!znBcP?-1fE|Ej=9SwXP&2Z`0m#N)cFn(-}$Qb>F7YW#?y z32|;{l<;Nc(RKz?v^zX$xQF1}(ity0Z2J)ny$e;5&OOWE%IL@N(Aam}H|7)Cl_Cb2 zR*?zs4c1dT7t^pQp+;)Qv-m_56_9j8_CI|_5dS#+ zj`R);uOGD0BGM9QO+K3EB>>`_qmnkClpTmo`wgRrqNMG0ynAYH$$G;y*&5H(wBK zr>#-?y5;D^n>c*wzT-xwjujxlg9f|YWDxhwLhw(9IF-KdE3WO~M6Qgv1N^t&OuX!O zfl~KAh4roW($9!OPYWELu65ZzfRGr=q4++HIMaK@U3~?@k9CA8bTa-Nb9hb zdB=YC`4S=`mX5y1SoNqhLOQ0hT(_ob47N>KZu#|zDfLzsX?446F~%Ryy4vxTrfH|j z43mA$;SskFwX>F2C?cmM@3Q}FWh|$s&nK5CGeA*48lN_1I z%V-%(E^_pLL9hSyGd=CNC9Nfk)0UlT=`{^j;z;?iebt}V-;EkL=*QVVD(+IPc`16( zL^DYZS+ioaI(Vyz%xPg0lQ-j%^wzYO)dRLl^eeWZ)rsHkSIfQ|G9HPvG?8svVti=B z3ZBf>i&E!8<&pU}LN(Qbnl-nTzR>5i)#%gH0vsJytFnm9wY6o&WruHXEq79&ZQU^>$}!$ zv|{pPoe!=#HKu~7Jy??P!Dq4YZrul>jr~gW{ht4H=J$r1cyc8E2Ya{B#`M;jgm<~Y zH4E_r18n*D&>wOUYbE3#JB`Uc34w-_US=0w--P}T`tWBBaiENngLnP4LFY9FK1;g* zF4;eYANB5I3hiHj=AT(8?b%3n3pnH6E-TT`8#OSM3wBU{%UXlMQUY$?LkE+Ci!f8; z511`3iU$`+BY(T{u&sycaieA-qEU7fEQxEN0sJiXdmq$g!?{S`Q~F?#&3{c~Qprz& zPS7f944aWthGQl_NP(okiHmxwV3dg)y5gKLHSMoSg+wvQ-k$w1kh@Ty|86Kpey?OL zj^s|Ag-sH|Xdk{6+G|hLU%Pk@pVoMeA23)7)kj~UH{vs~2t7gE#psy=mu(lm?RE@M zG*`zx2K@1*g*PmgXec4h-t9D#CqsNKKATM{ZbNnd(QcvauziG8OfT#_eMUVyP6OOA z?I$gA9zxaP{i+N(LyrDv-BF5~IFU+R-F%R?H2W8nS?hq?p0*@f-Bg+PBD1IoA{pNs z762yr2B7mte{8?E9+7|41%OT&IDNT?W%5B5DY+>RbhvktHN4$S?ySYQ;r2R?Y`A#i zEqq{=0nr$oOpG`*G3B*f7#2s5kk+)d@`W?012&%?qO>3ZqjmF#nPE^+YpNQx4ydtr;I zJJ~W_jw>w-`DsmXyPEibN*t0*kex{SXoiUEJO9>u2LegcL<437TD+HDD7&T#X6 zI2Xc^9qIGd3PqSo5ryx)IO8nrb0GkqbVv`8URdq69jj@(0i~zcn3?HlQFm+t2$_RY zU>fO$CkP7DZ#E_b+`NF!i(QmPjUQ$*X9rVOx>1>4hcLNOZ9>?t5)Ip%ggvcDfY-mq z8-5kah3Xf3XdC0~vAXN0@Vbd|T+Ch`3EM*8io=S;Is*rS|C~O&aH3JB(hqm|gF{;KDR7vCp-+A;5b3P=b@US>+>XIxEYOAJ~o+ zv)r}U*8J6@aq`-nzQ7$)xll%GGdw>`lHK_aVX4n+PF|~SCR7a2gR=)O!5XvxcC2jU z@Z4)_NvJR?iO5w{8mABCse45dLSK(fz*}K5;CHK5o^Bl=FY2q3yIWF0vvJn4&c^p( zZl5&rz<4t}+*bt-G(MtfPIs^*djo-b_d}2t&1?E_eJ{9QNw8Q_^5hEU13<6)#tPre zPu7y*VD-on_&7t8)S*iw{#Fc9{F5DdT00cAdlQdZ9q0lZ0@aYzjT-Rs`H$dd!W`LC zbeUy*Qi1Vi!wb;2_o42~U@JIVH3hcOB#?oq&tTf57R-NN1C0tEk@XLFLDZ^(gh-eM zG>bRYUu?V&bV+frn>UVm8QTJiGRJkfF2#^>_y2JIf5n1{z!F|WNArhSuN4nfKG<^^ z-q8?%sUP^^*i0nJb!jII>x>{ZH(Lm)Pa@FlRSgKfio;G8TdCAnuW&z48u=6I46puH zU_-o@nN;XHXzbKa5RzG@22JZW!rq8}_2Q2^pxM9=wEJlp%-(d>LcY%(3aCmVWs4K3 z8+VQp;uVi+J5Rla!k2aMN2#I&ux(>W@L!=AycYP-&->s^?=WN_I+(YGG!faw2e?-J z1YK84L5=(lQJ2S3a5AwHDBt|W%yoQ+{pm`_^@LQApF?)I{m^gRtNt*-M=u~9%Ey>( z$W<&`TdllP(gbZhfWYolDP+>k4-8M8hRa+!@$uP5ESEtycv(}9{`svCHSE!dD&0Cl zjpr<<++(;c-!@+5jP3HR`qOu1qs7i~XT`YJ2jS3$#g9QTNN@E2i<=a^w=uNe|=8UNVSa$0TxJSS$75Km;zvy&9f2-bUHiR^ef<6A3}BC#dzgEkO8e90aZ`rsb5!Pi^eI&y|-~Bl2+pA-& z?2sk2fn%zcnk_q+dIM|7J=rqIK_4%&;AJ3bcU69OIY{WB#b@!VO`x>OFqZX}Y+ZJ&}`Y}T`o z{9hc}gY9Cn3uDBdz2=Q~NamzPzR4gBmrK)+k4dsl&egNRT3)bz6$g>K^oeuD_DD_Q_Z7>TMcIB- z^KD7I%(|a6UYP`IQtzVjuLOzbBo1r_t>J{F7PjQU7qQhRs#%ULnpmT{A%?9E$D7;` zd{R&v>C-F3RA;hqx;34MmLjlCnW;>jW6pTr$Cw*sGSP6-bvt~mB934earkKfhxTLA z_~#%5!`dool?O87{e$knmr)7mLs18+-@$}B$zG$ZjM@Yx#mx+yx5=U(BBMF{qkKgQ zObu$qt|u5{^A*tK(auBo3BO0U-nPR~4=bjPXq!@9Pa1*k_Q$g8)~>?rkQA(pFCD%6 zT7jxtt#*b(#t5Yk03#N7mqx0gdM9IHfs7)7FHG8Zv}*9ySLj*SPrDUTp6vCv;K z8uF^E!06<2DDFOOU~yCqx~r;G2q2}f*TWiaKdFcuIA{aMs!(i|%>!s+vBOfkVG%l= zEQ1tvcFh043dmJLraAK9h=kM9jan2mBTpR@lniAkvnMwt> zql$=@%N?km%g1+N^EMN$Vp<|E*Ts>(mciQ6}g;qgegxhxLaACg4c->ilV-Abs@@fX)#tAribEP*vorxKIS zt)^ahJ*dB)eut8;&Y>hyd{Jl@0k>K_)1Pkgz`_oMaK;~_?K$imiNhv6Fu?X(Zdny* zLEO%^Cu|S7!qxWj`1ngRN~~UjirOiU{3#wsxg4(J`GdCj-wA|rzgNP$vqu6kl2fA= z=Ivdz^`@=nJsRBCzYFQ84H3L2#To{UernvS^24WRp8?^byOiJ*jvDSaqD;C5jb962 zX&~KCSc#{pf+smIDDSj3{Ov(yE2XoE%<`xc4Lyzu#BeVHtBgme%_~=9l#HO2a%e3% zu)G*5%l4p3_f*9HR*VCF`~A3Hdp9O<)R<^?DkQGOvE_QK9mLBfUMrjKvsOq>A$D7$ z2>rzCMHHb4%S62jFm>z*?Efo|XzH+SqEEO`br%5Pw6Pw=n1$e1-1qq6tVxQnc!9Mw zY;7ojOB(_<`C~}R9%{>Eph3x(tN5;8T>MJHsz~EcCra)>5YBsU9cH0rQ_q_rW~E0c zTQ$A<2+RV7@Ud7!?9$RwwvH!6LDKypL4V>xtb1TUe3IQs$bT_4Z?;!L+&^M)d~YP* z`hgFoKV!@_`E^AWJ@ziP%G*=k(8P5{bA1^zjyPp#LtTShA?+3i-lw99E^MEO@p|~|Mm0ot^CBGo@D;CX6(BYmZGaofD^WrF zcnmZBW_*9S6>LmafK!1|$nw4}aBj^hn4EhamlCysEj6>S;#6r;z(y15x}$Y{%#$nB zg@acpFlr8xtO{W|{i}X**b+?YyaccPhyo(VRSdVBswaOt)xnGL>~n!Oy~j68_TlB> zDAcz(j+d4Qf{83XYKaO|xT&xK&mTZ&=~w2kR7)9rKrn%`e+y21M%KJ6rgyd@AP!CZ=v=(k(6U8)UKeTe||jjgesAt&On#lQzi} zSSN;_tR;2Aqsfu2w&({7Za~x1f~|fE$dVcx*tp&t21c^+<$TV}#X&~Z!pfrXgw*S6 zIkh{W94-m#gyoUq(?Za_X&Df!J_}d(aD$7h5fJPxi_|?w!F{#3`tgJtq>(fa_AZZP z`c$a`=s2Jo7W9RD*W$((->rmvKWhda_3NYS*4}09mz75L9H@lSog1O9mNGQqKS`c_ zk_Kl)=p@O;G<@xFgBRL{fXm4(Fcz$bRl^tfx;zz-F~00)^8Vi8y%n^9&Lmr?z2!VzA2R7uuOOJQcB5%KdJv*YI)D<2q)>H+i5qXd6FHJEyu*A@SKX z_SGa6oR4ybP8!Sl@SWw8-MI@VL03~c^}gWkp|u)L3sIlY}F4}3TV zFPbCRpX(WbYc?Co@@jw_#i;k437Y4XRTXcS@qqp#w>kY36m%ABZ0ZN4{M>LE zuL^XQ@I&uR7bW;7Tfo6AA*PVXH8>kE0=dGUqRGDR!P+5%(u4c|`K(;%=j#e`&~M`l z=8i6HnDJ;4E$px}e$Rb79-w0mFK?z}>U0)qp=E{b4m+;^Fa)1K62XnNW|;R%H53M& z=CshJ_de|z zrXFmGhZOx`t}iGilPkn<@$(014CxHs>^f^)aN9jpd{sVave+7bjzk#e<;ftinrhgE zd}Ty5?5N4qb4#_I$8&_Tvx@OGULWA^AJQ6aonJ_wr`y16peuFcyb^X(UWU5XE^8KX znYSU=<`r?%|0Ze2?Mkf^k;DgfBolA0q=8@lUnuDAi9hntg6>hd6o0iX7NQu z=AqFq67h0#OXE4`Gtl>|pk{GJ%OIhso1O2y{yE^7FL zyrn`Vg3)W&X5hiPpZdI@DAa)mCZ*%MO;M#5whsBuTqMk9%kx@BcABO? zl+i2*%MjK&V`fFn?P&PWc2@(biv-Cr2T0RW5A>?- zI_5mFX-^)oOjHV-(tSyeQGA%F%n{VS_!lX4Uk*IzQ%4h2_`#!wzz9pC&6CGT`AU0mX@eqy9Em2k$7GXRRBXt3BV+K@xteLRejVUPl}lO{ ztp~<_lAu073Q2gX2s~wfvgSnD*r<`8q_?FRYs_Le(Ro`3joPJM@9aB3UYU6U+=XYz zfqXvToW4ZgsrNPQIz#23{BPY1QzZN`ONq~w?Z4w4LsX-lbU5J+{wBn*ZNX;H%vWbg zN!wYpqh>(9zVA6{;t>a8uNttL&=PRyri4Z0K_%oSZy1^7xs5}wf;FPPs&kic+Bz!? zJEx3gUz1dqwp@xooiql9ZO}7P0cW5CUeN9igtdWaFJH zS%i_$Ww4?6E!C-zg=@%0z(3!zs5b$*_{f_Z#KeWKsHhGX*3x|$)`qkhGQar3l~ba) z_~QLomG&OC11k;U?l%==YnB3WVm^ylfAbcxQ`HsTvf;?;@b3e9I&KSVJkS(El}hYIg~C)hL=J z_gjc){w|HUG)?3ByV;;Xt%n21sZIte?5@u{wMbZI{dL$i<#gZA+5rZIV(sn1!`CK6s{nVg0?CZekzaTp` z#Iauv9XlqH@j?UF<$yzBnC|__CHztFMMzv-}h)-1ZXpe-z;s z=qP^0;5v~IC8T)AfNg6wC_ogC^z%*&L>hzF!fM{FrNT!VKN1HtUQqj}rRgj`1vh+Wh(g^PxDP;XKSvsG&99w!l^CF%eSqSu=TLcSF9?f3f1@ zrZRMGF$p9`SQ&96l<5(x{^8L3!~S>txDx(PAH4E_IKBOe6uoCyg|06rNw>|HM`m(m z=@I>Ge*&(u$gA5@^zuXn`m~rhJuO6m&fBSioEwlvdaeHT$3j2-Cj=Z&p=;j#hg%O^ zqzDe(kq04NvJ~Ar8dLoC42q6>ndNx?pe!SKtUg#@0u8!5sRr+4qD zE01z;A2mOCNU(%*u*}AimZlK5Zd||?dxc>}PcK3<4P8UKLn$!i;C}RcQwFyE?FBqs z$bm3o+Ywy*%1b1NmlC`7{v=Ra5qPgF9L?u$!|k~i8-Mm*iHj%hBbWCnApCFJv3H3N zATD>5xY8yAZI&;G=e#46`s;J4jmfbXV)m2T>NZG$RmNm$rW*C(+ByTCUC#K0#t*!~ zGb+fZ*$=Q-!3!J6pu_Q1lC;*T+e8L=kGOI=j^?#;DSlO&Mr_bq4n>_?75sF{h=KiC zxQHk}@vQjzvLoHvs#=PiN zVDpECN}NrCSKTC8m@^+-=x3o2FG@!-l34O;s2=~pMUi4rxXeMEct9^D3Be82m@A53 zYLbVFlEbho^eTRlZblRzvB&-v60A_Sa&T~ynBlQse@L^Zt5J3Ta@6 z>QM*0cf{8$GTxHf^eUXF6R`xT@~yBfL>XV*ZAe_q%LnfI=O|vqG~BEt5uQHbNnMxO zgo_QWCB~#}S@PDNw1m(KI5>6JFngc_uG4%$Ue;fWflNVs&yk(D&UppoPuCW_BwdB@ zK28v&cFSS+awhMcZ$)DY5GPiQQ z>y~lyKOK6U7t}b!$#aeqC>SbNE6Dh^N^POsh06pd-EN;MhbFHNt>6f{j1ynTPj|@U zo(gfwd7L|%|JG2L6L&wlHJ@LD!O1@qHJHzbNpaG(mdJ6gXP+)D zD18=I@IEItzdXK`Q*MFQe*!9RoxczVSu{?0XHPB8eU^K5KHsnaC+$Yyzjs+EmzP3v z@)zR&e<3PeC4Zqz@(12}`V9s8gIj0oc+@BAqPJBrij<^~h}ZHAGfmyPUGr=ktvc>H z&GXW=J~oa6rKN5vqG_o(Omh2(WfhI%9z(Qc@+Gr?%XhUU0_-(<7=N1 zV)ki@A$fn85r2%=^!l+~CZY*$92=K{jbCa<7;<%A_@CE?h1M~yizw6I#FlgN`Wmem z7D*JtZJ#uKbb|n+Ep#tq$F4nf_ImLQ(NA|cWezO8$uQh2g{*9S#t@R%t^X?asjkj4 zoRg;}{;_7^y;RDi5V4D@oHV7v=Zx51DMbE2Or71hY2AhACm2m!fH5B*P*=@LVsK|k z)5BXe>kc9Z7^b(B>e?P#*R_89=R?lsmqp$0;eR%23v?GkLDK0u-`po0e^J+**cjU( zBXaMpjZ{^F7gnn+M%5RrHM_A(py4N!u~LjW3BKDNq*6^MaXGC{Vw4d9MrXMjxDMUK zuMggW<3g2`ukU?a>P`ot?puZ`pNPdamXh%3qfx`|r6gRvd?!dY+(1kCa0MS^AF1{D zodR-U%8>YxRYCabz9!~lykNa`06O2BjnB?b8#ni`>&IzBB2*U9ctx`69joErz(`^w zQVB-NC{xPM!<2m2DO0_G8k|Fh*_Ue;8m+rMqEnU zVaInZ?2~&PEH@B9E0*6T(o%{DlQphr)(089)FTFm(Wj}%U5gYC-8e-!rlsO%f)*29 zxyr0x7~1y-Tc84jVMIU*4gy$l*2FBV`4G ztZtKEuT7{FG4{djgHni7@Gba9Z3m25m1*g3lm{-22*QGofw1)ZJk$LS3JZ->08$*s z^pH0K%k=EX8s%wLtxpQ*TSH9Z%vdvJ%G5H=-KH~C=m1_9`Fgd>NyxBNf7}DTSPxLVW(c!3_k%d4>BQhw z8=!A%eO)YG07Yu1;18=lS{@|bX}&arG)`ylR3QO1?m_;Ex)Z#fLPDXqqfS>|6~l z+~?+B@1SAQ<@HDXMqIe?qULDaVx|N5j;5*&9MZzQb@;($@x#>Brd8NT@Nei6U}XkR z%}}9=YF4P#NznHzlG3P~!NXj-hzqyQf{86c4PA~?_%ritsMnKAnJj;gud8V%-pwrr zSD1InA7f$g4}I8BzJ53S`hFh!^STU`mvq4C(;CFZ6Kq+Aq$A<+y_}f$n?~66o;v1MsgZ8@rhInmp9L7_uEu5UQoAfPPJsvZ}q1^f)z_QoIPz z`QKs<=lggX3Pt$9{gV^W=hR#MMQ4og_j?cU+I(cM)87?9Zlz%~BrP7wXGo*pRXYhk z`%>bMbO}fet;U#%jN;J_MdDWZ13ZN7yV}#)7}wo##bUHh5;-x$Pp%aj z=i3s0)x<+GQT@5ujPTVVeXD_8S`Etex*AH?T%cyJ2hBi69=xrP#Rj^KAtPgpnYO$I zR#pB>qjRE$|Lk4#ITEad^?~>)m(me1)A_Vm8 z+(>Jm*Z@=B)`=CKHiN`oZI~AvZdpH^L+YLvg?H6ek?}`SKtuQzi9P2gd1`r}`cf{Y ztDq^g|LeHq)KUt#FV=(c5;Dk!wg`aW>7eS{1P}{-55#_~f~)?hC#AbS0`4q(eUWKt z7^IR4859QUmyCn??5+}%^gs?SAWv8V*=%?VIBUeQR`oB3grOR<&p00ps+O}nxr||t zH3ZJzuY<6}EFjbTL&2lPjJ_`{S$NLe{VJU6Rgx?TbK zttf-6d?tfbztJhI{i}$SdCC=v+pjGAsOhf3n_;2ZrRu_26V!=@6uPkW7u#HR7jl`N zD}4H03hC@pX8Y{?XFvYHPYE$+`?x%?P6o+UlA@PAj?@?(*~)ot*yZa58dg$;Im1%O zcA0Ahx${DWsx{)sN&dltn>Hr@+PdAja5cMbMfj=0^;OA*HdlWaOn&v{Ji9`UjT!x4 zq5R%JzV=cjWMsc*;hQdTL=Va$kx}x<3st>>S%pJ|huOB^dpCF#uIo`n;@Ro-@4puu z?3F_n@IU{dVX|Eg`L6!I+fe&Hmq$Kd&gVSu%iMFOy8>mIo%Ra2$0V!%b=&}V^(r6? z_!?#h_W{$PZl;&dZ7`h64fSGHz*A?-Oz)YbK!52Gbi2MJ?PE?M$c!js&GyBBwG#v! z*!&ni*{sgt?fBsx=Htg{OabgNcEpJX_4vM*!#~E}u7pMLmmsnu3j3meiI$Y|vn1QK z2jqscmKZM`fN8HYpj;Mv-+wF`iq!IA_u0OsLSHSx3b%={eyPbJA&25Ed+vTmop~0+ zOrB+MU;2JM40LeDopOmXYLO7i7vQ0cta06qrudp$Jp8LrcP3pDS-0;Mym{3JT4GfY zUVqF)B7VWZ#J|iL9(lxPS10U$Eek>P33xuN6+Z6h7Fy`TWorgtlUzMdxHZ2C<5!}_ zIl@BtE88#OOv*2Kl2)Krwq_IOY+BE~4ID@8elwprexWti5&Gj!$`Z?7*6J~059mQ5 zNxjc;d=f1_Z}pl^j&RE8zZ5X|n5JM5tu$BC*L+>F*ujdE-gQNlLz5P5Y5<|3!KYCb z`a)ZDwq$eio2u7}E4058Ur6I~{iJ_bUj})$l7~}A&t$v)`QLn;xSPjn{cX|Z`cKxy zN}dTE(2om~;iNauNpY^Fw{#7hw}cuz-V>rPXK?CF4o4Eb?kREh1plG+|GmB;7IDh%=a$EnJ7>tVyG~MB z62quuAU{?28Zmol#@C?BP_nX#m>>(~u2SCzzu|$myNTd1I%tXIZU{OwiF-#^LzCb_ z>U6^=T;%8w(XN1Cy|oX~)8p6Ss7arp6)PL2kAB4_6}2#Dm5um{qk4qnb`_*Q&6pUp zEGF_{H$ixKK&~Z=u+h@@xL>ETiS1rh&?d7Kaz{xZ2UG(pk2BBhQ9IZ*H z9R7rIsA4Kb@blymcKwh9={NA2Rimg_M>>^ts7^sKN|vyQCUGbtM{MAKimx!*U?K8@ zZ9{y72isjz#^*G8%Ow4Nn|jupIN|6sidHYCbQ+%6xN7Y8j00`$&7{A39E%~Vg_X!@ z!W9&^S*j8b7FqlUL`m6$9fc>cJBoFntAefH6}1B&&|pw;|0|ja+ks;OAH3;UM~*#8 z1>W_Nz~ox$(%>T%fN!TPqFC?*bZBLRB&|%-fj!yAe6`)6pCL{k(+Or3Z)2hdTz{e0 zg3`ehE~2tyqLCwWIba_OQcq5R5sW>5oz4J!`vvefO&R)?J_Kbqb^(%&>;Jy^65x__ z$$8c{1xiM*z%X+`v`7VT>Th*5s$Uo@GHwdU?5QyD9Ft)o*AZw_BFen9!GkQlP>u=- zszKWgr&#!lai%!^B>FsquJ9B|Lt|bbkipbsW^CfdE^qbyr@w5sV|j0m;S=1VxNL#$ zlBg9zo=$DF9>r7G!hPF>Db#Xa36Rxsq~rEz%w$j#zJUQ|fmckiT*G)!vwfIsx?6%O zx}F1e(RQG(MGv%vc7ljV1ZzLB2P}Exr@y{~DY`5Nr8XF5NPdyXI6f(y_XmK5UClblDwAhA~ z=yrj|yP{H7f1K69QvLhk zZKS&X{JEc``)_gNPt_GnW{zHO-ZF`u@~y=}3zX{kSB#-rT@}|)d|d?so~rSgvwe1d zk_$mUWS%knwn>3Je{@C7&mGd#v-B?b>rnu#c5Eee--%M#?J087O$~YD)(c}(93b;) zJZxS65ngzeAhbqD2Jw)52X`CD@^y_)7~2dRXi(Y_0xA=#)V}psv6T|8c|pxvSWC89 z(Ny{QQH0l4nXc&xj1MXzS;?hfquD5sh%2{L4D&^Qt|q{SU2lNxqDF?v*-Nz5g@8=m zd4u^`Z86sLzK7WpU<>@#PLlLA0Q@fsv7~`G!h`y=nnfj9F>XI-gnlAx@!(C)7}@t^ z7z}7Fg16?Hfp|P%ezK^lIb>1{-YDMDO19#Ih5V_&M^yqL?ejs%Z5~vkTLJ$1U`Yy$ zWpa4zZ&fkO_enHudNCbc&&`i!p0Hy&678J4mMRa@x#}jbGu!^5Bt!t~Q=+4l36S~o zw<_`^at}1q5`Zq^9iXsTkyW$b2wuwH#PT$gL#9pUfQ$Myu*G5o_~8PuHdY>CtdK-p zPx8Qv4<+fp+wK_~3|-P#`2Kl4%V6Du0?@u&Tdn7J5WJbkKxN5;=<&^F79QQD02XO>H(nFZ32xnivZZB6yQWXLb-glT7LQg zSp0`@+QEC4aK}b{@z{w9(7mx4@al-5tBbypO}QxP_)HqPSnmf;Z2!uNemjK@U*Lsy zdlOhC_58qteo#}(DiX}Q^^@vCYRH_h7^oje1NAOj$iV3UP_pOm z5+vswC2gG4J-djgAfl*%m=!Y$7!eUMpt1;vBmoI3l9PgD*jYeC5VHu1iV;-IqM(Qw z?=t>>zvn#nz32V#-gEA`AD;fOJ=3AOySBP}x~jU$tRbYXbz-S#WLbphZALB?9@8!w zFjNw+dVK}D5jpyMXGDt1wU$z%9T}p85fiFq)^dCdSB^g(PIy=+!B4U?} zS`&NX!wW@9vtFMvlU^v=bJ?6<-EoL2_L9N^o%fJW*J@JN4b(*)HzG-W9ee80MzQF) zX_BZ{s7bk=-bG%ooIt%E+(|XpoD|JHDnn^5oGVIsvVm(Hcw2N{*_iR`Dw~?}tV=X8 zbb8LWJ~I+TJg4=CLcSk{d&?Mnzq~5`YYmpjjCUTl(Yzy?vj1MrrG{kDQpBEG{Zfzd zRwrEK(S2Psd6Fw-l?ADcKTULff5Mtdbd@=}v}q0XVtPO2yV8{`c1CIZn~0aG{KcM> z)Rgu56xPM7yB}*s&9E}9?K$2`TED^gyFMSFh6fIaq9*#|+Sz5~wu`aokKs56(`YeTjWXW4~@ZIWM#x}etnqUKVnSwh>;(&sj!(b z;!Asv@uhOB#kq!iVl%#;C+=73>YmI z_sXa=RCuqare`e@T$rLyaD8I|0_whhhZ?hVFFSJD261hHT;uzRAb#UC5vpG^jg(w{YA z-nsdr(<7(E7E7dI?a|YM-cyYN;?!hu3R_Zn-LVME0itLW~jIR?ax@=%;iRm{5~CqQ?w@Id5Wao zf5N7;zxep)eJpO?tj@SE^Ve3|E#qsVnE?waEJ}`={O3H!cYKg|q*#MdEN9WMyP%(H zvHJ+P`R6JBX}#3k+LdDOiwEj1hUAL}k9tv`Z%nNpF_Y#?&5EcGJZefRIJZ&1<`he8 z_J`HWJWx=7ergEdUP@$cuP?uTM93eG_Y*%3HD$DnMu;yOhKbi_#`1Xw3*lP4ytX!u zCBAkkr}TAPpBVl~6u%d1GSJ36aoK#KsHXU_xIe#_6lwZVWzwdM>f&dY4YJve8U@ zVjV8N)eum>=wdC!xw6=PUVbE{wy{9&)d5pR@?sszr`?HPx$gp;pApQf>R`@l9Y2AU7CEpuYWuAz)J|@Hi0ome5;G|Ghe4zMn!^&CT`K9%_4zWI3 z;%9fY8>Gfb*K40BSM%Ea4&sc@qGQlX&{HiZn0!gyVeJ3A@%)FN$UoVk)W~#V&Y7d2 zZP{5uEucjpaxCZmPE8aS6%2}#ud6fsHXIj!RLB&opRjiDm%YSy-DoX#*=4{G-HdOz zGf6|Rr%<&qDSEg;*l?;Yu}ZB$iKWlX+7luOPf#28?UTgrUF%G7guj8nygawg;pLLb z&uOs^&S8}fJ~Ok$edk+2Xnd4-R_PnDlH{(_&hh3BGE43W!oF7us$ZZEcDDnRN+tYf z*&|}{hU7R|1Rg+tZga3)H_c-F(vPkam%Z85$eCqfS)bm@cbf4)WOG%vfuE8Nv+VbX zV-idmx4qIDJiZ=q&@IstxeoM-r&~Ah^;hURFrIt_Nu5U;WJy(li))hTl*E5U$;vAd z9YHmRRl)11vh6lvMh-XmnJ z%u99fo}$ZNqF4?S1AGO~*W5ULf4&N(q%0$za$cA5?NSwGcQ#DiR*)|!TR2m6bb2%Y z-Vep($KBt>puwL!{%~7^b&q3%*HLwT&(TovdE%D6<$|^R%lBO5KFUe%zmAI$PrM}J zrX_D;>uGurN|344#IcW8~#i_X(21QK>aCLU!*i) zmH6fk1-_%?&WzDjDa_0xMr=IuiQw6jM3G9$H|j!7I)BQl1c7SFj6O0?COas7H2b^U-PX>zfg z-+Zr^imTHV`}&!sqz|@A#+_Vk1hg6wJPjHSVVh9cr?3t!nUNhauhahJsJOTyu| zR1V)7dcB${wi+&mYJFP;p5A=HnJ#7V{4b7zuJ`hkxuoMujuh!XNVgPZO{t_duDQW) z_q|L7cIpuimuWEGkM9s2J-S%t!-zi8m>p$)#_E*f!QoeeRodUhNlPQlTQ^ypX@#c3 zgOeC%(!EWMS6LonDNfX7$hkV7nQeNCvmP~M@RUr>B-#9AUrdm<)3vx?dMml6Y=8Xj z++@YLvZA&htVIU{*q_Z8aGLesuy;y}b5ASG;{5)lCEWAHm%}{J#yU9dOSWQ{RIcmt zGWOW~ZGYWiQ(}DBHZZHs-mXZB<2T1lD662yVs|&17@ifeC!RCsTz4~Icuy;4XYb8o z^BBr@N~SN^yTm3m54bk7t+Xbv#Qaf@{F%Gczn29L-pib>JzN@>o?pb=v_EI84c9>( z#R~`&N+By>=``%Lp^c&PNs;*iGRIP z;Qgsjpt|BRS53ueH8`UEw8_@c>#v}epsdkL}exusMS&zv7o-%bjpKk+SN3>l?4 z2p_6v3p`eL3#xrh#qL`kLF0GNL|Hq!xuxTdQ`SfmCGk(ifD`9ao7#UL4(y`e3sV`$44o#<67~C+cWI1GA8n~3y(93GYlD6tgV=R zUsm+w!4`1?&kS}rCkTwcJfYG3vZ$EV?4ISzI)@i!bh*O~U<$sVVP{)O%V_rjA606Q^b8iu*SlBLg>_ z73l?Cf>^NwIc?=HGUQ6;YlXwoY_5>yTZvX5#X)QhONI|b;r|>1 zhaJCAk$-s9pG$TkS7R;y_Ns1b)K&vK5@aBnV`M^QQjsM8ls$Ri<$#DNI4x?8Vo=2f zDb$O*F=W@cMrz&aUW$>&6)CJ>P_?@KqW(yaXu~%hl)?H~yFBX;RD%9hDtddbYT86& zM$(C0l;;*B#^cf$pl~dW40%0??{F!J>eX&HOq2LYF|K?#VVn+0J*sM>&tjv8tth{O zrBt1#KXuZ#fRcaGM5#0-CZGOUM>T);QTS8zl1fvXBfiWSu9thCNY|OO$^Ya(*zl=! zq0< -+z$bXQ=G;DO6X*P3*^j7j@TO(?IQq4nNDem`eC~j=g$w zIDggl*);!j%eSXI;kz@m{__~zlF|%CD~1~q+Je*j)IV+gPyBy|fv}x-sM-EA>N4gc zqD$KKaPbp2YIw2`9n~IB{R!JorcT!bvVE1J@|Z`k>j)$x>kf*(_=QvI%YIhrX9rS? z4rWmDRw$X>7exMW3>4iQTvUB+T^==T%2yk=ww#g`lu;L7)K#^mbBPB~a@FjiDMPHF z1F!k@!RFg6@>$?6>SE(UBJxiJO)IQD9U^UWf9iIw2_t__t4RI)9I7p071@6eqr!WS zQxA&N84>4BP}{3|Yd`f<)RVOD)IQ?|(Shkk5*MdOiuXQ0M%&m@m*{!C7M6)NZ=6{7 z=RzSh)6b%2T7C}H%+?~CvM-1T-#E&r_!lvQN~6Bq*3-MS{UqGTSEpvM$Jd!wEF`C| z*+cVRHX1I&&rkiY{kKSFx}yEV<>W}i-@9ac;)8QT~}S(Q_L`inUEdoe8)rI=R$^ zWL;{m&q`5Xx7MbL9=xd*S)J5j?31{^aB3YPg?)uo9VPZW9w^8- zym=&zsO#8rgT<$}p6;dPZ>s}%#5IY}mw%|U zl{r&E-6xKaY7+9t(u}$c853+Y86Hl?Ld|n#j9*`j8CRF+G8SLc6=omTVU*e#Gkg;C zg7cFl0(~7{?0rgtsL2NhV2js2e5zA}!_hg?x^r4^DcFzz`!wn3Ac`Pg8P# ze7=#;UtW`e%}{3)J4#?~{j1B(moa9zl<6>Bo@p``cIpfL7!sS{k$=zf^A~F~`0Gs= z+6y!pPPiuH&14gy+%Ij$gEOYWWfFUkV|@;&G8A%l8415mmgt{b=m@9yNNiI2=+I|= zcGX{9vtI!kj7gHa?nHxuaPY06&_&XAZ=M-rl8-6lm&9KC(Bgq=XNjJMsiQ(oah_DoIy_$W>nv^I{PF8) zxq9>dR~4U6l~(>f_Ovqe{DtcK0(HiZO&93AltE^-qs5i#ml8X(<}Bsv9KXowR99}L z%uzNey!|$-glc%%$`cr1bXF&k{WiDFr&8!T1YM z;XnVFjPzpL|4fds{}laC6#Cy^|37|va`XiL`AHv7JjoBZJm}8x890qamK}b-KEIQHZS7Ak!TQmN*zw|NypEzSK=LK zP7wj~vv@cC-{Q}{Ex>Pr7Ist#U5ZwE9 z1&0iG9OY|6%Xb`nyT&xmcasuOV9zHetz{E~n`gmDrD9r+apzAC_-L=oxg30mcX{n7 z&DY4uErI)=DZ&beEBNRc7aQTzNRCP|2k%T-jDB?LM&;CRu{I2Tz<3Y!adEye-V!+( zJ7f3*)w!07E@awZBfHjOqJ^7LM-O`>X6gw9Kc9qHWaXm+S^{h@=N<13`wUx7?22sP z%)#24-H`c(JJ8B|m1yEkF)bU|uU?CN87aZm-JXSZAJIlvIND>ozD%P16rg2#*rbq3 z6q%#J*}Fp#op-baQ=6-d_e34%3Xk4F@$3GzFOIh&Ct@p+Ks%B_4g0(QmnS23|CF0dsjF| z4cEtC&VG%yGdN#N3X3Lj{+lE`A-gXlMF;iQxc;ECl{QhoJN z?)9`Hh=uo)*v^goxBNC}Zm3FPhwR9S1~bsPS{orp-3of=mvDbJ%0ihPm&gl)E@WK5 zcM$H)B3aOk8@j20)Op>`_o0Y7A|+ zeaHPjZv!_Ai-@x&6A6uw`(T@{5!Yh9Ds*q@0lvyt@#k}HqtgnegVSvV-0Undu3%&d z(A-xb6l8(fWv#@F8Rx)TCo}Fur-Q`Jgl(YdsSZ2i(Hi3R?h9bw-4LMvL=z}S&W0cT z?YaBgRNx6OX?(*6FZd}x4QlBE;?KQpz^B)at*k$ZJ`ar1ip?io!2ME+>?1mW`7M#e z@Z>5GP`U>kp7o8;+T93-KE;4nWH~r7T!|<|E>~)SeQoGjI$w5qBE6~XDl}t0 zS3AO7tEOnrU2(*|>7g^7ue$v_>!#ybR;-pDb90)Z{ltwj%*(qh=)4m*l9^tFi0(sT z(SF;2YuYT&@ORATZdEoqFYW0vkycLjwZZN7u^*xHj5iST7_P*ZlV`#4MJSN2I8D?1-IWXB zx66REnR<%!&AJQjT%Q69gA1U=85Ehf#SjX}DDWjcoZGRf7QDVZ1XteN2B)XX0jjqT zXfIjCo-%L>t};~t-xn_+iOpZ&P<#ruG|mW0pIFO1)esD7QrkEWFPO4B`V8T_-i?^c z!l_v1Kp6JJu!vNM4}E$@>T8;N;HvFkt+6{;O;Z z`4d#eany<>uU!k~JlnJd8JB&YTdgfb(WTyeE!!4ypWh~2;(n8+_qi*>X*`GYo}%Mk zcX{5X~V3osdc5;;Sp0krKy}Rk}_8_r?5Rj=R!gu6O7I?o!~#`oS4s z>GW@*^N5nWZ1&k%bRSA}qSyyl&SdM~uj0Ju3%8IC8KCFP5_tvgx0WW>543`NY?de8 zr!v)4x_-j;!hh+dFCf`wjAnkX%CWtcmd;wl%i^y77S8RQ{FwbDS>8U=!;06Dbj)7X z@3Gy-3$a|WhdSqm;(CtkJ^WuCj0flHY54!p-dNnsjOID+RHw@puN4L^d9 z;)_t-#Mku9u4AN|Ru0iXT?7l)&j;t@)ybJV1lVrFx6u043OKSyK-3SJ zkp7N~h#jL5aLra7VEWY`&fE4JpU^tQ>vcRs%wpw!;WfP1cL2suQqZOtDtg7`!L` z4Oeyfb~1DYLF!~@gRO#jM5B5UiS@gKbZUURGRB?^zxoAeZ2ASJZ|@{|TOJ~^EESGu zjw^{Z;mpKcp2*H>X{4WFjJ%)AzqE<>`VAA?!%EXZ%%Jnm=JMWnLx zdE#((7wPsPolLlRkjQRGhO@S9;du{0pzPpCoDU#tD;C0Pe<_H!YxDJTGcn1HGW)$n;pE~piPb1H z4k>Ay#2XCnMy&e}@!R&;@Zs-^_zsGacEmU`@r#IKH~Ap!J{m>7s8HljERusk$M|q#!40@* zUNqKbYYm+qmVpRHHg`*L6R^m!A#Gbf!BcZPg`%EPeM z6vE}99)G=66u7u67}2!LCM^aR!HVs{@KWzg{ufRTT5h$DcandWR9fB5Sy}iRX_{b% z%zrLMtSj^Q%gRjnO1ARE0}l&MHkrc8xXa~+#a(6p`tHqH^M1Ddx%JB2r)vVZp^;O# zD*JOd_TJ|?AHT0*?~8BYoVt&2u@{9L>v7HO=LI>O#i?J}iZiEiHk~Bswc^;K6YTU2 zWgJtlMVt?QCY;AZ`kcG4jKlZ*d!Hck&r0qDKYi|uxh)*SuNyd)i(Ye{y4%p}*0tU8 z+^QDIx|e0i(luSf?&(e9K4qWdwr2Y>7y4V$@TW+$qAHhNX76*Z7Ia(q>Drne~=Vj**NdrT``mz*wc{CE%OXPJ=C07O7txCa; zpZ$c--b%<^R!PkJGZ|*e4-rMVTY>zu2I5oSD7q?XDyZWb03@@T_;sQS*K|^bidXB{ zF~@d-<=x?MWTFOnew`iIZ>k7nI$J=~RYTk)`VCPrqnWs(`<%-dOeMyt6VMi&3LkSC ziNk$A!LPH!?5|hXLBtCq!fijmh*ig7f?Nysleqw#pJ>bD@KzJoY!|bgW$oF^#vKJF z`btbXY)3)Vqix}GPf{y7T2K6j)S0!k&=7qDvaz%f3s4;s!#)+qOqAYapY~2CTkb1Lg{Uac)i-AV&IC0Shz3=T|fUbITBvucXB3=6oO`+=DpQ z3N4(d#Uj@G@BOT63>5Y=4CrsMr44Vu6`x1wP}5mZvz(8Ky4kl;KE&x4&I1Gth6FA*5BDk?WjEHKPL@t><0^@>XaF5NOLGNA-URJ>+B1>C_^<}Rd`?7yO z2w7H&ZH-q3r}gD=8y1sn|I8rc1J?r!-5j7S>qW{h*#HlpI)WT&9E6EQ&p`9qYoJ6U znp~Kvh1~mnkM&;VH#{}oncFse5m`DI#J+Jp134e@jZB@DOxj+Uf@j=`h6zSqc)#ad zQcLST)}QqR)NBdhWo>2iciJfOjj2d5nN>oSt(_Ja2ezp)lu##HGBBO zCV*_r7$jG^=fKu;HBj551Li-=#WY6cpw1Eo-1Ezy_fnV#$kY(h)#MZWV|5j*ziUgn zQ*XJU)}G{-V_QJdlDp)bM<>Z++{Hviel<*eZpCwU*al)EHgj@~WI0*0s^O>UI+#WM zBd~cx3;zAxY4V6k8Yx}<5rjmlLI=frIqAJ@=y-O z>~`jbA38}cl0$eWCtLCQ!`*q6lK|>pmdKxk;{4fua=2^ad@%fL6zQolgAr$qF>~!q zdhUEN?0{;)pJ2bmCS3ndE-1D*OH4oD1x>f=A!|Jk!hwBkaHQf8F*M){?;O}iC_U4M z%F02++os;a;0%#$%OX4*(uHf(Q;O1)XW*S?sI{aHiQw ztnFhFJaQR@Jv%corO}JTgom4W&0qfN!;h_hr!rTARfpDNN8TtBPaaW7@sWeD0QZ1R zK1oDOs>I;Ks(k4B`!d*duAH;*k_%iBVhj?Kl|ih08>}qMr}x*e+gzxIHQBc0XCd#G z*Kx%YO*zdU-O1xt5-F^~e*8Xh8?1X+XuT#@U|j=hJ_rc2a4Rsl;4X*?{D!|dvlbM)*b|EK9r)z8uXF+t z=0|~n41=dN@QpZdyq*wVb;mX576C&OJ(?f;;Br4PtFMYvV|9h*HMkZ1L5ktTt z@Z*af)@U`KyJvCoLFh;FE$Z@Z0Z&n3B0NrnN*3o0$=cd2bIu z54WAb7Aq8Ey(1Y&@kvWeP5%fg;2C0FY0=n;ZB3~15d~z={c!Z>{3Gc1oSEqSE;;P^ zm+Po5{|ycM^$Iim@D6QUO`wU_-uZ&29#zM#PMAlJ`#?womNa|>`_%A_t@JGd-Kz2p zo6!pKz0+r+%<0`2CpngtV?N58IItb#ncu;(!;`V2B6bSqTvLe0U4neBl~e7Vv_neK7-*<{aP}c-eBT$8EqlO6r)Av>eV* z-j9DhJ)2iif^*Vu#NtsqX8ku_)%Z_RM39s{y-z*6RRDK!ZeV5_U2vdpF8%;J1%^~V za)#Q9NMy%R@|oo?qM<$s!gt4k-}W1@&ZCS$-lq zZU&N4`fj9ghcS_Lkc4j(0(j>i^w8_ie#3tD*#r)JZtaNuXd4E7m&XyoXTC!H;~(JD zAKQVvuO*xktU!j?oGGU_vcDQ~kZ}`(=Xn!h&7x`I- zH)y<$GjX3fvgg1cxw@{BG`CYl9J8yrh}1Tw(ZwiCrn-bZRksga6A{VYUf_WJF$~A& zN@a57qd#&4tk|MAngaP{>w@7h{h@qj;L?c39%vS!ino1JB-< zK(8G^bCbDZ+h?2&83-B@ErT`ICekz(er_+eT0tH6mQTUoJZt7Hkc(#8>xk&Q0@D=i z+ov3K)z$@^n4_z(qwQCCW~Vjq%eueNWr=e1H-xZcG5Y9{Ci+FX3}v%5QDyG{R)t?V z%@0v_aG~i>^flSq^r#FCb9KTQwv?Y7r=;j4e(J&oJRxEgrhK}R~Nv|61;AAf4}L-pr~?p3Tb4xn);+OYOg%vBuhq`jull7OM%ZnVcLe*7;{6biL$^ zyLKPTJ!rTaW~s7<5M|c3_pMCtJ5&Gd*I2#(T`<>9qhbA1Mz73@?O>A0tn-VY$I&R* z%nC@q4$OLBK19RqEhuw6Wz2V_Z>b@6U_aB%u zed?JWn+%yl!EyG^b!PwOd3EQqV_z(1?|A;3$#nXASN@+m0iHRm7Ed#}Z$o`;_S02L z**+J-=(@MR+^6v|R(4?iU8eEM_pCU4=wG;F>FWn`|J(am+CKrfoMgY7U&Ayb&d{{N z8#wYWzU=PIVSA?ZGf(H>?42q_|F$!4!e3qNe_)Kozgg;RQ_d5*k3!=HjCWxZ(rlcJ zYBf$k@(aAMWw!C`_>Co4JL!RWuEmhEwhic|7)5l)l%wc{2@1%oPmx&9$1-I8A{OTB z_ZnL|aTsyeQ^Y9iE~LW{v&^5+;j#PP-y`lK-3HP_I6%r30N zb2>}irvUpltjI$SkHfWYyWuxy{y@rXx@p+mS&!&>j1ezc3aQC-+F=tnY$R8Qr(v)K z?ei-~U-C3C<0=leddgOm9m>a|x~6eE2T!BdtlLpRX)(`!ss%QEt~(9q!8kXRM5q7D zlbEg0#r0emjIE7KqWgQwK@ofHVu^(3u18-u1@TH>{B2Y9qZbz7D~Fwkl5hZgOi<5R zxya*vD(K0T8+gKx_s~gpO~~^CA=;Yij#+<6MczydL5~>yM#7@+@!|(sQ5XLytiz2O z*sNa_rV3QzXlLKV6?U zg`meh@%3KTeS-ixO`|0iWuB7f4k+wF#|Ioj%||Rzm8o;lo>yMzF7rv~+MLxKZb}3-?d?6jR8-+eJNJIb2g2?Z}Vm0w!n2*yh$Il z_dS3WO*RHKZ+>yUrJf>x3XhYHeJ_ZgXVjq5<1p|{@Btnee-3?hSA$%-%>mwhVG63Z zqhzjP2a(ZT3~whnfOxSE9DisM*mwUKacv`m?RAdN%dwV`1Peei||KF^pw;AAi z;t+I7iXu0aw}a;wN&p$igO^i6F?^0ASgvXWIEPg^k5;`T>fEowD=-ZT*USR#qdVXe zC4!y*>^XEV`GC(LeMye33c2lVGj8Y64-&Zfyjw{b1h<*V_77>Wdt|c+c8pKOuE`n>R;WUS|Agr;%2Z^Bb zdN}X8zBRu(Or9TfFC1KUI|QR=$ip|W?&P5)Lmac(P4=!FPrkiO0EeL>^6un5qIv%t z$Ovr!Bh$N}{_Ow|_VP1A#k>a8l^BrxNd~r6a=>?<6d5i2#+jL920y$DB(J7^A?G1` zAbgt)V-l-jldU_Zry>o5vkE}^Sxv6~NGgcTT|$PdU4Z+s3b1ME8JKYG9;YYIiR>W9 zgF}zo$v2GsWTnyx{KM)D=(@vVnRZfGf7K9SoW{k*c{h+R z-k&66hdaRZ!Kolj<|B#Z-2@9(XCQX$2y%%V2l~x2gJ(H5e0GjLHg^_>JG!};oD=8A zDetV|ZJs~EOYLK!0?SnXWnVUbuj)~J%W7qi{O2hud;KwNS!9Q1K3@qkv1mZ@u1$lk@PNKgp2D)Zif|-_~ z(9{MY)`w##C-)IiZgGZqxetPQw=}_3t3;Y-5qQ=d+UDz#E}L@6xI7k6QJV~U&IZ9X zw~u3g?CZdjFe{KF9$?S*^#_Df9ONh`L$;bcaG9M2@&?@5t3|Ca46YTzQto3E*rwTt0jE*Sp!%~@gbQg6`ygVhm1hi^*o~J zRUr53U^0>8Vg*O{o&Z3&m6+?Q06Jq8SXrIpq3R5I!cFfaY<`JBMq2`!t|be)o$s?( zxJ438e-5$D;@>m710Dk1LJ?vBO|am7C8)CRMK~Ie4hOHlBLcdQW7jt-k-k?O@uaI& zJd@I7XzHO01l_JcywsWWg4+<$yae{yq-GfKqk+A&w2wP`ZXGW++Jw9CcnUeZavZ5? zp^P7A+u;`SrM!}{y;c;^Uu^sm* z43{~I<-AJ1~f^M~5j{GT>qi z)^R%#oD$`5hdOSMOJqCAna8z(=DJuoe5@9%2N-#!))d!SKc5sIJ_%KBbP?JTxs!>X zL_cPB9Xwea0R$Hl;5_%kgxThEXq@_NFe`c-up7+-)zdV=po*BDzcF?`aBB8MvI%V@ z1zOjENy0E#kbeT6zViq>kRbzq|J(*LjW2T_?Z^R(_)p>LmDk|QoY_Dn4?wT2N7xNI zZ(z&TuY~EP2-5qG1!?=S2V3u^52xj}afM4=z*){(4xD>{9lXm8M(ufxCERANEBssWYdKszs#~SCF#gK(vdZdwJ0pY%*nf!xO#M`Fr%lDFfGfVLcx>MlG1sX^#Lj->5J>tA)df0ChzJrtYyWj$Mlvv@t68jpa%V)_y zCD)q)i1DmIZ@U+Nr-C0SUt7uBV|s^_-x>)6WeQ>PNEE*)F93}zap0`~_>;8QBFp}f zm4N<2wj$;Xd9?V;ZGIx^#7|I)CCpO{Kwk@jt=K6?hPGZnTY1@F%A-VX=e|1f_Mr>p zg2L-W6m}Qb_#6b*{!>WJ6-Ti&4K1>JQX*Wql}&VinL^H|JPGq{C*WFLC-Cz?2@GqL zBNS&`;=NhcM6jnN5le|EV1IE5nAlNI)1Png3fO;sDjAj2N_s3<1(Fh@LFCV3xH_l^ z6&+EBH^*-Pca%SK6lax!zUx&G>nwur_Sk}hx<>8V>is)7$EVKw1t#tt3aE^ z63jKc2ztwO)X<>(>bA z{F#*BpaCpiMe$!LG}g?3xf7cUR-!lrg2HwyVk#i%W} zH@_PRI{t;%Tda&ej%-ClqjubRI$69$mp9V-rvZW#Ue=5RWRbo;da?TkvOfdxk}lUH zYn&3E)(%ytLkvfR~jqUW_V4%Z7)#j#iC*93NwSS7x z!zZ`$A{+B)*pE$?(C3C~;Y3z%eKMVPGo~KVNHOF!>s~;v8$3W_4=h41cfCQ*TuMNe z2l3F+(=7Hb%Ra=x-VEWkM)7u~OhcVFNYQZ8Ue+NiKX?CoejCH`frrKDN~^zTo682C zNO=>3?Y_Da?M=VQ!ebxM=O4R^shHgr95ZQf;+^(hjZRdpL_(7M&=I7DYrpR$8gCeb z-Yw@M+S={tEALRAhY^nM6AO_Bsj29z-ImA;n?2k!OAjIsPCw;cKbMCHorK)_{cGs) z8&0-Gc2`xSLLn2or>TLub$mmOv)Oc>Ufxnf)_xv6?$HIx$dhG?*y6OS$h2c8xM?~a z=oPtKTVbXY8Y}&q_wn3!R5nzMPD%d437=j<*I!L|(RIhhdGOgqZsFh(mV1{yC+VsV zPfnueqcTYf8|7Fc(uRQ~XZ=$~N>^xWlPxgH?5I)wP*!bT1z-5nuUaA?*RDamH{nF`+(MzdB8^~1zmzOdF#H5 ziB7wCF#0i)vxIYkXv&-pmw!})bw6A{r^_*DjP-Dy>FkaqABynVhKXt^#VuK6B^O6!%dzL*|ngRTO+d3=_0C} zAq2f#(3t57WE@}O7p%YGH>Y>meejzJ9Cs?V$gzX10?0Fukr-FZAM#i;n`YBkO5esL5)ATHCs?ky#P&n6MQ)RnrKx z^t8FD%R|UDR+Gs|JK~9XQ18#{_Bun!@67!?t z;1RG5%sG_-sN#w6iq>Py??g0gYjKAvK3@puRkv~V1P5rCLvRZQ^*~_eUU5>*v;0P6u4snc*CS!i`9v^zBZK@^I*)s9dJp`4 z!-w!1KamW74as(Rl4$O*fhDsHcsITZ==tOQu8FyYH4KiWPQr>mSVHG?T#}Ls$xu;biYP)# zRHo9PRFvicrP7QBX;6leh$NYXLM1~&gh=ko`98nzbN@fj^Xh-UxnKOxi)-)eoW0lH zXYX~^T6^ua)~2k6@whNlflkyeRkh>H=R5TLJG0?$QHw>}kw{PD? zV(H2}ruD&IMxV2W{H^hnjBZuO3*-fim7OA%^k zX9|7s(nPod6brT8T7b993RIFBWbnOwaH8ZM*)YoheAeaC?Ssvr$$2(AcQauT8T{uC z*=6WTFLl~NlUniYyS>#<1@iGqFf7gn&RmMqulIyfa)(ZU(2m(Wepm@u>e5DcJ`d$4 zq#J>tUKLC=xa&(*)M7M2CwHOgBxiGO{P5?^;+9QGnd9^GB62-C-8vEG(8dYO3_u_OC73~;g` zCLZRa2c)1TM^lheR0O_e?E?Twqt?3b~eH)9X zU5@*~?~?)0+P(uCzH+0@GIVh1wym($M-_Nm zu{WzSw9gk5GiXtj9&hq5SY|y(+ zi}{Z(zQt}ddSYuQ=;3<;OqjQlC(!&Qx5? zT1fRhPIZ%jrAL8ZH-c9&pSVivyEw68;gDQ#fb0s!Xj@e^TK`!n3K(39zV)Pnb4?fM zju+J9uw!???J5GlsWsxL-G_t_zx`^ivz*Iw}ZhZ!=uVh40oF2KOTOrYzb2cLNc0IRFIM4;Stuu!B1 zMCeBW|6`E$pC1Y5No$)W7rg-$w!fj-P&it-M+d5YSPrd=1@OSueCj4Q5mXHOg42mS ze3q>VSeW-5-ndf*b46?ccU3VgtB~c*`STW9-Dkk~@r}rEiU~Tj-G%Bg+Xmm_?O4fS zMV3aaNI%UxHS;Qvn3hA%d1?+yZyunk&5e;v^iW!rL-;T1A=O)F5O)fmn>h{2P@jKfaFmyuQrnY0kP`aESa_W& z_tJq8mJY>jn}V;G^d{(vg(SY{DfxV81$W#xo%}fPfVW&pl&nu&O3oW@;E89K5;a$w zNwqWk$m622q?7w0O4;YLS&y*@wJ}PBUtZ=%6>M?oa3C%4R5np+SM%YM7_Z)9-F zm;B>z_h|YE*{Nd4PjEXz(65zA!8RFEL~klp*18|3GE6BWiw2&3ml6x{5-9fro4GSyd%DMsQa8s0sScf@Wyush&pnS<3SD6u{}H#`_qJ3VOhd_p1BH| z)kedgwy}u0s6~#neT0RUGhu9j17CGsEZq0_Bx;_Xj7(#7q0HR`c!s!Ox=ytjWjI>^ zTP+tRasM;4KlC>xB6H_A9YU&GGzOL_}qKOAkQDy>Rd zo68dYdX@MU2M2+g-YLfTwHHths-~yB3?g&F-oj5(>Ex}jIPjPxv1hS0=tbcPB(`HU z_~~~Z9C>*N%+A+Da&d>L1DD=HdHo`29HdH%;3mlDP7J*=bTeF2y9&rUpM>T?8uYQR zeuTeK96ek7EIqS24g7GM1u{?O!Id#)JcXkI_*~5xC4R|9aM@iTTO<@?v;)a7+IxvcIj6(t2}^_-K)YQj(XU?_M2X!q{%Qa%&q> z=SzXz&Q-+7gT+YqlnCtHZUM_(B$?{cG$PR)$7WR@K>go``0ED4v6Cmh@bSsfM45vf zbG^0>P41pYgx{i}h^;==DgPD)3}{o!qr;(5YACjFRR;6IyOg>8*b|KEXrejEo1j65 z2D2!^kcuCWW6b27(eAwSK+kU)QyX_3aCQ};aCIJh-MA9PYdHh0i}HlVTLqZFc>_Lv zcZPN|C&B0g>Bz8WHE+E&A8n1B%xsFwVm>xf@RF+nw0!T2rplSn(Vq8U$$9{RcMtDM zhEPuPi$vk8YmxpE8uCBAg$*8RJgbf-^tt;zeJy4o(;D56+6rT+ozL81{d_OH07}A$ zJ1bcHYgAu=X4EaGut6oDo*P9(+U;h}^&uuJy8$ z9{C*=MN4nBF>#g=L^0`Q7QBaH7b!`jG?u z?v}XVr{+5sm z!#5Y_2`!#qEn%(R?&O1|{#6WWTeM~mdF@C5%DBzN^SV{kH=Ic=(g zvU(>oGK1%M?_ND%z~D8wdVZkb_T&iypITiISNa<*zGOylOstW?wN+S+BH*qZa$*iO zw9_>P?O=M)N!p2%A&|b}B@mfhiyk#}!j~I51dF1KkXx@lSs3Xe2wW}8qz0HV%M-+> zZy+~QRe?pgUUaY^G*um|9n_{Q6&RwXRhAk{bDe&-?Y1Cn{%2r!oMf8R6X@^O;!OU> z0m`a%2KpHmg}tsFVzQhXnPX>LK-bD_RA$)>ci4@fB~L?XuR&j?O<^07bdN%TLlI2L z+XOg1SA*GB@EJ}W{RFwD^(eSClFHg7#k5-7L`NDt;F~Sq=?N|MXx}q!+;^Y^&WjvD zhYK?pJ*iXZhm3H2!0kk$4Y4%!z7lH1EkNOO^mxH7J0VSRm|!_Yru?KlT5cZ91U7%f zLbaDMk9M2`x9n?~Zz1QH;p1<>9m@pddH)c8uIn6l<$stn`0J_Z`_+fhgsU8CW?C+C zGnhr!*DEsv<(f=-fX3~bagiK!rJ!UvYa*ixOKhkoD?W->UqeI!4 zcCi}Mk|V>22ULPTL5lEoxH@b)fFAM`&*NF0;{GZv502QTQtia%RH`nU}GurY&Qu_yrg4n(06>tAT>h6}tv zB|=e|KKOJ}8n!RV3d-HT4eVyM@S(?bP(NWMDxGl(4!a%%L$g-F^!0bR*3FtIyv-cw z-l;}ayH}#9(N6GMIw+Oamuo+O=w`t}svJnq`9VW{*? zJo43)0#UVx!OXnPV5NsL@*3YmHOe)@X(OAVZ7!e2-pin!7v|8uZ-d~%Ttjd)Iv%>z zI@79&>xkC)hjbuWL0cJzfRzJlfka6nE90)pw}!WSC!@xp7_>Wb6-fCM2@*46gnO7( z*oyC3P^)SWI5=$%*7GU@2sBdRx)VuoU&t?7XerIgc7AH9Fl>(#Jv!S6S*2fs9>ym~ z{`?3~yUdt7AqWTK`#p=wf&X{7e{N|73q;*e9_EVS<9M__dJJ^ie= z9tAXOg0K%sxb4E3Xk?ZM{PfaPs7t$p_D%OE##9bsuNBs!@5^0z4^uY~n6n$^9yyt~ zzl6giEr>(Awm+xJHNs$7vp#uu!!g>h zv!Rb1i3J^ckzisV7by2zL!Uk=Gu1yb(4;GtSR8EwA5JTUscBJkNp|~J zf9kCsP0w|+!%14VvDU6E`r(W|Ix0>Yluwj}jn0m=Ktcwd>M7w5hnCVMlsKR( zu8@^H5?BR)XY~bl##QK320OS`rT_Sj?zHR1j;!1Znx8kYeVjC33*4c0QyG!6$nWP- z(ssELFcba3TfFQMT5OkvO1EzS+oq<$Mb$0ft!pP_ikqmpnl`A||1DHpJWhv*nIqp% z-SoGBEpYaaXCM;W4M##%z~WO^sS&LdFut7>>X4ejz85+42p$jLTln$K?>zwHEox|; zRs{Ne#U6&OISYeHd&qrT!K-(x2R{u%fm~ELmXi&^wsRPYSM-NEvmt;*7h!d#4}Y0T zGu#)E1w>-Kkg=sUO1vXRy$U-F^@^=HbNwuZw6KoDEA-`MR0*Ki^F$(c-$dH$t_A&V z@&d%jB4m8s9jsa8OIwWXL^bl4=)upk$vAT^%F=!aO5>#9ed;XIcqdL44f|p-w>Bc* zK^%h@zhIeHtT>x=b@9zxNd}obLp=tTR6M4^Ox=@5Z`FOy^!j|I^j~`;LDyqke)NoB zO=G%1ccBRKTksl%3(p@i=p1G&UEb3D#qt7$Di7wl^)j@C5eQP{v!Tw+B<8ovO0@UG z45n*oB3k<~jk?wM9#zYqM#-mFqBl-0&|+OY(`qvpU#?t(!Xw6*M`F9X=w0^e)iAZgqNy6MSKuLou@S32@2dPgtpS#N+l*GdUqSSSdV z%+-W2{V-as*a^!A!x_6+NJs7qVn~ZSXxr|`;KOJfGqPJAo)G_v=3&R7IqX8pS`nar z?h@jnnUK4ZfjpH>6 zGs$)FM+KeY@`7L5Cu#5S#VC2L4PAO|K2s^wh0PqwhRw+WTyKaH1SXC#Tj@;5+jbpU zb?cx9F3OC0M>ZX3o61Nl=`o6DuM7RE%b2wS1kC}8E1$~Ml<=ygO3v>^59;t%7m-s)jDF zk0rl%EMw;HoQ}@@{tBb+N()3Cswva@Z~`87i@ zVkJu`P^VGuHcP5FO9Wl;JVZrgmqOrX#^2}u8Kp!FBdz?Ew37WeJn~!;YAKqb@}4GY z@rPWr!Aq!TTJ;&u*`JMGomGLpQ^Qe;<0NRO83Q)d>7Xgjmx&dA9%w3e1`6Zr0Wl3V z+HvkBcqv5*+oz`k&wQ3fcg6CNyvu9o9Sng}zZz;f;zS?zR)GU!C2-Q6i~K!BSHX7& zE_!r!8S-AS4Yq{Tqp%ram_}wg`pwOvn-YGa2SbyX6Nbw`DSi@W^_bvSex|WoQ14>Ly0SjFJOvKJT!d~ z3sP6DLC#n?>7hQE`!Pl6D^O{T?LZe<-BqeoB~fHDk+J?M!yL=_f`x7_20pQT>JWb> zT5VWN^{(6v%tg=hV}9`%v`Cam%kBg(R3uTY{v>!b-5&XRc+jiM3XmQtgO5Ww2M^p={-yFc_gv5bL?KS9yw*)$W9S42JQb=uj zBiAS02rUZx4Q^)Cp^A846f&Kr1V@^oHoXelxG|UIi@5jyLuGZMxInM$}66lt(dAoW|YJ-?_K$f(%DfKFR#xk!3cvjq=~OC9=PQy%eT+lJRu!I z6UaT~=gA3g+Oe@TS+X?m5MeEa2=#4>`0waL_@1lrnC%t?9EIEQcYX=OH;0xI;n5L% zS-2WgD89!ZJb4%QJ7&i_yfK0ZS`bZ`WtOpXDEY&fdX!v3G7+VOeZUobVuB=|6Vk)V z9Vg;WlX^3s5YnTQc+EkHM4Y)YNtD8W^!93AY~TLskzT$85=CNwT`NMY5Wq3O8RKYP$GgE_pI*wACBG;q5O(T>V z%x6NL9cRAI`2wYz zb5LP9CTDn@xcD8%!aF@kd+js<{(PR`;KDRIH^COxKB*)#lEPpQCPR)jQ!M@;y15uV zy0Q%EXL?ZcZkWN2Z8R{vcpMJgswVn(bil&!6QCX)1#|BU{XOT*1EnV}Kn*E4F58E^!};{Zi!0#OgiP4ozyk)~qu_e~i@Xb`E1W*_bkY9C_?>I@8p5r~2^*{KbH5pF1A4c3eyc^`|wh_w@rNNPjN1;xUB*+%4 z0KdPUgYGkm;CJ=w*y2hTSj0aH7HdDFBmKvrT)Zud&xw<^!PJ2M$4(F*dkcytuYh%RhZM@n+fdD ze*=?CuVM-t2Z7!?dsO<+9o31ZLxYK*(H*%1nCkRWq?+AJIb}&Q`;PM%zDqvHdD#yA z8a44;*BvbXwe2{>bHASm@!UpoeT6HEiIAgOZSF$ioPf?WyC(a zHBF7J*qemhJzo^V?IZ&bBA^MV{@$ zq}zS$J7TxRO-5&Av*rI>od0jVd3zQA&HwLk{{Qk{Kiy|xRf@)%$TZX%hd>K#V(T1U zQHU8o;LAF$xW{@-Zbt&9bFGQL_D?jwtxB92nVYC zWlci%oaI}@8DVFAI9N&YMxLtAPPV>M$5b|b`KZlQYF-QbjvPZ9lgxQLcz@!KV~=0Y z!W`yD@Z;7*nLYUs#eev88&5A>l2@bGjP;hL@Ou_oV(vjzSo796cF)MI;T$&N;`v{E z!sh*+i_@i9Y+nvP8Aq!-CewxREZP{_O--{FLj%of{M(I1%=hp_=2}-c7+CLzHqA(e z$En+>@y|gdb(oq^HX5{r8;EXy^cA?TZMr9b@<~)6w0WIrstdtgI>duDEnkC zf4G$kFRpxs{El^@!m%q*E5wXB;kE?J_tIoabX>vNuqa_{{1E2e=F4E|_$*|Q9FMlYUXS%mn zP-dAVZD!R+Mro`>MHc2{*=;4b$So6#Um?qwjVUp{({=)&bz*Q? znkq{(#JAsohexu|)<^P;^P3LPbV&}Ts7WL14+!^Mlm|=piwa{+M)QYcbl^r~1@uT( z4u!Pu0P4$|z=evVyn%8BMAUGB{v6@{RuYAd)Tfbcr4=At@QeTb#}z=P1oNke+%q$E z?uIkRj*-Z>gSBvf-bEez72(l4pF+| z`RI&uA~o+p96UB&fCZSRGez8`%qR6BkZ=h{f%gx??brN}OqdF7)F{gA8wo`2OX{Kg zC2b}ur2_a2`k+z&ov`iCIK;n83*#e15gO;`Bb9R#kf_rtxX0xj{ib9glF-V+f(*oA z0-lFX&7_$t)(er}GZJlSute%DiDc|N9(-n;3y*U}aJePF0e{MSlx$^(6r*CGf)M|Y zVD4D{!zXCJO9Gf$ZOxp`#u*#o$%>Al>(KnOVOV)eGAsLRbxhzL5SxwihS!oyW1d2l z+xb*TQ#TqKc!jEpm%uw)Mqq4}D6`5)0~wySCygEzqE#y!VSB13v^q4G2`Y}KW@eGt z?@Le7V80Kx8Q+1~Th{P5KYT@8WjYznN!g6SJSF^(o;o8rZcVRWz+=8xuBUq?}%L~TUiL@uKmc>xZ;LyXZj zNwho(Az6@tmLBe=7Cj$8Rr#mUn$!}QA+({q7uJuqJ9c1VHzuGh4{@d>qm{AGDo5a; zD;kryjh3NGTIS+2$X$rg-E3|A`?YBJ+0TK|;F&Q&i{w$qZ+|9wY8IxN?ZeoS)8LIu zT}<@3MrP{qJAl4lf<(IZ;{nq(;dzYazHRu#i{_-FXx|;w>b_uv$+pp_RhKa*yPOyY z|DVvuJQXc}zJpmMqA5J5qJg|HWg0VQu|MiPEyM}`Ys~FS$EfM99oULnG~7yX` zU9{WodmuH}2$WK8&{pW9@$IQ9D$&jX^o%5U5TntT%Uwcyp)fc<@)Wqb5rT^5$8a*8 zfGe()N4Gf-;2x>Nbp7GgzSBHJ)v5$;r_zy1+Ty@vAeMBQU*L{ z@)SP4BSG9*C-e{a$c4Lq)zMwM`N%BDk%a?NX2YqOTr9k0J?rmVcsrlad6IyNF3m@1 z)sTst-raxhU#4&<_uOPv(|wljG^{bk&qsa1ViZ>M>*DA0l*9I7@I?y0Xlwyj(x-+0 z<8d8!+EA9Cv%~_M^*W8;zS5BYlvB&{Bu?gG&f+$4eCv%HJneWb{>^3uEI_)4zeC7V z|H=a5)+RVQ(T(+I%Hv<;7h@wR3?qLPuyup774Zf!QEbG$)A+zOSAx`lUR};IMCW}SwoLzIT?+HnC6c;K(CSTRaPdVtaL`c$fBo_i+HX57)SE5= zrB(*;po%iAY}th5?gUd#3-plhHf>Z8^N3o%I}kmIwxAs=Ae7f2Kwx(fwjNqGWAEcv2%56*HdI|JIv$Fd%}-iKZ4nhMi2o@(wH%;cPLI6 zM>@AOm@Q}MN3$}{Pp5zM7_Ck+{My(yQ?EzwO@8Mp^HP3aGrO3RV!F9q$E-%Wke%b; z?8p2Ay?$8ttqUAu*-hMphl=cdvt|FtX@6iEmc7FgYgu!dmBTJayR*-~y_#=QP~geR zwBc$ceE;ee6Jq-UwjX~!EArQ9|6t3#O8mgvlyiY!mc5rN>YB-y-@A(~Lr)Q7)2jLV zv4NOrIBMc?Gh!aGb^gJSe|}vb(k#9krt{eHgS@lsJDw1I&2RGzW6LL1{}YGqZ;f3; z|HzP4Ifprlf4=@3tM-3~`JcS(Y{>o()J_?sb;1;TgejaWWb&(y zGxLS^h$X{OD0gZSY{-0$%@JT!o>NEXrvqlNJ_61*`-9>Z#Xv8;Y`AF& zM3>vwkq6_V(dcha)Tp8c{hJ=s#m7R?JKwF?na6c-jb|%Ln7ED6QpHit(F1Tr!#1?k z?Gc?-xeKN|?1Yz>+~wU_s0X*ET}9*hFH!!JV(8m3k;(g=hmChAF-t5hfM0bu)0*VT z6ijdiW>2S}(P^LY&m)1Lvpt#Xxs3@Y0uJnS+UmQ}UyN|+-*pk%`#^^_3i+OS@G{BBS@?c`T2vySL zNYCtgMjeQ;qy65NkWw!ZXlvO)jKuT7DRU3t7b`~XmAFOEOG>3$llI{y)uG^7*A(32 zP%aRE6b@jh3BgV8#~XsZX_?UsOExUp$s`rNA(<|qqf(BR_!pekimUmOW|ouJF5glrf9%@^jqpyXeGPu zjWa#X(k12n#%6;WVs!lGOy2M21HcYy6J_-^l=Q2qG*@yzEnj^QI991rudB9#p2bmo z2We5-&pw)drF@XE!gtaGBO$CFvFKM$pvL3|ly(6PoSKglj$K(eH&Ztmsoy!0FfJKy3B}>SjbLe0W#| zT&Qt@Dzca1CYvjC!9@t&180Hx?+?<)6_3MDuA-#d-n&pP<`|rqu0^X~e@?zCz70NT zW$EPzr9N66K0KbP%0Oac}P;BQ6{;p&T5Yui1-AbJBrB76Wx7&I+dzcSX z!7Z@6LKgk`b&Jn9)W9F`DkVKf21(vriU!|n0BWxaOaE?-C$qFy<%Kivop>0~$Sfi> z9aG>|zlWrqb`_|Sz6!qGtN{7f;-H4n3E(s<76y+e5l0T60`=4baO0^wow`8+O8Ul< zk-5p3hekTku_?oLB&}p=z?VCbMAFn!7|vW}+gms#gz7mzj*A8Ng3+)Kgyv0GunVgA>~Bsea&&YE=LO7JhcKoRY@Q%mKT9vuR6hwrH{#tf!c6m)Cwy7R0{Z| zlu5hr^r2XoF;#!j3~Sbmr3`k?rGDKVrF}MBr*lpYu{id6<2#`LdoQdMEr+vxF3~q; zXoBioNqF3GD;E4g6lyJ22P59em{e#Ga7jD{-sTz!eJ$PSId*61h?Az=ou>{0hs#%} zysr|_%{Kwa<<{X7+=pmN7B@}baE1;%Qo_@IX~Vl|9srCK=khlcR*@gNWbpn7Q1bHd$SOSCcq= zZHol{)uw4!q{?H?V)4BwKXo@$h&94)93CJp-BZHL6biw}=@HE9kTR%~Zx01s=99_mMOQ$Dr8w2yKOY2cu%M$`e}m;+ zKZq;Yb1>_w8gk*8N}{_Whi;p9p8oZ)fE_;>q5@dnVc^b*aj?>$nSmXP-L}$z+_(*&w+!?$Rh??o))W!)2 zOPxjBNa^K$o$dqYFL42VCyIf*<`*~@>0l36x$^xYj=<>#Vw~pV2G}IO%PbDA|73}7 zidn$UH=nUbjkPeQA%-&BkpMlv4H2~+Pr=p|R@``xZK$_@Ceq1!O!c^fk+PZ=#1GB^it9GO>8d<_oihb^O7B4=8O*y^ zJxcFt%7HtR(xHxh0eIGM2RdI&=iRFtfS;qzQS>EqB)!HQ{XFkQ^Nv0Ro?jMXuaMe5 z;|SMrJ%uv$@W_6maGg0^b`uA7P_|{zuqS}>+taI1s z{MTamvUwWt?PC(!SkI?DYJNxKP<|z*XISn3B(IquZO$(PFAaSpiIris79(X~E*n z<b?|NWX%k*hQAdX|F8*i2wEbN8wT41Zi zrgP-1{@pLwTPJ7yalOpHF~XqnTkdXt4yTCI&AGZq*RXv{)xXcAwizH$I zs{LFf|6X_Ai64h3krp z)B9;7KW%E>=U@;Vqz2Y`mctixAhcOogThRna=tHfK+DHwF|sw)OssVdJOf|A!HGHO z`L8edQCb^q%L|2yOO-GsVI0j%7LQR&Uoz5AfH34=&#@5k^mNFM}|_J?xs*w*BZ;<{SHiEaVuQPb4084a=BU;!kGa3qfiFd6}&AdVQS^|XgS3! zw4t~LZ#-&%reBK2{`8#UN+$h68HNk#cb7KNKYpZ9t{s5_y`x+~qxUJap^68>!;1yB zCj{{Hil@Zud_zHt#a%R3qRK?^ZwR8+Ns#+|U2u`4If8&CYQnfEo@Anj9Z|G&31vK@ zHQl~BQgAol71V6z!r$(vDHYYPX!52AO2uM)nO=aGDXEJtK5-28k6H3V5gXGUik(*O)!#-m#cvV3e zyT52BT%s?|7#|2h>yInKnA&Y9vUU=G8&ij*HT57laW!LLAkBR1G@&y)0cyJ5fyJ+} zg!4njdCxqLbG-McqvDnb>bsQ|XnDDtmfRD}I3&zrK0L{U#(gc|x_myfr9vMT=$#>+ zUIonQppS6Bmo|Da{S|ZGubbSQcL;y=#+@;H6~)UnX(6Jr74Y<5$B5k`<^p_53lqSf zPfyxlf)Y=4km60dAfZ2n3er`D*!BfHUWGq8(eU!#^z zw}Sz@YdM99L7-~QP8j?~7hQes4z21#LBC@dH1Ua`=zAgHUe;tddyNJst;rCy@P+=! zGrOQ+C{urA#mUmDZL$}h%m6iwca zTn7qQ3dyFdSm-e3N9OT^pr%_09IC7VKFY-~XZ;?yfG>yIdQ1snJQbKQC=DMztfAk8 zeuSjlNn%awL$kc)a&S#RE=TTkHFmS9o#%8(7Ozx3h=!;G=#cd@!Z;;?;9fSuI=v^7 zQGs*t#}BIUOJ7ZS3AzW!3(t6DmY+E>7J7-0Q&u7tk7N-RMlCq~BcAYlBOqKXPvYxB zS_uEj2tve8K+Lv3K*;te;=P$FguGWfuPu2VvFo5e5$pK{>*Wt($&*D`*&@%-pUAZR zLHO<2!l{>$lz|u;6~>{Po39K{n%1Blo9;q9&jA(RvP7@0 zE7P@CtxgJ9|xP)x&ECS0<>6nT$3 zF^@j2MBNkP$wPJ%nWH9CkYndj_$A;xBVpP=U7mgbt60xx47{{4dUGrP@urV_*;NmS zl{a_-O_T4;BC~pedo2pQoMKL%UEBk`oB?_NQ#lZ>k@&`nMablLAxhk)2;4M>fLdM> z@Ga9vU0q_-4RvwkmYfIcGoR3d1c8?1gwu}UVK83C6X=_sg1uGpVD?gdV(p)$psJAv zL;_EO!jw&*`eg+qPT%8nXD@_SlSyRr=L9lVeFCuSN|38w2(KPS*u}MmaKy40*h|0X zl^iPvGfJMoxA!ujB%=vxx+!@7%@8NSts2%G9-w{ZJEP)kIrQ><3w7_62((w5&$APF zfn5JY9#l@|PF+0%f)EGtSI#^7VBr-aFy;h$^=Bp8(IEoor)vS%{0^k_a}lsSrH^mX zaz^t;g=fqWb}(&~C}SI>Mev@t^ObBOP-UGI?^Q%EHfzoTEZskZu-C9>j;7V1{)8A7 z2mj*a|6KpQ5g1>;0=|piM=tnmK(BnVie!9BfyCoAyoBHg0LwqndY9$MZGTqNk49rC z?|m}#5yfg!9j^mM9eqS#;Z=}spakv8i>M9zA`sOv{sJOLF;pQ3p9AtpVDGVp30#Y_NIb`;^)Ydb@u_?@{z9t(rKxT9Cj@{ z7#l!uyAcLve|byW1la+*6C^aZNap)s5^(QmD%O=@18+=ggzuaaXxBSS**gBeh=12_ z6LGC294v+4ehu!8*${MpVc^wc^Bw!Qz}sQ*u`|BL{0COSg z_L4BZnp zvtxPfZXLkX=oz)chzI{@u7|7pzEEEeIDpjw9B!VnCM&-LjO^#g=RT&j(r@BRjrW6x z9xKQN_ZEWjh>1YTBA=epwE;X7Sc70}DX=ti#W>*>pl@LxEm`)5>W6JW<7g_2f9t}m zK&*Q|ySDs0Wa^xz`1QE;(0 zmgJbp1Mwsoy2nle?DdWzw@pa^e=IzNXMiTr_Or6UN}q8`S=$BFsM^q48w~01XD-sS zzN{dQUL!zL=@WXMR|U1b?J3c6zJP_@*7b>Uzkq??o~hs~m;k zK(9Trkj{VZ!Wq=7qEcV&1($;~LH~9G`tma284Q6nyqMO_AXB1~+SJnrY&P|Qi1H3{ z^WlCL_K(zm;z;j~o5p!RyMr#xw8v(uhSQ@S=gG~!6sWl{3vArmN3FPAC=8y?1^9hs z@ZIJO#{I(u$vs~5%A^)*EY^dbr!tMzm71+F0Y_)I|GT&MzUM8^DBc=wI>2YgZ}?pn z(YZnouWPtWD?2|T&&|*f#=frN!u+RnmGl!jXUz(F|8{5ks}fCl*-W6@Pi0X0ikYgfKl zN%TGNlsZ^@kX|PCkh(Z+K6O1;o;IF5iN%|e2Pu@y(W%sip>F<%W;gQNWncQRR~amM#(uWGmHJCIRk`$o>sS2-+Zil@%|7nH zA8EfwHa}TMn}v$gi)Ee=N4EFl0S%>;jej(u*CvKbSe>K8*N0L+cAC+SOeb3 z-gG`xiJ&)8lmCnScQRfdyk8f?_C+fziFjM}onIysOP*V)i;u@z5z{y4^X_T?A-}w< zAm`LiCQesbki{d8ghYot8UIm%lv48`o3{EA{%)2;cbN+LG%Ai*;a^W2t5+t)BPS7= zE)K*ezkdG7B|izJ1sVkB_947t&Iz0|DS`ba27YWJO!jRc2UKR0-v^Tj{mah@x3-7u zv+d$Xh{QcKF?qlUbG?57pAnT!rr2&K#2?$@9lJJ@Pme2`Ew4-`nx=4wbJp=>&z0?@ z>Vi!E;-0T;{r3uU+4Qyj3GQK!OROwyB>N1XQKdng9o2r2pUZ;HR+AL`DCe@-8Cc$o~Gn>3{$H_e}*7EUa1o0RDgAiikx2oBO{Zqo`q7 ze>!U7`Jo)&24Cva|Dx_a!>VYSMNt@{!WPGE9|UVaM`_hW zkKILEk?$gQk23_R1glk$3<^DNOqw8ywZH;6OQFt?lFpJq~ zTc*Dbc3LJ6ZR)cn2L~WAYl{=ix|@v#29{Nlgu;9~Ut#;^!JcM=|NrEPy!d~EJQ?dJ zVF?~KaP@K5rW&9V;XXb%=0ShXvQ>Rv(NDY zZI|IGELatSyKK1VSl&!bN=`BkUhKmw;%m^0E6gx+;SOBPc@3uY*Ohe>-H3NGtg(`H zN|=tb1o4NV$u@iu%xK)b8*jB0VQi2UVx?u+GVUz*W3~5hC4yg0;^nJT;r}jAbJP2R z(EqBR{$tYrKlIgq`6etJrX7L)nt^udau5kY`O$ItP@?ho^;>zyP<_7W&Nd1+D*bu3Q&C-dEs6(C8l%Q_4HndJ#k^k-{MkJYhEs}isU634n?TKya(Sk0C z4sf63oZ+wiv)iu)x&3rQUR@o8y?PxnzezW=;ofoN_}gB@WaCvtMOqPBs;N!BTJV~8 zZPRDopsoTGzIY`z9jXA4;^v6(W|-1Slf-2IMv{v+odk}|4b;oO;?$XNm@vBd7Obhr zCf2ve5Z4pmX#RNi6`$y^Gkw>+92+~V1|?PFmK_OA)Kpjy_03h7`kAXwK!sgopC!|kLkCWr5SM}IJiklt{4*q=MIK6vGMv|eTl+IrlhVf2It(rA&B$eldsq}{(sAJsDI z=iBSI-Y9Yg!nlaLq)!f^`i%XB7Rh!0oRXc`6U1(0-9T2XQ-q!hrXe?93?T1m@u-f5 zB1d{_F1PT*SM4k)hda*ppgMI0@okNxKnbh|svnA}A8{7cx5N};fBZSBy#E!k^zRD7 ze_B*aSizm}Y&eSSsD6c~32H%>FV!rcm*Cl(vgQ< zb`^0-QG|5t&wzoaJp6LfdZH#%6x?|*f*F5M!$Yqtke>f2K(Rw9RHwBOwYn#YVsz@l zEetzCnRwbb&XWf_c2rf{d6rjg^G&hwWEoe7^5$2+$uq1zCZ@~jFMMRf>{sHNkog2bXbS~p6x$bHlsF+ zsdlddEcf?ibd;M4j%>rIC+&BE+Iwl@i)A6$w&nyuxM>qdP7P~r3Mj$zqn9D#OVY3p zUp1lgVrrJTg_%_P(v?(v?Qkc5ef}|I$wkfwZx7(Dh26Dpb78hVEX)9ouID%y8%PN-|Qw%ceTQ zXS-07r5i+a1^6{JXKGO;2bS4BU6|7JW>K20u&%8w@ANK>6Oo3t^hYbu2p&cBEl`8* zzu0JD+Zxxze7?PD#|p2eOI+WXgG=kc=uQbr(3T0N+lxii-)TT0l@Rc1=p*v$-EEn! zns{4iCf*(ENd$M_2clQhpjE|QO-h%}P*Hc4oAz$L$R1YLvVD}j26?q?lx%BT)esze ztT8`O0gmt)uCF0>!QH8v@Scgf#zX$ji1MwT#!b58je2z|(1*{qT=RDaYF|w@H1ZZ} z^4mbK_$Ew$`4x^ADTR~EryIW$G1YgHx@E$q$uahdU!PaUtcPczXfvg*XQV2W%(oBq2&I5E3QW zLN`FZ_cgN42T(U%`oZI6mx#AjZDr`b)o$Xk@ZChjCA}WKe>HCY~<9Sm%HU5y#zZl%9ce0@2Vp1Kgz^E zE$_v8sA=5v=?Rcps|m$tM^O{L%^;*QiOQe0g%c+th>+3u+;8L{FaE)55;5LLSjVPO zd6Xa_Zt|9b4bA|yZLf)s)uv59aWmTlUL~Y%ELrp&!;_fU!y@Ow@gvMcdUk#y?(;^)}? zD^Dm+-)T^(9Yc)VpQhaWuMz?EXNcLlgs$-?+PZ|$QMoSshoL;beeXUHXo}w2P2F4G zPuW2?h_0(Dp!2yhW%%SY*gkY#1Ye*DZRH*VUk5+qe_k9RVy=H76MqL{*U5eiUKY%+ zU+SKRlykBqHM~5IdQ|+lHf}RQoE;BB_Jlc-+iqr)m$g!OvLo5(vIa%+QWc#XbW$YC zLr0NdZXL??qSx8tMf|afjt|!U2vFlRFX-S!SI^1cf*qw~xw$C$(C0+ME@2B;f$hMk z`Yb?xby>^3AiGNFL6as#_dLxD$M4pLKGx=`RYfCJM^$TOtV?PKG`8~^jMShn7yfWR z%lh-;4C&+nWnIq4YHdWQTY=;J$Q(8I-A|dWUWP9kV1lZjIUtFwr+&^uD9w^gA|q-C zrRXPU`^NtSp(diP72V-USan>2m!|pS`$BXf&d;rul`rL*`aWKv5}P(rw7yWnoTmz| zxyVu7mp-8>t27~n9u?@|nO&emQI@d38bNTL-M~yku41b627F!fd_MoYPamNkUzz|` z;yKi(tbH)OZYi-~pDM341xQ*T}piLGWia8yx?mK+20*g2?MLF;RB< z0skUX?7_Gabfi}TG#pTwi85miqHMJI^7l614G4U{$+IZGNlp+vY-wfo(KR?eheFIPYS=`Z*nEgb7KM!h)i_tI{MLG5(Kuab z`|J6jo0ftfcTgmhc3mPjDp1&P;crYJ?gZb4=oHqcL{9=BvCo2fKdl7Qqh8_F#mBe? zmer(%eH)nCqD_Y1If@w`N(VwRZ^72QWbom2BHqn7N2&&j62h{7@C|uyHFxjdi`A+q zG^PoT@<4?==exVJW#D-?O612l@aqjB$96{H-`sV0wezh(-Dg+iaDok#U#kFl_T-Vv zX}3|kZWH`x$r$E) z_Y*&)CWsdcu3}xf#`xR2f<*71Oi=Q2CSpK@XcJH0l)7>58YQ?&0A6R@M3@-6AcZ~! zq{P4_kSywj6=n&8{`H2yfu=+GwwwhIqOal_%mHBI>`4gMf5ewov}hi^0PvZhS?un- zZgf|@Janea%2L>UKSiX7Q7_XTgF=@VxXF@1Qk={K^i^AUhQ_KQ$EsDK5&;3=zjp<$ zqf~}3hGfV!zIV|3`P0}9&Swc zy=*&q3qj9APc$)in*5L=O}@Ug5$Ri33__Kh@E=kYpyxm-UygrXS<2T3o7buH;jGSf zKkop0jGiK|>7C`B(OE?b>v0gM&L$VQsJAXZS^_eo% z`CAwr|Mr%5v*I66yZX9_zUBuq{4h)AQDr5Xzd5Y@qC%0>jI-LjCizPl$6{W&j_SLz z%8)pj`m`+bvNxGB8?ISfq}a+slj&EbryRAQPf$@=PyF2YtF$z-Jbmg~*&^1WMBFAp z=J8H>Xy?nvWp@4>ji`#->3+RJ}ZF?M?2s@ zI>KA(;eq!xqTEiFGc-fHQGx$(>P`=z-`%?u6`OQmjz{$~Ric z9SDX=apC1)$;Hj0FAeXKEUg-YqLl(z+{_l}QNeI#jRPhhU{ z;*9gzA<(^r!~3~h2Qtvsft0@cg6zz_HJ^rKzi|2Y5@Q_4DX+CWazO-*n37&a zMRmjz7v*Tg(rX%!=yCyqci#s2y_kpn)K}*7kGW|t#p8^E`8pcZ+i5*wd(cfD8jyr~ z_{<|Gdb@-f0_sql&`mF`w8Lt%fJNMPY)p(|EJ89H{-P1WBtJP#XuO!Lt%k zstpTgX~qZ2eGC~^f!%%D&}F7ESiOF(f0&tkK-j@vvnZPe(@VLVTlstPMre} zQhqAk_gCU6pMF3>%q_U|mkAK;eHj}^H&P|oUa;jjoA~1#MfEb`2&!I^X#coVvuKYQ z5wP?r{JA|2*HhJoHY^Uch*wFW7K(aP%O-bGa<|-xUQ-qDbF2kOXD5(b#vs0aX?ih6 zUU`2VUuI-Uw3&~S@q@{jr=%W^_a^b{=iTH*UAUeEUwL*=+9nH14P>C)!%^-{l+!UH&!imo8^VnkFaf!(5wW>&*2% z@Kp)gdrtsVU$}&;t?{LV*;D9rcpK&D6b0f$Ly6ywUDT1MZA1o{LP-BAPy=O-L+|<6Q1MF{pNVMEzH%-bJ+6HwD5pBEVpyM~1h_zmHbbE^n z5gnxj&GJfq1HGwkqe@fU9l55kN8+|FhQ5H1lBWa~1OqeYDv|42I#4{e2FUCC6IBV1 ziFxp5k{nUSPa_oW=a>fu9krp*H!@AB5C5SAGh3;2+egehHu=QTsa?q9hGeqad^-{! ze+4~xNs%i0&h?cVq&e2lg zw@paF9_sbh07}(k8&zv>N67SBktb7sgN4(E;JibGNExOKtqEm;(k>m035no!4?RGl zOARVy=s`w1J?G1xgCRj3$=M3Jb0DgUl!yNKOX8o#yx^40wq$S4S+H}>D0wL3HTHY> z1-UX|fQ)#l07ka#CsXKje1Y$2G{R5{B%UtU(CzHuen6F=*K|n`oTUW)EGjj-q`wUa z5YA*oVI%uv=UY-LCris@5C`ASF64>!oEB;u)Pz!}uaJ^bJGk_VqTu^dUvdoYthw}S zMZ=e`C|NS90M&?_pi3{*^Q>-bfRjd$XaoHk`FYp19PQ1yXqqvFoVz{P(EP@%v5s>V zS$lK{Y1yEQ?5#Wp_dGZYKjTK#Z#gHzW4zaeR*GQtV_pi-cB|X$&_lZX_T5xvftG8$ zLS8S4Vb5!X8-II#)>bfh!77cmt82eF<0}c(fpT?58Wa*lS)$P<+;H(tT;IRP^j#;H zbI%{C;M=F$vj$)R6%iy^ARCcdsKYt-<|cPtrab52#5}H%at)ADSD=appOAr%#Howr z)!;5NW6Tc7QX7O$;+Ko1sDdNyq=JF5CQa!v7!Nwhy3KwDuDfXS>(@CTOs%Z82g$ZD zcqY(+t@oYeJy9m8F^P>}qjsXm`e7}od!h!!EtR6axwun*nxbX`F!qz*ZUC_9f(XBT zTaH=+x7%8v6?OyCHZyS*-NpbRp3ipv5J+;&B5mev$uNJkOQABIT4y6xoMqE!G+-?d zcHTnoyP&n|#N{f#YLY+Cgz0&kRh3$s6zeknyxnJvmV{+ka*g_iW6i;vJYNd%UgE?vZ+x*gVltkGmwHddGa-T`NjbTmv`DE5|>zuLmBXD$o@5koxk-l#0%) zqP8?Ru`ldAPTX=-ZtzCek=$1d>SLTcSn5;+mULYPeS0FP{l5l)Y=bY(+3^EF<%Wb} z?|ZyuOP!{~jhUlcJ;p;*Evyf*R_mdjxgwk}b9QmkHrgrHwtgZbxlc zV+pFOnna%eR);(#J0ZWpqI3~?kyLsCu^QA6=2W1?_fhrK8U2W0Gjoc7eC@mN?g^(9@NEZj{b9-+>o?^z1GMaXohJ+ zM;rE-C%&+u9M{TI<|6e#)FKjp_w*C*uP>vI7Kr zx&xt`w&aHY~CNeQAKU~sCx)@QHd3Vfb@fK9RD<*rZX)+TaUuFc(kX7< zU3{UyGb*Vq3#6=nNo($>>Ko#R1K{3=7vd@cgZQ+* zIDh;-`*WDOyvB&K+i`~4fBkyx(|wi1IV&3CyYoD$74&&V52f=Gz4Un-Xsf{9aWQJC z$wiRd{Tz?>_61jxoQTY#3%KO5cFkR_skr18HPh$QvfNp@QfZU5+-Sd#nvQ)7K6&PW zx-Z3e?cpBs!pZ`$;g23~`QJG^bNU5nn&Ee>Vtg-O|9OO; z0r>3=K)iSgjC~touM9qd_lZVwOQv8FX?_lZ5}W|O+#WBjG6b(4NP~vmo4~H<22x4> zBHleZ)5i@Lg02+_nzoPVq@B|-ljXAhz)wvbT4xhy(Jhw;t{+)M3XI#=BWg=P7(ueH zZ!ZA;`VqWaql(a8KTXJ`+6Zi!n&vs09s&F3KP7)(&NFDp%jJ3Xuj1EFe61cP8u5tt zZs~4Nzq6G6m9+zSE5B`wSab*Z`>8DTNB9{9zt6QP<=+mbdMR;J?H2twlQz_#SQ4wB zY8CrhvGj|O(k#F1M&@k1JK}~4v-#O%sjHh7aid&ZIKv#sdpgmqU&&=M}TrQWoZ_FTd7g(Fh$0te@Jy$4m zrbdMow;QgbI#+~{Us%?dNLB{;(Ck26cq2`b_A@>$&j_&CHi__dZNMW5HLZJ|x9|p? zVfgdc?bs|Gc+kVr^+*MEblqV}{M}P<$?h_qwaJw{nN-Zd72w5bKuvkwH!Y>&t7zKn8<_a%^tr^=ZX z$yLZR7gLJsXQu;*R%c16#D3&{1$>QJAyFv{E}-mp+a2#x$T zH~vaif9KkVY~sNe#Cbf4ABfLVWxBfvhfQ)-;59d*h4;PFg$iGf!qv;V5w92n^uA{m z>k?4}a~0Pj?UT8UsHz-fuv>&jU(n7h?`-5E#VVZM_g9dZW;JEjUIq3hRS&A}&{}*! z2L})>3ZS(hlfvK9srr8|5bm9k)UQYp+nrTT#M6Fht-m^l2m|kF7%hH_(zv`+PQD>^Skn3`auhHoxcJ!Az)xRF#j%< zkH%Ahr9xB;AxPYsUrS0oF{LC|?n8e|=t96o9x_i&0i%Xn@#e+%arz5;a&ztp>|&k> zPOV8M{qt3zjv_VcAJ@m={DqBF)us>ZrUHO}y?39Rd*uMR(EKK^_H-oIzuyN{Rq*A# zRd?W7I2Loo{xL_n-N#Xl{YSZ;Y0`W>|5jrOZ^Lsf4&#X?58F9s|IH^`cy&={xRD)N zh=|Fm##cFywL@$oxuRcn`8sG;PG#x^xErp|=NVP+;@&}YXO8U|F4@25OC$H5I3LGg zha~c0RX%s?Zi08nQXSH8T!4h7XmGyQn4^A|r-4LlDW*Lv2wcl$Nh>u?sw1KTs6Cy) zTjNH+lfAo%>#Y%Zjz_s>T=*0|I2nwb*s>AdxmlIt;n!|)D`*e3q9cG(GM)soW0CmE zhC^gJg9j#lKS0MFRiFk`0s8D930~c;#BW3l;*A;<*}lUY>sYUYk98)J{Q>IGp$K7W z+iqtN9iT>)`tD>`N2cRfzMh@&&nzJoQdG^QoK}^VCN4AkXK9mZm&Z%9J71rg^^Ghl z8z%0V{kj`a=6c_yY?cqS715=$aB*P4#aTF;fWdC_l?ArunAsR`={)=Q7pJy~mHGBn^J$cjDy4TWC-UjQ0TSl*EB(!mL=W?qQM}wE$EUMM zBLAY@1$SPXeHC`ZeGusAUBgP;H7V`SGj-tJICCp2lbR^EKVP?|UMFYrh=OlWrG&o~H?gd4DD+hD`C2 zxMjHOga~Mpea4N*cS4JQ{2@zc{P;pSDpbd_FC_EuRdBar#-DyJ84K`=gcY9!a+iBd zbCRsKoSglqw@>tQh(S4_+3S>D$|rdpZ9>zzS5IQ?DF438wj@40^TUu2XYu}PTKH7& zBzaX)Xna_mlll<)H%?6NM^4qB0nVSExRY^%)zE=8s+>(}=t-sD+Wc?8SsIJJ>OzS( z6oqE54Ly$WpY1fg0 zu?3yHqsxixn!7h!Hk%X{t8-l1=KNi=d66&w>;28gbokGI_&qnLRAH;kuh-Pxx%r7p z{_-3)TMZg~rNNQ)(cw6B&%JM!*2gXYeiI2~$0t2>tBBkndlGu2}-lJ(HwK`bqG7(JA(e zt0yqgFxkfKU2#176eC_8=7+t1WI_gWOt9rDCrN`;e`IQ785UploV2?12g~qS$sf-G zdb2Uf>8|?w`x5y1+5ac8Du#4l^nsMPSwM!!`(kM!W$e@FHe@(M5}mz2n@T1Qp>JgT zG51ARFbLn?7@u|=Ewq=$YFe)F^~;9PB=T~C1F9CihOAbU^q(#D-M_NzQbum@W)Rg7F z=f`D+s=){75jogt&->c)jf~&FTg}xb1WdkW^KvfFt?}@X`AI$%=rhA#Dgso03mK-d zHoN-e5aO>N#2-JbmMif_ez8e`B0tdEstAR{&1A;*Ck7{fe?eP}r@8U^*BY07>xSR1 z4dyQ18qZCS-p3uQ39Na0TpjTN;&98Ci-@C%7F6*^5qgxP3@MDsaNkTSLZ75)=B^&1 zy!W~*xx*WR8#hi1(3CNCC~<{1_aCGDIyZT3=*N&66w>ygF?**D^s3@qW2A5bdsmwHpSemzxL1{rU$G6-vzGX`QhiN zG)Y4|ws?rL`nv;M8r(*xzZY(rP`pK0UyC86Bjur|iHC^qA$I60F%d#{YHogLr~5bR z(#QxUeDXczbb=z@F94){j3LF%2?C*wcSQO)Do|h63DA%K#Kjwfh@zw*5Kvlf%JUjmlh~6l$Ry;4aEawv~EQ zluTr0?y4r1txjqu85J6}$2HJ4K% ziynim(SDSC#SA}Hp5qVQ9>K@XH1l+NUW2|3%kX`_^(pb8TRaCMmudq;0O)j>Ubr?VXjLO1Lpi*| z%BoNRK4a(f(!fDAl4rFwA7osi0a*oYDC2k*FI`BI+*q#&Nn{_!x~*!Fk>8#m|3V6V zl~E#aza`M%pe&3m|A&QIhAC68Ua5j5+iJm!a08He`7!VGy(Lu5!XbQr`yR^M{Sdz$ zma?>{;J!vU>BC(Rd+1*}^i4h4oP3AelTd>uypRPGmycsY2dBV7?_BUz;+%-+j1Snp zJPBl97Ng?dg;T@(-M~LmmOxwo6?k0zg_ORo0GaGkB@+ySNIkAG+OMnunICha-kD@G zg>g6CZ*qNNvo0$in%EY}Q8?cM6nVNeRMA8qe zt1_`)8w#WkC~_=T$XMF_Wl|GWY2aCnF)!stHhFAkPovMmDgcC+^PDv2Y%q^K3}DQT zsi}nw!OB}MJeIh1){X95tfTP-zkO?-{ozIDT_?A$xCh>)b+FA;1i*ppo7^HSw3U=AKeUvmr%xe{a32r#jmSIjmSYRotpf%Dh_`(cmC<}d+%|9DSaC&!0kv6{@&n1Wj#8Q~$u z)e{#Yivw%<{Cm5l2Mpc_1oOpC10i7rj@8w@KX)pCnq+%a@5ygqw7eXL=q@;KyS;|SEhpUgNFNex7>lV0%#HQ3;`)?Tkujxb ztw6czot~NJ(m>8J`hb*N0!i;$FY@EK9Hgwv1_CZ9H`$?t*QeZC?PVqeK8WhBnx+}dJj|%hTtZRhLqcz z_2iewvV@+|HY&GtIdP456W{h$4Wc^5iPk^)NaaX5{>V*^-{xiQmekC#gVf^#IQ1o9 z9&ySJB8_4)$=&me$ovg~!rhD1Axrfto@B}${LLS2;!aWqFJLqp6YfFra83iMrzQ_c zN$FA_^S!|N*lw`XN`q5XGNX&6OyM36)y84^3R2wYD=7FaIJ35*3cN@jCIe+H$%G0$ zN=v02ul=@!QhNgN`>#c`Ahlxmb(kwy3%FUjd>ctWsGf{<+fE+xIF5}w7Lk!hHL!OT zj{rsA3~t|Hi)4k!LrGGB;2-00u=0{C<^0ARtjA=4X$S?9veQUI2_>k%%%A)%XHIT9 zk<1O1RpxlUSD;jfENGjews5EHrt0=9Ow=y(A{p)2?z-{VxVmjKhcu7++FE%69cFcw zir)IAx}vkPetx3uWY44uCzftfH)XEDuipt<(fU14UF)W|d=p6z`EZh+tqZBE`_yqd zglcD>nN2;e-)jBWs&E#iX4L+mGU@i?ava{Mn-GWH!pG^kL$5VoT3c%n5ns3ZzBY7g zvNgBxo&uCA&S5y@YI4%9&dB6JWvD_%o>ObC3JFUqaB?f=Y{;l+4UYWXIscUWfEMRk zjyxxzU6CUnq|LA2Tn+y7H*98JkiB%S?*CDW|5V}JE0yOw?bhKKo}O8${%($TSjC*L z>rR*=)VW*<>PypxPA^o4N*>5S6#%UU=qr02B z(<@1gvE!(ZPtJkY*R-G&!Zd1&^E=pJViM?InCl-7pLMZ)rAb)-@6*_wzd@j6z#Nk< z6rsX8&w=8TCq$Y(bf7AyG|=RuMFmKvPz^Va13g_FEDikxcAGvVch2Y&zwM>i@o%@# zqRv3<&wE9Vr}a9@54ymdcgYlGwqqh6e3l4%MrlTdDYXc%7Q8InAf755c%~zgaphFx zZDU<%z28{mEHAeHQh|ma%R!m*o%we0Y?-*rVv%Dx;lk>BQzIia+?|2t;=YRk-o@SUI8D@mdPl)(cf;Uq-E~tq<`0Ltl1-~Og9cvuab4DuAaR=o8ljrR4@O#t48M3 zubR->0IS!p0;??~nKf}wUh(}4<7NRgu*!~3|K>xV#qWIG%%@*0eAh~1yF64JE|gcv znx|WDF_7Eq4eO5Q;5x0N?s?5^nYwEa=jIh$`II~R99v;U-Ym4JcI3m^>nB`PH`ujO zck!D5-FbGld4*3jpuxMD*=iA1IkWd?(@J^!-0=$4yy^J|^AOQYEn%naIk$pSbN5v$ z>CE2mdc9WnW5lG+ub1+=vw62?N__fG*B)wi?NdMX#^Pp-EBGPyO>$4{ii4f8rYFK< zTg|$}VlQ73d!y_pJ`kEKKKq=)NR`+u)Hf}OnT4~7v6^)%{B2Y0Jr648=Z1W-^sA?1 zN*hnczL64*p2L_~*Z4#-Htoq_v7q}wk*D`th;?{GMy~G{6cZ~IiJir{-1$9b=Ovxk zb^5LR{PU8N{P(1+d?D8TP@U|pk_T%KNl-pZx=6#POQ}D@v1DP$G9XZ(PHi%LhDyGR z#AoR^AM?YKe!M}XURRMhL37`RrdqaC(>RTKe0w={)}tH0TXqLk8k44)HNt?>?h7Is zraF+b(rNI#?E|UxDFL_#B!H45!@M2yRDpY#1z)c+^3|x5oz`ICqsIVkP=f|W_JYaL z2W&6lI^OEZMO0w4G486v0%MXJ!HD1y>U@qg^^v}vSTtlu{rGr|ut>8fGUt8O)Uh%o z77Oe`ob01;DK}LpGThBl#q2Isr&mg)zcHeQe%KQhgMu^u>4(7AZWH$Vx)S6suLA`> zW`OIz0Inn9K#;}07?g7dGi8M03)D$cS4bDKH&{d^yL|*T2i8#yXXW6aEo#JSjs$Oa zUIBl6K2XilJN`v7Z*q^Ko@u&YzVVk;xu=8^^@8HAuqG2>&^0S*ff?8H>pSP z;cVHaAKUWvI)?HeZ%@iUKX6cQ-4HWheA-uM5AlgFTeCPn?#1Z_S*+0ewyH!=?{Sc} zW~Z3$Kdn!6BZB4la^|PHH!p9CUjC|BIDZyj_mQjKECiUYwujq_e*^`@1=?l{W|FhX zzg5Rv!T;;G^Iv)IqW>AM`(JpaCI2(tz`yXuOaEuQ=l{Z6IrKl{z55s5CON+8^sn51 z2c!Qgl2iDf@$~+M*Cqn}cOw6#c z6OpQKI*835W2Er43L;jy5Gj8zk3>vn+IW5(VmF*WVEGBD<@?(oNLN^#s|i6vJWe7} zulKaGF|?mF5}%(l=0l-HND(yIYYo( zmrfu5!N_I|F*Za^Fesm5{+{6O_#B3^SBq75b|k}4TAV-TsH*lePO}y;kG4Kx?9D#T z2za=jZWm=hN9GIi_b6lM+$?YETGJiYzM|Ka88EvCbm`HnpV_R-Jw%`Uw1u`l{ELOp zgIkQRzETWht*dmEdpzs6DIXcx0)^JdMVJ;i$w5uV_aKY)GLY-*ZXkd33ABDD-c?E0 zZZ!Pu1ysZNI%@P_5eh4d(&aV2BA*}5#AO(Kjkwo_&<>4;*(m2j*u33$&}RE3==`wN zsKC6%h(XyBMEvU*yG+l5accDrT6JqX>|$Vqi6L`i8?v zj9=9cX)p2=8Kc`Z`TTS5ZLyN!B+w&*eQlPEtYj`{7Z;y3JcLO6=!xPU8JqsosK+6Igh@oF2*?OGx32QTEk_bG*lq}8GMTU+A2D0 zH@5X}8hTUi3HpPtcFa#Tc?<9FVV0z&1^Pa80&8_zShc2zO0Ck^EYk6vQ3Gwit(&97xs}e zHI-}O(+_?TZ`@#Kj5e&*M7%W}k*hlck#%uDki$A^NQSFATKU8W1y&KLt@Ah{yr-X5 zkyMMgXl65Tr%dEo!7kdXVKbZ6rWet!zLV&o&M{=z4?-gczQ9r!e!{V7Y3xRwGCKM@ z-g?`Ieejm?pYRK|E-LmT0TwvDh~?W630H|q^80U8)_X*MSQmMxRg5h9u09j>U=$hQ z9cIN_D#PJRX-J)tG`3^O1$0kuG@5+d5=-(^MY4VrU`M_vCW>uJevUnG6-7)>HNt_dQRqq8WAHab+G_Y^1ZMs)0sS0s7Y(QuVtssa04rxG z!m(?=!Qbv$FxQ+-U=^9{VV#JnW&%l1mQZFaBQ@+dt02yoO<2XUMbbi957uka`VI-R zF?*bwoafr2B!;RLPsAw~gcbmOP zN&!|e+K9Yv)Pr+QE@OJPzhUb=4rBk$aJ8&{B7vB&gJ2i6_wcfs!%X#jN96DC6xPtVA4OwXHFHAHa079yTeV%!o02hdx~q z!`E;5*RP^C7lmW~pBUJCfxqZ-IVbd!wg?jFiXk4}rPfJ7!8-`u!e5@z52%evSa* ztiE@i%(tdH7>=Atx<^+k-Dfw+5EXw;yLe5@yxiK%dYP;#qd-QVen;Pyxy`kgUVK`e zRB6lUGr#3-+IwSlfkB0h$T5VSHA-FIpc5+Jgg z#XF^f_&ZBN_>gq1Z_R}bVzh79)YIZvU-#UJoeXrm> zJ7NAZ_{6hKtc9n(!!P!_AtPHN5M2c`c<1~^YvGx_!%Axidh1Xw?5Z$#u3g>o)o^vW zA!7LMGn}M@PQeR=}zYj;LgmmNcnZYf8Y zi3X^|g>8t`mc?jgAqP!fP=>Cl(?uV$%;;C0t|9k=O&E5Q?a0kmbDM7u=G)w?7(orK zD^UC2dgy2yj=sIQ82SAaLpIP}v!hN2Fvfc~SjpO7f(6dKhtm}?w7BOHT>p85sdWK~8vA@2k?mJP4b+9un;&yg zeb+oh&tL>S7stTXb3L%~>=LxiMU&p%l8VxVnGB27hfs-{5t_y+N1LA(3$bvwft2l_npCt_{pf-=>!89!1R(SeODR*qUBTtASGcp1)zkss-BgONOv9DEp&&)x<9 z=t)K5ITw-oT|W^uW+U>(dzkjzXasI>?PaXF+ypQA=3}LtbH*n26Fw8~a}XJkWgr_1 zPa*3Ud|`W)FM|(xJYc=tYDT~AoNf~U-DiKVQGy2sQjt*gaM&VtgrQE|W^Z&$VRzM+ zTf5DKQ9i9-0yk^VLt2!znO=qoh|aA`tnSYbp@qxX&i{>jLXdJHDbFJ{+tTvA~ud z6vnLfAED#%0eY3qnP-j?bnOhg!oMir46eVTR&-d4bEOSeJq1Oxd9Ym2cs9 zP5J04OF?YS2Q_RW%no&5#H0BaY(#?(gfbNkn5f8|H?)xcwKmHF0a{Fxz|Nk|M*XfO zpk&<$ z2oz$9O0_tl>$!5s?01B`X$c<|K0CmNvt>u)aU|%d8hYNf6EW|ILo|QUkOd1X*}pd&x$ zTZQ(FvR|~tv$sARfi+)NvL|{*8DD&&*`JoAvTcw-%Z|i{u#ulSyxC*s5N3lcn+kst zmK-XvIoP$5-D+8Ht)LN3uaxSbZ~1Y}=F*3t>wG;S_TH~ea1K3l&8=4INNjpH_tXt6YAM?5`rkAcnQwN^HFkGEUj-m~7E zmM&m3&SkbWbN}sJl7>6Zpj|V%^7*TmoI|6*=&L`Dx*<GQeA-F4_JVz)~KPJkqCs>Itb_d5rwz7M=`oZ z@@QS$cv$9y7P3Cl7EL8q!kP2GvJOl9hUW`?V*e0#un~#YM1yY85KHf5BrwvPb!1>1 z`TAp;DQ(firte#gYFyn1^X@H$$+0DfaqW2|E#C&QxMPmgL~9_pfg6%6VU74}16qhy zKf8GQKAVP~R=8H0ZuQDg-db{FH0l@{gH#W1fL#nc6U>C%YUbAD8^?aT(9B7(iweNQltSamR@2ZPKG@|a)0!_Q& zsia}rp9lBZKLm=|Yi`RRmp95Gbms-k8O>06$chlmWq5Qb0FaXyN&$Dvc3KPwD%rRQ9Rq;D2#xBpd`sr(&W(7UDZ7UBB+2FFrs3> zgb6T$8HON&WCTPqA}XLLab^%vQ4|pr%n^)WKt(Wt`i2I*_niNC&iB??Z=HMYTCZ75 zbyZjWdiUPDa`)agsK+cPw4miQ?~?+8#eeq4LUk*!Z`O0rfN4tX!%t1I&H8@aol_;K zUV{NSzIy&>1Zp((GMe-F7rN|D6#A&`GT&&+SH5(4CV$E8Ajal*0#^6fBmB)4X(+2K zTIM_VH6rSKip=j?h|c}sO0K2QgfVEto)|tA|HWUhY$318(-vFuV-%O7<&Ovpw*#c% z2iT!;1x)oz0Qs1M%(jLY+jRUCO!L&kt?zR23&U_I^?A-lckhFt;2Yub+%lzbyWW~ ztMYPF+T$u3H6Amj-_+Snwjl%c^uHgcJi`B^r%5N%DsO(LW=2+1f9E-4y`FmO;-D|w zfwYh-1?07+MlfxPlIdls3bs`TPTRW0z9i$a%1PQyJe4t)iUxhdUi%z` zwPwp;LYE=rd_My%toyKrG4}YatRnnl*#*4vR1tL1e92CkVU9PIjzs(?b;FUW#oVY3 zCA8GmVfY+=0iK%Xj*rMO#i`puVPty)_I@u9Y|5jw`;@AYCn4%MZB8`W*s&T5UUm~ZyP^kLI)uWn z?n~eoUu9h3$1O}x_PUpH+83PeGm>aim3=pwP|m#R7=Wvuh(#)FxcH|vFG$%XoHoaI z-@cAtv5&@;HDv1xT8E&)Fe*6xBnqfIZDn8C(#p2&NCjo@9z)A5Rk;1E8f<~@Va##I zdU*ZBWX%1oqD^tBJD&A)DeR3dfJH0q_?-bRc*&Niq&XFR+ztOCny9RpUF(>QUBQkvIxD-d>jIh^e>4qr5JDW-Xcjkyh@$jmy| zlKOWp>nRj1`vzueGoi9r#IZYd3)UCzt>(A=C8fPGY+*z4^Bb(a>FN}nV~Du)AQf(72cw#Zht$n z=5Y^ta)UFLk~kN06osLO)?H`yj<|_-SM+iY&OV7g$Wb8Mmo)EWRIKfXt;w;*@+j%3 zMf)Q3ZT&A~S!D;}SX4@tcRkCNlyUe=rqa-tBl*~&&sK=w)?ME0yr29o??GRZ&m{e* zb2J6TzBS3#HYadB+a980=T`9|wWlEgI+uZGOFZm3H36oq)r0}YXQ5{(7l@YvT(cwx zuVPf=wCJPILSrF2A=?1go+D=a<1gTnVcSUgI^}8OwW>$(?O;6K&}4$!rG>(EG9SfO zetZzmG2m^K`JqIXx`GQmyP(KurEFcK5##^lV-ef*ARo~q>&J^8ecX5+2Z~3ngYTXs zab0VMjtZNo9}Wv3QQAe6o%;9FapF>IiuAW*y^sb(FEnTvj8F6B@aprzqTx z*Sp}CBiGLcC>18n3^E zf!8#NxQQFqvhKf%z`ZrU<9Esr;5A=1`}7c3bAS9u zZzbnN?RnPT{uB73MF_#!)PkSDit&!}QFuykB%p=oftw?vd6#AeacnsaphiU=&pzFS z+s|DCmZ=}cTHVv2hH)`=Evt~l9#?>ujjMrbDsp&WUp;b@9g8tPTVR_c9*2 zFJlUBaad_tD;Zw%3mFP~f6&^8Td?M+HPXx9&t%oq4f@n(EZxA`8$o5>*fjr-?9x($ z=rfjFU1E?Up-m+kW68DuRYR+4%lM8=zae3ae~%gY6sEll5bH z&T?EMGXyT4SPaicsPh(NIN@ap*ZJeF&fDK2LpkI~`cp0Dq z6Nc--pGTeHoyG4!%BmL5gun$LOTC7-@8EWzek_9*a_V32r#nVyTZSkVY>n?4*(hcHUc&d0=J{ znDyvF>?2%P!o z1m1J#0={5o3EcHHpG}d?Ie*%!^DL%x!zMRnvhFEK0sy3Bfv?p1joI90X6XmcwWf~>eM|0 zni?sbV?NH{jHMPY>zgwT)2wr1@*&Z8C%J=r0L%@5XD)?BR3KYx(cv-LN!07km z`H~n7Y`G`{EEIo1eZF>}+&y{N>(XzSV`(sUnR*;sZE_epRZ@qw8x>*j29Hyz_zb;! zFNAAbJqhDz^>8%9Mz8|rUk3-8)IrYT$(TK4VV}%K@=xe*!NTHv_;%;Cxg$(&v0r~Y zjhc^n%D23mjKw|MhqmmE<9%ssgTCopWkTxJZLb&1}8dl9qxaXO=>#hhssCPz2QyU2Xqx^r-^AUm53eJ;@k z-S0prxvks7;EaDH1QQXUnAm9ka&onMR4ruWh4BV{h?{4yQAmFzKJn=Gs+jgCHFA7lXjY9D-z&mE++ys+9#yQjs~I&d zH{-vby@5YtQaPjgtsQ%(R~bJuJsho{5{F@hkw{?t6~t%DOmx_f2fPZu$IRKf3~a5w z0CiTFgYJwqM7%YOuu(HSc%mdfM4|o_obK}z99LM07Pg)7~aqmz2jTFA+Rf zZa(gF{u(qlvE*JRqG8P9D4u-a4tV(F3XT`DmmS!<2XFIRhWjSmgOjg(gk6VJ;5elm z;J#@u1`BTUcss(__oA3!T&n~`Daqs04L5KFRHL|?gaQm`W~Awt`cz0yh7)I zeBPszWo)Gn8sI_hNlazeB)D3W2LgSR_-~&_V5fs6*s5oB%=PQEpxH+e&=J@}H^(Yo z*%us6%dz2e9Zq5=Wwz@TF7c4{o@``V{WE0aGDm*s`U<39L6@(-z=S`dbUOduD%HVt zoa4)oFW+x6MqWLL6uy{1>i->YQ?#*cCBJi15aJd84q4oc^Zc2qi07fRWcxUvUx!*> z@Pwo6d1~}tWQyiTp8HwIIfW|oB-3L^{hW}Ti=Y}~kcxfA{G~QgjM|r9kQizq`vvs? zPa*LfaMjeo)-Tb2c4uI(Xa!o_*Kn%pn3!l^KKHa% z1QrzUMPp`1u+~epVb?@&aC*sJEPu-dY@DwEz26asgkgkIz@pjuk$z1c@$sN zRPQBL&+bIy){1$wP7Abk-2s%^!eK59OvO|?^{_;-8Yr!);x?x~!kUcBdC^82P@X~u z`@~`uc3o)}TO8-je%fu#VJ%W(=c*m%C{aIh@(DTa?eTGBUC?ot`JIv-^Fx)%aNvAJ zR3GQ#nqUF+WSXs$L4(F%8_WP%RK5a$RO9s>I?L#-|V8uIr3C`616JsGwsytAG8xA z+Q_tX8zRVjFokV%5u8_9stJ2u^L~8B?EC@1Z@zuGxP0 zmSW?R`Go2?yVdGR zLM~kp(?!bX#w1_X>9DP&92O;cv&^rHnA&NB??(K_zOK5T$-d40GbSwa92_tHzCKm! z3Rxb%(?I6g&&nX{*2j=XWcaIE#EKm^n(492pZ0xaJ6%*A^aqRR+X5b}W?*}ZEHQ`n zIIO39BzTpx0P9(#4~R(qXELw5-vo@x z5O84X1B`iv0$z?9fxVh#gPE==;ya?cqzhvr#1Hd(=}|@ePu59<40_Xs|$DO2L!$4D&!ptWg$)n79ulpQh0T+8R0}P z;?7nZ!*AP`#sB#xozMANLe7t3zUuK;=AL5>v-$Do9iGEgW_*u>X8fHBYW(ZV^pJH| z^|<357jl-TZ1_`$9^2pI=3dN1_ULTmKY1{W`;u+QS%1QwXTeq>=`ZQm;_pA)%Pm{9 z9NFd3$e>Q?M+}x+V%hABx|r>+7Sr#nUxfHJ=*#A+!}(4Zn>qT$PuM3Pne*1JjbSgEV@R(= zxy&k`8N7()YRJ^H8~My0dF}+`RL+X9gFKhiQ9SiT8Y9$5jCd^n%wz7><{i8^n)`5t z3IFT+U~Z~fJ=f)lF}NW6T4{{r6nxtk1#h3S#g#YHfm2F8Ua4tBtmx+vH|CAN1s7`B ztGB1%%g2`R9_(3ypPku8@+P2j8a{5uNTT6&B`!K1ir>m;gCp*a2h&HK0z}$p&QEdwb+=KUX+sQg6n;${}ClD8Iq~p);zJviTGhmoSCwAV@4vd&JI1h`LIDp2P`(Ul% z0z9zN2U~|N#NOW1htx^mNcpB=?_m<51d~l&put-@Z*=!d$dTyreQPISOMGl$!ILc5 z*&GfZPZ7crzn^e+VF+lNy9~eHQ-`m8)Q$^By@j^t)7eia^YDJviCiBYWxQxClNAtP z#iF|}#C<0J`7Yhuh~Ff>~b} z*s^j<$Sj>t>Tw0l36IKN02$h;@boxk-gO-+?s?Mz)$2ZmT`ZtL2B2UoC!Rr%SAD<& zLU9n4oAxZUZm~1#Sg1Ll zZ7)UHCJ4*9t_AI1d<*qxu?0xwK9=%RfYnW=aUOr(ijHho!xePf%2$-KMfsmi8gUm3E_9=7e%!foR&!q4~j z!n=q%ygKnXmJstEix|&gQ!n!G?(e5xOMN9ke5mMdc4=ry3YdlyPUS{Ziq zNZ41B0nB`Ff`E5Ayop7T@JC4<607(Yy`?M#Bl648&N!JJ)?cTw$Puc*eQ`Rr_c;$s z$fskOXGEBJT@*I5z@GEz-7jQTk~8-xLmgA-P@^mNX|pfxdk3bJUc|Z$kMoONPNF9? z&ahof_F|6~D)L{i(!({t-VL;W_YdcBT0OeiO;0Yem+Kv3?^*84I8Z)~qdqo| zr0vmJCS$K}IdiV#QQG$F`JCzBcQbcJiRc9u3T$Fx7dy`U3>{n5$M)E^k{xm}iS^Cg zl+_gw##t8Y!a5XvhN+mo6Loh!3^c8HfPKRNY*9Q0VAVa!vk;k+I$RF1~yH|OBO=aI1VNiHkLT>;LIo?APc*Di4F)|BlPH^)8M_51)M%d07C;tfQoss%pZ@_z_U6<#E%F7nm_wV znYXq~1M$1`q2AUjz+Vso=3f4Zy|;5mlhqERNxJiyWiun#RVSaI)w$ZB^g%c1dsfFk zlKG7vEuW9M$4ByeODdRCgfW0U@+ejtc@J|P9gh@u1%M@6wjq;E4)Vjcm!KNsb3yWL z4KQq`9(cyc1rJjWq8}`1a9@84j4vvKM@>ZJd^bqd3@Yus!=Aq3IS}+QNgbSXyd2OT z?t~B1>9C@*8>mtofVzqyRu?}7n{jO%i%*+Rm$uKu)_vX&9#^l0$NUq~o&7%O{4=KD zd(Lolw^|yrCGHb=tuP9#R-OiqB#z^jHU9vQ9^FG)O1Gkm>!%}Ou^YL;tFt-DZ4{p7 zoS8g%bQG_@cpc9;J&&7Qqr#2KbRyf?44c~=r65_R9km;vfc=z`P zbFXbs;pUahXLl~~;4OTh{HG4tFWbfanj6N-_E^k)qS3%+p-L>o5v4j!+C$2~Avv6D zVlk0hylV^Zd|U@pcxXKL#n&*_eS8DwLiPoE&ivtwvXvdIE$eSE=mp`-3Zs*>hHwQE zUm~z#cw4O?^?cHm>#VTG2*$6)`1g1E2n8A=>|HeN zl3g6UlbZX?ou15ahuFpH7^d<@pSpuYUjYvnIFjd zp|ng32D5L$5RDADL2)vy8&?bb-k!zKsCw+{SAz9HZAc62B3Sy6s)YwQO^X8r~({o%rNpY6n0m2;R; zh?danA7nF|9_cgX{Nje%4BTl?W1b`;4ll9%>9$+&>}77`i&c?M@3o89r!5bnvI4uo4IeODGGyfS%39A zW4q3BhC{m_b3;$0P0I8wq`V9=Vj1Db>X@lEx7cqyrn2HZ-PwY5hMY00)aZT9;hg4K z9UQnsmD|ATB4usewUpGCd)D@3I3Pdibwy5*S0u~m#ZFG0{S1zed@kGOSqWq2_1EM* z2J$4|oWz>s*}+z|lyb7NAajv-G;^DP#ZF(xAoG+zD3)0Y$!0HVmy-86u7r^IKQ`)9 zwKUDlm(Hl8t*W?1`Yv&9aQe7a6|}y?AIbX|=k$>w)jHIY>M@g*GyX7x2vlV(Kjgu@zc8K| z%G6~p^$BIHqU>UtrVE+s%ks(RRL>10WyVzd@ke$-_ie1%uF1@YON$xZ{cem=Qd5TY z8!P72C$s;|FMZuY8FKkQ=q>!$45PRhTFs=9)_3}p>F1{_lQ;%084UUTE{s(#!pQp^ zSu9VcYb|?2pKY0l9i!Dix-ZVb-}KGLpHlVlg{9GuvSJjt60{CvoiAe_NONF1M+5-r z+aqww>V3Gw$RuoeTL_l@%n8QdA4!h?ev}yFo^}kFxpfOPa8gA!<2tw_e<#17bT@{* z_k$-|=-{!^VxSU{4}5l*LFP6$AeZX|*Phz|vlUaJ;ZX!G=PGdx>?MFQDwF52<|r7y z%b9ik@*(yb?Kkj1{XyuvKncnr*3j?5XKbP~8yvoL3Jsk4io0Sv#+g}{fvKN_;m{a?AXWaPU=))QPM zy=-1&j1sTl%4P16B6qHt%3)?yT=}0lc4uuLTYl$$?oB4fTd}v1ezE>N3+85UsyhbT za3V;|z7$O59`&6|;+Ia_M~3xdCer`sQ> zMEuw3f52I8uetQI7fU$h=tgN{s+3S}ek1j8GLx1qdnZh|sZ)LL5Y29fah*^*!{2yM zOsOzLPY?Gl4;0?Nt3zpC6w0`xYF^#DMz6Z>XRB1Q@tM%6fskaEJ(hHHOo+O>Qbo7r z29zByK8xe;cnCigb_lNr#S(7{77G@XJQAQ~&&B25qh)ps9!p;ucuJkIW75MX`!N5Q z8llOh%!<*!O2q#@d6{efZ;+Sd^&wn-ryTLA?=e2DAQO+a^(MC6Yk^mn)e&RDECkP+ z1cKFB%ZLjae#nW-sf5#073_T73L^DvC10p4$NAiFmFQ5k60Fj%Bn)O}6J`BJa9;av z7@e{LYGhasTO{i!JV|ZGB7sqJAE8BS5zoKkCJ`F$ zm2|~7iL->Nq)nDtQx*Z%8<~%&WxAA?%?jYgnpBBh#&Qy`qrFU^JpYx%{F|;wb@gz` z_Pf>MZY{pR`y3${-El;`Cwr$j+<#t0^Qu$$nyc~TH?;Bmc+4$DgEC-O;Zn&(kazIA z*wS(si8m#Vj;17@*P~2-cpXf>TPC5Z3_fqmsTe`<_S2Fmk)G&M)^Ul{Ls^nPf4{)> zSShh`W~qel`%!!;R8jnjk&K`C+Dzi9dQ3)_%50#0RT)ire4Gg+=HDeov`&(~xMDj& zko;7M`6C0->?v82o15~)o8_ho4zIb3m#9}sG7puDT}O@+b2C3zywE5l@kCxY`K_@e z#ZhwbiFfDQd|_<0w$z)WBih>G zB-uV*L2{~Ru0X4Owm`5#N0Kl`EN<(n!D+M`HyocT)xG-_FT=sCi0~;^~sz!oyW5t!5;B z9y_C;rf4)}<{TZ$2>nU$q0$P;t^!LEV|UqDq1)H{l8skKi~44pN`L5llYDI&C$ygi zg{jSbVv7T1lCSeMB(p6i5*sxuNj$M?64W@aO{uy%nj$!{9Y(rlN%nrrA@MAt>x9l9 zxYDoPGMhFpMF;aHG^Xr(pieo@(WGphaq(bAQcP;yq=?i3zNvH$+6!ID9<&KHkT!6% zA;Z#+pT2)^;M}ZMoAUhNaWelIt?3efx-(uB_+5Nqma$}W`HS+_)@tz+-$Y5*Gc!rm z!cXMbjai}x=$y)otNjYMqh>C4swcm_+} z;1Y>VRa&W;2)X=P+_TJ>sQ9`~%#M01Zrt7=_Se2wm45BJc!5c-_}Yhrs(~^dk-soc zElopg&(>BWE*Hv6x%c?4>EFrXX7Gigx_50 z0Nyp}d4XTmDalqxeUX2CwuB0fi36dJ!1a)@O1`K;gns1v@E+?5%O5Rh!{(?O5x>fH$yB{~k0#rNk261m6?@%yBE;?(}*Rp}qMR%LiZNY97w~24p589RQn*t>IqcTZsX5IG+_UQhKC2|BDNwI_`eK=wR@+~>R5V9vi0Dykq`HoZ z(lXz*!mk#F!fxAM$>P#G65kzjB^~E9@Sp1&NqNw0=EJLpOeoc_jVLRFJt6he9BHIoBnXd}b{mVK22 zGQ8n+zoPTppk390c)o>!*!0MtouKuc%i@O;f_&a{drU+Q8*(U3y)Q(ILK{W59W*KT z9&1us9)*a$#2bi4d>^!tq7yP`OXaQRpwGD%PCzv8+n}vLMas;Oxxt#l?B8lqiUUnW zfl!ws|HzPn=;~7fZs>@@W&OnJi$;`}VVab{m4h@rSutog<%{*8eV5uBhN9a`2hZD1 z%G!w`9|X&Xr;BF=XAvp6d3X%r_DdL3=5n!=vuei?Sir7Z}1}Wdv#sVxa#+b6k z&V;i2s#@tfHbG8M^# z+18S=8`$FSRmVvE+Y}dGPOa9X(ChUnJI~187fm}Y*0RwedFKChhhUyfoMha7GtutO ziBjR2UP)!e1mO>JQ(@>+w&WG7SrR-mS+b!{W_wzCmXt3(Eeu-T)umjM*=U^q$_2Ja zzDVYee@W8Ubh=3R$as$Qorj)CZI!(=uJxm&&vce>9M4MlWyfWSg=K~0m;75X(TNdw zTsevNB#{mA1zHrn4Vskb;<50w3srh{0h81hthrEFDB(z-oz)XrEpivHWV_*|Z#iOh zze!?)t4iQ}VN6wYO_o@1r?L31mKv!qOC`N!U#mbORCqB*9<4b zim&|86Td!bBD%8VsaU1xUX|;@9e8@@Hr%QurYhWEl6cR>3u55S6t~%T;sg3tlW_=y z=jl_Rohd~n-xIt%mnZIgV@>ieTXKk)*HtIJHC|s-uJ}Syb}K^ie!YS)qbXm|eto~> z>$WM9$mCh#&$=pvE|^I^?;F{BbEm#)QO&h7G@)imt)%dT zjwpMBp2&Tsj;QCA7G-C#KIO+InGeNVdX#5x2HV~N+6IpOMT2(Ll(9jZLxZV3!DVE5G#)+>rRuadHvq<`;L_PsYS_YJrGMk?homaribpg_q z^tGhEP&Nh$&ra5oGJCZ|v(BF`ouM)DG+*0u>NjA3`G;{^^m+gpEA)Wow5O*wd~!CRzB`M?J!+a6eP!xc1+HfXw3O2*gC#h zaC)9pe8jU@a{Ad-$r2R{$q~H>l0Meuad5VkF@^fpkP>%M2v6$VkXWl6A)i+iyiVxb zIzjrR(Nt6=(GnY6@~OOezNaF_=o|hPPEON^?J z*>2eB1c()9;Tz6oxKDF0EIn|U93O6@)nJ?>G*+(tCH700!%1%vz>T$h@|vcjuAmYt z!WF)&bMxLu0L#rAz+-*mP}G zPMaHev#_9A> zm~Al`*M$@DlgF0e$RJBzPt)NmgJK(^dtwMW;7oL2DOpfVGDQ_Tdv|&g@;Hy z`9gcb?{fisJ3Ec<_xv~^c--Wf@X}oOwy~7$3Z^J!5{Nc$AaOSlQ%Vi%OH%PvUul=}y;D6^6ZNbXe)unxq zmy-rjyHYr1oDx~)n2{2=FJ8>rpqj{SX6)h>6&gW#Gb+goEq@omS)1qhEJ6d(zkd+8 zyj%+|Y~;e0ECk-$7Y~G?C$SD6G1?Ovi#e~pK+5Az-$SJCQZW7Q{A+aerV8FG4=dPX zEKlOyC_?d9-H{|;etijm&n9T&2fefKQ$I!c^992&@6ixyu^#~K9!0pD=R}rCJ;BFZ z);(j!=VkE3xD(P^CVR)fWDsMKMm!<7VS;mAwfKq?9ze70Gw=yNI&nc)Gyc6_1F((- zLz8D}kmkpO;Lbi0Z~9>aOy6J~Q){LQPxK-IsrF*P^k-c1T9ofS!pveN{uN6^?%aIN zsQY<~rrUXznQSnLwe^-dGlOkJ|MY$sxkf&HTrL?tPXc5((6$X6%y+8H(jT>C+B3Jq z)TFjG0o)1GNE&9voyTwymnGfs zhNoE^%k9~n3lyv)NS+CJ&xyomdvIpuVt$%lHD|;zI``_fwY(V-hk41u;kwsV!FT&6<@A$#Bfn55PTZ&OOozs3&I7Np(m!e=p$an5S8(WU;+b`?`-H}|sgPB}8@lnnj0iP|uWhZCD%L=yRwGAX) zuIZj+I4L)V6;vF~y5-Df_vYA>`w@a)>b&Is4Xm@PBRK0gOPHU!97$dd@cI0@pG-Qk zhko9E-k&|2f%LyW91qQ9aV?DhteLL}s3-Fy+aBV1u2lSkrW#ROt4_SAV-wLGS zmaL2Pu~gz)Oah#nq_7GJoHJvJLbZAicQ>m61z2#&AqZZ94%jbmap@`0X6VRA>UEByS1B#9C}Glvi!pI zZ>wO%h0o(Z_3tI$+f~LI!1TMp*r6bOj;Wm?AsitfW{vM4rcb+0jNxCy4Y)gS&5M^I z*U}VkiU=fmRO6rw*4HPnvh((FPXF>nTD@iv*85RX9v5cc5^z_}C6b$;aTO`)AoVU4 ziXMyMnN>;9rxxU&#@cUc!qmDyq#(3K0CrdFxjoD&$mx@}jN!{F2qd@KtKBH%l z;l%riOxGukr2Z+a=;u_WtYPa^s8E@YE;D~{qF8;ok?eU%Z&}n^2(uTx&&)L#&#LfL zpig=cMwU_f{*9z9yn1k7{PGbUHuxkWui^49*xDA5)aR&mYvI_60=Qz{Ox!{C4O(`{ z1JG*w07MgP;Ll70=f%&+=Y9IA9aY&I%3SpTN!+kQ+7mhPuMLuIl@>s$*L<~Q) zo^Sp8v4L$Gifh?Awo)3KS#96M9*D5b1&<9La9Nw`GP9 zV`pq8c3zx>?`TlLZQ_=~iur}GFG__hvn+cX7CPF7wRlPw!(`Var2Fzs{8#*0@|tG- zWJWE_w@%>p_v4@kBneh&re{s<1>F$ zk_1a_^TFOdiNvbM*OGWhbzj-6~BV$8Q*K$B5 zn?vf$bEWHu_f;EP$L0!pV&Od=yDb&Joaar_H^=-9&VEXRGxyqaHcYmMpUQ*4rUF+u zx62;BA721lnF^pi+6U{bnvA`8a**U-)#_J>hVu+sQvM>k;Cly)YORMWXg(o%F>SIP z?kFt)w1i-`eR(~ucGm)5wBs9o^L{`6OJG9StV)J2B%i@^Jyn=}U>aFwRAV8kcT9E%lM{Ggz>ex_%G>Zq%!aT_vYDpoVsCqLpTd+vqzm z!iPd$GcbE0xYf6lICO6a0XK_^qbfoH(wf((imJYW*LSR7@TG?^(z*fG z`k+8*_&ne=YAco~F#+YtgSI&q_&(+9%t~b3I5vl_xM4lFW={{;@6kufe(R`4oDw?; z&Kv8>`0IR3pH!>g`_DQ-l6uroYU+D|=2t{1q? zS!1CKRo5%r>CjN{{}tPze^?Bcg!HR$PW`VxbzchSqJeOb^CAy9XULvg^k~NH`v#_ zcNhnLe%{M8aj@sF$kjxrWzYziqffS@oC)6qvXvu3KYBg(SN{I(y3FtTuR5eBe;@zX z+l8mi&8~JkiS0t#PMK}? z=$n=1-HWR45IUmQRg;AqX`7|=!ViMp=_Zs(Npg1fGbacImWGs6U|rehpi;eHubC*b zXQ6nS-U*4J?rzCTnLk10ed>}m!@MOnKXobQ@h3}5K8}$F%+L^Ze_Jb9HmQv@2?b8%X|gDlwHrEvG`Sj{&9MW>V$tjZM;X zS%#wQlnVl94WaZ$zpY^8($SQX`vF25;-p~mQ(c)e(~OFTFRn=&67?z0-A+WR|6WP; zfd)d6YDBr@*-P~9l@r`nG@^`=w`X3{9!0i;PPdK|BQiWCU#E8ymLv5j>c~97)Prt< z^kgH-72EnTZ*M*)*DwFyh<9PFiHKX_2CrOBh}_=wog5?V7AoNKYc=qVGXI@#i!~{` zkK0EMU>P3N5Q)~9QR;&ReRF2)GZM9G8;O43$5rN&jdEi&W%qqe%FBY$BCq_xeU-1W zeaB^o%_#XkI+W;cJxb*2!7^_ zqO{sWf|O-fC9SQ)#q*}HRiiO2g84fp+^biJaXE zvOm^I!-YOh@>Q1BdX%EeNM(`RM3R5M>HTNnVVRxp`!V|kSt0YJ9q*U|JK6em?s1+_ zuB1Vr8K6gTD|>*oO?XD)J-w_FN6^|LZ#L-?tBcAOF|e3o8Df*k0T< z%w?a5ts%NE{UBC5))SlXKu*mbePQ$#roiXcDw?6kaZKSjP1u$#;Y6A0%KT5e674$X zL`Fjrr!(4LuxDZ>(f@KE9kY0bCKiMV0$m%p_xuxZuZt(}H@yu+LW_X&{c;DfEoy{7 zQxL*bXwTtQye}cdmwP!T)irp}{!aYK;qSzqCLh+C8Tx`=Azz@aUd>QJTzMt|FNv#y z8jf^NGnC3~!CK3016H>z*p~}!h*G~Tz(ai{%{|S6-(@tGFq|IC-Q(UQ^Yo=6b8{t6 zEX~m1;nR|S}^8^RZSljpbeKURH{qi#Wky%l2xr&uPk zH%bmOBtO=pZ?58kN5xf)a|Kn9vcM za~ru~?Sl@ae|Z#+Hf+g5lS(HrBTBniV|J*M>mP+CUbc^ygxiX1^2kn4>p&6JrKxqW z1C*89T~kf{>~6+s6`o=%E=Xl(Ub{iA+d0bVaJMX@b7Oh+)aG-YG~wtxat*C~at!zC z_ZsfnpXOvdoBoVulKFd{@q1kHJN(z%hk15`?ZY4O4Y4EQpRwiNer>93U(j*+Q6Z<{ zku=XYRahnSZ=$nlwq12Xw=lFD7i^;vCs9x0;Ih{Qc&&ye ztPB?%7&Ttt#~#BzBNbv#R__!1m2ZRf>i7Gzzw7Ien#lcq{9muf8sq-YeEgrC7euT! zrKn0TN;#iut8dOo5lD9!iM|}tt!^m#D(F|y5v^HMB2oLiq56N0Z?2C2iF}*77-u&R zYY_g-LhV#HwiCI-f7nh|4G;#EO%`emzsAE0T!<{;QQ=?t_P71SZ$0}R{_FY`!b67ekRd!|2oD*;Lx%8>Av|OV4;jKkhVTYg+vVi=LwNilJpK?Ke+Z91gvTGk z8+=1XR&EH7KZJ)4(T5J<{jRD$zfWYm`Tvjq?>XQ$MV_J~r!xd>A?LYp%L)fsY~Wx0 zzuhi~l*9TJo0l$Mx_K#k%_cwJzb`sz#Y8Knq3qQW+5d>YDY`}$TjuAxa`mde6x{E7 zciujy(WcohigE-08h=yptPE

I+bA;0;aRt+%BdyH8JG6@Q+o-+~%= zWBxHt>md%PTx<^Ry$0agD6)y0<^rgwXpTdZo=yIi1>lg4h*eWpI+!*)ft}NQ8tdu_ z1jX^KpeAeFRw*Jw%ftOl52koH5nj8f$vLe)7Y_@EbpAGdHtU2~G4?y86FQmN!D&~g zL9dJ)PF>o2OnFYpzvJUo(nEGkN}qXc^<=PLNfm}Jl)tQ9)Sg}@|{ zx6q$^3Z7|d0=jWm;hrvAY~_UvcrQcTN-4kqf7_4)gSY5F*=GarbI)wLZkt^L9JA&T z8*1tl94aa>YvwJ2+ns08&)Abq!J6HhFmP;)#Z~jcMRxCi%PSXHs~L;otkrB<9uAh} zFzS3Iz!rG{cwHN2W-op5UWx9Q=IcC7gUXz!xyRZ!Q6M*HjUS=!#1}J zIQ;qoY&uvC-c{}a-V#TkNV*BuJ}?#5z3Z~NUU(et_m_j4e@elg4=oTcxJ|dkdb=j( zfJfTyxBLd>j-}gPREmMkD~~}5tpv;Q!;zTGSO-UBXoKyx4tu=O%>#}N+F0M@UHZ45 z>^LR|+1Z)kO#CdM`0+dF?>G&Y?hl38$+KW~V+R(IAjYZZPlJO`i=c$qRCt|S2fj_c z57nv+Fqbd-aAn~PwpD^5>tJ{;9Chcwl84rS(+*(42pg)O5VO%ee2261`*t|%qPXpv zYkK2$uUO8K5e0a(Fc+jT=K$`;Xlt$9V_1G4HqA-Y&#J>DI z7AyT*4VY{xsJ%`bs#lfLw7cS;LDJ7#K;X+{4QiO;Pi!{Bhg7ABtckX5kfs(`cXbzZ zDUF6VeP4j{HJTv%#w5^@8b!l~&0S-008GV3ZmzKkGfo)qPba~%wEbXp-5V?>VXjU4 zy35cum4K@?TcPKnzvFuP2j^|zMQpaqNp|SGm7Lq>Q_R9nA7r&2(6hZ#iD9dbQ=r?L zL)+2Au9jkuI$6kP=K9XSTw%=9> z*E;`Q_X+#Tmnc`vaQ`B6P_`93tJ($jkE{h=*3Q_IVmqLx*~glH@hR&|VKQi$`2ci^ z`C?VPL@+DD-P$=^jJ@ER9IK;3!RoEHHb?H(6Aph(qD{_d8*utKm&P$$JAm0pTmX?@ zB`ph7PhgL;>e&~~z1Rn%tvFiFd$AeZ4(mS;8#q5Q-qY*%=SOGJ@6B_{yEzAXkFib} zm2|fhk!oi1WaM_+FtHx!$oc(v+(f#i8xs5QM z+65e{8?ASA$N$?;yq{*WVkQZ&%5G=Y4x$qbeE0y0!cT*cYu~U_#>>F+9bC4P%X7}J z;ZLAF)Ce{`X~)!^-+^^;MNGSrBF@)U(^<~7OjfeNVeF%`BIvIbXDz-h3opm%f`!h9 zt+Hk$vAD@<@QB8DOODY2VB6cyex@+MQJABFRT`FH<%tzGfzTfdE7ahWz0|hqedm* znZ7bb9PPLu0UVyB zvictAVwPo1Rt@4mK+Zq}XenkvU0)o!JK$hJqbE#zXpaT_Sp`_cb2HIbX<+q08TM7? z9w6o&gNCjTX}UH%vjK&M-8M_ADq&QYtZCBAHn^(Y82=(OVEsII0j5(PhAo^uixu$Q z5kKl_+b(32A2WN@BIOjau;&+>Pw+j z%^Oe~ztZZNNj_(%X9xUXVr8|ey$V_crg84}IfGjn8X)0>E}-nk^&1O<&&$I&Be{)M zLp>&7A!@L=p|uli4@+YEzs$vA6B9v{*jXSx?~yKw@=5l zTs3LEQe^&)nd}>jxrsDGrG+Mt`mGDwCL43E|LVnpzmCtz_k=Q)0?mmNSilUK!tsOJYF>6?V(e zR(d^Wqb9=+;fgZKVzb!8DKiA0SvBOufp_%UB3+Y9|4!0yVrDA)x9bdgO>Vg$hQ^&t zpL}w((^(Dgb=YU{3ihr?_c-P@GF-i`A1t{&4m7@1h8CM$9L{d7)L?DfFU8)meg-F@ zYBzhqT@&_h=)g?KnffR?#%1^obMIrl;}xJ`I+O&q*40lCGk?ulXwvs9<9oC9y4jEKIZZ zCca=G6Ti2C!e{tr(0jU1zog^;ozTPmKh48zFMs9d9@Hc3S9bCg&pg01%N^N=)eW(S z(wlI7M=N}2+jQ*O8YfKe0|U?eQ^tOO=Oy1ffW#k;Npc6PmlETVm-r$DxtM{Q15PHG z;}W@w9ErytvAYsJ+$JM;Hox^OO`HGmDEuIeA&-UY0mh-9r(+9~lto^8(t>@Ry4xRVH)aqsg4ZrrQ4O_`llzu;A&SiXi zeuQ0Bc-L5}NR)l(N`g^KLiN9T@Lwe;DZ-ZxpLMQwEcv(i|TNt%lt zZU5DoyH=KE@MRk9A6=dl!Cp68ob{i647)6C8}mt8H=Vw0)eqLYT~Yt)Q1>dK`PmzA zl-c=a;*{ zkK$W|(g|nel97orPG5kpPp3eB_%o!Gkqw3gzQ=D0u4KTfU)ax&XHntXx#)yv7OXzN zL5vInrEPr3Rq&o5KbrWWC8@VLGdAi|V&=QaB};YC5!W)v8%=^4YA3noUd^!P(gtF9 zK^xD&{W&_2^NM+FDGxoJMWz?MUEhTIRu_u`G?5Y zRHd%&NJ00{{Vhoss0X3?$wpgsy##fjnCaxM%B>FL09Y)vwY)zQ{_( zI!hTc>eFF(MG*5hXFh=Mocy_kuBB+l;3kyRnu{RM7v7XNW*rpFM<(%h{FJ8km>&9u zm8M+I>Ij*~2&_$JmEUWj^D|$iG7f4g7^b9cW)Ev*FurRK{j-}@OI2vSPnIM6cm>Pv zXCI9-_q#Rg^np}^$@IzRQB5S{W%(-B#6TxQvP6%)u;D#JYeyDqr+5ktb9?wRYkajU zjVoS%)ieyU*2+4u!%-ThM%9k>E>4%GyDoDv&F_A;HOo`zy5UgA6NdUX zQ>J%>Bx|Ca%Saojqx0>M(my_pdzP@+D+cMZCixLztFkuC-@pnVQ)IJ!Y+04!&CK=B zbXfc3ME=1XTN6U#|1{1vDQ`Aove})?oH8Y5;C5|;{^lf8c6|lQXv~p)_D`y*LXJIj z2o*xIg=5U{)X#2%!sk|l0+xP zMs0VBp_o=K{B^zn7{r}}*CR8S1|jz3`R&QjDWH<~a9bu~OR~r)>n<4c-U|M738U#L z_>v8KAB*9SpJwsZ+fSlF`D}KN{4})rdH^w;UJFDnod)XuaWFbj8NByAP0J%=nJD6a zxkh$92qc!teTVy9xhO}@%e0VF&lSn{ft%+og~&w{QQI)+bgmHYf3pm3W6h)Mo79=s zL@_O+n`e^nTNs7e^qrLH zK8n8eJ!YA`kfYKbr=gA$Be1!n5j{|xYI~cPDv{QizF7N@>C^<)&EN7s9{q}LqU(Lt zZUE))KO`+q8?yGsYEqqrt5N-nK9=31muQ+p6s?bl@$=}4&nD;{s)R0`ISFOIb)oU= z7HGU|8xqYgAXgq?k-Bg9qmK!b--vc#ztkH*_dEB)Ezu&>bE0BlNApeHHIraHt9cduwgO|Ft!R>-L$ByG; z%m4>TB)iZGFI39o^Jj=sIwKaGq6iNZ<8+nyRXknbJB@)|QZv!egM6sANtKSjs=w=l zZhUJ20n8M_&Q^pvka`JOM{Y4)3FCS5PZYz4r)D8N<!9(BA+3*iF;Q|_ zuogM=&=7A{ih$Yyk-)pagDd%56yEnXq32!uWkkU9U_J1C`8@KEZ5}X<`vllEaX@uP z9Qf_{hBUdh5&xX{mHd9U3+%Cq2Vwn9m4cP`ox zhL=Mj_iZYjUgN>xYMEG&!}Gp?VBsvFb|ef`rRkF{QGkp(P(#B^;=2|Sbid)VPl{Y; z06@_qKQhs-f;?sw&Asxg2R!mF1_?^y@IRfKVDG&=#7(N8&gCk>`$5~O*(W<$?~~qA ztKRLR_+j$Y@bClbSF<5)C!5_~0EgFR#Liqrvj&AY?8qT&Dn(z5&QrCKK^{k3Ve8cl z{KJH$*|t#^YODEN{w>2%s;hxX&t`pFVsEpJAz}S6`mek-ddf{|?is4xc{OfeQ=}wmkY_%Kx)RaX}y*kjoC8l&g3cr0OL$TL*d8r&FA85k&uv>rzo;ah64i&6Gdoftq zWB}^y)?yLlEGoTo1L_{>rndumy|7TB;*_~q9K+80<(+Y zSzQkDeP@GOR{r9)mx~B&Is~<`o@15E5p|iYA?1(rP{+OpFiQO*l-%sf+ok#*HqJdo zv_I(Q&3gR|wVpf49JptJTov{byGot|hMi#C%T+_k)NS~1uP80kq)0L0c20(2{KlaANif7-Y1bmYG4v0;AOlIdog` z;YX2fZ!_WknlV_~!GrS*XJe~;8_-<60CZHk2GzwLgNg5l?Fx>zRDGC|S?kO5)Z#Vo&;?P-tnaT1oM>WFic~GQ_Wm0YCAb^# zb-OubeqtuNJocGNO-iRqn{}~vfp5K2U%~8)@=Bs)Xp@=9_dc-twhlGn^8}SIPDV?N z!}uyhGg9C8i`)(p_zrsxP+o7UaU7V{cbuk@kIgbOUsgeh{w83L zpEPQ6&mgy(%FuETTIq$xYK2jPAg)n^%|OTFuh8wy8LTA?S198`eu!S_#-9qz^^&P=E2vHUC{^g&ZGjOS`3EDEC|L$}aT3*i~w~yCCyKl2$o*<54 zbnrYkL`o3H73GdQmMrC`*l$M7j*aYP`<_Evo)h8GkO(SG`@rHAQSg;&Bbd7}jh4r^ z!28ht(OGc(r!1lK$pRfeJ`)Xeh?xG)*1-nHSn$8Usqpt+HKg*|5_*??9(+7!CI#io;{_AE}eD-tWjx@<(dIv zpW}pF#(BUv^-=$Z*aI+EejSi0Ehl?9jUa88{nYp+l8^7XQIF}?_W`N%BfPIm#>qyH zkF>8*!r%yDoW6!%`)(%3{P8pJXTT3UIGM{WwJ!z{Yn|!wd^}?>2rIB6wM}J!sOwVF z*|ZJ3^)v&^w_1Rio>utLIC-oyG6NK^b_Ps|ZDjPFSTaodCs_G=f>`(=7%X*t!Os(V ziqG^Y0^_|af&Sw$GAurZ9FcYe^E5IzH_vP)4Avv?AdHR8eF-5J_7y+$W}cwWmIG~B zIv_vBhue1nfE7*o*!q(myoSjFG&Yyk zbApo%xV+wx%&02jzqGgue(`Pq#aZ3P3r3>&aj7p!^2I_hGq(oZpyYtkjehc2z)y0` zgdQ!kUE9KqgZRp{jJ_Bw$LGgHkm;Jnz^^i!_-Uuk=Uk5i9Woohrv*>Jhf;kSZc>N; z_x%4u0)gDs>z-8dOg}Ux{pv@JMUG|Tx z>2zH>+4-y;2iMbSi;5SqR|L&v*@dxLHRY8orNS;cy=hq#+vrI#Gqf(8J|i@#g}g%+ z?EN+JETzXag3#8BtXcE#(Xg|s+vsvPkLc0=Ct=mg8kpTPqUdz%(!;E%_#do;M=Mww z#zU+J@h4cn12JQfgdeOg6)H5$B#w-TG5!9`V}MyRX3dfbY+`=DV8RwR?_eBC@nA}> zyvX` z6{MEC4yf-Kq31^?+`A-qp)x1AdYlYBvzCLDzk#t%J9^9uysb~3^qJb%ZR3l;Btitt zsIF#6~0v%)m5OoOyJ!3ZHwX3$^&oT*ocaJ$9JCOyp3)bDr z{1|eM;{lLx&Y0`lv;&i08iwgCyvj|nx<&l8P9tvK#<@8XEkN)1aZ>N0FS}fAHvitz zhafxoFw@;Hg7n-FiSLtMgfG)tOmH>Q$WsrSIrdA32>Yt*^xj0xlL&fGqbEdxeAgR; z@d7G|`FVvzwNxf~<=G)nI2=dkmo&cN&26a%xyx>2I)yl#FmI%JGF&9iu2j(`B>dBW zYs5NI9;+hXKQCtAfI+1G&QN+hPwx7`FjzF5ClO-DRH%0&sYlA-&e!$aQxCHU$p!;v zV0Stgv`_(xe+I$K-Wkwf;uLDGZlly(MIg_OqO=>Od5@LzDNAJq3d>taJsSQ_4V`~N z&-)bSjKKsG3*xyD-%Mw~3G-UFEMf~0f7}H>Z_Z>QFrheuaHIg3B z7wVHWyBnKD>+?a|2wHo-3z7TG(Tz31RPm^+Sx8$IwRvd-#S~wF^y4Ez#Bx3*D>FdJ zR)$hNvK7dIhZ3khUw}|U!bEsHv9qLh)2D+V7LY-KCfO_06i#^PH z1UB#Jpwun&iQC0CX6+L;wW4!eE|udJM9KWgqSqhX(oU58xgB-Oh?2Gjhs}m}B~3dk zRPe@C1_(QHgL;*Dgc{t(q;&Eo;QJ5LQTvq^8n>oKh^@Cv9p36W!udFC3wPZVrTm6t z(KkOgly>YqcJsTk*(~)i%D+e1Y+`39mB5_`EH!$7Yi0zYpQT0HdX0n~Ok6Alt2@4u z{@*oW>+M=v*XFgSa7wv}zb}CSe_Dj`sF1s)?%qGNtt?lLCF>(JXuI23A^}(W7l7_w z$lA1M1X!{~X@BDK!))kP7*0l6T>@=`(d4QXhOl|FKQNz@31m4CzhE@V|7-OXxLwEs zQcsqUZm64__ZUD6rCS2O*#sDRvJrm;zwo24tHZ&Yr+{{E7T~#_C-1XQ18oIsw(E~D zBI|St@K=4w`EN%m6nFcIQ>*WQvONfBsCt8nH;QaR;|SPu(T1;CWX7ZP)8IOfY?hPY z43%eF1kSp5o!k`jfRt7U1;5{ICHIA=(egN+F#y_={m9S$;dsD@aiFkP7j8eY+~nEH zY24}4HiDsEFOVqM7gw`12Yt)}@R+j_EVs3zWj5IxxiK%(GUBbw9Y}-x?rkA3`|e@98qKoVhSa^)WbV+Cuu;^n;s? z$#nXQ(Yg5L+GJk#11acaxrW!cA(_N0Z_su1_Un@?ROD!VY>|5lym$D6;urA@IqSz@ z`C3bQzI4H58eCN2Nc!jm0Gq{@q~wX;;D&+~*mFDrXoX$EE|m#m(dX;H9g|2fF!vep zaQ+4IaIrLu4qi*nT67&4+oxh5D>AYAqhEo{{4j8G`ck0z^%$vEeh3WcX|X%Evxrnb zS8(8f9{X3*M#y*W!B7552N9$)h}zEv>(zgm_<;4mV0R(E%KAGu)@uX&(zDpqXm$KP{ZAiGed}l$O_!R6<+tx7JJaLAg^Txzir2ne z&pBD3eqR=7jcy0NeR6*oMcNvoeAi@Z+qqJ*F2Dxe|MQKEVTTgZJ4R7J$q6+5;13{fWkq2@11Q)#jqjOZ z0S?~WN(sf;;S9NR)S=6kAVJj;$@gobYgV_Qwww-MFHsH+NqCS)O1${hw+nk&ecsZ*XMPfA=z=V~Ih2W3;2R+BqDkuP;K`L+9f(cHFU{I`}>@X4hkbl#%xfuPH+m%J_Oj;)9~g>J@Of^!-tcykzLbl_eh|VLa`;H1ZYqhKKfdgRq!FD788rioVNbkIur#BjvB* z&=OPZQa}v)Jnb8?aAzb`-6suM_j*9}C408XRULRO-x$vfeb0NPC4p>?8gVwb$HEj= zA#TQ+2N<;vLH$cNn7G~)X4OskQLh)q!v!{BAZGq+oDl5Q7To&|544>(p5J+!FL~(- z;AvGui^Lx2r*98!pLc+T*J41FWD6~q$^I&2V1#ZTk_REVK;;|Y1_;jKzR3e+%YO2Y z+iIi!X?LKourjjF5QEG5J3-Rs>rh8VpL~11jxOWIEgad-ZGxfhpFnp1bBLrP=yb88 zrbNhJGrql_Jc^fz;r}se0Bd7n>2|4D?E=D@j7a;3Ququ)9=R`D4_|p^aXuCF!+U*_ zw7j#qQ;xvr+Lna)??qYXyW%+|HmZk1L5&~9bollW4gXceR!12r)6~I*HV0z@nR6?83O$oIM~qX%Nzc10ybVb4kcHf zhgBQbk$t~}!MOTyuq;T97~4J-|F!a*JPcOP1tx1#$ll&s&}+PvF7N(nGyJcYJ-^Vd z7nHmZ=C3@PLjHYbLF@jbSE(M=b9l;1khwWT=0TA(Ov_AguTEJ0F z36gTM0=-8RN&V+-Ktx>&+}Y{^tWw1>ZjV1-*}4F@ZdwTNqGIBvbQsBW7y%nR8RX;T z$H0HWpZWcPTX3I-Mvxw~61e}J39?-5$X7{AX!>pss1tj(nSyWGYxvvq5X{=&gG*oc z0gIHy!I*?L5Vd>62%kP1#Q%}P&IFk8Mm#Oxq8tN;^UUMm%1lLk^Ct^(smeiedI294 zWEzmo5>sbYbGqVzOi}~ED=!nA1v&|0ty@4-!y=PqyL{L$U;al{3abIN(JHXB>kC=x zKLeQMkCTGyqG_5Y^-=CQla`T&$PcX5d;zItwiVdkO(x9W`SJ36wt$^mg26pg!Jf3p zT;j)(5+FO@1NuvSAaw3c^*t$bx?#$NRJi!MJGdzm52tOXXkDuk!}xD(8g|FA7%pv2 z;N`p$2hZ90bX^svr-QFszT!Sv>byp|VAyj@g~oBO3;$;)R?%1B+xz#(QH%jeqj7To z@hqriTLq*NOdvMchH1;zVQ*KvLsvgF*gaR7JWZ?y!-vm6_v0pjWCz09cUAa}zj6Ge zW0`R0kP;M)l!tmd48Rk!nQ&3C5+_T)lCT~Yftt^ZxPOzTA(8F7h}~x9P`3OWIB55b zmd_473HV>J;NG@^0Ny-N!5s<}J54t)@r4;7IXcN=h*z3oEK{aUmi*%Rip25cAe$H%}(|(cVZ8`A2pjmTV2qh+IYcy z`zwfCU4(=^=kvxZo}gRqeB{fOr4$5LElb>)iuVa$%0`diY$DF~J#|&diyzPJq)e}g znTh9&@+5PFQEFWP^zT$5oU^u@y&d+ZKI|Oe&zoIKWy7iS&O;vxp>|OXlHL0Q%s3QG zIXgb0PCq+FIX1AUFTp9uvw9C$yRQt*%)Lx`KTM~pokCIX&n_zO#~E_&tQZt~U>1n2 z_9dzfOejX#GZfM{0#>~(p&BF!N+xqARuY{8px8aCxV;XKz4VDXvLYQ2Ls3Xg#~Jk= z(?abbB3SC-MW}X{7+B+Rh1)YP34M+iVmUlHg|;?)BOZ!mz+D=dDB|S`o4LH z)<<>HUnt*aKv~)elb6_DX5R~^?lp0_R)cpjk3)s`7pO~r5Or;i3blrl1(u(?0h4Ey z(c?KOYtA-`*8)rG?75AKQLt@>2$e3e7B2kCLYH>D=RYj%qkQhqrK*{t`~s1WqY9dr{t;e$lyQH_Bxy2q8JXr`%&h9 zZxUfO@f$X5n!$Y<<3dUiQ|(gztO8Qe(Sj*Dx}0+>m;GxWh9VT1_$U<2%OZ%&+f1R8 zX*kq4Yzc)<)r0Ww=|InRACdKt1N4pkp|;dcnAo8PQk|2bfpHZ!^H?RRD=I^5m4C@` z7|aGyWqH6|Q-PT08vqx*z70|gr8r+^$PvS5QsAkgDsJklB&abhkvP*O3p_>!$>>8* z$vJm?xJfT3$Y(=CxCS$g{dWE_ny>An^MQ<~1^(U8g^ZK70tJm3KwU>2$~~UiKM(I9 zNin4b(5=)N@4cabgk6Vdd(T+>j(1gWHtB2_1!K-m0GSuBK~eHEe8cl_^8HqCn(r&W zeNBR#&)~<~udpu%UMD%%o59$yJMmlQ8EJFCgd6uE8LAse!3SRFVT4#byeC-m%nG`L zGUcoU=Vac(g^ype?fqvW504~x=|3B^&vhF0ICU#sc7f3zm}ldJD}FMfT$D~SlZDi& zAh`vU`nPay<~4h$o819YgV*EgQl(VL-Xi37M~%UQ)w`T)Aw@f>b=QbCRix5MfOBGiS24^VLQEr>6fLCxFuA0gdv8m8z~ zkv?sE@kN%aQALF!+7V(5T&;vD)slTk%j_+WRZ>hg+*hTJHXCCB@`jYVR0pXFis8xO z6ewD@3O@V$o;UU}7A9hg$>jsT*;d{~G+%SI`{Bq@6Cy^h7x*{bg(~L_kizmb6cz#K z_Ax(!31hOhAwB0NqTAp!Rg{-Rr@xgS#4_BT0Nm{la)}Ba z%mcN#tkMw+(%({sy>Ib5(3&<6t!T&rHVP@yyUj!Jc&KmcskiPxkW5Kz26$AbCIjoAjb{KQKZ)s>Ic^H zRg-qmIK?h{yuR#bCe}`w>@>@1+~%LzypvFmqq@bLcg4z-hW}Hez(qp2ytii~cn3P> z@vayq@%1M5^YgM)x!pa+=@Lw2{{tvz%vp z@f|ng#Q`2WU5oov_yJG5N0Kw#VnNeTWRpF4RgK7QaCo)_c$*6*cd zHaUJg<@M9$%vx}kZ=T=A8@#ubKf{>K|8F3brxeh^i!$ltg)NWZT`AJW_HNAu(Z{2p zxWPpt@UA~?FBY{=;R)w;@JmrSxNtWEUN|)6M+r0wAR^vZV*3}i!JQJJe5GBZU_f$e zFLLAiF7hYlOl%68&Q_b&3m4ckpk;pmS0|(pzRjMRU;TCugNt7ofI^L4@OS?{(84T+ zE52#MRE=4%W@aSee&{wfEy@{QGFb&j5(&V$><+|l*T8~X&E(2!Ht?IWFCKd56~3(d zDC`!jDYMe6fzhf{z++4ko-nuKNNsN+KFyi|XDlW#hoiDc&oqVDs%ii^@5%wo_bL#4 z_n9Xx)&)j37Ge0G241xE5d0vS$jUC91OFaAiW@rgl4-A9LAdoeXnGP2dQt~zd8{je z@LotVDein1dl+~J&bcj!ulk&A!rBzT=SC-hPvWvLb88qJd2YNZeOyELiv?{J`0cA)aGxs=cOSb>MtfE9-pvh%iW_FZ`Hzmk0ZnnBbUPSVu2@P) zyol!&=HmD|?g`eGHA}EF0^5l`BSb{mSK$SW8?>&ilf3bDkIZ=i!ihxbemx%N?*n4h znqRa}I3|vZFFVen?cnWFjFj8?miC?ecYGD`v3>o&Skg#I7H)n zk0>iRkN@||3-_4N;$j5`_;ig};%RmvQTnFSlbrG!hSVdBJ%x#|96PJV?uBvVDMCe*DsQ z9z(d$8e`ec#`k;)=+ zh1r~_?j@*p^aZ>YDT9t`RwMs4Q~hismI5qT>+vRH6pcOkj~6zPfx6F>B3;~>V>BKC z#_l{Ky)rHN9S>}%@TO%*?9e5y!`DV+*T0O86Yoeq1(RPNhcZv3q2~f6w0c7wS{NUU zq7Pf3+=Cy%$J;vOk3v=az)Pt$`}@c9}U;u?!`U5{W7_Nq}!K4p+Cz3<@g(KN^uodZR)^m%4Z ziST@FDB-=Zo10fTb^pTqh7a&oyb&Rj5(sYGsf6RVMNnZR3!VKCO^*SKl=9&R)B-OD z58ypFAXQWCfz~azHEs|o!*~wt78xk$*d)p5tguSTmX@riG;Djlt&&exh~U2{Og_ zCSAsTXhAhsT|-9KW}`CJbZYtPgLL}J=|kkvX^QwOO$SPyk&ERuhoSh}!*sh;UKI$- zuxRjj+?emR@&LszIDw4*bLT0i7*b0XjneJr;>@S$-N#zERuV%FURsD>Hj{dNG!=#a zEI|Po3qe_;H2MBWKFVo+f&LrLhskf=z!%yklyR2{tnE%mqbXO(Z(hknm*D%?;UOzg zQNIkzJnV$-uZ}^kgK^wvi8H}A>@=zvT84l0KScSi?jeuui$iDHB+%`JLgq06M1^m4N zZsmR?&fB|CdXb;eGp*gG#&+V^_VQ!@6&>`@PX<{s&cWr&PtY=(Y#%+v zQ|GBJc6=kp-&}yYF&;=eClHDreuu>g{Y7u=FQPfqf1*curSSb-5g2zt4sG5ZOP=e! z2VG7+VmEltLnjit;O{gSsOF`Q#Ibl<=3QT>lY^m3{H&iFPH;LGB)y&M%0|gO!EPVFv1uRG#1}C;6m}ox->aF4+Beztj ztI-5M%cPP_qj*B{ehIwh{1e6&b%3l}KY_BuZ1jGEDTser2`6s!5c|(I@!j64AcX^m zA@Nupww;NCa(*Y_sux1sz10L6JkkWqFUj-4vSjqf_8oCU5MRCElRCV(Km@j&yU&ym z+))YD!f@(lKbPN5(K72@dID}ND!{*qQ{ZZ9C&=;igmZKMfE|`oam%vo0?7F20BXFW z31qno1w@J<5!b^edXdL?yJqx)R~aR+RY?d<*AaQvS__@GfZz1M}+fL@MsSJY&U^VU2`RI%vzN$!##8j z9K1IjHo|d|l^_k5R8GaBY7BQ_iOYGI$|n-`*@$w-8iL9B$3*C{>LzuTbXb}|_t6Ip zg<>rvjIK$OKQ!Bf;9`=gG`7 z$7p`zMRbYji^IYCbR&-Vcr<)bU`&h;TnFoSV8D9%dK!jxC>oe^d6?Nk7H{|FJy7|n zIs4F(H-OW%8Nb?=PhS0zOS)L>1>#$WiJ_0_v^*M?z6S1l5(shs5p0XxXE5Da74CW7 zYTV~(#B&L?0C_A5xXMbwAsG1(WwRF zk0eNb&ODy8<#q5p_C8368V8B5e&H9?=cD^MAyg;T3POUS}D`iT9kPP6b_~=ACfkl{&tF2hI1v198TL!bb-) zP49)2rD7dF-S-0JIy!aUATnPQWd!CUNvjQTov%Grrd&zQ4Btc9=IT+&XKhf$O>1!e z&sh|D^fHg~J5)3_E@eF+pwkMqrTbQYFC@R(F zmXRn|5!Xn}gcBo))UmB5RKw6uG)-_fX`|7B>X)Nl-z*+4M z5F!Sx-Vq8j=c#b_uDbQF-R{^oOf0p31gsL12;FtZV8PG#@Ws$oSiO;iso4#{SR;-2 zb-4_LhP1)EVUJ*cNgTL5^E-TaE*`fs%L0psRfwoj9qf>ZHkAG=3DY*^64KTWU^3kmT@Ctdq)r_zhpfaGMx*wIyHHw+IHY+fdR4G;|{yk zT`(^dJQIzlLHHLv+^Oj#>8N}S409!+^zwALKro-4%r_g$B@;Kg!t-asF`H#EsPCXP z%~PF(1~#WNffP@83?={ALh;W=aK<7t!f)9xvV7i@zuo!B73T0y38KdKIqTZ@9CAQf z59*u~CbxJqflB3CR$h!GdXu{lD(+NAibNa4{=S1)_8YX3br7gW*U+l0IyO*GNH(eY8H5amhtn-WQYaGd+k!H@~9>?}O;(G$qt}n2knM_n~us z4xA7NV=(VTEE0RNgYQ=AO$mSPB9mr@qXl0?(JNtLRBqwL;e{~JjJrxi?fNKwriu|& zckvNhWJWTw7-}bypYhOW>Ec?yV1;_ z2BtffDq_d7odibF1S1eXK3M^kK4!Ta*0gq9PnDKO~F5liRd?H&4>scuf7?OHy0NlKcgXBwpss@Zk?%bqv5qKZ1Sotx+-f*miiF~PYKQp~26 zP(IU5Zn-s`SSzDW=R4mB0+Mf>`O^4uyqNWrRN7MrF0H>|vRv{kBSKpNWDT zLp!N>D2{t%LmJVh?nJMtR+{jMR_SP3H+=zZWKz8rjni~-A8D!8L(i`=smJ6-YXhQa z%W|^4-jztbe3g{7Y$Q%J12V>OJ*~4<6ZYf=FEes_cr5nwt0R%GTS+dPzL1E%dk zClNO6oAmljLS>xj`@>-S9MKdUksBoKtwR`oSGSR)3L2cR5>kZcu4lONP$SXi_5t5i zJ*C6(s9?JMkP&07(dPmgVS9$0?RCxwzdw(qf3%M9-2al$?u#WO)hdXqY8qs4X(90} zT#Uw<)W>0Yak}nB{;RkA|A_(L|b z=w+TB-Ct=em<=}aoyg?SL+mrI4M<+@1za>{$Gy7I9(mW!pw}N;hQnctqzc5x27y>v z0^E4P0qL9kfFWOQ!_9j)fUKZI!t8GWYM`G&_U{Dq7<@Mvejmc+xbGB^*81T$&g zRPvX=!Q)KW+HZ#cXt;=~ehDM4Nx# zsc%KZ9i79pW}YV-ZS>f4Z6ipmb2jX-kcC|~(cla*6LT+jL~k8$!NS)|(Z|#iP-%%c zbA{gpbb8M>K&Pwhy<*&z@%&%hYv=>)pC3g1al*g% zNt^JlD5v3`Wh^t@iAmDsOs21}TE&o;vt%xxJKIDX8ZfJ>*ZmKk#p0;{`5#+-mErYU zgSl*eBBQf!5#y8F21cEUEe*5KrHXEMYd5{6%MYqu$xM*1rQhcya+nd4$qct#()7^Z zdeh>1Q5xrIv>HuUy0ZkcuYQ{8#-lB!bHtsD&oPQk*ImmuO?;@wTz0LJhH=g+rg2UL zUHM1TvWbff^O7n$Un1i@4zlCDSGUS(xs!GH1S#Rp%ZM)!_AL&SPa?X{7s% z6&`1s-~A z$-Dh3k6U|2j&(BJjOQ&~M9a;kzKol~h~RAUG~=#ta^$>=P~;`fj^)07*~XRpP(kAl z@te6rYoBrr>&@7U&n0tq?wG~<<#2|bEgR3Rn2=_b9$m!p$)k7{+iSV6H>q=<8wzv3 zbWMHFqE=0ZGczTKtFOMCB|jX?oBQk+YalU=d&9(=`^ndUYxw*%Q>`B3O1K)cmw6px zC8ViV>oYxbUyD@B=<_*QJT+CTRq-__d~Qi zDhKnKp7S4a6omb`Yi3LFM8aos88*Y54_cO-|GF_6W>O!r)-v?^tH?~A_55-aXNk5C z*B1`4cMW*4Lbzf)eVglCn@4xJ;WkIvJ-PqEsKo}9e3&A*C`Nrl6yyUzAGb_wF(#_;&_(Ui)%5?;VfS|NBioQ1hnt0zrSYEt$%JY>-i+i0+eLpyl;5@Ie^KUu@O@2kYg@1%=}#pQNYm ze;X6!p$%FUIOhWc?%vEq1$*LAIHf?%5}r->S4O#q;3fYAw0g4!9y=mo_O|mio&F_c zA?CJM1C|+CQXHp?=#|_tbnWRV`Lf&wZkBYS=VnU|D6qx%M38@0_jB@u^x>Xgaj3aW z9LD{*42ex4e9wg zT_Cr19z(>O4bQI~pl!=eHwtzg2_|Efegz&LSIHNoGfZ$<3vi#8;P$W(e#dGCHuOgk z{yNYA)U~RJ+|^PbHF}-k)8rCBH%T9QwV%epf<<`SZ9AxLRSmWzHi2H{tE5t^hCWNx zJRY?9x&lLr53^ocgV|{vAiX{aeEYkRrfIT$R1Q6*$M)7ZJ$!ZCVUicA4BJbsNpZs{ zUZdIw5Kfv71Cw=NOhN_maF+ydyvqSkQ3bBwI^`G1Zmk82*M$Mz$P*&gJRG?Fv82mp zG2^lMf9&{wH^mC>Vl3xjC%MGUVTztp-Itanzbt;vPiy0GyzUN=N4Jq6+5Z=3RCg8- z`KnE~`#A?1!I%BViTkcjfMeWGY%4nl`lZg2pDf17N~uM>6~!2@t}p=f-7g_qsyTdV z;V|+{Y!z^f*+%lS*MacNBCMtEC0^bZ1FrT>2b>8*(DlHFI2umS^eL|Vg6r;40K4T@ zV}6ms(Bi!yK5=3Z0A)|eFAXzjn3RQ!fO>cfc1I$CH}X&o&KvV!=fh)Qh9@8IQVA#R zZcCGE5+%XneWAGbe!)Jr;7M8I4rUEp#`XL{u>|9Xu_QZqd+Ssg-7E;|{ zImnxS8ccZf;N5*f&}QyEnA*=Emmiqgf3dkV2L&XLLJ^rZV7X}!CXXJY={ottfC#ck z=cgP{MjuRid2@UtK+R_fn$Li}k-&M8FR^yin=7|s5PnJCMdN%q(hut!r|zZkxT%aT z)&js6iiII=)}X9b2#M8dLi>zl_%ZPncEQdFKk%Uv7Fxu^(?Yw*BB2Vf#Z?NWTg8I^ z0$SkT9rFn%-Ftk0mI!hj-!J$+gEusAI|43vPJNf_!hSu{-+4LQ`sqAdZeRntyS0TV zIh747ou%N;QB#_p+*M1VXIdQJN~Mao?(QDcIU|L2Lb?*RxXTkoL%YC)dlX1dvVmUp zV!%nto9>rx{k{b^8bpvIZ&wperVn7j^ARY!OTqN(^a?J%aVEUut^lLI|Iw;o!|U&@d|rv%?7 zO5Jl0@MKQYx__>65O_LVq5H1A*bnIM=L0QkOik|b?m+L5ZhAc1%J~VE#7NMZ>;=tz z5&>902rYkV!|{-<@ca%{A_QsT>|Gg9xor>JR#Zz~9?u54H^R8lzk%8Eb7A^^a~QNI1&Da8gd)3rI2V)TN&NOgcsfuYJF$8p>hG=~O05pV4Zgjg zi6c+*kaUU(-NP1QQNbU1xwqz^(qK2nmQxvUv2P8ortS&+R=NSTw>nTpYzz3|M9}&u z?LGySRJ;i(IYh`Mcfc#-txz`0*mSnzBc`jc1U#@$9@@;m3U7*ZgWsY{U~=s{a41ld zu5VHwn8j*ZA5~?g_`@?Kkk3wpUZKKZ@O~AKU6TQu64T(Zz!I4M=lQ=jHHr6s&;R!l zIQ_dG&fW3?>7OzNXFQG}pe>kSL}^f0E*GGS*-RvR@*C3i6x^pPcw)+)lb5bs<%|8~ zQ<-c_zPrU*RMV+I=RNbWgu>sBfCF~}aD@&J3cD4Cwk^%#d5#3>b}wuNm&E_Nr-7K!=5F+_?~9uG$!B^nXGCKIOD-1&d(y?HoQ-}gAq z=3etW&t&Gh7k4`Qh=epLQjtbUrIJc2QQ?xAkU5nh4U#FtJxD6eNRp7|QJP1U^t)%@ zcfCHZ&*yo5e|&$x=QljhcRvqj4{NWr_S$RhVeNg+W$*5m;o3BQXXTvYan9VUVv720 zwwq@5n3H_XnUm=;%--a(f3hd>J4zq8hT6478CP+K@V8kIP) zLEY@TH#V`gH^d>ikaDYgc^BEo7+%2KpnHJrw1dV;>fg+!9;GsDci-oXh!k-8ojN&B zJ|wXH-EXnBM#*rN2To@umAzw4vFNq9OKoH|Ej!Qr<&(+QJ>bM)+!96jc+(WvpS*l* z&I!IfP(xc}{pm|Sr)Fyx$8zds>t)Zcv#`{k%+p_hEp14G+t@|nR5sMvY!$KP3~OR& zef8#bg8i1oGubJ5p7!ZpHk{x2!JNg<968{0KHGn4IQulF%gnp*gVn!aA!l0fI*zrT z99!nC;5%IN_3ZXMEn{sI&9)DXd`mNbyPMtf(1m@ja{sQ~b zg*;Ai7?*bIl^18CLXWAS(9QB-9AU+EUlQESXtmi`bDTBcegKWD(uM}8UD@;H*%R4( zyM&!iES=pN?4U`pY-6uUoa|}mQ2CNs@yvp5F;0`qMZ2l-vfNsWRx}n}nXF>_c$+v& zH-9nbj%g-aCbg8^A3kAcyC8wJWBwA=tL#v+{bL&*Q|5zyOjws~%Nbu}hgrqx>DFIX1+dMso7j}bJv8|!5vIY}V*A^^7irC@ zhuKn(jW9BmA9=E+~roym1euGmSkIPv|>e23t5)T z*LL4JeVHqd>9G^G`LegW4KmYxP1y-0DYoCn)-#9s9(GR8oNdnr9$-%HP-k(%Yi-xG zIJ2D&n6OUT^w6rVG}>){@&<{>q$Oc*SPX-85#4 zuc5t&Q@GK>m%`tTkaNvtN~baH^4%HCHLK1rkJD6GZ-N9iIa>~m=aMOp>_qzv+2xnk z+jV_B%bq9{{{G*}IVQH=5_$Hq+74{3)tgy9Pf}T4@5*cq`)@L3Q{+&e6@-*q-rC_} zH}}MStDn>Y=DE(3tnKWRwyJwqGYfU|=u=AV*oJw<0*7}9`%88d`<%NMr^F_ROWXL0 zmEx+zeMPCEnQlqsp4p_pop<9b$7U#n+n8`2_4PsX>#UZY@9f6cHFLY4rq~|wQ{kRA zGU6_oX>Fr)b|2ebQiaV<i(}eAg**SKH)D8i5qFhwCfW}^KTPFPudL>L7x>u2 zW;JontEX|lwkUDq=q6mci68r-NN4NuePKl1j^-{{JYXGu_$9}t)QtH(D3u+<^5#r( zJi|GwpUv6VyAO?5zg_Ne?j+CVSnA|3f$$BjFm(`Ke-W&S2r(J z(k;#UZSFrhO^>meY-1K+%UHvDOxM^QL3gSir$t>dF$;TDNFTbn5!HP=`KnFr6*tDW zWmo9#M}E@Pc9z?Gb~t9UJuG9YuRDzl5%% zdzEgxbqRgoViHYt_EIDdOTRRF-(r2Mrj7T_tjx>kxmt!OU!g+G^1^@({RAbB-qLx6 zPMzmY&np+F-_Z-9<372<_6um@N(NPloLmADg|rE^ByomearLkY&vZng4=c>~-C&YcO?E z`6XaF@mRv_bJ>)?-~QWK)c-HoOi6#U2=AMyoO?&h{QLLArqWVxO}1(B%ywBELa?3@ zU;pxN-|@wSr1_Nd&dk%#+Vs$LE%PedfWJ8HE;;@W{%F3@W})Wd2*-;3&&}dTUYR=W znrAHc>49nW!$|YYI~UBBi+}%1gTz1fobeau@-=;C#-H|@pPdekUgDon{(9bSvx5(X zGA`I^#qnug#Px~&#G2k6!P#8tKo?(H!C4GcI5M3>oXoNP+;>tUXuPuRq;j6+JhW@Q zBlt>sVYJoY`!cSL{3Gu5xL5S2T8-@OQLESqpuhAVBwt^L za@jiUB2H;W3#(_&Om3)g88>kKI<9S&6gTR7I7hVBm!+Q*#hJ#;;4YfAj+=kkle2K7 zl6!+#&wOL!!nt>r!&0bnwrhIvixXW?$Ep2X%`%8i<1U#l$vvUc%J`P!$69c@oZDF| zV|QGnf&24W7%SoNRL;^+V@{0h2ln}#S_b!p0SE5>&D?IxuyQDKLhZUgC5|(#YRo=L zbqCu(B9N0(*u)9665LUiyM)R|CED0QgUZ}i-b&_c9t&fL>!UU)uMV+$-L{Q=e{di7 zi?uqp%`e<)IhT`i z=ud7}b3M}yxV-L5-1a+rxF?oITiAr`L;m0j*IM)}*}1{u(~B63CsyywOFv^4UbQ@w zf8BpRda6h-w3xcV*3x+~@mGI5C!8$4-BLpRJv?=~g;vc21WWeApKvik-17OdP7AYp zNfr-`bIh+SSZ!JObi!h4bEx^^A};a)f8X}qJbhdH-@2dbms#c!ugwMD_O(3rdC2tm z!bpqglk+W2!15Q9X+(3+9_Yu^&S)$!TH;S8quF-#W)n2U}R}xb-*v3U{|S zcq7^Jr`-XIx5FFE$Bj6aOMEelpDIG#Cu#It+=TFu@jF|jOq<10EM_Q4SyV6oWHGOZ zW+C-4+aj*)thwZD)xU5g?Een`_e(%jgd!qJqDBA6hbAH-Dk{tf{13@LPccC`S)ycU zAR>;+3`H~~MKq%R14j{&MCAYggh28?_{2opOT`dO#(yaNr-Df0pUD3wp7ZaH;i1+! z%^k%$SXtb3hpWp%Bn~aAYYtl>iyJjXH*dCXCd8d|agte+!+H)!TGvXC+N^7dAN{HL zb|}CBvnKE}4fiC*8k?KdkEpdAPFQ67aa&b$yPI*d#L!)?)YYjiMpN_wS)VF9O7P45 zVAv`(hZS~S4ndP2HFI4v9I~|bH-A%zaxiP^BIZOK#Z$FZ9onAtI+QD>;GLu1c<+@B zc-*X5qJGt0?D)`gYQU}O4j$bUJaEMwe0sf~L-Z)uVFVx3{2c0n*Dr8snQWOPRa{@? zuxj@(bWY_pO+IMu5au21kiTjVH$s!?kn(h^*>&b``ks@j4jbz9f!6jkho@hf;0A+S zC^Gjf{$9Za_r9Rv(6?Zt1Ic%Rx@NOkb%TR%N;JOU@EQj!`Yiq?zSnR?=7f4pz%aga zarl2uKmE)9|Dd0Y1!dT|N!Q`!ZVPU#wh8Q?neE@ z)o}M@pJGml%){y3dC-TdVPF4V27mgd0{Q%}z3IYs!VlQn7*#CnemtBwErWL!)xp?c z9z4?&jEx^Fp^P~pA*_29-w+V$koPGf6J=TZG z<09B>%T`D$+6Wi)th3KQDat*{e+i2ZZ(@lY=i*xu_#D5Dzp#!kmDmQm0IbSv*pAq9 z5;NO!l3lYo+&=uQ6AV?^!0_cL!kZs9vi%GDx&0^FF*#@gb-UNVYxgrCsbdvOFJNa0 zbvVoD5c|u=WIR`^2+Gqb7G096tT?(ZX1BN#-d~mhZz*EX!?~ZE8T*^-b-EYT&3*iw zcKD?_w?tf*!OBVIGA}E@liq&V*%do5d207bY!+76EK5*nR=t zHS&US?A{4@s4+napW6;=u5Kkr=GJ&A0`K|y@Z-a;aQ>?XZphUS@bnoS5V#n_eR9r2 zk-BqDC;acjkOn3$Tex4$=i5mhgXac2(2g zbqe*Pw@xEI6yt`+t@Fj#M4gxPQNIF9Pi(+5;}Rv+Z^`4bAvyOQvaxU{Cj8_> zMf1Vf;v-G<^Wva{<#A@R?|Mkl_hlU2dlBu;e!HonF@H(SWW0A~By`Tt<0j0AhMQ;4 z;;(U40?P&~DJ1S0zZ__3(~IDtd#Cu0J7)1$?j44^oFf_XDK!}N;0z^kdkO4an++OE zS4n7tzIQkIE+7utnHF%)WThcq3G;sF)|iGlMi&wMlrPY5c@exBEGM=BT*K8}^nl`C z72*8TM!@YwX?S|}Bda1SUGV9Kjhe@eR)oVMDhRK8vH(|=+>2Ws43V5^#DNjs$#`e5 zGIgM39aidB&5x>92mZxD#2#E)=DElQ;xL^cl1hpsP7iB?j+XTpFW&&4o7j%zbkxQQ zO5POiACHNJQ=i_Mjp)3T=fR!xWl)^bwvI4SEWpOJs_pc}%P@;MVvM&hh`;v&Ncm_< zEX57IhnqB&U5KOW8?nohwM4DF3h5CXxu>XnU!o@-lu^Mh<_VHh>af zrV4D|JjeRF=ffABIN~WU(gDJqS!iFrsEkQXRKpP+sk{3juKl@*@OU6m3P>ekjGP zfm56&!@7+|IKNAakv>`tt3rRKcqaG2nbPBk_JL{*Fy3DQ8@R>r%e)wFXKXMwuu=!) zL=8bvN-w-|s0g;6)@|B7O2sc4vOrOZ9OvC)MG(}g2o8*^1A0axd?js&=>OIe>g3pq z?naVV|7|vSPsg6dGbei4Zg+gC@8=$e^%bN1Nr}dipD&u=-Y=S<2cZWVUET0t=NOq_ zpu*R!R3SK0+bDB+%0TyRFW(bdH!8n7hxD)5ScEW9Zbtibd&(KAe|Hn=(_PnO2<+xJ z)ShmGJy0QK2Rv}>F!OctV)(AzS8#Ww{;!{fUV?mT?qG;+s&wcNYTxI;eDcc^xQT)1(4!QQn8*rUu%e>mv_?oE%=H669G^;n%!BeACkiGojq4V=zq<`nOYrsoR`DM5IykzIy5En1z z?Zb`^?SgYPHcEs{JqHuq&%&EUnqbuy0`65xmVPx+$}K&68|hSKxeoY2Ea1itB&#q^ zFF^XY+F}Q`J--y`pN|Pu{ARs2YQy@z0_eQ+I*Mn|Y+zB4D%5))#gtzr4fkg1fi)4c z|D}I}N?zIa#hc(m(J=1P8S2o!eKTyqG{LhX9Q7OLNHpzpL=+snoeib8#KA~qK5XAF zy07kY3Zh|AUkJ-oOHuqfUlm9?ap8^S`(SeHB~IwlT?b1hX#g*kUMRM!3~H+~q34`E z4KASv5WM~sEzoUa0Q^4aAo;Boi-7|n4ruJTFh>p14@;pSUu^176%_UUpmpD1x-==< z;1vPznXwzD_na=#{PQK;#U)^;k3OiGBY}5iBuaDFI`d)DDI~vet`>;?KETfU#8c_F zPDApuvhd`VmMJ0{)OT;h-45F#y4xdqxqHX?h(G+f4y-Pq!K^1KOxr^q@bOd?F#aq1 zU-A>HtyXef-wjnL6u41q0rX@QN3CJ%F0+?aqLiV7GT zd(U7N@exXavRZt_d4XvDO?1%#-SZrY>`D7zl>Rr)gC&Pyf4TvwO0ec-QlnsU`AXBYs{U zjKbq~Y{YYCrQlfL6UhUkGhj@~N&H}by@bf{%*J(3+WB`Ms{s1Cd}2&WRwmiCkl2yZ zN&q)?NwFSf@S0`-Cm&?tHfDE``~o{m;kO$nkp7*;r6rzD2}5)yWo1I2ZJ7w>{NaN{ zt41MaeCI90OS}cU|6YYboG3x_@9G0;sLzcmHsjhll~`fc9OC&yIk?^BA#r+09T=+3 zNA`TM+l!`E6$d}CQ=n}6D0Xc~0%zV|!06P8fU{m^$)9;p3I|)85$%L&T0oSZ1I^z! zK+~Xw+_>--#D~1dDLAN<3pH!jK+jkO{&n3S(BD549J+wP@f&(zWv~|FrIBd~4^^5F zq<%#O3dg;%zDQ)hRyQ#Gh2K%krAQv0`o3x9WGCw&E5EkWC6k@*?n7&JdxcI^!i~rq$c5MLi5p&xb(cGj1{Yk}(E z=<_nzJ6J58JpBoKYg!whq%Uf$34(9zB|}(R1Orb*~_l0z+Y^6xN3R;v*E=f%yaFCwPKjdzvSoGbWF+pjvrK99>eJ~`i0#I z_k<5FsDh;zt|0v*>HqKWe@y}>mwv{g=ilPz-c=9WS(J)}F4F}fS%z@w15^IRdpsiHdkRzxbLEFV)B?{} zPR4aDRKd$WecpjwEpWADHgxi5;n-^7U1o37XR4MybCF&cd^fX&_2*zm%Qra4td^kd z*v0o6_P{d-LEM!x8=_BEop1VBAGGdiAR_PXm)4y>$Um}PjQCMLNF`g(nWY0ODOqqT z^Pwi0Zgt-cdlH0xH}}2`aYJ#!ai8IM2kLDzMS2@E*_J5qIx3^{T9=nz^0RJuAi*Z8 zPtYDgxE?Khdfz(_pMEb@S95YD0wxu4=Mp@EEFZ^|5gZwBE1FNWs!>l+?59!_T8Q}c za06c6S7tm}wxWke-MOt7#W#Ic1`np#CR`GgOsKY30#|!JQJ>7z1sD3$;!}H+DDHcQ z;~VcVBxddxL2IopzcxybqAJL|qRu06c@Ee}o zirBCry=a#)>%sQ^ad>D0t4ya9&uF=?b^v-oOA>l9j9`yZta5E z7J_-|${X0c;UUJi&LO%osCXLnJS^|97t1Q?!(WZ6@?6d;^Fp1~LBW(qFkr_4{GhQu zTC+?)I!{e-cOU8Bo{LHNjnK7tr)@0WNPR2m;X8(n^yK66n@gy}=PqL+YbNs_-c{kH z=FTI&TxH87b*v$7WcL#5J}@OwJ1dhg_?v|r<&>lOqtU<%E|V0Vjfy>gN8Qyf9Fut- zh(;HxfVng*E^A ze|1T|{I0nwATwE8*sl*veWosNZ3WckERzV`XT=MWUJ)P zY!&kMK#h;;wXYSf^+{MVENjyM&!?2iQ*M5f)5vp@Uojkk>b`#`)NK+bJ7*cZ^DBq1 zw)k6po23Odb4-=t%2KSi$Z=AtcP`~WG<8J!r=_OHJJOv=xbZxoXsJ?zy-z&c|3DA4 zTu+DHgIfHtBh5rk+Z~wiZqHqKRbDKuBL#nHt_y13Y4MuYYk@g+MUb~Y3Gc~svwrbT zmp5g@617!cg-922FDF5luex~qJ44)zmMKZm0K~^>8F<^T_=E+KGl`8N;(XQPieU1{ zJ0jm{qqNUf8zNvlfjDXlBz?bYg6+-jP-^Hse5GfC=HIs|70_Xd7+PbT?{lK&E-6EF zu8fQ0(V^#sYo?+!B67_-){cS`5O41+4~wM=lc+% z`YSN8(3`{!O%1T?!6`IOkg)cSo8Y5I;>2bC6Rqq>DXcuhnvONcWJu?jCNwsi7DX%|A1*0OnDH;=S21p&WA2QYH%uQ!?dg#T+LL- z4@qY{DhFot$K$794tf{n%Z&gvg=>dVyF%AgVyC}a<80B5_>22ylHgM!_pL@Ao_fHE z>hgO&;U8bc=dBg^XM?K>`ti(F)(`NM5x266i>a~}zFAoKwDs*$qI=wacyip(Q}SP8`Eam-8J z8gC&o_HV#sJFXC9{!*^iU;87|9gjVc+{yTV4P#pw|AHgSQkGSty~`iCGo>qI6He*H zI%+G$eh!%xdvQw%!u5{#;$Jw`=GgGUzi6VlpecD#j4tmu=^9=w4`revTodHrTJFr~%~ zlU@~wnJY?jiRlJ#cA5^5HC4c_+3m&>#j3F@>rJp*TaP1npLtvO%1brDWRa$MwVDPNGXBTsg1IWwRR(Y(SKwQ#{}O7JGWGk&>n3Oa|&?f2iDx-s`!LT z+|91SmQ1e3%8T_u<)=Dq-|8~S^4~MC&^`mcce@raZdU}0XNYl+K5pUi)=M{$?GLup zp#m z2LQ!4@s@z&)n~Z9XI}B;XDovS z7w;hc%w45$vd*9I$yN%k@EV4amH^GaWd22URfNO2ZXDJhIRd*sHo%6bhvHs0TVjiP z&cn#>>ao!t%eXnmlK3S2q6jg5qC1-|;yPgI7p1>C8n{-Twxy&3m8o1) z23tf5X{~wvC-k$0>z{3zx?tKkjiw}5Z|&&Hr4?u0s4T$Z5WM{sZC<>Qa6TnzIp=Mt zEUAz`^@lF`tiLh+B>Ak&(gIz{O1uNZs)+W%!S}SUAu|zd$I64W=402<-HI}Xjm@eI zE#6M5D(}$6=YRXbz&@t3a8%QG!)gUs3Y^Jkb=Al#b>PsSG6$5V3<;98v+H<#|r&*)e#cUKb=@)xx87 zbursW(Po)x4tUa&i_mOFo>=QQIS0k90^i6-eV+a?B`~Y$9ek>G7r!8rW8LYk$UAFy zRW0Y6Jkn9Mgk$)3={!8{_(?q9(n-qe1r1hJb>XWjWuZiUQaaM}4&Pen zx$-5_KUPaO@nb_0wz6}!?e3#3*fU-r!#5%o>EF|j!gX|xM*(iKp_SYE(~Y=xRvW%r zr_$VdNCkLUIik6pI(V06?|lib;dVf^=}s_v&SJcyZ!aV1STCgXdMM7(m&C(YNTN0# z@z(@*y`ID3WWkwSRVsJ(X9mm+QwNW?DdLkWMDd5)PQmwXlepypvv8Md8i4t>6<)rh z0ete*KMuV$YOo&KsH%gx-@CQ=a=p=s$ zg0l+pS()z-JKmSWop)kkzg`5?xqk(=s~dpaoLNYIB#hEKi7ek+ap(*@M3N5*{7<5~ zWSQ3fK0A-YZs!U6RlN9)&adE)%HoZwLyy8B)dY_3+VfCWc^#YcWQ6w$D+DqdhgJTy3k_b zT3yapiMQ|AYJ{sHw5@J(=W5he{{91YyJFo@Tiu+}>>{oHv40W=8SI^XvIczUVpCHV z+n;$LV&@YgVNd3-pCy!UfQYm;{_!*fSFZA>zSQ8qH@yeFo;NXqgHLfkI;SXwC%W)= znr}w-E9#{OeDu5t{fE9#rmUBvwx<#52=vcq;02`3=xq{Pc$cW@Q^)5h#=-JTL$N)+ zPjR2?N?;vDAIurj1l}?y;FXm%c;bhR)*F5+@%BF3sW$b?2+|i_uO0ZBC1LpQ+N2t+T(#2ej$AhiO+x`tQn?cTL*SnO3>5-5FPr(e7ML=62a^`)cn@~0iR?8<{&dYTT=Gx`pDIV94ox=jg8S(xy5|8|J4&P&Zv z=G7h7<84@Gz*Df*22Kt_y>YVE;cYr4TvPtMsRSCj)WDLR>OjO)@b{mf<)_WNEvT=z zS)KRfp*D~||IZ#R|C(?ePlC?7r@}k$rOf+N@4r6lMKpPZxqTv64&M} z8dO63UJX?x@nx=HJ^r6ioNvGzwpZiT`2YL-a$d6mf~ht$;GIy{<|$x8y8-P& z|MZ{w|NHsBCV?5(oUMC!_RvVo8@9Q7!j85C*cGL|&w8FU()TLs^>F*vWhhQkFn%Ko zm%Xxu3(_WYhOK|9ka_vn3SorpA~^g&8m>CmQz`B5i{RZnHNczzT@Y<4T$9X7FoEWu zPybz4kafN0P-MxcSbjRxDs0Li<77Dbaxy%&$rP!jZv13D3xDh4jt}@9ki^$*hDkB=@U^q}65$RNShf_OAMc?8 z{NH5qb62>?a2$6LVySt=yVaj0JZh9dvT-i9-&huZx=7&b5`?z1MiBFpL*rlO)nC+% zWZ}7Hv}X)QV_gh_xj8A6Nc@n4En87(D}Cx3*62uKIP(`G`CW+-`eE8Pa_}2%1K7h6 z53XyJEYvb9Bi6|2f}D!PzvJJ-)twkCum@}3Hi)_Hl!C`@ie@B9l_DAkl^V7MRY*gJROI5R$U813J;Mry%k^W~Y|=F5>jZu!uKt>o@%+UPQi zs`tcMfua7 zV<-EQywc`yeduJFh*?)1#rSeH*!Go5;9+qV+An9AO`Uo^1`f4%GguDIx|zJfkbJ7f&)-nXpAoDC`p3J8D%D(>Q_pe; zd)Y3ccJpV68IgM6^aU;~#T@Z?Sz%uqvLIl}eH4;3DsYMPB5;ch3!SBb+r7siOV!^+^t zf*nZzDmyRGE)BQC#Do!eDBBKR)SQpkD26j8nr^@Y3T(xlJ+e4w#1bcMVk}b?XljnZ zZHKDhhX)nhh(>3q(Wef6KUKglRf^+}HVwfHZ6AL9au-}ZyAg;dpT>N=ltKLk4X|XJ zHZTs{4-KF1A(*zN79y#_{U0rRG17~u$C9h(2+dP zU4zH?48pqAPGDnmD(?BTN#?$?3V)C6Wa6fSC#BHC035jn391E-5yNt*Ke)Ov#JJoj zlHX;45Bs%j1VOez(x{UNIbw|3qis8q~o)z7xEy$K-EwKSW^E<4|Pp zwfd!Bjlp1ZG_H}Z2m+@mfoYI#7xtwH?$ zOkLbaEmLv_LvS&h5`)L=HI~SI;6l`ndhz*rIv^}~ged78lV(vK@cFLGh=wDA^L0Ux z_cno7+n+#FQx58n@kfVX#n+!EWEqf7r(Q7^`v1Q4h~bK^1LzFZL~IdpJS~sitTLl| zhuNd1?>nZ@!vy0rS!bQ2@EPnbi}T`M@TF}d30z8_+Y3&je&{Nih2Wf6BD9~G-7xx- zvEVLKI)9@2DZI}($r!QRhA}&~DjEJ5Zrb!=2a;dzT|F=<$cLyOONTAb$~p5pgy*Q? z%fG{7-d=9Um)FGgE`8inVIO>}EH5_FC+hIlU1$d+Plv1rp#9b}c)}x7>v#86cw78e zs2K%)M*1@JaWDSOo(m*lcm8YseJq-ex4!k}YX@c$_dB|ODncfaKA-#w>P{LxRihBNF`Cdxe>0n-pOD6MFlKSh`_^+>H~2F;as82je`U4 zHsB*36;{Mn6>um)M{SuzJd)otzZ*=`nBQ<+nh}0?4Np?Ppqn3IwHI##H>me()(|V| zT=?gv>he-&y(i4h8&NcT6$!tsu7t)c^t+j%%JIAK8cl}&Uh4D^vlHYOLz zpdN1(`lG*;N#PMM=JQFIyY?Fi!|oy}GJb{-VW#eIw-K2p^c#?QWZ0bz@Ldu$X=W-B z1V?9xtEf_o^e=JfpS64LC28)4wc1UA+~;+A60i7>w`(cIpnXE?!Z-zE^ zY?s2n@+OD9MmX+_OyXExZ{r@HDS^so)G2W9yXc|#u{)q?a$G6GdG1#o;>Bd|P-BSW zQh-e*Ue8@LgJ{$|dvvgqWSeyPnDEJg&w0PYq;#xTJMcO<+(S86OT9 ztao+Zj(k&O`cK$#`6^e%S-W9z>*l5_b1fS->4yE41qmaq%%j<7=)pBl{9#(A6D&BK z0vpY2XS(?)}($nz#rWUZDmk&qYBthmU zGx)2uq-oD4;k|Ztu2W%;l@f5$686>Bl2913*qcw%-FZQ{54v6P3dtZ#Cl#vX`>=i} z_!iE|Jt=;_K^wkLe$FkmoFrj!sSOTL1@}gu>w<3PAdDQlCmn8|*_8OGgrBo9Tm1Hj zGO)in-gF}WsQFi>Jd*j?T08!foHNLNmoKrPc+_1*@(jPR1#1o}N9}n(LkHHUNc8oyzzO zX&DDTv(N+ ziTkfB;EY`gB_WnU+ni!(KjyOLZx?fn%2TH}nxcw1$TtaAL zMN_um;*0(nPZ$eB;JZ7%`05{zt$t)H@opz>R&%06qPD10R8ep|WFJW8LB@q!pA$k?Gh}4S9X#5+}ae|E@_3*>u z66CX2_uLP^80R1zDH+TV4-?NrbS`U;!JyOy$OhOyRuB!_dy`4I7I!~9UH`4###9i2S;jOaI`v?!m9^#!0pUW@MZP)CMY{W ztf*1OSI%>U?G~GX)&da+%uW%gmk95Y&|(^({O2ZIweOYHWL%TCW51zVTgw~NuHv^d z@Z$bh{7q>UZcq^*x&Fsys3XJ2XNlTLV&7}{n~&KNM>PaLawhkR*so(L6Fe)QaBw+C zoN{rHxLu)zr^2yAYjHW;GP~=7PpZ#S?9W z+%g*0^zMXR^c6mq(BDkQrV77(cj2Bsvfn`QWW2-SGuH->BLcnL z{To#OMl*ap0bdiMc!Jh)sBV^qPl|40{NRb=o*RxRENZgA=RV~i8xxVy0@Ay+aaV`i z@L<^sZnC=~Y^+iN-$Plr?J8Y-N#T1KP82r9OYg=jPxyhivYqgXk2WYzQUsqU>L5R; z1zH8IK>asyLFlVon*IfiOW037zE^x2j6PHVUj>v20mFDt0=BX-8kg3JtDdEuG?UZ@h%!%_QL+&5F2w ztWiz)e%A|YMNq#e9urxbi#6^E01C?{G?Z5wfZjWb(ATIPldai;t;0)ldnAPL4ROa5 zR|czt>zg%zJXZsljHF^Ac99jN{y&iy?mt#&?#dz4!+L&42-6XL}2@DPD0VU4?Rz~bm)pk=8 zq<@mi&ZqA#5UxERzc?;7^6E00H}9s+Yr3NU2Em+tOT(;|s$pSMZ`gAi@-W8;70_V! z;$L%cEm);w+^qtY&u_&7+zYUWWyP4`m@>HgQh5I$RUw8}_jo3Bqb0xwMk+jHR0jJg z_Y_MqwxE8rpOyq)tVl!gSLv$Y+W}43_BjTQn(I{J+{Z=1vO3^(@&(8`ydR!UmV>KU z$7)8`CLs9d-W}=ZD|LY4CBgj&f&UI3pC9U2hM$=lvjt4aC23(JAAmj^T# zC1aQA%vNRbkdzO4+t zUX%!4S_8U@EtSZ88gE5Y??@8*8CI zI8v()(fKrQ1E+jFsAq#S=uZFPR}9YXPdSZmc58tpce>cM)72V+pD6RNOLWfC3ODf& zy+y2$x>nXBb1fiw*8rRsJK5l{HIC&!(2V*gJX5AIl_Hb@+g}w-@v}s9_s}vLBd53^ z70;~B*NTldIEoz?{HUJmq5>rU+|S}-O1q{YS%>thfGvHhyyv#j zVjqglP2l3fD_y#1V7-b2*NAXK`C1}r}=c5$9mot+SKu> z|J+|9`3UvV5zo1#%G)ztSiTj1A~u$DIks3;3y7Ili+#T@CSLYIA2b_Ei@zV$0FSf1 zcpam{GX|DmkLV{j`#Bt<3R_l%`dlf?#3CGy@$D1uzS zR@DB$b!9Yz0}G*)Xl2o({V>CzP+_s)eT$sMSCPIi`l1ZvCqm(h zgQf7}K|PMNejb{~G$i{VO{xXzTCIicdpnx;thfZre(HjU_`$}dgeuUPFZ5;Hvo3-% zv=lzsjz2;Agd!T3Li>B6W3nWN-oBwx)IOGyvD6n9FOK3&o?kD~9w&|`Z@B;iPilZy zX_~lqkB!WIzh6y9XAkq2o4yghq@n>juQT{J)1(?3qQa2Cv zcKzW6gq56dY@eg{6#HSN22a1WV=lk%1ij4-Y|Oq2e^2j^{MMGr9qDW*U;|+e*W_43 z?eFuDEW#3n?=RFIIA|Rqc&`CyYrwY=1~7WU30_K7+ULFMHR2;XRu°zxyRFxCJ? zE986@@CX6T)%Lw#MQ|3mhxo~TR1uENf%9qOk;)Wu)nkC|?L;Z})nm67y(2;yd1YIeWxYc+MvO zeK$q&nLm=>qM~*Dm3#CMe|=wqF^^~QnDuTsX6^Zhn6kbBh!U^+m;c2zwoGZkyA9Bz z`#QEt?;U0qC!D+8O0|&w#b7tAL>zlzONAlv^(K z$Jw?S-7xX%HGEU3gY|g@Mc&JhBDG!-5wsTDzTOj`IzIz9H*UdOPu!GTvX~9$4tC)u zdI$-pP7NZLHklyl#}%nGyX?1-$yie$xJPoAF!CBk`;XOYW9A-DsN0~fQe zHw_XRKuuW*7(40#>MRJCZ64#-P=_r16@~Lx@qXcNk&M%9@V?G@Tv?-Je*QY9#AV0b zFuK!$Xf3@YQG7)VFSbd9&%fw_ZeWZLcH7I8KRDNPb^j~=SEp#|<_)S~(N==5`@;~+ zHws1a`;h;g|K&p~vR|j_Gt`O-@{sztRr@%Vl+jVXxakk9&koAxgtlvTBvk5rrQcV{ar9znP|RU`hM zN0M;X%XVge5}$|akZCd$;M23o=aO}fYDsgiW*1!_%ud|3TYP>$Rqf+79)gt#s!;Xl zIe^Ye%as|37kUb=`rEqXFVB}{ret3-+=g(G`1btD_!}qFwTo6&aA5~_ z{NOE2xWu(z^Kt6 zwqnC=?7+$-%r3l~6Rvp=yWPJYOt)KBLs1c|BSs9sst;;l&pbY3*@SP6ajEu|DnMo5^(K{^$M&x^+tGfoar?=p?5Y>WB&}6zk5WuhzM}jde?LsK zRQN8^cDFDra<(fLTzS-fyZAb+U|7^fCs=s@>d7SG`jnz1Qj?1(V0|eu+`DI(*t1gy zF>QuAsC=J`^p8zdwZWgN;&bn;}6S@F(!s|aPz@J#f}Rza4Da8XpCw) zt_AcSSmNNfJbo#rpS!YpE|lrg2I93#@xn<{@z)|$-0=8Qj&x}T9uCCCuB6sgBczl?^X*aJ;AMmOBB!bDj3w9?*zo$> z705Q}Z!?IAtodmFd+D>jM7B{BLCVr)>SLnbF9fycN9Qd#acmfBsr+WT`aXhwd9Uc3 zrM1xh_qc&jehVK*Lkm$=Tz=L7{HEOnJD=;~6SLJofRz`8#7BmQ7KbP=%7ZAT_t#Pq zPRLQFnyZT6Ew(`ANkbKT#r0mGxP7o9i2RsCiI=g9zw=fPoYS?4zi>|tbWjZAua}v` zhh8?P#MG+r4ilDCyC%U}?WO77scVGmd9PP$z~4VE-tPRlc#>vBl>wSptbeUW=`L;+ zRW{O*5;B(^7v%U@%w}U0wO{W%Dx32$jdGil5ie<~$J=D$O(6|teBqQ1%G(cj~J?z-Pv@3+>szCZ5#k(`;cXYW0G_RQ>Q`*3iXQBY%8 z3Sx5sKVL$X!+2tWe3SfHbhoee2A5S-XZ zLU_S?$WWgtKjTCj`57YiAF=PHE`Rd=HY*XW9UH7=$EabD&cG5SqH~)LERSMT5_pzy z6zrSO&B|?w1h*=TscONEaQp}t+O49zv%*X4x@HUjZulZVn1lnJbKM~RnK5GGO^0&4 z+uTQP**t>hSSt~$(;winewBpnR37aN?>c^Pa-1sRsY6H~bAWBECs`dC%b!df%6)(d zboXP@CV*FXK^t+F>c<;hdU3M|DS}@q$MB9(^FI^3+S;nu7mop%r0f*`!D8GC_9?ti5*|6qs%i`Tz*Uwq9!i zKgOMrsO_qn8;i7%Te5~oVv9Z!M12N&4F_QPJjca*a@SuTIVa-d6%h)i+ng!hwD*|d z>P5$-ckI>zv;8wbWWgcf4x=K6lp)EP7PcCRIHkaO=YCbmsbeGFpsOhmoP8>FNVvXZ z;iySuJf30OXOaYEv+!LFu|a1D>R-rf1KARRIqVl_sF#9o)8(N4?SJeG;;TJ@hIJF` z=k$4C`}8&`-Z%05E%UkfY}?qmwB!|LO`vtx3gX1{^&pj&2SWB3B3ttup!|3mQIySb zdLXfW85r9_0@69jz`r`5R`y~wn0kIl-TLeaK-r%GX=9DLh^?O!*f@9$Os3gj3uw2A zk6xxo`OZv`|4w+f_Zb6>Rk&kXtp$MJz681KppTi*NXTMGJ!I-JUBn#80zIeq@*WvC z+9hn!N46^_Ren%&@%egzJ^togd>x8zC#(+Jag84$UzSk5!24U~JI06TyY z;E>E=*hEpKRmuftd`+eg+$(&ta$AB+8h+ZReh`FZB8<=wofVlAqhftv!^ zk+1nM{npLb#Br<{mgnJf6!_$7g2U%$u`-5afZ~}@8mVy2Up92r0wZkGfDLF{ZAc6! z{27(ZZbiXryU%- zbSZksyqX+>-MJgYZ?MAMw(CHi-gLJEOQ|WqC1)+)pxyv%8Wr!WpQWzjEbcW#=s(13 zxy+>}6DVzRQXb%a4=l%ks-ey0fd5G4`t9>F3&~zp%G|3DUP5(meEf;@lO9U$l z9cxBGQoT7CV&23{4(b3#pcU`k9$nUlTszGDOK63py2Sjz^_X1tqbNqt+udQl;?MN z#`CL+m^JyYw2}3B5Xa=z3#2mp>#AnvUai{a^&ljB=U%Dfu}dLr-I<$GSH=n}MR=wx zkAvfD>GC{A(Axs_-?-BrXH`Ax@P)WUX@l3Z|2(S+?+E1egv0og)dN*g76@FkwT^XA zKbGPHdDR*jf_Q)9`~AOR+cB6=(+!iVw=t|jCKIIJ??nHfGnyzRtq%Y@vjaR^F9jaF zo5XQ%?xG)Ho&!kJbkbf^Nsi^S8?e4M{M197C5=LY0-l0pM`QE&kYfiLOH>bsnfs?M;XZLV}^y`&P;vSeqB3hatj(X1fufBbR7_E znXM1|Kii$&!gD9WbD4Qftklaop8MTcKU!2VB!Gwpe;*_Y|5dE|zfCwh|(lu=dvui-|V!&%iGIZHa49Psvz-pu}yR!I_;egf^SrX}Hf*{(yYuKAChz z1b63v0kZ9s^ch)&+a->-#Ot)8^tMFSnf{~?CC&RkmUIc%2$!7GgYfS^=_BKF3=pha zOl#7LvnAiG|5=X_<^3IuRjFq#xaR-iX_aheNp7?;x8BVFX|WGKV=u`#GkRN>n{TxH zOt+%8&?gGHNG`g)mI6&iJ^W?q%Eb4m}_;D z__$Svo3K0~>&1Wuk`g7{Gi;Lv6r)@sMzW0ZbD|s=DlkG4X_ur=&ecOAg!c|a{E)iK ziG7ZC<)UYgDslbVyyc~e;{2>xVE7>*LvJa{1NuYVgG@a2$oGh-PRmtf(pF_ms#QWw5cI&4sDG}~u zG)N}?0F5ttzPnqMfA)huEYFgJ^+c1(HsanMT~@m4O~PuXnzXx{@?Ya`*9b}bg4SZt z8Ge>9SoMIA;y#9QnXG#yM1)TiW*#))rWYD;^%od$BNnQ2gZ{PmDS8)w+?cz>O*~hK z`>cmdOEBc>S!r_76Jk9V!C*}!Zf=(;;`maZ%bcc(^zRni#-evN$NstJAd3G_fg`+M z^80<;Q*r%vX__Lzi1=CbPHwjW*Xpqj67HjignbtG0l)L~UKZ=y@3`SCF+S7zI>^4V zf6hVVyNUNsEt|#d;-r(9-&=3R`zgQk|NH;VdR-)Pi5A!B;y=8I-fK=>NV(=r013H8 zfGl~6$kvDl&a-~d>RqOT41*%|MQItJtwMa>X1#Dv-pza?=%;#snevP9sWPF&2+-hG zG;+Z*)ezv{;tk^0hV$zmp8@k4uOUBP`QXvfCWxl+{-}u7EaBQWma8n_5e;_PvoyH} zOC7Y96y(Esf%-I|jSdnq<)-DBK>w_)&nYwT*wutDBQ;O{o8Jv!W*rRLzCl8 zd9~6~TQ%a@!!!Kxw})j^P8%Yp<2?Dxnv3zfBjWSV$J7$|p6DrPzck)0lx>?44e4xJ z_6x7yR}S^>^cxgxG1dS^fx)b4XTK9FTm{+~a|P7Dz+|!P6{acRMS)7-ZHE+4-Z(~R z*Y6Ro|L7o-KK^rmO9j_PCpH(?J}7r7Yg_GGJN8QlaZH|DB7M9@^@#SYS_ATJNc)hQ z0g}|5S(`5W28~|eBBZx#5k5UdkE^#t13&%70kvDI!n+we4d3UN3T@)C52i#j+X!j> zq6y`fR=*BEY(;|lZ!{=gKb76N9?nOi&EMC0Z^^(zJIZmFd-r5yhXJpC&oshsy>qy< zRapE?0xA1JhHWDJb%RDBS2Pn6u1Ifw~a^Gb!J*J|zO`-!4}LxwBtO`Jy%u|42#T_FU{U;And^@ffoJ zAAmPYsl^mjEUTn>Mu^v+TmQ9>ndlV&!kc}-)DKkPA@uiTt$2@^yh9hM30em2m*Tzk z_P3?B6E{x#5C@KE;jJ#FUJkzikv%onuz%2TWi(Q zjyb=2fiI8{`hMK@0r$3N6JxbeL~-Z_UNTL5hL(Q&Qf;8JE|TA+jdUp*A{Ek~dFt)8 zupBe0#N%*QBLa1MiQ6jB+r3NJ2GVLN8_i_PQ@;~SEY$@wb#mnvOngf$+t`X7)iy$W zHCSNye7mAh*kfAKsMSu^@& zNcX9hgP>-cJuFXAvjgF|dLB{yGK5(=VnNK`b(m`Qk`LDpj&zI1JO|s2wMr5Th~7K3 zgt5g(d`sa$f-+)+EPi!LT2vneUJoeScANx)!d|c`b0*mSWfG^E%A^Nwxek2SmZ{Bc zkmmHxF@g4GF-04Ra_a$|Pa43;_WAgJ-Kn7VlqpiFBgb((Cdpaie;G7RY~wBdMCEKd zJ&pwX1l1l_F-5LPs3UbjLO-(G&Vc1nt^yI=7gFMNwsJlb$}dJfm{X}6gGZeI!ISrw zlQ+2445Wva3J!E&@^|&;arWmZM^EN&Q*4!u+1KS;R^Y0uvvyhC|KQ|L#vpKyp*PkKCH1O_Yh5xWI! zkaO9ECqbGe_)xP6ydvuoG|UBA@Z5s4-$oOu_A%ksJ=8=P`>0^)W?has>lL)cGVjr} z6VsTmFV84l1}swfAZSV*P{C%&Z!z7@x9&FLe6A^!-R*UTe>dtJ@6t&VL?(8ffEo8( zvE+Fh|6`-N;8Wa7xc{bH(M{AGj{|pOjG+EqxJd?<)?yps$nL06kB#Cz%b$KhfKjs$ z!fZ{MAb9Gigo^63?Z$De>XG<+w4(U$Ps(H%oH!?-MU%99XMogOs&EQzM#Q|r4#P%5QaGfTix2YcNJN{g;Hezz^ z(!Fu8O-er0LT1L}xU`Z??$K{Ep#JSA-NrXh7q34rzOO24gr9>lJM*fKK2(O zz>vEZz%s*G2t^inN*Ez;qZdK_d%_Z*otcu&BbjuD0@)Ke#LV+5;IUvbkbPl@43>?+ z_WN7T|NH-cCxJCXo|KeV)?m+6FTn9w0#2=r209XXsInQBQ|aZ>ddT9q67YO)I4C@602I6TGeO%ym{)&9gL}Bj0HIAZMeGh5 zAkTM%gD}?;wun>3BjWMHDh!l~;*Dbq0ir!gCsF@qj3_R9_!IGc_$9GKP$N6nO8}0P z769dLb>wGy1E{GuuGsKO8*95+&hHP`LXI~ZBP$=+;LGfc655P|q5iS1OvG8R5e8wNq^XXJRSjZ}7VUXbFEo1W#PSI=Mj=Y!5Qv-kQOH`nS+W-1e7Ett8cc ziURvv_7M3(KXVUOxdVq}Eo7>~^gsIN=e&S;tggU6alB2xtHPpS!_3L*E@uql$6nj1 z_u3or_1TF6QJG*Es^UA(j)%OoUDyEs86geCON|ho_0TuI;D|C%>@0$9^o4dkj)}lD=D~}t>FLaj^+Qx-Cr#r8fPnkyS`;`%<$MO116brpxrrvkt?mC zC@4PFK2I>$g<&lpwwWd*-tML0O_mBl-?2JC<1`~5%NhYgNr$r=>qCh$o|tMClf zuYYL%hH0vI2j!RD0rufL;fxeQI>9U!{BKZj0u5y`f8?;;#2&b&{2*u{CipxF9mt14 zfDfp*bO(2;Ou)Iv!Ti$Y;=4ZH*_!bESD}A(5iQ@STB7_15d5Yq`j0sm3}MXI)&ZCI zSv*AX5$q3_r?~@P^-;)cR3;C^T%kf9VubeJ+OHZdOvfJ(A~*xODOdFWJKQR*sExH= z1!R930?+B=g#PSBFmJNIxc%h%CzGc(wF31c^8^LUr34x}v0zhp4&7o}a_zRWiKNd3 zC;9xq%sLUi#sCs>fm|XmQOE%Y2VY?;`(Fahhr+agQJ@zwgCBiLr7pY==RAv>0bV{fpJYbH6Wgw9PBUK6dtHt>u(#OyI0s zSjahlLt3G?fXa7}AK(~B9gz#t^bq(v>j;efbdfiTKeo*c9>W4uI|V>ZCTx z%7G>z$$Ss;Z^?i~dQ&;vPc`(y=vL4iq(aKoFyv6f$k6^Hlk}0rv@akWZvy7pZMfE= zNMK_n^ur{j#4&v-%V}Ra1iCH4_-i}eI5{ReqGowt)F)<73Ux807=a$70LRy8&x4nE!Uj6F@aCTvUAVzhu{DRT7oac|< z0Q;Erh~(oi&dxQm%5+KxzGc}uLFK$Ra@U1EFuT5334HDs5K|_yH=PCn`zq z#L`Roz%Tkd=u3zM;c;)kiuJmP9b-G3e~56(osZ6*+q62Hz9ubu*X;VPWiy_3nRY>$-`TqS~ zQH}hGe~))1-~WSS^R-ji$8sxRd;{7B|M^oxj%&{5{0F{O`>p@v`*(bSNzF#T^cy6~TQK!T;*KPlWYM$8@3HTbv7~^KVRfzV`pA3@J9w5x&J{^IxmqIW zV_-;9Sc#-o(fe|EzDUVfIA?PZpT`yDH@*|C`L0ZSPRV_S5$tDLQ+C61JDWFbNVZVU z(_G-FoG5~w?P;F8-Yrzi?=}fhzSN!+qdY%x_9J6N>40OhNv47Dn;2e+f^Rb*9T9xc zl4#9@4dD=%C_crwNYiVA_}rmCQaev$UJja zQY&8vK}`PPSA@qQP)KWzI`__6#L3HBW>xhBZbv0cFJ$8qp}yA|$1T1g1#>PT#}0C-HR z1ecTifc$+2p0q|YD2%v+Xd1mNp6FqUe9SXO$o(eBr={7z>ij|2j~|E=ucJ9L#P@Yo zJ1+vW2a&b2CPdhK;&HNt3zto+OW&+#qI&XFUy%25KelKgb$x`On!1R0X`-moXFDwt^ z;8HNY+67z{ephq+mJPV>^@Mtxa}2g$<89*gmjXRk`}jjKV1DaWg0aF5l=miqk8UPN zqQ+d1_{**z>wo+&O_TMy6*c{aCpmmHCD|RP}wFv@1XZkc-PJ7 z7jSwP3EnJ@!JSkz2zNsR?dq-sP}pKEGpb1EEPHiDaA$#$ ze8isB9MAN0@YvlL+57k?=iU{rl4W!;|G+3N7&7{aWC+)68(Mb=P7PiszOELJ)5qen z1$(y|L;3Ch;3E56Hy6^KT%l3d%Tb5@-_b*nVAaH9;C4VE>*S#m;CW0K?RK2lf7ATC z;`y)9+@-*I`!#Uhw-tDl_`=Df|2I6^9d_E}u>uHMG(*od`^hD@GI~iQ}cje3) z)}`+>768r@L-mNNUT|W-0Mgs*rj4AC>I2STH)ytr!b^Vi@RaNgke!>yK(I_NP_(ZH z0goQ=>*iT=zT7iJJ~U|Y66PBs=|BT{cUlW+a5V*vt>)Nq7D3QE9&{D z>bWu`pOtLVRreNLOH6~~Z)b+2TzzCJq`Ts?L|yf^uMlSNNEA4c zxf}E^J;iEpN(I$*pQ%a#B~brlV#MQcYt4L~;+sz(KD!;fcoGA~Z3e)iR1+k8_cW+~ zldMir(sv{QOVUXYzH}P6LN?+QWKW|Pf*i0ZAx*8WumQ}b-GlT-5fW1Dn-55@V}Sel z&G@>Rn~8I+>PY$eZa`FA0GBR>f}9u{Ryaq7Bha{vBps9hg@<*KY7IT)y3lvI?~HvQ zeEJR8e%}R&&u>&0E8!yjn=+Zf8DdT(yyu-Gj$V$HJ#@Do46rZo9i9xxxrQ5XmT8;- zQ|9X!Te4R#fOAVh`8I4brjKQph3@74SX%5TQ< zJXt**vHj6wY!ZxB10@CZ2z zoaW2}`$pYCvs^AXEA+|oe2@72(1K1QikGGu_?$TpY;N!b!>7VPhG&TSQB@4mXnMOx zcvoRPeAW>9zi$dq0vq^?z@kbc?)bxVS$T*l((8I0th(q2j(`3@1Utr85AR!9epd{! z)nPDfSM+IM7!?DaA2LD|?(+a2V=Im}R`RY~{%8KNe?bD;P}ZU|yMElwClrvogbHptRTIa z7z36>r4ufjv_a~!Nic6v;#9adMIv)34>Bf$p#TK$7w2KAFa3G^eK2#Bp`IF}#Oa?Y{(j-eXC1_H`7dxomj^!dhT#53 zCIF|2>WJS5ea^%{InJr%Hjtxm3R^4m*SG0i6mmZ4BFGf_yfGzok*RU|2(>B`7!@-F zBEH`Ci}$=XJbw$z+xoeR6Y4MZ6-aQadkc>ewj zsBb(5Tvt2<6Bg?sf_AZQ1yNc4H~hboz@*wM(J%bd75^)iM61+j*R?r{ey1gr|NY&Z zUq7NnamR2=xYqRSV?lJYtaY^UY=+W`N-dZsde7W-9>R&9Md7gz5>rjj{PSLvw#4t< zADD}mX)(1O|KvBwje@ZCIc%i^N+o~bMEL?zbd^@F>QE9ri$Yc7>F6T)=07mWnEYRK z2AzJvcgQ677^@psqQtrWpMRg+llp@PF?0BX|94K@7T6oiNh204X(t{`?bJrUp(YkR&tYk5<+xkx8hJ)91R|!mzGsAjdtI*#7}Bj{*>4@*|Be!`jFv;Tqkzyb1F7Z8ouW-mg*-?S&EIxq-~D-0}5t)27rD*#jA86_-@Vy~?r%8Ml5AdFu?3(W1$~|C^)Y7E@!MKW&)D zWL}mTzArojJ6{RCJ@Kk`^cAr`(B+q=pfX$i;P{a@HA0rc3+IXGxLb$wItnCU8<$?_ zOe9>=CBAPsz?__tMd)6&l_{KemLh^{-76k{S*kxtKPz>>WWVi%Z=BG_lWZArsLvRo zWmf%J{|j_BNRv6Nl_tvfU&9)!DgTk~=e7l=F)z=D|8*cUEzc}5?F!E;t?09R+S_l9 z5H~aG=wEq1-Kk4UNg$>FJB^&l6@Op?6=Tw(cSrt-n?Jq;pO+{OrXETd_>(Tm-(&5a z`tNwuJ|v{|9wh$2ByQvVc^1Kao}UKe?O7+%zTXdp&uc9_{>Y&Hbu=7L{~f33*~L2$ z!kQ}EN!@N)^B2zFu)M|^Vvk=9Z)Sh9MaCBwd{In2_th)|3(@-{;c9%kN+#^{<=5(S zmsmIO&9G#mPiP-!UU`A9UM}2IDt}FMjs@`=rzi{FEFuZ_QNnOh-or}~&M2;ds2Hgu zb|Kn``>bcg<&-w?tn{so=)EX-C4Gas9bXYn{JOIT+~uVLwZ*>S3f=4YW(C4AtRgmC zc2xvFUdf2(aYF}DI;Aa8+WAQ;zAu#DxB4PqF1w@X8 z3`0S_i@n+r_iCViEDY*9F5J^=l}-douMUAWm34TumO4yFikkpJI|=klFc5JaBccYy z=k*^Lz6L$Q?_YkND(2-`X*j4H?#C}x6x+_L6z?CoukwfGDymz{d1Md-^lp@aAM9#r z8KoAGzV;-MK{&~Eg~@X;tyv)al@8)?MTt|bZ>5xceJOuo{t8&H0k*nG$rqBq+#LgH zN5uP=^@|k*uSZ`(`z426CbNv3&lkzXvf5k_Ouq&BJ|V9Q?xeYaj_6ISc{($|n$TdH z#b)vRx8%K;=d2%*z~rtO81>cyr&WxAGRYlGo}i8dxHLfB4Uf4>zHs_0(WRyZ_Ld9R z|NLD*16e6AoTQXFfyWt=oNfYCSjy{l&~Qgv1Imj6FL-AL`pyEFZ=oAHUm!Hy;*$H$ruxfIIJ?(yA8*0*7ZIg0T_d2V2awkpR44U)u#`}>w{V?M`^`#Czo{DBo7+v1g^%B9Jvyq(Wk>3BMR2mJ zV)=2UH4#*KzV=t#M!O_RRr~7F7Pvm?Q6b(RzV#%T%-tRj+_xU*bHhIKJN#ln$KG0c zj%EzD{KsU{g#7W^QdTDQ7qX7sPx_DAz#Fy$=NkRD(D%vu4;E?=s--G;-2T|CSHi((|iA zpNkoeoOA~d&K2ih^49Jp#KzbF&ZvEX+`dF(zIl~|V9_KEB%&})&^uc~X@!NUz?oGb z$ox7P`mgh}6%Yv&WeyS~zW+gH&j+35w=6}nQ1n!l3%c$A=_r@)5w2J5g!)&tZoj~b zHHd#Y$7T?kxp-R851M9=GqhiF2gK|5UA&1L{T)~MjhYwuhw%MG>yZY52MyhO?kBV-M1_FZaXwuWpaH-i1Dq)LJq}Sax~K3fnkSnywExTXr~GN-=Ckux!_CXOqlu!jP09CtWb{U9RBta zQCp?L$rs*VH5d9H-*`(8sjR&P2I6D|qWWWZYQuK2)glqpxaW;<= z&?1+EcRM#i`9+(T2{QDYq5N#@#$*SxiXdGMp;x!@;$m1H%Md=0Q@9KKH9xUNqV9p9 z7ZUW18oKcQ^Hn^0AnkoZpT}C+BtgvSM?^*3F+}waiC80} zjU@I8{W#sJ=W(Y@5hNd71T0@J!S}l6AnR<6If- zfR|l_F^~NJ8IJ$29PbMMXShFz|9|=*DZEZ7DdG+Oi2iILr;>;`Vg0}O_W0NTe~n8C zYd{1^nqVrd4N;gNp(`(;dl)`T2(in<_Xr|JDF3e-lagE}{xGp{3H4u~|N7hacl7_` z82Q%~3iWj^<}9a;Ypi{b{ZQG8dn{)#TPXSHoT_Kc#RomGT)R_nuG3H#N1rx415dhT zjd@LPVV*=!;xq2W)4ntq;xmf3VF$Ka;3_^`{M1bo{ENm!`xClMtVicQU9MM?h-~2rW6_4UHPB1XAkvhUJYU&amu_9;%v=TY*}CeHdqnQut97HFSRCOxp#>} zRYELY8+Q&nsBo9@T53H(+m5mPqYk4%`}SfNQhMlgq?`WY$2%;#s~45Kw-WaMUg4p* z_mz0qN4<1Qb@;Sid@n!kO$kxj;|*bCCOBc+xH4$`>Qtt0@)hhf^F4#PNBmvi?og(^ zs49|FvrxwUL-Wa3STAHW^dur!xX)j8qKl)x#kXgc1a&9U)Rl^B590` zvZgSk(`K>;iv5^@AMddU?A=qZ_ti{A?yl`szVvZ>@vrkqQLro>fzY;ZE zdWUA=UG6Ztt5BNp5VwGKiRis3j1Fs{b+xIeYT5|q`HYIviu|w`t!!J1A$3?c zA{g!RKBlI@Q&x0VICJBARkn)rXIj&#Du(pVP{yRK0%p5j2c*{%@}9gW)rp<@=sWX^ zHAcUnodDBkZSZDA`dwpY^}c3F`JHATrv74y@MarrWP8Q0qHHYff{onmls>y+BockP zh)W*ln^RoK(&Y8`FG1K#tEABA_-SlPnF;%hlME++TdvE+=!ibU+zv;7(v56h^;MyRZ*5`S zRSh1d?R$O|os(sQ+Gh4Uq}YU`mhC;{l=f(>V$*GOaTygmVI7Sgyz>T~^*Gsf&xNH- ztDHRA&NM^%VAf>2u%Q98Z<6>Pd0VCloc|nl4TWX7(He|XZ1mat+gG!`-KwU}q3Ggr z1d5mBNHKzpbFj*nmYB`LAzF066uj?*GBfyG6?^fr1h!O{H??-X6rGrR1f3U5W$oB| z2B8TGGzNb8=X z3G;|#Ckpn@%UL`3Ji(M~GBJNEW2`AX9o^!WVsk>`4wSnH<`?aNtsv;0cpwlZ{97>v;A)`M}I7yRc(q2ygMF^e>#(3WLd3 z=bisb%ZPabZ7;LJ3-*-9dSoMCSDSdIyRE_oj=f)m8PuP!iU(wG-y)cAYQ#54bJD59 zF#Z{R4rzTmUilZ^+p)QS#aAv%h54k*X!eC$PQiChHJBbqS1=k!rH2mW2g|N8&h z<~fA>_1*0+yfvPs_A>JwQAUL`snlfBjke=g zB72*`KK5-x;9$MuF6=`s`|4496DxFp?1he1FJjKU_YLYe)k~5dYa>Okd_D^6G?aOk z{Zm#M>f3MrRu>Atg(D0JG2WQx;hD_qXZf^~ClqYwXh~w@j4JdpYc6eJ@ip}5y&%+0 zDT|i30bsB8P#m7iJZ7oME{3?|qm*EE{hMcEhR8WcltVluA=J- z%P`ugh6Q$M!{>pU>g+WG1*{%lM`runLH1%jY08;pp?|Hb1gJzacehJp-&1|iq&q13 zLW|G7d*9QxC?}O6;+s*gLm4=|4V~G(7gax5hwd9oM>jp|qH3(Hfqdu$U})Y6Pe{-7 zGfMqdQp6r&A7>{V%4Q6{{m6VAwbV8){3Gh>xd82w3PJTv@|b7u8$kG!(q!5?k2Gqa zkqj)ymswrxhJIaGW;JOk*iSngsD%7F8y&$q_bq3-{Wt;Be>G@guU0joN_Cs5TON+1 zTkoGlDPSKpM%f25T5swg->t~Db$JC)NwF`!Pdq*U*`zE4LXB;Lw z(96GVhCEGXTVY#eoZ<7gKzsHCeh*9CZ3WYJuOj;XyDEjZ^5kFgb9sM~sqw)Qo4+{> ztxi~jCOC@w(HVm*D8J3MV`QgkJ?t{dI6BKHmCf0$g&Yad{Zmvm{|OLI^Gqm^xHs*h=*!tX^*aKs`lBJDh_ z*;rtyF5{j4Woo~PDP?TAGxn>w7MBTWpq`x~N6+0doo1=?29{-+1q+|zg}3Gt0MoWdU4R>OK*qj#GgSu6)_u%K!I-e|7{VXQwSpgC+NYy7%5rLD>j zedQ3%D8L><`Ell3L)nigFGf+d)##%t1poTT0o`#j66<^W-FEqvD^PwWNv-zVyED=8 zH??Rs{TpiFr;7E|Ph*4)Ut`a0yGhB(oP#!vc0zi4Vy{wvuy>)(Td%S6cg}DKiBpH^ zu@7{y`!~0u)pswV#0?Z(DwBjh?E7JR^WqOCo`KLv#9heKVfh2-;w@b;kLTW8sAt^~ zVNi$Owaep2R9~{#e0P>~(p%c%dwJN4z}r~7?g{$lMFe(cRUPX4rJtHP(t{nG6z?!$ zXbPJ&lfq`!W>Pnd*HURSHBpoMnyh8+2*jT{UWRTBO@VaFvbQmIU_kbtFMU3Q znRqsmePe?nyHX1<*C&ObP0KoHJ$iqyi?+R9$TGC?!(L3GVkSX_Xo$)TH1J`Pwd{;= zIDS0vj;G{Olnkp%_Rl+K5>BVioSUUJ+y03>fr2Vxmi!FOg0qP&nW-~UpEQe*Vjxoh< ze^rIg;JPw;qUnZ$9mEmkax%`w5o1X$;M;Hy$kxZKgkYKgf)++rxIS{{nF##dFxZ8Z6oDRXnKQ z%X-eU=NHd|?*em;s4wo@!7_Y0eHmT;;xL3EUVUJ_b-&@@2Aa+HEttTPKM_ycy7mIJ znU-AWg!asWn^x@CR3@ud-3~=_cC#vHT!Z?30k!-y|0oY=rR^P)p}Si?r*3l!p-p5e z&@WY=fwWilH_@2s$u)Ua^6af&?c z=eI_%Yq8nXHwIJaxvN&uw|eDMe1Rb&ZigGa&HWd3c$>@`!ojw=Ry&pP(A$#mPuGXWDRt$;r!dcNZB+7KL)Uo#==Z&6&~IDpqgQ`%gLrgRe?h*p)ynOClub~X;R#se zCl0!xd@ZItCxS7uOZc6Vk`ShUqcOU)L;Q`59q~2x9+9W9!iAw|uNRkb=e{ETu^^P3 zJ0%63wL}t4`#A}V-ZhGycpiw!zKkT7n;Bwu2RZiB7~k!l`K__vwI~4Fw5toR>AVDK zUp~j6%^Lay_2QxQQQY$AF3j&b1GCV2#Mp6=gX<_-6U@{l4x@5~SlL=ll&4feF}|0D zzqnM!U^27VZZE%}ol{@I@=Wlbgq76nL-#DkAilDTx3GyRgHTS>O%~GYlId{#olx@y zpJpSrXQS>4=g-#{u*Uk2(+694Xw;1WhO6PmzvSoL?1ENK`GxMtw!%4z;i!&(J{*S{ zo&6wPk(?hW#!zo=c|K?_$965_3)=Yg!ZP$80SyA?w!V0T` zxT209BBN@HC?kbb`>t*^Nb7C#0s9%A5^!!Z;h?GA4rVljH5_W9OatZcIfeAp{>#~u z@cE}zBK+6Z>-lT0rST<~TK&|K8f8eMoMlT>E1SfA6Bpi6hwviaqqaG*uWD>Wb7#9U zN$U;KxWf+^!P3$Wt6gH4SE)Aat?98)=B37&)E~9OsOv99G_X5@K664E=GE#>z30)$ zR;gpKvC2a9hQvy&MlTV~mS&LOaU`$^BAeDf&DCzcya#00(4i^#7gI^` zQ)wT^3$s z$q3p-%YkY<44dHuJ$N+Fb?~+)#_^467#*VK8@X)X;HS~HLF)2 zbnxz{;y$-1goR!ozT%LyIRZtmCp9u=$g` z*gszzVxRDHc6+8OL;Fu8Kc9je*2tY$wt{CJ<8#GQcFM9oYKxy9ZR@1vOj6)V*2r?P zU-lNcCFrkt@F}Oe|Ly!aFgyJ}(s%Dk|10mUjpH^4LigC@T=uXrw!3aq zhaZ7``u&H}f6lLn${{nDY!&_8=P&*);Wd9?j`w@Q=PO<$h`-)F3C4@Il-NW}GK6Wd zj&=~Y2;aYla}UG+;_1LTF|OY*0k#ChwPQ%lT6H-BVaf8YfAWNzjsM}}cb@<5|MiBD z|By%V&~}!=)uZg3X(aYBpLcANP(McD!x+L187pbf*k*lE0J-_XsY0pG@CZF*3$eFFHWjHL-G-acDVP(aW8!?u**0+&_aJHaLozNJ!GZo;E;9 zOT$^wljG^{@+2^=`c)2>_sn9Ig->L=J~pubc|@HW_TUtIt15$aBPiLN;;dHm&I9LW=$x^J7lnP!0Ft~JqDjHB$Ng+fP+vq?~&ufGk3_5AGP zQr5TJ%k1^ZTvWIz$qs!lhe~l`Y$>Orpx%BUbSYJL`K-wuT4;|wi5)qGgc{XK(aA%T z;o3^WMjQ5SB^}uRiR#0prUZTVERx;72e&^Xkpg+j)1a_TYl~R>nkndE3n`4O7y;7@ zM#`XUe%E8b=3OW~;}ItFH3ae~O25Iq0%2Tx%(2ev=4g<6J^S5PIWjBJ6kBgY!PTaD zSkvg|(LP+fRxsga0XFl2t&OYUES75M^*{JO@!Zg71IJn0Y&2n7#*23-ZY2q2(Eg>^ z?%T6zunY=ja`@E?vJl4Od^Y>d06=m9s+OxRquhZ!>IO|3|N#TD0vAZ!d*7Yc$SV9I&TT z)a!bzqu zkL*PB`Tj}bdR{89d+MQPH!6D;wxdAKJ<2=XR0w;_15ijmYakxllGW6X&|w>Yq}pam zar2+PRoCo`{gZ9~wBhOPyZ*?*q{P9t)=UQCI=SaCRbrAHENgD-6!-{rswb z`f5>{C=eQ{kZ$9^J<36;ljH@LkHb6$yH{9>-b+cA*;iTBqxJ7vFhOfDdh_NF44oY6 zkYD$VC7l?~I-psMt_^R1w$pg;0xI2j7XHe70@m=RgE5bB8CNcEB&Y7BVcQ%|pw`tR z*krF<{QS5AP7RxGuhh|t?f-5=3$L`YZ=1J`Y?Wq!dpblA^OVbInJW?~5e??_Rm;ku zUbu3NhzXY+@cax#JbIUp!_B=9@D(}jM9mIart$(d?ihL%<%UnEPHV&o-h(0srK>0k zjHK9pZ(1EF!rmTobR8UYbS1mYkl0jT>IU*Vq|j11;|Ond$Pj zqbD5U{8!Pem(sFw6}I!{QS1);ECvM6v8?Os946WZqk^;ndh{eYjJ>EBmT`L08`>eB z7iQga6#dX)&1BJSu_ZrzsEOUTu-Ti9FqVE(PN(D^XJQ=^H)Z&rB;U0j+aN_KVG-vEuH3! zAK&G1GY@}k5%QfrU#bc(%8qC58dgTvS=ykXgLRapi|y%VJaw#DmCe?X9)Pl0eY*tH z+qn|T&n)sMW6pOfl;4Q_8yu6AfjrDfa7U3h7uf8>In0Zk( zUJHYb`_b@K{Ra4^p#2z^X^bT-+e~&}MZo?|Bx^KW!nV2Q9)$PO&LX=V>HafDrmTNw zN6{*RIvb~d-)g5JVqaa8V3##*l68fIKh$kyk4SQ=nKrr9*?_WkO}%Z{^KUT!lbbcR zlu5V#jF$^0t+5ZhFbm?kd`%9fCv2P!VYe4BDWzepWP9h?Fdpv`NBPuO0Ci!Q7$%?F zu3;a{Y`40XHfGOiKGsx9@#d9}N87^-tB5N|b|MV3X?H<`CUi)PsdiVCYy4BsK zLy+#~Z<{Em$Ms-YUor061}*W1^m^RY$OP{OY?Goqzr*%!OZ!LOk@n&774{dL&Fw!H za3Q=~*=g9%eA`F0JJ9x%oqLpy{U7$;J0QpJZycwgJv3;jwC{E8>zu17loS#oB9-iw zNcLBBs$f}C7I@^~L+;9>xq#J8 z!u*rl!8(^=0Q<5SN;>IqCUyQ$y3tE8a;-nC57r`Hr>+(zf1GB{e;y8VgmM$H`MkUl<9|xs1wWxyu43{EhW6|{tqx#2W!iZp1V5r!G|ES63 z99k?X*|Ftp?FR~8%NR*EdNc{+jHkmgyL#|Ab`l7c_lEnzVvi}J zIT!SX=$!s_S}*IIF-=#0-uMB^Ku8RAW0>mlBO zj7DBYgEZ3HKYU%sDiMsl^jv{eYOXLHQ$%>~cZB{6?jQL7{r`Wbfpre~{H@~)*t@Ta z*fzs{)@=V{mS4aRrPfdRc{JGb&!i81*R{^ zX8rxk*=^N{q)pjY1g~}IBk$wNAoGNc;{B<+bre~*9`_-?AH?V5p^Wm#reSH|Y}T@& zce>N}li<8eD#9aLZ3AvNd_m{FJ}Dr2UNh0APcX{cnul_@?^Qc=-X4*G+Qw>G;&;=7 zG=A**!HfH}0F^)gQ4ciuWux=C_EAiZBagZ4`JD0^cy+k)xv3zzd&IxuqsnDERrq=V z*!CrnT@ZYjJr`q*%HpPUDO!{G z@^Z#dK1>b2ar+G4K*~w@AZ0EzDL>7v&ez8G%$|s~XD-2APxhc(WbxdEn>u|x9M2yQ z$FWxAW1c1#>#tyOL}vpzwSEtrSSb%GJ8=Am-5##ev7h|pxsRQ!`UW&@no3MqS;B8h z)PxZ;cYy=4@(ACPf${QhTf}2&OBNp@JZhAX3>&XBaOLS*2*x2Z0W44RWxoCC6x}lq z0W%F2kxh?Zpm=@Umo3hJh0Z|KTLfO+9>GDQ6+nM&1YGgpjG6j9*&#phn|+(v;Pr~R zK2CvsKU1Audu=LlBbPyTT(;!~v-o{4I(N*wEP5e{F#&gMnU8zp$g1t})R+&-LTNuA zHpQZs8Da5+8Efi6%{+1n!3Qr}OiW7}Ms(^e$J_UhGM`!M%6zfJk&lI$%tLm*xNjcH z*8;h-?AVXHD4)5xsLj!{Zx$PySj*grx+~hz>(9zCEPJ3umZo z^n&6)rkSrFV7;LsRA|;@!q2xD`C+m4aoR;CAL(MH=>a^=M?6k7Eyac{w*83s^Z9U= zc6mR8?k$z1q)V1Dk*T||on5z3nTC!7D0en`lk=}uIt&9_XSU5|B zEewQa;WxNKPer^&+F3ZNdm27!>b2XL*#G_J~PJGEo+ah4Y(4SO;GdZIs9W3 zSU$R&xLzR-$NwooGGgjdghcr&7^fKzPTugNqcl7r?+76pXK)vK%ru6H1qa}@&yMib zN<*aPq90H zT&7KSy1=OSj>P!~+fkXa7vecjGk2M@aj!|vbG#0B^4Ct-KhW2bw)-Mjynq|Zy@AXK zc3q-AaQGgOT9)Oq=8Y^6N&x-h=Z%zx-<6nQMOF_Q*OB^~aSbS5z*D|GO7VYlChQxsrU|)0$IIpQeVgqCTCqMAH=HDr#5-Lzf0B8uYYyt7E0Da8MG#y$TFXl91IQjpWCJMwD}(4kLoi%k51E#b{c?OI~Lildesi$ zhaJZu&olyjU}Z>7djz`g^lTOQysD4AmpKWJ4435o-rfP#>d#q%gM zUMT^LgQP`|E+%u6hq;hF%VJs8+X_&!`w+^Pv!;%RAmRvcz9+65ER9;>bCocp+r)R( zL||?fk%dCQ}~Q zKgku0nIVqFXzgQ&?qL1CWuh%(cU+zI_^nEu+os0I*1f}ytSiT}ew9$qKMZGPUL1$$ znZGnN@9(oiSh)dZcS>xm$=EmP};j=}v!EacMg{Ae=`f7{V?1QFAjyP&8Yxv!Y{ni1|-3Y|{;Pv3qyKp&z;a&boXU?jmtSiKA%BUSF^p9mu2sX0+6}8n_3FYgS zhAW8Xgvwh4BTWwBw|>8pI#91fb?{S>KFqYFhIk&NGplVDy3PyIV;-K$L%3dyRiMts z3`6m1bN>aoP;D>(if zB0C7aH3De8|hj1&*I0_JZH*CloGk>F ztUO2@F&+GTA;HE~y+ma-Cdd)LUWH-9dm2zK@h3akj6=K7Gn-KXsIN88<1pgqVc%wG zwX=a9TPH#1288n098!Ws-qNsayE^XLQ3V!N&IYps!mzZY39#c;J$Wzw0^?mC!vrjP zB=kL^%2y6GWi7MLQya$b7V~ZXh*jLM0>$rVCo|%8dnA&4!4Laq|L;=<$|xmurap>#K&n<%(}zX_No?E0f5f_)1( z`{qj)s{L|Aa$Gys8S72#=@ZZGdeY`$d{;FKHINN@2n5x zI9d{xMjXT&{svk2yEjp914F=~$YGq%T4|~&N?Fvf+K`(l9|gTswNXB0_7!nC64Q{3 z57(Y2{VT-ZGCJPZWU(mB5W&0|lMA;**|HsuUquoF^U5Bs-%1%jNknmZVu^Up=<`@N z2#@+hyhGVyN$_kaX_mwtOIPH-FIzI?ho#%wnA@g#Y>Ds)9(0LfuW85Qea^dtw=c)h zt)mYx-BInxcIQ7x@^d_8!3?#%?CJtPk>Tox=zfUJGWI~jZHDmr%3?t&U{gpDvhRf0 zbkM6Op2slg>%BZ}V85XVdgV{W9_sfBtW#Ix#ixxCjt993pv^8BbZQ;}R=q0-dnu_ib>$L7n9je))vk@L zWnFJvp_H0Zz~}snjPBFLh~M!q+>oAEPh< z2OEd)Cn99uLU`a7H~C=vmV2iCRZ?L+FUq(hdkf9N(=elBN+uur|cwb z_Pq(KG*mdv=NNZJkVV<=?f`F=W#RYXLijBHE28bWKZ!7kN`pZzouIm+lU})a1>{_9 z@nTCJcf&9Ml9rutQ`>I1Wo`*H)qKd?JIsuoT-{1u>9i!3leUN&!m{9@Ya>xRVvp+) ztzpvtO-AyJM7`kl^NB;g1g>O zb5o-*rLP{R$5ZjK_S9KS|i!khR{5@K0L-RDfNF~d5~Eu({t(oxy)Z|?Z|U`cGjgr}lP zi=%?umg&s)HKmAdt&IU1M=jheUWaFMV=Op&bsV+bZ8XxWpF$0bpFhB+dRqw_;zHTs zu2a}>qf=O>sWdqKWePbr!IhSucbGOP4&`61d?*U=n@6iP>>gNG`WNAEsdi@^-%&^h zMpF!k74QfS44We1%};92clf$DI*s?nmr`)**ZygTsybrftgj{-Nw`;yHa0f?R!&;>X0 zXCr@qH~K1eOsSkTOz>kpMn{sc(1vxJ`bkvla}Oj9yiwjZHU!L`q03(Bl0@)sS^J6D zP1A_<$>A6X3l=tC{J~l>`w-q`pHfh4J*tgBaj?NV1a=3EVOBl1Lh|36q65E9l!VnS zWATio4*^F-gQN0NL{yU-TzVsu(z0Uoq%t4t3rI;A@892 zH)xXz zw;f{;ymI$RD*xLp?9SG^rZ!&#`4biA(W|Xiqh~)9{g7|yV-t}6PR4gJxeAvl_Zc+0 zzW;eMV=+vUJ?0XH$qw7g^yLK6*{}Bq=Nd?{FaJ1V>VMu*$HzHQeFr>vVJ8yIOy^^C zw`B;~#=C^dCv}(6A8;Yc@fA=KYf?5vbfb(uGaKU%BiW|q-J`7ZNvbmM1ZhF~(YCUf z$n?6xP`h|gHxbgy$b)%{nWHX7%viUjw337znhS)D@J+5GTUD?A?_Bwp_(LQg2K?fdkaiN-3hbF__c?QHs z8mBT(Y~8ZANXFNx0r-Ux1j0M*{7xcxSUNh7{&)hHn_ovf@AWXJ9nTQ0GbZ6d3X>48 zo5wjJ|8q79B`?I+6H8{@zzsT%5x_EntY109Y+GIp!jWO+Cz_+40a8BY0)EeT5IyWO zh~4}b^9;PjKFLeQuPmDn5=xFDf4@-Uf^|llf{!Xytlje}Qs1f>#R_k^HdJ`E9h^T> z4zf<9vw`_;z-z=|^Dln;$#3PO@oQ`ZlJkY4GjO{juKUDV8#c_(coDLv`md)@cfvO2 zRL3zo?%R1$uzE0D_BIgy-l#@s@XX+>u(N=#5{LiZR08v003~~aV&!C|*wJY#vD&uZ z*p;A@?9tZMw6EP8#M41l51{|a9noEFJDZqzPdsM1)V&gFR>NpU4xkaUu~)f9v!R{V5!KYP=7sz8csXed!$@9bY zv8=Pctjni$ba`hX!mqu^9Go~e9nt+=UrHqCh}RI1{^VfhOrlb!{v2gjeixw|El~a(x0u}Qo)LXTz1mE9M-$x zHp@L|V1F*yO1zwN2Jv=kpugo6Re;LOIgE*9$zRN(7mZBKj39i9Ji&b7-{859H3qK- z){b~O-DIuH`{?ELBm_Su+#TN*)sCgbN1<4_Ep5ymkC8`s70ku&)|Gy~L~*dOEf3he za-nrFN5q%@v#Ef7qztBJ#^XggMquUjr)acbU!mlTiHX{N0DytJff&QXbd>z2Inc{&ezOX8244CS<%j zWi{EBRc)-mCY2Na(%*y%Z`x_6l!`)kgYsPdQ*xtBQ)${e?@Adw$q@`v=m0di&}nw{OC=DXp7r&=UY6$yVsA| z3qC@4q4^7>BCS#TO0#1-yyE|8XiQP>i5t9X)xo*nm&IqB$eZkMyod`Xi}!1g(Vxia z9ZG?&l0oqEkqPAex$>MKL(}4jq&>Nzc0F8mQwI5Ty1hTAdC8NQ5FO3xT$3e`xC zQXd0&>eN{<$y_||Z0+bPUi_-G3X&m5vYxw|h9O+en~Fi-B2{G1&C1ik zdJXZKqJLsz@PGZ4gJAw?IWW3kiJLhvr|XRFKs#~ZI36M%JKfS`AUe6@GVn=z2};Kq z!GoS0{5#W`eB$xJN=bhI3^Ns_4Bay&EufA zdNerM^&SjM+W|U`mx4H<7GI=tV`&bG+|s@A)Nr%4 ztgh`2_SVHw_>BoZB71HcSbA{`V_q#nx;b6a4^FDDN4kZHI^>t0T}XzdMilqx`33}| zav`6sjWlApbB6SV%3{zYaSJaG^FumcV!sddnJ!v8G2wU;>{nO^56j&H>83lu6sc_E zJ(e1%o*&fZGNHP8S8+dzvBB&AewMS+pSR@b@Xfn`uBEb1>Ww( ze9v%3$n3r?xL22f?*DGv{V$wO2EX}J*HA)UTZaR10+^|%U^ zzdo&5Xy2uZo)uClLvmgJOCdh~f&b?}Zb7hlUc)Tj)bR;|J^Rk`Tvyxt3-A66R30#jSkP0##wktA=o z(PpC|?p!;9{p7fc@w824@?VtEE0tF;rA0q^<8GWF6JLKLnrgN2t1eqa_1P3tyoN%! zN}s49-v}r#M)_{x`#koXJw-E%wo$xs+p%*J4(y*A7uNTJ3K6EJ!lq7XWh%$^5yfqZ z?5+DRsKy<(^s%wS>3MNHEILRY_kOvV-sNmYX*`Wa^-*r1GGi;f5&4o%NGY+(>>8pQ zm=(t|#V+W)V#EUaZm0=;WycXR{u04dAN-0dm5IlXM%o=jy1msZq910_tjf02%ngkI z=6jI|Gs4qfaC!Skc5=mAnA&owDJkO_$*N3Ig!l?}_H;@BBphcu%pNg>u;ja47Q$>on^S zu|EC{H^&jTaDLlEHvaJCj=JB0W7b|H#?8>SFi)lPr z@1t4rmN@r%c&Kn2o~59=X)z6`kI`{RhE%ud7M;eMP%PiQQw`=`!+>D~&A4o;f@*VK z5$id5ROaWMcW8bSr4+`}_ma5B_CcJ(!FFgW5d(LorV0|?xgk3Z`f0O~E-qE6hbxa= zfvxV`jDPoficz(5knIj8UBPA?60hSfnwlkCs4s^%UunZugiOIU<{MxSKdWNhDgpTW zU$wZ+-5&hfV^chDqy^62jx?WC`x8@8b4GZYtki{(l|uYn+kWJCKVF8Rclx7)#p4ZA zMo%L?B%Q{G50Ay`ZI+1=0+R{FItt0M&oT^Wqk{2$zj{Ueof^cj08_$oj2?bMI#G0T zVF-%xo9|R{UZ)iPXV!7#H}BUE$3j-dp!rvaW`tvVVMM?PZTg~Jd}zipZkj?k4^qDeOUp#LVN`LLzI^x#_}b!v z&AB{+3y_@yFBIj%OL7;0+lMJ|@~$;J3zN0UykH5pC+K?5r(kY(@Byw(T9u4Cr@{$mW<&q=8_4d!T<+MGR{Eub zKG?E*IJn~6!uOtjpKw@m9hhB@WvpAfP~C9u#CCYXAPwo}v7`a@BwG&opSg4`_ii7C zcsLX}1Kb^Vo9!h((Q7j1!-C-#@gu`lp)xbO#P6{}eps^Sr_SOM%Z798f`f2k&oG$I z+a)wOz8CqQg4PRO(o8evX_p7n80E~2lRU2kc%P6ylanZqG>|7*<=k{S-w30PKU-mb-SgP-zfxGPJqYJV zH#4^lFEKw({w5-Z?PoEkQS`w*BWR-s%JkLs@uK(jI#__yC;FZ58ER32c$}lSb^-JE z(J-Wo`JM_S|IH&rckR7Oc8=F8B>Qle74$c`x74^T>G-cMDQ1PwdLroeQ{>OH9&{i- zKKFY+Ei&t6>Y}QdWBkcXj_F9I?DY@+O=I!6&HiIEM8`^9p-t3kNcZHxYraRIV_gpA z^)(dimgy9Y(Nc!6*&W&I_4yn^PwE<|>)s8!}sB|eg;ms83`Zi zxqt#?1sG=D$TNsYrTPSllodmgdvmh|_qQlQ#TiA&Ke8g8BL8dXmPT@^oJ{79%v!)2 zE;+;$`$Il^h~?^%`CRT^FLL_W2hgwSAiQ00gM9JDo5OaGWc~&}XWIwn#kaT}6MVX< zOd31R1*$<~nf}m3gnv(o6m(xFUboj$ZBN0dVkE(9Q1dX4oc@d22&J9K=`u(wD;fUT{O{QPX*ZEj6e}PJ%5ETHR1{IuFi#r8&rh5 zV?~(HCsyRspNQ&@#R*oN#9uv7n|zJUvr{C#N%g?Ty{_D>&N1Yn4>RF|m4|>*0E^F9 zq{)^4wWTmKE4K6gTb4KaEaum#ioIDD3+nH4>=p^}SnD@(V2s0D3gxP=AAb<1#-}5l z$<@y1^xlcbe|rL2*oAO7>mk)cEnJlfE}l>$Ca)|2 z9Nm|T>@&Xk0ctli8N>+RAHNE|2dP7^1VzXbZh%&`7NnrHoR!(8L6?r+1>Ew*ZO>Cy zZn*XvWf-?m6?lI?MqLhGhIk60r@(oql0o!GBj~i<4hCC_=TwP`%z^gCPx$;f`WTM)0$0)x4EzrH;&?ED)Rr*-~H`zY|XI< zSW#I8^-p~ObE-N)$Lg2n*Y(8jEeG}Nb28UVY9O`!qw_1-|FyozxI&UI@w{;8*}}(G zg8SPVQCl;+@e!&+&3%gaeQ~b*;?tvqP0n`wM9)d+`4V^W{OEu1PPOtE#B6OG!Zmn5 zWYkpz`*ZPTq2y^vLG`CV^ZCz5@XMH$!m6zYQC&FpOAX)PnE1QeBR%h;@-7wL{NM)h zJ}QHFJadZpniIbd&9&~rD~8(AWp)Op%WjMJFFF6>xNufl5~4YFdnvzknRuN{fr&o4 zH;C)M9}%8bh~5Q-V*;mMX~A0T-*ETJ3q)TA#xy1-{)VeQeuddF&RoH@Olq-X5isyu zM7JK90hLFuKy_D0rv)(`sB#%MBw$i+7JcT`ENETHOEZ{}vrJ`I87TGDSiun67yhVDMH2;^88!`l~i ziPw|P5-~GMp}kx%_@HBt{7h@s6t4J;8H(TYq&qbw;~bKq*)q_gm*p{yj0p*hQFL@WGR8RdJU#fAY-u z!vZ@|9A2T(i;r>)CM4%Ole6E6->p(9&g4tYwL|eRd9N=qCtCb|`MdQbbUzmtzneYq z;sdee#tO2>Ll@C9(gY;WYXT*CvRTwL`YB;ju1ye*Q!y*0T5`^~UBu;gV{xaS(MUgo z{?au`jkpmSMch;`LUJeirVs@W+E85@cECcoV6FwiyJqTZ@}qShitFde18csWh9evr zANS+e%@$#|$NfY;A4hFN<10N#T{v8{TWL9xZ?N2dKjy3DV~bm?hH!Sy zn}Lm5-pfx)P!)vw5!i{dVVLN$xiEk7S3|WzqO)FME6~KBk#K6Dui3sVY=CTD4t{g;fA8{nZkI1+|IXrY_zT@#`6Sk&e(-R zaX-l4`RqtxpVlPo>`Q^Df8KYI$oCGyBQMlLbfk+%3%?nhVR@?61LI4d*~s^8?D~-p zu%fVss9kX_@*rDw^E9d>o740~v88_)tnV#TBzqqB3^_>$$Yu+xPmKqs#}~6NWDQJD6E{j^ zdZT2d`SrW?LwQ(d&q&kbmzun{}+u6n|>rC;H>*B!K2*2tc=5b zY*wO(GtLR+{DLsj=XEA@{bUX&HNGJ%>lSc^jVd&@eufZBo z3Z7G#h4ON-{zVk~)qWQ2gSQu9YWi8YY_u+%@UR_RE*mBM)ir6T{^)+k(ZscWi1!2;WB867<^2pjD~nb~d=@5Jp}bxr z@~3y+t|r3+wvzMY+=L0%dbEUp08RGwiww9V>TBKDy>(s!;AS3yrlRRgh0; z+gueEXX-*2xDiGQd?9Z@*NO6TsdGUlpqcEWVs?~)Z{ItR?KXcqi8tm&!h7a^z$Sk* zooD?Bc0Wgu8o2Zat6iEq1Pf5quNmf8%$2 zB_;Ml)P5Ot;TM(THNGrVA3?vkV-AT~t;CoK`N*zSEo~@wZuwfoez@BQ z4NFY9)$Ws_Zq5R@DRs0^&D;k0U+~^z0_WUQtZYdan|EFVjF7YgjVGPRJhuX-sb;5O z1LMFhHB~_L_Hfrl-^***@Vrtcf80*;n_3mSzhXa@o^B3Cd#-1f7QSTPgx0YNePt-e zDqql`Y3XqMm_w@I-A+B>*!o&Fd$}FL<&k#}@yT-%&$pm|IKjLXYnap}Kk2G{?}YD- zzXI+kgrCm}@o+~Mpxai!n%HLIylv_OeHYy)@?X`&ulI3nr zCAa!OGdtbdfNhi9MC_#9IY#ytBb9svZMs#U)0{vJC0TdRP$bUm`>?w(;%>a_nbmSww8^C3G9rG0D8qW!2d=z6H+||!FzXBliTO6$4ym}k&F+{j0Ts+iQAQn zmqnpCNj@y@Z&-yk!c{)K^sR;BxM;Ch0aqqt(C8Y(S8OtXV^TYTH}eiZaW(@M7_?J* zmX_?Q;2VhkvT1QRrZbI=o|sMU=x#uKCpIdARL3`{jr(EYHuAo(7V&g?OAySH5|6)~ z=R8@r@Dc1!(P7J!Lq(Nk?3N2t$g9gC_uC^ynv+ zs^li{Y}v_{c7HEJQOploebei<|Ebm`ZUVRb9PmM;2#?Re$*B--IoaJ zcoTrX{4v5~l@z32t)RLT_cHklSvQ)r zvtwvwN?fN6+Ni=~7n5&t7wOw+jUiA?6|`TaewP5$rkp=uzz@xto|-Zq58XDOhqIMqIx2DqgyN( zRuMyRx#t5|v-lmNP{X^_`l$=iy+QmNGIldNgT^rzGtVR5RD3#_1q$N+2w{0nU|z}~ zUS=)5%$8jg!$7Zlw7<45veyND9vxnsKGb*qhvzS2NG7M|870}Q&ANZirL~t<4$=Gv zCb#rEwe$5`3coUjE_v&P=*w)(M|m~#O8_;)^TJSF(=Dk@ec#|uC7jT~A7+c+k9Vot z(pm{=)GcL63O3l1Ti3QA_&G-ckZ*-1>!Vz9)v}&i`Do1$u0i_dJ=aifG+gn5wvhje zzg{YCm)hDcr(al<}pb2K|F`o9V2z`J-{~) z8-ea+x~cw)j{6(2T<#^|$M*8q$ zdAfUC5Y@GJKZ0wlc!c1d6;I{8_2z@_)6=2M+eWr#|0dYcB15rG)0tTtG?+V_DcHYi zCaU|5l@tcn^4@}{U5h~~-bvQ&S-|<$LVUV)Cirn%8`!ArfLb~Nu0JLY+6Tr6+)`s; z*|}0&J!gXu|MEzrX_oqMjXe$MiU;!vJcH*SQ9RSqdZg|FHh3WE~PGqN^v@@bT)Csul&?o4v zqQITrYRBcql~JR9-2_etBxt>di{QZ4u84N_r9h(Q@C*3i#~(1Ixt6}%q{m^tns`hh zpWD?i&|yg)6In38eE!fehIs(q@)C`Ek`aQLlYB{8N;|)$yK*5>tAx z#XcWI!n*w^FCD$-WWh9Oz_kkzj ziyg*V%;|5-fQI*TaJ4^=Saba;G2wCy{A;QQY~QiS9ungXxpR~b^8cXQUev5_X-I|> zt?m{T&z2*YokS1Fb(IIZKT9+7J{G_$n@!0QdGY*C=MmpfjuGG=SWmfd?(4-^u3M!Q zj+uH2_C&@AmG$#bYz+FozSnZY)OBixN(P~ZC!`h`4&GY?ej5z_A1<&m%#jL2_Xe*= z|GG4`qWT+pHh4XFta)?D(4p7M&^h%gg7bg6XDoW~KYliMFZoxw|Ni($r<>7#zt+i- zAG-c*e8g}@WI4h;D!Lc_&m245po-t5|KH0Do;ME98v8%*4PINjbPv%s&SMY`rBa(Q z_kKUp8+^V(z(e;2&;RG~vMt!q$ji*|K;Db7n~b%G@caW;ygVHHKJts`TtL3ip{Eox zUY3B1MlC`5_o++3l;7y0I;s4Okx(b}u4uSCCHg+%hp73^UetygZQ+I4Y#&&K+atn) zKc-{pBO}oL%AeI(>IU%|(m`4epXG@r?x7H_P1hbE7`M_th|W@YS)^u@jh8j=MbA%s zug3oxrD9(SN<@+O4DiKD_pxJv+QPHNEMC`f3@`C*7O`M7f*r(t^u$MDk$2e8wd7(# zG_qnNqH*H7NchNE0X=I!u?$n6E|#aLE=8nQB*3%(?BdO~EW?rw#$YCM+Wu9C9Gj4f z^V*K`#-x;q()t5Mo*8sOo}6TDP=^b?b!ei#rX>#PzCV73JKV-eJkAm)C4x;W8hq+ zM*f>lcjoT*UgE9PF5=x6X<^WsiO`HEUjO;<@h~LYna!c7UTi;D#i`uE!1%wdZ1Gt` zeA`EN?(gC>ZbbB3veV@%9KUHcyl;4%NGc8HzH0{1jcS+Jzsrrl^W+xgA7zwQ4yZ_ znF$Ny`@n+M`S5^-K0H@x19ck4@?4q}*t>~lgil@rUSe1x82^NVDF@FXTXgt`Bl|6P z@JISvJFkjk_upoJEbwKwzX}s5>MiCL-8;@LqSFZHhz`g|5zy?lGT{^$%_&Upp`ghV zwsqt%PpYNZHkFojyqMG$sEmqwBjn0pPw(E_N{vHJcl1iK9QU0SRo#)0RUqSj~ zmtw%+dmIZx66guG1eE-sO0+16{Y&{`0;*s2Rz70>$}4cz%fG{EbvCduc?3N2AfGR% z(tzsWodN!$IKl)PC|f}8&UOeNM8o1)Vbm4Tc;M+$NNfc+0M|SN$$ZKA0^XF~1NMd4 z01xMpwCSfpaA>0d%gaiGGF!g`_Ty~0_QD15h>?J2o^CXM-0V59`~N56ua6}0?4kvK z;efsqSBU3FdA<39>PB0Qe$<{?R}jUiDrB;+Lyg$_t{M1VJu~j>_Su}Na}H73bPCq+ z9AM9?GGa>jd@i&yiVho7!B#u9u!(2YF+tpLqAoNNI1~=F`3^)Q-CUYu4jVUQBN}e{ zQdGv2S|r1jLpwRaoOT4$r8W#SlpbccHpb8;OQhhB@MnS4Qd$Rdv1B`T zBg=p*emI%z>$%N}BsiUYU6(x3KBEMP4r=drs}?qancKj6|+l0fv* zOlEmxAkxiec@}1V9D)2#>Tm(6zNiY(HGSpJ#XII87?1sL+02$z?C<_X^Z}zkAX+_> zI9)gn@r6&wLwVVu^D;y1>wp%ndGPEg9rz9A0bWg*;Jo^0nC>-Zgu&%47VHzRJGfC_Zi~iuWH4{{9;% zGWK*|))&;S+Eo@0*6f`Mgil>XLH27w!Wkn_e-#(qpVa}p&UKP9-<+6?$nisc0fP(5 zOvs@ivctL$-J5q_iJiF90Oi<}=DkFi?=K|7+?fgB=-WzkPMPE|E2hn6TvSg|^@;xM zlg%!IwgWR!nZY_~@OZTS5N)*U0O;5+4LnA4umdx&P+7M{UyyBj+S7!mGQWZ;i|yb` zz(TY9L}+`ch$`FA%Vx}TrSB@l1EEzNvfch%Sz=c7N_h6fOfYHcMQXyvThQ1~4&R}; z8jegW17DrJ;A^ua7}$@)k#kH1Uk2t9`L8o3op}CuNcd&Z+&RnOwVBRbuc+=p8@Fjh6WXjyz}t$LLt1FnvB}y5u=$vqOej#V>`IcFV!SC^_=&v`8*j z;xKKuA&vdzl>t1y|G`hHh2s`A%J40#2J8#P>$Ft$QsLLSugI6UwtBMGM?43HKviSU(Q35Bln;8>@bS*XK1!YsU_hm!}HE^RLW!Eo|?H5(r#nxuggksJV1J ze0u4e;IXb8ir*8?irAKy9Hi(q5Z`qKwr{@ywJZI|&;DM(_IEiUxN#r+tr5??DR6y< z4cp}b3n#1v`+jexWbcfFOA_XZI=ha;KE2Q2V(2p1tTzo}hnK-Hj>m7|YqOW9`{1$m zBpz8SE1I~%32xo+3)$ky5aBCcE8LuSolCtou=l}|BzD&I4$%&oom@0_l?&Kg zO{hG65AR&Up{Q4lXi3lDJTmW5dBU&ksO{Qdc3~>Ec%=!>9#VzjS$6DH(?+D5gT!$t zaJEK1GPjB)pIsL3fw5=LQ?BFZO$6f;IUStHNMc_bCefdF*~0njXA^fbF{JYn@3$!b zefMo==4fhis_Rv`8%Z-^cBC=P|2R)jRqK!9SL~(#`}_Y#1K(snnSDPT{U2kWmpvoQ zj@6`^+&VLDXzX;5PGO84x*qdB8~v|qJ#JR=<+!QD;u=%aiqIk0{km=c>We2&m}S1a zQ@k(IKl~olA&1~U=vJFAdGlZ8S6Qq@a{-*MUoxFemHZ3WD9I?(lzqd7$_DNzH1iVl z4#6zaTRQY?kXA&1J-Y5m7|x5G^65Wh{fD3b`QO|&cL+}nR`(xc+0DkO{1P)ww$M?L zwaT<-!>sjLpYu0KQ=t~h!?`0%n45=HP|nPrcNY7*eJvw%%#<;hy_Nil%P_TXj6{yP zVXQUzoSFI7jV)~%#;EO0WBPrPcp0~jkd58`#7u=f7<;Ns@M?TElhrBC`L)X=#JOp~ zH&kD=FSG)f+YI{W@s-pt-UU46$8%O5z8CMAmaqSY3L(TgvQBfFR^W?SWD{N@%3RAzrhGK$|(({|E;EMTXEJFp6lO6=~X(-;q% z&-^HfUx@EPeVdTI&c5;UOZl}b`Je_wTv)(wfec~!pcYOMGW<~2l4-N zoLMT~FT1Gnis3x(|Mb5>xHiXlYV6q6^c3n8K~3wWsyt5MZ(CNQ+^bk#sBYTo`;FPKrUlcN zlN0_7m*>?K7tqV@FJo8LEFRKffWvVFE0H>Z898|&b1TY=(V3Qt?H|}r-BK9Oj$Aue zG_0wHmeE~F-3;GNG%K_)GolZZ>_b<|^>H-qWEd;*FEAGEC3e&9v(M05cB>)32+2}q z#ugCBhxB%Gxb7HBB6w%3W7l>{iEC*}SpMy&)b)aybJ+#ufMx^tf zvPG7cum{&yfy@8T{@Gv8pE70tH0vx_{ z3)OE9^%czP;7a__bn!fjv97hiqTLmqb$r4jt}R9FEck2`$_;mq+j4lT4?B6fEZfg6 z7g~*a4a+7$?wjd6yvAt*JgZm*+C8f9Zgp+WO2URRSKq<5R2)EMJ2pGv(;N1I?U`xJ z3nd#wd&_ApXzDMX_ZqsXnOL~}5UTf&%$vnMYZre{Y{AS**2GJbebl5*-wv$;jc?=d zle1$`{F*4IqTCx2u$hr|Z{(?XL~_r%JmLG) z-(kEij{h(I^ZTQ6JQI8nwx44QUteJZKkn@32kA_=dBzieck_p2FTKS3q?-J4e>W9 zI&dPkWd;Q5q`t(E-WTC~dzU;;T|o%4(C-twL$VOi@71?gK!3dxZo#FF(&&cDn`q#L z!$?!2E&5d$Yrn&B>OcP9nf^%D68cmYrap&hZ57DA9B$2y+R+O7PIr=LS+3d&=E^_Z zH4NmA2Xk=RFyp*nDagAe$;@7rxuERZl0HU}-WryCy(_?F z>LD+t-%s)X-mdqj{9^+}yvdKc%!vDPm2KL+6SPIfv^ihaN3*Wokz@V}ILe;YV!=A_ zGk|q@*>yHMyO!-MoXhg9mjgDM@R6p!clpBP&E3ROwS~a=&rQF=)EzYj=>jJUR;fiH zfb0Lsf+cZk8AzWn4`BxS4KWPf=g~I?e`Iw|UceBZu>-iuIz9z+%=4IX_Vws9Oytlc z*3s0PtR(@LK%X0|iU5o~Z|B)=>8OSKG^Np~!zbX4&P)_NfN*k)hj_=;19$~SZ{Rwf zJlOjw>zz+8YmY;vYW~-ND-W`j7KTpPuJ6dgso%kP=xWAji9;Zg zI{FRhrZBezy%LT98NlS%u-~r|pMP3+=O(7LTLbi&B%HX_`Xf)y7|a$k2Q$F0R`-!GltxZJOy;|SKs|ji4&|x(rPo?862w`TTMvraZmLC3alMJ^^ca!a!fQJ2GmjD{5# z(2p|G=s=bqy5N#ITCX|}_0Y%cf|7J#IQk@e-wiqTTk;P*@3AA=xu*&A?=tNG=>L^+ z5EyU7-a2f`u2J|~TL64-<{wspq&LRPF2;z*ft-s|`p~ZzXQ9*5f3P@`$=Ll)OJ0e| zD7?a58L{#-XL;ogv#x{;AtndZ;o(XFpv{7}(dbXwHbC2@_HmpKgW~^B=lV8b?FYnX zyd#ka(*HUGzS>&M^K0axw(rB(^*1RXSBv#~fPEf%GzrFSG_a-XC9%!6ZfMGTMRcuP zsU7-B{QW_f-(+TZz%6usn8d`{UDnvjo>ka!S_?NdWekbZj^o_hJ8|ZFxE+wck=i)+ zx>s+|?|t$U`^zo77vF2qA6BZYvFNE7EjtcvV@hG!lFewA+b7g+Nxz+w{TaCK>rKuI ze{D|flVgmEy|2)7AN>KWRnNrVbacwl!FVUHS&93Vok31UPW)Hjki|qlO5>~NyW{dr zcR4$c24QX!cRvR^rgDybr{i}AHTiNE!Y9rj%0YgP`Z7zh$Jp&fi72C>7T!F20pL%1 zI~{9qjug{Rb^|x)YCh<9@%^p1>8pL9j_x{niC4 zgZ24ympoWyGz&ZBbrM55-l5?e^H7;LQ|UQ>odYDYJu{XqT zfczO*$Rl~0UtuDC6jnD~&Y>#^;2H@-G_3O`XW0T>IP%9Bzhe3{&d(2?h}zy}Zv6Fc zyp;6mFnnniyW40IbG9Q7p0h?1p43wW=64sTJox$YLqNv$A8ugZd?CIkXahY7Ijp}Q z_!c+49`Lb>bnerS2DS^F(|Dg(XR}U7W&yh8M@xZtU#BhHwWfim($fpSc3Q|^tbZPU z-ulKK9?}Ez$NzdCysn5;5|WaVAa)186Larh@&EJt-#49;1~8_H0sjS0LL&U1)W1Wb zZ(100zEk_eRek~@vvQ8`v^m28_Wr|hiKLUamu}H`{WXQOo}D5T;p)*|2vu)okofEb z^7_#teCt6;huBGm(D(}phk=^?WGX&YFa^sdhrLLLdp|;?Yp1k0a2p+^eorQ)NM&^> zB!7&6N?7*$Fwq<*MeZb3ggGuoP;0xBtf>6|J9(PS z){igY<14N3eJ>P=_EkrbPWyIrgKZN`wA{m9_(cF7nbiC89+a69m;5C0`o{<|Y92_G z-Qn_BPj=(R`mNZ{k!IX!{W{{d=Wl#Zq7jq);(@o);^3wQ-8{(f4rj0CDDJ!#A!9r) zv3rL<@m991NPi8#8ScPAJ9S_NHA#5UGV5`jipYdyR z%E1_By+26WTK0iDM&V}olF%qLFLWng_uP6My5G+CJ@N(EoxXVSo!0qJ&ST%U+{TUL z&k-gyj`+zNG-BH!IgX~h_{`D&Ri41KDj^B|SNkN+{SQ0!_w)aAdnI2emM;k~Mv-ib zga6-&|6{S^JDs9CQzP?#!kdajNIZ+_D{SIOgY=}S62R{7^^gO8@P9|r?da4(QQq4P z%%Y?MHG1OF+n}Cwj3>x9tJ_#~);*vok5mND|GoWxepbCWukh-J#h^dExjRAq$%ih% zd!s)SavJN2_-I4H=A+Z0fc)=x;WBkW@DcfQpRG-ZS~ES!g*OQ|=Jo-Z*<5b`*(YEG zWcpBxV|%Gm)W@l;NWwD(B5dOY_=OXZ!~*XTysj2gbkAN)OyidmpYF~PJpX)KHe#zf zHMPeNuv_uNR|Qeq3tu!Sg9Lr(v10+g{lFFifzpVwl|8uh4JpMi7Xm9`m6F#yB?(02`VALJul4{DEgcW?JSIEdb|L zFYl8{-_3;T$8?FIl)crryd}uqm`=r~BLgJyYm$S+xjalprAvO(V>RkevlblqO^nEJw!eUM`S5pe?k_?ZHj<1}M6})Pc9lxsw+^JL2(|DKhn!IrQR* z3K_W-B3}i5ik%~SP>?iT7do@Mw^{-cpDz{QsZG797^R6|A4y&=*2B70ipH%T)uQV4 zR-1vH+c$9v^!=4N%+aH78AoESmgX-x2|fAZShO#zvUH>fRWp0HiB%q_LwyQ-$<*I2 z{%>WItR^+L;i%f(hbB<3b^z$>?h>0)Wz$&Jh0_sCvvEB+ewhtd_ovS4jssAdiflio={?yXEqczos|wO%Ocxc=bKF~6?8IR_s{Sj~^y)O+X7;B%uov^3pb&~hLOjA=%(4)nn?hj?F{N^^aA66BpcTt=Sm zxF}HQUqqxvOA*YJS44P}tVqao7A0VDkv64D0s%}P#Udgf&N}SsHh~uSD&jQ z!&smWJw4P*WDay!9jQ4b@X9}l^;_1!cKun{GTjQ&<6SPn)>n4W{Maiar5a2MFRUU1 z`z5PxQ)9K#M@HH`=uqu;K{>&xj=Lj@)mM0mL-COZ7;v z1r36C-MBFG=5;J)R2i&QM0NjNLwv6;MGWgv{*L-okTnhH%ivUF>e6y!iZxw}I>1zi zK3~_M+!ts9e^fM%gSaLn98stC3e~9YKL(&pva1pG?5qK0JS497wN{VvbTxq#19d5_ z`I;2xt3H+Fr~~R6dWh@H->MB@{zla)i8wXtdAK@wE{|4&?)Zq|w#~G~JWS@3mV<+M zbA^EHR_c;&NHQaj-LoZ2e|J_|MZFMAmNB57G#wVSDK=M&@LRZFAL{SZCHhwmYP3nG z0{)K83n%B(w1r1_8}VDgs)AcDVdAW%n?m#BNV2@Pl9brWMIGkD@@I^+sri=*fc(wo zO#%G9cU+e`cEJex6#r95Y! zhEH1s;_a^m2~aKq|B43d_J|j{5KGNVYrz!)L8OHAhasvC)J^b!;%9%h~F*BCRUZv_L?gs6`yS zEu-Yele#rtqlC)NFQG!F2@4WV^ zZ}Ilk{m-hw{3dEI3Z#M@;O}qUJ2Il@y~R*vz{*(M^7sYZ?sO{edj^C!-qe7OzSoCd zozaE%R%lVX3UsOA1pSF!TV1N8)(9$f(u2Zx8AG*BhG5JhIBLUc)T3cz2oBJKY+o4w znSPx+A>$JvhphwU%~XR7d-SO}xAmwW?KG;omPYl*h;>g?XQWHK_TwDY0ByUsXi-6j z)F=(y08;*?1{qjsLJG5t0K5@4jD04HNjJiVoTguno&1_2lRqd$GD1!Yyx8fLnqxxZ z`Zx_zTfQ4B8A<@_&R4oxP)ULcDf_30);nVzplJjBC^@=#3vsIRz*uv{GoGeMl(*_+8$TL1y|W5`xk@L@=aIz9)kSyNmObFnw3D*r$O^ zjJFeB(_F6*(4b2>M>GQbM$>-+{J891nUx1MAj>b0iP6p`!oK-6am{dLwfAg!q&aU5 z=C!_&+_-Qv@#KJ#!xdj?S@XPf@`LdTvI#$4HJNr>aQLbbw023PVCY*p@UNa;*QREC zIZW)}=+n%Xz6bVYS=C#Tcfn9-{b?c5cEbSoh|wUwJH#q3iW?*OcXS*A76(_iWcn$5 z2-Bi6&TW!Iu;cbr?Z!8`YqeCfoq@D?h3a>|c)V7MbYRhETS) z68SJbKwyzERd~xZANP702Jm0_RqO|jH;VOYKA}bRJ~Dyo(+#K;7x7#aku26H5q_d@ zGFYsyfs(pF2Y<{mreakLsP!$nK<^$tFof=|)q%QbMpV&eBS>Tm+#o$rSMW^@#Nju@ zbC?+7#DDq?H6Uk(0hQUV4Pc1!7b<0&?_U={gkIcBPeez~3tDB6`gQ0ZDV>b;o`WdA{ndX}RG*(MrMjwRaEayxBk)+?8H5d`nHr_p}MM zro))ZkJAEpiC~F>+?WOx^?rh9Pt+loE?r1^lP2`^hB_rZq6g@>anzXdTc}GJbc_2k z-K9Z|;o4OD27PG4hX=5>2a9_CZIjTMC>EUO{|$juog)fLi>K`L#lHPsJ+v* zsWmNz)DtgVO6H)L7NRk=I3|$}M!McS+iilA}I!AxRhdX)BgNi%D;> zk2#YZve);M=8>bq@>Tw_9INM8K-7Iz{#C$#xqDQfvYFFP z%GP^ppJZDAomP2ximaUMO@3TLC!P1@l4alT;#=RQDR~_)#7iILl1UAhg?l9-#kU*v zD2tbOfc`%7;sO1Qw}_IRTd7OkLhccAb3@6Nh-T9NX?Au0ihIb!F`gJ!nnrHgcbb$L zP_6NFx*)Ap7$CUy=AJMvJ+-PU^#sXLHGule(g|w0DZp>(4|PawJcKNVG3~7{PXPR$ zFI!4r^G}clzJ0{~l9Ob=iR8pQVx{!Naa7P+AjESH2MRMaq=3Dc-Ekef2el370sFl7 zVzbPY@48S=d=Wn9QUrOd=@wb663qY85D)w%_)um((S9=j+EPto3@}sAe|MOn=cx!3?tXInUkKa|~52vT(iRwA+(6bfA z(^f`;Sd{)(0U9cv_@mET09#b=Lz*`9^PoOes&7Jld!<9&ail@3-WXB3!y43YrY3Z3 zNUR^DuK(eGj2||jg7w968PqH;e^P7+`Rvn#c&%c2l>8xZ0;Cms*X#>;0>E9EwPEv1$ZuMfFU2V$dSzX{5ImNoG1$3SWoLkS-iF6pZ}}5o$l8 zRXL6$z$Q}+PvYy829OrD(~~tK6;f}|%=cqJ{w#+t;?`$y@~d$ov4lC3bUpM8|2Dfy z(e8MLU`K2fMw*yTtSPePMQyi@_XC+II8zUv%YIx3{;6?>CT?25CpS4BAy1v%z+5%U z1jwJL&A)5NcDju;*!q%3ZZE~so1#gH&T?tzwe!few&eu*UeVTP!{+KvGZW}*c#_L5&)u^l%j+8ry@|)nv7#yuc~vGrl~_l`t}pCUe?j<+6oIWUBpH z@>=mhbkDO?K(B-x@t)GDo_Roj4?R+cp3I~{f?OXDHlvUjQ=d{qZ7g3HoXL*|^i zN?0gY5SQ9!3k$#K%A{{RU2SO~DRkUgT$!=|2I1tV4qdeUj9*$Y3-H${#2D)HIYl_t zU!&1`?g5;)XkNljN8Bcc0u2aU`2mp|mWVej2~gbc!4~-3S^*y~&lPa-8}jnU3@DBC zb6_6!lYp-cSq@`$mO^u`(BK zX+l1a=kPlg?;@)E(};?@(UW?Uy7|SPsi8;rD1{ehvBLXR{p52F)<~WGW+N-zeKhp; zhRRUOZ~EaPI_rClgrzsE0%_56_@Rg}QH&Q=g7~I)n_NuymT>MjDftsj|L{R6EL`Qp zBiXxKWaUDpxB>a!o}(`(YV+U2^K~;pxhVfyre=8QRZq}Q!KJCPc9VISdwwk$bFQi? zE|~3LH_1@e$)<{Y?RJ`+BNJ0$y<9`6c-RE`9Cl7Hf0wLK1Y?M%59#hagSj^uLH(H! z;JK+!KUtNqQ0OCTMWjCNsQ#JEAkWH%D0ZAxafo!aaLBydgPY~h6imL+s5L9c!2H&m zAP?rZen^|TxWNRBx<*+=`- zAhiI$(B!9mp_e%(VY7L9kWQZ=HO*4&bFcNt0x(4FMd9;z=}^WmhFmx$Ew`?9S{OP> zm&zZQj5+z7CsjO~aY+*uhxK-rvM0@A$+zfUvS#t+%2anLAuUZE8ohg3Fop#KTI~xn zflSLKiBTO(jg#1Gpfeh>_ekEMDMH;x5`=`)_TO#D;)NfHCGNIlz@%h!^pYo-KgNb=l=Mt}Xl1q7$Ncg~ovMs6 zrZ(i$Al+O;=;B-&)Y~pzJBj#^vq}&8@>=W%?0X^hg?(#{sQJw%(2Nuf=wpHbM4ylW z;*kb5bHsr1$eMU3W2jCkkz)V&+({i^UrtnreeW}iwW;0$1E_8ejS8KuP7T+oLB@$< ze`4$YP1y9yx5;Bq6Y$y}4i5LFxUy5ct4J!XkgOq|RbI}4g@2wHL!XY`6WH0m0{n%{ zbfL3fI`QgOUFgv!RiMAGtEC*whK>sD=P47q3!Mb7)zwK(c&Os6CM}0)Sv-eTc~!XT zlpuvmnp%|0enmjPZA=-Uzbn!_q*bQSpt2qY>BH#~tfC(mMt5Jv880f``f)Ef}kLy#mzqBAeZD|ChJrd#WjYJ%}XA{vHuTB*VeL+*M+$3UGcoQ=W z8VPBhifqg6^+Zg@bRuKR)T+3|OI5q<)S%|UwCdNNC?IQj6Z;2EiW`V%e*>D=mHS|x zOd1^{4BKS{Z=ZzYxoMHrJD1(TknZ)0GfZz24?}cG+uH5bjqnBeE-M2n#Z+TfWdVPcZmB~La*pHhsyphRBpw6&wwK2ejE3b zHLdBPuWAZF`rL>vH7UIt$T)NVnh;U>XO)FAtutdo4MsS!8KdVywe4?*)-xic9Zw`n z)nCM=Q}>JpF%P8kBvo5p-jbcpVvIC$_1ga#3Jx5I?^S5U(5MKK<9V ztmivjs>oWMlCjdHZgv|}sV-{Nt5C77hbxKeuAk6#F*NaSPo&tNFP+$b|Cy==aEW0l zVrO?4l4IUx0g;w;hU z&JbSXs6)dNY1NO09}A`qOgq=Gq?qVZ)Pm$n>+r{G=>Wfbm^yTMdoWS@Ba9Z>c^ly8 ztZi@nr-Ow-)zl|02cdw-7{2-{Ho!#0&1bu8}r7ZA1ljiq};4U#SE7 z)z<_|D;KFl^_&O%FUrNlJ?$={r%~%VmN(zCP%`p81*ZH!>l% zr@?6wxq21zpXfuoy%$y?vW5T`5jU*M+RusN)$m84AI+Qo5aGYftL5jF;vF|8+7{#z zzYD)eM@;wzB?>UPcWHXn0SgG|!_cc>K)8f-W%LHCARw3u7d!s zxa8mW*KGlc>3q*4w;ASeg@R0>~0*=3MbFhwvdC@w^uz*KZDrMo)_f# zt=IhYs;o>W6|>y)6TT;N#MIm|)+AS6vPa5Z<{|js&mq@^7P}o%f<%~i}I3P({dVNDN9$|Ve=ZvpB71qB^C?!=s-ieSvfSHh8#Bo{hXLNNRSF*L`D7j zkGWjbRulrlG^s+)o9xRwhAnupS1p#G`kK?TM7-B2uJP~r>+@|^@R4`}sZfS`$iQb= z>GpO5YJ8k8gFcLs-mbh(hVs7{EW-R$?^+qn$J0Uj!(nZx_lP!?6{`msEm;O^?7RK% zf(sbK(#6~KLmJC$We(4!N#9FNlB!fMk)G-DH8^ZMFZf_N6rxqFO&$8G0r;SQ@Q;)T zw#o$!3TdT51y5E5-Rz#YMtJ4qAU@MRc=aR=>KLJi4;q^}l*`Z@uF9F!;JdwK=T{yS zOzfo9BwW?6&Rmj8R^L&FmQ78=6=NcS{0%?ThRWBi? zo41jdse5Ea(KNyP*mfjd<{5VEm%c+*b}%_OP)n+`&XaYoOdw60Q;7o}DOIoas;cLA z89ZN*fw zHqaS=JX1|UMN5m~?pXl%d(R*S@b{w3?O$2 z{`V$oKXyVq_lVM>P`7CF_I$4rv>3g@6O5*jVVRmIvJ%^ zF2SXNPYL!$JsPyQeHODj6=8QSDv|1P62GfB{K2wx`-pg5O77ed1o z^qt9SklD2Rh5OUAfR8VN|L+`JnCg`5#CwnIiT8Ma<0*Ack5cQ`hITGigJ#rByxXby zk9V@7I+lcZZF3<*ynf1(5U+V`Z;N5v2+*XiIT=&<88NLy?+O2geaP#->c`*t2}5GP z>x;DbJ>}o||IV?q<#u!7*|mgXr6)1Q9~H>er$~SM?o_Qy^A#MAdzX99Y8TME>LlDt+^J~5FRnU5ypBfjb}Ld*J@!qt zHqE$bBil(}byyp$Ki0l#0roHJka+#Jt4oWj3^0LKY959!H0~xw2h#~@KdZPo!sk4i zv=nlp{{U(8(+c<5>q8FA+$^2LcOxG+%^}WOZ8)0;oyMJ>Xh6&-wODjV9heXA-#3Id zZX7lj(S7zZKERpdv5<6s_yLnFRU?>qArU&RLB3rkl#L2aAgzAIlV0<<)mWZCSP#X_ zZYUPDZA!2g+ZWNpM2OJXL411^O8EEls)XmI0NmeiY_a7XiR28j2H)iMfou(Pls%Sy zgxtMjI=Rp2PUY-X7X{^)G$4BHdcj2*zCZ-WXyRM0G0PmB7Ha}cMg;&)*1A%13P)a; zpZFUOxZ6_62=61*x#^0TbMKIw8wSWY%Vx|a-A19BrbSgREdlngyR{DBSM0K+@`oWhRG{`5K*2|IZ-igu=bbb??5+331?)xuo zyc>q=tuugL8y&4){%TlED_vtq3rQd@o8Q)QbCCvlD;Ic>YC68vfBJX?73xWxs0bxS zq^%VdU7g4`QqiPp%|gME7pS~mxE_VOcmw=qW_kep?iFiN=6|%IhchT*FMS-hU9b^KYP!aYl4oGgXRak@WnRS(?Q9~|TrbMxLpV9E$RmIA4XWB+y%Nyd^q}+THbG92 z0ifRjJp-up+6Z2trw$oz$_4l(xWtlqu3EyATPXZ>#jEP)e~uF=gixXW?kV!e^lM~* z_ZEzQz(zr1ogw9Bdja6*`y&|OH#~)sIp3=WT{$Zx%FE&fxu+F{eoPiF^jQkN?@WW$ zC}xi#)H6rCmm=b!ftfnBaJe3I;=b61&U6&-XNt;1p+`f!2jG${{#Ne(I`Q7CxKu(S zCPG{E%{6s*i5jI!8dJB}hX2@?$eDW3-}U};eEOL9o$d1+1E`k$*Iw>=edtl&Y3Y8M z2I&X6lfnLy^`aW7!5@Y)18wtz3NMZYPcJco=!QbDmJz`-+++l4JGlnWoY)f<*qDPh zQ_ibN51_8WwgAvR*Y%$MRc|c+U)Ov6S3UPv|GHl9U-i7y{x$iB{;H>@@vrNd{#Eaq z%>O8of0h1E|5FpYEC28RugI(8FNy%)_#cEM{Qo2Qe<;;p;bE7k%d)gc{9-3Up<(Bk z?Nz!7NUv|Bfp~t4wax#8UZzAI$gk@Ux7(QEX!oVN8W5Dz&;s&V&I5Maztil`DzW~@ z_Wv1X>}-L}sm*Pmzq9^Q08aD0$!tHY7ams7gxlgJQJP{2<1+UwT;n&4@ZYZBy{&|h z1vhHhdvAEbUJu%U9lW@?gtPHgAOH8uQ6@7(e1@Iok{9`;c#~3V4_CYPM9tTx@fN z_%4OqZaL1DR#$XM!F>7|@*?=poTc?+OllH|JFQK{bbH@p!g(jL`@a?Vo4#q_BXffB zkb^~-Ny;<$#EV=zyvG~(4{|+$V7x)eKNu?0E17eqD`MVsd)#Yc4_G(J2>*S43-eZ( z4decI3U#bvAgkwlVlJ05?Nxrdp;z4Ou)u{gc^-Wnv}gWY`>{U-$ikc)zK9<;24SY9 zKMvB%H~NGBY}1$#=$OK4^oWB48gieF7^FNxo=@R(XE;b<{4N4pXXuVvTz|~3h)S}) z#hVZCk}((GF<#r|OlK$VrT-?+BZj5((S(C(a4Zy!UU52Z6@TL^^ZpbHZQMK`i40G~ zWQ8(pwKWUT%qx*t$DdGslV35aH8qc|)vu1mL#F`TfZ#f|e}@w+wNaay0cQaGHcZb) zw|(kFmDwlI?~oJv;^bU3!UE>{?UunJ7q7x3v%}GOQ~kl1Hm?xh1;72-=1YQ zd_T>6d%YN09djKeI{cBO)~^8WoO3ZOw@yiRSZ*16P<1!QX%EKe@m6PdJp07{VRMSD zW}D95oiA&e-~*lLfW7{S@8Y!OY#?~3f9-ajnMy^?I!#Z;ze zo`7|IQ3y*pMuM$yy_?NBB7W!n7X_7oR`cnP*7Gg1 z;LPW*fjqzQuwxcnFX1NAJI&+;Qb3lv9*)Bg59Y(uPQ=0-$hBX(bsj_a?05dVP1*1ane)8RHJ<>lMEHmB zbvg2_I-EaxePHeGv%;H6TQ1MCBwvgXS7J z*4H_APG*%X%ef18+WKzw@@^k@rh6nfVIHolV^~?gzwY zcQ5OB3TR|-U>j$0<`8q;Gb=21$4dOevUV)D#{|!y6KvH#&O8O{2&{N!2wL=G1mE`h z8|S9C6QaCr zJYAk8|3DYxU7v@)Q;x!h=CkqhFU99<{wsR_pDx=xyVP!QatLFp+5yHZ_Ew;u&fCrD zWtDl1=>0+Tbsx4cj5OHvqjvH3f8$!v^Nv1uxRkNmd995@2^V~W>2pMdp`@W@b29uM z*ymU**v4SKXrV*Ta~SUO&lsJBdl@G`iSO8i&mf>py_xv_LC;@P?FoBB`{(z?chrq) z>oRuqz@X0S0B>%@tSYqEwG{c$Wq@CK{)e^b9fj`PqJjS|I}Tr}T#fDOEwWRvia~G0 zuLd@$k-3rOAq+x(*-c?wzw!>`ZH+d-!eWxK(BxO>*PYX`sNFBnRmyv~husiNg;|7c zAY0K%&_2FS*mZjj@fO&@`Z`SzC-OoWs|-)j<1A6MW6geSoqsMmf6Y2fv9pJ+rz6K- z=+}%9rH~v*aqu-q|>pe z5g>Ov%N;?yZ~bSc!cTwum63_qp|*+dBP{pgHg# zD@>VkJ2_m_fevo!=K*%r0~;>xxP;wyVSpo1vKsJzhUp7V#u&z1yc=ij2^Qar@OoJY zw&vJ0@^ad?UDTzmWEkjlQgB_9@7loq>o=R1x|lX18VkBn$pv zTr#?c_{mrL^jy3bP#FqWBqsu1isUeR$x%d0TZdKT4gnf`Qn&~!{*Xh9$lY+rJ3VwM zHUw{+{D||(rVJKL>W5FIEky?Ax&LE7MKHF%PXy1mGsSmPFyE!a-EI=-ipwxMY4$k( z$(#GP{j>{c%cwB6l9r+a8O+B0Kg?fhJ0L77_aJ+90p4rYoZpsN+r@t@ct zj<-TN>O7u^9}7xGIyXJUwk_0R4}BRyN46CLSu;9s%2~;{j&7FU!aCe!1oD(Se6WgD zlkg#$Ha19mg>hs^?0U>2UYKMU7Beh?pDkR3QE&M063OYdd=2qkMBP)wwAa5Lz-%zo zV0G8OK|7P=@kiUUvCP|Nv4blsShMR~d3AZ)v5@F4)H3Q5p1U!VTb_Ckr3ZH4j9uNx zyzADu<@x2DM=ww;woe}DM{{W!M~177<#?sAmO3v7_|3nSgS|9fgNL16jBT9wLbL2# zBsRZ&75`3k9+vfsf!n(!VpnBi;k!d&wkcmUfy|UC9t5%>JU7k`LLipmdRr`cn=4M+ z@&`M8r3*Xavy<()_#M|3D#w1kE=9GyRf%v!m22o5h^_CCA+j7UBeI`o;{BH!*)twe zn2OH^fXmJuk(`L7IcUoVg!#$g3CL5mRluVzQTY06SFqqLJ3Peb7B=c>&R<~3zz32u z@tLbzv1Zm7eA>vu-p=<2jKT~bsT&4oifIp942xXBvZ``!teesUPp6f=VUoO1B zQ?^BMEp5Fqg|b%s;Iud-=ZrEwYx5?~@i$8_sb`k~exavUaGUu|bZAcjb7SLeK)j%~OpBn+ z3KmP!&RY4ZCxW_Xv*P&1@W);acH(S*2GEXYr;b%O2!r*qU0KVqP zvB^9erFrm?J|S;E#}}Tl#*ELN63t55)XOW3Sj=7Ur;bnF%>?${4F3V>(mD4rcy6ni zIJaqi9Nn_XoiE2^!U1>+d_#K|n=1m|`pjgkM&omG2koZbI5 zl9kj_%yy4bwx3d|0Q^wVIK8JyvOB&k<>)7N*}v^u3gCP>A;G@Y_>|f2zlU{R`J7FF z^lG+;@fdUSp{K0Ay-(POho#s@#{%i8%bM(zZEu1$B3Po(c8|u;s=G=5LuRo}`GHnz zD;TVY>c3db9fe>GocVG+Guow`yKa~E{pKfu8_2fh4wmvs{?aHZcTYbAg+uIBZ*!$3FrU1ry&m&-6 zF9P+MF>Grx-4~R%%)JH5y&mrY&%U0SHalkY*_}Tuu*{}~Tfe${)b7>koA&x4;{6Cw zdmX0ujMKQ z@ov4_Y-e_(6kGAT89#}Z;_B|dF}JOcIeRzg^1clzVgsrl(T)&X{M3#y#uF+Nc0WtQ zPozj7TV{A-HxhZQDOuylot4S}zt!nV>_NX5=y2j@c38UjPCWPB=BSwug{@K=L{gv= zSid`p>Yj&r*HYQ&`ti9a-J==3@JjrK#r0vZAP-yCV_R*lC!sLrHPBS)92g*JalXev$p+o1*8WLz5)Du_z|D%ogZko{|NCF%@4dFtLv#M= z=jGxy=C;Y(2FM!PUx-ZB7qS{(dfzxh*xz1u=JpjSGcs=$s)lZ3U4cPzlGVWh&A z)^HY-i(sy`hE^E76rQ#E!|p1xfTNzsH9-kF>5C=uLB0-MKgS!n6XnL;l(!vO_%RUquBC?d zhcLi=Yr_}cf%E?UDIkY!zxu@SXg!kuF&DkEu?N*)#ljJHn*Xu6|I=9h9rBWTxa?Zj zKJ>};d?Z~#2A5cr!FtjlKw0G@Sk5_3_}T^|Z0h>Ebg!w0P->h6^VGaP{;yuA#zWSKOd^gN{W*?dy-+<=LxrC#-XjyHUul1+3Q!C8hwo z68mcbcuw$bqDNmYu^+f&h?>~2u?p)&9&S^6L)IVKfM5x7Tb|gHq6`T5N>Z6BfjTvhu)-G zS?|ApgJ)KML+sL~qKDmh@b(ptS&|24vATcXf^)vtz$w-F2y1?beQ(fwUXb4j^{d*+cM!w)`$H|nZh}9STDWB=T?SQ+p_gz z#P=?Vb+6s@wf_R&2>p&H==51 z0KERYTxU=N|LB3+eFOF)au7UQSDvPKZHnf`IJINMr#dts!Hi)3*}z?-U5I^Ip+j^& zxr7Y8_QWwcbB^JrQ`p?aazG}!c7=24D+ADv7gn-zW+{O=MK{J0k9rt`!_PlqyQ=8; zhSq*8jXc4Z*uEMMD!PsLO8v%`&sd0jwYY8{Q~Danv9GcCeow`#MXVu0p3T*D$JEe6 z_>fsVR?iN^>0i&;IsVwmkCv9llXRY9zeAQ0_~}&cPO1rEE}Krw&E1T0KA*skehp@) zNVsGBZI!`0(t8hz*h3ayu%E{vPw@AkH1r~c&A0|!CT}-a};6n~n={8@rZ=RX_;SgYdACLv- zt&Pk3IU-9WMQ4yZ2i}r5m8y{U9z#tRTlZ7*8zZro&LODVmk!+R+&n6})d|!7bO{fe zyMx)FCx<_(eGPw7al&$YUjkl@?xVp?ua?`L53JUD8Ch#Fw4gVuf1X{x1DaW09ym(8zOfS@K4J70&+HFF6q;5QLOp6 zDgOGRE4I7H5XY5PkuO>((Af?*v7|UFEO-7~7M;1Bn!sdYn*;1vMQyt1mS1+`$g};h zrd1wB`V<7(+JaL@5SP9H>I9`7mV>^>~h&!DK}48R#Z?OS+>nBMz*nEXdbH-^sSA1!KGtKDRS}Ejj>If}QCyrL<<3L%To<}8`0{(!8jx`GyWHiA;P*N1w_ z)SZ_7+0dLme4nzwzy=K#D`#%5sKqu1+fzl8ikYKwrP!JfDW=i~Nh~-bnc`8biV6|R zfPOq0(xpBsdByCHDTTjY7M!t$z1V?zwbQT^PYk`cQUrV1?S(FKe@M$Dq@%(&m9g-} zi&4)o4Myty$rk%Uiv)dQ(Nkb&-qz&8g;IWS!bV~ATaE_y?&@h&du0du1#u=D2OCh1 zny+W7S0yrj9Mc54*eW8&+_+x_OA5bDuh_c@br=aCO=Y` ziR*O)XDw(rNTK?(4x_{DB<2A^0;<3p=W~7h$+x^anD=LJQG>i(=7LyJ&@TjL#Dcc9 z{iOy_kTFlId_{vP0%zDk_5d&df+?v1-lJ2&T$ zTz0te&c(1N#`YC~^4fA{5tm)*F;7+P2G0+xPcoF0(X2+gh)&7+n9;o(I>8oT2J&1SYh$a)*3vsbfyQGlepF-P0U^R zc=f|kfU9~i$Rgu=7s&hN`daGYJJx7av?|Kh+JjY1UxZYdeWtH}9E(vmM=?ZdFQA?I zrHH$KBC{?=Fn-QG@Z|INI)*4$zYgu6vQ;f+OTpv9Fj{gx;dgAH=X1%k7wU zSDwKR-~EyL(j3MLxdRN59q~-)t~x26*h?gQG)1Vu^>#~);VI4wO@Uvv> zZ@fX6OgnF(c=H@+cN?!|gZ3z*(n_}9r$}yE-b_Dc-_96)Xu-U{N|`oma4PXu$4v6V zr`61^+G&jX!$*LA#w^>#3m`Amov+7?Dc$ed%sqOX#5Pkg)@V> z^HmDg?)t`TZNW5jcGzUlR}5t;6QwI8v99wgk%6o;pq@{%;?Zl3r?HP}=IDpCIt;N% zLZ{bi(WZ`UMnBy+hmPJ9!akiYqrAHqW1f3kur6RPIs*7;6~I8^b)K5PBUhp$!DU#m z^)+nUSxHoLjW9)~Z9jPu<0$F=?o4u{d=~6kJxs_#{m9LIJIKP`cSsE#k3pY73{xZ4 zw-^E)?J9~QMeTnI?weNy1D&VZ`H@^Q=p-3aSF&Mq4`H{S5_yg#N;Io{OES?$$%R=Z zq$k0v&ClHnx6lk40MGndW)_neW+UFNWcQRR!Z*WTNb?IXlhQ|iyT0}7{C}70XZtkB z-pfzJj}70$ukAY#u_`Guu}ODG%UYuloUn|%bFc>J*cRSg#t+Q~HtFdC7xE*zH(dPm zJc%6{19VZ}!ydMg7e=nX&m`q-dQFs4oC=#fmLZkwYC}#YKSLtjmm$@kcftFt{VY1} zYy;1{efSXAyXmu?NIKC@#K8U|h^a>bDe*@-EWs3|9C36se|0{aUal#H2l$-FUcfP| zMR!xF{o;}6a{pjf>!(;WE22j^og3+ zhB2Y2_xMxGIIMPI58nNyA3LAYOsBeC!h|omkOR>r;Gmq!ss*{D$Rh7K|VMF0%YHI=Cxl&@)ZWV%)bWSau4DRp?Vl z%_1LRY8Ysdh*fmPEQQ0*17=nS2f`VJV)vnmf=~1%=}UaY^Jq&DyHI* zg@+YFSnQ*{czs_qR<0OC&kdS`WqrSe)ukW7=J=}setBB)=5@RhLU<{32b@1-+l@ zp$F-13K4iD0@xJ?jJ}a%})#7`7PK z#Y%7kj$j`AXMFv;+}lY7)cKS~b<`axDT$2`UIu}QEIHb=w?lL!>Y*h-DmD%Ukw zOxHuKQA-1xcS4O3sy~^~b$J(%YgEWVAm_Cv6r|diL?{!VkIq_~fc5!hpf5@?Fx5$U zWW{+?$kUF#q|2;ZP21Dh$aufXh2)#xNDoNa#PGcuL&0w>r&mc>lD_tj(6$cj2mR$H z>9w%SClTHldMWYJpx}%(I8U6BGrfp@C{LU2o9jv|zN}8)AF7G891LY#GAw7@L5|a@ zN;ROr;51P|-~GdAHi)0%rkIHjrkMHmlIgYeQ|J|4b<`5gwu!#}NLv#UFn2zwkF5{N zcinOT`98!zkoPJUvQ6?tpK&mbJ%NjlFS%FCw0X(N$w_`!0ItPP%PeeqIiTDc zRY$79Em=%;KpU;=cE^Vs@~Lmw z-w#r{n|6}K>^H#Y6i-oldCuU8ALRj0S8P22V@2WMI;Ost6kr^UIBazxC+f+7dZuPu zAdU=EN?Z9^xO%QR<Bu;z}p?}FsIE%Uf@$#F4XskS9L132?jwQPQK3Tcm2L1US z4O`O3YAsSG#zq!as!=u*h?Go%KD>9`UJJ=dUZl|E0K)8Tvc%o5_mWvnRfP2#fu!AH ze#C^{UxICVXp70P*#C2|!jKGT&IVUN$1`ITHu+i+$)PCR0Yt z*C<~hYIY72pzv(so-HXB@i~g-Tg)zle(h4;Wq_lyLd<-bmV>F1376R7_Rwru!!5$3 zQ})E^Hs5|T{^z%azhi*rW}3s_*cRW7*c0#A>eCX_u?I3P8MarVWT&IJ=u((xI3cC})HC%|S;1`OnU_c{?EsetbN?(=T_=u3F zbuq?9d3#3il~!QyP7JRB_V0Ns9mEfwiy{?XZ6qnxiZj9|S2BDrj54%_Pti@*$dj+M zUnO7oP>R+B`7>>03o)vmG;F4ojNS@L!EAc<>9P?y=!eBmOme!F(Tk08z#gm)DJ2%z zwgS4aplV=q@W^IVTcZsXz8sIbZ_q$xQF0exBG8!1xCnas-Kz3|FCf;p*g`3n?!KOfUsmVf{ z8n$L$Ja%&3DYRc{7afO%Efg+j0J_9B=mY){BZJ`S+oNFBE=_dqp&8h+kJ+eK=VZ*O zS(Ka<*+D&x4WpYaWYJY<5UwA#gyPhD32o=D#yhGeF+GnJVN2so5Iw`!s6}D{pfCAr z2j$Sr=S=gTpO4B?RiD}Fd!4)SX*vvW8 z85~&yBI9-wpzqD0NdW%1*^ZDRMPV`DRPU93J{v4nOaBs9Loe;D}WFVsP(X2DlDfv5W*gK12y4c~G52 z3V}YA4Q@cBu56)dywgJx(MC$>k(=~<9RBrlb=E720nB;7V@3S$ z;{VyGl>Sa!(vQPAH$vtJDTh?s@HWk0r4Ov@mojRqoeHY*9G|lm8sN~mV;8H%U7~=W z2eDp#$ZCrvCwynNT4&i7u!r^G7{(EzbyVf0`LOYhYb;6j?&`2U5!n+jyx8S#PMngr zS87&QJe8iq``%8|vG6#*)|v^$GJM!>ULt1B^GP>E%V!HQJ$Yx$>}2V_j;`VP?nD25 z@-k5VZ;+RA^aw)%8N>-6^YN=mp=^D-B)ZO_G)%+Ei#;PR6SE_gu>#5J468#2a9P6+ zAe-8=ynRfW+j!!fjr4StMPPo~x=4amv#^hqpc;ZJi+8bRCBMM~RD7BGYVG)-!YbB- z@-O(0eMEFLgie_%cNExRH$zhZ{Z_~`W)JM3JsGaXA4PSseACNWJMG0-4I6!Ef0UO% zlg7U{8`mopzTkP`_wm23Z`V}>@{5oaU>^V9Jbv*Xf$t+CDy@dnv2`vQT>n@nEF@PA z3Vw)7J`GuVhEGu56*hp;xk`{$R63@a1H)bR0kZ`6Ul&d}q$X|R(Nl2T&5YYpYp z-4}dYzsE}ps_B%*583nl2A+j#{A`ps_fnsTNBa-6Z!s*`4qRg$HbWTTOFY*G@I^*w zK#XBCPSBGBVq1mw;A>`dvax;+`1mkknI@!6PQ@0!(}xZ&TgmC)A5hcsN>Or?aAJ*Y z&P#UO=Sdpb_uc_~lAo;r?61;xJv01ki;5*FwZq=^c9XE{2fPQ}c%59E|@F8K<0C?uIj~aCPmM&DXBUQAhUk}=6yjryN zxi(1S=i>*wSBv{#B({dK`U!jQyyX(|UmDm>6?1aE3w^Z52<_RT;y z2@SV8fNznwHh>zFdA?nj2V(l=auVO&rm;Ho^Ep$;{CN~y)`zxcSmL2;c;B7pwKAtD z+^W1xB}m|CN@eYoObKnHtr}f6-NpQJ6;CGu9sH`yJFDePN9DUYl2Xf|hvGKftRk^s zfo~ChzQ_?ZsFLSpn<2e_Nw`aHjZ~?-&&tqrw7$%3;4UqOo!{X zn^zVuSl|8WkHO~NPk#$5dzHBzcYn%b^%;F`(p+umK!R({y#jM~n&A)eqF@vD^L{gY zhGv9z$!l@Iw}20}Kpy8k)S=*HPxcM_9?2Gwz1X=x8hb<7Pki)-M6}3N7fR}*)ux*I zgJ%`a%;uCmp_O?*57ei?1NG%!a~#7st-i?;E6Q?}thv`t^Y2ZB^aHUI z*Z;zcPdwi_d~~Le2DC0(9g5J@;iiaaaF3A%K0R1Ag73%AJlBHWS!zIb=QW|~dpgi| z1qE(Kj3CWbUmc2yXwYi9%;2!?&=eP3lUV6}WcLnYVYjw7k^hLH< zp@GDz-MiURC-$;~iu$zu$_jvt=DDX<^Z8N4YflYFq&RZtO(pcEPh#C#6u_zV5%^LG zp({cXmJ)bBE@+SZ{Qs(;zCe_rK#KWp;%sHNI5;9#z_6Zx%_cpd3w3~LG zKVDgu0_$o=rew^NSGcT?HRmu};Df}Us{pBQdyMT%(}ku7`_|sQ?a7(vC@v9~=fD~M zy1p85j?oeF<&BScff^qM+F!v=9SB($%vsegC-rjgh_b{YA=ZrepMFwwD8-V&Lpt0y zt!HbdyXCMGR%VFVmuImvMq8@zeLdPMj%ES6HlA$(@=euKgIr%$u)7v3NX_2JRWfdP zb;k1UPu~Zh`_;r#_vmmd=XlhfU@hYuf>a^5l`fp*1-Vt7(-L%q7AXMw?x<`B^bN1q zga{!UIA-=Xl96pODLwA%tM1CG|Hht9j^p`Zxpck8M=qLU@Y!6_XoVLiwE7TRZEBg0 z!*X>?etq>;-~xP=+K}rlm{p@#Pr`&US-K6rs%;E8-zDY4KIHJl{btLZk2T z{NwQRXeKH{FZwkhg#bOS9zx-mTS&1TXq6JHH({(H!Y8)HoW0s=@1KGCP7k{d_&7~S z5h@!fWc!4jk@V?V#9Du#mZMfIu&21WI;7R>hO0O6&fPfa!!gje!qZE4NJPrkR5v{u zWY6y4NSvbY0{CwGDFNs`st+AqtIi%Rkd)}YGJ~~(o5z`UN#J|pv4$2jP1+i#mFPgw zy&;xRw{f)ufi4lzd7vsB>tcCap=n;EnF2hYJp|{ZCA6qQ24P2WuU%S@+`LWrozEB9 z&kF=Ta;^yJLo+Yx*?ofg^Yj0!!rIaJIPC0KNe#ndk&mwf zC8x^i$4MPf=i17sC-BP%?BT}qp{ao~WMqCqGAQ@EC}W3;1is^SZ0fJZ2VEUf64us& zK9QgQUlkT6WQw}J=@fIxR^`U^#fojYt;Rj$B@!!nL(tc%uF(Vi%WOFhE(Ei$f?j#c#ndgkBO3FagpSL;I&TAlbpeV%@2s^G|Bf3~lUzz3S}Ath+B^CWDp zj22W-<6Rpd6Upi6WQu?4T*HyDj;~6{kI}JN^Ah08^Vw0$r?ah26$)IrgX8OTRkCf8 zo>CF=%bBEvpZ+#?7HLCs$$DHl*L^kq_(gX5fQW>*%u%-RLSfimBUiijlwhu8A11J; zt_8fY1f_#5`*DZl`X6UgzT;~vzeowj8xi@6&^Gqj=>0Cdv!iI&*k$hzuylqb#Kk|P z;b)(2W#4UlDpFQ+2he9~J|Do?+bWRivq|jl9~GdR?G5;@hDjWVCa^DsVv5jm>3?)yjw+BfUbi6KlAat~JJCf)uy782y- zjZq(}a{qJlvE>2>HbQ@|`B=*I{S;Hl?X(N;_Yhx%KBvyuszO{mZyQ|XDfl+z3;PCG z$6|ACk&4@cXt|~Vuq&QI7Q1ARI6;OJ`(z7FixBPXx=BvAby>|R9QL>RM226>JeFzc z0esud0}O1b;CvE289UJ4?t9FSpcK+<*M_lP-ki$v?%l^weA5Klr5x{E z34VK#U$UDLIC7q){YsfWB>Wm9C$L!JXHElrQ{OTzo&+|aX}U*gnG5_0G6h6p=8Rgx zt`hx;HBgL@2G&kvcdCHBrcbLm<_!vg=4NIoglD4S=GUgC5E6(X|`+%-l@8tn(Hq|08Ka#+DG15&-Y)?hggr8!< z+kd`4eqyyI(^euLE>)P$nyo=)4@>nh1{>sANpf%S(x6B5eGdfoXX9cSfX{NN6vbL{ zIqSM-15(}0d*Ar=SG=y;5Y+cGet>8lG80uDsG=Te`pl53)<ENfA6YNRAuSFc3(U!zS`_t{C0bk_vyru@1NJ}rmuHtNB;C4<;$ zD<*4jYYKf}`$gOXQf97R12H!ti9oK`!YTn|he=V|ZZlYWPCcOAY!{<%a+=4~vDysw zQ54}+;)kXn3f_F5(u}Kuy~m`@t>l1m!TYE!1qr0lL}RdzX%y`V-$PTC60 zqM}}~j&CZG0@C<2*lUQhxQiB2QWS0IcST#lT0Q?hKX@IN0QD5a{&oM&kHi4YkL?zd zHD2B&A8O>nmrPO!nih`$Z%!BqzS+sy;DnsmEQA!Uo=5qyO%ZWpRl<&`ogmMeIGk8v z#YAGCgdv|?Z=t_jx`(YZ_)bGuiP%@|NNVeXY(}7c0GPMOgav_mJBGEu*5233(iq}{t3=}U$FPO}$T^GAwhAEE zgp>KeCJl+U5=<)8N$}|sf>v21(7~zEg6|vo_~z=SneY5M&s+Uf{PtiVr<&+8R$jf>>ePGb?-YVilft5BR_&DKc;*}4csH~DWdU!zCOD=;$rb@ zOc@0=&>s2t|5br&v>We>-omv^mVVlzJ)r2MG@CL}j~Y<2&8l zDKaYU*cG)V#$cd5+Gui8z63SV`vB0b{>{rRHpZ61qyT%; zDX&--R>eD`Qs@)oMfEb4daw>_QsH(6D=!n!wY`5nsIS%(KT53mQC9z)T$&_QiP?AR zv4S@nfHDiqlZZ{3d(ogP$~52b=`5=kvTTR7XBnC8`8c_-56^EIrl0km3h*T~3;gxI zX>>tuEV_W>mot!qOVY7jLxXtvCoMpGw}`U&7N=Mvu!FiTfuEN2bUKIaw!o4nfEggOwq4)hx?0Y#urd>K9yFQ$B(!lGjPxb(I)^%M8` zX%B0!gRw&MikN@;t^v*YEl9U#oH5?plVql~bh=r}tvu6$cGZdfMm|1%sJI_$l(}R# zE$gubMYAf3y4Pb0WwG*cMB!Ni@{n>0l;2d_1IjfXPDZ){yAYv4Ny^COSn9W2jFw0i zeDBscC5uQh@u6sBmQC1yK?(o&f8&?3)T7jD3R!wLQaXyl1rJ`5KLsX}3;h=ZUSCNP z_%?d9xX>iv;8QqfMFz1o@-2e;bWr5D;S+t|`bcAB&lca`yc7R_r;fLV*z7?5R_aYo z@4rr5ZvB$q@v#`WR`Uli-{EU3XUzPMHhA2kt@SqeC%RnR7gDyGMpT+Nh2VdTU`*BkoW+277>g z!8Z!N(HM-3Mpj2gVa>CPU=^Jt=8UT!(1MoJfX7ekWr_M%PSTC6C{)`ER6NvnIjeb! zH}z1>4_xe21>@F$2a|Yi1HhMfdC5;(nj9Wv4CWwuUJl?|cTY$cO3ot%b0ew8I#w{V;8icLoHX zkGm<00X{b^LwF=x1q&BCN8YnF9M$Gr#kd54Z!YDWQ-o`~wlkk;?}Y0`L@a3O6`!gbM z3ISpB(i~*KGR8lwp!HbFX8C`f&tWWI$JI$p1H?&jz zmsD0KHpKiX)H5=aJ^(Gw!> zlTrX|&Qr!5>N=Al485)(SgL z@T|TX@3K3xe6qb|b2*YK4>^6mQ$vZ=r*r>YE+(po;^%v(T$_ zpas$%z|P>k8XVvI+T0%^2^>9@p&H2}RkCjid261U<($~~AT&Gep`W=+VAfEZO)3tj8k*%qMR$6#+C3y~?`h zXut~JqyTiwS0$GfqCsJ83o!$8m)C7-^ckA|6m^$$tQ>|nBjk-NwaNS;tF}0SHRb65kcVMZD1gPw2vo6# zofJoN1u*6(N9?5-#%mxBT0&rslDR^xe*CxnwJhe;M_k&Fs2MyY&#`4uzR&UA#|AOc=TB(E>g_2cH^;A{`WnA}qOmp6x zII)KFzvapA^Tn-RFtHBHPjgXY3Y3|5eZaAlI_->ug~wH89MM?1qTLGtLjv~VvIK;MbPOEjaYKFAcigYX~i#c$^sA2eEy&z zEFijXY;^jMs$ejdPXiNJ$$ym3d@P>>=bz`JjOA;Y^3U`AqjLT(_y2wE@6J>KrzTWr zj0JzM_9tw&3)r9NXa>8W^$BBT=sUKG_C~hmb9oGQx4;LAN$iukk*q)RO;E4#dBM28 zjx`gZ-^c&D9xGV?IUoPC^MWrCYr*(Z^p`NsmR3FJQl|^Y?(O_~__A6euBi#NoHwx? z9Ef87=lJGe^LON%Mji>Yx1tUUwuF=%rEqCGYonstl#f;)s1oIkG#_P6wi%6q{gH3K z?I*_D**N^`?JHuMfKOn_=2vFw@1>_Fd@E}OeSo+SK3-`n0p-6U`Zt%>WBKqg4f;*u zuOj0X>W<`ZrVGEyA-HrH!?%8{W&I(;*bSGleC@XXoIWss;yt4v{m;w&N9Fw0`~SYS z^uAE=jXUgz+jda2Lm`B9N+W-13zATd_W2Yw7mHEfE?#t^8*-6^B{E$ zA$1I);EQwK{V{|BuZFz%7((h8Lh2Yo>KH=m7(&_@KH3;Q+8BYfF?_T!0%>FTXk++j zWB6!e_-JGJ=wtWm)YDHjx@0wMAc<|%eJ02eq{r1v4VifD#l0LB)UxR8&M( z6=pH#95H9iIlQgF%srla?!0^Moj3DlTzu@_y}G))y4Js{tE#)Vx4XE6x=71qATlB# zDb!Jz`TnmU{ErSz3=RoS3^pH^5F0baaC~Tda6;h3(D;PN*cd|xeM1{_;h$j-eM2Ep zXkbF{#L$rMx2-L$ZOtt0%&cwuSlKxAw05xWX*kXMH$4pqb?w|kTSVmhe>-7MV`F2& zBEwtziH;3PiVFSS(vKd$cQ7_8I3Xc0COG=X?IEEPl0st=BZH%Ul>MkHB%fl~Mv(9q zf_(Hyy3H!4A zZ-_1_CNlB6VF?yKlJ(k zrP^;pm+dcf{p+F2`tO0RA6CzQ6J5Q2q3d4{UABJ@blLtXyXzOc{`KJ1>+b=to__*f zzm(U1aFqUa46nZjyzKr2ynb0;|AO%PyC^UFKY^}aUgN(Yy8bSfSFb;Tu3r(ae?fHp zUA)HLe+FH@3#TSThDXOnhJ0`9S46dCMW8Ld`~O+YYt&x?uzwhJ6;k}?!T!Hg{j1Ys z_+Pa$Ha0pgGAi^xhI(V;5+kEq!_J1ng`OY5^QhQ_?*V#Y06Hc(J|%FhFs7X#Tx*Gs zjZ68CxbMY*lR_iIBYs5tTLaI+g`)V#u|F10gt7mzN%6sBQw+b4u7y&#Oz~HW)++Hy zF@d4M;i2(SDZ=jB);xrZ8gU7MaiQ^np~<0RlUi30tb{F%i%b;q{$mVn^wa*sqSD-$ zi+oQbgo0?{h0b8%{0T zD*TP~kMP@Hyrp79D=u5```7p5XZ-$+ZhjU2i%Z~V{I=<_tXBNA4ZjVaKfvC0^M8;I z8RX?6DkATJu{!w%lpsU%&M|Xruf2z4#xn z{!dl)kMw}|Px5Qg17d$Tk5$UI3`@UtbV0XTB=^7dy#J|$_KTU{NuW&+Y-%lOo6j~i zwcy~7a8`M{rM&U(e@)lxSxdR!^Om%Yfj??jxyAAmv24ZV-?GCtDYvxP_WrlE|116X zkU$%L+i=?o2NCa9{Ip4-%?@irVgI&*Kbf}7V-kO{{~xr@S8eV8jN>-G7HGC~*haUb zHGi=~%l)?b&a%sI>HJ#r$z5CS>$fB#Gr8Z=Rkr3Ep_SmDJozI%przQtc&}E${VhG9 ztkFW>Cg*?hVgF+9e^~-Q>w&iS$nPgWShn_S)ta`whkgDeKP`Gd^e=kg`S(4!!mF*_ zpK;t$`s?#&35beFw#ckiaH1k6KS)HyT5hz8RixEC__6i*J3(7sTo}>$PN|~bNf5m{i!-8T=zre*^qrtjEJQH1AMomV(G_TYdPS1=NmKX6KHj9va!AQ>i zdI9t)IWLg6Q6a-AF1UL_JqJ47KKof|%tH?qsa3Lvbgj2U=5hmK|Uq0ieRxHxwV_>5UXhwP;r zl9$e+GTr{vvo@LZhMQm~D<|MoZ@{J7X|(i8Iy`kPq^X`&XkcwbN@{bsw9(QHN{N|h z80-%5u>d)1yO7iNVhHe>OItK%Qb6`h7uHOYD7*ByBjit626=%6a9R5$(ZN!3{j64>`gIJLWURsdm#RUfSMP>A ztuN4P>KgiBVguQCrf?g_*iy;cYxK3S5c+PB!jnvp#Ia>F15iDy)L*Y%q+SwU>k1h|Qc~b`$sVgci4M$Q#~%lo~Ej^k#o#pZ#pN z{!RN#w`I^W{{&FXvI&P9RA+^g?B4%TV^d0k)Ltg#>cPpw-WgM{Qq13qHW%9 zJ81cH{(oQ(bZX(GZDpd3uYat6(Oj+$W$zb(taH5ur7H8-MT3aSvRyAO7`qwSMsyr;%q}O9d?Hgbr4YVo{M1rp`7ix-vPe9 z_(*eK<&lrYGMXRTOpE3oW@bv_aH8urrhfM#rq)dcoj2(uIrcL%->@4}zXn3AyeW)P zTSe0@X27<{EcjL*1esG$lJr1fKZV&eJIezupEybH2TVk-j5*XNZY#`jjwH7kCGbFZ zKY&jfwDXuvRr5s9a{@<023)7^3u{^UF?k$2_!2FsKQ5@XSjdOe8AIO+Ew0>VF)?F( zSe?IxK5n;QW$P+PrDz8GvR<3Iu%7Vf^ z$Ez85uG?O2g6b|>@?;N9m~aVV-O}O0z2&ey=^op7yC*F6cjA(k9Hm`u8nmys1l=-O zMg{dNKHw|>YYd#z8t^hqhF94s6CVDYEmoE`M5BIe0yea>P z%+uR7Y&=Oggqp8@jFE2?@J5ph+iFu(B`5 z2Se28`h=Y@;FvR|yDLGU<6Y{w5y9H{Iz%o3+B|j`l+Mwov9y-rJ9;s_BRODKz6h#v zuA{VZ7c_r*iZ-8F%q^0d%Z^_y0LcdzU`@>xs8=oo{UhC}+0`Dl?AlCI1Ffl{*Z|6R zoq#h&E7^gC`{`EIa+-Z*9C?kpOhw@r$W7)g_T4|6Y9&KS_1HF;JTnuziJu1j$2O#y zpUSRnQzl;eHgk}(C5N*wXi@eMNV0wRO(9mM~YC`vJAK}&yq5i zq|?DQi`f#hTDT>m2QO7F(6)!=&pp?na`K4nXvde;h8=~h9r(mv1= zFD4niJ*2$oJi}EMpt@Y7;oYWLEJ-#CmP9wgW%Ydc+3)hxYkP11^R&$_IBE2sm;bxo z{k`7(t>4wAZ`;y8uV-&|ZjrI~PonaVPF`tRscoFYR zw)j{EHWgptN+%eyTZ5ehFU&LeWX>C#j_0ywB@rB8S0(U$)sr*GdnK4F8^Etz_>lV} z`}XJcg1=?oZZd5V+b{p@C;0rEWPi4A+w@sc>v~h082(@RXId@hnMkizT>dTmX7z62 zu#N9Fet)I^9uoK&zis}RUn_pvq+r?l2D?QdpqH`{#l!S z(5e#P?aekqxTxB8{dr3+CxScnhJN~eK;`1JKzS4=Dr(1zlRRQg*Y)>zZQ)&FjbF8zX6~F)P zIPln0%HEuwN8ieIL9UR|t)?q1VX_N(Ui2cL@gr%8et))c)l{$#xx?u%x?2DA-W1fk zB+brV4<*CkJos$kg{KFtqw2;a>fuw$@3^v!olTsEvMc7Yxl`q#NopvlAC;yZ=?h@Y zj6M*#y(1j&l?Vm?{v@%m4kHw|vdUq7n2!Dy6npp?FBccX;hLrOt{OUm=Zzb2dsP9f z?f(d4n)a}dv#aSH}bH&)C0cq6XDH<Xivn zTQ<;!C^zhMDjGho4x*a-7IZY7qdwNlu-}m0U|BJXR%z{|;}e#Xgv=|Rn_WfkBeUsU z=Lfh}&lL9bbHp&`QhYV*G`@Rz2hBzXgGkW|s+hMF;-Y4Pc`A_pKvl3!ngPYK=^)}W z6x{2^!OrSMFf$~RQc9QOibYXmp{5J62JUpUa2AaJQbq~6Lzt|jx1h?W0*Dz%m}5ogk&*+hnYwhQ`Y;vgg0`(## zZ1WLS802(;Yj;ze4KB)tFa;adqw9Q7AGQsT`5&iG{`nAnU@vR8@)L_KPJj_xN08UI zJWw?9g*nxRm=)2Tz6={jZzfpN>W9Vkm!1p|RJ^Zbt9HKR0*dBC&%;V!c)%4tcofl@ zcluy>@&lf7F@WvI#i>mEIyY?FMm9CS06zD!W;3eO;IKhH^)#FdkCs@`mT$vgMbGh@4I&0tE|9j3A?n~hi6iZT_;SO}X7meb1ciQFn$p{fm; z=N{l})ilzu7p3rih3vdaBxRiINAGHv;V@1f0>SfN?mgeNo&(g3=mCV14HK1wfrLdut5WZyH!GOtDBg7GZUVu1$+0OA|e&F>DBl7QW{FCTG%#c0)j}Pa%uCVFk@g7|DK#gH8|YF{ZLJ zH8@zo!Q*qOsJNafRI6Y+iM$==gD+vNS`Zbj3?yxZR9YxL18UQkGR3h==twU|440Ot ztver})s5B6aQi*BdWSP|r+BQmw~*|Y8AFM|Y_jEcvV+CN^{&snpw?L%@4Ly;tfN3d zA(J^4wU-LV^`nY1e>hzh#9VHLQ-tqZRz6`a?dZe=+jr!H*ph(|ymcgZ)Y5`-j=#eM zk-7A(at->H>T%zK9a)%8DU9LVsXu=RoeXoSXo(qYTb2uPF+;(3PaLOa=PgO@za_iy%^5 z5_b94(&VA1nbG(_IQVik&5f*b5PMvWTApRFFYh3-j46~jaW+gBRfEH6{h+_=N0fi_ zlqnUI;Vpp=zF53~-j{a51@2ySN@F=&v9_3kG>>AOU@*IMOIk2+R4S~<-oY9MF6R5@ zThZaI3u)KlVeqo*COhNZB=GR=1k?7E(3p-lF$AA7J^l(aYZ^_>`)p|TSa-HSJsmgC z-M}TCN`+^8M4;D+5fph+3~IY*(u?WBIb>cHJE}7uQn$s^bn`_luG>xif%01}zxoD$ zD?aPx4ptIzw8%3R-`8BhXj@AV$<>Fiei@ii?SWrkicn>b1DI|9 zf>)BOq=_=Kz-rr8rhIQ8oXl8ATeqLC|2Uw8YudbwUI%`}l|cqHUvfE(l*?t~_q@Tw zuj1kD(gk3&_!A56nhuX8=8?g>6n;g2A9^@6mBemq(s_q+N?&skc=U?{atqp$2P*TJhD845;&|Bda~hbx35ht(;@ zY9;JBIUa7z91Ic;{m5T3jf{p%QsOaHDC*l2UKkeB5c2{$rdiLg={Sp0yBWZJ^O3l{ zegSU%d>kL;b%cwv+HqqRp2T@VeRE6NpHt-Pah9$rD6cq$ffusr0hJPNJxm)q?(P6S z)i+s~)Cf3fc%3Dx%%Yf1MRYCUB-%#YVY6>Gv5VnLV0oz;Z5QiG*JEO^PJa=p^zL28%n#4jLVwz%S5beVCJ7=x_Mog$ z^Vqbv&3LejF?;D@3wNKZ@N=SuLD}aFlKp%N=idFqpYS@%T~Eq{rt_!Rybsc3{KSpq zbWOlIJ`yIVsInEKq+n2J1p9P4hF-p%#SWLh=9aEsOwl{?`SYHYxL&afyIxesuFQ(S zjt+`!R{TQj)@deu7VSZPE~2EoXE)yMlt)UpVrgn#E~(8e0*5qxICSVWYgeU9f`y+j z{{0uW>ETB-lrRKix!JTdFN$B;dmj0xtfc8imCPwShej{$LTLk+VzaXrJib*(bG|x} zL+?U-`FT5g5XWeZU>?jc&1ce%A!Oe(3sef%v!XFRFgz{-6gMuQ!Rn3dNC!>4dwUSw z)~|-peQ!7knH6NbZygL~1JE#Ax4vw^G_dOB#8ez!;r6UT5I1s#bG}R1qIT9~Y_0?K zR*LZ4B#X{t5F4xHM+0MB$80UEhccE&GF-Qz~t^JAgKH=IDs$1XvtY zM)GcRAZS4bi1eC;Q$xDIp--N$`}Rl*DxZudadYAH(sa_RTL4N;S0 z@Wg*T+Zdcla@YapIGsez!zM6#z0~jG-|xHs)?fQM*A{m<>F{&Ozjyxke(i7L-);VE zTl(ky*qeeDNiX|J;8{QA|FPLVvR>Rlp~tg(>uB~Oxq_cMSC5bQBFo9%$mZU4mElIe zI>0-vXphd_G;yq97FXw#&lf&6a8@gP*AU_zq9A74$Mennc$pbFBWbY z&Al7R1ZS`0a_QT01^R9}{DmEE^}Sq*>i1}6a_375cw3hOPS^LeV9JORwx$0dLFLUF z!Ihzd@T1Sg-Zi}j@TWHEb27^<@Q>o@KkuvmTk%K{=N383{A0!atM`A91b&W3w&}+Q zKb_0?e-%%U`2Ks*!Yj+ECH-6Y^_$p2*T#2C?$_tPiv)hgZ(BUQvK2pVa`=14)BCjI zwk@9iGmhK%_?7-v0>8IAS}csV^Av6NhIebVpYwm-4)JqoZPNO;9Q|YC>Aka`V!g)* zy4wCaYj3Ya(L2wxnwd(V9pnmDCEY>gXfIg0>0$k#3zmRi7t$HuUr&o-1!|M}1a( zV3qf^p;)sWUw_Mh+^2d{^R`~>#VdJYC5JFWkavO$J~$Yu=~yfs8l{P$h&{3;^hj%z}}hKMKaXiA5>7#AfC zt7piw!%s!w?}v?J+~Cu@JofcO5?f?tPsP`bVDGV1^y=Xc=SGg9>@5Z~V#IAee@HQ(Jk=Jm zxLp{gXGg|;Mc~@`T#SyFqOr5;Fs<+g%YXZbEiH~Fqibb!&rlePRurYfc~3E~>m-;R zbqr(o>rkJp4frKUfoi5r23|6eg2qXcWwID7kxioNn9ekE27uJrzK}k975RQPgr*@Y z*wN%%kn!-NxA8O3`{Dr>=BEbPPp070#(td4l|oj%DHBeHzhg>TNAdj&d1}m7rkNGF z>ogsoHT%$w=a0B2J}Pwif)fPrg*)HxQm2_;qHtY> z9H?*(Fzby8-E0=8&8wVPQMNAl>`{i!9~tR4458*j4b<(=Q z`exU#ewI4?;_l5{_E<|+=%z*w7bufbbXV%OWE`BU5n~>^Tu5Ma4bQ#Nr=r)YEOna` z8-K}!^|uM8j90>QLS`LF?PUmgtvD{2xppuqPxP6=MC^jqZvpJzx%-dPNy_ss^yv8AWL6_nAd(RA${5uE4A% zXZS31Bopy*OzL(T4yhI)+iPCrkfKhNsn%4U^bIuyvv60y?w7ED6(#IZS?Ol3Nlb$E7%eA0HK|X(L?n)LBw+_F~ z>4?tCX?T6jIO@7%I>{s}(X58c%xHQL_}pit9AOQbDt?qWHG_?~eVR48&0v;|>Zoxx zofXK{;^0r)cwGYr#*K+&%@xILdu=A$iWOL48U#^6i|E^=2dH1U6ZMa%agOp; z{PMM-zBw<5pwNZe5mm)p3aa=~DKT*DVl~#(#gW@m2?&tC$M?3{%CyIBV*B%a2;99O z*4dV3n3&-8)7~)rbu$LOZwFxwd2HIia5|%Wk)^dO;uoxT#q!U-aAM$8-rraZ7LDsn zJ_$PXdM+c6x!UmD_$XiK%?W~}gmUP9uD&u(0#`P5r7lq&!1rPo(v0W`)5cV?_s!E8 z=BU6~g>c%RG>zTgoy3%)yTMS^6`1!Rl&;=)0*$MBFxp%e%X<%jc@kb=X}lN@JaMO@ z*ht7%84FIO7BHmS0;V$PD-PbfgWcW#l*!9}Wb#Mbv0Ue&FtkLB$~Qj1(oqKmjzyvT zqVD~{yMr6d37Nx^oiFgtYoutAvJdtuK8Z`R?BHFZ@ckWHRR6|zC<_yw%^RaRhNha! zLtV^U{B-sds~Z(Y>3vt>-No9tVB$5w?U$+CaAls!ON^$%iO1QeDB|tPUbE(K9hz6S zlXWW`g>3Xv=Ca}rvk{Rcm*W}uRDUSN47kr?t-A5YN7?hU613R8rH@%spK0U~VG8Z5 z+cAOtV?4BeHXkl>4P_kW;f6bpK1;2!KK{)Hd?PuT+pbi>YAru7XYE*C zb-5}oR#v16LDa;YEe zn9!d_$vcCZiXy8#u1CF=$iUazud&_BU1<4s7GHlq9nL+R!gsq`46e#HV0nH5+e`jb zcFTmB1_#4BO(~4DlLUCH45vHyhlGt6h3kG3*;>nXFwzxZxy?rIr1l2(?X@SReCPl- z<&$CitJ$!IVqwGker($5J1kM+zHlG55oy#dr<}QK+1#8yl=*BktGr?X%u)|Jo6d8{ zy%|iO^$y|LkXuYD5J)kRX?X(bmE1K}oRs&ch>k2mNQi3Vvr|_kzIJ`L-%Fj}Bp<7P~7w?*g zhQ*uFWsn5<_X;4rzB)K2TLj{#Yf}3&qe1H18hn_2k?q}5!#3!yz{h*dY4?cJc&Wc5 ze4ToR?dkV|9kY9aPu_20g%>xVpyL*d8KecTTs6=~`weEVuUU1tEdA*`W? z4ohshg>Que3x*;%qhb6poOQ4RP5U zY6y5XxRA8zB!_Z+7Z}-7fmFkt>1?C|E#IvR<_WV{W}YM-JG+N}(ytE~OVclk;W-Yq$Wvue!edh!jd?6@(d z3@<>NWs|tIh9RI+(FdC@XK+h=2lC^GTx7%FuEysqoi0{?MfqA+kQ=g_-+ufp3-5dy zANt=BblEh4nHFe+6Tg^$5VIRiJM|&8KAkCan;E&O>%;zo0lbm6ENDzS%?55{pmbz6 zE<2&mRP^(4V&fxJd1+41mpPNc4B^__ldjNowFZ~l+d;Sd<7`NCEvxO8$>s%(f>37# zntih${F92IgC}M zyvi}OZl@^pvk|T_t{+388;wvdbtabchxq|TeIam_CT;&(g&PySP